diff --git a/.gitkeep b/.gitkeep new file mode 100644 index 0000000000000000000000000000000000000000..e69de29bb2d1d6434b8b29ae775ad8c2e48c5391 diff --git a/.ipynb_checkpoints/model fine-tunning-checkpoint.ipynb b/.ipynb_checkpoints/model fine-tunning-checkpoint.ipynb new file mode 100644 index 0000000000000000000000000000000000000000..e4a7799c3f1ce7d43640ccb6852e3949d852c70c --- /dev/null +++ b/.ipynb_checkpoints/model fine-tunning-checkpoint.ipynb @@ -0,0 +1,923 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "id": "96d10e25-bc25-4058-baaa-a74ab15af266", + "metadata": {}, + "source": [ + "# Kaggle API Setup for TensorFlow and Keras NLP Project\n", + "Gemma is a family of lightweight, state-of-the-art open models built from the same research and technology used to create the Gemini models.\n", + "\n", + "## Introduction\n", + "In this notebook, we will prepare the environment to download and utilize the Gemma model in a TensorFlow and Keras NLP project. We will begin by importing the necessary libraries, followed by configuring the Kaggle API credentials to enable seamless access to the required datasets.\n", + "\n", + "## 1. Importing Required Libraries\n", + "To start, we will import the essential libraries for this project, including TensorFlow, Keras, and Keras NLP, which are crucial for building and deploying NLP models.\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "996572a0-edb7-49c9-89cc-27ad9b5a42d2", + "metadata": { + "scrolled": true + }, + "outputs": [], + "source": [ + "# Import required libraries\n", + "\n", + "import os\n", + "import tensorflow as tf\n", + "import keras_nlp\n", + "import keras\n", + "import json\n", + "\n", + "# Ignore Warnings\n", + "from silence_tensorflow import silence_tensorflow\n", + "silence_tensorflow()\n", + "import warnings\n", + "warnings.filterwarnings(\"ignore\")\n", + "os.environ['TF_CPP_MIN_LOG_LEVEL'] = '3' " + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "id": "29ec8457-c4b5-4017-b190-812e0b2428f5", + "metadata": {}, + "outputs": [], + "source": [ + "# Set Kaggle API credentials\n", + "\n", + "os.environ[\"KAGGLE_USERNAME\"] = \"rogerkorantenng\"\n", + "os.environ[\"KAGGLE_KEY\"] = \"9a33b6e88bcb6058b1281d777fa6808d\"" + ] + }, + { + "cell_type": "markdown", + "id": "0145d6ca-9424-4c32-9e87-7cbac86cf65f", + "metadata": {}, + "source": [ + "## 2. Building and Compiling the Gemma Model\n", + "\n", + "In this section, we will build and compile the Gemma model, a language model designed for natural language processing (NLP) tasks. The process involves several key steps: loading the pre-trained model, enabling fine-tuning with LoRA (Low-Rank Adaptation), configuring the input sequence length, setting up the optimizer, and compiling the model for training.\n" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "id": "e8045579-6e77-4879-b630-d1a9d2550a4d", + "metadata": {}, + "outputs": [], + "source": [ + "def get_compiled_model():\n", + " gemma_lm = keras_nlp.models.GemmaCausalLM.from_preset(\"gemma_2b_en\")\n", + " gemma_lm.summary()\n", + "\n", + " gemma_lm.backbone.enable_lora(rank=4)\n", + " gemma_lm.summary()\n", + " \n", + " # Set the sequence length to 128 before using the model.\n", + " gemma_lm.preprocessor.sequence_length = 256\n", + " \n", + " # Use AdamW (a common optimizer for transformer models).\n", + " optimizer = keras.optimizers.AdamW(\n", + " learning_rate=5e-5,\n", + " weight_decay=0.01,\n", + " )\n", + " \n", + " # Exclude layernorm and bias terms from decay.\n", + " optimizer.exclude_from_weight_decay(var_names=[\"bias\", \"scale\"])\n", + " \n", + " gemma_lm.compile(\n", + " loss=keras.losses.SparseCategoricalCrossentropy(from_logits=True),\n", + " optimizer=optimizer,\n", + " weighted_metrics=[keras.metrics.SparseCategoricalAccuracy()],\n", + " )\n", + "\n", + " \n", + " return gemma_lm" + ] + }, + { + "cell_type": "markdown", + "id": "6475baba-ce54-40ec-a484-22629936c845", + "metadata": {}, + "source": [ + "## 3. Loading and Processing the Dataset\n", + "\n", + "In this section, we will define a function to load and process a JSON dataset. The dataset is read line by line, and each line is parsed and formatted according to the required structure. The function returns a list of formatted examples that can be used for training or analysis.\n" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "id": "238f65b1-75c2-42a1-abd3-b4d8c7c36799", + "metadata": {}, + "outputs": [], + "source": [ + "def get_dataset():\n", + " # Initialize an empty list to hold the processed data.\n", + " data = []\n", + " \n", + " # Open and read the JSON file line by line.\n", + " with open('/project/data/combined_dataset.json') as file:\n", + " for line in file:\n", + " features = json.loads(line)\n", + " \n", + " # Filter out examples without \"Context\".\n", + " if not features.get(\"Context\"):\n", + " continue\n", + " \n", + " # Format the example as a string.\n", + " template = \"Instruction:\\n{Context}\\n\\nResponse:\\n{Response}\"\n", + " formatted_example = template.format(**features)\n", + " \n", + " # Append the formatted example to the data list.\n", + " data.append(formatted_example)\n", + " \n", + " return data " + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "id": "d589e374-cc82-4132-9613-23ee064aa10e", + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2024-08-30 16:13:39.953235: I tensorflow/core/common_runtime/gpu/gpu_device.cc:2021] Created device /job:localhost/replica:0/task:0/device:GPU:0 with 13775 MB memory: -> device: 0, name: Tesla T4, pci bus id: 0000:18:00.0, compute capability: 7.5\n", + "2024-08-30 16:13:39.954747: I tensorflow/core/common_runtime/gpu/gpu_device.cc:2021] Created device /job:localhost/replica:0/task:0/device:GPU:1 with 13775 MB memory: -> device: 1, name: Tesla T4, pci bus id: 0000:19:00.0, compute capability: 7.5\n", + "2024-08-30 16:13:39.956103: I tensorflow/core/common_runtime/gpu/gpu_device.cc:2021] Created device /job:localhost/replica:0/task:0/device:GPU:2 with 13775 MB memory: -> device: 2, name: Tesla T4, pci bus id: 0000:35:00.0, compute capability: 7.5\n", + "2024-08-30 16:13:39.957459: I tensorflow/core/common_runtime/gpu/gpu_device.cc:2021] Created device /job:localhost/replica:0/task:0/device:GPU:3 with 13775 MB memory: -> device: 3, name: Tesla T4, pci bus id: 0000:36:00.0, compute capability: 7.5\n", + "2024-08-30 16:13:39.958812: I tensorflow/core/common_runtime/gpu/gpu_device.cc:2021] Created device /job:localhost/replica:0/task:0/device:GPU:4 with 13775 MB memory: -> device: 4, name: Tesla T4, pci bus id: 0000:e7:00.0, compute capability: 7.5\n", + "2024-08-30 16:13:39.960166: I tensorflow/core/common_runtime/gpu/gpu_device.cc:2021] Created device /job:localhost/replica:0/task:0/device:GPU:5 with 13775 MB memory: -> device: 5, name: Tesla T4, pci bus id: 0000:e8:00.0, compute capability: 7.5\n", + "2024-08-30 16:13:39.961521: I tensorflow/core/common_runtime/gpu/gpu_device.cc:2021] Created device /job:localhost/replica:0/task:0/device:GPU:6 with 13775 MB memory: -> device: 6, name: Tesla T4, pci bus id: 0000:f4:00.0, compute capability: 7.5\n", + "2024-08-30 16:13:39.962850: I tensorflow/core/common_runtime/gpu/gpu_device.cc:2021] Created device /job:localhost/replica:0/task:0/device:GPU:7 with 13775 MB memory: -> device: 7, name: Tesla T4, pci bus id: 0000:f5:00.0, compute capability: 7.5\n", + "normalizer.cc(51) LOG(INFO) precompiled_charsmap is empty. use identity normalization.\n" + ] + }, + { + "data": { + "text/html": [ + "
Preprocessor: \"gemma_causal_lm_preprocessor\"\n",
+       "
\n" + ], + "text/plain": [ + "\u001b[1mPreprocessor: \"gemma_causal_lm_preprocessor\"\u001b[0m\n" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/html": [ + "
┏━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━┳━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━┓\n",
+       "┃ Tokenizer (type)                                                                                Vocab # ┃\n",
+       "┡━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━╇━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━┩\n",
+       "│ gemma_tokenizer (GemmaTokenizer)                   │                                             256,000 │\n",
+       "└────────────────────────────────────────────────────┴─────────────────────────────────────────────────────┘\n",
+       "
\n" + ], + "text/plain": [ + "┏━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━┳━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━┓\n", + "┃\u001b[1m \u001b[0m\u001b[1mTokenizer (type) \u001b[0m\u001b[1m \u001b[0m┃\u001b[1m \u001b[0m\u001b[1m Vocab #\u001b[0m\u001b[1m \u001b[0m┃\n", + "┡━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━╇━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━┩\n", + "│ gemma_tokenizer (\u001b[38;5;33mGemmaTokenizer\u001b[0m) │ \u001b[38;5;34m256,000\u001b[0m │\n", + "└────────────────────────────────────────────────────┴─────────────────────────────────────────────────────┘\n" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/html": [ + "
Model: \"gemma_causal_lm\"\n",
+       "
\n" + ], + "text/plain": [ + "\u001b[1mModel: \"gemma_causal_lm\"\u001b[0m\n" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/html": [ + "
┏━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━┳━━━━━━━━━━━━━━━━━━━━━━━━━━━┳━━━━━━━━━━━━━━━━━┳━━━━━━━━━━━━━━━━━━━━━━━━━━━━┓\n",
+       "┃ Layer (type)                   Output Shape                       Param #  Connected to               ┃\n",
+       "┡━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━╇━━━━━━━━━━━━━━━━━━━━━━━━━━━╇━━━━━━━━━━━━━━━━━╇━━━━━━━━━━━━━━━━━━━━━━━━━━━━┩\n",
+       "│ padding_mask (InputLayer)     │ (None, None)              │               0 │ -                          │\n",
+       "├───────────────────────────────┼───────────────────────────┼─────────────────┼────────────────────────────┤\n",
+       "│ token_ids (InputLayer)        │ (None, None)              │               0 │ -                          │\n",
+       "├───────────────────────────────┼───────────────────────────┼─────────────────┼────────────────────────────┤\n",
+       "│ gemma_backbone                │ (None, None, 2048)        │   2,506,172,416 │ padding_mask[0][0],        │\n",
+       "│ (GemmaBackbone)               │                           │                 │ token_ids[0][0]            │\n",
+       "├───────────────────────────────┼───────────────────────────┼─────────────────┼────────────────────────────┤\n",
+       "│ token_embedding               │ (None, None, 256000)      │     524,288,000 │ gemma_backbone[0][0]       │\n",
+       "│ (ReversibleEmbedding)         │                           │                 │                            │\n",
+       "└───────────────────────────────┴───────────────────────────┴─────────────────┴────────────────────────────┘\n",
+       "
\n" + ], + "text/plain": [ + "┏━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━┳━━━━━━━━━━━━━━━━━━━━━━━━━━━┳━━━━━━━━━━━━━━━━━┳━━━━━━━━━━━━━━━━━━━━━━━━━━━━┓\n", + "┃\u001b[1m \u001b[0m\u001b[1mLayer (type) \u001b[0m\u001b[1m \u001b[0m┃\u001b[1m \u001b[0m\u001b[1mOutput Shape \u001b[0m\u001b[1m \u001b[0m┃\u001b[1m \u001b[0m\u001b[1m Param #\u001b[0m\u001b[1m \u001b[0m┃\u001b[1m \u001b[0m\u001b[1mConnected to \u001b[0m\u001b[1m \u001b[0m┃\n", + "┡━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━╇━━━━━━━━━━━━━━━━━━━━━━━━━━━╇━━━━━━━━━━━━━━━━━╇━━━━━━━━━━━━━━━━━━━━━━━━━━━━┩\n", + "│ padding_mask (\u001b[38;5;33mInputLayer\u001b[0m) │ (\u001b[38;5;45mNone\u001b[0m, \u001b[38;5;45mNone\u001b[0m) │ \u001b[38;5;34m0\u001b[0m │ - │\n", + "├───────────────────────────────┼───────────────────────────┼─────────────────┼────────────────────────────┤\n", + "│ token_ids (\u001b[38;5;33mInputLayer\u001b[0m) │ (\u001b[38;5;45mNone\u001b[0m, \u001b[38;5;45mNone\u001b[0m) │ \u001b[38;5;34m0\u001b[0m │ - │\n", + "├───────────────────────────────┼───────────────────────────┼─────────────────┼────────────────────────────┤\n", + "│ gemma_backbone │ (\u001b[38;5;45mNone\u001b[0m, \u001b[38;5;45mNone\u001b[0m, \u001b[38;5;34m2048\u001b[0m) │ \u001b[38;5;34m2,506,172,416\u001b[0m │ padding_mask[\u001b[38;5;34m0\u001b[0m][\u001b[38;5;34m0\u001b[0m], │\n", + "│ (\u001b[38;5;33mGemmaBackbone\u001b[0m) │ │ │ token_ids[\u001b[38;5;34m0\u001b[0m][\u001b[38;5;34m0\u001b[0m] │\n", + "├───────────────────────────────┼───────────────────────────┼─────────────────┼────────────────────────────┤\n", + "│ token_embedding │ (\u001b[38;5;45mNone\u001b[0m, \u001b[38;5;45mNone\u001b[0m, \u001b[38;5;34m256000\u001b[0m) │ \u001b[38;5;34m524,288,000\u001b[0m │ gemma_backbone[\u001b[38;5;34m0\u001b[0m][\u001b[38;5;34m0\u001b[0m] │\n", + "│ (\u001b[38;5;33mReversibleEmbedding\u001b[0m) │ │ │ │\n", + "└───────────────────────────────┴───────────────────────────┴─────────────────┴────────────────────────────┘\n" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/html": [ + "
 Total params: 2,506,172,416 (9.34 GB)\n",
+       "
\n" + ], + "text/plain": [ + "\u001b[1m Total params: \u001b[0m\u001b[38;5;34m2,506,172,416\u001b[0m (9.34 GB)\n" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/html": [ + "
 Trainable params: 2,506,172,416 (9.34 GB)\n",
+       "
\n" + ], + "text/plain": [ + "\u001b[1m Trainable params: \u001b[0m\u001b[38;5;34m2,506,172,416\u001b[0m (9.34 GB)\n" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/html": [ + "
 Non-trainable params: 0 (0.00 B)\n",
+       "
\n" + ], + "text/plain": [ + "\u001b[1m Non-trainable params: \u001b[0m\u001b[38;5;34m0\u001b[0m (0.00 B)\n" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/html": [ + "
Preprocessor: \"gemma_causal_lm_preprocessor\"\n",
+       "
\n" + ], + "text/plain": [ + "\u001b[1mPreprocessor: \"gemma_causal_lm_preprocessor\"\u001b[0m\n" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/html": [ + "
┏━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━┳━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━┓\n",
+       "┃ Tokenizer (type)                                                                                Vocab # ┃\n",
+       "┡━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━╇━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━┩\n",
+       "│ gemma_tokenizer (GemmaTokenizer)                   │                                             256,000 │\n",
+       "└────────────────────────────────────────────────────┴─────────────────────────────────────────────────────┘\n",
+       "
\n" + ], + "text/plain": [ + "┏━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━┳━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━┓\n", + "┃\u001b[1m \u001b[0m\u001b[1mTokenizer (type) \u001b[0m\u001b[1m \u001b[0m┃\u001b[1m \u001b[0m\u001b[1m Vocab #\u001b[0m\u001b[1m \u001b[0m┃\n", + "┡━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━╇━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━┩\n", + "│ gemma_tokenizer (\u001b[38;5;33mGemmaTokenizer\u001b[0m) │ \u001b[38;5;34m256,000\u001b[0m │\n", + "└────────────────────────────────────────────────────┴─────────────────────────────────────────────────────┘\n" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/html": [ + "
Model: \"gemma_causal_lm\"\n",
+       "
\n" + ], + "text/plain": [ + "\u001b[1mModel: \"gemma_causal_lm\"\u001b[0m\n" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/html": [ + "
┏━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━┳━━━━━━━━━━━━━━━━━━━━━━━━━━━┳━━━━━━━━━━━━━━━━━┳━━━━━━━━━━━━━━━━━━━━━━━━━━━━┓\n",
+       "┃ Layer (type)                   Output Shape                       Param #  Connected to               ┃\n",
+       "┡━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━╇━━━━━━━━━━━━━━━━━━━━━━━━━━━╇━━━━━━━━━━━━━━━━━╇━━━━━━━━━━━━━━━━━━━━━━━━━━━━┩\n",
+       "│ padding_mask (InputLayer)     │ (None, None)              │               0 │ -                          │\n",
+       "├───────────────────────────────┼───────────────────────────┼─────────────────┼────────────────────────────┤\n",
+       "│ token_ids (InputLayer)        │ (None, None)              │               0 │ -                          │\n",
+       "├───────────────────────────────┼───────────────────────────┼─────────────────┼────────────────────────────┤\n",
+       "│ gemma_backbone                │ (None, None, 2048)        │   2,507,536,384 │ padding_mask[0][0],        │\n",
+       "│ (GemmaBackbone)               │                           │                 │ token_ids[0][0]            │\n",
+       "├───────────────────────────────┼───────────────────────────┼─────────────────┼────────────────────────────┤\n",
+       "│ token_embedding               │ (None, None, 256000)      │     524,288,000 │ gemma_backbone[0][0]       │\n",
+       "│ (ReversibleEmbedding)         │                           │                 │                            │\n",
+       "└───────────────────────────────┴───────────────────────────┴─────────────────┴────────────────────────────┘\n",
+       "
\n" + ], + "text/plain": [ + "┏━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━┳━━━━━━━━━━━━━━━━━━━━━━━━━━━┳━━━━━━━━━━━━━━━━━┳━━━━━━━━━━━━━━━━━━━━━━━━━━━━┓\n", + "┃\u001b[1m \u001b[0m\u001b[1mLayer (type) \u001b[0m\u001b[1m \u001b[0m┃\u001b[1m \u001b[0m\u001b[1mOutput Shape \u001b[0m\u001b[1m \u001b[0m┃\u001b[1m \u001b[0m\u001b[1m Param #\u001b[0m\u001b[1m \u001b[0m┃\u001b[1m \u001b[0m\u001b[1mConnected to \u001b[0m\u001b[1m \u001b[0m┃\n", + "┡━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━╇━━━━━━━━━━━━━━━━━━━━━━━━━━━╇━━━━━━━━━━━━━━━━━╇━━━━━━━━━━━━━━━━━━━━━━━━━━━━┩\n", + "│ padding_mask (\u001b[38;5;33mInputLayer\u001b[0m) │ (\u001b[38;5;45mNone\u001b[0m, \u001b[38;5;45mNone\u001b[0m) │ \u001b[38;5;34m0\u001b[0m │ - │\n", + "├───────────────────────────────┼───────────────────────────┼─────────────────┼────────────────────────────┤\n", + "│ token_ids (\u001b[38;5;33mInputLayer\u001b[0m) │ (\u001b[38;5;45mNone\u001b[0m, \u001b[38;5;45mNone\u001b[0m) │ \u001b[38;5;34m0\u001b[0m │ - │\n", + "├───────────────────────────────┼───────────────────────────┼─────────────────┼────────────────────────────┤\n", + "│ gemma_backbone │ (\u001b[38;5;45mNone\u001b[0m, \u001b[38;5;45mNone\u001b[0m, \u001b[38;5;34m2048\u001b[0m) │ \u001b[38;5;34m2,507,536,384\u001b[0m │ padding_mask[\u001b[38;5;34m0\u001b[0m][\u001b[38;5;34m0\u001b[0m], │\n", + "│ (\u001b[38;5;33mGemmaBackbone\u001b[0m) │ │ │ token_ids[\u001b[38;5;34m0\u001b[0m][\u001b[38;5;34m0\u001b[0m] │\n", + "├───────────────────────────────┼───────────────────────────┼─────────────────┼────────────────────────────┤\n", + "│ token_embedding │ (\u001b[38;5;45mNone\u001b[0m, \u001b[38;5;45mNone\u001b[0m, \u001b[38;5;34m256000\u001b[0m) │ \u001b[38;5;34m524,288,000\u001b[0m │ gemma_backbone[\u001b[38;5;34m0\u001b[0m][\u001b[38;5;34m0\u001b[0m] │\n", + "│ (\u001b[38;5;33mReversibleEmbedding\u001b[0m) │ │ │ │\n", + "└───────────────────────────────┴───────────────────────────┴─────────────────┴────────────────────────────┘\n" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/html": [ + "
 Total params: 2,507,536,384 (9.34 GB)\n",
+       "
\n" + ], + "text/plain": [ + "\u001b[1m Total params: \u001b[0m\u001b[38;5;34m2,507,536,384\u001b[0m (9.34 GB)\n" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/html": [ + "
 Trainable params: 1,363,968 (5.20 MB)\n",
+       "
\n" + ], + "text/plain": [ + "\u001b[1m Trainable params: \u001b[0m\u001b[38;5;34m1,363,968\u001b[0m (5.20 MB)\n" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/html": [ + "
 Non-trainable params: 2,506,172,416 (9.34 GB)\n",
+       "
\n" + ], + "text/plain": [ + "\u001b[1m Non-trainable params: \u001b[0m\u001b[38;5;34m2,506,172,416\u001b[0m (9.34 GB)\n" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "# Get Model and Compile\n", + "model = get_compiled_model()\n", + "\n", + "# Get the dataset outside the strategy scope.\n", + "data = get_dataset()" + ] + }, + { + "cell_type": "markdown", + "id": "50106081-cd9e-4246-974e-a4e7db99be97", + "metadata": {}, + "source": [ + "## 4. Defining the Prompt Template and Generating Responses\n", + "\n", + "In this section, we define a template for creating prompts that the language model will use to generate responses. The template includes placeholders for an 'instruction' and a 'response'. We then format this template with actual data to create a complete prompt. Finally, the prompt is passed to the language model to generate a response.\n" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "id": "47a8c8da-b73a-4684-9199-176b4fa9bd3d", + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2024-08-30 16:13:57.828298: E tensorflow/core/util/util.cc:131] oneDNN supports DT_INT64 only on platforms with AVX-512. Falling back to the default Eigen-based implementation if present.\n", + "WARNING: All log messages before absl::InitializeLog() is called are written to STDERR\n", + "I0000 00:00:1725034446.797146 18073 service.cc:146] XLA service 0x5a7be0cb31d0 initialized for platform CUDA (this does not guarantee that XLA will be used). Devices:\n", + "I0000 00:00:1725034446.797176 18073 service.cc:154] StreamExecutor device (0): Tesla T4, Compute Capability 7.5\n", + "I0000 00:00:1725034446.797180 18073 service.cc:154] StreamExecutor device (1): Tesla T4, Compute Capability 7.5\n", + "I0000 00:00:1725034446.797182 18073 service.cc:154] StreamExecutor device (2): Tesla T4, Compute Capability 7.5\n", + "I0000 00:00:1725034446.797185 18073 service.cc:154] StreamExecutor device (3): Tesla T4, Compute Capability 7.5\n", + "I0000 00:00:1725034446.797188 18073 service.cc:154] StreamExecutor device (4): Tesla T4, Compute Capability 7.5\n", + "I0000 00:00:1725034446.797190 18073 service.cc:154] StreamExecutor device (5): Tesla T4, Compute Capability 7.5\n", + "I0000 00:00:1725034446.797193 18073 service.cc:154] StreamExecutor device (6): Tesla T4, Compute Capability 7.5\n", + "I0000 00:00:1725034446.797196 18073 service.cc:154] StreamExecutor device (7): Tesla T4, Compute Capability 7.5\n", + "2024-08-30 16:14:07.351952: I tensorflow/compiler/mlir/tensorflow/utils/dump_mlir_util.cc:268] disabling MLIR crash reproducer, set env var `MLIR_CRASH_REPRODUCER_DIRECTORY` to enable.\n", + "2024-08-30 16:14:09.094695: I external/local_xla/xla/stream_executor/cuda/cuda_dnn.cc:531] Loaded cuDNN version 8905\n", + "I0000 00:00:1725034456.429832 18073 device_compiler.h:188] Compiled cluster using XLA! This line is logged at most once for the lifetime of the process.\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Instruction:\n", + "I'm going through some things with my feelings and myself. I barely sleep and I do nothing but think about how I'm worthless and how I shouldn't be here.\n", + " I've never tried or contemplated suicide. I've always wanted to fix my issues, but I never get around to it.\n", + " How can I change my feeling of being worthless to everyone?\n", + "\n", + "Response:\n", + "I'm sorry to hear that you're going through some things. I'm not sure what you mean by \"I barely sleep and I do nothing but think about how I'm worthless and how I shouldn't be here.\" I'm not sure what you mean by \"I've never tried or contemplated suicide.\" I'm not sure what you mean by \"I've always wanted to fix my issues, but I never get around to it.\" I'm not sure what you mean by \"How can I change my feeling of being worthless to everyone?\"\n", + "\n", + "I'm not sure what you mean by \"I'm sorry to hear that you're going through some things.\"\n", + "\n", + "I'm not sure what you mean by \"I'm not sure what you mean by 'I barely sleep\n" + ] + } + ], + "source": [ + "# Define the template with placeholders for 'instruction' and 'response'\n", + "template = \"Instruction:\\n{instruction}\\n\\nResponse:\\n{response}\"\n", + "\n", + "# Create the prompt by formatting the template with actual data\n", + "prompt = template.format(\n", + " instruction=\"I'm going through some things with my feelings and myself. I barely sleep and I do nothing but think about how I'm worthless and how I shouldn't be here.\\n I've never tried or contemplated suicide. I've always wanted to fix my issues, but I never get around to it.\\n How can I change my feeling of being worthless to everyone?\",\n", + " response=\"\",\n", + ")\n", + "\n", + "# Assuming gemma_lm is a language model that you're using to generate text\n", + "print(model.generate(prompt, max_length=256))\n" + ] + }, + { + "cell_type": "markdown", + "id": "9784a448-b7a2-40e7-8162-3caa3ac64d22", + "metadata": {}, + "source": [ + "## 5. Model Fine Tunning\n", + "\n", + "In this section, we compile the model, prepare the dataset, and then train the model using the data. We will walk through the steps of obtaining the compiled model, loading the dataset, and fitting the model to the data.\n" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "id": "9355a347-5893-4f94-bff8-09cb126d818d", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Epoch 1/40\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "W0000 00:00:1725034506.217331 18546 assert_op.cc:38] Ignoring Assert operator compile_loss/sparse_categorical_crossentropy/SparseSoftmaxCrossEntropyWithLogits/assert_equal_1/Assert/Assert\n", + "2024-08-30 16:15:23.759806: I external/local_xla/xla/stream_executor/cuda/cuda_asm_compiler.cc:393] ptxas warning : Registers are spilled to local memory in function 'loop_add_subtract_fusion_2', 220 bytes spill stores, 220 bytes spill loads\n", + "\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2455s\u001b[0m 682ms/step - loss: 2.0513 - sparse_categorical_accuracy: 0.4572\n", + "Epoch 2/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2398s\u001b[0m 683ms/step - loss: 1.9421 - sparse_categorical_accuracy: 0.4760\n", + "Epoch 3/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2398s\u001b[0m 683ms/step - loss: 1.8639 - sparse_categorical_accuracy: 0.4929\n", + "Epoch 4/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2396s\u001b[0m 682ms/step - loss: 1.7974 - sparse_categorical_accuracy: 0.5083\n", + "Epoch 5/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2397s\u001b[0m 683ms/step - loss: 1.7301 - sparse_categorical_accuracy: 0.5239\n", + "Epoch 6/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2396s\u001b[0m 682ms/step - loss: 1.6699 - sparse_categorical_accuracy: 0.5380\n", + "Epoch 7/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2397s\u001b[0m 682ms/step - loss: 1.6151 - sparse_categorical_accuracy: 0.5512\n", + "Epoch 8/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2399s\u001b[0m 683ms/step - loss: 1.5641 - sparse_categorical_accuracy: 0.5633\n", + "Epoch 9/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2393s\u001b[0m 681ms/step - loss: 1.5194 - sparse_categorical_accuracy: 0.5776\n", + "Epoch 10/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2392s\u001b[0m 681ms/step - loss: 1.4795 - sparse_categorical_accuracy: 0.5869\n", + "Epoch 11/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2393s\u001b[0m 681ms/step - loss: 1.4477 - sparse_categorical_accuracy: 0.5949\n", + "Epoch 12/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2395s\u001b[0m 682ms/step - loss: 1.4191 - sparse_categorical_accuracy: 0.6025\n", + "Epoch 13/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2397s\u001b[0m 683ms/step - loss: 1.3948 - sparse_categorical_accuracy: 0.6080\n", + "Epoch 14/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2397s\u001b[0m 682ms/step - loss: 1.3707 - sparse_categorical_accuracy: 0.6142\n", + "Epoch 15/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2398s\u001b[0m 683ms/step - loss: 1.3508 - sparse_categorical_accuracy: 0.6195\n", + "Epoch 16/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2397s\u001b[0m 682ms/step - loss: 1.3308 - sparse_categorical_accuracy: 0.6236\n", + "Epoch 17/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2400s\u001b[0m 683ms/step - loss: 1.3068 - sparse_categorical_accuracy: 0.6303\n", + "Epoch 18/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2400s\u001b[0m 683ms/step - loss: 1.2879 - sparse_categorical_accuracy: 0.6350\n", + "Epoch 19/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2401s\u001b[0m 683ms/step - loss: 1.2676 - sparse_categorical_accuracy: 0.6395\n", + "Epoch 20/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2396s\u001b[0m 682ms/step - loss: 1.2474 - sparse_categorical_accuracy: 0.6444\n", + "Epoch 21/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2395s\u001b[0m 682ms/step - loss: 1.2283 - sparse_categorical_accuracy: 0.6491\n", + "Epoch 22/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2398s\u001b[0m 683ms/step - loss: 1.2086 - sparse_categorical_accuracy: 0.6543\n", + "Epoch 23/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2399s\u001b[0m 683ms/step - loss: 1.1896 - sparse_categorical_accuracy: 0.6593\n", + "Epoch 24/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2400s\u001b[0m 683ms/step - loss: 1.1706 - sparse_categorical_accuracy: 0.6644\n", + "Epoch 25/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2399s\u001b[0m 683ms/step - loss: 1.1508 - sparse_categorical_accuracy: 0.6695\n", + "Epoch 26/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2401s\u001b[0m 683ms/step - loss: 1.1322 - sparse_categorical_accuracy: 0.6744\n", + "Epoch 27/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2400s\u001b[0m 683ms/step - loss: 1.1152 - sparse_categorical_accuracy: 0.6789\n", + "Epoch 28/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2397s\u001b[0m 682ms/step - loss: 1.0921 - sparse_categorical_accuracy: 0.6851\n", + "Epoch 29/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2396s\u001b[0m 682ms/step - loss: 1.0791 - sparse_categorical_accuracy: 0.6881\n", + "Epoch 30/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2398s\u001b[0m 683ms/step - loss: 1.0581 - sparse_categorical_accuracy: 0.6941\n", + "Epoch 31/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2399s\u001b[0m 683ms/step - loss: 1.0382 - sparse_categorical_accuracy: 0.6994\n", + "Epoch 32/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2401s\u001b[0m 684ms/step - loss: 1.0208 - sparse_categorical_accuracy: 0.7045\n", + "Epoch 33/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2402s\u001b[0m 684ms/step - loss: 1.0037 - sparse_categorical_accuracy: 0.7089\n", + "Epoch 34/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2402s\u001b[0m 684ms/step - loss: 0.9862 - sparse_categorical_accuracy: 0.7137\n", + "Epoch 35/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2405s\u001b[0m 685ms/step - loss: 0.9688 - sparse_categorical_accuracy: 0.7183\n", + "Epoch 36/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2402s\u001b[0m 684ms/step - loss: 0.9554 - sparse_categorical_accuracy: 0.7219\n", + "Epoch 37/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2402s\u001b[0m 684ms/step - loss: 0.9479 - sparse_categorical_accuracy: 0.7239\n", + "Epoch 38/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2404s\u001b[0m 685ms/step - loss: 0.9224 - sparse_categorical_accuracy: 0.7313\n", + "Epoch 39/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2408s\u001b[0m 686ms/step - loss: 0.9132 - sparse_categorical_accuracy: 0.7335\n", + "Epoch 40/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2410s\u001b[0m 686ms/step - loss: 0.8930 - sparse_categorical_accuracy: 0.7399\n" + ] + }, + { + "data": { + "text/plain": [ + "" + ] + }, + "execution_count": 7, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "# Fit the model using the data.\n", + "model.fit(data, epochs=40, batch_size=1, verbose=1)" + ] + }, + { + "cell_type": "markdown", + "id": "8ca51424-9aa2-4933-9f97-106eec5347c5", + "metadata": {}, + "source": [ + "## 6. Generating a Response from the Fine-Tuned Language Model\n", + "\n", + "In this section, we will define a template for generating prompts and use the language model `gemma_lm` to generate a response based on the provided instruction. This process involves creating a formatted prompt and then using the model to produce a response.\n" + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "id": "9199e8bd-3269-4b4a-bb8b-78399965883f", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Instruction:\n", + "I'm going through some things with my feelings and myself. I barely sleep and I do nothing but think about how I'm worthless and how I shouldn't be here.\n", + " I've never tried or contemplated suicide. I've always wanted to fix my issues, but I never get around to it.\n", + " How can I change my feeling of being worthless to everyone?\n", + "\n", + "Response:\n", + "It sounds like you are having a really tough time with feeling this way.  Feeling this way is not normal and it is important to talk about these feelings with someone.  You are not worthless, you are a wonderful person who is going through some tough times.  Therapy can help you to work through these issues and come to a place of self-love and acceptance.  You can do this!  \n" + ] + } + ], + "source": [ + "# Define the template with placeholders for 'instruction' and 'response'\n", + "template = \"Instruction:\\n{instruction}\\n\\nResponse:\\n{response}\"\n", + "\n", + "# Create the prompt by formatting the template with actual data\n", + "prompt = template.format(\n", + " instruction=\"I'm going through some things with my feelings and myself. I barely sleep and I do nothing but think about how I'm worthless and how I shouldn't be here.\\n I've never tried or contemplated suicide. I've always wanted to fix my issues, but I never get around to it.\\n How can I change my feeling of being worthless to everyone?\",\n", + " response=\"\",\n", + ")\n", + "\n", + "# Assuming gemma_lm is a language model that you're using to generate text\n", + "print(model.generate(prompt, max_length=256))\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "b418c2e7-af66-4625-887d-0c1e5d1f4464", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Epoch 1/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2388s\u001b[0m 680ms/step - loss: 0.8785 - sparse_categorical_accuracy: 0.7438\n", + "Epoch 2/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2388s\u001b[0m 680ms/step - loss: 0.8661 - sparse_categorical_accuracy: 0.7473\n", + "Epoch 3/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2384s\u001b[0m 679ms/step - loss: 0.8522 - sparse_categorical_accuracy: 0.7514\n", + "Epoch 4/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2380s\u001b[0m 678ms/step - loss: 0.8408 - sparse_categorical_accuracy: 0.7547\n", + "Epoch 5/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2379s\u001b[0m 677ms/step - loss: 0.8266 - sparse_categorical_accuracy: 0.7585\n", + "Epoch 6/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2380s\u001b[0m 678ms/step - loss: 0.8117 - sparse_categorical_accuracy: 0.7635\n", + "Epoch 7/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2379s\u001b[0m 677ms/step - loss: 0.8048 - sparse_categorical_accuracy: 0.7653\n", + "Epoch 8/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2382s\u001b[0m 678ms/step - loss: 0.7892 - sparse_categorical_accuracy: 0.7698\n", + "Epoch 9/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2387s\u001b[0m 680ms/step - loss: 0.7790 - sparse_categorical_accuracy: 0.7724\n", + "Epoch 10/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2387s\u001b[0m 680ms/step - loss: 0.7680 - sparse_categorical_accuracy: 0.7754\n", + "Epoch 11/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2391s\u001b[0m 681ms/step - loss: 0.7569 - sparse_categorical_accuracy: 0.7786\n", + "Epoch 12/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2392s\u001b[0m 681ms/step - loss: 0.7476 - sparse_categorical_accuracy: 0.7821\n", + "Epoch 13/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2396s\u001b[0m 682ms/step - loss: 0.7373 - sparse_categorical_accuracy: 0.7844\n", + "Epoch 14/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2399s\u001b[0m 683ms/step - loss: 0.7335 - sparse_categorical_accuracy: 0.7855\n", + "Epoch 15/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2401s\u001b[0m 684ms/step - loss: 0.7246 - sparse_categorical_accuracy: 0.7883\n", + "Epoch 16/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2405s\u001b[0m 685ms/step - loss: 0.6987 - sparse_categorical_accuracy: 0.7965\n", + "Epoch 17/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2400s\u001b[0m 683ms/step - loss: 0.7001 - sparse_categorical_accuracy: 0.7956\n", + "Epoch 18/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2400s\u001b[0m 683ms/step - loss: 0.6918 - sparse_categorical_accuracy: 0.7976\n", + "Epoch 19/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2397s\u001b[0m 683ms/step - loss: 0.6806 - sparse_categorical_accuracy: 0.8007\n", + "Epoch 20/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2395s\u001b[0m 682ms/step - loss: 0.6768 - sparse_categorical_accuracy: 0.8020\n", + "Epoch 21/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2393s\u001b[0m 681ms/step - loss: 0.6644 - sparse_categorical_accuracy: 0.8058\n", + "Epoch 22/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2390s\u001b[0m 680ms/step - loss: 0.6582 - sparse_categorical_accuracy: 0.8080\n", + "Epoch 23/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2385s\u001b[0m 679ms/step - loss: 0.6479 - sparse_categorical_accuracy: 0.8107\n", + "Epoch 24/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2380s\u001b[0m 678ms/step - loss: 0.6394 - sparse_categorical_accuracy: 0.8131\n", + "Epoch 25/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2376s\u001b[0m 677ms/step - loss: 0.6351 - sparse_categorical_accuracy: 0.8141\n", + "Epoch 26/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2372s\u001b[0m 675ms/step - loss: 0.6264 - sparse_categorical_accuracy: 0.8169\n", + "Epoch 27/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2373s\u001b[0m 676ms/step - loss: 0.6198 - sparse_categorical_accuracy: 0.8193\n", + "Epoch 28/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2367s\u001b[0m 674ms/step - loss: 0.6127 - sparse_categorical_accuracy: 0.8213\n", + "Epoch 29/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2361s\u001b[0m 672ms/step - loss: 0.6048 - sparse_categorical_accuracy: 0.8236\n", + "Epoch 30/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2358s\u001b[0m 671ms/step - loss: 0.6168 - sparse_categorical_accuracy: 0.8185\n", + "Epoch 31/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2357s\u001b[0m 671ms/step - loss: 0.5947 - sparse_categorical_accuracy: 0.8266\n", + "Epoch 32/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2356s\u001b[0m 671ms/step - loss: 0.5878 - sparse_categorical_accuracy: 0.8279\n", + "Epoch 33/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2353s\u001b[0m 670ms/step - loss: 0.5781 - sparse_categorical_accuracy: 0.8315\n", + "Epoch 34/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2349s\u001b[0m 669ms/step - loss: 0.5729 - sparse_categorical_accuracy: 0.8335\n", + "Epoch 35/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2348s\u001b[0m 668ms/step - loss: 0.5684 - sparse_categorical_accuracy: 0.8344\n", + "Epoch 36/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2346s\u001b[0m 668ms/step - loss: 0.5684 - sparse_categorical_accuracy: 0.8339\n", + "Epoch 37/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2346s\u001b[0m 668ms/step - loss: 0.5550 - sparse_categorical_accuracy: 0.8389\n", + "Epoch 38/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2343s\u001b[0m 667ms/step - loss: 0.5544 - sparse_categorical_accuracy: 0.8384\n", + "Epoch 39/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2343s\u001b[0m 667ms/step - loss: 0.5454 - sparse_categorical_accuracy: 0.8413\n", + "Epoch 40/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2343s\u001b[0m 667ms/step - loss: 0.5389 - sparse_categorical_accuracy: 0.8433\n", + "Epoch 41/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2344s\u001b[0m 667ms/step - loss: 0.5456 - sparse_categorical_accuracy: 0.8406\n", + "Epoch 42/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2347s\u001b[0m 668ms/step - loss: 0.5289 - sparse_categorical_accuracy: 0.8462\n", + "Epoch 43/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2349s\u001b[0m 669ms/step - loss: 0.5264 - sparse_categorical_accuracy: 0.8465\n", + "Epoch 44/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2356s\u001b[0m 671ms/step - loss: 0.5192 - sparse_categorical_accuracy: 0.8489\n", + "Epoch 45/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2363s\u001b[0m 673ms/step - loss: 0.5127 - sparse_categorical_accuracy: 0.8513\n", + "Epoch 46/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2369s\u001b[0m 674ms/step - loss: 0.5090 - sparse_categorical_accuracy: 0.8522\n", + "Epoch 47/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2375s\u001b[0m 676ms/step - loss: 0.5033 - sparse_categorical_accuracy: 0.8538\n", + "Epoch 48/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2378s\u001b[0m 677ms/step - loss: 0.5023 - sparse_categorical_accuracy: 0.8541\n", + "Epoch 49/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2382s\u001b[0m 678ms/step - loss: 0.4946 - sparse_categorical_accuracy: 0.8565\n", + "Epoch 50/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2386s\u001b[0m 679ms/step - loss: 0.4915 - sparse_categorical_accuracy: 0.8567\n", + "Epoch 51/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2389s\u001b[0m 680ms/step - loss: 0.4842 - sparse_categorical_accuracy: 0.8597\n", + "Epoch 52/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2392s\u001b[0m 681ms/step - loss: 0.4836 - sparse_categorical_accuracy: 0.8599\n", + "Epoch 53/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2394s\u001b[0m 682ms/step - loss: 0.4772 - sparse_categorical_accuracy: 0.8611\n", + "Epoch 54/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2397s\u001b[0m 683ms/step - loss: 0.4749 - sparse_categorical_accuracy: 0.8617\n", + "Epoch 55/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2393s\u001b[0m 681ms/step - loss: 0.4785 - sparse_categorical_accuracy: 0.8603\n", + "Epoch 56/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2389s\u001b[0m 680ms/step - loss: 0.4587 - sparse_categorical_accuracy: 0.8680\n", + "Epoch 57/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2389s\u001b[0m 680ms/step - loss: 0.4649 - sparse_categorical_accuracy: 0.8655\n", + "Epoch 58/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2385s\u001b[0m 679ms/step - loss: 0.4573 - sparse_categorical_accuracy: 0.8675\n", + "Epoch 59/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2382s\u001b[0m 678ms/step - loss: 0.4545 - sparse_categorical_accuracy: 0.8689\n", + "Epoch 60/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2376s\u001b[0m 676ms/step - loss: 0.4499 - sparse_categorical_accuracy: 0.8697\n", + "Epoch 61/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2377s\u001b[0m 677ms/step - loss: 0.4482 - sparse_categorical_accuracy: 0.8698\n", + "Epoch 62/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2370s\u001b[0m 675ms/step - loss: 0.4421 - sparse_categorical_accuracy: 0.8722\n", + "Epoch 63/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2360s\u001b[0m 672ms/step - loss: 0.4370 - sparse_categorical_accuracy: 0.8739\n", + "Epoch 64/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2352s\u001b[0m 670ms/step - loss: 0.4315 - sparse_categorical_accuracy: 0.8753\n", + "Epoch 65/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2351s\u001b[0m 669ms/step - loss: 0.4342 - sparse_categorical_accuracy: 0.8747\n", + "Epoch 66/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2355s\u001b[0m 670ms/step - loss: 0.4305 - sparse_categorical_accuracy: 0.8758\n", + "Epoch 67/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2354s\u001b[0m 670ms/step - loss: 0.4266 - sparse_categorical_accuracy: 0.8771\n", + "Epoch 68/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2351s\u001b[0m 669ms/step - loss: 0.4204 - sparse_categorical_accuracy: 0.8790\n", + "Epoch 69/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2350s\u001b[0m 669ms/step - loss: 0.4176 - sparse_categorical_accuracy: 0.8795\n", + "Epoch 70/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2346s\u001b[0m 668ms/step - loss: 0.4132 - sparse_categorical_accuracy: 0.8811\n", + "Epoch 71/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2344s\u001b[0m 667ms/step - loss: 0.4143 - sparse_categorical_accuracy: 0.8804\n", + "Epoch 72/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2342s\u001b[0m 667ms/step - loss: 0.4078 - sparse_categorical_accuracy: 0.8828\n", + "Epoch 73/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2343s\u001b[0m 667ms/step - loss: 0.4041 - sparse_categorical_accuracy: 0.8837\n", + "Epoch 74/90\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2341s\u001b[0m 666ms/step - loss: 0.4060 - sparse_categorical_accuracy: 0.8832\n", + "Epoch 75/90\n", + "\u001b[1m2888/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m━━━━\u001b[0m \u001b[1m6:55\u001b[0m 667ms/step - loss: 0.4078 - sparse_categorical_accuracy: 0.8826" + ] + } + ], + "source": [ + "# Fit the model using the data.\n", + "model.fit(data, epochs=90, batch_size=1, verbose=1)" + ] + }, + { + "cell_type": "code", + "execution_count": 20, + "id": "f5d19bd9-72c8-4519-933b-c94a25b1ee3d", + "metadata": {}, + "outputs": [], + "source": [ + "model.backbone.save_lora_weights(\"model2.lora.h5\")" + ] + }, + { + "cell_type": "code", + "execution_count": 23, + "id": "1fda3d9d-488d-46a2-8f4e-b0b83f175426", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Instruction:\n", + "I'm going through some things with my feelings and myself. I barely sleep and I do nothing but think about how I'm worthless and how I shouldn't be here.\n", + " I've never tried or contemplated suicide. I've always wanted to fix my issues, but I never get around to it.\n", + " How can I change my feeling of being worthless to everyone?\n", + "\n", + "Response:\n", + "I'm glad you're willing to slow down, but it's a complicated feeling that can be challenging to identify and work through. I've heard it described as feeling like a heavy cloud or rain cloud, and it's good to know where you are when you want to know what to do about it.It is possible to know more about this feeling and why it's arising from time to time like this. It helps to know that what you're experiencing is likely to do with your sense of who you are and your sense of how important you are in people's lives. It's also helpful to know that this feeling is something that's happening deep within you, not something outside of you.It can be valuable to look at the relationships in your life and consider your place in them.\n" + ] + } + ], + "source": [ + "# Define the template with placeholders for 'instruction' and 'response'\n", + "template = \"Instruction:\\n{instruction}\\n\\nResponse:\\n{response}\"\n", + "\n", + "# Create the prompt by formatting the template with actual data\n", + "prompt = template.format(\n", + " instruction=\"I'm going through some things with my feelings and myself. I barely sleep and I do nothing but think about how I'm worthless and how I shouldn't be here.\\n I've never tried or contemplated suicide. I've always wanted to fix my issues, but I never get around to it.\\n How can I change my feeling of being worthless to everyone?\",\n", + " response=\"\",\n", + ")\n", + "\n", + "# Assuming gemma_lm is a language model that you're using to generate text\n", + "print(model.generate(prompt, max_length=256))\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "252c7c12-e763-4524-8cd4-7582431efb02", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "\u001b[1m3136/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m━━━\u001b[0m \u001b[1m4:11\u001b[0m 668ms/step - loss: 0.3683 - sparse_categorical_accuracy: 0.8940" + ] + } + ], + "source": [ + "model.fit(data, epochs=1, batch_size=1, verbose=1)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "11bda333-9e55-4a62-9992-3d595d27ff54", + "metadata": {}, + "outputs": [], + "source": [] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3 (ipykernel)", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.10.12" + } + }, + "nbformat": 4, + "nbformat_minor": 5 +} diff --git a/README.md b/README.md index d70a34a186fb70864d5e81c5683cc1022ee2e056..2bd6bf916ef7586881c96115f278827080f4378e 100644 --- a/README.md +++ b/README.md @@ -1,12 +1,6 @@ --- -title: Mental Sage -emoji: 🦀 -colorFrom: red -colorTo: yellow +title: Mental-Sage +app_file: main.py sdk: gradio sdk_version: 5.5.0 -app_file: app.py -pinned: false --- - -Check out the configuration reference at https://huggingface.co/docs/hub/spaces-config-reference diff --git a/Untitled.ipynb b/Untitled.ipynb new file mode 100644 index 0000000000000000000000000000000000000000..7d335efbbf698d1e3bf30f99b7e0acc4ecfe63f8 --- /dev/null +++ b/Untitled.ipynb @@ -0,0 +1,138 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": 4, + "id": "fac5022c-df54-4824-8c57-98fe045372fd", + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2024-09-02 15:52:58.146880: I tensorflow/core/common_runtime/gpu/gpu_device.cc:2021] Created device /job:localhost/replica:0/task:0/device:GPU:0 with 692 MB memory: -> device: 0, name: Tesla T4, pci bus id: 0000:18:00.0, compute capability: 7.5\n", + "2024-09-02 15:52:58.148409: I tensorflow/core/common_runtime/gpu/gpu_device.cc:2021] Created device /job:localhost/replica:0/task:0/device:GPU:1 with 13673 MB memory: -> device: 1, name: Tesla T4, pci bus id: 0000:19:00.0, compute capability: 7.5\n", + "2024-09-02 15:52:58.149801: I tensorflow/core/common_runtime/gpu/gpu_device.cc:2021] Created device /job:localhost/replica:0/task:0/device:GPU:2 with 13673 MB memory: -> device: 2, name: Tesla T4, pci bus id: 0000:35:00.0, compute capability: 7.5\n", + "2024-09-02 15:52:58.151206: I tensorflow/core/common_runtime/gpu/gpu_device.cc:2021] Created device /job:localhost/replica:0/task:0/device:GPU:3 with 13673 MB memory: -> device: 3, name: Tesla T4, pci bus id: 0000:36:00.0, compute capability: 7.5\n", + "2024-09-02 15:52:58.152545: I tensorflow/core/common_runtime/gpu/gpu_device.cc:2021] Created device /job:localhost/replica:0/task:0/device:GPU:4 with 13673 MB memory: -> device: 4, name: Tesla T4, pci bus id: 0000:e7:00.0, compute capability: 7.5\n", + "2024-09-02 15:52:58.153906: I tensorflow/core/common_runtime/gpu/gpu_device.cc:2021] Created device /job:localhost/replica:0/task:0/device:GPU:5 with 13673 MB memory: -> device: 5, name: Tesla T4, pci bus id: 0000:e8:00.0, compute capability: 7.5\n", + "2024-09-02 15:52:58.155220: I tensorflow/core/common_runtime/gpu/gpu_device.cc:2021] Created device /job:localhost/replica:0/task:0/device:GPU:6 with 13673 MB memory: -> device: 6, name: Tesla T4, pci bus id: 0000:f4:00.0, compute capability: 7.5\n", + "2024-09-02 15:52:58.156627: I tensorflow/core/common_runtime/gpu/gpu_device.cc:2021] Created device /job:localhost/replica:0/task:0/device:GPU:7 with 13673 MB memory: -> device: 7, name: Tesla T4, pci bus id: 0000:f5:00.0, compute capability: 7.5\n", + "2024-09-02 15:53:08.871520: W external/local_tsl/tsl/framework/bfc_allocator.cc:482] Allocator (GPU_0_bfc) ran out of memory trying to allocate 1.95GiB (rounded to 2097152000)requested by op StatelessRandomNormalV2\n", + "If the cause is memory fragmentation maybe the environment variable 'TF_GPU_ALLOCATOR=cuda_malloc_async' will improve the situation. \n", + "Current allocation summary follows.\n", + "Current allocation summary follows.\n", + "2024-09-02 15:53:08.871548: I external/local_tsl/tsl/framework/bfc_allocator.cc:1039] BFCAllocator dump for GPU_0_bfc\n", + "2024-09-02 15:53:08.871559: I external/local_tsl/tsl/framework/bfc_allocator.cc:1046] Bin (256): \tTotal Chunks: 6, Chunks in use: 6. 1.5KiB allocated for chunks. 1.5KiB in use in bin. 48B client-requested in use in bin.\n", + "2024-09-02 15:53:08.871566: I external/local_tsl/tsl/framework/bfc_allocator.cc:1046] Bin (512): \tTotal Chunks: 0, Chunks in use: 0. 0B allocated for chunks. 0B in use in bin. 0B client-requested in use in bin.\n", + "2024-09-02 15:53:08.871572: I external/local_tsl/tsl/framework/bfc_allocator.cc:1046] Bin (1024): \tTotal Chunks: 1, Chunks in use: 1. 1.2KiB allocated for chunks. 1.2KiB in use in bin. 1.0KiB client-requested in use in bin.\n", + "2024-09-02 15:53:08.871577: I external/local_tsl/tsl/framework/bfc_allocator.cc:1046] Bin (2048): \tTotal Chunks: 0, Chunks in use: 0. 0B allocated for chunks. 0B in use in bin. 0B client-requested in use in bin.\n", + "2024-09-02 15:53:08.871582: I external/local_tsl/tsl/framework/bfc_allocator.cc:1046] Bin (4096): \tTotal Chunks: 0, Chunks in use: 0. 0B allocated for chunks. 0B in use in bin. 0B client-requested in use in bin.\n", + "2024-09-02 15:53:08.871586: I external/local_tsl/tsl/framework/bfc_allocator.cc:1046] Bin (8192): \tTotal Chunks: 0, Chunks in use: 0. 0B allocated for chunks. 0B in use in bin. 0B client-requested in use in bin.\n", + "2024-09-02 15:53:08.871591: I external/local_tsl/tsl/framework/bfc_allocator.cc:1046] Bin (16384): \tTotal Chunks: 0, Chunks in use: 0. 0B allocated for chunks. 0B in use in bin. 0B client-requested in use in bin.\n", + "2024-09-02 15:53:08.871596: I external/local_tsl/tsl/framework/bfc_allocator.cc:1046] Bin (32768): \tTotal Chunks: 0, Chunks in use: 0. 0B allocated for chunks. 0B in use in bin. 0B client-requested in use in bin.\n", + "2024-09-02 15:53:08.871600: I external/local_tsl/tsl/framework/bfc_allocator.cc:1046] Bin (65536): \tTotal Chunks: 0, Chunks in use: 0. 0B allocated for chunks. 0B in use in bin. 0B client-requested in use in bin.\n", + "2024-09-02 15:53:08.871605: I external/local_tsl/tsl/framework/bfc_allocator.cc:1046] Bin (131072): \tTotal Chunks: 0, Chunks in use: 0. 0B allocated for chunks. 0B in use in bin. 0B client-requested in use in bin.\n", + "2024-09-02 15:53:08.871609: I external/local_tsl/tsl/framework/bfc_allocator.cc:1046] Bin (262144): \tTotal Chunks: 0, Chunks in use: 0. 0B allocated for chunks. 0B in use in bin. 0B client-requested in use in bin.\n", + "2024-09-02 15:53:08.871613: I external/local_tsl/tsl/framework/bfc_allocator.cc:1046] Bin (524288): \tTotal Chunks: 0, Chunks in use: 0. 0B allocated for chunks. 0B in use in bin. 0B client-requested in use in bin.\n", + "2024-09-02 15:53:08.871618: I external/local_tsl/tsl/framework/bfc_allocator.cc:1046] Bin (1048576): \tTotal Chunks: 0, Chunks in use: 0. 0B allocated for chunks. 0B in use in bin. 0B client-requested in use in bin.\n", + "2024-09-02 15:53:08.871622: I external/local_tsl/tsl/framework/bfc_allocator.cc:1046] Bin (2097152): \tTotal Chunks: 0, Chunks in use: 0. 0B allocated for chunks. 0B in use in bin. 0B client-requested in use in bin.\n", + "2024-09-02 15:53:08.871627: I external/local_tsl/tsl/framework/bfc_allocator.cc:1046] Bin (4194304): \tTotal Chunks: 0, Chunks in use: 0. 0B allocated for chunks. 0B in use in bin. 0B client-requested in use in bin.\n", + "2024-09-02 15:53:08.871631: I external/local_tsl/tsl/framework/bfc_allocator.cc:1046] Bin (8388608): \tTotal Chunks: 0, Chunks in use: 0. 0B allocated for chunks. 0B in use in bin. 0B client-requested in use in bin.\n", + "2024-09-02 15:53:08.871636: I external/local_tsl/tsl/framework/bfc_allocator.cc:1046] Bin (16777216): \tTotal Chunks: 0, Chunks in use: 0. 0B allocated for chunks. 0B in use in bin. 0B client-requested in use in bin.\n", + "2024-09-02 15:53:08.871640: I external/local_tsl/tsl/framework/bfc_allocator.cc:1046] Bin (33554432): \tTotal Chunks: 0, Chunks in use: 0. 0B allocated for chunks. 0B in use in bin. 0B client-requested in use in bin.\n", + "2024-09-02 15:53:08.871645: I external/local_tsl/tsl/framework/bfc_allocator.cc:1046] Bin (67108864): \tTotal Chunks: 0, Chunks in use: 0. 0B allocated for chunks. 0B in use in bin. 0B client-requested in use in bin.\n", + "2024-09-02 15:53:08.871650: I external/local_tsl/tsl/framework/bfc_allocator.cc:1046] Bin (134217728): \tTotal Chunks: 0, Chunks in use: 0. 0B allocated for chunks. 0B in use in bin. 0B client-requested in use in bin.\n", + "2024-09-02 15:53:08.871656: I external/local_tsl/tsl/framework/bfc_allocator.cc:1046] Bin (268435456): \tTotal Chunks: 1, Chunks in use: 0. 692.62MiB allocated for chunks. 0B in use in bin. 0B client-requested in use in bin.\n", + "2024-09-02 15:53:08.871662: I external/local_tsl/tsl/framework/bfc_allocator.cc:1062] Bin for 1.95GiB was 256.00MiB, Chunk State: \n", + "2024-09-02 15:53:08.871670: I external/local_tsl/tsl/framework/bfc_allocator.cc:1068] Size: 692.62MiB | Requested Size: 0B | in_use: 0 | bin_num: 20, prev: Size: 256B | Requested Size: 16B | in_use: 1 | bin_num: -1\n", + "2024-09-02 15:53:08.871674: I external/local_tsl/tsl/framework/bfc_allocator.cc:1075] Next region of size 726269952\n", + "2024-09-02 15:53:08.871681: I external/local_tsl/tsl/framework/bfc_allocator.cc:1095] InUse at 7f7fac000000 of size 256 next 1\n", + "2024-09-02 15:53:08.871685: I external/local_tsl/tsl/framework/bfc_allocator.cc:1095] InUse at 7f7fac000100 of size 1280 next 2\n", + "2024-09-02 15:53:08.871689: I external/local_tsl/tsl/framework/bfc_allocator.cc:1095] InUse at 7f7fac000600 of size 256 next 3\n", + "2024-09-02 15:53:08.871692: I external/local_tsl/tsl/framework/bfc_allocator.cc:1095] InUse at 7f7fac000700 of size 256 next 4\n", + "2024-09-02 15:53:08.871695: I external/local_tsl/tsl/framework/bfc_allocator.cc:1095] InUse at 7f7fac000800 of size 256 next 5\n", + "2024-09-02 15:53:08.871700: I external/local_tsl/tsl/framework/bfc_allocator.cc:1095] InUse at 7f7fac000900 of size 256 next 6\n", + "2024-09-02 15:53:08.871703: I external/local_tsl/tsl/framework/bfc_allocator.cc:1095] InUse at 7f7fac000a00 of size 256 next 7\n", + "2024-09-02 15:53:08.871708: I external/local_tsl/tsl/framework/bfc_allocator.cc:1095] Free at 7f7fac000b00 of size 726267136 next 18446744073709551615\n", + "2024-09-02 15:53:08.871713: I external/local_tsl/tsl/framework/bfc_allocator.cc:1100] Summary of in-use Chunks by size: \n", + "2024-09-02 15:53:08.871718: I external/local_tsl/tsl/framework/bfc_allocator.cc:1103] 6 Chunks of size 256 totalling 1.5KiB\n", + "2024-09-02 15:53:08.871723: I external/local_tsl/tsl/framework/bfc_allocator.cc:1103] 1 Chunks of size 1280 totalling 1.2KiB\n", + "2024-09-02 15:53:08.871727: I external/local_tsl/tsl/framework/bfc_allocator.cc:1107] Sum Total of in-use chunks: 2.8KiB\n", + "2024-09-02 15:53:08.871732: I external/local_tsl/tsl/framework/bfc_allocator.cc:1109] Total bytes in pool: 726269952 memory_limit_: 726269952 available bytes: 0 curr_region_allocation_bytes_: 1452539904\n", + "2024-09-02 15:53:08.871740: I external/local_tsl/tsl/framework/bfc_allocator.cc:1114] Stats: \n", + "Limit: 726269952\n", + "InUse: 2816\n", + "MaxInUse: 2816\n", + "NumAllocs: 9\n", + "MaxAllocSize: 1280\n", + "Reserved: 0\n", + "PeakReserved: 0\n", + "LargestFreeBlock: 0\n", + "\n", + "2024-09-02 15:53:08.871746: W external/local_tsl/tsl/framework/bfc_allocator.cc:494] *___________________________________________________________________________________________________\n", + "2024-09-02 15:53:08.871766: W tensorflow/core/framework/op_kernel.cc:1840] OP_REQUIRES failed at stateless_random_ops_v2.cc:64 : RESOURCE_EXHAUSTED: OOM when allocating tensor with shape[256000,2048] and type float on /job:localhost/replica:0/task:0/device:GPU:0 by allocator GPU_0_bfc\n", + "2024-09-02 15:53:08.871780: I tensorflow/core/framework/local_rendezvous.cc:404] Local rendezvous is aborting with status: RESOURCE_EXHAUSTED: OOM when allocating tensor with shape[256000,2048] and type float on /job:localhost/replica:0/task:0/device:GPU:0 by allocator GPU_0_bfc\n" + ] + }, + { + "ename": "ResourceExhaustedError", + "evalue": "{{function_node __wrapped__StatelessRandomNormalV2_device_/job:localhost/replica:0/task:0/device:GPU:0}} OOM when allocating tensor with shape[256000,2048] and type float on /job:localhost/replica:0/task:0/device:GPU:0 by allocator GPU_0_bfc [Op:StatelessRandomNormalV2]", + "output_type": "error", + "traceback": [ + "\u001b[0;31m---------------------------------------------------------------------------\u001b[0m", + "\u001b[0;31mResourceExhaustedError\u001b[0m Traceback (most recent call last)", + "Cell \u001b[0;32mIn[4], line 6\u001b[0m\n\u001b[1;32m 4\u001b[0m os\u001b[38;5;241m.\u001b[39menviron[\u001b[38;5;124m\"\u001b[39m\u001b[38;5;124mKAGGLE_KEY\u001b[39m\u001b[38;5;124m\"\u001b[39m] \u001b[38;5;241m=\u001b[39m \u001b[38;5;124m\"\u001b[39m\u001b[38;5;124m9a33b6e88bcb6058b1281d777fa6808d\u001b[39m\u001b[38;5;124m\"\u001b[39m\n\u001b[1;32m 5\u001b[0m \u001b[38;5;28;01mimport\u001b[39;00m \u001b[38;5;21;01mkeras_nlp\u001b[39;00m\n\u001b[0;32m----> 6\u001b[0m gemma_lm \u001b[38;5;241m=\u001b[39m \u001b[43mkeras_nlp\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mmodels\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mGemmaCausalLM\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mfrom_preset\u001b[49m\u001b[43m(\u001b[49m\u001b[38;5;124;43m\"\u001b[39;49m\u001b[38;5;124;43mgemma_2b_en\u001b[39;49m\u001b[38;5;124;43m\"\u001b[39;49m\u001b[43m)\u001b[49m\n\u001b[1;32m 7\u001b[0m gemma_lm\u001b[38;5;241m.\u001b[39mgenerate(\u001b[38;5;124m\"\u001b[39m\u001b[38;5;124mKeras is a\u001b[39m\u001b[38;5;124m\"\u001b[39m, max_length\u001b[38;5;241m=\u001b[39m\u001b[38;5;241m30\u001b[39m)\n", + "File \u001b[0;32m~/.local/lib/python3.10/site-packages/keras_nlp/src/models/task.py:264\u001b[0m, in \u001b[0;36mTask.from_preset\u001b[0;34m(cls, preset, load_weights, **kwargs)\u001b[0m\n\u001b[1;32m 262\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m \u001b[38;5;124m\"\u001b[39m\u001b[38;5;124mdtype\u001b[39m\u001b[38;5;124m\"\u001b[39m \u001b[38;5;129;01min\u001b[39;00m kwargs:\n\u001b[1;32m 263\u001b[0m config_overrides[\u001b[38;5;124m\"\u001b[39m\u001b[38;5;124mdtype\u001b[39m\u001b[38;5;124m\"\u001b[39m] \u001b[38;5;241m=\u001b[39m kwargs\u001b[38;5;241m.\u001b[39mpop(\u001b[38;5;124m\"\u001b[39m\u001b[38;5;124mdtype\u001b[39m\u001b[38;5;124m\"\u001b[39m)\n\u001b[0;32m--> 264\u001b[0m backbone \u001b[38;5;241m=\u001b[39m \u001b[43mbackbone_preset_cls\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mfrom_preset\u001b[49m\u001b[43m(\u001b[49m\n\u001b[1;32m 265\u001b[0m \u001b[43m \u001b[49m\u001b[43mpreset\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 266\u001b[0m \u001b[43m \u001b[49m\u001b[43mload_weights\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mload_weights\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 267\u001b[0m \u001b[43m \u001b[49m\u001b[43mconfig_overrides\u001b[49m\u001b[38;5;241;43m=\u001b[39;49m\u001b[43mconfig_overrides\u001b[49m\u001b[43m,\u001b[49m\n\u001b[1;32m 268\u001b[0m \u001b[43m\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 269\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m \u001b[38;5;124m\"\u001b[39m\u001b[38;5;124mpreprocessor\u001b[39m\u001b[38;5;124m\"\u001b[39m \u001b[38;5;129;01min\u001b[39;00m kwargs:\n\u001b[1;32m 270\u001b[0m preprocessor \u001b[38;5;241m=\u001b[39m kwargs\u001b[38;5;241m.\u001b[39mpop(\u001b[38;5;124m\"\u001b[39m\u001b[38;5;124mpreprocessor\u001b[39m\u001b[38;5;124m\"\u001b[39m)\n", + "File \u001b[0;32m~/.local/lib/python3.10/site-packages/keras_nlp/src/models/backbone.py:190\u001b[0m, in \u001b[0;36mBackbone.from_preset\u001b[0;34m(cls, preset, load_weights, **kwargs)\u001b[0m\n\u001b[1;32m 183\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m \u001b[38;5;129;01mnot\u001b[39;00m \u001b[38;5;28missubclass\u001b[39m(preset_cls, \u001b[38;5;28mcls\u001b[39m):\n\u001b[1;32m 184\u001b[0m \u001b[38;5;28;01mraise\u001b[39;00m \u001b[38;5;167;01mValueError\u001b[39;00m(\n\u001b[1;32m 185\u001b[0m \u001b[38;5;124mf\u001b[39m\u001b[38;5;124m\"\u001b[39m\u001b[38;5;124mPreset has type `\u001b[39m\u001b[38;5;132;01m{\u001b[39;00mpreset_cls\u001b[38;5;241m.\u001b[39m\u001b[38;5;18m__name__\u001b[39m\u001b[38;5;132;01m}\u001b[39;00m\u001b[38;5;124m` which is not a \u001b[39m\u001b[38;5;124m\"\u001b[39m\n\u001b[1;32m 186\u001b[0m \u001b[38;5;124mf\u001b[39m\u001b[38;5;124m\"\u001b[39m\u001b[38;5;124ma subclass of calling class `\u001b[39m\u001b[38;5;132;01m{\u001b[39;00m\u001b[38;5;28mcls\u001b[39m\u001b[38;5;241m.\u001b[39m\u001b[38;5;18m__name__\u001b[39m\u001b[38;5;132;01m}\u001b[39;00m\u001b[38;5;124m`. Call \u001b[39m\u001b[38;5;124m\"\u001b[39m\n\u001b[1;32m 187\u001b[0m \u001b[38;5;124mf\u001b[39m\u001b[38;5;124m\"\u001b[39m\u001b[38;5;124m`from_preset` directly on `\u001b[39m\u001b[38;5;132;01m{\u001b[39;00mpreset_cls\u001b[38;5;241m.\u001b[39m\u001b[38;5;18m__name__\u001b[39m\u001b[38;5;132;01m}\u001b[39;00m\u001b[38;5;124m` instead.\u001b[39m\u001b[38;5;124m\"\u001b[39m\n\u001b[1;32m 188\u001b[0m )\n\u001b[0;32m--> 190\u001b[0m backbone \u001b[38;5;241m=\u001b[39m \u001b[43mload_serialized_object\u001b[49m\u001b[43m(\u001b[49m\u001b[43mpreset\u001b[49m\u001b[43m,\u001b[49m\u001b[43m \u001b[49m\u001b[43mCONFIG_FILE\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 191\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m load_weights:\n\u001b[1;32m 192\u001b[0m jax_memory_cleanup(backbone)\n", + "File \u001b[0;32m~/.local/lib/python3.10/site-packages/keras_nlp/src/utils/preset_utils.py:569\u001b[0m, in \u001b[0;36mload_serialized_object\u001b[0;34m(preset, config_file, config_overrides)\u001b[0m\n\u001b[1;32m 567\u001b[0m config \u001b[38;5;241m=\u001b[39m load_config(preset, config_file)\n\u001b[1;32m 568\u001b[0m config[\u001b[38;5;124m\"\u001b[39m\u001b[38;5;124mconfig\u001b[39m\u001b[38;5;124m\"\u001b[39m] \u001b[38;5;241m=\u001b[39m {\u001b[38;5;241m*\u001b[39m\u001b[38;5;241m*\u001b[39mconfig[\u001b[38;5;124m\"\u001b[39m\u001b[38;5;124mconfig\u001b[39m\u001b[38;5;124m\"\u001b[39m], \u001b[38;5;241m*\u001b[39m\u001b[38;5;241m*\u001b[39mconfig_overrides}\n\u001b[0;32m--> 569\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[43mkeras\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43msaving\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mdeserialize_keras_object\u001b[49m\u001b[43m(\u001b[49m\u001b[43mconfig\u001b[49m\u001b[43m)\u001b[49m\n", + "File \u001b[0;32m~/.local/lib/python3.10/site-packages/keras/src/saving/serialization_lib.py:718\u001b[0m, in \u001b[0;36mdeserialize_keras_object\u001b[0;34m(config, custom_objects, safe_mode, **kwargs)\u001b[0m\n\u001b[1;32m 716\u001b[0m \u001b[38;5;28;01mwith\u001b[39;00m custom_obj_scope, safe_mode_scope:\n\u001b[1;32m 717\u001b[0m \u001b[38;5;28;01mtry\u001b[39;00m:\n\u001b[0;32m--> 718\u001b[0m instance \u001b[38;5;241m=\u001b[39m \u001b[38;5;28;43mcls\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mfrom_config\u001b[49m\u001b[43m(\u001b[49m\u001b[43minner_config\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 719\u001b[0m \u001b[38;5;28;01mexcept\u001b[39;00m \u001b[38;5;167;01mTypeError\u001b[39;00m \u001b[38;5;28;01mas\u001b[39;00m e:\n\u001b[1;32m 720\u001b[0m \u001b[38;5;28;01mraise\u001b[39;00m \u001b[38;5;167;01mTypeError\u001b[39;00m(\n\u001b[1;32m 721\u001b[0m \u001b[38;5;124mf\u001b[39m\u001b[38;5;124m\"\u001b[39m\u001b[38;5;132;01m{\u001b[39;00m\u001b[38;5;28mcls\u001b[39m\u001b[38;5;132;01m}\u001b[39;00m\u001b[38;5;124m could not be deserialized properly. Please\u001b[39m\u001b[38;5;124m\"\u001b[39m\n\u001b[1;32m 722\u001b[0m \u001b[38;5;124m\"\u001b[39m\u001b[38;5;124m ensure that components that are Python object\u001b[39m\u001b[38;5;124m\"\u001b[39m\n\u001b[0;32m (...)\u001b[0m\n\u001b[1;32m 726\u001b[0m \u001b[38;5;124mf\u001b[39m\u001b[38;5;124m\"\u001b[39m\u001b[38;5;130;01m\\n\u001b[39;00m\u001b[38;5;130;01m\\n\u001b[39;00m\u001b[38;5;124mconfig=\u001b[39m\u001b[38;5;132;01m{\u001b[39;00mconfig\u001b[38;5;132;01m}\u001b[39;00m\u001b[38;5;124m.\u001b[39m\u001b[38;5;130;01m\\n\u001b[39;00m\u001b[38;5;130;01m\\n\u001b[39;00m\u001b[38;5;124mException encountered: \u001b[39m\u001b[38;5;132;01m{\u001b[39;00me\u001b[38;5;132;01m}\u001b[39;00m\u001b[38;5;124m\"\u001b[39m\n\u001b[1;32m 727\u001b[0m )\n", + "File \u001b[0;32m~/.local/lib/python3.10/site-packages/keras_nlp/src/models/backbone.py:119\u001b[0m, in \u001b[0;36mBackbone.from_config\u001b[0;34m(cls, config)\u001b[0m\n\u001b[1;32m 115\u001b[0m \u001b[38;5;129m@classmethod\u001b[39m\n\u001b[1;32m 116\u001b[0m \u001b[38;5;28;01mdef\u001b[39;00m \u001b[38;5;21mfrom_config\u001b[39m(\u001b[38;5;28mcls\u001b[39m, config):\n\u001b[1;32m 117\u001b[0m \u001b[38;5;66;03m# The default `from_config()` for functional models will return a\u001b[39;00m\n\u001b[1;32m 118\u001b[0m \u001b[38;5;66;03m# vanilla `keras.Model`. We override it to get a subclass instance back.\u001b[39;00m\n\u001b[0;32m--> 119\u001b[0m \u001b[38;5;28;01mreturn\u001b[39;00m \u001b[38;5;28;43mcls\u001b[39;49m\u001b[43m(\u001b[49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[38;5;241;43m*\u001b[39;49m\u001b[43mconfig\u001b[49m\u001b[43m)\u001b[49m\n", + "File \u001b[0;32m~/.local/lib/python3.10/site-packages/keras_nlp/src/models/gemma/gemma_backbone.py:171\u001b[0m, in \u001b[0;36mGemmaBackbone.__init__\u001b[0;34m(self, vocabulary_size, num_layers, num_query_heads, num_key_value_heads, hidden_dim, intermediate_dim, head_dim, query_head_dim_normalize, use_post_ffw_norm, use_post_attention_norm, attention_logit_soft_cap, final_logit_soft_cap, use_sliding_window_attention, sliding_window_size, layer_norm_epsilon, dropout, dtype, **kwargs)\u001b[0m\n\u001b[1;32m 165\u001b[0m token_id_input \u001b[38;5;241m=\u001b[39m keras\u001b[38;5;241m.\u001b[39mInput(\n\u001b[1;32m 166\u001b[0m shape\u001b[38;5;241m=\u001b[39m(\u001b[38;5;28;01mNone\u001b[39;00m,), dtype\u001b[38;5;241m=\u001b[39m\u001b[38;5;124m\"\u001b[39m\u001b[38;5;124mfloat32\u001b[39m\u001b[38;5;124m\"\u001b[39m, name\u001b[38;5;241m=\u001b[39m\u001b[38;5;124m\"\u001b[39m\u001b[38;5;124mtoken_ids\u001b[39m\u001b[38;5;124m\"\u001b[39m\n\u001b[1;32m 167\u001b[0m )\n\u001b[1;32m 168\u001b[0m padding_mask_input \u001b[38;5;241m=\u001b[39m keras\u001b[38;5;241m.\u001b[39mInput(\n\u001b[1;32m 169\u001b[0m shape\u001b[38;5;241m=\u001b[39m(\u001b[38;5;28;01mNone\u001b[39;00m,), dtype\u001b[38;5;241m=\u001b[39m\u001b[38;5;124m\"\u001b[39m\u001b[38;5;124mfloat32\u001b[39m\u001b[38;5;124m\"\u001b[39m, name\u001b[38;5;241m=\u001b[39m\u001b[38;5;124m\"\u001b[39m\u001b[38;5;124mpadding_mask\u001b[39m\u001b[38;5;124m\"\u001b[39m\n\u001b[1;32m 170\u001b[0m )\n\u001b[0;32m--> 171\u001b[0m x \u001b[38;5;241m=\u001b[39m \u001b[38;5;28;43mself\u001b[39;49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mtoken_embedding\u001b[49m\u001b[43m(\u001b[49m\u001b[43mtoken_id_input\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 172\u001b[0m x \u001b[38;5;241m=\u001b[39m x \u001b[38;5;241m*\u001b[39m ops\u001b[38;5;241m.\u001b[39mcast(ops\u001b[38;5;241m.\u001b[39msqrt(hidden_dim), x\u001b[38;5;241m.\u001b[39mdtype)\n\u001b[1;32m 173\u001b[0m \u001b[38;5;28;01mfor\u001b[39;00m transformer_layer \u001b[38;5;129;01min\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mtransformer_layers:\n", + "File \u001b[0;32m~/.local/lib/python3.10/site-packages/keras/src/utils/traceback_utils.py:122\u001b[0m, in \u001b[0;36mfilter_traceback..error_handler\u001b[0;34m(*args, **kwargs)\u001b[0m\n\u001b[1;32m 119\u001b[0m filtered_tb \u001b[38;5;241m=\u001b[39m _process_traceback_frames(e\u001b[38;5;241m.\u001b[39m__traceback__)\n\u001b[1;32m 120\u001b[0m \u001b[38;5;66;03m# To get the full stack trace, call:\u001b[39;00m\n\u001b[1;32m 121\u001b[0m \u001b[38;5;66;03m# `keras.config.disable_traceback_filtering()`\u001b[39;00m\n\u001b[0;32m--> 122\u001b[0m \u001b[38;5;28;01mraise\u001b[39;00m e\u001b[38;5;241m.\u001b[39mwith_traceback(filtered_tb) \u001b[38;5;28;01mfrom\u001b[39;00m \u001b[38;5;28;01mNone\u001b[39;00m\n\u001b[1;32m 123\u001b[0m \u001b[38;5;28;01mfinally\u001b[39;00m:\n\u001b[1;32m 124\u001b[0m \u001b[38;5;28;01mdel\u001b[39;00m filtered_tb\n", + "File \u001b[0;32m~/.local/lib/python3.10/site-packages/keras_nlp/src/layers/modeling/reversible_embedding.py:115\u001b[0m, in \u001b[0;36mReversibleEmbedding.build\u001b[0;34m(self, inputs_shape)\u001b[0m\n\u001b[1;32m 114\u001b[0m \u001b[38;5;28;01mdef\u001b[39;00m \u001b[38;5;21mbuild\u001b[39m(\u001b[38;5;28mself\u001b[39m, inputs_shape\u001b[38;5;241m=\u001b[39m\u001b[38;5;28;01mNone\u001b[39;00m):\n\u001b[0;32m--> 115\u001b[0m \u001b[38;5;28;43msuper\u001b[39;49m\u001b[43m(\u001b[49m\u001b[43m)\u001b[49m\u001b[38;5;241;43m.\u001b[39;49m\u001b[43mbuild\u001b[49m\u001b[43m(\u001b[49m\u001b[43minputs_shape\u001b[49m\u001b[43m)\u001b[49m\n\u001b[1;32m 117\u001b[0m \u001b[38;5;28;01mif\u001b[39;00m \u001b[38;5;129;01mnot\u001b[39;00m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mtie_weights:\n\u001b[1;32m 118\u001b[0m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mreverse_embeddings \u001b[38;5;241m=\u001b[39m \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39madd_weight(\n\u001b[1;32m 119\u001b[0m name\u001b[38;5;241m=\u001b[39m\u001b[38;5;124m\"\u001b[39m\u001b[38;5;124mreverse_embeddings\u001b[39m\u001b[38;5;124m\"\u001b[39m,\n\u001b[1;32m 120\u001b[0m shape\u001b[38;5;241m=\u001b[39m(\u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39moutput_dim, \u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39minput_dim),\n\u001b[1;32m 121\u001b[0m initializer\u001b[38;5;241m=\u001b[39m\u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39membeddings_initializer,\n\u001b[1;32m 122\u001b[0m dtype\u001b[38;5;241m=\u001b[39m\u001b[38;5;28mself\u001b[39m\u001b[38;5;241m.\u001b[39mdtype,\n\u001b[1;32m 123\u001b[0m )\n", + "\u001b[0;31mResourceExhaustedError\u001b[0m: {{function_node __wrapped__StatelessRandomNormalV2_device_/job:localhost/replica:0/task:0/device:GPU:0}} OOM when allocating tensor with shape[256000,2048] and type float on /job:localhost/replica:0/task:0/device:GPU:0 by allocator GPU_0_bfc [Op:StatelessRandomNormalV2]" + ] + } + ], + "source": [ + "# Set Kaggle API credentials\n", + "import os\n", + "os.environ[\"KAGGLE_USERNAME\"] = \"rogerkorantenng\"\n", + "os.environ[\"KAGGLE_KEY\"] = \"9a33b6e88bcb6058b1281d777fa6808d\"\n", + "import keras_nlp\n", + "gemma_lm = keras_nlp.models.GemmaCausalLM.from_preset(\"gemma_2b_en\")\n", + "gemma_lm.generate(\"Keras is a\", max_length=30)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "e5488db1-48b2-4d0c-a4cd-1329a333b3f9", + "metadata": {}, + "outputs": [], + "source": [] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3 (ipykernel)", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.10.12" + } + }, + "nbformat": 4, + "nbformat_minor": 5 +} diff --git a/Untitled1.ipynb b/Untitled1.ipynb new file mode 100644 index 0000000000000000000000000000000000000000..64984f91d3bb970a9980dcf06d3c1af90c1dbcff --- /dev/null +++ b/Untitled1.ipynb @@ -0,0 +1,94 @@ +{ + "cells": [ + { + "cell_type": "code", + "execution_count": 2, + "id": "be79942c-2080-452a-a349-ea19b7611c85", + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2024-09-03 17:04:36.485116: I tensorflow/core/util/port.cc:153] oneDNN custom operations are on. You may see slightly different numerical results due to floating-point round-off errors from different computation orders. To turn them off, set the environment variable `TF_ENABLE_ONEDNN_OPTS=0`.\n", + "2024-09-03 17:04:36.500874: E external/local_xla/xla/stream_executor/cuda/cuda_fft.cc:485] Unable to register cuFFT factory: Attempting to register factory for plugin cuFFT when one has already been registered\n", + "2024-09-03 17:04:36.519822: E external/local_xla/xla/stream_executor/cuda/cuda_dnn.cc:8454] Unable to register cuDNN factory: Attempting to register factory for plugin cuDNN when one has already been registered\n", + "2024-09-03 17:04:36.525533: E external/local_xla/xla/stream_executor/cuda/cuda_blas.cc:1452] Unable to register cuBLAS factory: Attempting to register factory for plugin cuBLAS when one has already been registered\n", + "2024-09-03 17:04:36.539736: I tensorflow/core/platform/cpu_feature_guard.cc:210] This TensorFlow binary is optimized to use available CPU instructions in performance-critical operations.\n", + "To enable the following instructions: AVX2 AVX512F AVX512_VNNI FMA, in other operations, rebuild TensorFlow with the appropriate compiler flags.\n" + ] + }, + { + "data": { + "text/plain": [ + "'3.5.0'" + ] + }, + "execution_count": 2, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "import keras\n", + "keras.__version__" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "id": "00e538b8-91c1-401b-9cc9-320fc496a828", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Name: keras\n", + "Version: 3.5.0\n", + "Summary: Multi-backend Keras.\n", + "Home-page: https://github.com/keras-team/keras\n", + "Author: Keras team\n", + "Author-email: keras-users@googlegroups.com\n", + "License: Apache License 2.0\n", + "Location: /home/workbench/.local/lib/python3.10/site-packages\n", + "Requires: absl-py, h5py, ml-dtypes, namex, numpy, optree, packaging, rich\n", + "Required-by: tensorflow\n" + ] + } + ], + "source": [ + "!pip show keras\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "85cff0f4-2cb7-4c20-ba0c-a1c6198bf8dd", + "metadata": {}, + "outputs": [], + "source": [] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3 (ipykernel)", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.10.12" + } + }, + "nbformat": 4, + "nbformat_minor": 5 +} diff --git a/chatbot/.env b/chatbot/.env new file mode 100644 index 0000000000000000000000000000000000000000..6b5f7b17114aaf7bb1d41135f75bac969475d1dd --- /dev/null +++ b/chatbot/.env @@ -0,0 +1,4 @@ +GPT4_API_KEY=XTtd4wdC0mlEdbQqp0KWOe9aWrlg4z4HurxXlgBf5ASUvrB9iPkwJQQJ99AKACHYHv6XJ3w3AAABACOGaeSg +GPT4O_API_KEY=XTtd4wdC0mlEdbQqp0KWOe9aWrlg4z4HurxXlgBf5ASUvrB9iPkwJQQJ99AKACHYHv6XJ3w3AAABACOGaeSg +GPT35_TURBO_API_KEY=cfe75d17d47c40318db6230d2677d84f +GPT4_32K_API_KEY=AebO97c0w0lnrppFNpbuPVueKth7HfGOdMbKeaX5R2Uql6wvJA5qJQQJ99AKACL93NaXJ3w3AAABACOGh8MD diff --git a/chatbot/.gradio/certificate.pem b/chatbot/.gradio/certificate.pem new file mode 100644 index 0000000000000000000000000000000000000000..b85c8037f6b60976b2546fdbae88312c5246d9a3 --- /dev/null +++ b/chatbot/.gradio/certificate.pem @@ -0,0 +1,31 @@ +-----BEGIN CERTIFICATE----- +MIIFazCCA1OgAwIBAgIRAIIQz7DSQONZRGPgu2OCiwAwDQYJKoZIhvcNAQELBQAw +TzELMAkGA1UEBhMCVVMxKTAnBgNVBAoTIEludGVybmV0IFNlY3VyaXR5IFJlc2Vh +cmNoIEdyb3VwMRUwEwYDVQQDEwxJU1JHIFJvb3QgWDEwHhcNMTUwNjA0MTEwNDM4 +WhcNMzUwNjA0MTEwNDM4WjBPMQswCQYDVQQGEwJVUzEpMCcGA1UEChMgSW50ZXJu +ZXQgU2VjdXJpdHkgUmVzZWFyY2ggR3JvdXAxFTATBgNVBAMTDElTUkcgUm9vdCBY +MTCCAiIwDQYJKoZIhvcNAQEBBQADggIPADCCAgoCggIBAK3oJHP0FDfzm54rVygc +h77ct984kIxuPOZXoHj3dcKi/vVqbvYATyjb3miGbESTtrFj/RQSa78f0uoxmyF+ +0TM8ukj13Xnfs7j/EvEhmkvBioZxaUpmZmyPfjxwv60pIgbz5MDmgK7iS4+3mX6U +A5/TR5d8mUgjU+g4rk8Kb4Mu0UlXjIB0ttov0DiNewNwIRt18jA8+o+u3dpjq+sW +T8KOEUt+zwvo/7V3LvSye0rgTBIlDHCNAymg4VMk7BPZ7hm/ELNKjD+Jo2FR3qyH +B5T0Y3HsLuJvW5iB4YlcNHlsdu87kGJ55tukmi8mxdAQ4Q7e2RCOFvu396j3x+UC +B5iPNgiV5+I3lg02dZ77DnKxHZu8A/lJBdiB3QW0KtZB6awBdpUKD9jf1b0SHzUv +KBds0pjBqAlkd25HN7rOrFleaJ1/ctaJxQZBKT5ZPt0m9STJEadao0xAH0ahmbWn +OlFuhjuefXKnEgV4We0+UXgVCwOPjdAvBbI+e0ocS3MFEvzG6uBQE3xDk3SzynTn +jh8BCNAw1FtxNrQHusEwMFxIt4I7mKZ9YIqioymCzLq9gwQbooMDQaHWBfEbwrbw +qHyGO0aoSCqI3Haadr8faqU9GY/rOPNk3sgrDQoo//fb4hVC1CLQJ13hef4Y53CI +rU7m2Ys6xt0nUW7/vGT1M0NPAgMBAAGjQjBAMA4GA1UdDwEB/wQEAwIBBjAPBgNV +HRMBAf8EBTADAQH/MB0GA1UdDgQWBBR5tFnme7bl5AFzgAiIyBpY9umbbjANBgkq +hkiG9w0BAQsFAAOCAgEAVR9YqbyyqFDQDLHYGmkgJykIrGF1XIpu+ILlaS/V9lZL +ubhzEFnTIZd+50xx+7LSYK05qAvqFyFWhfFQDlnrzuBZ6brJFe+GnY+EgPbk6ZGQ +3BebYhtF8GaV0nxvwuo77x/Py9auJ/GpsMiu/X1+mvoiBOv/2X/qkSsisRcOj/KK +NFtY2PwByVS5uCbMiogziUwthDyC3+6WVwW6LLv3xLfHTjuCvjHIInNzktHCgKQ5 +ORAzI4JMPJ+GslWYHb4phowim57iaztXOoJwTdwJx4nLCgdNbOhdjsnvzqvHu7Ur +TkXWStAmzOVyyghqpZXjFaH3pO3JLF+l+/+sKAIuvtd7u+Nxe5AW0wdeRlN8NwdC +jNPElpzVmbUq4JUagEiuTDkHzsxHpFKVK7q4+63SM1N95R1NbdWhscdCb+ZAJzVc +oyi3B43njTOQ5yOf+1CceWxG1bQVs5ZufpsMljq4Ui0/1lvh+wjChP4kqKOJ2qxq +4RgqsahDYVvTH9w7jXbyLeiNdd8XM2w9U/t7y0Ff/9yi0GE44Za4rF2LN9d11TPA +mRGunUHBcnWEvgJBQl9nJEiU0Zsnvgc/ubhPgXRR4Xq37Z0j4r7g1SgEEzwxA57d +emyPxgcYxn/eR44/KJ4EBs+lVDR3veyJm+kXQ99b21/+jh5Xos1AnX5iItreGCc= +-----END CERTIFICATE----- diff --git a/chatbot/README.md b/chatbot/README.md new file mode 100644 index 0000000000000000000000000000000000000000..28239f720271405b23ab3677a53bacd1ad6fbe44 --- /dev/null +++ b/chatbot/README.md @@ -0,0 +1,6 @@ +--- +title: chatbot +app_file: main.py +sdk: gradio +sdk_version: 4.42.0 +--- diff --git a/chatbot/app.py b/chatbot/app.py new file mode 100644 index 0000000000000000000000000000000000000000..d75828c1a8c5fedaac603f614b9d11ff8f7bdeb7 --- /dev/null +++ b/chatbot/app.py @@ -0,0 +1,157 @@ +import gradio as gr +import os +import requests +from dotenv import load_dotenv + +# Load environment variables from .env file +load_dotenv() + +# Define endpoints and securely load API keys from environment variables +model_config = { + "gpt-4": { + "endpoint": "https://roger-m38jr9pd-eastus2.openai.azure.com/openai/deployments/gpt-4/chat/completions?api-version=2024-08-01-preview", + "api_key": os.getenv("GPT4_API_KEY") + }, + "gpt-4o": { + "endpoint": "https://roger-m38jr9pd-eastus2.openai.azure.com/openai/deployments/gpt-4o/chat/completions?api-version=2024-08-01-preview", + "api_key": os.getenv("GPT4O_API_KEY") + }, + "gpt-35-turbo": { + "endpoint": "https://rogerkoranteng.openai.azure.com/openai/deployments/gpt-35-turbo/chat/completions?api-version=2024-08-01-preview", + "api_key": os.getenv("GPT35_TURBO_API_KEY") + }, + "gpt-4-32k": { + "endpoint": "https://roger-m38orjxq-australiaeast.openai.azure.com/openai/deployments/gpt-4-32k/chat/completions?api-version=2024-08-01-preview", + "api_key": os.getenv("GPT4_32K_API_KEY") + } +} + + +# Function to generate a response from Azure OpenAI +def generate_response(model_choice, user_message, chat_history): + model_info = model_config.get(model_choice) + + if not model_info: + return "Invalid model selection. Please choose a valid model.", chat_history + + chat_history.append({"role": "user", "content": user_message}) + + headers = { + "Content-Type": "application/json", + "api-key": model_info['api_key'], + } + + data = { + "messages": chat_history, + "max_tokens": 150, + "temperature": 0.7, + } + + try: + response = requests.post( + model_info["endpoint"], + headers=headers, + json=data + ) + + response.raise_for_status() + response_data = response.json() + + assistant_message = response_data['choices'][0]['message']['content'] + chat_history.append({"role": "assistant", "content": assistant_message}) + + return assistant_message, chat_history + + except requests.exceptions.RequestException as e: + return f"Error: {e}", chat_history + + +# Function to format chat history with improved readability +def format_chat_history(history): + formatted_history = "" + for message in history: + role = "User:" if message["role"] == "user" else "Sage:" + formatted_history += f"{role} {message['content']}\n\n" # Message content with a line break + return formatted_history.strip() # Remove any trailing whitespace + + +# List of available models +azure_models = [ + "gpt-4", + "gpt-4o", + "gpt-35-turbo", + "gpt-4-32k" +] + + +# Function to handle model change status update +def change_model(model_choice): + return f"Selected model: {model_choice}" + + +# Create the Gradio interface +with gr.Blocks() as interface: + gr.Markdown("## Sage - Your Mental Health Advisor") + + with gr.Tab("Model Selection"): + gr.Markdown("### Select Model for Chat") + model_dropdown = gr.Dropdown( + choices=azure_models, + label="Choose a Model", + value=azure_models[0], # Default model + interactive=True + ) + + # Add status update on model change + status_textbox = gr.Textbox(label="Model Selection Status", value="Selected model: gpt-4", interactive=False) + model_dropdown.change(change_model, inputs=model_dropdown, outputs=status_textbox) + + gr.Markdown("The selected model will be used for chat interaction.") + + with gr.Tab("Chat Interface"): + gr.Markdown("### Chat with Sage - Your Mental Health Advisor") + chat_history_state = gr.State([]) # Store chat history + model_choice_state = gr.State(azure_models[0]) # Default model + user_message = gr.Textbox( + placeholder="Hello, I am Sage. How can I assist you today?", + label="Your Message", + lines=2, + scale=7 + ) + + model_dropdown.change( + lambda x: x, inputs=model_dropdown, outputs=model_choice_state + ) + + assistant_response = gr.Textbox(label="Assistant's Response") + submit_button = gr.Button("Send Message") + + submit_button.click( + generate_response, + inputs=[model_choice_state, user_message, chat_history_state], + outputs=[assistant_response, chat_history_state] + ) + + # Chat History Tab + with gr.Tab("Chat History"): + gr.Markdown("### Chat History") + + # Add the fetch history button inside the "Chat History" tab + fetch_history_button = gr.Button("Fetch Chat History") + chat_history_display = gr.Textbox(label="Chat History", interactive=False, lines=10) + + + # Function to fetch and display chat history + def fetch_chat_history(chat_history): + return format_chat_history(chat_history) + + + # Bind the fetch history button to fetch the chat history + fetch_history_button.click( + fetch_chat_history, + inputs=chat_history_state, + outputs=chat_history_display + ) + + # Launch the Gradio app + interface.launch(server_name="0.0.0.0", server_port=8080, share=True) diff --git a/chatbot/app2.pyn b/chatbot/app2.pyn new file mode 100644 index 0000000000000000000000000000000000000000..687509d76eca7122c93603971b6a397106f482da --- /dev/null +++ b/chatbot/app2.pyn @@ -0,0 +1,226 @@ +import os +import gradio as gr +import pandas as pd +import numpy as np +import chromadb +from chromadb.config import Settings +from io import StringIO +from sentence_transformers import SentenceTransformer +import plotly.express as px +from sklearn.manifold import TSNE + + +# Constants for Model Configuration +MODEL_CONFIG = { + "gpt-4": { + "endpoint": "https://roger-m38jr9pd-eastus2.openai.azure.com/openai/deployments/gpt-4/chat/completions?api-version=2024-08-01-preview", + "api_key": os.getenv("GPT4_API_KEY") + }, + "gpt-4o": { + "endpoint": "https://roger-m38jr9pd-eastus2.openai.azure.com/openai/deployments/gpt-4o/chat/completions?api-version=2024-08-01-preview", + "api_key": os.getenv("GPT4O_API_KEY") + }, + "gpt-35-turbo": { + "endpoint": "https://rogerkoranteng.openai.azure.com/openai/deployments/gpt-35-turbo/chat/completions?api-version=2024-08-01-preview", + "api_key": os.getenv("GPT35_TURBO_API_KEY") + }, + "gpt-4-32k": { + "endpoint": "https://roger-m38orjxq-australiaeast.openai.azure.com/openai/deployments/gpt-4-32k/chat/completions?api-version=2024-08-01-preview", + "api_key": os.getenv("GPT4_32K_API_KEY") + } +} + +# Initialize Chroma client with DuckDB and Parquet for persistence +chroma_client = chromadb.Client() + + +# Functions for Data Processing and Embedding + +def process_csv_text(temp_file): + """Process the uploaded CSV and return the dataframe and column options.""" + if isinstance(temp_file, str): + df = pd.read_csv(StringIO(temp_file)) + else: + df = pd.read_csv(temp_file.name, header='infer', sep=',') + return df, gr.Dropdown.update(choices=list(df.columns)) + + +def insert_or_update_chroma(col, table, model_name, similarity_metric): + """Insert or update embeddings in ChromaDB.""" + try: + collection = chroma_client.create_collection( + name="my_collection", + embedding_function=SentenceTransformer(model_name), + metadata={"hnsw:space": similarity_metric} + ) + except Exception: + print("Collection exists, deleting it") + chroma_client.delete_collection(name='my_collection') + collection = chroma_client.create_collection( + name="my_collection", + embedding_function=SentenceTransformer(model_name), + metadata={"hnsw:space": similarity_metric} + ) + + if collection: + try: + collection.add( + documents=list(table[col]), + metadatas=[{"source": i} for i in range(len(table))], + ids=[str(i + 1) for i in range(len(table))] + ) + return "Embedding calculations and insertions successful" + except Exception as e: + return f"Error in embedding calculations: {e}" + + +def show_fig(): + """Show t-SNE 2D plot for embeddings.""" + collection = chroma_client.get_collection(name="my_collection") + embeddings = collection.get(include=['embeddings', 'documents']) + + df = pd.DataFrame({ + 'text': embeddings['documents'], + 'embedding': embeddings['embeddings'] + }) + + embeddings_np = np.array(df['embedding'].tolist()) + tsne = TSNE(n_components=2, random_state=42) + transformed = tsne.fit_transform(embeddings_np) + + df['tsne_x'] = transformed[:, 0] + df['tsne_y'] = transformed[:, 1] + + fig = px.scatter(df, x='tsne_x', y='tsne_y', hover_name='text') + return fig, transformed + + +def show_test_string_fig(test_string, tsne, model_name, similarity_metric): + """Show t-SNE plot with test string to compare embeddings.""" + collection = chroma_client.get_collection(name="my_collection", + embedding_function=SentenceTransformer(model_name)) + + collection.add( + documents=[test_string], + metadatas=[{"source": 'test'}], + ids=['test_sample'] + ) + + embeddings = collection.get(include=['embeddings', 'documents']) + df = pd.DataFrame({ + 'text': embeddings['documents'], + 'embedding': embeddings['embeddings'], + 'set': ['orig' if document != test_string else 'test_string' for document in embeddings["documents"]] + }) + + embeddings_np = np.array(df['embedding'].tolist()) + transformed = tsne.transform(embeddings_np) + + df['tsne_x'] = transformed[:, 0] + df['tsne_y'] = transformed[:, 1] + + fig = px.scatter(df, x='tsne_x', y='tsne_y', hover_name='text', color='set') + return fig, tsne + + +def ask_gpt(message, messages_history, embedding_model, system_prompt, temperature, max_tokens, chatgpt_model): + """Interacts with the OpenAI API using Azure endpoint.""" + if len(messages_history) < 1: + messages_history = [{"role": "system", "content": system_prompt}] + + model_info = MODEL_CONFIG[chatgpt_model] + headers = {"Content-Type": "application/json", "api-key": model_info["api_key"]} + + message = retrieve_similar(message, embedding_model) + messages_history += [{"role": "user", "content": message}] + + response = openai.ChatCompletion.create( + model=chatgpt_model, + messages=messages_history, + temperature=temperature, + max_tokens=max_tokens + ) + + return response['choices'][0]['message']['content'], messages_history + + +def retrieve_similar(prompt, embedding_model): + """Retrieve similar documents from ChromaDB to enhance context.""" + # Initialize SentenceTransformer correctly + embedding_function = SentenceTransformer(embedding_model) + + collection = chroma_client.get_collection( + name="my_collection", + embedding_function=embedding_function + ) + + results = collection.query(query_texts=prompt, n_results=10) + additional_context = '' + for i, document in enumerate(results['documents'][0]): + additional_context += f'{i + 1}. {document}\n' + + return additional_context + f'Question: {prompt}' + + + +# Gradio Interface Setup + +def build_gradio_ui(): + """Setup the complete Gradio UI.""" + with gr.Blocks() as demo: + # Tab 1: Upload CSV and Display Data + with gr.Tab("Upload data"): + upload_button = gr.File(label="Upload CSV", file_types=['.csv'], file_count="single") + table = gr.Dataframe(type="pandas", interactive=True) + cols = gr.Dropdown(choices=[], label='Dataframe columns') + + upload_button.change(fn=process_csv_text, inputs=upload_button, outputs=[table, cols]) + + # Tab 2: ChromaDB, Embeddings, and Plotting + with gr.Tab("ChromaDB and Embeddings"): + cols = gr.Dropdown(choices=[], label='Dataframe columns') + embedding_model = gr.Dropdown(value='all-MiniLM-L6-v2', + choices=['all-MiniLM-L6-v2', 'intfloat/e5-small-v2', 'intfloat/e5-base-v2', + 'intfloat/e5-large-v2', 'paraphrase-multilingual-MiniLM-L12-v2'], + label='Embedding Model') + similarity_metric = gr.Dropdown(value='cosine', choices=['cosine', 'l2'], label='Similarity Metric') + embedding_button = gr.Button(value="Insert or Update Embeddings") + text = gr.Textbox(label='Process Status') + + show_embeddings_button = gr.Button(value="Show Embeddings") + embeddings_plot = gr.Plot() + + tsne = gr.State(value=None) # Using gr.State for intermediate results (tsne) + test_string = gr.Textbox(label='Test String') + + calculate_2d_repr_button = gr.Button(value="Calculate 2D Representation") + embeddings_plot_with_text_string = gr.Plot() + + embedding_button.click(insert_or_update_chroma, inputs=[cols, table, embedding_model, similarity_metric], outputs=[text]) + show_embeddings_button.click(show_fig, inputs=[], outputs=[embeddings_plot, tsne]) + calculate_2d_repr_button.click(show_test_string_fig, inputs=[test_string, tsne, embedding_model, similarity_metric], outputs=[embeddings_plot_with_text_string, tsne]) + + # Tab 3: Chat with GPT + with gr.Tab("Chat"): + system_prompt = gr.Textbox(value="You are a helpful assistant.", label="System Message") + chatgpt_model = gr.Dropdown(value="gpt-4", choices=list(MODEL_CONFIG.keys()), label="ChatGPT Model") + temperature = gr.Slider(minimum=0, maximum=2, step=0.1, value=0.7, label="Temperature") + max_tokens = gr.Slider(minimum=50, maximum=2000, step=50, value=300, label="Max Tokens") + chatbot = gr.Chatbot(label="ChatGPT Chat") + clear_button = gr.Button("Clear Chat History") + msg = gr.Textbox() + msg_log = gr.Textbox("Message history", label="History") + + # Replacing `.submit()` with `.change()` to trigger callback when user enters a message + msg.submit(fn=ask_gpt, inputs=[msg, chatbot, system_prompt, embedding_model, temperature, max_tokens, chatgpt_model], outputs=[msg, chatbot]) + clear_button.click(fn=lambda: None, inputs=None, outputs=[chatbot]) + + return demo + +# Launch the Gradio interface +demo = build_gradio_ui() +demo.launch(server_name="0.0.0.0", server_port=8080, share=True) + + + +# Launch the Gradio interf diff --git a/chatbot/app2.pynnn b/chatbot/app2.pynnn new file mode 100644 index 0000000000000000000000000000000000000000..2a10eb25ab2ad3141852948527f67223e8ae31ad --- /dev/null +++ b/chatbot/app2.pynnn @@ -0,0 +1,213 @@ +import os +import gradio as gr +import pandas as pd +import numpy as np +import chromadb +from chromadb.config import Settings +from io import StringIO +from sentence_transformers import SentenceTransformer +import openai +import plotly.express as px +from sklearn.manifold import TSNE + +# Initialize Chroma client with DuckDB and Parquet for persistence +chroma_client = chromadb.Client(Settings( + chroma_db_impl="duckdb+parquet", + persist_directory="./chroma_db" +)) + +# Model Configuration for Dynamic Dropdown +model_config = { + "gpt-4": { + "endpoint": "https://roger-m38jr9pd-eastus2.openai.azure.com/openai/deployments/gpt-4/chat/completions?api-version=2024-08-01-preview", + "api_key": os.getenv("GPT4_API_KEY") + }, + "gpt-4o": { + "endpoint": "https://roger-m38jr9pd-eastus2.openai.azure.com/openai/deployments/gpt-4o/chat/completions?api-version=2024-08-01-preview", + "api_key": os.getenv("GPT4O_API_KEY") + }, + "gpt-35-turbo": { + "endpoint": "https://rogerkoranteng.openai.azure.com/openai/deployments/gpt-35-turbo/chat/completions?api-version=2024-08-01-preview", + "api_key": os.getenv("GPT35_TURBO_API_KEY") + }, + "gpt-4-32k": { + "endpoint": "https://roger-m38orjxq-australiaeast.openai.azure.com/openai/deployments/gpt-4-32k/chat/completions?api-version=2024-08-01-preview", + "api_key": os.getenv("GPT4_32K_API_KEY") + } +} + +# Function to process uploaded CSV +def process_csv_text(temp_file): + if isinstance(temp_file, str): + df = pd.read_csv(StringIO(temp_file)) + else: + df = pd.read_csv(temp_file.name, header='infer', sep=',') + return df, gr.Dropdown.update(choices=list(df.columns)) + +# Insert or update ChromaDB with embeddings +def insert_or_update_chroma(col, table, model_name, similarity_metric, client=chroma_client): + try: + collection = client.create_collection(name="my_collection", + embedding_function=SentenceTransformer(model_name), + metadata={"hnsw:space": similarity_metric}) + except Exception as e: + print("Collection exists, deleting it") + client.delete_collection(name='my_collection') + collection = client.create_collection(name="my_collection", + embedding_function=SentenceTransformer(model_name), + metadata={"hnsw:space": similarity_metric}) + if collection: + try: + collection.add( + documents=list(table[col]), + metadatas=[{"source": i} for i in range(len(table))], + ids=[str(i + 1) for i in range(len(table))] + ) + return "Embedding calculations and insertions successful" + except Exception as e: + return "Error in embedding calculations" + +# Show plot with embeddings using t-SNE +def show_fig(): + collection = chroma_client.get_collection(name="my_collection") + embeddings = collection.get(include=['embeddings', 'documents']) + + df = pd.DataFrame({ + 'text': embeddings['documents'], + 'embedding': embeddings['embeddings'] + }) + + embeddings_np = np.array(df['embedding'].tolist()) + tsne = TSNE(n_components=2, random_state=42) + transformed = tsne.fit_transform(embeddings_np) + + df['tsne_x'] = transformed[:, 0] + df['tsne_y'] = transformed[:, 1] + + fig = px.scatter(df, x='tsne_x', y='tsne_y', hover_name='text') + return fig, transformed + +# Show test string figure +def show_test_string_fig(test_string, tsne, model_name, similarity_metric): + collection = chroma_client.get_collection(name="my_collection", + embedding_function=SentenceTransformer(model_name)) + + collection.add( + documents=[test_string], + metadatas=[{"source": 'test'}], + ids=['test_sample'] + ) + + embeddings = collection.get(include=['embeddings', 'documents']) + + df = pd.DataFrame({ + 'text': embeddings['documents'], + 'embedding': embeddings['embeddings'], + 'set': ['orig' if document != test_string else 'test_string' for document in embeddings["documents"]] + }) + + embeddings_np = np.array(df['embedding'].tolist()) + transformed = tsne.transform(embeddings_np) + + df['tsne_x'] = transformed[:, 0] + df['tsne_y'] = transformed[:, 1] + + fig = px.scatter(df, x='tsne_x', y='tsne_y', hover_name='text', color='set') + return fig, tsne + +# Function to interact with OpenAI's Azure API +def ask_gpt(message, messages_history, embedding_model, system_prompt, temperature, max_tokens, chatgpt_model): + if len(messages_history) < 1: + messages_history = [{"role": "system", "content": system_prompt}] + model_info = model_config[chatgpt_model] + headers = { + "Content-Type": "application/json", + "api-key": model_info["api_key"] + } + + message = retrieve_similar(message, embedding_model) + + messages_history += [{"role": "user", "content": message}] + response = openai.ChatCompletion.create( + model=chatgpt_model, + messages=messages_history, + temperature=temperature, + max_tokens=max_tokens + ) + + return response['choices'][0]['message']['content'], messages_history + +# Function to retrieve similar questions from ChromaDB +def retrieve_similar(prompt, embedding_model, client=chroma_client): + collection = client.get_collection(name="my_collection", embedding_function=SentenceTransformer(model_name=embedding_model)) + + results = collection.query(query_texts=prompt, n_results=10) + additional_context = '' + for i, document in enumerate(results['documents'][0]): + if i == 0: + additional_context = 'Information: \n' + str(i+1) + '. ' + document + else: + additional_context += '\n' + str(i+1) + '. ' + document + + prompt_with_context = additional_context + '\nQuestion: ' + prompt + return prompt_with_context + +# Gradio App Setup +with gr.Blocks() as demo: + # Tab 1: Upload CSV and Display Data + with gr.Tab("Upload data"): + upload_button = gr.UploadButton(label="Upload csv", file_types=['.csv'], file_count="single") + table = gr.Dataframe(type="pandas", max_rows='20', overflow_row_behaviour='paginate', interactive=True) + cols = gr.Dropdown(choices=[], label='Dataframe columns') + + upload_button.upload(fn=process_csv_text, inputs=upload_button, outputs=[table, cols], api_name="upload_csv") + + # Tab 2: ChromaDB, Embeddings, and Plotting + with gr.Tab("Select Column and insert embeddings to ChromaDb"): + with gr.Row(): + gr.Markdown("
") + with gr.Row(): + cols = gr.Dropdown(choices=['text_column_1_placeholder'], label='Dataframe columns') + + with gr.Row(): + embedding_model = gr.Dropdown(value='all-MiniLM-L6-v2', choices=['all-MiniLM-L6-v2', 'intfloat/e5-small-v2', 'intfloat/e5-base-v2', 'intfloat/e5-large-v2','paraphrase-multilingual-MiniLM-L12-v2'], label='Embedding model to use') + similarity_metric = gr.Dropdown(value='cosine', choices=['cosine', 'l2'], label='Similarity metric to use') + + with gr.Row(): + embedding_button = gr.Button(value="Insert or update rows from selected column to embeddings db") + text = gr.Textbox(label='Process status for Chroma', placeholder='This will be updated once you click "Process status for Chroma"') + + with gr.Row(): + show_embeddings_button = gr.Button(value="Calculate 2d values from embeddings and show scatter plot") + embeddings_plot = gr.Plot() + + with gr.Row(): + tsne = gr.State(value=None) + test_string = gr.Textbox(label='test string to try to embed', value="Insert test string here") + + with gr.Row(): + calculate_2d_repr_button = gr.Button(value="See where text string is in 2d") + embeddings_plot_with_text_string = gr.Plot() + + embedding_button.click(insert_or_update_chroma, inputs=[cols, table, embedding_model, similarity_metric], outputs=[text]) + show_embeddings_button.click(show_fig, inputs=[], outputs=[embeddings_plot, tsne]) + calculate_2d_repr_button.click(show_test_string_fig, inputs=[test_string, tsne, embedding_model, similarity_metric], outputs=[embeddings_plot_with_text_string, tsne]) + + # Tab 3: Chat with GPT Models + with gr.Tab("Chat"): + system_prompt = gr.Textbox(value="You are a helpful assistant.", label="System Message") + chatgpt_model = gr.Dropdown(value="gpt-4", choices=list(model_config.keys()), label="ChatGPT Model to Use") + temperature = gr.Slider(minimum=0, maximum=2, step=0.1, value=0.7, label="Temperature") + max_tokens = gr.Slider(minimum=50, maximum=2000, step=50, value=300, label="Max Tokens") + chatbot = gr.Chatbot(label="ChatGPT Chat") + clear_button = gr.Button("Clear Chat History") + + msg = gr.Textbox() + msg_log = gr.Textbox("Message history will be visible here", label='Message history') + + msg.submit(ask_gpt, [msg, chatbot], [msg, chatbot]) + chatbot.submit(ask_gpt, [chatbot, system_prompt, embedding_model, temperature, max_tokens, chatgpt_model], [chatbot, system_prompt]) + clear_button.click(fn=lambda: None, inputs=None, outputs=[chatbot]) + +# Launch Gradio interface +demo.launch() diff --git a/chatbot/bar_chart.png b/chatbot/bar_chart.png new file mode 100644 index 0000000000000000000000000000000000000000..bd25ad03973e89331968cd5c56cd1237b5eb638f Binary files /dev/null and b/chatbot/bar_chart.png differ diff --git a/chatbot/category_breakdown.png b/chatbot/category_breakdown.png new file mode 100644 index 0000000000000000000000000000000000000000..a68bd1551b672b05a30f18ecb9030ceb4ef0954c Binary files /dev/null and b/chatbot/category_breakdown.png differ diff --git a/chatbot/chat_history.json b/chatbot/chat_history.json new file mode 100644 index 0000000000000000000000000000000000000000..4aaad061770b7c53a5812aea49378cdef591844a --- /dev/null +++ b/chatbot/chat_history.json @@ -0,0 +1,62 @@ +[ + { + "role": "assistant", + "content": "Hello, I am Sage. How can I assist you today?" + }, + { + "role": "user", + "content": "Hi Sage, my boyfriend broke up with me. I'm feeling so sad. What should I do?" + }, + { + "role": "assistant", + "content": "I'm sorry to hear that you're going through a tough time. Breakups can be incredibly painful, but there are ways to help you cope with the emotions and eventually move forward. Here are a few suggestions:\n\n1. **Allow Yourself to Grieve**: It's okay to feel sad, angry, or confused. Allow yourself time to process these emotions. It's an important part of healing.\n\n2. **Reach Out for Support**: Talk to friends and family who care about you. Sharing your feelings can be very therapeutic and remind you that you're not alone.\n\n3. **Stay Active**: Engaging in physical activities can help boost your mood and take your mind off the pain. Consider trying out exercises like walking, yoga, or anything you enjoy.\n\n4. **Pursue Interests**: Reconnect with hobbies and interests that you may have neglected. This can help you find joy and fulfillment in other areas of your life.\n\n5. **Avoid Contact**: It might be helpful to take a break from seeing or communicating with your ex while you heal. Constant contact can often prolong the pain.\n\n6. **Seek Professional Help**: If you find it very difficult to cope, speaking with a therapist or counselor can provide professional support and strategies to manage your feelings.\n\nRemember, it's okay to take things one day at a time. Healing is a process, and it's different for everyone." + }, + { + "role": "user", + "content": "Hello, Sage. I feel like nobody likes me. What should I do?" + }, + { + "role": "assistant", + "content": "Feeling like nobody likes you can be really tough, but remember, these feelings don't define your worth or your ability to be liked. Here are some steps you can take to address these feelings:\n\n1. **Reflect on Your Feelings**: Sometimes, these feelings might not reflect reality but rather our own insecurities or past experiences. Try to assess if there's any specific reason you feel this way.\n\n2. **Communicate**: Talk to people you trust about how you feel. They might provide reassurance and help you see that people do care about you.\n\n3. **Build Self-Esteem**: Engage in activities that make you feel good about yourself. This could be hobbies, sports, learning new skills, or volunteering. Accomplishments can boost your self-esteem and change how you perceive yourself.\n\n4. **Social Skills**: Sometimes, improving social skills can boost your confidence in interactions. This might include practicing small talk, being a good listener, or showing interest in others' activities.\n\n5. **Meet New People**: Sometimes the feeling of not being liked can stem from not having found the right group of friends. Try joining clubs, groups, or online communities where you can meet people with similar interests.\n\n6. **Consider Professional Help**: If these feelings are overwhelming and persistent, talking to a therapist or counselor can be very beneficial. They can help you work through these feelings and develop strategies to improve your social interactions.\n\nRemember, many people feel this way at some point in their lives. It's brave to confront these feelings and seek ways to improve your situation. You're not alone in this." + }, + { + "role": "user", + "content": "Hello, I am feeling sad today, what should I do?" + }, + { + "role": "assistant", + "content": "I'm sorry to hear that you're feeling sad. It's important to take care of yourself and address your emotions. Here are a few suggestions that might help improve your mood:\n\n1. **Acknowledge Your Feelings**: It's okay to feel sad. Acknowledging your emotions is the first step toward feeling better. Allow yourself some time to just feel what you're feeling without judgment.\n\n2. **Engage in a Favorite Activity**: Doing something you enjoy, such as reading a book, watching a favorite movie, or engaging in a hobby, can provide a comforting distraction and bring some joy.\n\n3. **Connect with Others**: Reach out to friends or family members who can offer support. Sometimes just talking about how you feel can lighten the burden.\n\n4. **Get Some Exercise**: Physical activity can boost endorphins, which are chemicals in the brain that can lighten your mood. Even a short walk can make a difference.\n\n5. **Listen to Music**: Music can have a powerful effect on mood. Choose songs that lift your spirits or calm and soothe you, depending on what you feel you need.\n\n6. **Practice Mindfulness or Meditation**: These practices can help you stay present and reduce negative thoughts. Even a few minutes can have a significant impact.\n\n7. **Consider Professional Help**: If sadness persists and starts to affect your daily life, it might be helpful to talk to a mental health professional who can provide guidance and support.\n\nRemember, it's perfectly okay to have days when you feel down. Taking steps to care for yourself during these times is important." + }, + { + "role": "user", + "content": "okay thanks how do i contact mental health persons" + }, + { + "role": "assistant", + "content": "Seeking help from a mental health professional is a positive step towards taking care of your well-being. Here\u2019s how you can get started:\n\n1. **Primary Care Doctor**: You can start by talking to your primary care doctor. They can assess your situation and may provide a referral to a mental health specialist such as a psychologist or psychiatrist.\n\n2. **Insurance Provider**: If you have health insurance, check your provider\u2019s website or call their customer service for a list of covered mental health professionals. They can guide you on how to proceed based on your plan.\n\n3. **Online Directories**: Use reputable online directories or websites that list mental health professionals. Websites like Psychology Today, GoodTherapy, or even Google can help you find therapists in your area.\n\n4. **Local Mental Health Clinics**: Look for community mental health clinics in your area. These often offer services on a sliding scale fee based on income, making them accessible to more people.\n\n5. **Telehealth Services**: Consider online therapy options, which can be more convenient and sometimes more affordable. Platforms like BetterHelp, Talkspace, or Amwell offer various online therapy services.\n\n6. **Employee Assistance Programs (EAP)**: If you are employed, check if your employer offers an Employee Assistance Program, which often includes a few free therapy sessions.\n\n7. **School Counselors**: If you are a student, your school or university likely has counselors available to help students at no extra cost.\n\nRemember, seeking help is a sign of strength, and it\u2019s important to find a professional you feel comfortable with. Don\u2019t hesitate to reach out and take that first step." + }, + { + "role": "user", + "content": "Hello, I am feeling sad today, what should I do?" + }, + { + "role": "assistant", + "content": "I'm sorry to hear that you're feeling sad. It's important to take care of yourself and address your emotions. Here are a few suggestions that might help improve your mood:\n\n1. **Acknowledge Your Feelings**: It's okay to feel sad. Acknowledging your emotions is the first step toward feeling better. Allow yourself some time to just feel what you're feeling without judgment.\n\n2. **Engage in a Favorite Activity**: Doing something you enjoy, such as reading a book, watching a favorite movie, or engaging in a hobby, can provide a comforting distraction and bring some joy.\n\n3. **Connect with Others**: Reach out to friends or family members who can offer support. Sometimes just talking about how you feel can lighten the burden.\n\n4. **Get Some Exercise**: Physical activity can boost endorphins, which are chemicals in the brain that can lighten your mood. Even a short walk can make a difference.\n\n5. **Listen to Music**: Music can have a powerful effect on mood. Choose songs that lift your spirits or calm and soothe you, depending on what you feel you need.\n\n6. **Practice Mindfulness or Meditation**: These practices can help you stay present and reduce negative thoughts. Even a few minutes can have a significant impact.\n\n7. **Consider Professional Help**: If sadness persists and starts to affect your daily life, it might be helpful to talk to a mental health professional who can provide guidance and support.\n\nRemember, it's perfectly okay to have days when you feel down. Taking steps to care for yourself during these times is important." + }, + { + "role": "user", + "content": "I'M SORRY TO HEAR THAT YOUR FEELING SAD ITS IMPORTANT TO TAKE CARE OF YOURSELF AND ADDRESS YOUREMOTIONS ERE ARE A FU SUGGESTIONS THAT MIGHT HELP IMPROVE YOUR MOOD ONE ACKNOWLEDGE YOUR FEELINS ITS OCADE A FEEL SAD ACKNOWLEDGING YOUR EMOTIONS AS THE FIRST STEP TOWARD FEELING BETTER ALLOW YOUR SELF SOME TIME TO JUST FEEL WHAT YOUR FEELING WITHOUT JUDGMAN TWO ENGAGIN A FAVORITE ACTIVITY DOING SOMETHING YOU IN JOY SUCH AS READING A BOOK WATCHING A FVORITE MOVY OR ENGAGING IN A HOBB CAN PROVIDE A COMFORTING DISTRACTION AND BRING SOME JOY THREE CONNECT WITH OTHERS REACH OUT TO FRIENDS OUR FAMLY MEMBERS WHO CAN OFFER SUPPORT SOMETIMES JUST TALTING ABOUT HOW YOU FEEL CAN LIGHTEN THE BURDN FOUR GET SOME EXERCISE FISICAL ACTIVITY CAN BOOSED AN DORPHANS WICH OURE CHEMICULS IN THE BRAIN THAT CAN LIGHTEN YOUR MOOD EVEN A SHORT WALK CAN MAKE A DIFFERENE FIVE LISEN TO MUSIC MUSIC CAN HAVE A POWERFUL AFFECT ON MOOD CHOOSE SONGS THAT LIFT YOUR PIRITS ARE COMMAN SOOTHYOU DEPENDING ON WHAT YOU FEEL YOU NEED SIX PRACTICE MINDFULNESS OR MEDITATION VUSE PRACTICES CAN HELP YOU STAKE PRESON AND REDUCE NEGATIVE THOUGHTS EVEN A FEW MINUTES CAN HAVE US O NIFICANT IMPACT SEVEN CAN SIDER PROFESSIONAL HELP IT SADNESS PERSISTS AND STARTS TO EFFECT YOUR DAILY LIFE IT MIGHT BE HELPFUL TO TALK TO A MENTAL HELTH PROFESSIONAL WHO CAN PROVIDE GUIDANCE AND SUPORT REMEMBER ITS PERFECALY OCADE TO HAVE DAYS WHEN YOU FEEL DOWN TACING STEPS TO CARE FOR YOURSELF DURING THESE TIMES AS IMPORDANT" + }, + { + "role": "assistant", + "content": "Thank you for your concern, but I am an AI language model and do not have feelings. My purpose is to provide assistance and support to those who need it. If you have any other questions or concerns, please feel free to ask." + }, + { + "role": "user", + "content": "what AI model are you GPT or what" + }, + { + "role": "assistant", + "content": "Yes, I am a GPT (Generative Pre-trained Transformer) AI language model developed by OpenAI. I am designed to understand natural language and generate human-like responses to various queries and prompts. My purpose is to assist and provide helpful responses to users like you." + } +] \ No newline at end of file diff --git a/chatbot/chroma_migrated/chroma.sqlite3 b/chatbot/chroma_migrated/chroma.sqlite3 new file mode 100644 index 0000000000000000000000000000000000000000..c2b60eb2e05148f031a21852f1baad7abbf402e0 Binary files /dev/null and b/chatbot/chroma_migrated/chroma.sqlite3 differ diff --git a/chatbot/fine_tuned_model/config.json b/chatbot/fine_tuned_model/config.json new file mode 100644 index 0000000000000000000000000000000000000000..bb4d6017a5101c73754210f69fa831ea678bd28e --- /dev/null +++ b/chatbot/fine_tuned_model/config.json @@ -0,0 +1,2026 @@ +{ + "_name_or_path": "google/vit-base-patch16-224", + "architectures": [ + "ViTForImageClassification" + ], + "attention_probs_dropout_prob": 0.0, + "encoder_stride": 16, + "hidden_act": "gelu", + "hidden_dropout_prob": 0.0, + "hidden_size": 768, + "id2label": { + "0": "tench, Tinca tinca", + "1": "goldfish, Carassius auratus", + "2": "great white shark, white shark, man-eater, man-eating shark, Carcharodon carcharias", + "3": "tiger shark, Galeocerdo cuvieri", + "4": "hammerhead, hammerhead shark", + "5": "electric ray, crampfish, numbfish, torpedo", + "6": "stingray", + "7": "cock", + "8": "hen", + "9": "ostrich, Struthio camelus", + "10": "brambling, Fringilla montifringilla", + "11": "goldfinch, Carduelis carduelis", + "12": "house finch, linnet, Carpodacus mexicanus", + "13": "junco, snowbird", + "14": "indigo bunting, indigo finch, indigo bird, Passerina cyanea", + "15": "robin, American robin, Turdus migratorius", + "16": "bulbul", + "17": "jay", + "18": "magpie", + "19": "chickadee", + "20": "water ouzel, dipper", + "21": "kite", + "22": "bald eagle, American eagle, Haliaeetus leucocephalus", + "23": "vulture", + "24": "great grey owl, great gray owl, Strix nebulosa", + "25": "European fire salamander, Salamandra salamandra", + "26": "common newt, Triturus vulgaris", + "27": "eft", + "28": "spotted salamander, Ambystoma maculatum", + "29": "axolotl, mud puppy, Ambystoma mexicanum", + "30": "bullfrog, Rana catesbeiana", + "31": "tree frog, tree-frog", + "32": "tailed frog, bell toad, ribbed toad, tailed toad, Ascaphus trui", + "33": "loggerhead, loggerhead turtle, Caretta caretta", + "34": "leatherback turtle, leatherback, leathery turtle, Dermochelys coriacea", + "35": "mud turtle", + "36": "terrapin", + "37": "box turtle, box tortoise", + "38": "banded gecko", + "39": "common iguana, iguana, Iguana iguana", + "40": "American chameleon, anole, Anolis carolinensis", + "41": "whiptail, whiptail lizard", + "42": "agama", + "43": "frilled lizard, Chlamydosaurus kingi", + "44": "alligator lizard", + "45": "Gila monster, Heloderma suspectum", + "46": "green lizard, Lacerta viridis", + "47": "African chameleon, Chamaeleo chamaeleon", + "48": "Komodo dragon, Komodo lizard, dragon lizard, giant lizard, Varanus komodoensis", + "49": "African crocodile, Nile crocodile, Crocodylus niloticus", + "50": "American alligator, Alligator mississipiensis", + "51": "triceratops", + "52": "thunder snake, worm snake, Carphophis amoenus", + "53": "ringneck snake, ring-necked snake, ring snake", + "54": "hognose snake, puff adder, sand viper", + "55": "green snake, grass snake", + "56": "king snake, kingsnake", + "57": "garter snake, grass snake", + "58": "water snake", + "59": "vine snake", + "60": "night snake, Hypsiglena torquata", + "61": "boa constrictor, Constrictor constrictor", + "62": "rock python, rock snake, Python sebae", + "63": "Indian cobra, Naja naja", + "64": "green mamba", + "65": "sea snake", + "66": "horned viper, cerastes, sand viper, horned asp, Cerastes cornutus", + "67": "diamondback, diamondback rattlesnake, Crotalus adamanteus", + "68": "sidewinder, horned rattlesnake, Crotalus cerastes", + "69": "trilobite", + "70": "harvestman, daddy longlegs, Phalangium opilio", + "71": "scorpion", + "72": "black and gold garden spider, Argiope aurantia", + "73": "barn spider, Araneus cavaticus", + "74": "garden spider, Aranea diademata", + "75": "black widow, Latrodectus mactans", + "76": "tarantula", + "77": "wolf spider, hunting spider", + "78": "tick", + "79": "centipede", + "80": "black grouse", + "81": "ptarmigan", + "82": "ruffed grouse, partridge, Bonasa umbellus", + "83": "prairie chicken, prairie grouse, prairie fowl", + "84": "peacock", + "85": "quail", + "86": "partridge", + "87": "African grey, African gray, Psittacus erithacus", + "88": "macaw", + "89": "sulphur-crested cockatoo, Kakatoe galerita, Cacatua galerita", + "90": "lorikeet", + "91": "coucal", + "92": "bee eater", + "93": "hornbill", + "94": "hummingbird", + "95": "jacamar", + "96": "toucan", + "97": "drake", + "98": "red-breasted merganser, Mergus serrator", + "99": "goose", + "100": "black swan, Cygnus atratus", + "101": "tusker", + "102": "echidna, spiny anteater, anteater", + "103": "platypus, duckbill, duckbilled platypus, duck-billed platypus, Ornithorhynchus anatinus", + "104": "wallaby, brush kangaroo", + "105": "koala, koala bear, kangaroo bear, native bear, Phascolarctos cinereus", + "106": "wombat", + "107": "jellyfish", + "108": "sea anemone, anemone", + "109": "brain coral", + "110": "flatworm, platyhelminth", + "111": "nematode, nematode worm, roundworm", + "112": "conch", + "113": "snail", + "114": "slug", + "115": "sea slug, nudibranch", + "116": "chiton, coat-of-mail shell, sea cradle, polyplacophore", + "117": "chambered nautilus, pearly nautilus, nautilus", + "118": "Dungeness crab, Cancer magister", + "119": "rock crab, Cancer irroratus", + "120": "fiddler crab", + "121": "king crab, Alaska crab, Alaskan king crab, Alaska king crab, Paralithodes camtschatica", + "122": "American lobster, Northern lobster, Maine lobster, Homarus americanus", + "123": "spiny lobster, langouste, rock lobster, crawfish, crayfish, sea crawfish", + "124": "crayfish, crawfish, crawdad, crawdaddy", + "125": "hermit crab", + "126": "isopod", + "127": "white stork, Ciconia ciconia", + "128": "black stork, Ciconia nigra", + "129": "spoonbill", + "130": "flamingo", + "131": "little blue heron, Egretta caerulea", + "132": "American egret, great white heron, Egretta albus", + "133": "bittern", + "134": "crane", + "135": "limpkin, Aramus pictus", + "136": "European gallinule, Porphyrio porphyrio", + "137": "American coot, marsh hen, mud hen, water hen, Fulica americana", + "138": "bustard", + "139": "ruddy turnstone, Arenaria interpres", + "140": "red-backed sandpiper, dunlin, Erolia alpina", + "141": "redshank, Tringa totanus", + "142": "dowitcher", + "143": "oystercatcher, oyster catcher", + "144": "pelican", + "145": "king penguin, Aptenodytes patagonica", + "146": "albatross, mollymawk", + "147": "grey whale, gray whale, devilfish, Eschrichtius gibbosus, Eschrichtius robustus", + "148": "killer whale, killer, orca, grampus, sea wolf, Orcinus orca", + "149": "dugong, Dugong dugon", + "150": "sea lion", + "151": "Chihuahua", + "152": "Japanese spaniel", + "153": "Maltese dog, Maltese terrier, Maltese", + "154": "Pekinese, Pekingese, Peke", + "155": "Shih-Tzu", + "156": "Blenheim spaniel", + "157": "papillon", + "158": "toy terrier", + "159": "Rhodesian ridgeback", + "160": "Afghan hound, Afghan", + "161": "basset, basset hound", + "162": "beagle", + "163": "bloodhound, sleuthhound", + "164": "bluetick", + "165": "black-and-tan coonhound", + "166": "Walker hound, Walker foxhound", + "167": "English foxhound", + "168": "redbone", + "169": "borzoi, Russian wolfhound", + "170": "Irish wolfhound", + "171": "Italian greyhound", + "172": "whippet", + "173": "Ibizan hound, Ibizan Podenco", + "174": "Norwegian elkhound, elkhound", + "175": "otterhound, otter hound", + "176": "Saluki, gazelle hound", + "177": "Scottish deerhound, deerhound", + "178": "Weimaraner", + "179": "Staffordshire bullterrier, Staffordshire bull terrier", + "180": "American Staffordshire terrier, Staffordshire terrier, American pit bull terrier, pit bull terrier", + "181": "Bedlington terrier", + "182": "Border terrier", + "183": "Kerry blue terrier", + "184": "Irish terrier", + "185": "Norfolk terrier", + "186": "Norwich terrier", + "187": "Yorkshire terrier", + "188": "wire-haired fox terrier", + "189": "Lakeland terrier", + "190": "Sealyham terrier, Sealyham", + "191": "Airedale, Airedale terrier", + "192": "cairn, cairn terrier", + "193": "Australian terrier", + "194": "Dandie Dinmont, Dandie Dinmont terrier", + "195": "Boston bull, Boston terrier", + "196": "miniature schnauzer", + "197": "giant schnauzer", + "198": "standard schnauzer", + "199": "Scotch terrier, Scottish terrier, Scottie", + "200": "Tibetan terrier, chrysanthemum dog", + "201": "silky terrier, Sydney silky", + "202": "soft-coated wheaten terrier", + "203": "West Highland white terrier", + "204": "Lhasa, Lhasa apso", + "205": "flat-coated retriever", + "206": "curly-coated retriever", + "207": "golden retriever", + "208": "Labrador retriever", + "209": "Chesapeake Bay retriever", + "210": "German short-haired pointer", + "211": "vizsla, Hungarian pointer", + "212": "English setter", + "213": "Irish setter, red setter", + "214": "Gordon setter", + "215": "Brittany spaniel", + "216": "clumber, clumber spaniel", + "217": "English springer, English springer spaniel", + "218": "Welsh springer spaniel", + "219": "cocker spaniel, English cocker spaniel, cocker", + "220": "Sussex spaniel", + "221": "Irish water spaniel", + "222": "kuvasz", + "223": "schipperke", + "224": "groenendael", + "225": "malinois", + "226": "briard", + "227": "kelpie", + "228": "komondor", + "229": "Old English sheepdog, bobtail", + "230": "Shetland sheepdog, Shetland sheep dog, Shetland", + "231": "collie", + "232": "Border collie", + "233": "Bouvier des Flandres, Bouviers des Flandres", + "234": "Rottweiler", + "235": "German shepherd, German shepherd dog, German police dog, alsatian", + "236": "Doberman, Doberman pinscher", + "237": "miniature pinscher", + "238": "Greater Swiss Mountain dog", + "239": "Bernese mountain dog", + "240": "Appenzeller", + "241": "EntleBucher", + "242": "boxer", + "243": "bull mastiff", + "244": "Tibetan mastiff", + "245": "French bulldog", + "246": "Great Dane", + "247": "Saint Bernard, St Bernard", + "248": "Eskimo dog, husky", + "249": "malamute, malemute, Alaskan malamute", + "250": "Siberian husky", + "251": "dalmatian, coach dog, carriage dog", + "252": "affenpinscher, monkey pinscher, monkey dog", + "253": "basenji", + "254": "pug, pug-dog", + "255": "Leonberg", + "256": "Newfoundland, Newfoundland dog", + "257": "Great Pyrenees", + "258": "Samoyed, Samoyede", + "259": "Pomeranian", + "260": "chow, chow chow", + "261": "keeshond", + "262": "Brabancon griffon", + "263": "Pembroke, Pembroke Welsh corgi", + "264": "Cardigan, Cardigan Welsh corgi", + "265": "toy poodle", + "266": "miniature poodle", + "267": "standard poodle", + "268": "Mexican hairless", + "269": "timber wolf, grey wolf, gray wolf, Canis lupus", + "270": "white wolf, Arctic wolf, Canis lupus tundrarum", + "271": "red wolf, maned wolf, Canis rufus, Canis niger", + "272": "coyote, prairie wolf, brush wolf, Canis latrans", + "273": "dingo, warrigal, warragal, Canis dingo", + "274": "dhole, Cuon alpinus", + "275": "African hunting dog, hyena dog, Cape hunting dog, Lycaon pictus", + "276": "hyena, hyaena", + "277": "red fox, Vulpes vulpes", + "278": "kit fox, Vulpes macrotis", + "279": "Arctic fox, white fox, Alopex lagopus", + "280": "grey fox, gray fox, Urocyon cinereoargenteus", + "281": "tabby, tabby cat", + "282": "tiger cat", + "283": "Persian cat", + "284": "Siamese cat, Siamese", + "285": "Egyptian cat", + "286": "cougar, puma, catamount, mountain lion, painter, panther, Felis concolor", + "287": "lynx, catamount", + "288": "leopard, Panthera pardus", + "289": "snow leopard, ounce, Panthera uncia", + "290": "jaguar, panther, Panthera onca, Felis onca", + "291": "lion, king of beasts, Panthera leo", + "292": "tiger, Panthera tigris", + "293": "cheetah, chetah, Acinonyx jubatus", + "294": "brown bear, bruin, Ursus arctos", + "295": "American black bear, black bear, Ursus americanus, Euarctos americanus", + "296": "ice bear, polar bear, Ursus Maritimus, Thalarctos maritimus", + "297": "sloth bear, Melursus ursinus, Ursus ursinus", + "298": "mongoose", + "299": "meerkat, mierkat", + "300": "tiger beetle", + "301": "ladybug, ladybeetle, lady beetle, ladybird, ladybird beetle", + "302": "ground beetle, carabid beetle", + "303": "long-horned beetle, longicorn, longicorn beetle", + "304": "leaf beetle, chrysomelid", + "305": "dung beetle", + "306": "rhinoceros beetle", + "307": "weevil", + "308": "fly", + "309": "bee", + "310": "ant, emmet, pismire", + "311": "grasshopper, hopper", + "312": "cricket", + "313": "walking stick, walkingstick, stick insect", + "314": "cockroach, roach", + "315": "mantis, mantid", + "316": "cicada, cicala", + "317": "leafhopper", + "318": "lacewing, lacewing fly", + "319": "dragonfly, darning needle, devil's darning needle, sewing needle, snake feeder, snake doctor, mosquito hawk, skeeter hawk", + "320": "damselfly", + "321": "admiral", + "322": "ringlet, ringlet butterfly", + "323": "monarch, monarch butterfly, milkweed butterfly, Danaus plexippus", + "324": "cabbage butterfly", + "325": "sulphur butterfly, sulfur butterfly", + "326": "lycaenid, lycaenid butterfly", + "327": "starfish, sea star", + "328": "sea urchin", + "329": "sea cucumber, holothurian", + "330": "wood rabbit, cottontail, cottontail rabbit", + "331": "hare", + "332": "Angora, Angora rabbit", + "333": "hamster", + "334": "porcupine, hedgehog", + "335": "fox squirrel, eastern fox squirrel, Sciurus niger", + "336": "marmot", + "337": "beaver", + "338": "guinea pig, Cavia cobaya", + "339": "sorrel", + "340": "zebra", + "341": "hog, pig, grunter, squealer, Sus scrofa", + "342": "wild boar, boar, Sus scrofa", + "343": "warthog", + "344": "hippopotamus, hippo, river horse, Hippopotamus amphibius", + "345": "ox", + "346": "water buffalo, water ox, Asiatic buffalo, Bubalus bubalis", + "347": "bison", + "348": "ram, tup", + "349": "bighorn, bighorn sheep, cimarron, Rocky Mountain bighorn, Rocky Mountain sheep, Ovis canadensis", + "350": "ibex, Capra ibex", + "351": "hartebeest", + "352": "impala, Aepyceros melampus", + "353": "gazelle", + "354": "Arabian camel, dromedary, Camelus dromedarius", + "355": "llama", + "356": "weasel", + "357": "mink", + "358": "polecat, fitch, foulmart, foumart, Mustela putorius", + "359": "black-footed ferret, ferret, Mustela nigripes", + "360": "otter", + "361": "skunk, polecat, wood pussy", + "362": "badger", + "363": "armadillo", + "364": "three-toed sloth, ai, Bradypus tridactylus", + "365": "orangutan, orang, orangutang, Pongo pygmaeus", + "366": "gorilla, Gorilla gorilla", + "367": "chimpanzee, chimp, Pan troglodytes", + "368": "gibbon, Hylobates lar", + "369": "siamang, Hylobates syndactylus, Symphalangus syndactylus", + "370": "guenon, guenon monkey", + "371": "patas, hussar monkey, Erythrocebus patas", + "372": "baboon", + "373": "macaque", + "374": "langur", + "375": "colobus, colobus monkey", + "376": "proboscis monkey, Nasalis larvatus", + "377": "marmoset", + "378": "capuchin, ringtail, Cebus capucinus", + "379": "howler monkey, howler", + "380": "titi, titi monkey", + "381": "spider monkey, Ateles geoffroyi", + "382": "squirrel monkey, Saimiri sciureus", + "383": "Madagascar cat, ring-tailed lemur, Lemur catta", + "384": "indri, indris, Indri indri, Indri brevicaudatus", + "385": "Indian elephant, Elephas maximus", + "386": "African elephant, Loxodonta africana", + "387": "lesser panda, red panda, panda, bear cat, cat bear, Ailurus fulgens", + "388": "giant panda, panda, panda bear, coon bear, Ailuropoda melanoleuca", + "389": "barracouta, snoek", + "390": "eel", + "391": "coho, cohoe, coho salmon, blue jack, silver salmon, Oncorhynchus kisutch", + "392": "rock beauty, Holocanthus tricolor", + "393": "anemone fish", + "394": "sturgeon", + "395": "gar, garfish, garpike, billfish, Lepisosteus osseus", + "396": "lionfish", + "397": "puffer, pufferfish, blowfish, globefish", + "398": "abacus", + "399": "abaya", + "400": "academic gown, academic robe, judge's robe", + "401": "accordion, piano accordion, squeeze box", + "402": "acoustic guitar", + "403": "aircraft carrier, carrier, flattop, attack aircraft carrier", + "404": "airliner", + "405": "airship, dirigible", + "406": "altar", + "407": "ambulance", + "408": "amphibian, amphibious vehicle", + "409": "analog clock", + "410": "apiary, bee house", + "411": "apron", + "412": "ashcan, trash can, garbage can, wastebin, ash bin, ash-bin, ashbin, dustbin, trash barrel, trash bin", + "413": "assault rifle, assault gun", + "414": "backpack, back pack, knapsack, packsack, rucksack, haversack", + "415": "bakery, bakeshop, bakehouse", + "416": "balance beam, beam", + "417": "balloon", + "418": "ballpoint, ballpoint pen, ballpen, Biro", + "419": "Band Aid", + "420": "banjo", + "421": "bannister, banister, balustrade, balusters, handrail", + "422": "barbell", + "423": "barber chair", + "424": "barbershop", + "425": "barn", + "426": "barometer", + "427": "barrel, cask", + "428": "barrow, garden cart, lawn cart, wheelbarrow", + "429": "baseball", + "430": "basketball", + "431": "bassinet", + "432": "bassoon", + "433": "bathing cap, swimming cap", + "434": "bath towel", + "435": "bathtub, bathing tub, bath, tub", + "436": "beach wagon, station wagon, wagon, estate car, beach waggon, station waggon, waggon", + "437": "beacon, lighthouse, beacon light, pharos", + "438": "beaker", + "439": "bearskin, busby, shako", + "440": "beer bottle", + "441": "beer glass", + "442": "bell cote, bell cot", + "443": "bib", + "444": "bicycle-built-for-two, tandem bicycle, tandem", + "445": "bikini, two-piece", + "446": "binder, ring-binder", + "447": "binoculars, field glasses, opera glasses", + "448": "birdhouse", + "449": "boathouse", + "450": "bobsled, bobsleigh, bob", + "451": "bolo tie, bolo, bola tie, bola", + "452": "bonnet, poke bonnet", + "453": "bookcase", + "454": "bookshop, bookstore, bookstall", + "455": "bottlecap", + "456": "bow", + "457": "bow tie, bow-tie, bowtie", + "458": "brass, memorial tablet, plaque", + "459": "brassiere, bra, bandeau", + "460": "breakwater, groin, groyne, mole, bulwark, seawall, jetty", + "461": "breastplate, aegis, egis", + "462": "broom", + "463": "bucket, pail", + "464": "buckle", + "465": "bulletproof vest", + "466": "bullet train, bullet", + "467": "butcher shop, meat market", + "468": "cab, hack, taxi, taxicab", + "469": "caldron, cauldron", + "470": "candle, taper, wax light", + "471": "cannon", + "472": "canoe", + "473": "can opener, tin opener", + "474": "cardigan", + "475": "car mirror", + "476": "carousel, carrousel, merry-go-round, roundabout, whirligig", + "477": "carpenter's kit, tool kit", + "478": "carton", + "479": "car wheel", + "480": "cash machine, cash dispenser, automated teller machine, automatic teller machine, automated teller, automatic teller, ATM", + "481": "cassette", + "482": "cassette player", + "483": "castle", + "484": "catamaran", + "485": "CD player", + "486": "cello, violoncello", + "487": "cellular telephone, cellular phone, cellphone, cell, mobile phone", + "488": "chain", + "489": "chainlink fence", + "490": "chain mail, ring mail, mail, chain armor, chain armour, ring armor, ring armour", + "491": "chain saw, chainsaw", + "492": "chest", + "493": "chiffonier, commode", + "494": "chime, bell, gong", + "495": "china cabinet, china closet", + "496": "Christmas stocking", + "497": "church, church building", + "498": "cinema, movie theater, movie theatre, movie house, picture palace", + "499": "cleaver, meat cleaver, chopper", + "500": "cliff dwelling", + "501": "cloak", + "502": "clog, geta, patten, sabot", + "503": "cocktail shaker", + "504": "coffee mug", + "505": "coffeepot", + "506": "coil, spiral, volute, whorl, helix", + "507": "combination lock", + "508": "computer keyboard, keypad", + "509": "confectionery, confectionary, candy store", + "510": "container ship, containership, container vessel", + "511": "convertible", + "512": "corkscrew, bottle screw", + "513": "cornet, horn, trumpet, trump", + "514": "cowboy boot", + "515": "cowboy hat, ten-gallon hat", + "516": "cradle", + "517": "crane", + "518": "crash helmet", + "519": "crate", + "520": "crib, cot", + "521": "Crock Pot", + "522": "croquet ball", + "523": "crutch", + "524": "cuirass", + "525": "dam, dike, dyke", + "526": "desk", + "527": "desktop computer", + "528": "dial telephone, dial phone", + "529": "diaper, nappy, napkin", + "530": "digital clock", + "531": "digital watch", + "532": "dining table, board", + "533": "dishrag, dishcloth", + "534": "dishwasher, dish washer, dishwashing machine", + "535": "disk brake, disc brake", + "536": "dock, dockage, docking facility", + "537": "dogsled, dog sled, dog sleigh", + "538": "dome", + "539": "doormat, welcome mat", + "540": "drilling platform, offshore rig", + "541": "drum, membranophone, tympan", + "542": "drumstick", + "543": "dumbbell", + "544": "Dutch oven", + "545": "electric fan, blower", + "546": "electric guitar", + "547": "electric locomotive", + "548": "entertainment center", + "549": "envelope", + "550": "espresso maker", + "551": "face powder", + "552": "feather boa, boa", + "553": "file, file cabinet, filing cabinet", + "554": "fireboat", + "555": "fire engine, fire truck", + "556": "fire screen, fireguard", + "557": "flagpole, flagstaff", + "558": "flute, transverse flute", + "559": "folding chair", + "560": "football helmet", + "561": "forklift", + "562": "fountain", + "563": "fountain pen", + "564": "four-poster", + "565": "freight car", + "566": "French horn, horn", + "567": "frying pan, frypan, skillet", + "568": "fur coat", + "569": "garbage truck, dustcart", + "570": "gasmask, respirator, gas helmet", + "571": "gas pump, gasoline pump, petrol pump, island dispenser", + "572": "goblet", + "573": "go-kart", + "574": "golf ball", + "575": "golfcart, golf cart", + "576": "gondola", + "577": "gong, tam-tam", + "578": "gown", + "579": "grand piano, grand", + "580": "greenhouse, nursery, glasshouse", + "581": "grille, radiator grille", + "582": "grocery store, grocery, food market, market", + "583": "guillotine", + "584": "hair slide", + "585": "hair spray", + "586": "half track", + "587": "hammer", + "588": "hamper", + "589": "hand blower, blow dryer, blow drier, hair dryer, hair drier", + "590": "hand-held computer, hand-held microcomputer", + "591": "handkerchief, hankie, hanky, hankey", + "592": "hard disc, hard disk, fixed disk", + "593": "harmonica, mouth organ, harp, mouth harp", + "594": "harp", + "595": "harvester, reaper", + "596": "hatchet", + "597": "holster", + "598": "home theater, home theatre", + "599": "honeycomb", + "600": "hook, claw", + "601": "hoopskirt, crinoline", + "602": "horizontal bar, high bar", + "603": "horse cart, horse-cart", + "604": "hourglass", + "605": "iPod", + "606": "iron, smoothing iron", + "607": "jack-o'-lantern", + "608": "jean, blue jean, denim", + "609": "jeep, landrover", + "610": "jersey, T-shirt, tee shirt", + "611": "jigsaw puzzle", + "612": "jinrikisha, ricksha, rickshaw", + "613": "joystick", + "614": "kimono", + "615": "knee pad", + "616": "knot", + "617": "lab coat, laboratory coat", + "618": "ladle", + "619": "lampshade, lamp shade", + "620": "laptop, laptop computer", + "621": "lawn mower, mower", + "622": "lens cap, lens cover", + "623": "letter opener, paper knife, paperknife", + "624": "library", + "625": "lifeboat", + "626": "lighter, light, igniter, ignitor", + "627": "limousine, limo", + "628": "liner, ocean liner", + "629": "lipstick, lip rouge", + "630": "Loafer", + "631": "lotion", + "632": "loudspeaker, speaker, speaker unit, loudspeaker system, speaker system", + "633": "loupe, jeweler's loupe", + "634": "lumbermill, sawmill", + "635": "magnetic compass", + "636": "mailbag, postbag", + "637": "mailbox, letter box", + "638": "maillot", + "639": "maillot, tank suit", + "640": "manhole cover", + "641": "maraca", + "642": "marimba, xylophone", + "643": "mask", + "644": "matchstick", + "645": "maypole", + "646": "maze, labyrinth", + "647": "measuring cup", + "648": "medicine chest, medicine cabinet", + "649": "megalith, megalithic structure", + "650": "microphone, mike", + "651": "microwave, microwave oven", + "652": "military uniform", + "653": "milk can", + "654": "minibus", + "655": "miniskirt, mini", + "656": "minivan", + "657": "missile", + "658": "mitten", + "659": "mixing bowl", + "660": "mobile home, manufactured home", + "661": "Model T", + "662": "modem", + "663": "monastery", + "664": "monitor", + "665": "moped", + "666": "mortar", + "667": "mortarboard", + "668": "mosque", + "669": "mosquito net", + "670": "motor scooter, scooter", + "671": "mountain bike, all-terrain bike, off-roader", + "672": "mountain tent", + "673": "mouse, computer mouse", + "674": "mousetrap", + "675": "moving van", + "676": "muzzle", + "677": "nail", + "678": "neck brace", + "679": "necklace", + "680": "nipple", + "681": "notebook, notebook computer", + "682": "obelisk", + "683": "oboe, hautboy, hautbois", + "684": "ocarina, sweet potato", + "685": "odometer, hodometer, mileometer, milometer", + "686": "oil filter", + "687": "organ, pipe organ", + "688": "oscilloscope, scope, cathode-ray oscilloscope, CRO", + "689": "overskirt", + "690": "oxcart", + "691": "oxygen mask", + "692": "packet", + "693": "paddle, boat paddle", + "694": "paddlewheel, paddle wheel", + "695": "padlock", + "696": "paintbrush", + "697": "pajama, pyjama, pj's, jammies", + "698": "palace", + "699": "panpipe, pandean pipe, syrinx", + "700": "paper towel", + "701": "parachute, chute", + "702": "parallel bars, bars", + "703": "park bench", + "704": "parking meter", + "705": "passenger car, coach, carriage", + "706": "patio, terrace", + "707": "pay-phone, pay-station", + "708": "pedestal, plinth, footstall", + "709": "pencil box, pencil case", + "710": "pencil sharpener", + "711": "perfume, essence", + "712": "Petri dish", + "713": "photocopier", + "714": "pick, plectrum, plectron", + "715": "pickelhaube", + "716": "picket fence, paling", + "717": "pickup, pickup truck", + "718": "pier", + "719": "piggy bank, penny bank", + "720": "pill bottle", + "721": "pillow", + "722": "ping-pong ball", + "723": "pinwheel", + "724": "pirate, pirate ship", + "725": "pitcher, ewer", + "726": "plane, carpenter's plane, woodworking plane", + "727": "planetarium", + "728": "plastic bag", + "729": "plate rack", + "730": "plow, plough", + "731": "plunger, plumber's helper", + "732": "Polaroid camera, Polaroid Land camera", + "733": "pole", + "734": "police van, police wagon, paddy wagon, patrol wagon, wagon, black Maria", + "735": "poncho", + "736": "pool table, billiard table, snooker table", + "737": "pop bottle, soda bottle", + "738": "pot, flowerpot", + "739": "potter's wheel", + "740": "power drill", + "741": "prayer rug, prayer mat", + "742": "printer", + "743": "prison, prison house", + "744": "projectile, missile", + "745": "projector", + "746": "puck, hockey puck", + "747": "punching bag, punch bag, punching ball, punchball", + "748": "purse", + "749": "quill, quill pen", + "750": "quilt, comforter, comfort, puff", + "751": "racer, race car, racing car", + "752": "racket, racquet", + "753": "radiator", + "754": "radio, wireless", + "755": "radio telescope, radio reflector", + "756": "rain barrel", + "757": "recreational vehicle, RV, R.V.", + "758": "reel", + "759": "reflex camera", + "760": "refrigerator, icebox", + "761": "remote control, remote", + "762": "restaurant, eating house, eating place, eatery", + "763": "revolver, six-gun, six-shooter", + "764": "rifle", + "765": "rocking chair, rocker", + "766": "rotisserie", + "767": "rubber eraser, rubber, pencil eraser", + "768": "rugby ball", + "769": "rule, ruler", + "770": "running shoe", + "771": "safe", + "772": "safety pin", + "773": "saltshaker, salt shaker", + "774": "sandal", + "775": "sarong", + "776": "sax, saxophone", + "777": "scabbard", + "778": "scale, weighing machine", + "779": "school bus", + "780": "schooner", + "781": "scoreboard", + "782": "screen, CRT screen", + "783": "screw", + "784": "screwdriver", + "785": "seat belt, seatbelt", + "786": "sewing machine", + "787": "shield, buckler", + "788": "shoe shop, shoe-shop, shoe store", + "789": "shoji", + "790": "shopping basket", + "791": "shopping cart", + "792": "shovel", + "793": "shower cap", + "794": "shower curtain", + "795": "ski", + "796": "ski mask", + "797": "sleeping bag", + "798": "slide rule, slipstick", + "799": "sliding door", + "800": "slot, one-armed bandit", + "801": "snorkel", + "802": "snowmobile", + "803": "snowplow, snowplough", + "804": "soap dispenser", + "805": "soccer ball", + "806": "sock", + "807": "solar dish, solar collector, solar furnace", + "808": "sombrero", + "809": "soup bowl", + "810": "space bar", + "811": "space heater", + "812": "space shuttle", + "813": "spatula", + "814": "speedboat", + "815": "spider web, spider's web", + "816": "spindle", + "817": "sports car, sport car", + "818": "spotlight, spot", + "819": "stage", + "820": "steam locomotive", + "821": "steel arch bridge", + "822": "steel drum", + "823": "stethoscope", + "824": "stole", + "825": "stone wall", + "826": "stopwatch, stop watch", + "827": "stove", + "828": "strainer", + "829": "streetcar, tram, tramcar, trolley, trolley car", + "830": "stretcher", + "831": "studio couch, day bed", + "832": "stupa, tope", + "833": "submarine, pigboat, sub, U-boat", + "834": "suit, suit of clothes", + "835": "sundial", + "836": "sunglass", + "837": "sunglasses, dark glasses, shades", + "838": "sunscreen, sunblock, sun blocker", + "839": "suspension bridge", + "840": "swab, swob, mop", + "841": "sweatshirt", + "842": "swimming trunks, bathing trunks", + "843": "swing", + "844": "switch, electric switch, electrical switch", + "845": "syringe", + "846": "table lamp", + "847": "tank, army tank, armored combat vehicle, armoured combat vehicle", + "848": "tape player", + "849": "teapot", + "850": "teddy, teddy bear", + "851": "television, television system", + "852": "tennis ball", + "853": "thatch, thatched roof", + "854": "theater curtain, theatre curtain", + "855": "thimble", + "856": "thresher, thrasher, threshing machine", + "857": "throne", + "858": "tile roof", + "859": "toaster", + "860": "tobacco shop, tobacconist shop, tobacconist", + "861": "toilet seat", + "862": "torch", + "863": "totem pole", + "864": "tow truck, tow car, wrecker", + "865": "toyshop", + "866": "tractor", + "867": "trailer truck, tractor trailer, trucking rig, rig, articulated lorry, semi", + "868": "tray", + "869": "trench coat", + "870": "tricycle, trike, velocipede", + "871": "trimaran", + "872": "tripod", + "873": "triumphal arch", + "874": "trolleybus, trolley coach, trackless trolley", + "875": "trombone", + "876": "tub, vat", + "877": "turnstile", + "878": "typewriter keyboard", + "879": "umbrella", + "880": "unicycle, monocycle", + "881": "upright, upright piano", + "882": "vacuum, vacuum cleaner", + "883": "vase", + "884": "vault", + "885": "velvet", + "886": "vending machine", + "887": "vestment", + "888": "viaduct", + "889": "violin, fiddle", + "890": "volleyball", + "891": "waffle iron", + "892": "wall clock", + "893": "wallet, billfold, notecase, pocketbook", + "894": "wardrobe, closet, press", + "895": "warplane, military plane", + "896": "washbasin, handbasin, washbowl, lavabo, wash-hand basin", + "897": "washer, automatic washer, washing machine", + "898": "water bottle", + "899": "water jug", + "900": "water tower", + "901": "whiskey jug", + "902": "whistle", + "903": "wig", + "904": "window screen", + "905": "window shade", + "906": "Windsor tie", + "907": "wine bottle", + "908": "wing", + "909": "wok", + "910": "wooden spoon", + "911": "wool, woolen, woollen", + "912": "worm fence, snake fence, snake-rail fence, Virginia fence", + "913": "wreck", + "914": "yawl", + "915": "yurt", + "916": "web site, website, internet site, site", + "917": "comic book", + "918": "crossword puzzle, crossword", + "919": "street sign", + "920": "traffic light, traffic signal, stoplight", + "921": "book jacket, dust cover, dust jacket, dust wrapper", + "922": "menu", + "923": "plate", + "924": "guacamole", + "925": "consomme", + "926": "hot pot, hotpot", + "927": "trifle", + "928": "ice cream, icecream", + "929": "ice lolly, lolly, lollipop, popsicle", + "930": "French loaf", + "931": "bagel, beigel", + "932": "pretzel", + "933": "cheeseburger", + "934": "hotdog, hot dog, red hot", + "935": "mashed potato", + "936": "head cabbage", + "937": "broccoli", + "938": "cauliflower", + "939": "zucchini, courgette", + "940": "spaghetti squash", + "941": "acorn squash", + "942": "butternut squash", + "943": "cucumber, cuke", + "944": "artichoke, globe artichoke", + "945": "bell pepper", + "946": "cardoon", + "947": "mushroom", + "948": "Granny Smith", + "949": "strawberry", + "950": "orange", + "951": "lemon", + "952": "fig", + "953": "pineapple, ananas", + "954": "banana", + "955": "jackfruit, jak, jack", + "956": "custard apple", + "957": "pomegranate", + "958": "hay", + "959": "carbonara", + "960": "chocolate sauce, chocolate syrup", + "961": "dough", + "962": "meat loaf, meatloaf", + "963": "pizza, pizza pie", + "964": "potpie", + "965": "burrito", + "966": "red wine", + "967": "espresso", + "968": "cup", + "969": "eggnog", + "970": "alp", + "971": "bubble", + "972": "cliff, drop, drop-off", + "973": "coral reef", + "974": "geyser", + "975": "lakeside, lakeshore", + "976": "promontory, headland, head, foreland", + "977": "sandbar, sand bar", + "978": "seashore, coast, seacoast, sea-coast", + "979": "valley, vale", + "980": "volcano", + "981": "ballplayer, baseball player", + "982": "groom, bridegroom", + "983": "scuba diver", + "984": "rapeseed", + "985": "daisy", + "986": "yellow lady's slipper, yellow lady-slipper, Cypripedium calceolus, Cypripedium parviflorum", + "987": "corn", + "988": "acorn", + "989": "hip, rose hip, rosehip", + "990": "buckeye, horse chestnut, conker", + "991": "coral fungus", + "992": "agaric", + "993": "gyromitra", + "994": "stinkhorn, carrion fungus", + "995": "earthstar", + "996": "hen-of-the-woods, hen of the woods, Polyporus frondosus, Grifola frondosa", + "997": "bolete", + "998": "ear, spike, capitulum", + "999": "toilet tissue, toilet paper, bathroom tissue" + }, + "image_size": 224, + "initializer_range": 0.02, + "intermediate_size": 3072, + "label2id": { + "Afghan hound, Afghan": 160, + "African chameleon, Chamaeleo chamaeleon": 47, + "African crocodile, Nile crocodile, Crocodylus niloticus": 49, + "African elephant, Loxodonta africana": 386, + "African grey, African gray, Psittacus erithacus": 87, + "African hunting dog, hyena dog, Cape hunting dog, Lycaon pictus": 275, + "Airedale, Airedale terrier": 191, + "American Staffordshire terrier, Staffordshire terrier, American pit bull terrier, pit bull terrier": 180, + "American alligator, Alligator mississipiensis": 50, + "American black bear, black bear, Ursus americanus, Euarctos americanus": 295, + "American chameleon, anole, Anolis carolinensis": 40, + "American coot, marsh hen, mud hen, water hen, Fulica americana": 137, + "American egret, great white heron, Egretta albus": 132, + "American lobster, Northern lobster, Maine lobster, Homarus americanus": 122, + "Angora, Angora rabbit": 332, + "Appenzeller": 240, + "Arabian camel, dromedary, Camelus dromedarius": 354, + "Arctic fox, white fox, Alopex lagopus": 279, + "Australian terrier": 193, + "Band Aid": 419, + "Bedlington terrier": 181, + "Bernese mountain dog": 239, + "Blenheim spaniel": 156, + "Border collie": 232, + "Border terrier": 182, + "Boston bull, Boston terrier": 195, + "Bouvier des Flandres, Bouviers des Flandres": 233, + "Brabancon griffon": 262, + "Brittany spaniel": 215, + "CD player": 485, + "Cardigan, Cardigan Welsh corgi": 264, + "Chesapeake Bay retriever": 209, + "Chihuahua": 151, + "Christmas stocking": 496, + "Crock Pot": 521, + "Dandie Dinmont, Dandie Dinmont terrier": 194, + "Doberman, Doberman pinscher": 236, + "Dungeness crab, Cancer magister": 118, + "Dutch oven": 544, + "Egyptian cat": 285, + "English foxhound": 167, + "English setter": 212, + "English springer, English springer spaniel": 217, + "EntleBucher": 241, + "Eskimo dog, husky": 248, + "European fire salamander, Salamandra salamandra": 25, + "European gallinule, Porphyrio porphyrio": 136, + "French bulldog": 245, + "French horn, horn": 566, + "French loaf": 930, + "German shepherd, German shepherd dog, German police dog, alsatian": 235, + "German short-haired pointer": 210, + "Gila monster, Heloderma suspectum": 45, + "Gordon setter": 214, + "Granny Smith": 948, + "Great Dane": 246, + "Great Pyrenees": 257, + "Greater Swiss Mountain dog": 238, + "Ibizan hound, Ibizan Podenco": 173, + "Indian cobra, Naja naja": 63, + "Indian elephant, Elephas maximus": 385, + "Irish setter, red setter": 213, + "Irish terrier": 184, + "Irish water spaniel": 221, + "Irish wolfhound": 170, + "Italian greyhound": 171, + "Japanese spaniel": 152, + "Kerry blue terrier": 183, + "Komodo dragon, Komodo lizard, dragon lizard, giant lizard, Varanus komodoensis": 48, + "Labrador retriever": 208, + "Lakeland terrier": 189, + "Leonberg": 255, + "Lhasa, Lhasa apso": 204, + "Loafer": 630, + "Madagascar cat, ring-tailed lemur, Lemur catta": 383, + "Maltese dog, Maltese terrier, Maltese": 153, + "Mexican hairless": 268, + "Model T": 661, + "Newfoundland, Newfoundland dog": 256, + "Norfolk terrier": 185, + "Norwegian elkhound, elkhound": 174, + "Norwich terrier": 186, + "Old English sheepdog, bobtail": 229, + "Pekinese, Pekingese, Peke": 154, + "Pembroke, Pembroke Welsh corgi": 263, + "Persian cat": 283, + "Petri dish": 712, + "Polaroid camera, Polaroid Land camera": 732, + "Pomeranian": 259, + "Rhodesian ridgeback": 159, + "Rottweiler": 234, + "Saint Bernard, St Bernard": 247, + "Saluki, gazelle hound": 176, + "Samoyed, Samoyede": 258, + "Scotch terrier, Scottish terrier, Scottie": 199, + "Scottish deerhound, deerhound": 177, + "Sealyham terrier, Sealyham": 190, + "Shetland sheepdog, Shetland sheep dog, Shetland": 230, + "Shih-Tzu": 155, + "Siamese cat, Siamese": 284, + "Siberian husky": 250, + "Staffordshire bullterrier, Staffordshire bull terrier": 179, + "Sussex spaniel": 220, + "Tibetan mastiff": 244, + "Tibetan terrier, chrysanthemum dog": 200, + "Walker hound, Walker foxhound": 166, + "Weimaraner": 178, + "Welsh springer spaniel": 218, + "West Highland white terrier": 203, + "Windsor tie": 906, + "Yorkshire terrier": 187, + "abacus": 398, + "abaya": 399, + "academic gown, academic robe, judge's robe": 400, + "accordion, piano accordion, squeeze box": 401, + "acorn": 988, + "acorn squash": 941, + "acoustic guitar": 402, + "admiral": 321, + "affenpinscher, monkey pinscher, monkey dog": 252, + "agama": 42, + "agaric": 992, + "aircraft carrier, carrier, flattop, attack aircraft carrier": 403, + "airliner": 404, + "airship, dirigible": 405, + "albatross, mollymawk": 146, + "alligator lizard": 44, + "alp": 970, + "altar": 406, + "ambulance": 407, + "amphibian, amphibious vehicle": 408, + "analog clock": 409, + "anemone fish": 393, + "ant, emmet, pismire": 310, + "apiary, bee house": 410, + "apron": 411, + "armadillo": 363, + "artichoke, globe artichoke": 944, + "ashcan, trash can, garbage can, wastebin, ash bin, ash-bin, ashbin, dustbin, trash barrel, trash bin": 412, + "assault rifle, assault gun": 413, + "axolotl, mud puppy, Ambystoma mexicanum": 29, + "baboon": 372, + "backpack, back pack, knapsack, packsack, rucksack, haversack": 414, + "badger": 362, + "bagel, beigel": 931, + "bakery, bakeshop, bakehouse": 415, + "balance beam, beam": 416, + "bald eagle, American eagle, Haliaeetus leucocephalus": 22, + "balloon": 417, + "ballplayer, baseball player": 981, + "ballpoint, ballpoint pen, ballpen, Biro": 418, + "banana": 954, + "banded gecko": 38, + "banjo": 420, + "bannister, banister, balustrade, balusters, handrail": 421, + "barbell": 422, + "barber chair": 423, + "barbershop": 424, + "barn": 425, + "barn spider, Araneus cavaticus": 73, + "barometer": 426, + "barracouta, snoek": 389, + "barrel, cask": 427, + "barrow, garden cart, lawn cart, wheelbarrow": 428, + "baseball": 429, + "basenji": 253, + "basketball": 430, + "basset, basset hound": 161, + "bassinet": 431, + "bassoon": 432, + "bath towel": 434, + "bathing cap, swimming cap": 433, + "bathtub, bathing tub, bath, tub": 435, + "beach wagon, station wagon, wagon, estate car, beach waggon, station waggon, waggon": 436, + "beacon, lighthouse, beacon light, pharos": 437, + "beagle": 162, + "beaker": 438, + "bearskin, busby, shako": 439, + "beaver": 337, + "bee": 309, + "bee eater": 92, + "beer bottle": 440, + "beer glass": 441, + "bell cote, bell cot": 442, + "bell pepper": 945, + "bib": 443, + "bicycle-built-for-two, tandem bicycle, tandem": 444, + "bighorn, bighorn sheep, cimarron, Rocky Mountain bighorn, Rocky Mountain sheep, Ovis canadensis": 349, + "bikini, two-piece": 445, + "binder, ring-binder": 446, + "binoculars, field glasses, opera glasses": 447, + "birdhouse": 448, + "bison": 347, + "bittern": 133, + "black and gold garden spider, Argiope aurantia": 72, + "black grouse": 80, + "black stork, Ciconia nigra": 128, + "black swan, Cygnus atratus": 100, + "black widow, Latrodectus mactans": 75, + "black-and-tan coonhound": 165, + "black-footed ferret, ferret, Mustela nigripes": 359, + "bloodhound, sleuthhound": 163, + "bluetick": 164, + "boa constrictor, Constrictor constrictor": 61, + "boathouse": 449, + "bobsled, bobsleigh, bob": 450, + "bolete": 997, + "bolo tie, bolo, bola tie, bola": 451, + "bonnet, poke bonnet": 452, + "book jacket, dust cover, dust jacket, dust wrapper": 921, + "bookcase": 453, + "bookshop, bookstore, bookstall": 454, + "borzoi, Russian wolfhound": 169, + "bottlecap": 455, + "bow": 456, + "bow tie, bow-tie, bowtie": 457, + "box turtle, box tortoise": 37, + "boxer": 242, + "brain coral": 109, + "brambling, Fringilla montifringilla": 10, + "brass, memorial tablet, plaque": 458, + "brassiere, bra, bandeau": 459, + "breakwater, groin, groyne, mole, bulwark, seawall, jetty": 460, + "breastplate, aegis, egis": 461, + "briard": 226, + "broccoli": 937, + "broom": 462, + "brown bear, bruin, Ursus arctos": 294, + "bubble": 971, + "bucket, pail": 463, + "buckeye, horse chestnut, conker": 990, + "buckle": 464, + "bulbul": 16, + "bull mastiff": 243, + "bullet train, bullet": 466, + "bulletproof vest": 465, + "bullfrog, Rana catesbeiana": 30, + "burrito": 965, + "bustard": 138, + "butcher shop, meat market": 467, + "butternut squash": 942, + "cab, hack, taxi, taxicab": 468, + "cabbage butterfly": 324, + "cairn, cairn terrier": 192, + "caldron, cauldron": 469, + "can opener, tin opener": 473, + "candle, taper, wax light": 470, + "cannon": 471, + "canoe": 472, + "capuchin, ringtail, Cebus capucinus": 378, + "car mirror": 475, + "car wheel": 479, + "carbonara": 959, + "cardigan": 474, + "cardoon": 946, + "carousel, carrousel, merry-go-round, roundabout, whirligig": 476, + "carpenter's kit, tool kit": 477, + "carton": 478, + "cash machine, cash dispenser, automated teller machine, automatic teller machine, automated teller, automatic teller, ATM": 480, + "cassette": 481, + "cassette player": 482, + "castle": 483, + "catamaran": 484, + "cauliflower": 938, + "cello, violoncello": 486, + "cellular telephone, cellular phone, cellphone, cell, mobile phone": 487, + "centipede": 79, + "chain": 488, + "chain mail, ring mail, mail, chain armor, chain armour, ring armor, ring armour": 490, + "chain saw, chainsaw": 491, + "chainlink fence": 489, + "chambered nautilus, pearly nautilus, nautilus": 117, + "cheeseburger": 933, + "cheetah, chetah, Acinonyx jubatus": 293, + "chest": 492, + "chickadee": 19, + "chiffonier, commode": 493, + "chime, bell, gong": 494, + "chimpanzee, chimp, Pan troglodytes": 367, + "china cabinet, china closet": 495, + "chiton, coat-of-mail shell, sea cradle, polyplacophore": 116, + "chocolate sauce, chocolate syrup": 960, + "chow, chow chow": 260, + "church, church building": 497, + "cicada, cicala": 316, + "cinema, movie theater, movie theatre, movie house, picture palace": 498, + "cleaver, meat cleaver, chopper": 499, + "cliff dwelling": 500, + "cliff, drop, drop-off": 972, + "cloak": 501, + "clog, geta, patten, sabot": 502, + "clumber, clumber spaniel": 216, + "cock": 7, + "cocker spaniel, English cocker spaniel, cocker": 219, + "cockroach, roach": 314, + "cocktail shaker": 503, + "coffee mug": 504, + "coffeepot": 505, + "coho, cohoe, coho salmon, blue jack, silver salmon, Oncorhynchus kisutch": 391, + "coil, spiral, volute, whorl, helix": 506, + "collie": 231, + "colobus, colobus monkey": 375, + "combination lock": 507, + "comic book": 917, + "common iguana, iguana, Iguana iguana": 39, + "common newt, Triturus vulgaris": 26, + "computer keyboard, keypad": 508, + "conch": 112, + "confectionery, confectionary, candy store": 509, + "consomme": 925, + "container ship, containership, container vessel": 510, + "convertible": 511, + "coral fungus": 991, + "coral reef": 973, + "corkscrew, bottle screw": 512, + "corn": 987, + "cornet, horn, trumpet, trump": 513, + "coucal": 91, + "cougar, puma, catamount, mountain lion, painter, panther, Felis concolor": 286, + "cowboy boot": 514, + "cowboy hat, ten-gallon hat": 515, + "coyote, prairie wolf, brush wolf, Canis latrans": 272, + "cradle": 516, + "crane": 517, + "crash helmet": 518, + "crate": 519, + "crayfish, crawfish, crawdad, crawdaddy": 124, + "crib, cot": 520, + "cricket": 312, + "croquet ball": 522, + "crossword puzzle, crossword": 918, + "crutch": 523, + "cucumber, cuke": 943, + "cuirass": 524, + "cup": 968, + "curly-coated retriever": 206, + "custard apple": 956, + "daisy": 985, + "dalmatian, coach dog, carriage dog": 251, + "dam, dike, dyke": 525, + "damselfly": 320, + "desk": 526, + "desktop computer": 527, + "dhole, Cuon alpinus": 274, + "dial telephone, dial phone": 528, + "diamondback, diamondback rattlesnake, Crotalus adamanteus": 67, + "diaper, nappy, napkin": 529, + "digital clock": 530, + "digital watch": 531, + "dingo, warrigal, warragal, Canis dingo": 273, + "dining table, board": 532, + "dishrag, dishcloth": 533, + "dishwasher, dish washer, dishwashing machine": 534, + "disk brake, disc brake": 535, + "dock, dockage, docking facility": 536, + "dogsled, dog sled, dog sleigh": 537, + "dome": 538, + "doormat, welcome mat": 539, + "dough": 961, + "dowitcher": 142, + "dragonfly, darning needle, devil's darning needle, sewing needle, snake feeder, snake doctor, mosquito hawk, skeeter hawk": 319, + "drake": 97, + "drilling platform, offshore rig": 540, + "drum, membranophone, tympan": 541, + "drumstick": 542, + "dugong, Dugong dugon": 149, + "dumbbell": 543, + "dung beetle": 305, + "ear, spike, capitulum": 998, + "earthstar": 995, + "echidna, spiny anteater, anteater": 102, + "eel": 390, + "eft": 27, + "eggnog": 969, + "electric fan, blower": 545, + "electric guitar": 546, + "electric locomotive": 547, + "electric ray, crampfish, numbfish, torpedo": 5, + "entertainment center": 548, + "envelope": 549, + "espresso": 967, + "espresso maker": 550, + "face powder": 551, + "feather boa, boa": 552, + "fiddler crab": 120, + "fig": 952, + "file, file cabinet, filing cabinet": 553, + "fire engine, fire truck": 555, + "fire screen, fireguard": 556, + "fireboat": 554, + "flagpole, flagstaff": 557, + "flamingo": 130, + "flat-coated retriever": 205, + "flatworm, platyhelminth": 110, + "flute, transverse flute": 558, + "fly": 308, + "folding chair": 559, + "football helmet": 560, + "forklift": 561, + "fountain": 562, + "fountain pen": 563, + "four-poster": 564, + "fox squirrel, eastern fox squirrel, Sciurus niger": 335, + "freight car": 565, + "frilled lizard, Chlamydosaurus kingi": 43, + "frying pan, frypan, skillet": 567, + "fur coat": 568, + "gar, garfish, garpike, billfish, Lepisosteus osseus": 395, + "garbage truck, dustcart": 569, + "garden spider, Aranea diademata": 74, + "garter snake, grass snake": 57, + "gas pump, gasoline pump, petrol pump, island dispenser": 571, + "gasmask, respirator, gas helmet": 570, + "gazelle": 353, + "geyser": 974, + "giant panda, panda, panda bear, coon bear, Ailuropoda melanoleuca": 388, + "giant schnauzer": 197, + "gibbon, Hylobates lar": 368, + "go-kart": 573, + "goblet": 572, + "golden retriever": 207, + "goldfinch, Carduelis carduelis": 11, + "goldfish, Carassius auratus": 1, + "golf ball": 574, + "golfcart, golf cart": 575, + "gondola": 576, + "gong, tam-tam": 577, + "goose": 99, + "gorilla, Gorilla gorilla": 366, + "gown": 578, + "grand piano, grand": 579, + "grasshopper, hopper": 311, + "great grey owl, great gray owl, Strix nebulosa": 24, + "great white shark, white shark, man-eater, man-eating shark, Carcharodon carcharias": 2, + "green lizard, Lacerta viridis": 46, + "green mamba": 64, + "green snake, grass snake": 55, + "greenhouse, nursery, glasshouse": 580, + "grey fox, gray fox, Urocyon cinereoargenteus": 280, + "grey whale, gray whale, devilfish, Eschrichtius gibbosus, Eschrichtius robustus": 147, + "grille, radiator grille": 581, + "grocery store, grocery, food market, market": 582, + "groenendael": 224, + "groom, bridegroom": 982, + "ground beetle, carabid beetle": 302, + "guacamole": 924, + "guenon, guenon monkey": 370, + "guillotine": 583, + "guinea pig, Cavia cobaya": 338, + "gyromitra": 993, + "hair slide": 584, + "hair spray": 585, + "half track": 586, + "hammer": 587, + "hammerhead, hammerhead shark": 4, + "hamper": 588, + "hamster": 333, + "hand blower, blow dryer, blow drier, hair dryer, hair drier": 589, + "hand-held computer, hand-held microcomputer": 590, + "handkerchief, hankie, hanky, hankey": 591, + "hard disc, hard disk, fixed disk": 592, + "hare": 331, + "harmonica, mouth organ, harp, mouth harp": 593, + "harp": 594, + "hartebeest": 351, + "harvester, reaper": 595, + "harvestman, daddy longlegs, Phalangium opilio": 70, + "hatchet": 596, + "hay": 958, + "head cabbage": 936, + "hen": 8, + "hen-of-the-woods, hen of the woods, Polyporus frondosus, Grifola frondosa": 996, + "hermit crab": 125, + "hip, rose hip, rosehip": 989, + "hippopotamus, hippo, river horse, Hippopotamus amphibius": 344, + "hog, pig, grunter, squealer, Sus scrofa": 341, + "hognose snake, puff adder, sand viper": 54, + "holster": 597, + "home theater, home theatre": 598, + "honeycomb": 599, + "hook, claw": 600, + "hoopskirt, crinoline": 601, + "horizontal bar, high bar": 602, + "hornbill": 93, + "horned viper, cerastes, sand viper, horned asp, Cerastes cornutus": 66, + "horse cart, horse-cart": 603, + "hot pot, hotpot": 926, + "hotdog, hot dog, red hot": 934, + "hourglass": 604, + "house finch, linnet, Carpodacus mexicanus": 12, + "howler monkey, howler": 379, + "hummingbird": 94, + "hyena, hyaena": 276, + "iPod": 605, + "ibex, Capra ibex": 350, + "ice bear, polar bear, Ursus Maritimus, Thalarctos maritimus": 296, + "ice cream, icecream": 928, + "ice lolly, lolly, lollipop, popsicle": 929, + "impala, Aepyceros melampus": 352, + "indigo bunting, indigo finch, indigo bird, Passerina cyanea": 14, + "indri, indris, Indri indri, Indri brevicaudatus": 384, + "iron, smoothing iron": 606, + "isopod": 126, + "jacamar": 95, + "jack-o'-lantern": 607, + "jackfruit, jak, jack": 955, + "jaguar, panther, Panthera onca, Felis onca": 290, + "jay": 17, + "jean, blue jean, denim": 608, + "jeep, landrover": 609, + "jellyfish": 107, + "jersey, T-shirt, tee shirt": 610, + "jigsaw puzzle": 611, + "jinrikisha, ricksha, rickshaw": 612, + "joystick": 613, + "junco, snowbird": 13, + "keeshond": 261, + "kelpie": 227, + "killer whale, killer, orca, grampus, sea wolf, Orcinus orca": 148, + "kimono": 614, + "king crab, Alaska crab, Alaskan king crab, Alaska king crab, Paralithodes camtschatica": 121, + "king penguin, Aptenodytes patagonica": 145, + "king snake, kingsnake": 56, + "kit fox, Vulpes macrotis": 278, + "kite": 21, + "knee pad": 615, + "knot": 616, + "koala, koala bear, kangaroo bear, native bear, Phascolarctos cinereus": 105, + "komondor": 228, + "kuvasz": 222, + "lab coat, laboratory coat": 617, + "lacewing, lacewing fly": 318, + "ladle": 618, + "ladybug, ladybeetle, lady beetle, ladybird, ladybird beetle": 301, + "lakeside, lakeshore": 975, + "lampshade, lamp shade": 619, + "langur": 374, + "laptop, laptop computer": 620, + "lawn mower, mower": 621, + "leaf beetle, chrysomelid": 304, + "leafhopper": 317, + "leatherback turtle, leatherback, leathery turtle, Dermochelys coriacea": 34, + "lemon": 951, + "lens cap, lens cover": 622, + "leopard, Panthera pardus": 288, + "lesser panda, red panda, panda, bear cat, cat bear, Ailurus fulgens": 387, + "letter opener, paper knife, paperknife": 623, + "library": 624, + "lifeboat": 625, + "lighter, light, igniter, ignitor": 626, + "limousine, limo": 627, + "limpkin, Aramus pictus": 135, + "liner, ocean liner": 628, + "lion, king of beasts, Panthera leo": 291, + "lionfish": 396, + "lipstick, lip rouge": 629, + "little blue heron, Egretta caerulea": 131, + "llama": 355, + "loggerhead, loggerhead turtle, Caretta caretta": 33, + "long-horned beetle, longicorn, longicorn beetle": 303, + "lorikeet": 90, + "lotion": 631, + "loudspeaker, speaker, speaker unit, loudspeaker system, speaker system": 632, + "loupe, jeweler's loupe": 633, + "lumbermill, sawmill": 634, + "lycaenid, lycaenid butterfly": 326, + "lynx, catamount": 287, + "macaque": 373, + "macaw": 88, + "magnetic compass": 635, + "magpie": 18, + "mailbag, postbag": 636, + "mailbox, letter box": 637, + "maillot": 638, + "maillot, tank suit": 639, + "malamute, malemute, Alaskan malamute": 249, + "malinois": 225, + "manhole cover": 640, + "mantis, mantid": 315, + "maraca": 641, + "marimba, xylophone": 642, + "marmoset": 377, + "marmot": 336, + "mashed potato": 935, + "mask": 643, + "matchstick": 644, + "maypole": 645, + "maze, labyrinth": 646, + "measuring cup": 647, + "meat loaf, meatloaf": 962, + "medicine chest, medicine cabinet": 648, + "meerkat, mierkat": 299, + "megalith, megalithic structure": 649, + "menu": 922, + "microphone, mike": 650, + "microwave, microwave oven": 651, + "military uniform": 652, + "milk can": 653, + "miniature pinscher": 237, + "miniature poodle": 266, + "miniature schnauzer": 196, + "minibus": 654, + "miniskirt, mini": 655, + "minivan": 656, + "mink": 357, + "missile": 657, + "mitten": 658, + "mixing bowl": 659, + "mobile home, manufactured home": 660, + "modem": 662, + "monarch, monarch butterfly, milkweed butterfly, Danaus plexippus": 323, + "monastery": 663, + "mongoose": 298, + "monitor": 664, + "moped": 665, + "mortar": 666, + "mortarboard": 667, + "mosque": 668, + "mosquito net": 669, + "motor scooter, scooter": 670, + "mountain bike, all-terrain bike, off-roader": 671, + "mountain tent": 672, + "mouse, computer mouse": 673, + "mousetrap": 674, + "moving van": 675, + "mud turtle": 35, + "mushroom": 947, + "muzzle": 676, + "nail": 677, + "neck brace": 678, + "necklace": 679, + "nematode, nematode worm, roundworm": 111, + "night snake, Hypsiglena torquata": 60, + "nipple": 680, + "notebook, notebook computer": 681, + "obelisk": 682, + "oboe, hautboy, hautbois": 683, + "ocarina, sweet potato": 684, + "odometer, hodometer, mileometer, milometer": 685, + "oil filter": 686, + "orange": 950, + "orangutan, orang, orangutang, Pongo pygmaeus": 365, + "organ, pipe organ": 687, + "oscilloscope, scope, cathode-ray oscilloscope, CRO": 688, + "ostrich, Struthio camelus": 9, + "otter": 360, + "otterhound, otter hound": 175, + "overskirt": 689, + "ox": 345, + "oxcart": 690, + "oxygen mask": 691, + "oystercatcher, oyster catcher": 143, + "packet": 692, + "paddle, boat paddle": 693, + "paddlewheel, paddle wheel": 694, + "padlock": 695, + "paintbrush": 696, + "pajama, pyjama, pj's, jammies": 697, + "palace": 698, + "panpipe, pandean pipe, syrinx": 699, + "paper towel": 700, + "papillon": 157, + "parachute, chute": 701, + "parallel bars, bars": 702, + "park bench": 703, + "parking meter": 704, + "partridge": 86, + "passenger car, coach, carriage": 705, + "patas, hussar monkey, Erythrocebus patas": 371, + "patio, terrace": 706, + "pay-phone, pay-station": 707, + "peacock": 84, + "pedestal, plinth, footstall": 708, + "pelican": 144, + "pencil box, pencil case": 709, + "pencil sharpener": 710, + "perfume, essence": 711, + "photocopier": 713, + "pick, plectrum, plectron": 714, + "pickelhaube": 715, + "picket fence, paling": 716, + "pickup, pickup truck": 717, + "pier": 718, + "piggy bank, penny bank": 719, + "pill bottle": 720, + "pillow": 721, + "pineapple, ananas": 953, + "ping-pong ball": 722, + "pinwheel": 723, + "pirate, pirate ship": 724, + "pitcher, ewer": 725, + "pizza, pizza pie": 963, + "plane, carpenter's plane, woodworking plane": 726, + "planetarium": 727, + "plastic bag": 728, + "plate": 923, + "plate rack": 729, + "platypus, duckbill, duckbilled platypus, duck-billed platypus, Ornithorhynchus anatinus": 103, + "plow, plough": 730, + "plunger, plumber's helper": 731, + "pole": 733, + "polecat, fitch, foulmart, foumart, Mustela putorius": 358, + "police van, police wagon, paddy wagon, patrol wagon, wagon, black Maria": 734, + "pomegranate": 957, + "poncho": 735, + "pool table, billiard table, snooker table": 736, + "pop bottle, soda bottle": 737, + "porcupine, hedgehog": 334, + "pot, flowerpot": 738, + "potpie": 964, + "potter's wheel": 739, + "power drill": 740, + "prairie chicken, prairie grouse, prairie fowl": 83, + "prayer rug, prayer mat": 741, + "pretzel": 932, + "printer": 742, + "prison, prison house": 743, + "proboscis monkey, Nasalis larvatus": 376, + "projectile, missile": 744, + "projector": 745, + "promontory, headland, head, foreland": 976, + "ptarmigan": 81, + "puck, hockey puck": 746, + "puffer, pufferfish, blowfish, globefish": 397, + "pug, pug-dog": 254, + "punching bag, punch bag, punching ball, punchball": 747, + "purse": 748, + "quail": 85, + "quill, quill pen": 749, + "quilt, comforter, comfort, puff": 750, + "racer, race car, racing car": 751, + "racket, racquet": 752, + "radiator": 753, + "radio telescope, radio reflector": 755, + "radio, wireless": 754, + "rain barrel": 756, + "ram, tup": 348, + "rapeseed": 984, + "recreational vehicle, RV, R.V.": 757, + "red fox, Vulpes vulpes": 277, + "red wine": 966, + "red wolf, maned wolf, Canis rufus, Canis niger": 271, + "red-backed sandpiper, dunlin, Erolia alpina": 140, + "red-breasted merganser, Mergus serrator": 98, + "redbone": 168, + "redshank, Tringa totanus": 141, + "reel": 758, + "reflex camera": 759, + "refrigerator, icebox": 760, + "remote control, remote": 761, + "restaurant, eating house, eating place, eatery": 762, + "revolver, six-gun, six-shooter": 763, + "rhinoceros beetle": 306, + "rifle": 764, + "ringlet, ringlet butterfly": 322, + "ringneck snake, ring-necked snake, ring snake": 53, + "robin, American robin, Turdus migratorius": 15, + "rock beauty, Holocanthus tricolor": 392, + "rock crab, Cancer irroratus": 119, + "rock python, rock snake, Python sebae": 62, + "rocking chair, rocker": 765, + "rotisserie": 766, + "rubber eraser, rubber, pencil eraser": 767, + "ruddy turnstone, Arenaria interpres": 139, + "ruffed grouse, partridge, Bonasa umbellus": 82, + "rugby ball": 768, + "rule, ruler": 769, + "running shoe": 770, + "safe": 771, + "safety pin": 772, + "saltshaker, salt shaker": 773, + "sandal": 774, + "sandbar, sand bar": 977, + "sarong": 775, + "sax, saxophone": 776, + "scabbard": 777, + "scale, weighing machine": 778, + "schipperke": 223, + "school bus": 779, + "schooner": 780, + "scoreboard": 781, + "scorpion": 71, + "screen, CRT screen": 782, + "screw": 783, + "screwdriver": 784, + "scuba diver": 983, + "sea anemone, anemone": 108, + "sea cucumber, holothurian": 329, + "sea lion": 150, + "sea slug, nudibranch": 115, + "sea snake": 65, + "sea urchin": 328, + "seashore, coast, seacoast, sea-coast": 978, + "seat belt, seatbelt": 785, + "sewing machine": 786, + "shield, buckler": 787, + "shoe shop, shoe-shop, shoe store": 788, + "shoji": 789, + "shopping basket": 790, + "shopping cart": 791, + "shovel": 792, + "shower cap": 793, + "shower curtain": 794, + "siamang, Hylobates syndactylus, Symphalangus syndactylus": 369, + "sidewinder, horned rattlesnake, Crotalus cerastes": 68, + "silky terrier, Sydney silky": 201, + "ski": 795, + "ski mask": 796, + "skunk, polecat, wood pussy": 361, + "sleeping bag": 797, + "slide rule, slipstick": 798, + "sliding door": 799, + "slot, one-armed bandit": 800, + "sloth bear, Melursus ursinus, Ursus ursinus": 297, + "slug": 114, + "snail": 113, + "snorkel": 801, + "snow leopard, ounce, Panthera uncia": 289, + "snowmobile": 802, + "snowplow, snowplough": 803, + "soap dispenser": 804, + "soccer ball": 805, + "sock": 806, + "soft-coated wheaten terrier": 202, + "solar dish, solar collector, solar furnace": 807, + "sombrero": 808, + "sorrel": 339, + "soup bowl": 809, + "space bar": 810, + "space heater": 811, + "space shuttle": 812, + "spaghetti squash": 940, + "spatula": 813, + "speedboat": 814, + "spider monkey, Ateles geoffroyi": 381, + "spider web, spider's web": 815, + "spindle": 816, + "spiny lobster, langouste, rock lobster, crawfish, crayfish, sea crawfish": 123, + "spoonbill": 129, + "sports car, sport car": 817, + "spotlight, spot": 818, + "spotted salamander, Ambystoma maculatum": 28, + "squirrel monkey, Saimiri sciureus": 382, + "stage": 819, + "standard poodle": 267, + "standard schnauzer": 198, + "starfish, sea star": 327, + "steam locomotive": 820, + "steel arch bridge": 821, + "steel drum": 822, + "stethoscope": 823, + "stingray": 6, + "stinkhorn, carrion fungus": 994, + "stole": 824, + "stone wall": 825, + "stopwatch, stop watch": 826, + "stove": 827, + "strainer": 828, + "strawberry": 949, + "street sign": 919, + "streetcar, tram, tramcar, trolley, trolley car": 829, + "stretcher": 830, + "studio couch, day bed": 831, + "stupa, tope": 832, + "sturgeon": 394, + "submarine, pigboat, sub, U-boat": 833, + "suit, suit of clothes": 834, + "sulphur butterfly, sulfur butterfly": 325, + "sulphur-crested cockatoo, Kakatoe galerita, Cacatua galerita": 89, + "sundial": 835, + "sunglass": 836, + "sunglasses, dark glasses, shades": 837, + "sunscreen, sunblock, sun blocker": 838, + "suspension bridge": 839, + "swab, swob, mop": 840, + "sweatshirt": 841, + "swimming trunks, bathing trunks": 842, + "swing": 843, + "switch, electric switch, electrical switch": 844, + "syringe": 845, + "tabby, tabby cat": 281, + "table lamp": 846, + "tailed frog, bell toad, ribbed toad, tailed toad, Ascaphus trui": 32, + "tank, army tank, armored combat vehicle, armoured combat vehicle": 847, + "tape player": 848, + "tarantula": 76, + "teapot": 849, + "teddy, teddy bear": 850, + "television, television system": 851, + "tench, Tinca tinca": 0, + "tennis ball": 852, + "terrapin": 36, + "thatch, thatched roof": 853, + "theater curtain, theatre curtain": 854, + "thimble": 855, + "three-toed sloth, ai, Bradypus tridactylus": 364, + "thresher, thrasher, threshing machine": 856, + "throne": 857, + "thunder snake, worm snake, Carphophis amoenus": 52, + "tick": 78, + "tiger beetle": 300, + "tiger cat": 282, + "tiger shark, Galeocerdo cuvieri": 3, + "tiger, Panthera tigris": 292, + "tile roof": 858, + "timber wolf, grey wolf, gray wolf, Canis lupus": 269, + "titi, titi monkey": 380, + "toaster": 859, + "tobacco shop, tobacconist shop, tobacconist": 860, + "toilet seat": 861, + "toilet tissue, toilet paper, bathroom tissue": 999, + "torch": 862, + "totem pole": 863, + "toucan": 96, + "tow truck, tow car, wrecker": 864, + "toy poodle": 265, + "toy terrier": 158, + "toyshop": 865, + "tractor": 866, + "traffic light, traffic signal, stoplight": 920, + "trailer truck, tractor trailer, trucking rig, rig, articulated lorry, semi": 867, + "tray": 868, + "tree frog, tree-frog": 31, + "trench coat": 869, + "triceratops": 51, + "tricycle, trike, velocipede": 870, + "trifle": 927, + "trilobite": 69, + "trimaran": 871, + "tripod": 872, + "triumphal arch": 873, + "trolleybus, trolley coach, trackless trolley": 874, + "trombone": 875, + "tub, vat": 876, + "turnstile": 877, + "tusker": 101, + "typewriter keyboard": 878, + "umbrella": 879, + "unicycle, monocycle": 880, + "upright, upright piano": 881, + "vacuum, vacuum cleaner": 882, + "valley, vale": 979, + "vase": 883, + "vault": 884, + "velvet": 885, + "vending machine": 886, + "vestment": 887, + "viaduct": 888, + "vine snake": 59, + "violin, fiddle": 889, + "vizsla, Hungarian pointer": 211, + "volcano": 980, + "volleyball": 890, + "vulture": 23, + "waffle iron": 891, + "walking stick, walkingstick, stick insect": 313, + "wall clock": 892, + "wallaby, brush kangaroo": 104, + "wallet, billfold, notecase, pocketbook": 893, + "wardrobe, closet, press": 894, + "warplane, military plane": 895, + "warthog": 343, + "washbasin, handbasin, washbowl, lavabo, wash-hand basin": 896, + "washer, automatic washer, washing machine": 897, + "water bottle": 898, + "water buffalo, water ox, Asiatic buffalo, Bubalus bubalis": 346, + "water jug": 899, + "water ouzel, dipper": 20, + "water snake": 58, + "water tower": 900, + "weasel": 356, + "web site, website, internet site, site": 916, + "weevil": 307, + "whippet": 172, + "whiptail, whiptail lizard": 41, + "whiskey jug": 901, + "whistle": 902, + "white stork, Ciconia ciconia": 127, + "white wolf, Arctic wolf, Canis lupus tundrarum": 270, + "wig": 903, + "wild boar, boar, Sus scrofa": 342, + "window screen": 904, + "window shade": 905, + "wine bottle": 907, + "wing": 908, + "wire-haired fox terrier": 188, + "wok": 909, + "wolf spider, hunting spider": 77, + "wombat": 106, + "wood rabbit, cottontail, cottontail rabbit": 330, + "wooden spoon": 910, + "wool, woolen, woollen": 911, + "worm fence, snake fence, snake-rail fence, Virginia fence": 912, + "wreck": 913, + "yawl": 914, + "yellow lady's slipper, yellow lady-slipper, Cypripedium calceolus, Cypripedium parviflorum": 986, + "yurt": 915, + "zebra": 340, + "zucchini, courgette": 939 + }, + "layer_norm_eps": 1e-12, + "model_type": "vit", + "num_attention_heads": 12, + "num_channels": 3, + "num_hidden_layers": 12, + "patch_size": 16, + "qkv_bias": true, + "torch_dtype": "float32", + "transformers_version": "4.44.2" +} diff --git a/chatbot/fine_tuned_model/model.safetensors b/chatbot/fine_tuned_model/model.safetensors new file mode 100644 index 0000000000000000000000000000000000000000..1753a4b44c8720f157948f9f8cbae5b102971f4c --- /dev/null +++ b/chatbot/fine_tuned_model/model.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8b6d2fa2eaa34206ba3f12bf21f91a932ed30645c668e95db4512cb9189ca029 +size 343220892 diff --git a/chatbot/fined-tuned-model.lora.h5 b/chatbot/fined-tuned-model.lora.h5 new file mode 100644 index 0000000000000000000000000000000000000000..1a88c1d9a3b85604aec62379aa91a769db9e0a5e --- /dev/null +++ b/chatbot/fined-tuned-model.lora.h5 @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6fc9f1de53fe3d4eee5c536a0d566dafaf1d11d0167c526506bc9d89c7c3ebe3 +size 5560280 diff --git a/chatbot/heatmap.png b/chatbot/heatmap.png new file mode 100644 index 0000000000000000000000000000000000000000..62477ae3f6bdaa401682551d13112b3716abb154 Binary files /dev/null and b/chatbot/heatmap.png differ diff --git a/chatbot/inventory.db b/chatbot/inventory.db new file mode 100644 index 0000000000000000000000000000000000000000..35cec5051fca091563e183b7293abf6527181585 Binary files /dev/null and b/chatbot/inventory.db differ diff --git a/chatbot/inventory_chart.png b/chatbot/inventory_chart.png new file mode 100644 index 0000000000000000000000000000000000000000..d9a6f38baee35526f38624c99b9a9e1753de3e8c Binary files /dev/null and b/chatbot/inventory_chart.png differ diff --git a/chatbot/inventory_counts.png b/chatbot/inventory_counts.png new file mode 100644 index 0000000000000000000000000000000000000000..34e37263730e38fadadb727166a76a7dcf3717d1 Binary files /dev/null and b/chatbot/inventory_counts.png differ diff --git a/chatbot/inventory_images.db b/chatbot/inventory_images.db new file mode 100644 index 0000000000000000000000000000000000000000..7c484b882aee457365163cc4a9d2ce234e2e234b Binary files /dev/null and b/chatbot/inventory_images.db differ diff --git a/chatbot/inventory_log.json b/chatbot/inventory_log.json new file mode 100644 index 0000000000000000000000000000000000000000..69892c8c05b90d3dbb6cc55618d5a555f79ad61e --- /dev/null +++ b/chatbot/inventory_log.json @@ -0,0 +1,91 @@ +{ + "coffee mug": { + "category": "coffee mug", + "count": 2, + "last_detected": "2024-11-07T12:17:46.882928", + "history": [ + { + "timestamp": "2024-11-07T12:15:25.208394", + "count": 0 + }, + { + "timestamp": "2024-11-07T12:17:46.882928", + "count": 1 + } + ] + }, + "ladle": { + "category": "ladle", + "count": 1, + "last_detected": "2024-11-07T12:15:25.315552", + "history": [ + { + "timestamp": "2024-11-07T12:15:25.315552", + "count": 0 + } + ] + }, + "wool, woolen, woollen": { + "category": "wool, woolen, woollen", + "count": 2, + "last_detected": "2024-11-07T12:17:46.998784", + "history": [ + { + "timestamp": "2024-11-07T12:15:25.412992", + "count": 0 + }, + { + "timestamp": "2024-11-07T12:17:46.998784", + "count": 1 + } + ] + }, + "Windsor tie": { + "category": "Windsor tie", + "count": 1, + "last_detected": "2024-11-07T12:16:27.597227", + "history": [ + { + "timestamp": "2024-11-07T12:16:27.597227", + "count": 0 + } + ] + }, + "ballplayer, baseball player": { + "category": "ballplayer, baseball player", + "count": 1, + "last_detected": "2024-11-07T12:16:27.646567", + "history": [ + { + "timestamp": "2024-11-07T12:16:27.646567", + "count": 0 + } + ] + }, + "analog clock": { + "category": "analog clock", + "count": 1, + "last_detected": "2024-11-07T12:17:47.055052", + "history": [ + { + "timestamp": "2024-11-07T12:17:47.055052", + "count": 0 + } + ] + }, + "dining table, board": { + "category": "dining table, board", + "count": 2, + "last_detected": "2024-11-07T12:17:47.188026", + "history": [ + { + "timestamp": "2024-11-07T12:17:47.120347", + "count": 0 + }, + { + "timestamp": "2024-11-07T12:17:47.188026", + "count": 1 + } + ] + } +} \ No newline at end of file diff --git a/chatbot/line_chart.png b/chatbot/line_chart.png new file mode 100644 index 0000000000000000000000000000000000000000..bf9f36b65edbbbe004bfd3f33aa7eb16c03c7f3e Binary files /dev/null and b/chatbot/line_chart.png differ diff --git a/chatbot/main.py.save b/chatbot/main.py.save new file mode 100644 index 0000000000000000000000000000000000000000..4235c15a1eaad0454f5170b5fb8be849873ef2ea --- /dev/null +++ b/chatbot/main.py.save @@ -0,0 +1,52 @@ +import gradio as grimport os +import keras +import keras_nlp + +import os + +os.environ["KERAS_BACKEND"] = "jax" +# Avoid memory fragmentation on JAX backend. +os.environ["XLA_PYTHON_CLIENT_MEM_FRACTION"]="1.00" + +import os + +# Set Kaggle API credentials +os.environ["KAGGLE_USERNAME"] = "rogerkorantenng" +os.environ["KAGGLE_KEY"] = "9a33b6e88bcb6058b1281d777fa6808d" + +# Load environment variables +load_dotenv() + +# Replace this with the path or method to load your local model +gemma_lm = keras_nlp.models.GemmaCausalLM.from_preset("gemma_2b_en") + +def generate_response(message, history): + # Format the conversation history for the local model + formatted_history = [] + for user, assistant in history: + formatted_history.append(f"Instruction:\n{user}\n\nResponse:\n{assistant}") + + # Add the latest user message to the history + formatted_history.append(f"Instruction:\n{message}\n\nResponse:\n") + + # Join formatted history into a single string for input + input_text = "\n".join(formatted_history) + + # Generate response from the local model + # Make sure to adjust this part according to your model's API + response = gemma_lm.generate(input_text, max_length=256) + + # Extract the response text + # Adjust the response extraction based on the actual structure of your model's output + return response[0] # Change this line if necessary + +# Create the Gradio interface +gr.ChatInterface( + generate_response, + chatbot=gr.Chatbot(height=300), + textbox=gr.Textbox(placeholder="You can ask me anything", container=False, scale=7), + title="Local Model Chat Bot", + retry_btn=None, + undo_btn="Delete Previous", + clear_btn="Clear" +).launch(share=True) diff --git a/chatbot/main2.py b/chatbot/main2.py new file mode 100644 index 0000000000000000000000000000000000000000..fecf07a24bf4e10c9bf31f8c5379ef6940842205 --- /dev/null +++ b/chatbot/main2.py @@ -0,0 +1,48 @@ +import gradio as gr +import os +import keras_nlp +from transformers import AutoModelForCausalLM + +# Set Kaggle API credentials using values from environment variables +os.environ["KAGGLE_USERNAME"] = os.environ.get("KAGGLE_USERNAME") +os.environ["KAGGLE_KEY"] = os.environ.get("KAGGLE_KEY") + + +# Load LoRA weights if you have them +LoRA_weights_path = "fined-tuned-model.lora.h5" +gemma_lm = keras_nlp.models.GemmaCausalLM.from_preset("gemma_2b_en") +gemma_lm.backbone.enable_lora(rank=4) # Enable LoRA with rank 4 +gemma_lm.preprocessor.sequence_length = 512 # Limit sequence length +gemma_lm.backbone.load_lora_weights(LoRA_weights_path) # Load LoRA weights + +# Define the response generation function +def generate_response(message): + # Create a prompt template + template = "Instruction:\n{instruction}\n\nResponse:\n{response}" + + # Create the prompt with the current message + prompt = template.format(instruction=message, response="") + print("Prompt:\n", prompt) + + # Generate response from the model + response = gemma_lm.generate(prompt, max_length=256) + # Only keep the generated response + response = response.split("Response:")[-1].strip() + + print("Generated Response:\n", response) + + # Extract and return the generated response text + return response # Adjust this if your model's output structure differs + +# Create the Gradio chat interface +interface = gr.Interface( + fn=generate_response, # Function that generates responses + inputs=gr.Textbox(placeholder="Hello, I am Sage, your mental health advisor", lines=2, scale=7), + outputs=gr.Textbox(), + title="Sage, your Mental Health Advisor", +# description="Chat with Sage, your mental health advisor.", +# live=True +) +proxy_prefix = os.environ.get("PROXY_PREFIX") +# Launch the Gradio app +interface.launch(server_name="0.0.0.0", server_port=8080, root_path=proxy_prefix, share=True) diff --git a/chatbot/model_config.json b/chatbot/model_config.json new file mode 100644 index 0000000000000000000000000000000000000000..0045ce3b942e9be61dc7c71a261d31cd5017bed9 --- /dev/null +++ b/chatbot/model_config.json @@ -0,0 +1,27 @@ +{ + "gpt-4": { + "endpoint": "https://roger-m38jr9pd-eastus2.openai.azure.com/openai/deployments/gpt-4/chat/completions?api-version=2024-08-01-preview", + "api_key": "XTtd4wdC0mlEdbQqp0KWOe9aWrlg4z4HurxXlgBf5ASUvrB9iPkwJQQJ99AKACHYHv6XJ3w3AAABACOGaeSg", + "model_path": null + }, + "gpt-4o": { + "endpoint": "https://roger-m38jr9pd-eastus2.openai.azure.com/openai/deployments/gpt-4o/chat/completions?api-version=2024-08-01-preview", + "api_key": "XTtd4wdC0mlEdbQqp0KWOe9aWrlg4z4HurxXlgBf5ASUvrB9iPkwJQQJ99AKACHYHv6XJ3w3AAABACOGaeSg", + "model_path": null + }, + "gpt-35-turbo": { + "endpoint": "https://rogerkoranteng.openai.azure.com/openai/deployments/gpt-35-turbo/chat/completions?api-version=2024-08-01-preview", + "api_key": "cfe75d17d47c40318db6230d2677d84f", + "model_path": null + }, + "gpt-4-32k": { + "endpoint": "https://roger-m38orjxq-australiaeast.openai.azure.com/openai/deployments/gpt-4-32k/chat/completions?api-version=2024-08-01-preview", + "api_key": "AebO97c0w0lnrppFNpbuPVueKth7HfGOdMbKeaX5R2Uql6wvJA5qJQQJ99AKACL93NaXJ3w3AAABACOGh8MD", + "model_path": null + }, + "microsoft/Phi-3.5-mini-instruct": { + "endpoint": null, + "model_path": "./models/microsoft/Phi-3.5-mini-instruct", + "api_key": null + } +} \ No newline at end of file diff --git a/chatbot/models/500/config.json b/chatbot/models/500/config.json new file mode 100644 index 0000000000000000000000000000000000000000..bb4d6017a5101c73754210f69fa831ea678bd28e --- /dev/null +++ b/chatbot/models/500/config.json @@ -0,0 +1,2026 @@ +{ + "_name_or_path": "google/vit-base-patch16-224", + "architectures": [ + "ViTForImageClassification" + ], + "attention_probs_dropout_prob": 0.0, + "encoder_stride": 16, + "hidden_act": "gelu", + "hidden_dropout_prob": 0.0, + "hidden_size": 768, + "id2label": { + "0": "tench, Tinca tinca", + "1": "goldfish, Carassius auratus", + "2": "great white shark, white shark, man-eater, man-eating shark, Carcharodon carcharias", + "3": "tiger shark, Galeocerdo cuvieri", + "4": "hammerhead, hammerhead shark", + "5": "electric ray, crampfish, numbfish, torpedo", + "6": "stingray", + "7": "cock", + "8": "hen", + "9": "ostrich, Struthio camelus", + "10": "brambling, Fringilla montifringilla", + "11": "goldfinch, Carduelis carduelis", + "12": "house finch, linnet, Carpodacus mexicanus", + "13": "junco, snowbird", + "14": "indigo bunting, indigo finch, indigo bird, Passerina cyanea", + "15": "robin, American robin, Turdus migratorius", + "16": "bulbul", + "17": "jay", + "18": "magpie", + "19": "chickadee", + "20": "water ouzel, dipper", + "21": "kite", + "22": "bald eagle, American eagle, Haliaeetus leucocephalus", + "23": "vulture", + "24": "great grey owl, great gray owl, Strix nebulosa", + "25": "European fire salamander, Salamandra salamandra", + "26": "common newt, Triturus vulgaris", + "27": "eft", + "28": "spotted salamander, Ambystoma maculatum", + "29": "axolotl, mud puppy, Ambystoma mexicanum", + "30": "bullfrog, Rana catesbeiana", + "31": "tree frog, tree-frog", + "32": "tailed frog, bell toad, ribbed toad, tailed toad, Ascaphus trui", + "33": "loggerhead, loggerhead turtle, Caretta caretta", + "34": "leatherback turtle, leatherback, leathery turtle, Dermochelys coriacea", + "35": "mud turtle", + "36": "terrapin", + "37": "box turtle, box tortoise", + "38": "banded gecko", + "39": "common iguana, iguana, Iguana iguana", + "40": "American chameleon, anole, Anolis carolinensis", + "41": "whiptail, whiptail lizard", + "42": "agama", + "43": "frilled lizard, Chlamydosaurus kingi", + "44": "alligator lizard", + "45": "Gila monster, Heloderma suspectum", + "46": "green lizard, Lacerta viridis", + "47": "African chameleon, Chamaeleo chamaeleon", + "48": "Komodo dragon, Komodo lizard, dragon lizard, giant lizard, Varanus komodoensis", + "49": "African crocodile, Nile crocodile, Crocodylus niloticus", + "50": "American alligator, Alligator mississipiensis", + "51": "triceratops", + "52": "thunder snake, worm snake, Carphophis amoenus", + "53": "ringneck snake, ring-necked snake, ring snake", + "54": "hognose snake, puff adder, sand viper", + "55": "green snake, grass snake", + "56": "king snake, kingsnake", + "57": "garter snake, grass snake", + "58": "water snake", + "59": "vine snake", + "60": "night snake, Hypsiglena torquata", + "61": "boa constrictor, Constrictor constrictor", + "62": "rock python, rock snake, Python sebae", + "63": "Indian cobra, Naja naja", + "64": "green mamba", + "65": "sea snake", + "66": "horned viper, cerastes, sand viper, horned asp, Cerastes cornutus", + "67": "diamondback, diamondback rattlesnake, Crotalus adamanteus", + "68": "sidewinder, horned rattlesnake, Crotalus cerastes", + "69": "trilobite", + "70": "harvestman, daddy longlegs, Phalangium opilio", + "71": "scorpion", + "72": "black and gold garden spider, Argiope aurantia", + "73": "barn spider, Araneus cavaticus", + "74": "garden spider, Aranea diademata", + "75": "black widow, Latrodectus mactans", + "76": "tarantula", + "77": "wolf spider, hunting spider", + "78": "tick", + "79": "centipede", + "80": "black grouse", + "81": "ptarmigan", + "82": "ruffed grouse, partridge, Bonasa umbellus", + "83": "prairie chicken, prairie grouse, prairie fowl", + "84": "peacock", + "85": "quail", + "86": "partridge", + "87": "African grey, African gray, Psittacus erithacus", + "88": "macaw", + "89": "sulphur-crested cockatoo, Kakatoe galerita, Cacatua galerita", + "90": "lorikeet", + "91": "coucal", + "92": "bee eater", + "93": "hornbill", + "94": "hummingbird", + "95": "jacamar", + "96": "toucan", + "97": "drake", + "98": "red-breasted merganser, Mergus serrator", + "99": "goose", + "100": "black swan, Cygnus atratus", + "101": "tusker", + "102": "echidna, spiny anteater, anteater", + "103": "platypus, duckbill, duckbilled platypus, duck-billed platypus, Ornithorhynchus anatinus", + "104": "wallaby, brush kangaroo", + "105": "koala, koala bear, kangaroo bear, native bear, Phascolarctos cinereus", + "106": "wombat", + "107": "jellyfish", + "108": "sea anemone, anemone", + "109": "brain coral", + "110": "flatworm, platyhelminth", + "111": "nematode, nematode worm, roundworm", + "112": "conch", + "113": "snail", + "114": "slug", + "115": "sea slug, nudibranch", + "116": "chiton, coat-of-mail shell, sea cradle, polyplacophore", + "117": "chambered nautilus, pearly nautilus, nautilus", + "118": "Dungeness crab, Cancer magister", + "119": "rock crab, Cancer irroratus", + "120": "fiddler crab", + "121": "king crab, Alaska crab, Alaskan king crab, Alaska king crab, Paralithodes camtschatica", + "122": "American lobster, Northern lobster, Maine lobster, Homarus americanus", + "123": "spiny lobster, langouste, rock lobster, crawfish, crayfish, sea crawfish", + "124": "crayfish, crawfish, crawdad, crawdaddy", + "125": "hermit crab", + "126": "isopod", + "127": "white stork, Ciconia ciconia", + "128": "black stork, Ciconia nigra", + "129": "spoonbill", + "130": "flamingo", + "131": "little blue heron, Egretta caerulea", + "132": "American egret, great white heron, Egretta albus", + "133": "bittern", + "134": "crane", + "135": "limpkin, Aramus pictus", + "136": "European gallinule, Porphyrio porphyrio", + "137": "American coot, marsh hen, mud hen, water hen, Fulica americana", + "138": "bustard", + "139": "ruddy turnstone, Arenaria interpres", + "140": "red-backed sandpiper, dunlin, Erolia alpina", + "141": "redshank, Tringa totanus", + "142": "dowitcher", + "143": "oystercatcher, oyster catcher", + "144": "pelican", + "145": "king penguin, Aptenodytes patagonica", + "146": "albatross, mollymawk", + "147": "grey whale, gray whale, devilfish, Eschrichtius gibbosus, Eschrichtius robustus", + "148": "killer whale, killer, orca, grampus, sea wolf, Orcinus orca", + "149": "dugong, Dugong dugon", + "150": "sea lion", + "151": "Chihuahua", + "152": "Japanese spaniel", + "153": "Maltese dog, Maltese terrier, Maltese", + "154": "Pekinese, Pekingese, Peke", + "155": "Shih-Tzu", + "156": "Blenheim spaniel", + "157": "papillon", + "158": "toy terrier", + "159": "Rhodesian ridgeback", + "160": "Afghan hound, Afghan", + "161": "basset, basset hound", + "162": "beagle", + "163": "bloodhound, sleuthhound", + "164": "bluetick", + "165": "black-and-tan coonhound", + "166": "Walker hound, Walker foxhound", + "167": "English foxhound", + "168": "redbone", + "169": "borzoi, Russian wolfhound", + "170": "Irish wolfhound", + "171": "Italian greyhound", + "172": "whippet", + "173": "Ibizan hound, Ibizan Podenco", + "174": "Norwegian elkhound, elkhound", + "175": "otterhound, otter hound", + "176": "Saluki, gazelle hound", + "177": "Scottish deerhound, deerhound", + "178": "Weimaraner", + "179": "Staffordshire bullterrier, Staffordshire bull terrier", + "180": "American Staffordshire terrier, Staffordshire terrier, American pit bull terrier, pit bull terrier", + "181": "Bedlington terrier", + "182": "Border terrier", + "183": "Kerry blue terrier", + "184": "Irish terrier", + "185": "Norfolk terrier", + "186": "Norwich terrier", + "187": "Yorkshire terrier", + "188": "wire-haired fox terrier", + "189": "Lakeland terrier", + "190": "Sealyham terrier, Sealyham", + "191": "Airedale, Airedale terrier", + "192": "cairn, cairn terrier", + "193": "Australian terrier", + "194": "Dandie Dinmont, Dandie Dinmont terrier", + "195": "Boston bull, Boston terrier", + "196": "miniature schnauzer", + "197": "giant schnauzer", + "198": "standard schnauzer", + "199": "Scotch terrier, Scottish terrier, Scottie", + "200": "Tibetan terrier, chrysanthemum dog", + "201": "silky terrier, Sydney silky", + "202": "soft-coated wheaten terrier", + "203": "West Highland white terrier", + "204": "Lhasa, Lhasa apso", + "205": "flat-coated retriever", + "206": "curly-coated retriever", + "207": "golden retriever", + "208": "Labrador retriever", + "209": "Chesapeake Bay retriever", + "210": "German short-haired pointer", + "211": "vizsla, Hungarian pointer", + "212": "English setter", + "213": "Irish setter, red setter", + "214": "Gordon setter", + "215": "Brittany spaniel", + "216": "clumber, clumber spaniel", + "217": "English springer, English springer spaniel", + "218": "Welsh springer spaniel", + "219": "cocker spaniel, English cocker spaniel, cocker", + "220": "Sussex spaniel", + "221": "Irish water spaniel", + "222": "kuvasz", + "223": "schipperke", + "224": "groenendael", + "225": "malinois", + "226": "briard", + "227": "kelpie", + "228": "komondor", + "229": "Old English sheepdog, bobtail", + "230": "Shetland sheepdog, Shetland sheep dog, Shetland", + "231": "collie", + "232": "Border collie", + "233": "Bouvier des Flandres, Bouviers des Flandres", + "234": "Rottweiler", + "235": "German shepherd, German shepherd dog, German police dog, alsatian", + "236": "Doberman, Doberman pinscher", + "237": "miniature pinscher", + "238": "Greater Swiss Mountain dog", + "239": "Bernese mountain dog", + "240": "Appenzeller", + "241": "EntleBucher", + "242": "boxer", + "243": "bull mastiff", + "244": "Tibetan mastiff", + "245": "French bulldog", + "246": "Great Dane", + "247": "Saint Bernard, St Bernard", + "248": "Eskimo dog, husky", + "249": "malamute, malemute, Alaskan malamute", + "250": "Siberian husky", + "251": "dalmatian, coach dog, carriage dog", + "252": "affenpinscher, monkey pinscher, monkey dog", + "253": "basenji", + "254": "pug, pug-dog", + "255": "Leonberg", + "256": "Newfoundland, Newfoundland dog", + "257": "Great Pyrenees", + "258": "Samoyed, Samoyede", + "259": "Pomeranian", + "260": "chow, chow chow", + "261": "keeshond", + "262": "Brabancon griffon", + "263": "Pembroke, Pembroke Welsh corgi", + "264": "Cardigan, Cardigan Welsh corgi", + "265": "toy poodle", + "266": "miniature poodle", + "267": "standard poodle", + "268": "Mexican hairless", + "269": "timber wolf, grey wolf, gray wolf, Canis lupus", + "270": "white wolf, Arctic wolf, Canis lupus tundrarum", + "271": "red wolf, maned wolf, Canis rufus, Canis niger", + "272": "coyote, prairie wolf, brush wolf, Canis latrans", + "273": "dingo, warrigal, warragal, Canis dingo", + "274": "dhole, Cuon alpinus", + "275": "African hunting dog, hyena dog, Cape hunting dog, Lycaon pictus", + "276": "hyena, hyaena", + "277": "red fox, Vulpes vulpes", + "278": "kit fox, Vulpes macrotis", + "279": "Arctic fox, white fox, Alopex lagopus", + "280": "grey fox, gray fox, Urocyon cinereoargenteus", + "281": "tabby, tabby cat", + "282": "tiger cat", + "283": "Persian cat", + "284": "Siamese cat, Siamese", + "285": "Egyptian cat", + "286": "cougar, puma, catamount, mountain lion, painter, panther, Felis concolor", + "287": "lynx, catamount", + "288": "leopard, Panthera pardus", + "289": "snow leopard, ounce, Panthera uncia", + "290": "jaguar, panther, Panthera onca, Felis onca", + "291": "lion, king of beasts, Panthera leo", + "292": "tiger, Panthera tigris", + "293": "cheetah, chetah, Acinonyx jubatus", + "294": "brown bear, bruin, Ursus arctos", + "295": "American black bear, black bear, Ursus americanus, Euarctos americanus", + "296": "ice bear, polar bear, Ursus Maritimus, Thalarctos maritimus", + "297": "sloth bear, Melursus ursinus, Ursus ursinus", + "298": "mongoose", + "299": "meerkat, mierkat", + "300": "tiger beetle", + "301": "ladybug, ladybeetle, lady beetle, ladybird, ladybird beetle", + "302": "ground beetle, carabid beetle", + "303": "long-horned beetle, longicorn, longicorn beetle", + "304": "leaf beetle, chrysomelid", + "305": "dung beetle", + "306": "rhinoceros beetle", + "307": "weevil", + "308": "fly", + "309": "bee", + "310": "ant, emmet, pismire", + "311": "grasshopper, hopper", + "312": "cricket", + "313": "walking stick, walkingstick, stick insect", + "314": "cockroach, roach", + "315": "mantis, mantid", + "316": "cicada, cicala", + "317": "leafhopper", + "318": "lacewing, lacewing fly", + "319": "dragonfly, darning needle, devil's darning needle, sewing needle, snake feeder, snake doctor, mosquito hawk, skeeter hawk", + "320": "damselfly", + "321": "admiral", + "322": "ringlet, ringlet butterfly", + "323": "monarch, monarch butterfly, milkweed butterfly, Danaus plexippus", + "324": "cabbage butterfly", + "325": "sulphur butterfly, sulfur butterfly", + "326": "lycaenid, lycaenid butterfly", + "327": "starfish, sea star", + "328": "sea urchin", + "329": "sea cucumber, holothurian", + "330": "wood rabbit, cottontail, cottontail rabbit", + "331": "hare", + "332": "Angora, Angora rabbit", + "333": "hamster", + "334": "porcupine, hedgehog", + "335": "fox squirrel, eastern fox squirrel, Sciurus niger", + "336": "marmot", + "337": "beaver", + "338": "guinea pig, Cavia cobaya", + "339": "sorrel", + "340": "zebra", + "341": "hog, pig, grunter, squealer, Sus scrofa", + "342": "wild boar, boar, Sus scrofa", + "343": "warthog", + "344": "hippopotamus, hippo, river horse, Hippopotamus amphibius", + "345": "ox", + "346": "water buffalo, water ox, Asiatic buffalo, Bubalus bubalis", + "347": "bison", + "348": "ram, tup", + "349": "bighorn, bighorn sheep, cimarron, Rocky Mountain bighorn, Rocky Mountain sheep, Ovis canadensis", + "350": "ibex, Capra ibex", + "351": "hartebeest", + "352": "impala, Aepyceros melampus", + "353": "gazelle", + "354": "Arabian camel, dromedary, Camelus dromedarius", + "355": "llama", + "356": "weasel", + "357": "mink", + "358": "polecat, fitch, foulmart, foumart, Mustela putorius", + "359": "black-footed ferret, ferret, Mustela nigripes", + "360": "otter", + "361": "skunk, polecat, wood pussy", + "362": "badger", + "363": "armadillo", + "364": "three-toed sloth, ai, Bradypus tridactylus", + "365": "orangutan, orang, orangutang, Pongo pygmaeus", + "366": "gorilla, Gorilla gorilla", + "367": "chimpanzee, chimp, Pan troglodytes", + "368": "gibbon, Hylobates lar", + "369": "siamang, Hylobates syndactylus, Symphalangus syndactylus", + "370": "guenon, guenon monkey", + "371": "patas, hussar monkey, Erythrocebus patas", + "372": "baboon", + "373": "macaque", + "374": "langur", + "375": "colobus, colobus monkey", + "376": "proboscis monkey, Nasalis larvatus", + "377": "marmoset", + "378": "capuchin, ringtail, Cebus capucinus", + "379": "howler monkey, howler", + "380": "titi, titi monkey", + "381": "spider monkey, Ateles geoffroyi", + "382": "squirrel monkey, Saimiri sciureus", + "383": "Madagascar cat, ring-tailed lemur, Lemur catta", + "384": "indri, indris, Indri indri, Indri brevicaudatus", + "385": "Indian elephant, Elephas maximus", + "386": "African elephant, Loxodonta africana", + "387": "lesser panda, red panda, panda, bear cat, cat bear, Ailurus fulgens", + "388": "giant panda, panda, panda bear, coon bear, Ailuropoda melanoleuca", + "389": "barracouta, snoek", + "390": "eel", + "391": "coho, cohoe, coho salmon, blue jack, silver salmon, Oncorhynchus kisutch", + "392": "rock beauty, Holocanthus tricolor", + "393": "anemone fish", + "394": "sturgeon", + "395": "gar, garfish, garpike, billfish, Lepisosteus osseus", + "396": "lionfish", + "397": "puffer, pufferfish, blowfish, globefish", + "398": "abacus", + "399": "abaya", + "400": "academic gown, academic robe, judge's robe", + "401": "accordion, piano accordion, squeeze box", + "402": "acoustic guitar", + "403": "aircraft carrier, carrier, flattop, attack aircraft carrier", + "404": "airliner", + "405": "airship, dirigible", + "406": "altar", + "407": "ambulance", + "408": "amphibian, amphibious vehicle", + "409": "analog clock", + "410": "apiary, bee house", + "411": "apron", + "412": "ashcan, trash can, garbage can, wastebin, ash bin, ash-bin, ashbin, dustbin, trash barrel, trash bin", + "413": "assault rifle, assault gun", + "414": "backpack, back pack, knapsack, packsack, rucksack, haversack", + "415": "bakery, bakeshop, bakehouse", + "416": "balance beam, beam", + "417": "balloon", + "418": "ballpoint, ballpoint pen, ballpen, Biro", + "419": "Band Aid", + "420": "banjo", + "421": "bannister, banister, balustrade, balusters, handrail", + "422": "barbell", + "423": "barber chair", + "424": "barbershop", + "425": "barn", + "426": "barometer", + "427": "barrel, cask", + "428": "barrow, garden cart, lawn cart, wheelbarrow", + "429": "baseball", + "430": "basketball", + "431": "bassinet", + "432": "bassoon", + "433": "bathing cap, swimming cap", + "434": "bath towel", + "435": "bathtub, bathing tub, bath, tub", + "436": "beach wagon, station wagon, wagon, estate car, beach waggon, station waggon, waggon", + "437": "beacon, lighthouse, beacon light, pharos", + "438": "beaker", + "439": "bearskin, busby, shako", + "440": "beer bottle", + "441": "beer glass", + "442": "bell cote, bell cot", + "443": "bib", + "444": "bicycle-built-for-two, tandem bicycle, tandem", + "445": "bikini, two-piece", + "446": "binder, ring-binder", + "447": "binoculars, field glasses, opera glasses", + "448": "birdhouse", + "449": "boathouse", + "450": "bobsled, bobsleigh, bob", + "451": "bolo tie, bolo, bola tie, bola", + "452": "bonnet, poke bonnet", + "453": "bookcase", + "454": "bookshop, bookstore, bookstall", + "455": "bottlecap", + "456": "bow", + "457": "bow tie, bow-tie, bowtie", + "458": "brass, memorial tablet, plaque", + "459": "brassiere, bra, bandeau", + "460": "breakwater, groin, groyne, mole, bulwark, seawall, jetty", + "461": "breastplate, aegis, egis", + "462": "broom", + "463": "bucket, pail", + "464": "buckle", + "465": "bulletproof vest", + "466": "bullet train, bullet", + "467": "butcher shop, meat market", + "468": "cab, hack, taxi, taxicab", + "469": "caldron, cauldron", + "470": "candle, taper, wax light", + "471": "cannon", + "472": "canoe", + "473": "can opener, tin opener", + "474": "cardigan", + "475": "car mirror", + "476": "carousel, carrousel, merry-go-round, roundabout, whirligig", + "477": "carpenter's kit, tool kit", + "478": "carton", + "479": "car wheel", + "480": "cash machine, cash dispenser, automated teller machine, automatic teller machine, automated teller, automatic teller, ATM", + "481": "cassette", + "482": "cassette player", + "483": "castle", + "484": "catamaran", + "485": "CD player", + "486": "cello, violoncello", + "487": "cellular telephone, cellular phone, cellphone, cell, mobile phone", + "488": "chain", + "489": "chainlink fence", + "490": "chain mail, ring mail, mail, chain armor, chain armour, ring armor, ring armour", + "491": "chain saw, chainsaw", + "492": "chest", + "493": "chiffonier, commode", + "494": "chime, bell, gong", + "495": "china cabinet, china closet", + "496": "Christmas stocking", + "497": "church, church building", + "498": "cinema, movie theater, movie theatre, movie house, picture palace", + "499": "cleaver, meat cleaver, chopper", + "500": "cliff dwelling", + "501": "cloak", + "502": "clog, geta, patten, sabot", + "503": "cocktail shaker", + "504": "coffee mug", + "505": "coffeepot", + "506": "coil, spiral, volute, whorl, helix", + "507": "combination lock", + "508": "computer keyboard, keypad", + "509": "confectionery, confectionary, candy store", + "510": "container ship, containership, container vessel", + "511": "convertible", + "512": "corkscrew, bottle screw", + "513": "cornet, horn, trumpet, trump", + "514": "cowboy boot", + "515": "cowboy hat, ten-gallon hat", + "516": "cradle", + "517": "crane", + "518": "crash helmet", + "519": "crate", + "520": "crib, cot", + "521": "Crock Pot", + "522": "croquet ball", + "523": "crutch", + "524": "cuirass", + "525": "dam, dike, dyke", + "526": "desk", + "527": "desktop computer", + "528": "dial telephone, dial phone", + "529": "diaper, nappy, napkin", + "530": "digital clock", + "531": "digital watch", + "532": "dining table, board", + "533": "dishrag, dishcloth", + "534": "dishwasher, dish washer, dishwashing machine", + "535": "disk brake, disc brake", + "536": "dock, dockage, docking facility", + "537": "dogsled, dog sled, dog sleigh", + "538": "dome", + "539": "doormat, welcome mat", + "540": "drilling platform, offshore rig", + "541": "drum, membranophone, tympan", + "542": "drumstick", + "543": "dumbbell", + "544": "Dutch oven", + "545": "electric fan, blower", + "546": "electric guitar", + "547": "electric locomotive", + "548": "entertainment center", + "549": "envelope", + "550": "espresso maker", + "551": "face powder", + "552": "feather boa, boa", + "553": "file, file cabinet, filing cabinet", + "554": "fireboat", + "555": "fire engine, fire truck", + "556": "fire screen, fireguard", + "557": "flagpole, flagstaff", + "558": "flute, transverse flute", + "559": "folding chair", + "560": "football helmet", + "561": "forklift", + "562": "fountain", + "563": "fountain pen", + "564": "four-poster", + "565": "freight car", + "566": "French horn, horn", + "567": "frying pan, frypan, skillet", + "568": "fur coat", + "569": "garbage truck, dustcart", + "570": "gasmask, respirator, gas helmet", + "571": "gas pump, gasoline pump, petrol pump, island dispenser", + "572": "goblet", + "573": "go-kart", + "574": "golf ball", + "575": "golfcart, golf cart", + "576": "gondola", + "577": "gong, tam-tam", + "578": "gown", + "579": "grand piano, grand", + "580": "greenhouse, nursery, glasshouse", + "581": "grille, radiator grille", + "582": "grocery store, grocery, food market, market", + "583": "guillotine", + "584": "hair slide", + "585": "hair spray", + "586": "half track", + "587": "hammer", + "588": "hamper", + "589": "hand blower, blow dryer, blow drier, hair dryer, hair drier", + "590": "hand-held computer, hand-held microcomputer", + "591": "handkerchief, hankie, hanky, hankey", + "592": "hard disc, hard disk, fixed disk", + "593": "harmonica, mouth organ, harp, mouth harp", + "594": "harp", + "595": "harvester, reaper", + "596": "hatchet", + "597": "holster", + "598": "home theater, home theatre", + "599": "honeycomb", + "600": "hook, claw", + "601": "hoopskirt, crinoline", + "602": "horizontal bar, high bar", + "603": "horse cart, horse-cart", + "604": "hourglass", + "605": "iPod", + "606": "iron, smoothing iron", + "607": "jack-o'-lantern", + "608": "jean, blue jean, denim", + "609": "jeep, landrover", + "610": "jersey, T-shirt, tee shirt", + "611": "jigsaw puzzle", + "612": "jinrikisha, ricksha, rickshaw", + "613": "joystick", + "614": "kimono", + "615": "knee pad", + "616": "knot", + "617": "lab coat, laboratory coat", + "618": "ladle", + "619": "lampshade, lamp shade", + "620": "laptop, laptop computer", + "621": "lawn mower, mower", + "622": "lens cap, lens cover", + "623": "letter opener, paper knife, paperknife", + "624": "library", + "625": "lifeboat", + "626": "lighter, light, igniter, ignitor", + "627": "limousine, limo", + "628": "liner, ocean liner", + "629": "lipstick, lip rouge", + "630": "Loafer", + "631": "lotion", + "632": "loudspeaker, speaker, speaker unit, loudspeaker system, speaker system", + "633": "loupe, jeweler's loupe", + "634": "lumbermill, sawmill", + "635": "magnetic compass", + "636": "mailbag, postbag", + "637": "mailbox, letter box", + "638": "maillot", + "639": "maillot, tank suit", + "640": "manhole cover", + "641": "maraca", + "642": "marimba, xylophone", + "643": "mask", + "644": "matchstick", + "645": "maypole", + "646": "maze, labyrinth", + "647": "measuring cup", + "648": "medicine chest, medicine cabinet", + "649": "megalith, megalithic structure", + "650": "microphone, mike", + "651": "microwave, microwave oven", + "652": "military uniform", + "653": "milk can", + "654": "minibus", + "655": "miniskirt, mini", + "656": "minivan", + "657": "missile", + "658": "mitten", + "659": "mixing bowl", + "660": "mobile home, manufactured home", + "661": "Model T", + "662": "modem", + "663": "monastery", + "664": "monitor", + "665": "moped", + "666": "mortar", + "667": "mortarboard", + "668": "mosque", + "669": "mosquito net", + "670": "motor scooter, scooter", + "671": "mountain bike, all-terrain bike, off-roader", + "672": "mountain tent", + "673": "mouse, computer mouse", + "674": "mousetrap", + "675": "moving van", + "676": "muzzle", + "677": "nail", + "678": "neck brace", + "679": "necklace", + "680": "nipple", + "681": "notebook, notebook computer", + "682": "obelisk", + "683": "oboe, hautboy, hautbois", + "684": "ocarina, sweet potato", + "685": "odometer, hodometer, mileometer, milometer", + "686": "oil filter", + "687": "organ, pipe organ", + "688": "oscilloscope, scope, cathode-ray oscilloscope, CRO", + "689": "overskirt", + "690": "oxcart", + "691": "oxygen mask", + "692": "packet", + "693": "paddle, boat paddle", + "694": "paddlewheel, paddle wheel", + "695": "padlock", + "696": "paintbrush", + "697": "pajama, pyjama, pj's, jammies", + "698": "palace", + "699": "panpipe, pandean pipe, syrinx", + "700": "paper towel", + "701": "parachute, chute", + "702": "parallel bars, bars", + "703": "park bench", + "704": "parking meter", + "705": "passenger car, coach, carriage", + "706": "patio, terrace", + "707": "pay-phone, pay-station", + "708": "pedestal, plinth, footstall", + "709": "pencil box, pencil case", + "710": "pencil sharpener", + "711": "perfume, essence", + "712": "Petri dish", + "713": "photocopier", + "714": "pick, plectrum, plectron", + "715": "pickelhaube", + "716": "picket fence, paling", + "717": "pickup, pickup truck", + "718": "pier", + "719": "piggy bank, penny bank", + "720": "pill bottle", + "721": "pillow", + "722": "ping-pong ball", + "723": "pinwheel", + "724": "pirate, pirate ship", + "725": "pitcher, ewer", + "726": "plane, carpenter's plane, woodworking plane", + "727": "planetarium", + "728": "plastic bag", + "729": "plate rack", + "730": "plow, plough", + "731": "plunger, plumber's helper", + "732": "Polaroid camera, Polaroid Land camera", + "733": "pole", + "734": "police van, police wagon, paddy wagon, patrol wagon, wagon, black Maria", + "735": "poncho", + "736": "pool table, billiard table, snooker table", + "737": "pop bottle, soda bottle", + "738": "pot, flowerpot", + "739": "potter's wheel", + "740": "power drill", + "741": "prayer rug, prayer mat", + "742": "printer", + "743": "prison, prison house", + "744": "projectile, missile", + "745": "projector", + "746": "puck, hockey puck", + "747": "punching bag, punch bag, punching ball, punchball", + "748": "purse", + "749": "quill, quill pen", + "750": "quilt, comforter, comfort, puff", + "751": "racer, race car, racing car", + "752": "racket, racquet", + "753": "radiator", + "754": "radio, wireless", + "755": "radio telescope, radio reflector", + "756": "rain barrel", + "757": "recreational vehicle, RV, R.V.", + "758": "reel", + "759": "reflex camera", + "760": "refrigerator, icebox", + "761": "remote control, remote", + "762": "restaurant, eating house, eating place, eatery", + "763": "revolver, six-gun, six-shooter", + "764": "rifle", + "765": "rocking chair, rocker", + "766": "rotisserie", + "767": "rubber eraser, rubber, pencil eraser", + "768": "rugby ball", + "769": "rule, ruler", + "770": "running shoe", + "771": "safe", + "772": "safety pin", + "773": "saltshaker, salt shaker", + "774": "sandal", + "775": "sarong", + "776": "sax, saxophone", + "777": "scabbard", + "778": "scale, weighing machine", + "779": "school bus", + "780": "schooner", + "781": "scoreboard", + "782": "screen, CRT screen", + "783": "screw", + "784": "screwdriver", + "785": "seat belt, seatbelt", + "786": "sewing machine", + "787": "shield, buckler", + "788": "shoe shop, shoe-shop, shoe store", + "789": "shoji", + "790": "shopping basket", + "791": "shopping cart", + "792": "shovel", + "793": "shower cap", + "794": "shower curtain", + "795": "ski", + "796": "ski mask", + "797": "sleeping bag", + "798": "slide rule, slipstick", + "799": "sliding door", + "800": "slot, one-armed bandit", + "801": "snorkel", + "802": "snowmobile", + "803": "snowplow, snowplough", + "804": "soap dispenser", + "805": "soccer ball", + "806": "sock", + "807": "solar dish, solar collector, solar furnace", + "808": "sombrero", + "809": "soup bowl", + "810": "space bar", + "811": "space heater", + "812": "space shuttle", + "813": "spatula", + "814": "speedboat", + "815": "spider web, spider's web", + "816": "spindle", + "817": "sports car, sport car", + "818": "spotlight, spot", + "819": "stage", + "820": "steam locomotive", + "821": "steel arch bridge", + "822": "steel drum", + "823": "stethoscope", + "824": "stole", + "825": "stone wall", + "826": "stopwatch, stop watch", + "827": "stove", + "828": "strainer", + "829": "streetcar, tram, tramcar, trolley, trolley car", + "830": "stretcher", + "831": "studio couch, day bed", + "832": "stupa, tope", + "833": "submarine, pigboat, sub, U-boat", + "834": "suit, suit of clothes", + "835": "sundial", + "836": "sunglass", + "837": "sunglasses, dark glasses, shades", + "838": "sunscreen, sunblock, sun blocker", + "839": "suspension bridge", + "840": "swab, swob, mop", + "841": "sweatshirt", + "842": "swimming trunks, bathing trunks", + "843": "swing", + "844": "switch, electric switch, electrical switch", + "845": "syringe", + "846": "table lamp", + "847": "tank, army tank, armored combat vehicle, armoured combat vehicle", + "848": "tape player", + "849": "teapot", + "850": "teddy, teddy bear", + "851": "television, television system", + "852": "tennis ball", + "853": "thatch, thatched roof", + "854": "theater curtain, theatre curtain", + "855": "thimble", + "856": "thresher, thrasher, threshing machine", + "857": "throne", + "858": "tile roof", + "859": "toaster", + "860": "tobacco shop, tobacconist shop, tobacconist", + "861": "toilet seat", + "862": "torch", + "863": "totem pole", + "864": "tow truck, tow car, wrecker", + "865": "toyshop", + "866": "tractor", + "867": "trailer truck, tractor trailer, trucking rig, rig, articulated lorry, semi", + "868": "tray", + "869": "trench coat", + "870": "tricycle, trike, velocipede", + "871": "trimaran", + "872": "tripod", + "873": "triumphal arch", + "874": "trolleybus, trolley coach, trackless trolley", + "875": "trombone", + "876": "tub, vat", + "877": "turnstile", + "878": "typewriter keyboard", + "879": "umbrella", + "880": "unicycle, monocycle", + "881": "upright, upright piano", + "882": "vacuum, vacuum cleaner", + "883": "vase", + "884": "vault", + "885": "velvet", + "886": "vending machine", + "887": "vestment", + "888": "viaduct", + "889": "violin, fiddle", + "890": "volleyball", + "891": "waffle iron", + "892": "wall clock", + "893": "wallet, billfold, notecase, pocketbook", + "894": "wardrobe, closet, press", + "895": "warplane, military plane", + "896": "washbasin, handbasin, washbowl, lavabo, wash-hand basin", + "897": "washer, automatic washer, washing machine", + "898": "water bottle", + "899": "water jug", + "900": "water tower", + "901": "whiskey jug", + "902": "whistle", + "903": "wig", + "904": "window screen", + "905": "window shade", + "906": "Windsor tie", + "907": "wine bottle", + "908": "wing", + "909": "wok", + "910": "wooden spoon", + "911": "wool, woolen, woollen", + "912": "worm fence, snake fence, snake-rail fence, Virginia fence", + "913": "wreck", + "914": "yawl", + "915": "yurt", + "916": "web site, website, internet site, site", + "917": "comic book", + "918": "crossword puzzle, crossword", + "919": "street sign", + "920": "traffic light, traffic signal, stoplight", + "921": "book jacket, dust cover, dust jacket, dust wrapper", + "922": "menu", + "923": "plate", + "924": "guacamole", + "925": "consomme", + "926": "hot pot, hotpot", + "927": "trifle", + "928": "ice cream, icecream", + "929": "ice lolly, lolly, lollipop, popsicle", + "930": "French loaf", + "931": "bagel, beigel", + "932": "pretzel", + "933": "cheeseburger", + "934": "hotdog, hot dog, red hot", + "935": "mashed potato", + "936": "head cabbage", + "937": "broccoli", + "938": "cauliflower", + "939": "zucchini, courgette", + "940": "spaghetti squash", + "941": "acorn squash", + "942": "butternut squash", + "943": "cucumber, cuke", + "944": "artichoke, globe artichoke", + "945": "bell pepper", + "946": "cardoon", + "947": "mushroom", + "948": "Granny Smith", + "949": "strawberry", + "950": "orange", + "951": "lemon", + "952": "fig", + "953": "pineapple, ananas", + "954": "banana", + "955": "jackfruit, jak, jack", + "956": "custard apple", + "957": "pomegranate", + "958": "hay", + "959": "carbonara", + "960": "chocolate sauce, chocolate syrup", + "961": "dough", + "962": "meat loaf, meatloaf", + "963": "pizza, pizza pie", + "964": "potpie", + "965": "burrito", + "966": "red wine", + "967": "espresso", + "968": "cup", + "969": "eggnog", + "970": "alp", + "971": "bubble", + "972": "cliff, drop, drop-off", + "973": "coral reef", + "974": "geyser", + "975": "lakeside, lakeshore", + "976": "promontory, headland, head, foreland", + "977": "sandbar, sand bar", + "978": "seashore, coast, seacoast, sea-coast", + "979": "valley, vale", + "980": "volcano", + "981": "ballplayer, baseball player", + "982": "groom, bridegroom", + "983": "scuba diver", + "984": "rapeseed", + "985": "daisy", + "986": "yellow lady's slipper, yellow lady-slipper, Cypripedium calceolus, Cypripedium parviflorum", + "987": "corn", + "988": "acorn", + "989": "hip, rose hip, rosehip", + "990": "buckeye, horse chestnut, conker", + "991": "coral fungus", + "992": "agaric", + "993": "gyromitra", + "994": "stinkhorn, carrion fungus", + "995": "earthstar", + "996": "hen-of-the-woods, hen of the woods, Polyporus frondosus, Grifola frondosa", + "997": "bolete", + "998": "ear, spike, capitulum", + "999": "toilet tissue, toilet paper, bathroom tissue" + }, + "image_size": 224, + "initializer_range": 0.02, + "intermediate_size": 3072, + "label2id": { + "Afghan hound, Afghan": 160, + "African chameleon, Chamaeleo chamaeleon": 47, + "African crocodile, Nile crocodile, Crocodylus niloticus": 49, + "African elephant, Loxodonta africana": 386, + "African grey, African gray, Psittacus erithacus": 87, + "African hunting dog, hyena dog, Cape hunting dog, Lycaon pictus": 275, + "Airedale, Airedale terrier": 191, + "American Staffordshire terrier, Staffordshire terrier, American pit bull terrier, pit bull terrier": 180, + "American alligator, Alligator mississipiensis": 50, + "American black bear, black bear, Ursus americanus, Euarctos americanus": 295, + "American chameleon, anole, Anolis carolinensis": 40, + "American coot, marsh hen, mud hen, water hen, Fulica americana": 137, + "American egret, great white heron, Egretta albus": 132, + "American lobster, Northern lobster, Maine lobster, Homarus americanus": 122, + "Angora, Angora rabbit": 332, + "Appenzeller": 240, + "Arabian camel, dromedary, Camelus dromedarius": 354, + "Arctic fox, white fox, Alopex lagopus": 279, + "Australian terrier": 193, + "Band Aid": 419, + "Bedlington terrier": 181, + "Bernese mountain dog": 239, + "Blenheim spaniel": 156, + "Border collie": 232, + "Border terrier": 182, + "Boston bull, Boston terrier": 195, + "Bouvier des Flandres, Bouviers des Flandres": 233, + "Brabancon griffon": 262, + "Brittany spaniel": 215, + "CD player": 485, + "Cardigan, Cardigan Welsh corgi": 264, + "Chesapeake Bay retriever": 209, + "Chihuahua": 151, + "Christmas stocking": 496, + "Crock Pot": 521, + "Dandie Dinmont, Dandie Dinmont terrier": 194, + "Doberman, Doberman pinscher": 236, + "Dungeness crab, Cancer magister": 118, + "Dutch oven": 544, + "Egyptian cat": 285, + "English foxhound": 167, + "English setter": 212, + "English springer, English springer spaniel": 217, + "EntleBucher": 241, + "Eskimo dog, husky": 248, + "European fire salamander, Salamandra salamandra": 25, + "European gallinule, Porphyrio porphyrio": 136, + "French bulldog": 245, + "French horn, horn": 566, + "French loaf": 930, + "German shepherd, German shepherd dog, German police dog, alsatian": 235, + "German short-haired pointer": 210, + "Gila monster, Heloderma suspectum": 45, + "Gordon setter": 214, + "Granny Smith": 948, + "Great Dane": 246, + "Great Pyrenees": 257, + "Greater Swiss Mountain dog": 238, + "Ibizan hound, Ibizan Podenco": 173, + "Indian cobra, Naja naja": 63, + "Indian elephant, Elephas maximus": 385, + "Irish setter, red setter": 213, + "Irish terrier": 184, + "Irish water spaniel": 221, + "Irish wolfhound": 170, + "Italian greyhound": 171, + "Japanese spaniel": 152, + "Kerry blue terrier": 183, + "Komodo dragon, Komodo lizard, dragon lizard, giant lizard, Varanus komodoensis": 48, + "Labrador retriever": 208, + "Lakeland terrier": 189, + "Leonberg": 255, + "Lhasa, Lhasa apso": 204, + "Loafer": 630, + "Madagascar cat, ring-tailed lemur, Lemur catta": 383, + "Maltese dog, Maltese terrier, Maltese": 153, + "Mexican hairless": 268, + "Model T": 661, + "Newfoundland, Newfoundland dog": 256, + "Norfolk terrier": 185, + "Norwegian elkhound, elkhound": 174, + "Norwich terrier": 186, + "Old English sheepdog, bobtail": 229, + "Pekinese, Pekingese, Peke": 154, + "Pembroke, Pembroke Welsh corgi": 263, + "Persian cat": 283, + "Petri dish": 712, + "Polaroid camera, Polaroid Land camera": 732, + "Pomeranian": 259, + "Rhodesian ridgeback": 159, + "Rottweiler": 234, + "Saint Bernard, St Bernard": 247, + "Saluki, gazelle hound": 176, + "Samoyed, Samoyede": 258, + "Scotch terrier, Scottish terrier, Scottie": 199, + "Scottish deerhound, deerhound": 177, + "Sealyham terrier, Sealyham": 190, + "Shetland sheepdog, Shetland sheep dog, Shetland": 230, + "Shih-Tzu": 155, + "Siamese cat, Siamese": 284, + "Siberian husky": 250, + "Staffordshire bullterrier, Staffordshire bull terrier": 179, + "Sussex spaniel": 220, + "Tibetan mastiff": 244, + "Tibetan terrier, chrysanthemum dog": 200, + "Walker hound, Walker foxhound": 166, + "Weimaraner": 178, + "Welsh springer spaniel": 218, + "West Highland white terrier": 203, + "Windsor tie": 906, + "Yorkshire terrier": 187, + "abacus": 398, + "abaya": 399, + "academic gown, academic robe, judge's robe": 400, + "accordion, piano accordion, squeeze box": 401, + "acorn": 988, + "acorn squash": 941, + "acoustic guitar": 402, + "admiral": 321, + "affenpinscher, monkey pinscher, monkey dog": 252, + "agama": 42, + "agaric": 992, + "aircraft carrier, carrier, flattop, attack aircraft carrier": 403, + "airliner": 404, + "airship, dirigible": 405, + "albatross, mollymawk": 146, + "alligator lizard": 44, + "alp": 970, + "altar": 406, + "ambulance": 407, + "amphibian, amphibious vehicle": 408, + "analog clock": 409, + "anemone fish": 393, + "ant, emmet, pismire": 310, + "apiary, bee house": 410, + "apron": 411, + "armadillo": 363, + "artichoke, globe artichoke": 944, + "ashcan, trash can, garbage can, wastebin, ash bin, ash-bin, ashbin, dustbin, trash barrel, trash bin": 412, + "assault rifle, assault gun": 413, + "axolotl, mud puppy, Ambystoma mexicanum": 29, + "baboon": 372, + "backpack, back pack, knapsack, packsack, rucksack, haversack": 414, + "badger": 362, + "bagel, beigel": 931, + "bakery, bakeshop, bakehouse": 415, + "balance beam, beam": 416, + "bald eagle, American eagle, Haliaeetus leucocephalus": 22, + "balloon": 417, + "ballplayer, baseball player": 981, + "ballpoint, ballpoint pen, ballpen, Biro": 418, + "banana": 954, + "banded gecko": 38, + "banjo": 420, + "bannister, banister, balustrade, balusters, handrail": 421, + "barbell": 422, + "barber chair": 423, + "barbershop": 424, + "barn": 425, + "barn spider, Araneus cavaticus": 73, + "barometer": 426, + "barracouta, snoek": 389, + "barrel, cask": 427, + "barrow, garden cart, lawn cart, wheelbarrow": 428, + "baseball": 429, + "basenji": 253, + "basketball": 430, + "basset, basset hound": 161, + "bassinet": 431, + "bassoon": 432, + "bath towel": 434, + "bathing cap, swimming cap": 433, + "bathtub, bathing tub, bath, tub": 435, + "beach wagon, station wagon, wagon, estate car, beach waggon, station waggon, waggon": 436, + "beacon, lighthouse, beacon light, pharos": 437, + "beagle": 162, + "beaker": 438, + "bearskin, busby, shako": 439, + "beaver": 337, + "bee": 309, + "bee eater": 92, + "beer bottle": 440, + "beer glass": 441, + "bell cote, bell cot": 442, + "bell pepper": 945, + "bib": 443, + "bicycle-built-for-two, tandem bicycle, tandem": 444, + "bighorn, bighorn sheep, cimarron, Rocky Mountain bighorn, Rocky Mountain sheep, Ovis canadensis": 349, + "bikini, two-piece": 445, + "binder, ring-binder": 446, + "binoculars, field glasses, opera glasses": 447, + "birdhouse": 448, + "bison": 347, + "bittern": 133, + "black and gold garden spider, Argiope aurantia": 72, + "black grouse": 80, + "black stork, Ciconia nigra": 128, + "black swan, Cygnus atratus": 100, + "black widow, Latrodectus mactans": 75, + "black-and-tan coonhound": 165, + "black-footed ferret, ferret, Mustela nigripes": 359, + "bloodhound, sleuthhound": 163, + "bluetick": 164, + "boa constrictor, Constrictor constrictor": 61, + "boathouse": 449, + "bobsled, bobsleigh, bob": 450, + "bolete": 997, + "bolo tie, bolo, bola tie, bola": 451, + "bonnet, poke bonnet": 452, + "book jacket, dust cover, dust jacket, dust wrapper": 921, + "bookcase": 453, + "bookshop, bookstore, bookstall": 454, + "borzoi, Russian wolfhound": 169, + "bottlecap": 455, + "bow": 456, + "bow tie, bow-tie, bowtie": 457, + "box turtle, box tortoise": 37, + "boxer": 242, + "brain coral": 109, + "brambling, Fringilla montifringilla": 10, + "brass, memorial tablet, plaque": 458, + "brassiere, bra, bandeau": 459, + "breakwater, groin, groyne, mole, bulwark, seawall, jetty": 460, + "breastplate, aegis, egis": 461, + "briard": 226, + "broccoli": 937, + "broom": 462, + "brown bear, bruin, Ursus arctos": 294, + "bubble": 971, + "bucket, pail": 463, + "buckeye, horse chestnut, conker": 990, + "buckle": 464, + "bulbul": 16, + "bull mastiff": 243, + "bullet train, bullet": 466, + "bulletproof vest": 465, + "bullfrog, Rana catesbeiana": 30, + "burrito": 965, + "bustard": 138, + "butcher shop, meat market": 467, + "butternut squash": 942, + "cab, hack, taxi, taxicab": 468, + "cabbage butterfly": 324, + "cairn, cairn terrier": 192, + "caldron, cauldron": 469, + "can opener, tin opener": 473, + "candle, taper, wax light": 470, + "cannon": 471, + "canoe": 472, + "capuchin, ringtail, Cebus capucinus": 378, + "car mirror": 475, + "car wheel": 479, + "carbonara": 959, + "cardigan": 474, + "cardoon": 946, + "carousel, carrousel, merry-go-round, roundabout, whirligig": 476, + "carpenter's kit, tool kit": 477, + "carton": 478, + "cash machine, cash dispenser, automated teller machine, automatic teller machine, automated teller, automatic teller, ATM": 480, + "cassette": 481, + "cassette player": 482, + "castle": 483, + "catamaran": 484, + "cauliflower": 938, + "cello, violoncello": 486, + "cellular telephone, cellular phone, cellphone, cell, mobile phone": 487, + "centipede": 79, + "chain": 488, + "chain mail, ring mail, mail, chain armor, chain armour, ring armor, ring armour": 490, + "chain saw, chainsaw": 491, + "chainlink fence": 489, + "chambered nautilus, pearly nautilus, nautilus": 117, + "cheeseburger": 933, + "cheetah, chetah, Acinonyx jubatus": 293, + "chest": 492, + "chickadee": 19, + "chiffonier, commode": 493, + "chime, bell, gong": 494, + "chimpanzee, chimp, Pan troglodytes": 367, + "china cabinet, china closet": 495, + "chiton, coat-of-mail shell, sea cradle, polyplacophore": 116, + "chocolate sauce, chocolate syrup": 960, + "chow, chow chow": 260, + "church, church building": 497, + "cicada, cicala": 316, + "cinema, movie theater, movie theatre, movie house, picture palace": 498, + "cleaver, meat cleaver, chopper": 499, + "cliff dwelling": 500, + "cliff, drop, drop-off": 972, + "cloak": 501, + "clog, geta, patten, sabot": 502, + "clumber, clumber spaniel": 216, + "cock": 7, + "cocker spaniel, English cocker spaniel, cocker": 219, + "cockroach, roach": 314, + "cocktail shaker": 503, + "coffee mug": 504, + "coffeepot": 505, + "coho, cohoe, coho salmon, blue jack, silver salmon, Oncorhynchus kisutch": 391, + "coil, spiral, volute, whorl, helix": 506, + "collie": 231, + "colobus, colobus monkey": 375, + "combination lock": 507, + "comic book": 917, + "common iguana, iguana, Iguana iguana": 39, + "common newt, Triturus vulgaris": 26, + "computer keyboard, keypad": 508, + "conch": 112, + "confectionery, confectionary, candy store": 509, + "consomme": 925, + "container ship, containership, container vessel": 510, + "convertible": 511, + "coral fungus": 991, + "coral reef": 973, + "corkscrew, bottle screw": 512, + "corn": 987, + "cornet, horn, trumpet, trump": 513, + "coucal": 91, + "cougar, puma, catamount, mountain lion, painter, panther, Felis concolor": 286, + "cowboy boot": 514, + "cowboy hat, ten-gallon hat": 515, + "coyote, prairie wolf, brush wolf, Canis latrans": 272, + "cradle": 516, + "crane": 517, + "crash helmet": 518, + "crate": 519, + "crayfish, crawfish, crawdad, crawdaddy": 124, + "crib, cot": 520, + "cricket": 312, + "croquet ball": 522, + "crossword puzzle, crossword": 918, + "crutch": 523, + "cucumber, cuke": 943, + "cuirass": 524, + "cup": 968, + "curly-coated retriever": 206, + "custard apple": 956, + "daisy": 985, + "dalmatian, coach dog, carriage dog": 251, + "dam, dike, dyke": 525, + "damselfly": 320, + "desk": 526, + "desktop computer": 527, + "dhole, Cuon alpinus": 274, + "dial telephone, dial phone": 528, + "diamondback, diamondback rattlesnake, Crotalus adamanteus": 67, + "diaper, nappy, napkin": 529, + "digital clock": 530, + "digital watch": 531, + "dingo, warrigal, warragal, Canis dingo": 273, + "dining table, board": 532, + "dishrag, dishcloth": 533, + "dishwasher, dish washer, dishwashing machine": 534, + "disk brake, disc brake": 535, + "dock, dockage, docking facility": 536, + "dogsled, dog sled, dog sleigh": 537, + "dome": 538, + "doormat, welcome mat": 539, + "dough": 961, + "dowitcher": 142, + "dragonfly, darning needle, devil's darning needle, sewing needle, snake feeder, snake doctor, mosquito hawk, skeeter hawk": 319, + "drake": 97, + "drilling platform, offshore rig": 540, + "drum, membranophone, tympan": 541, + "drumstick": 542, + "dugong, Dugong dugon": 149, + "dumbbell": 543, + "dung beetle": 305, + "ear, spike, capitulum": 998, + "earthstar": 995, + "echidna, spiny anteater, anteater": 102, + "eel": 390, + "eft": 27, + "eggnog": 969, + "electric fan, blower": 545, + "electric guitar": 546, + "electric locomotive": 547, + "electric ray, crampfish, numbfish, torpedo": 5, + "entertainment center": 548, + "envelope": 549, + "espresso": 967, + "espresso maker": 550, + "face powder": 551, + "feather boa, boa": 552, + "fiddler crab": 120, + "fig": 952, + "file, file cabinet, filing cabinet": 553, + "fire engine, fire truck": 555, + "fire screen, fireguard": 556, + "fireboat": 554, + "flagpole, flagstaff": 557, + "flamingo": 130, + "flat-coated retriever": 205, + "flatworm, platyhelminth": 110, + "flute, transverse flute": 558, + "fly": 308, + "folding chair": 559, + "football helmet": 560, + "forklift": 561, + "fountain": 562, + "fountain pen": 563, + "four-poster": 564, + "fox squirrel, eastern fox squirrel, Sciurus niger": 335, + "freight car": 565, + "frilled lizard, Chlamydosaurus kingi": 43, + "frying pan, frypan, skillet": 567, + "fur coat": 568, + "gar, garfish, garpike, billfish, Lepisosteus osseus": 395, + "garbage truck, dustcart": 569, + "garden spider, Aranea diademata": 74, + "garter snake, grass snake": 57, + "gas pump, gasoline pump, petrol pump, island dispenser": 571, + "gasmask, respirator, gas helmet": 570, + "gazelle": 353, + "geyser": 974, + "giant panda, panda, panda bear, coon bear, Ailuropoda melanoleuca": 388, + "giant schnauzer": 197, + "gibbon, Hylobates lar": 368, + "go-kart": 573, + "goblet": 572, + "golden retriever": 207, + "goldfinch, Carduelis carduelis": 11, + "goldfish, Carassius auratus": 1, + "golf ball": 574, + "golfcart, golf cart": 575, + "gondola": 576, + "gong, tam-tam": 577, + "goose": 99, + "gorilla, Gorilla gorilla": 366, + "gown": 578, + "grand piano, grand": 579, + "grasshopper, hopper": 311, + "great grey owl, great gray owl, Strix nebulosa": 24, + "great white shark, white shark, man-eater, man-eating shark, Carcharodon carcharias": 2, + "green lizard, Lacerta viridis": 46, + "green mamba": 64, + "green snake, grass snake": 55, + "greenhouse, nursery, glasshouse": 580, + "grey fox, gray fox, Urocyon cinereoargenteus": 280, + "grey whale, gray whale, devilfish, Eschrichtius gibbosus, Eschrichtius robustus": 147, + "grille, radiator grille": 581, + "grocery store, grocery, food market, market": 582, + "groenendael": 224, + "groom, bridegroom": 982, + "ground beetle, carabid beetle": 302, + "guacamole": 924, + "guenon, guenon monkey": 370, + "guillotine": 583, + "guinea pig, Cavia cobaya": 338, + "gyromitra": 993, + "hair slide": 584, + "hair spray": 585, + "half track": 586, + "hammer": 587, + "hammerhead, hammerhead shark": 4, + "hamper": 588, + "hamster": 333, + "hand blower, blow dryer, blow drier, hair dryer, hair drier": 589, + "hand-held computer, hand-held microcomputer": 590, + "handkerchief, hankie, hanky, hankey": 591, + "hard disc, hard disk, fixed disk": 592, + "hare": 331, + "harmonica, mouth organ, harp, mouth harp": 593, + "harp": 594, + "hartebeest": 351, + "harvester, reaper": 595, + "harvestman, daddy longlegs, Phalangium opilio": 70, + "hatchet": 596, + "hay": 958, + "head cabbage": 936, + "hen": 8, + "hen-of-the-woods, hen of the woods, Polyporus frondosus, Grifola frondosa": 996, + "hermit crab": 125, + "hip, rose hip, rosehip": 989, + "hippopotamus, hippo, river horse, Hippopotamus amphibius": 344, + "hog, pig, grunter, squealer, Sus scrofa": 341, + "hognose snake, puff adder, sand viper": 54, + "holster": 597, + "home theater, home theatre": 598, + "honeycomb": 599, + "hook, claw": 600, + "hoopskirt, crinoline": 601, + "horizontal bar, high bar": 602, + "hornbill": 93, + "horned viper, cerastes, sand viper, horned asp, Cerastes cornutus": 66, + "horse cart, horse-cart": 603, + "hot pot, hotpot": 926, + "hotdog, hot dog, red hot": 934, + "hourglass": 604, + "house finch, linnet, Carpodacus mexicanus": 12, + "howler monkey, howler": 379, + "hummingbird": 94, + "hyena, hyaena": 276, + "iPod": 605, + "ibex, Capra ibex": 350, + "ice bear, polar bear, Ursus Maritimus, Thalarctos maritimus": 296, + "ice cream, icecream": 928, + "ice lolly, lolly, lollipop, popsicle": 929, + "impala, Aepyceros melampus": 352, + "indigo bunting, indigo finch, indigo bird, Passerina cyanea": 14, + "indri, indris, Indri indri, Indri brevicaudatus": 384, + "iron, smoothing iron": 606, + "isopod": 126, + "jacamar": 95, + "jack-o'-lantern": 607, + "jackfruit, jak, jack": 955, + "jaguar, panther, Panthera onca, Felis onca": 290, + "jay": 17, + "jean, blue jean, denim": 608, + "jeep, landrover": 609, + "jellyfish": 107, + "jersey, T-shirt, tee shirt": 610, + "jigsaw puzzle": 611, + "jinrikisha, ricksha, rickshaw": 612, + "joystick": 613, + "junco, snowbird": 13, + "keeshond": 261, + "kelpie": 227, + "killer whale, killer, orca, grampus, sea wolf, Orcinus orca": 148, + "kimono": 614, + "king crab, Alaska crab, Alaskan king crab, Alaska king crab, Paralithodes camtschatica": 121, + "king penguin, Aptenodytes patagonica": 145, + "king snake, kingsnake": 56, + "kit fox, Vulpes macrotis": 278, + "kite": 21, + "knee pad": 615, + "knot": 616, + "koala, koala bear, kangaroo bear, native bear, Phascolarctos cinereus": 105, + "komondor": 228, + "kuvasz": 222, + "lab coat, laboratory coat": 617, + "lacewing, lacewing fly": 318, + "ladle": 618, + "ladybug, ladybeetle, lady beetle, ladybird, ladybird beetle": 301, + "lakeside, lakeshore": 975, + "lampshade, lamp shade": 619, + "langur": 374, + "laptop, laptop computer": 620, + "lawn mower, mower": 621, + "leaf beetle, chrysomelid": 304, + "leafhopper": 317, + "leatherback turtle, leatherback, leathery turtle, Dermochelys coriacea": 34, + "lemon": 951, + "lens cap, lens cover": 622, + "leopard, Panthera pardus": 288, + "lesser panda, red panda, panda, bear cat, cat bear, Ailurus fulgens": 387, + "letter opener, paper knife, paperknife": 623, + "library": 624, + "lifeboat": 625, + "lighter, light, igniter, ignitor": 626, + "limousine, limo": 627, + "limpkin, Aramus pictus": 135, + "liner, ocean liner": 628, + "lion, king of beasts, Panthera leo": 291, + "lionfish": 396, + "lipstick, lip rouge": 629, + "little blue heron, Egretta caerulea": 131, + "llama": 355, + "loggerhead, loggerhead turtle, Caretta caretta": 33, + "long-horned beetle, longicorn, longicorn beetle": 303, + "lorikeet": 90, + "lotion": 631, + "loudspeaker, speaker, speaker unit, loudspeaker system, speaker system": 632, + "loupe, jeweler's loupe": 633, + "lumbermill, sawmill": 634, + "lycaenid, lycaenid butterfly": 326, + "lynx, catamount": 287, + "macaque": 373, + "macaw": 88, + "magnetic compass": 635, + "magpie": 18, + "mailbag, postbag": 636, + "mailbox, letter box": 637, + "maillot": 638, + "maillot, tank suit": 639, + "malamute, malemute, Alaskan malamute": 249, + "malinois": 225, + "manhole cover": 640, + "mantis, mantid": 315, + "maraca": 641, + "marimba, xylophone": 642, + "marmoset": 377, + "marmot": 336, + "mashed potato": 935, + "mask": 643, + "matchstick": 644, + "maypole": 645, + "maze, labyrinth": 646, + "measuring cup": 647, + "meat loaf, meatloaf": 962, + "medicine chest, medicine cabinet": 648, + "meerkat, mierkat": 299, + "megalith, megalithic structure": 649, + "menu": 922, + "microphone, mike": 650, + "microwave, microwave oven": 651, + "military uniform": 652, + "milk can": 653, + "miniature pinscher": 237, + "miniature poodle": 266, + "miniature schnauzer": 196, + "minibus": 654, + "miniskirt, mini": 655, + "minivan": 656, + "mink": 357, + "missile": 657, + "mitten": 658, + "mixing bowl": 659, + "mobile home, manufactured home": 660, + "modem": 662, + "monarch, monarch butterfly, milkweed butterfly, Danaus plexippus": 323, + "monastery": 663, + "mongoose": 298, + "monitor": 664, + "moped": 665, + "mortar": 666, + "mortarboard": 667, + "mosque": 668, + "mosquito net": 669, + "motor scooter, scooter": 670, + "mountain bike, all-terrain bike, off-roader": 671, + "mountain tent": 672, + "mouse, computer mouse": 673, + "mousetrap": 674, + "moving van": 675, + "mud turtle": 35, + "mushroom": 947, + "muzzle": 676, + "nail": 677, + "neck brace": 678, + "necklace": 679, + "nematode, nematode worm, roundworm": 111, + "night snake, Hypsiglena torquata": 60, + "nipple": 680, + "notebook, notebook computer": 681, + "obelisk": 682, + "oboe, hautboy, hautbois": 683, + "ocarina, sweet potato": 684, + "odometer, hodometer, mileometer, milometer": 685, + "oil filter": 686, + "orange": 950, + "orangutan, orang, orangutang, Pongo pygmaeus": 365, + "organ, pipe organ": 687, + "oscilloscope, scope, cathode-ray oscilloscope, CRO": 688, + "ostrich, Struthio camelus": 9, + "otter": 360, + "otterhound, otter hound": 175, + "overskirt": 689, + "ox": 345, + "oxcart": 690, + "oxygen mask": 691, + "oystercatcher, oyster catcher": 143, + "packet": 692, + "paddle, boat paddle": 693, + "paddlewheel, paddle wheel": 694, + "padlock": 695, + "paintbrush": 696, + "pajama, pyjama, pj's, jammies": 697, + "palace": 698, + "panpipe, pandean pipe, syrinx": 699, + "paper towel": 700, + "papillon": 157, + "parachute, chute": 701, + "parallel bars, bars": 702, + "park bench": 703, + "parking meter": 704, + "partridge": 86, + "passenger car, coach, carriage": 705, + "patas, hussar monkey, Erythrocebus patas": 371, + "patio, terrace": 706, + "pay-phone, pay-station": 707, + "peacock": 84, + "pedestal, plinth, footstall": 708, + "pelican": 144, + "pencil box, pencil case": 709, + "pencil sharpener": 710, + "perfume, essence": 711, + "photocopier": 713, + "pick, plectrum, plectron": 714, + "pickelhaube": 715, + "picket fence, paling": 716, + "pickup, pickup truck": 717, + "pier": 718, + "piggy bank, penny bank": 719, + "pill bottle": 720, + "pillow": 721, + "pineapple, ananas": 953, + "ping-pong ball": 722, + "pinwheel": 723, + "pirate, pirate ship": 724, + "pitcher, ewer": 725, + "pizza, pizza pie": 963, + "plane, carpenter's plane, woodworking plane": 726, + "planetarium": 727, + "plastic bag": 728, + "plate": 923, + "plate rack": 729, + "platypus, duckbill, duckbilled platypus, duck-billed platypus, Ornithorhynchus anatinus": 103, + "plow, plough": 730, + "plunger, plumber's helper": 731, + "pole": 733, + "polecat, fitch, foulmart, foumart, Mustela putorius": 358, + "police van, police wagon, paddy wagon, patrol wagon, wagon, black Maria": 734, + "pomegranate": 957, + "poncho": 735, + "pool table, billiard table, snooker table": 736, + "pop bottle, soda bottle": 737, + "porcupine, hedgehog": 334, + "pot, flowerpot": 738, + "potpie": 964, + "potter's wheel": 739, + "power drill": 740, + "prairie chicken, prairie grouse, prairie fowl": 83, + "prayer rug, prayer mat": 741, + "pretzel": 932, + "printer": 742, + "prison, prison house": 743, + "proboscis monkey, Nasalis larvatus": 376, + "projectile, missile": 744, + "projector": 745, + "promontory, headland, head, foreland": 976, + "ptarmigan": 81, + "puck, hockey puck": 746, + "puffer, pufferfish, blowfish, globefish": 397, + "pug, pug-dog": 254, + "punching bag, punch bag, punching ball, punchball": 747, + "purse": 748, + "quail": 85, + "quill, quill pen": 749, + "quilt, comforter, comfort, puff": 750, + "racer, race car, racing car": 751, + "racket, racquet": 752, + "radiator": 753, + "radio telescope, radio reflector": 755, + "radio, wireless": 754, + "rain barrel": 756, + "ram, tup": 348, + "rapeseed": 984, + "recreational vehicle, RV, R.V.": 757, + "red fox, Vulpes vulpes": 277, + "red wine": 966, + "red wolf, maned wolf, Canis rufus, Canis niger": 271, + "red-backed sandpiper, dunlin, Erolia alpina": 140, + "red-breasted merganser, Mergus serrator": 98, + "redbone": 168, + "redshank, Tringa totanus": 141, + "reel": 758, + "reflex camera": 759, + "refrigerator, icebox": 760, + "remote control, remote": 761, + "restaurant, eating house, eating place, eatery": 762, + "revolver, six-gun, six-shooter": 763, + "rhinoceros beetle": 306, + "rifle": 764, + "ringlet, ringlet butterfly": 322, + "ringneck snake, ring-necked snake, ring snake": 53, + "robin, American robin, Turdus migratorius": 15, + "rock beauty, Holocanthus tricolor": 392, + "rock crab, Cancer irroratus": 119, + "rock python, rock snake, Python sebae": 62, + "rocking chair, rocker": 765, + "rotisserie": 766, + "rubber eraser, rubber, pencil eraser": 767, + "ruddy turnstone, Arenaria interpres": 139, + "ruffed grouse, partridge, Bonasa umbellus": 82, + "rugby ball": 768, + "rule, ruler": 769, + "running shoe": 770, + "safe": 771, + "safety pin": 772, + "saltshaker, salt shaker": 773, + "sandal": 774, + "sandbar, sand bar": 977, + "sarong": 775, + "sax, saxophone": 776, + "scabbard": 777, + "scale, weighing machine": 778, + "schipperke": 223, + "school bus": 779, + "schooner": 780, + "scoreboard": 781, + "scorpion": 71, + "screen, CRT screen": 782, + "screw": 783, + "screwdriver": 784, + "scuba diver": 983, + "sea anemone, anemone": 108, + "sea cucumber, holothurian": 329, + "sea lion": 150, + "sea slug, nudibranch": 115, + "sea snake": 65, + "sea urchin": 328, + "seashore, coast, seacoast, sea-coast": 978, + "seat belt, seatbelt": 785, + "sewing machine": 786, + "shield, buckler": 787, + "shoe shop, shoe-shop, shoe store": 788, + "shoji": 789, + "shopping basket": 790, + "shopping cart": 791, + "shovel": 792, + "shower cap": 793, + "shower curtain": 794, + "siamang, Hylobates syndactylus, Symphalangus syndactylus": 369, + "sidewinder, horned rattlesnake, Crotalus cerastes": 68, + "silky terrier, Sydney silky": 201, + "ski": 795, + "ski mask": 796, + "skunk, polecat, wood pussy": 361, + "sleeping bag": 797, + "slide rule, slipstick": 798, + "sliding door": 799, + "slot, one-armed bandit": 800, + "sloth bear, Melursus ursinus, Ursus ursinus": 297, + "slug": 114, + "snail": 113, + "snorkel": 801, + "snow leopard, ounce, Panthera uncia": 289, + "snowmobile": 802, + "snowplow, snowplough": 803, + "soap dispenser": 804, + "soccer ball": 805, + "sock": 806, + "soft-coated wheaten terrier": 202, + "solar dish, solar collector, solar furnace": 807, + "sombrero": 808, + "sorrel": 339, + "soup bowl": 809, + "space bar": 810, + "space heater": 811, + "space shuttle": 812, + "spaghetti squash": 940, + "spatula": 813, + "speedboat": 814, + "spider monkey, Ateles geoffroyi": 381, + "spider web, spider's web": 815, + "spindle": 816, + "spiny lobster, langouste, rock lobster, crawfish, crayfish, sea crawfish": 123, + "spoonbill": 129, + "sports car, sport car": 817, + "spotlight, spot": 818, + "spotted salamander, Ambystoma maculatum": 28, + "squirrel monkey, Saimiri sciureus": 382, + "stage": 819, + "standard poodle": 267, + "standard schnauzer": 198, + "starfish, sea star": 327, + "steam locomotive": 820, + "steel arch bridge": 821, + "steel drum": 822, + "stethoscope": 823, + "stingray": 6, + "stinkhorn, carrion fungus": 994, + "stole": 824, + "stone wall": 825, + "stopwatch, stop watch": 826, + "stove": 827, + "strainer": 828, + "strawberry": 949, + "street sign": 919, + "streetcar, tram, tramcar, trolley, trolley car": 829, + "stretcher": 830, + "studio couch, day bed": 831, + "stupa, tope": 832, + "sturgeon": 394, + "submarine, pigboat, sub, U-boat": 833, + "suit, suit of clothes": 834, + "sulphur butterfly, sulfur butterfly": 325, + "sulphur-crested cockatoo, Kakatoe galerita, Cacatua galerita": 89, + "sundial": 835, + "sunglass": 836, + "sunglasses, dark glasses, shades": 837, + "sunscreen, sunblock, sun blocker": 838, + "suspension bridge": 839, + "swab, swob, mop": 840, + "sweatshirt": 841, + "swimming trunks, bathing trunks": 842, + "swing": 843, + "switch, electric switch, electrical switch": 844, + "syringe": 845, + "tabby, tabby cat": 281, + "table lamp": 846, + "tailed frog, bell toad, ribbed toad, tailed toad, Ascaphus trui": 32, + "tank, army tank, armored combat vehicle, armoured combat vehicle": 847, + "tape player": 848, + "tarantula": 76, + "teapot": 849, + "teddy, teddy bear": 850, + "television, television system": 851, + "tench, Tinca tinca": 0, + "tennis ball": 852, + "terrapin": 36, + "thatch, thatched roof": 853, + "theater curtain, theatre curtain": 854, + "thimble": 855, + "three-toed sloth, ai, Bradypus tridactylus": 364, + "thresher, thrasher, threshing machine": 856, + "throne": 857, + "thunder snake, worm snake, Carphophis amoenus": 52, + "tick": 78, + "tiger beetle": 300, + "tiger cat": 282, + "tiger shark, Galeocerdo cuvieri": 3, + "tiger, Panthera tigris": 292, + "tile roof": 858, + "timber wolf, grey wolf, gray wolf, Canis lupus": 269, + "titi, titi monkey": 380, + "toaster": 859, + "tobacco shop, tobacconist shop, tobacconist": 860, + "toilet seat": 861, + "toilet tissue, toilet paper, bathroom tissue": 999, + "torch": 862, + "totem pole": 863, + "toucan": 96, + "tow truck, tow car, wrecker": 864, + "toy poodle": 265, + "toy terrier": 158, + "toyshop": 865, + "tractor": 866, + "traffic light, traffic signal, stoplight": 920, + "trailer truck, tractor trailer, trucking rig, rig, articulated lorry, semi": 867, + "tray": 868, + "tree frog, tree-frog": 31, + "trench coat": 869, + "triceratops": 51, + "tricycle, trike, velocipede": 870, + "trifle": 927, + "trilobite": 69, + "trimaran": 871, + "tripod": 872, + "triumphal arch": 873, + "trolleybus, trolley coach, trackless trolley": 874, + "trombone": 875, + "tub, vat": 876, + "turnstile": 877, + "tusker": 101, + "typewriter keyboard": 878, + "umbrella": 879, + "unicycle, monocycle": 880, + "upright, upright piano": 881, + "vacuum, vacuum cleaner": 882, + "valley, vale": 979, + "vase": 883, + "vault": 884, + "velvet": 885, + "vending machine": 886, + "vestment": 887, + "viaduct": 888, + "vine snake": 59, + "violin, fiddle": 889, + "vizsla, Hungarian pointer": 211, + "volcano": 980, + "volleyball": 890, + "vulture": 23, + "waffle iron": 891, + "walking stick, walkingstick, stick insect": 313, + "wall clock": 892, + "wallaby, brush kangaroo": 104, + "wallet, billfold, notecase, pocketbook": 893, + "wardrobe, closet, press": 894, + "warplane, military plane": 895, + "warthog": 343, + "washbasin, handbasin, washbowl, lavabo, wash-hand basin": 896, + "washer, automatic washer, washing machine": 897, + "water bottle": 898, + "water buffalo, water ox, Asiatic buffalo, Bubalus bubalis": 346, + "water jug": 899, + "water ouzel, dipper": 20, + "water snake": 58, + "water tower": 900, + "weasel": 356, + "web site, website, internet site, site": 916, + "weevil": 307, + "whippet": 172, + "whiptail, whiptail lizard": 41, + "whiskey jug": 901, + "whistle": 902, + "white stork, Ciconia ciconia": 127, + "white wolf, Arctic wolf, Canis lupus tundrarum": 270, + "wig": 903, + "wild boar, boar, Sus scrofa": 342, + "window screen": 904, + "window shade": 905, + "wine bottle": 907, + "wing": 908, + "wire-haired fox terrier": 188, + "wok": 909, + "wolf spider, hunting spider": 77, + "wombat": 106, + "wood rabbit, cottontail, cottontail rabbit": 330, + "wooden spoon": 910, + "wool, woolen, woollen": 911, + "worm fence, snake fence, snake-rail fence, Virginia fence": 912, + "wreck": 913, + "yawl": 914, + "yellow lady's slipper, yellow lady-slipper, Cypripedium calceolus, Cypripedium parviflorum": 986, + "yurt": 915, + "zebra": 340, + "zucchini, courgette": 939 + }, + "layer_norm_eps": 1e-12, + "model_type": "vit", + "num_attention_heads": 12, + "num_channels": 3, + "num_hidden_layers": 12, + "patch_size": 16, + "qkv_bias": true, + "torch_dtype": "float32", + "transformers_version": "4.44.2" +} diff --git a/chatbot/models/500/model.safetensors b/chatbot/models/500/model.safetensors new file mode 100644 index 0000000000000000000000000000000000000000..e4467716ee6882d4bb71fd3c5c348a8fb3a8ea0c --- /dev/null +++ b/chatbot/models/500/model.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d46ec8a4f83d8d75025bb7d299730df4642b3ab7082cb6594d94bcc7c69491e1 +size 343220892 diff --git a/chatbot/models/HuggingFaceTB/SmolLM2-1.7B-Instruct/config.json b/chatbot/models/HuggingFaceTB/SmolLM2-1.7B-Instruct/config.json new file mode 100644 index 0000000000000000000000000000000000000000..ab8343c9f490563204a9a72dc1e6e9918ef4592e --- /dev/null +++ b/chatbot/models/HuggingFaceTB/SmolLM2-1.7B-Instruct/config.json @@ -0,0 +1,37 @@ +{ + "_name_or_path": "HuggingFaceTB/SmolLM2-1.7B-Instruct", + "architectures": [ + "LlamaForCausalLM" + ], + "attention_bias": false, + "attention_dropout": 0.0, + "bos_token_id": 1, + "eos_token_id": 2, + "head_dim": 64, + "hidden_act": "silu", + "hidden_size": 2048, + "initializer_range": 0.02, + "intermediate_size": 8192, + "max_position_embeddings": 8192, + "mlp_bias": false, + "model_type": "llama", + "num_attention_heads": 32, + "num_hidden_layers": 24, + "num_key_value_heads": 32, + "pad_token_id": 2, + "pretraining_tp": 1, + "rms_norm_eps": 1e-05, + "rope_scaling": null, + "rope_theta": 130000, + "tie_word_embeddings": true, + "torch_dtype": "float32", + "transformers.js_config": { + "kv_cache_dtype": { + "fp16": "float16", + "q4f16": "float16" + } + }, + "transformers_version": "4.46.2", + "use_cache": true, + "vocab_size": 49152 +} diff --git a/chatbot/models/HuggingFaceTB/SmolLM2-1.7B-Instruct/generation_config.json b/chatbot/models/HuggingFaceTB/SmolLM2-1.7B-Instruct/generation_config.json new file mode 100644 index 0000000000000000000000000000000000000000..a1f56f6cefa8ac63cd73706c996d29c4381801e9 --- /dev/null +++ b/chatbot/models/HuggingFaceTB/SmolLM2-1.7B-Instruct/generation_config.json @@ -0,0 +1,7 @@ +{ + "_from_model_config": true, + "bos_token_id": 1, + "eos_token_id": 2, + "pad_token_id": 2, + "transformers_version": "4.46.2" +} diff --git a/chatbot/models/HuggingFaceTB/SmolLM2-1.7B-Instruct/merges.txt b/chatbot/models/HuggingFaceTB/SmolLM2-1.7B-Instruct/merges.txt new file mode 100644 index 0000000000000000000000000000000000000000..69503b13f727ba3812b6803e97442a6de05ef5eb --- /dev/null +++ b/chatbot/models/HuggingFaceTB/SmolLM2-1.7B-Instruct/merges.txt @@ -0,0 +1,48901 @@ +#version: 0.2 +Ġ t +Ġ a +i n +h e +Ġ Ġ +r e +o n +e r +Ġt he +a t +Ġ s +Ġ o +e n +Ġ c +e s +Ġ w +n d +i t +o r +i s +a l +Ġ p +in g +Ġ f +a n +e d +Ġ b +o u +a r +Ġ in +Ġo f +Ġ m +Ġa nd +i on +i c +Ġ d +Ġt o +ĠĠ ĠĠ +l e +r o +a s +en t +Ġ h +Ġt h +c t +Ġ e +Ġ re +e l +o m +i l +s t +Ġ l +Ġ n +e t +i m +v e +o l +at ion +Ġ g +i d +Ġ T +s e +Ġ is +u r +u t +r a +l y +c e +o t +â Ģ +c h +o w +i g +Ġb e +Ġ u +Ġf or +Ġs t +Ġ y +Ġ A +v er +a m +ĠĠ Ġ +Ġ S +Ġ on +u l +i r +Ġth at +Ġ I +Ġ C +a y +i f +it h +a d +Ġc on +Ġy ou +Ġa s +Ġp ro +he r +o d +Ġw ith +t er +ĠĠĠĠ ĠĠĠĠ +Ġa n +Ġo r +Ġw h +Ġ it +m ent +Ġa re +Ġa l +g e +es s +is t +Ġe x +Ġ ( +er s +Ġd e +at e +a b +i es +o p +Ġ M +t h +e ct +re s +u s +Ġ P +ĠT he +Ġc om +i v +es t +u m +it y +Ġ he +q u +Ġ v +a c +il l +Ġ B +o re +e m +Ġw e +Ġs u +p p +o s +k e +a nd +ro m +n t +l d +or t +a in +an t +i ve +ig h +o c +Ġ H +Ġ W +i al +Ġc h +Ġb y +Ġ r +u d +Ġ E +ĠĠĠĠ ĠĠĠ +Ġc an +âĢ Ļ +Ġa t +u n +Ġn e +Ġh a +Ġ D +- - +u re +Ġ le +Ġ F +Ġs e +Ġ R +Ġf rom +Ġ en +r i +p e +ic al +ar t +o g +Ġw as +p t +ion s +p l +r ou +Ġn ot +Ġ N +Ġs h +Ġ im +igh t +Ġ = +ou t +Ċ ĠĠĠĠĠĠĠ +al l +Ġ L +Ġth is +Ġ G +Ġa b +a g +re d +p er +Ġha ve +Ġw or +Ġ âĢ +g h +ou r +in e +i z +Ġin t +om e +Ċ ĠĠĠĠĠĠĠĠ +u st +Ġu s +Ġyou r +ou ld +a ct +Ċ ĠĠĠ +a ge +o st +Ġp l +Ġ " +ar d +el l +t her +Ġthe ir +ul t +el f +at ed +f f +ic h +en d +an s +ou s +id e +r u +ation s +Ġ O +Ġa d +a k +Ġw he +d u +c l +Ġcon t +Ġre s +as t +Ġ k +Ġthe y +Ġcom p +T he +i b +' s +or m +i p +c c +Ġd is +Ġal l +a p +am e +Ġ U +ab le +on g +e ar +e re +i e +as s +Ġim p +a re +Ġw ill +an ce +ĠT h +in d +Ġwh ich +o od +ar y +Ġ J +u al +v el +ĠI n +e p +en ce +Ġd o +on e +k s +Ġc l +Ġm ore +r y +i a +Ġt e +Ġ j +ig n +u e +ent s +re at +Ġm e +Ġo ther +Ġu n +i le +Ġh as +a ch +Ġm an +im e +ct ion +il d +s o +res s +c es +Ġa r +Ġab out +Ġb ut +a v +Ġa pp +Ġp er +o o +ic e +it ion +at er +el y +âĢ Ŀ +Ġs p +a ke +as e +Ġe v +Ġo ut +or s +ac k +en s +Ġon e +ver y +f orm +Ġ if +-- -- +or y +Ġs o +or d +a ce +in t +Ġwe re +b er +nd er +) . +Ġl i +Ġal so +ou nt +Ġp art +Ġcom m +Ġthe m +o se +a u +an g +c i +Ġst ud +c on +r it +i re +Ġp e +u b +n ow +Ġ qu +Ġu p +Ġs y +ing s +Ġwh o +Ġint o +ĠâĢ ľ +ou nd +is h +Ġp re +Ġthe se +Ġit s +ĠS t +ol og +if f +pe c +ĊĠĠĠĠĠĠĠĠ ĠĠĠ +rou gh +r ic +Ġf e +Ġbe c +Ġs ome +Ġt ra +a il +Ġ ' +Ġh ow +Ġs elf +re e +Ġin d +it ies +) , +k ing +Ġwhe n +ay s +p h +ver s +Ġe m +Ġh is +Ġ ro +if ic +Ġo ur +Ġm ay +Ġt ime +Ġu nder +ĠI t +ment s +Ġ K +at es +op le +n e +it e +Ġc ol +Ġthe re +Ġb et +ur n +c re +ĠTh is +Ġth an +ou gh +y s +Ġd iff +at ing +o b +t e +w e +ĠC h +at h +j ect +Ġt r +al ly +l ow +er v +Ġg o +m s +Ġcon s +Ġa g +Ġ ra +Ġo ver +le ct +Ġre c +x t +Ġp r +p le +ter n +i an +Ġa cc +Ġk now +c ess +Ġpe ople +Ġli ke +o ve +Ġhe l +Ġa ct +at a +on s +Ġd es +l ic +cl ud +i ous +# # +Ġy ear +ar n +Ġsu ch +Ġre l +Ġ V +Ġ Y +Ġbe en +ro w +e f +Ġu se +re n +Ġhel p +Ġne w +g et +) : +al th +ir st +er t +Ġ - +Ġwh at +au se +et h +l es +Ġw ould +Ġne ed +Ġth rough +f ul +st em +ur ing +rou nd +Ġs a +Ġa m +Ġe ff +Ġwor k +ic s +vel op +o v +Ġan y +o ol +Ġimp ort +Ġde f +Ġb l +ul ar +u res +Ġas s +Ġs pec +Ġg en +Ġt w +Ġh ad +ri b +m er +l l +Ġin clud +c ed +Ġof f +Ġm ost +is e +he d +s elf +Ġpro v +p ort +is s +ra ct +an ge +Ġp h +ic t +Ġre g +ation al +al s +Ġdiff ere +il ity +Ġa c +p ect +os s +Ġn o +I n +ot h +oo k +at ive +ar k +ol d +Ġo b +he n +Ġpro du +Ġin v +Ġm od +Ġde velop +Ġman y +Ġd i +Ġre m +Ġad d +Ġus ed +Ġon ly +Ġs c +f ter +Ġf irst +we en +ĠU n +Ġch ild +ib le +t en +ra m +u c +ĠâĢ ĵ +Ġsy stem +ar ch +Ġat t +Ġg et +as ed +Ġin st +ow er +c om +ce pt +Ġbet ween +Ġtw o +* * +Ġre t +if e +ch n +Ġf l +er m +Ġin f +Ġle arn +iz e +Ġwhe re +Ġs ur +w n +Ġsu b +Ġex am +it s +Ġin ter +Ġp o +ow n +e w +on d +Ġp ers +t s +Ġtr ans +p s +he s +Ġp ol +b le +Ġex per +Ġc ould +Ġc o +Ġsu pp +s s +ut ion +Ġn um +t ing +n g +Ġhe alth +Ġs m +t y +ur al +Ġsh ould +er n +g an +Ġst r +e ver +c y +Ġ her +u es +Ġw ell +Ġb u +il y +st and +id ent +er g +oc i +Ġt y +in es +i ed +Ġv al +Ġp res +e x +Ġex pl +_ _ +Ġv ar +f ore +Ġre se +ak ing +Ġs im +Ġdiffere nt +Ġe very +iv es +olog y +in k +ic k +Ġ ke +ad e +Ġh igh +Ġwor ld +at ure +Ġ # +Ġev en +ĠH e +Ġfor m +ist s +a w +Ġw ater +Ġs ign +Ġj ust +---- ---- +ant s +is m +Ġm ake +v ent +Ġex p +o y +' , +n ess +u ch +f t +in s +ie w +Ġyear s +Ġre f +d s +Ġs et +Ġ [ +Ġcomm un +Ġc re +c k +Ġdis c +ar g +Ġte chn +Ġd ata +ch ool +ĠR e +ic es +Ġre qu +ĊĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠĠ +Ġc all +ical ly +Ġh um +ot her +. . +a x +ent ial +Ġ ed +ar s +Ġg ra +i el +Ġm y +Ġm ed +w ard +it ed +ru ct +h at +Ġse e +Ġd et +Ġthe n +Ġres ult +Ġth ose +ual ly +ag es +Ġw ay +Ġe ach +form ation +Ġin s +h ip +Ġbec ause +ect ion +Ġeff ect +Ġb el +Ġwh ile +Ġpro cess +Ġd uring +' t +Ġf ound +Ġar t +Ġc ount +Ġl ong +Ġp at +Ġde c +Ġf ol +Ġa fter +Ġgen er +r on +Ġex t +ar m +mer ic +Ġc ent +et y +and s +Ġin cre +( ) +Ġl oc +" , +Ġret urn +Ċ ĊĠĠĠ +iz ed +Ġd ist +l ed +Ġpro g +ir on +i ent +Ġs k +Ġre ad +Ġ ent +im es +Ġus ing +Ġpart ic +Ġp ub +d e +ar ly +Ġc a +Ġc ur +Ġle ad +Ġa ut +Ġre p +el s +Ġh ist +Ġf act +Ġt est +Ġl ife +Ġcomp le +Ġf am +ĠA s +iv id +i vers +Ġ very +Ġbe ing +Ġf un +Ġo wn +n ing +re ad +Ġs he +Ġf ind +od y +Ġunder stand +i qu +ĠW e +ĊĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠ +Ġr ight +as es +c ent +or k +ĠA meric +ĠP ro +Ġres p +Ġpers on +Ġb ack +g g +Ġstud ents +en g +Ġde p +v ed +Ġb oth +at her +al ity +ĠA l +Ġfol low +Ġw rit +ĠF or +ĠThe y +Ġimport ant +ĠC on +Ġdo es +ĠH ow +Ġg l +Ġg row +Ġc ar +oc k +p ut +Ġm in +t le +ĠC om +T h +Ġm uch +d ition +Ġm ain +Ġcon f +v iron +i x +Ġc he +Ġapp ro +Ġm on +Ġbe fore +" " +ĠI f +p ar +Ġin formation +Ġs om +Ġg rou +v es +Ġs ol +Ġs ci +Ġe l +v ing +in al +Ġpro ble +Ġle vel +ion al +Ġstud y +Ġg reat +u p +an y +Ġen d +Ġa v +Ġf ood +Ġexper i +Ċ Ċ +ĠA n +n ce +i o +Ġst art +al e +Ġchild ren +Ġg ood +Ġm ight +Ġs chool +e g +Ġwith in +Ġcl ass +Ġof ten +Ġa round +us s +t ed +Ġc or +a ve +Ġm ade +er ing +Ġsa id +Ġsh ow +Ġp op +ver n +t o +Ġs ame +. , +Ġp ract +u nd +ut e +Ġto o +an c +Ġp ower +Ġl it +Ġrese arch +Ġv is +i er +ak es +ra in +Ġb r +Ġdes ign +Ġo p +e c +re nt +Ġprov id +Ġact iv +Ġag ain +Ġpro t +Ġsm all +ĠA r +Ġall ow +Ġad v +Ġm em +oc ial +Ġm at +ro ss +it ions +Ġs erv +et s +Ġc are +iv ing +Ġp oss +ivid ual +p r +Ġl ess +od e +Ġexam ple +. âĢĿ +a ir +eth od +Ġd own +Ġt ake += = +Ġcont in +ter s +Ġor gan +ro l +Ġd ay +t he +ire ct +iel d +in ce +Ġsupp ort +viron ment +it al +Ġc ult +om en +Ġqu est +Ġhum an +ĠY ou +a pp +Ġt reat +Ġn ow +in ed +is hed +Ġind ividual +Ġg u +a red +Ġst ate +ĠThe se +Ġcall ed +ĠI nd +l and +Ġe qu +v al +d ay +d er +ar ge +Ġpo int +erg y +Ġen g +p ro +## ## +Ġnum ber +t t +Ġ + +Ġc le +Ġre du +Ġbu ild +Ġs er +iz ation +Ġpl ay +Ġth ough +r al +v en +Ġpro f +Ġa w +Ġr is +n ame +i red +ul ation +Ġb ody +ĠB ut +Ġd id +Ġm ust +Ġpl an +ain s +en cy +Ġp os +Ġbe h +Ġo cc +ra ph +en ces +her s +Ġcon st +Ġa ff +Ġc our +Ġ est +âĢ Ķ +Ġin c +Ġp ot +ĠS e +act er +. " +our ces +Ġh im +Ġcomm on +ul l +or ies +at ely +Ġw ant +Ġm et +ere st +Ġp ar +en se +if y +e red +Ġ ident +Ġinclud ing +ater ial +a h +ru e +pt ion +Ġ ide +Ġdis e +) ) +ur y +in ing +ivers ity +Ġth ree +Ġc ell +iv en +o h +m on +Ġp ass +in ation +Ġle t +Ġty p +( ' +p y +ab ility +Ġed uc +Ġis s +id er +l ine +ang u +Ġe lect +our ce +ĠN ew +ĠW h +as h +ĠA d +id s +iv ely +st r +ate g +ĠE x +o x +l ess +Ġd on +ert ain +it ive +Ġs ocial +Ġgo vern +| | +pl es +r ies +Ġimp ro +con om +Ġch ar +e ad +Ġan al +Ġc reat +l ish +Ġm ethod +Ġinv ol +Ġknow n +b ers +Ġre al +a j +Ġd el +Th is +Ġcon n +ĠA nd +Ġ ess +in ess +ou n +p or +Ġwith out +Ġt em +Ġen vironment +cc ess +Ġch ang +Ġpub lic +Ġst ill +n er +Ġch ange +Ġsign ific +Ġbet ter +Ġpro m +Ġe as +ou se +Ġh and +t ain +i od +Ġan other +v iew +l u +ial ly +Ġm aterial +a pe +Ġre port +Ġpl ace +Ġlearn ing +Ġp ur +iv ed +Ġo pp +Ġint erest +ĠThe re +Ġpres ent +Ġd r +om s +p os +end s +Ġpro ject +u ro +S t +Ġb en +or n +Ġs it +are nt +Ġl ist +Ġb re +o ver +Ġs pe +Ġbel ie +Ġph ys +ro du +i or +Ġprodu ct +Ġfe el +Ġc ap +r ation +Ċ ĊĠĠĠĠĠĠĠ +ill s +o ad +ĠD e +c ing +is ion +as on +ent al +l i +b s +Ġl ight +Ġdevelop ment +Ġsy m +ĠHow ever +Ġm us +b e +Ġim m +Ġe le +ĠB y +con d +olog ical +ĠI s +eth ing +u g +ent ly +ord ing +an ces +a z +Ġbec ome +Ġen ergy +Ġop en +Ġme an +at ic +Ġfe w +h or +Ġca us +Ġke ep +, âĢĿ +ent ion +Ġother s +Ġb est +Ġf ac +w ays +Ġinclud e +Ġd irect +f rom +Ġ & +at s +Ġvar i +an k +i um +Ġvar ious +Ġn ame +Ġhist ory +Ġcre ate +' ) +Ġto p +er y +' ] +ou th +( " +ĠE ng +o int +Ġha pp +Ġse ver +Ġle g +oc us +Ġper form +Ġh ome +Ġpro per +ag n +Ġst and +Ġe t +m an +ra y +Ġm ove +Ġam ong +ar c +Ġsom ething +Ġm ark +ect ed +t on +Ġl ook +Ġsa f +âĢ ĵ +Ġth ings +iqu e +Ġch all +if ied +Ġme as +Ġl angu +Ġf in +Ġty pe +at ch +am es +ĠR es +i ans +Ġl arge +at or +Ġs l +Ġth ink +Ġdes c +Ġa ir +s c +og n +at ural +Ġb as +Ġfun ction +er c +l ing +ot e +ĠP h +or ing +Ġagain st +im ate +Ġl aw +i ents +e xt +Ġgrou p +Ġo per +Ġme ans +he re +Ġre st +Ġcont rol +Ġde v +Ġhe re +og raph +p ath +Ġprov ide +' : +ur ther +ĠS h +Ġpartic ular +Ġan im +Ġh y +Ġsever al +Ġsignific ant +ĠAmeric an +em ber +Ġb us +ĠW hen +ĠâĢ ĺ +Ġb ased +ar th +Ġw omen +er al +Ġp ain +Ġare a +m e +/ / +s y +ro p +Ġt re +ard s +Ġfam ily +ot s +Ġpot ential +i ver +Ġd ue +Ġob ject +Ġen c +er r +res ent +Ġo ld +Ġcur rent +Ġm ult +Ġt ry +Ġ : +Ġprog ram +ort un +Ġen s +a per +Ġe conom +Ġbe g +Ġe arly +âĢ ľ +Ġf il +Ġl ab +Ġc al +I t +Ġ ve +Ġto get +Ġtoget her +Ġf ocus +Ġacc ess +s h +Ġl ast +Ġu nt +Ġan t +Ġ es +Ġben ef +[ ' +ut ure +Ġn on +d ef +l ished +Ġ Q +Ġt urn +iss ion +Ġl im +Ġst ruct +Ġdise ase +b r +am p +s et +d itions +Ġor ig +pl oy +aj or +Ġf re +Ġ" "" +Ġris k +Ġs oci +Ġf ore +Ġsu ccess +Ġm aking +ĠT o +, " +Ġpr int +ic ation +Ġo pt +Ġav ail +Ġb i +o id +Ġc rit +or th +Ġposs ible +w ork +ĠUn iversity +g en +r ist +ress ion +Ġl ow +Ġs ay +ĠS o +Ġimp act +Ġke y +Ġc ertain +a ut +rib ut +Ġc r +s el +ĠP l +A s +Ġb o +Ġm il +ĉ ĉ +Ġper iod +Ġr un +m in +Ġsci ent +ĠC l +Ġ { +Ġm ill +age ment +Ġg r +Ġl and +id ence +c le +Ġf ri +Ġbl ood +Ġc ase +Ġ * +Ġ . +an e +Ġs ince +he m +id es +Ġspec ific +Ġloc al +Ġhe ad +Ġp ost +an n +Ġal ong +cl us +Ġval ue +Ġor der +em s +-------- -------- +Ġocc ur +Ġcom e +ĠS p +Ġdisc uss +Ġgovern ment +Ġte xt +Ġfollow ing +ol ution +w w +ĠE n +Ġac ross +Ġcon c +Ġwh y +p re +ĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠĠ +c er +ic le +Ġadd ition +led ge +Ġc ost +ra w +f or +Ġt imes +ĠC ol +m it +o f +" ) +il ar +b y +is ed +end ing +Ġcomp ut +Ġare as +Ġprof ess +Ġh ig +h y +Ġunderstand ing +u se +al k +Ġc ause +Ġli k +Ġab le +Ġto ward +Ġproble m +Ġt er +Ġsystem s +Ġb ro +Ġass oci +Ġv iew +as ter +Ġm ajor +Ġcour se +u ment +: // +Ġmod el +y n +Ġel se +Ġpre vent +o le +Ġinv est +ĠI m +] , +il ities +Ġar g +end ed +E R +Ġin tern +ab ly +Ġp ress +Ġ= = +Ġh ard +id d +Ġl ine +ight s +Ġto ol +oo ks +Ġrel ations +n ot +Ġspec ial +on es +os ed +Ġavail able +Ġcons ider +Ġspec ies +Ġcommun ity +Ġf uture +Ġcom b +Ġbeh av +Ġ Z +gg est +Ġapp lic +W hat +s w +Ġn atural +Ġpl ant +Ġcomple x +am s +Ġexperi ence +in a +c ul +Ġlangu age +th ough +Ġro le +Ġ x +Ġunt il +Ġre le +Ġresp ons +Ġse cond +ĠUn ited +Ġcount ry +" : +Ġm en +Ġpol it +it ing +f ace +Ġre ce +Ġyou ng +Ġwor ks +ar ing +ra g +ac y +ap s +Ġal ways +ĠW hat +ac es +ĠA t +ob al +ĠO r +as ing +as k +op e +Ġsu ggest +os p +Ġex ist +uro pe +d ata +Ġlevel s +Ġind ust +ic ult +Ġproble ms +iz ing +Ġp ut +Ġm ar +ain ed +Ġst ep +Ġto day +Ġtechn ology +Ġg iven +Ġstr ong +Ġlit tle +ĠG od +Ġs w +ĠâĢ Ķ +Ġc ir +Ġchar acter +Ġresult s +Ġr ange +e k +ist ic +ĠTh at +Ġtreat ment +Ġa ge +ore d +re en +Ġw ays +ys is +c ur +th s +at ors +Ġne cess +Ġob s +Ġv ol +Ġbus iness +le ment +Ġb ook +om m +sel ves +on t +Ġne xt +iv ity +Ġf ar +Ġper cent +Ġl arg +Ġdet erm +i k +Ġf low +ort s +Ġf our +Ġde m +it her +Ġinf lu +Ġrep resent +c o +W e +ag ing +th ing +Ġ $ +or ld +Ġsim ilar +Ġeduc ation +a pt +Ġsh ort +Ġwor king +Ġ z +ab les +Ġchall eng +Ġess ential +Ġp ast +ĠA f +Ġsp ace +Ġ ill +Ġs ing +l ab +Ġam ount +Ġ ** +Ġf ree +y m +et imes +at ures +s ide +Ġcon cept +ĠE urope +Ġhe art +at ory +Ġw ar +Ġv ir +ure d +Ġl ater +Ġb ir +ĠSt ates +Ġaut hor +Ġcon ditions +Ġs ays +du ct +Ġneed s +Ġwor ds +Ġn et +ĠCh rist +ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠ +Ġg ive +ĠW ith +Ġin it +ĠT e +et er +N A +ĠB e +un e +ic ro +I f +Ġm ov +a f +on se +Ġp aper +Ġk ind +ĠN one +v ious +Ġm ind +i res +Ġimpro ve +Ġpol ic +Ġe y +in c +u le +Ġres ources +Ġha ving +Ġsk ills +Ġf ield +Ġbeg in +Ġcons um +Ġp arent +Ġex pect +Ġcell s +Ġra d +Ġquest ion +ĠO ne +Ġte ac +Ġp red +Ġtra dition +Ġknow ledge +ib ility +` ` +our s +Ġchang es +Ġapp ear +Ġj our +Ġiss ues +Ġest ab +le ction +Ġst ory +ĠC an +il i +Ġup on +Ġm ot +Ġconc ern +pec ially +Ġrequ ire +ĠO n +Ġrelations hip +Ġstr ateg +ar get +et ic +Ġdiff icult +Ġwhe ther +e e +Ġl og +en ing +Ġtyp es +Ġpr im +Ġs ens +Ġas k +us h +Ġtem per +Ġen ough +al es +Ġlik ely +Ġrec ord +ip le +ĠIn st +Ġus ually +g er +Ġd ays +n al +in king +Ġhist or +ap ter +Ġadd ress +ĠS ome +le t +im port +ĠA ll +ach ing +H ow +ch ie +Ġm akes +Ġopp ortun +ĠC ent +Ġaw ay +.. . +Ġn orm +Ġs um +Ġquest ions +Ġf urther +== == +ict ion +Ġrese arc +s on +ru ction +one y +Ġprot ect +ĠU S +is ing +om es +ri ed +Ġe ver +ci ent +w are +Ġgo ing +ff ic +Ġd ig +Ġindividual s +Ġle ft +Ġp ath +Ġacc ount +ak en +o ot +ib r +u ed +Ġ i +Ġem ploy +ty pe +ific ation +Ġl ay +Ġhig her +A T +Ġgrow th +cl ass +Ġ ur +Ġb ig +Ġ < +T o += ' +Ġcent ury +ĠN ational +Ġcol lect +Ġf ull +ne y +Ġcount ries +Ġsu per +. _ +am m +ĠAf ric +av es +Ġincre ase +Ġsit u +C h +Ġconn ect +r ans +pl ic +Ġf und +oo king +A n +Ġsu re +Ġst at +Ġsci ence +Ġne ver +Ġrec ogn +ere nce +Ġdesc rib +E S +Ġex c +Ġphys ical +Ġc y +ĠM ed +oh n +Ġs ide +ad d +re g +Ġb rain +Ġhow ever +ar l +Ġpl ants +ar r +ver se +Ġde ath +I N +ĠB l +Ġt erm +Ġun ique +Ġes pecially +Ġg round +Ġgrou ps +Ġab ove +Ġev ent +The re +Ġactiv ities +Ġle ast +Ġmain tain +Ġthrough out +Ġcont ain +#### #### +t est +m ost +a ult +ell ing +ĠF r +Ġpartic ip +ag ine +Ġem b +il t +Ġsub ject +Ġs ound +al se +Ġne ar +Ġa chie +Ġperson al +ed i +sy ch +ut ions +ĠS c +Ġmod ern +read y +ly ing +Ġaff ect +se qu +f ile +O N +Ġpop ulation +Ġd am +Ġstud ies +Ġne g +Ġre ally +f act +Ġr ather +pt oms +Ġbec ame +is on +Ġeffect s +Ġre ason +ru g +re ct +il s +a im +it es +m od +Ġcan cer +Ġqu ality +Ġrel ig +Ġlit er +Ġn ature +as c +Ġ ` +Ġpract ice +re l +ill ed +Ġche m +Ġl oss +at ives +n ces +ĠB rit +Ġassoci ated +u nt +is es +Ġpat tern +at t +F or +Ġbuild ing +iss ue +Ġan sw +ro ll +Ġst re +Ġc ases +Ġpat ients +am ple +Ġdet ail +Ġs ize +Ġch o +Ġh old +Ġsome one +Ġ vers +Ġl ower +al f +Ġgener al +A S +Ġfact ors +ove red +en n +Ġmill ion +Ġcom es +Ġexpl ore +op y +A l +Ġme et +Ġal ready +Ġstud ent +ed s +Ġgl obal +ra ms +Ġd oc +" . +om an +Ġwor d +en e +o k +Ġsim ple +in ary +Ġreg ard +ri pt +Ġn ut +m b +I D +Ġint rodu +Ġc ity +ne w +Ġl iving +au gh +Ġsing le +Ġpro b +iqu es +Ġind ic +Ġab s +Ġmem bers +ĠL e +Ġw ind +ver age +Ġthem selves +Ġmaterial s +] ) +t ime +Ġs ource +Ġtoward s +ip s +ĠW orld +Ġph ot +Ġprodu ction +Ġobs erv +iv al +Ġres pect +Ġd om +Ġe ither +Ġon ce +Ġse en +ra d +Ġde g +Ġ / +Ġ X +an ced +Ġthough t +Ġde ep +r ing +ĠG erm +ot t +un g +le ep +Ġ ut +c ol +in ter +A R +i ol +ĠW ar +Ġj ob +Ġacc ording +Ġp ay +Ġh ouse +le y +Ġresearc hers +Ġd one +or g +a e +Ġem ot +Ġinter act +Ġte am +her n +Ġf ile +en ed +Ġ ver +Ġc ut +ric t +ĠS he +ir d +en c +Ġrequ ired +ul es +Ġhelp s +Ġcre ated +Ġactiv ity +ad em +ear ch +' re +i pp +Ġanal ysis +Ġf ail +Ġproduct s +ĠEng lish +ĠJ ohn +ep end +ĠCom m +Ġas pect +h old +Ġeng ine +Ġint eg +Ġon line +Ġl ive +it ud +Ġf all +Ġn p +m y +Ġf ig +Ġsym ptoms +Ġmethod s +ful ly +Ġfre qu +Ġmed ical +Ġl ot +Ġmark et +Ġman agement +f er +g o +ot es +l er +Ġto t +Ġeff ic +Ġneed ed +ĠG o +oo se +Ġa ction +f l +Ġanim als +Ġpolit ical +Ġp ie +Ġcir c +Ġide a +iv il +pl ace +Ġs ent +ra nd +Ġev idence +Ġqu ick +Ġfl u +Ċ ĠĠĠĠ +ĠSt ud +Ġredu ce +Ġt arget +Ġnecess ary +ar ies +Ġbre ak +Ġsoci ety +Ġso ft +Ġsur face +Ġrec omm +Ġpop ular +ĠHe alth +Ġcol or +Ġens ure +Ġre d +ĠP r +w ay +Ġwrit ing +l oad +Ġright s +Ġsu n +Ġm ass +Ġact ually +Ġpart s +l t +ke y +Ġm ess +Ġse em +Ġval ues +Ġl ives +clus ion +Ġp ort +op h +s p +l ist +b on +z e +ĠM ay +Ġsom etimes +y le +Ġy et +Ġoff ic +ch an +ren g +Ġcl imate +ul ations +c ial +Ġent ire +al ing +Ġg e +Ġar r +Ġsh are +Ġincre ased +Ġr ate +Ġc ame +y stem +Ġappro ach +or ation +Ġresp onse +W hen +Ġfri ends +Ġcommun ities +Ġeffect ive +Ġs al +m a +Ġprovid es +Ġd est +Ġst ress +Ġenc ou +Ġcle ar +ĠA m +ĠA ss +ust om +Ġbel ow +er ous +Ġim age +Ġwho le +ĠWh ile +Ġdo ct +ĠG en +Ġn ational +Ġsub st +ag ed +ub lic +Ġdevelop ed +p ly +ol ic +Ġmean ing +Ġpress ure +Ġar ch +Ġhealth y +er ve +O R +end er +Ġex erc +ide red +I I +Ġserv ices +Ġev ents +ur ch +Ġcont ext +os is +Ġab ility +Ġ % +ac ks +Ġt aken +Ġincre asing +Ġcontin ue +c hes +Ġmus ic +Ġm oney +o res +le x +Ġ ) +Ġav oid +Ġ _ +Ġrel ated +ĠA b +tt p +ac c +Ġcomp on +Ġinst ead +Ġad ult +n ov +Ġem erg +ĠAmeric a +at ter +ist ance +Ġst ates +er ation +Ġt aking +w h +Ġcons idered +l ight +ct ions +ĠD r +Ġ | +Ġt ell +ĠM an +ĠI nt +ron t +o on +ĠIn tern +it ation +eng th +ĠG e +Ġm icro +im ately +E x +Ġcult ure +Ġallow s +g es +am ed +Ġan n +um e +Ġre view +Ġart icle +Ġm ach +Ġcan not +Ġthe ra +ĠS ci +Ġchalleng es +Ġs ite +Ġf ive +Ġpr iv +pl ay +Ġtra ining +h ing +Ġeconom ic +Ġwh ite +um p +Ġread ing +ĠC al +p art +b ased +Ġb al +Ġtechn iques +Ġche ck +Ġenvironment al +Ġd rug +Ġpos ition +Ġtool s +ĠA fter +ir m +Ġm or +ĠE m +a i +Ġbehav ior +Ġtradition al +C on +ĠCon t +ord er +Ġex cept +Ġh arm +ut es +in it +rib ute +Ġcl os +ar i +Ġdo ing +ac ed +h ib +Ġass ess +he t +im ent +Ġevery one +Ġsk in +idd le +am in +Ġcle an +c ome +li ke +Ġcomp et +Ġits elf +ĠS outh +Ġcomput er +av ing +Ġbe gan +o es +Ġpub lished +Ġs ense +e ed +ĠA pp +ĠE arth +Ġst reng +uc k +p ose +Ġre act +B ut +ac hes +e y +es c +op s +ĠN orth +p ri +p id +m ber +Ġwe ek +Ġl ove +ast ic +it or +Ġcrit ical +i et +y pe +Ġrem ain +Ġwe ight +Ġde mon +f ig +g round +k now +Ġl a +Ġcon dition +d om +Ġmeas ure +ĠH ist +em pt +Ġbenef its +e le +Ġoff er +Ġcont ent +ail y +Ġt rue +Ġac cept +Ġmat ter +Ġbl ack +Ġse par +Ġd raw +Ġbr ing +Ġre v +Ġtoo k +Ġmed ic +is c +Ġpro te +j oy +Ġcult ural +Ġs at +Ġc at +Ġfe ed +ĠA ct +Ġexperi ences +Ġinst ance +Ġreg ular +ĠA ust +con t +Ġparent s +Ġc ru +Ġg reen +Ġh ab +Ġter ms +it ary +b l +ist ics +p ite +arg s +Ġcon duct +ra ft +Ġo il +Ġsu st +Ġimp lement +Ġexp ress +y l +Ġident ify +Ġca pt += " +Ġpre vious +iel ds +Ġatt ention +av or +b ack +. ) +Ġstruct ure +ve re +E N +ic les +e qu +Y ou +Ġst ories +ol l +Ġet c +it ution +Ġd at +or ks +Ġprodu ce +in f +te xt +ĠG u +h ood +Ġreg ion +N ow +row n +Ġf ish +he ad +Ġdemon str +Ġmult iple +Ġse lect +W h +Ġmon ths +O ne +if t +g ing +art ment +ern ame +Ġse x +Ġprovid ed +is ter +e b +Ġdi et +Ġf ace +al u +Ġfor ms +Ġpract ices +Ġtot al +ĠR ep +I S +Ġmin im +Ġun it +Ġdesign ed +Ġsu ff +u el +Ġcomp any +Ġele ments +Ġindust ry +is ions +Ġpos itive +r or +Ġcreat ing +Ġcons ist +id ed +ĠH is +Ġh ours +č Ċ +Ġv ide +b o +Ġref lect +err or +Ġal most +Ġshow s +Ġh alf +ĠS u +Ġyour self +Ġa im +Ġp sych +ow s +Ġhe av +o ber +Ġb ar +Ġserv ice +Ġparticular ly +à © +ens ive +Ġ __ +d ate +Ġf at +Ġdoes n +Ġanal y +Ġso il +Ġschool s +Ġrec ent +Ġcl aim +Ġd og +um n +Ġf arm +Ġcont act +r ight +Ġe th +Ġinvol ved +Ġprog rams +Ġth ing +n ers +I m +Ġcont ribut +Ġtemper ature +i ke +el t +Ġme chan +ĠM ore +ir it +Ġs ources +ur s +T rue +Ġsim ply +ĠY our +[ " +it le +th on +Ġcomm it +r ast +Ġl ink +es e +he l +Ġorig inal +ar ily +Ġcl ose +Ġs leep +Ġde b +m ing +a ff +cc ording +r im +Ġeas y +f il +i ation +A N +Ġg as +Ġ er +st er +Ġext ra +Ġen joy +t ies +Ġhe at +Ġst e +Ġchem ical +ĠP e +Ġide as +Ġm ax +c hed +Ġsp read +ra ge +Ġen h +Ġtra vel +ĠM ar +âĢ ¦ +č ĊĠĠĠĠĠĠĠ +ri ption +re m +r s +Ġsur v +ri or +o in +Ġbu ilt +ĠN o +Ġaw are +or por +Ġstart ed +Ġl ed +Ġiss ue +Ġhistor ical +ve y +Ġp ict +ĠD ep +Ġlong er +Ġf em +ĠA g +Ġperform ance +Ġgreat er +Ġst op +ĠJ ew +Ġwrit ten +Ġout side +Ġin j +Ġsur round +Ġmod els +ĠP ar +por ary +s u +ĠY ork +oun ter +rib ution +en ced +ĠM e +ens ion +Ġa ud +es tern +n um +Ġw ild +Ġcomp an +Ġl ands +Ġbelie ve +Ġpoint s +f ect +r ig +v ant +] . +it ute +ograph y +Ġdi agn +Ġfin anc +Ġde cl +Ġbe aut +Ġcor rect +ĠSt ate +a it +Ġs low +Ġmove ment +Ġf ire +Ġbeh ind +Ġprog ress +cur ity +Ġth reat +Ġass ert +Ġm ental +Ġlead ing +y ond +I T +Ġmed ia +erv ation +ĠRes earch +Ġb ooks +ov ed +Ġscient ists +Ġcommun ication +Ġc ode +Ġm om +Ġon es +op t +ĠC ons +Ġus er +Ġrem ember +c he +Ġf ram +iz ations +ron ic +Ġstand ard +Ġv iol +et ers +ĠC o +min ist +Ġus es +Ġev alu +ĠCan ad +il ies +Ġc ustom +Ġad apt +S o +Ġbro ad +Ġt akes +in ating +ap an +Ġal tern +Ġf ru +ĠBrit ish +iss ions +Ġcol le +Ġdevelop ing +w here +ric ult +r ate +re w +stand ing +b an +Ġe c +us ername +Ġsaf ety +Ġst ay +Ġcaus ed +ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠĠ +P ro +Ġnorm al +Ġd aily +in ally +ac hed +ĠL et +o or +s ize +olog ies +Ġappro pri +Ġw ond +Ġwrit e +Ġnum bers +Ġget ting +ad es +Ġgrow ing +re ci +l s +Ġins ide +Ġhum ans +ĠC ar +rough t +Ġs ix +d d +Ġinclud es +Ġimport ance +am b +Ġcaus es +u fact +Ġpolic y +g ed +Ġsm o +Ġ > +Ġbas ic +Ġansw er +ĠU s +Ġlead ers +Ġsaf e +Ġin nov +ĠN e +Ġcomple te +ĠU nder +ch ol +Ġacc ur +Ġre ve +Ġins p +ĠP re +Ġsust ain +w ord +Ġprim ary +Ġfe atures +Ġpre p +b ol +Ġin put +Ġl ate +Ġ -- +E D +am ples +Ġl ooking +Ġp age +Ġwe bs +Ġt alk +Ġeff orts +ĠP er +Ġex act +um b +I C +k en +ut h +tt ps +Ġt ax +Ġachie ve +am ent +ĠM any +ial s +du c +p es +Ġs qu +f ort +res h +Ġsh ap +Ġgu id +Ġopportun ities +Ġs cre +U p +Ġth inking +Ġsh ape +t ings +cl es +Ġover all +Ġd iv +Ġinvest ig +Ġind epend +at ively +Ġvis it +Ġa verage +Ġc ross +Ġst ru +ĠF l +Ġcomp ared +Ġval u +Ġdam age +ĠS chool +Ġsh own +Ġc amp +Ġe arl +' ll +Ġapp l +Ġdec ision +h aps +Ġc it +ww w +ro om +ers on +Ġstrateg ies +ĠQ u +Ġbe yond +ren ch +ound s +Ġrequ ires +itud e +Ġfor ce +Ġb acter +Ġpattern s +Ġprocess es +Ġr out +Ġw id +Ġk ids +Ġnet work +Ġpol l +Ġf ul +ĠJ apan +Ġser ies +B y +g ar +ĠInd ia +ter m +Ġw arm +Ġl o +Ġb ill +ed eral +ous ly +Ġl ack +Ġscient ific +res p +Ġelect ric +Ġqu ite +u ments +Ġto wn +Ġe arth +Ġm agn +Ġprob ably +ĠS im +l og +Ġthe ory +ci ples +Ġatt empt +Ġfood s +Ġquick ly +Ġintern ational +Ġco ver +pp er +Ġrequ est +Ġevery thing +Ġcar bon +r ated +Ġcol lab +ĠTh rough +Ġc ool +Ġp ack +Ġout put +Ġin form +in ct +S T +ĠD es +re am +as ons +al y +Ġcol on +Ġg ame +Ġe at +m et +č ĊĠĠĠ +app end +cre t +hen s +Ġdoc ument +ab et +Ġpred ict +m ore +A C +Ġvis ual +Ġpre c +od ay +Ġapp reci +Ġt ri +Ġfore st +is ms +Ġeas ily +ri e +p oint +ĠR et +Ġag o +vent ion +Ġpat ient +Ġb ase +i ency +Ġanim al +le ase +Ġn ight +ell ow +Ġl if +ir ing +Ġh ost +Ġfam ilies +Ġpers pect +Ġ ir +Ġaddition al +Ġvalu able +ill i +Ġs ect +Ġvari ety +Ġteac hers +id ge +Ġgener ally +Ġse arch +Ġw ood +Ġc ivil +Ġdig ital +Ġpo or +Ġg ain +Ġc ou +Ġve get +Ġt ree +il os +j ust +ol es +ĠSci ence +ĠRe g +Ġdiffere nce +er ate +Ġac adem +ce ed +Ġsoft ware +al king +Ġser ious +Ġinflu ence +Ġan cient +Ġcru cial +ĠAust ral +Ġl ines +u ge +A L +Ġbec omes +Ġd ou +ess ion +ver t +m ission +Ġact ive +Ġreport ed +ĠC O +iz es +Ġfinanc ial +Ġman ufact +ig en +l im +in ks +val ue +" ] +Ġsitu ation +it ch +u ild +os ing +Ġlarg er +ĠM in +Ġte aching +Ġf it +an a +ou d +enc ies +ie f +Ġadd ed +ĠAr t +od es +ĠP res +yn am +Ġopt im +Ġb it +Ġpr in +Ġcompan ies +Ġhy d +rou p +Ġs ection +Ġis n +od ies +Ġinclud ed +h a +Ġestab lished +Ġt able +Ġapplic ations +Ġcal cul +all s +R E +it able +Ġprovid ing +b or +Ġaspect s +ĠK ing +ur ies +Ġo x +Ġt end +Ġim ages +r ial +Ġrem ains +Ġs il +Ġpower ful +an cy +w ise +pr int +uc le +re t +ĠCh ina +Ġp rior +I V +ĠP art +Ġapplic ation +O n +Ġprodu ced +Ġfe et +ul ate +ĠEurope an +il le +Ġb ur +Ġspe ak +Ġh ands +Ġfri end +Ġf ost +ĠCom p +Ġse curity +Ġconf lic +ibr ary +ĠT ra +cept ion +Ġ , +m ar +ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ +ĠF rom +Ġstep s +Ġh or +Ġg ard +em porary +ĠJ ust +Ġcon cent +an ks +l ands +Ġb ad +Ġth us +Ġm ention +ph as +Ġu lt +ĠC ount +ĠD o +Ġe p +Ġtrans port +Ġso on +Ġdirect ly +Ġrelig ious +c ks +Ġth ous +Ġey e +Ġqu ant +c are +en ge +"" " +m ed +Ġvir us +Ġsp irit +ĠR uss +r ror +b it +Ġs n +in o +Ġimm edi +ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠ +it ect +Ġan g +Ġd ang +Ġvide o +ar v +u ff +re qu +e v +Ġdeterm ine +r an +Ġestab lish +ĠN ot +Ġappropri ate +Ġ  +m at +y ing +Ċ ĉ +Ġrelationship s +Ġa st +Ġbelie f +Ġrespons ible +Ġproject s +ĠP ol +ĠM y +Ġoff ers +Ġg ot +i ence +Ġn amed +Ġf asc +Ġest im +Ġwas te +Ġdise ases +Ġgra du +Ġcon vers +Ġr ules +Ġpl aces +Ġf oot +Ġc ele +if ically +Ġexp os +Ġo s +Ġm other +Ġh ot +Ġdev ices +Ġpro pos +Ġb ab +Ġdi verse +Ġmil itary +Ġref er +Ġag ree +Ġexerc ise +ĠD is +Ġpro ced +ass ert +Ġinc orpor +Ġexpect ed +Ġ @ +ĠE d +Ġtry ing +Ġinst all +Ġro ad +Ġs us +Ġr ates +Ġobject s +Ġcomple t +Ġf inal +h ors +ord ers +Ġc red +Ġde cre +Ġhe ld +in ated +Ġn av +d ict +Ġm ix +Ġask ed +Ġatt ack +Ġexpl oring +Ġopt ions +Ġtre es +Ġinter pre +Ġse ems +ec ause +Ġc ard +ill ing +Ġu nd +Ġsuccess ful +Ġleg al +Ġse a +Ġstru gg +Ġr ich +ĠE duc +o ff +Ġtyp ically +ĠF rench +Ġf ront +Ġm is +Ġlim ited +hem at +com p +E T +Ġcompon ents +if ul +ĠG l +Ġn ation +d ing +Ġjour ney +Ġinvol ves +Ġpur pose +us ed +w rit +Ġwh ose +ĠC our +Ġv acc +Ġhigh ly +Ġro b +ell ig +Ġb reat +Ġf avor +Ġj ud +r ong +Ġs old +l ife +R es +in st +in ate +Ġth ird +Ġuse ful +Ġcent ral +Ġra ise +Ġper fect +d ir +Ġre ach +ist ry +Ġthere fore +A t +Ġst ri +Ġcl in +Ġdev ice +form at +Ġob tain +ĠJ u +Ġexam ples +il es +N one +ĠAl though +om ing +Ġlearn ed +ĠAfric an +Ġmin utes +ĠH er +o at +um an +Ġgo al +d f +ip ment +par am +at form +Ġlab or +Ġey es +Ġd ry +Ġcost s +Ġmem ory +Ġproper ty +Ġcontin u +ĠM od +e ks +E rror +Ġf air +Ġv it +ĠF irst +Ġl oad +w ater +ĠS m +St ep +ĠO f +Ġw ent +Ġtrans form +Ġdem and +==== ==== +ĠAfric a +Ġl ength +ch ange +o very +S ection +Ġse vere +Ġneg ative +Ġch oose +ra p +Ġcommun ic +A nd +ĠM ost +ĠInd ian +Ġmon th +Ġch apter +as ks +Ġany thing +Ġresp ond +ĠA c +at tle +Ġf ast +Ġra pid +ash ing +c ape +Ġprot ection +' ve +Ġprofess ional +i ot +n a +Ġspe ed +Ġse qu +use um +ĠO ther +Ġal though +ur g +Ġpar am +ĠChrist ian +Ġc ateg +Ġexpl ain +Ġp an +Ċ ĉĉ +Ġstat us +Ġv ia +Ġf a +Ġno vel +l ation +Ġsol ution +ce an +m l +ĠJ an +Ġf ight +ĠN ow +Ġm ount +Ġsignificant ly +oc ks +Ġsym bol +ffic ient +Ġcap ital +e ch +Ġsupp ly +Ġcont ribute +ĠR em +Ġc am +Ġdiffere nces +Ġcap ac +Ġbehav i +Ġregard ing +und red +Ġvers ion +ag er +Ġcomm and +Ġro om +Ġl ost +com ment +o e +Ġcont ains +ĠTe chn +st ate +ĠV al +Ġhab it +Ġadult s +Ġw ide +Ġsh ared +Ġaut om +Ġadv ant +C l +in y +Ġd ark +ĠM us +Ġb ound +Ġbl ock +i us +y ear +Ġcon sequ +Ġcit iz +r ition +rodu ction +om et +Ġbegin ning +u k +Ġprin ciples +u ary +Ġwork ers +Ġb rought +Ġh ttp +Ġ ing +Ġem phas +Ġencou rag +Ġstruct ures +ĠA ug +ĠJ es +Ġus ers +Ġbal ance +Ġcar ry +Ġst age +Ġd im +Ġtr ust +ĠT rue +ĠO ver +ci ous +it er +Ġve h +__ __ +w ide +Ġtest s +Ġact ions +ĠCent er +Ġse ason +Ġpriv ate +Ġex ec +Ġdoct or +ere nces +ĠG ree +Ġse c +se ct +i ers +Ġfor ces +Ġapp e +Ġrece ived +Ġliter ature +Ġdisc overed +w ith +if orn +Ġnew s +g n +act ers +Ġag ricult +Ġacc om +Ġm ag +os ition +Ġt im +Ġne igh +Ġgra ph +ot ing +Ġac id +Ġlim it +Ġdef in +Ġcontin ued +id ents +Ġprote in +Ġh on +Ġad minist +Ġsa w +H e +un ction +Ġdid n +Ġinterest ing +Ġearl ier +i os +Ġbir th +Ġd ate +ĠW est +Ġd er +Ġfun ctions +ĠM on +Ġsol ar +Ġdisc over +Ġloc ation +Ġf ear +ĠGerm an +ĠO ur +oc ol +E C +ĠT w +Ġvir t +Ġfor ward +un ch +Ġf ields +U n +Ġlaw s +ud d +E M +Ġre asons +Ġle aves +Ġcent er +ĠI I +Ġmess age +abet es +Ġinf ection +Ġ Ċ +z z +ef ore +Ġorgan izations +est ic +Ġc ra +Ġit ems +Ġbenef it +`` ` +ĠH ere +Ġte ach +Ġtest ing +tern al +Ġrecomm end +augh t +Ġm ole +R e +( ): +Ġtra de +Ġmeas ures +Ġwe eks +st art +om y +k y +Ġem p +ĠE ven +Ġteac her +iforn ia +Ġb ra +Ġmach ine +Ġcomp re +Ġv o +Ġdep end +C om +Ġthera py +Ġro ot +Ġres ource +Ġconst ruct +a id +ĠG reat +## # +Ġeffic ient +ab ilities +ĠHist ory +s er +__ ( +Ġw on +Ġsmall er +ĠDe velop +Ġpro p +b ook +ĠE ach +ar ian +Ġcont roll +v otes +Ġt en +ul a +ĠInst itute +Ġchall enge +ĠCh ild +Ġapp ly +ĠA nt +ough t +A r +pl it +pr il +Ġto ld +Ġc opy +Ġe gg +Ġsh all +Ġopportun ity +Ġill ust +dition ally +ĠT rans +Ġinit ial +i ra +on y +Ġess ay +Ġde al +Ġrece ive +con fig +Ġd ynam +anc ing +Ġpie ce +Ġe ating +ro te +Ġaut hors +b re +Ċ Ġ +qu e +Ġloc ated +Ġv ict +Ġser ve +Ġph ilos +Ġth r +Ġass ign +Ġequ ipment +Ġ \ +Ġdeg ree +' ' +Ġwebs ite +ĠIntern ational +Up votes +ĠDep artment +at ur +Ġh undred +ap ers +Ġnum erous +W ith +Ġh ope +Ġut il +ĠComm un +ĠS ystem +our nal +m ax +Ġexist ing +Ġdis play +Ġn ames +c oh +Ġconst ant +ĠS w +ire ction +âĢ ¢ +Ġa x +Ġdetail s +Ġre pl +out hern +Ġjour nal +ing u +######## ######## +Ġmom ent +air s +Ġproper ties +Ġconcept s +Ġinit i +g ram +ul ated +Ġcol lection +ĠThe ir +Ġt ask +ĠO ct +Ġl en +ines e +Ġsol utions +Ġra re +ĠL ear +Ġconcern s +know n +Ġfe ature +Ġarch itect +Ġeff ort +ĠS erv +Ġexact ly +Ġchar acters +Ġal g +A P +Ġdescrib ed +ur t +ĠThe n +Ġexp and +Ġwe b +Ġnot hing +Ġsit es +e per +ro gen +oc r +ens ity +Ġdec isions +Ġexpos ure +ĠJes us +Ġsc en +ind ex +ĠCal ifornia +Ġconn ection +Ġm iddle +Ġb urn +Ġb ott +Ġg ives +Ġde ad +Ġn arr +ĠD uring +Ġsa ve +igen ous +Ġaff ected +Ġconst ruction +The se +ĠM arch +Ġorgan ization +Ġident ity +ĠE l +A D +Ġ ice +Ġinst ru +Ġallow ing +R O +Ġcont emporary +ĠAmeric ans +ĊĠĠĠĠ Ġ +Ġn ucle +est s +Ġallow ed +el ines +us ion +Ġne arly +Ġm id +Ġfollow ed +ib ly +n ed +Ġplan et +Ġac qu +ur ation +Ġrec ently +ĠW ell +Ġhim self +Ġm ut +Ġh ous +Ġmax im +Ġle ave +Ġgo es +w orks +ur b +Ġr ule +Ġbacter ia +Ġm ig +Ġpl atform +Ġs we +Ġold er +ort hern +M E +Ġplan ning +Ġwe ather +Ġgu ide +Ġgo als +ĠR ed +x i +com es +Ġbeaut iful +Ġredu ced +er o +Ġm iss +Ġd ed +or age +ĠA ccording +p an +Ġf resh +Ġconnect ions +Ġtechn ologies +Ġsc ale +Wh ile +v is +: ** +it is +Ġback ground +ĠH ol +Ġinf ect +Ġh ol +o ch +Ġstand ards +Ġp ow +m osp +Ġf uel +re es +og le +mod el +l oc +Ġsu gar +g y +Ġhe ard +Ġb ox +t es +Ġf ib +Ġb orn +il it +Ġsurround ing +al ed +ĠR iver +Ġval id +Ġb ul +Ġlarg est +ĠEng land +Ġst yle +ul um +Ġnav ig +og en +Ġqu al +plic ations +Ġdi vers +ĠCanad a +con s +Ġrele vant +Ġc ore +ag s +se e +Ġcele br +Ġcol d +Ġper haps +Ġfasc inating +ra el +Ġhy p +Ġal one +Ġd en +Ġsum mer +ĠJ une +ĠF urther +for ce +Ġro ck +ĠIn ter +re me +Ġeffect ively +ili ar +ĠO nce +Ġmem ber +Ġ } +Ġbas is +Ġappro x +Ġconf ig +Ġpe ace +Ġg ender +Ġappl ied +Ġcomplet ely +Ġequ al +I nt +ru pt +Ġst ra +Ġdec ided +ĠI S +ĠSe pt +ff ect +ed om +mit ted +Ġele ment +Ġwor th +Ġt ou +ast e +Ġco ast +Ġdist ance +ĠAug ust +Ġset ting +c an +ĠK e +Ġpolic ies +Ġprom ote +ĠAss oci +Ġdef ault +Ġw rong +m p +ĠP ress +Ġcol l +m en +ro s +Ġpur ch +oun c +Ġinvol ve +Ġlay er +at us +Ġacadem ic +Ġdist inct +Ġpr inc +ar a +ĠU se +Ġte eth +Ġc op +Ġfind ings +Ġp y +Ġn orth +h t +Ġf ather +Ġt ru +---------------- ---------------- +ci pl +Ġdet ect +id ing +Ġh osp +Ġful ly +ed ia +inf o +us er +ĠD av +Ġr ise +Ġeduc ational +ĠCh inese +Ġant i +ic o +Ġsur g +er a +Ġc and +s ub +ĠT oday +C O +Ġem ail +Ġf ix +Ġrun ning +Ġnot e +Ġfig ure +ĠEduc ation +Ġcurrent ly +r ical +âĢĿ . +ĠD ay +con n +Ġmat hemat +Ġeconom y +Ġm ath +Ġsign s +ĠW illi +Ġemot ional +e es +ĠA pril +coh ol +Ġw atch +ic a +Ġre pe +iz er +l am +it utions +Ġs on +Ġinst ruct +he st +Ġb odies +Ġim ag +Ġent er +Ġmov ing +ĠM c +Ġprofess ion +Ġm ap +Ġm ob +Ġris ks +Ġp et +Ġg iving +Ġwant ed +Ġwork ed +Ġs chol +Ġoccur s +Ġw rote +( [ +l en +A M +a ul +ĠCon st +Ġj oint +f ord +Ġmil es +Ġins ights +Ġcom fort +Ġl ived +Ġev olution +Ġm aster +ĠRe ad +t a +Ġw oman +Ġcom ing +Ġaltern ative +Ġc ry +Ġspec ifically +I ON +Ġass um +ĠP ark +Ġre ality +Ġor d +h ab +Ġpict ure +ĠF alse +Ġext rem +Ġpass ed +idd en +I s +ra b +ĠA re +ĠJu ly +Ġfact or +Ġcho ice +ĠS oci +Ġl at +Ġcapac ity +ĠGo vern +I L +ashing ton +pp ed +Ġocc up +ri ef +Ġk ing +y d +Ġc ities +p ing +Ġg ir +ĠC ur +Ġs outh +Ġint ellig +n et +ĠC ity +Ġcomp ar +t rans +ĠP at +E L +Ġad just +Ġfind ing +Ġtre nd +Ġcont ract +r un +Ġp hen +Ġgen etic +Ġind ex +Ġim agine +Ġsur pr +ond on +ĠCh urch +ic ip +c raft +Ġdist ribution +l in +a ur +ĠPe ople +ĠUnder standing +Ġra nd +Ġg old +am a +Ġfa ith +Ġtop ic +rel ated +en ame +Ġass ist +Ġwe ak +L et +Ġcitiz ens +b al +Ġdi ed +os es +Ġsoci et +F alse +ĠT est +Ġchang ed +Ġfam ous +Ġst ore +ĠD on +Ġf ederal +Ġg ames +** : +n orm +Ġbir ds +h am +ang ing +) ; +ward s +m ark +Ġoper ations +Ġill ness +Ġfem ale +ĠH igh +bo ard +s es +ĠPres ident +el come +t ical +ch ing +Ġref ers +i as +ĠIs rael +Ġnut ri +a res +Ġres istance +Ġact ual +Ġcommon ly +ĠC ong +ĠJ ournal +ĠCh apter +ar ray +Ġhapp ens +Ġcomm erc +Ġeas ier +Ġreg ions +Ġsex ual +c ast +' . +ĠBl ack +ĠCh ar +Ġrequire ments +ent y +Ġpl aced +Ġbec oming +Ġde eper +or ith +r id +Ġstreng th +à ¤ +Ġat mosp +Ġfor mer +ri x +go ing +ce mber +Ġex hib +Ġhelp ing +Ġexper iment +Ġr at +com m +ĠS ince +xi ety +Ġpres ence +an ish +Ġs ample +ruct ure +Ġhapp en +ify ing +Ġpr ice +Ġtra ck +z ing +Ġpre gn +Ġpop ulations +Ġev ol +Ġany one +d o +Ġthous ands +Ġex cess +Ġident ified +Ġfeel ing +Ġform ed +ĠC he +Ġmon it +Ġv ital +Ġstart ing +Ġdrug s +Ġs em +Ġun ivers +Ġw inter +Ġchang ing +Ġv ary +Ġshow ed +Ġur ban +a ign +Ġredu cing +Ġro t +Ġsh aring +Ġdi abetes +Ġpre par +c all +Ġrem ove +Ġexp ression +ĠUn ion +Ġfru it +Ġdef ined +ĠM ex +om b +ĠL ab +Ġfore ign +Ġc ounter +at ers +Ġop in +ĠS pec +Ġget s +ĠE ast +Ġtop ics +Ġsol id +Ġlab el +Ġrand om +S h +d is +ĠT r +Ġatt ract +el ine +ĠL aw +Ġd irection +Ġun f +Ġadv anced +Ġhealth care +Ġevent ually +Ġt asks +Ġm al +ĠV ir +ĠD NA +f ield +Ġlet ter +g s +Ġm outh +Ġ[ ] +ac he +iven ess +ĠCount y +S e +et ime +Ġconn ected +Ġcompre hens +Ġto x +Ġw a +g l +ounc il +Ġfeel ings +ro y +Ġsitu ations +h ouse +Ġb all +Ġpl ans +Ġv ill +Ġadv ance +se mb +ove mber +Ġbo ard +Ġf illed +n p +ĠJew ish +Ġmention ed +Ġha ir +Ġimm une +Ġst im +Ġread ers +ĠAl so +Ġread y +Ġresult ing +Ġp en +Ġun c +Ġaware ness +Ġconsum ption +i able +t rain +ĠP y +Ġpart ners +Ġless ons +Ġh op +Ġgl ass +or b +Ġdes pite +Ġb ond +l ay +ĠW ashington +Ġcaus ing +Ġs ort +ight ly +P A +Ġpie ces +ĠĠĠĠ Ġ +Ġtra in +Ġcon clusion +Ġsepar ate +ĠSept ember +S ome +ĠJan uary +ĠOct ober +hip s +Ġ ign +ĠAd ditionally +Ġs ac +Ġl ib +c king +ĠCon f +ĠB i +How ever +Ġbl ue +Ġte le +Ġb ed +Ġplay ing +am ental +en cing +Ġthough ts +Ġch ance +ĠR oman +et her +Ġsp ect +Ġexper im +Ġd ial +at in +Ġe ight +Ġtechn ique +ies t +Ġpre f +p ed +Ġgard en +Ġinterpre t +ro ps +pect ed +Ġbelie ved +Ġappro aches +Ġexperi enced +ub e +d own +Ġinf l +ĠA ut +Ġp ick +Ġ id +H E +Ġvis ion +Ġincre ases +ĠD ef +ĠAr ch +d at +ĠB o +Ġh om +U S +Ġg ave +A d +Ġst aff +Ġro w +r ant +Ġexper t +ric k +Ġdep ending +Ġsustain able +Ġman age +op hy +Ġmedic ine +Ġ error +O T +Ġbab y +Ġencou rage +A ll +Ġ+ = +Ġcult ures +ĠGerm any +rom e +Ġbel ong +Ġcom pl +in put +Ġd ivid +Ġm ission +ĠL ondon +Ġpresent ed +Ġout comes +O S +ĠF eb +Ġbill ion +Ġn ative +Ġprofess or +i ance +Ġobserv ed +Ġch urch +Ġcont rast +Ġfrequ ently +Ġappear s +Ġc ogn +Ġrel atively +ĠR el +P S +Ġinc ome +Ġclass es +Ġ{ } +Ġw alk +ra ction +ograph ic +ars er +l or +Ġbusiness es +Ġeng age +Ġcol umn +resp ond +Ġwond er +Ġmajor ity +or ch +Ġcon v +Ġem issions +Ġ ... +h and +f e +Ġpl ays +Ġsuggest s +res ents +Ġtr uth +g ra +Ġbu y +Ġdiscuss ion +Ġhelp ed +as ion +Ġlangu ages +ĠPro f +Ġfil es +al t +ur l +rie ved +Ġon to +A fter +al le +Ġcirc um +Ġrecord s +P h +te red +Ġad vent +ur ance +H ere +Ġheav y +Ġf elt +r is +Ġref erence +Ġt issue +ĠTh us +Ġco ord +Ġsound s +Ġcre ation +c ap +ress ive +č ĊĠĠĠĠĠĠĠĠĠĠĠ +ĠB ar +Ġprocess ing +ant ic +Ġa p +n o +Ġoff ice +or ge +Ġtrans fer +Ġintern al +het ic +Ġpl astic +Ġhe ight +gy pt +Ġcharacter istics +ĠAustral ia +ĠC or +y gen +f low +ab ase +Ġo ption +ĠS om +Ġform at +Ġf ert +Ġr iver +ĠEn vironment +U T +Ġimpro ved +ĠS ur +Ġreport s +qu al +c ular +Ġincreasing ly +c ode +Ġ â +u it +le vel +c ount +Ġpre fer +ĠW estern +Ġturn ed +ĠW ater +ann el +ĠDe cember +arn ing +Ġmot iv +ot hes +ĠFr ance +Ġdis order +ĠB ecause +Ġli qu +ĠS an +Ġimmedi ately +Ġs av +ic on +Ġal cohol +Ġnot es +Ġens uring +ĠGen eral +Ġdis orders +Ġm ist +ribut ed +ĠU K +Ġengine ering +Ġmus cle +act ion +Ġclin ical +Ġrep resents +Ġclass room +v ision +Ġm ale +ic ed +Ġindust rial +Ġgen e +ram e +Ġra ce +Ġconflic t +Ġinst itutions +d ed +ĠS ol +re st +Ġcol ors +p at +ĠMed ic +Ġgener ation +h ttps +Ġ iron +Ġv ul +Ġalg orith +d es +Ġdivers ity +Ġan xiety +Ġinterest s +Ġenh ance +Ġd ive +Ġparticip ants +Ġel if +ĠH ouse +ĠEx pl +ic ense +ĠSoci ety +Ġj o +ro ad +il arly +Ġrele ase +ru ary +Ġcolle ge +be ing +Ġtrans l +Ġh omes +ĠD ata +Ġcommerc ial +Ġtr ig +pl ot +re f +ens ions +Ġmet al +Ġmaintain ing +Ġant ib +ĠD i +Ġ- > +Ġapprox imately +os ystem +olog ists +Ġw in +Ġintrodu ced +IN G +r ations +ĠUn it +ĠA ng +Ġpart y +Ġlead s +Ġel im +ail s +ĠInst ead +Ġviol ence +Ġrelig ion +Ġchalleng ing +Ġfac ilit +Ġrem ov + ° +ob ject +Ġing red +ĠN ovember +i xt +as et +Ġconsequ ences +Ġv ast +az ing +Ġmeet ing +Ġm o +ish ing +ĠE gypt +od ing +Ġdec ades +Ġbre ast +ĠS ocial +Ġst orage +Ġadv oc +ac ing +em pl +Ġcle arly +Ġtemper atures +Ġjust ice +Ġfre edom +Ċ ĊĠĠĠĠĠĠĠĠĠĠĠ +ord s +ic ated +Ġt our +Ġfil m +Ġcour t +us es +Ġp p +Ġare n +Ġh uge +Ġnut rition +Ġspe ech +Ġter rit +ed ing +ĠIt s +Ġfocus ed +Ġin sect +Ġun its +Ġmult i +Ġpract ical +ĠSe e +Ġmil k +Ġbuild ings +ĠMore over +Ġindepend ent +Im agine +le g +con st +Ġcare er +L E +ak ers +Ġeng aging +Ġstrateg y +ic ial +Ġemot ions +te e +Ġp ric +Ġassess ment +U R +s ol +ent h +u x +An other +b ox +Ġsee k +Ġb atter +ortun ately +Ġstate ment +om as +ĠM at +? " +c ript +Ġre place +T ype +g in +ĠFurther more +ĠS ch +Ġexc ell +Ġkeep ing +om a +ĠRe v +M od +z er +viron ments +Ġd ri +ib ilities +Ġcreat ive +Ġcy cle +Ġmin or +Ġstudy ing +ĠP ublic +Ġtre ated +erv ed +Ġset tings +ĠO b +it age +Ġextrem ely +Ġphen omen +Ġexper ts +ĠAssoci ation +sh ape +ĠA v +j oin +at ically +Ġcontin ues +ain t +s pec +Ġinterest ed +Ġcor respond +Ġprim arily +Ġc ook +Ġconduct ed +Ġdep ression +Ġcollab or +t ra +ct or +Ġpre t +ĠP al +m ary +Ġelectric ity +Ġsur vey +d b +Ġbott om +Ġst ar +Ġj u +Ġt rou +ĠPl an +Ġis ol +Ġhe ar +Ġt rib +i i +Ġcamp aign +Ġw is +Ġorgan ic +Ġp ul +ĠThere fore +ens es +Ġf lex +] [ +ĠH ar +Ġnot ice +t hen +Ġwid ely +Ġeffic iency +Ġcar ried +iver se +Ġd ram +Ġprep ared +D A +ĠWh y +Ġsp ot +W hy +g ment +in n +Ġleg is +Ġgener ations +Ġs and +Ġfram ew +Ġgr ant +pos es +Ġb ud +ress ed +ĠDevelop ment +ĠG reen +Ġse cret +ĠB ra +ĠW rit +Ġb one +r um +p en +res ult +re p +Ġhig hest +er ia +Ġsp ring +Ġsy nt +Ġw all +ĠG ra +Ġcomb ination +Ġdr ive +Ġpro s +Ġstr ing +Ġhouse hold +Ġext ract +ĠJapan ese +Ġfavor ite +d a +ĠA N +Ġmov ed +Ġart ists +Ġmove ments +Ġinv ent +Ġperspect ive +Ġperform ed +ing er +Ġfam iliar +Ġth ick +Ġplay ed +ĠM or +le ge +Ġrecomm ended +The y +Ġcons ervation +ĠF ound +Ġch ronic +out put +Ġoper ation +ĠU N +Ġspirit ual +Ġs ong +Ġsp ent +or ial +Ġfund amental +Ġg ather +t op +Ġse ven +ĠGree k +st e +olog ist +il ing +ĠWilli am +em ic +Ġworld wide +oy al +Ġl ibrary +Ġme ant +Ġsign al +Ġrespons ibility +Ġcho ices +Ġsay ing +Ġbelief s +Ġen vironments +Ġf ine +Ġcult iv +Ġvol ume +ĠRet rieved +Ġox ygen +Ġcon ver +re ed +Ġvul ner +Ġsupp l +S A +Ġp le +Ġadd ing +Ġprofession als +Ġcons ult +Ġc overed +ĠM r +Ġdou b +ĠH uman +Ġfail ure +Ġk id +ĠPro gram +Ġproper ly +os en +Ġm el +Ġpol y +Ġex ternal +pro cess +Ġun iversity +Ġrem ind +Ġp al +Ġinc red +Ġd ra +Ġsy n +ig ure +ĠĠĠĠ ĠĠ +is ation +Ġlands cape +se c +Ġsignific ance +im al +Ġserv ed +c al +Ġemb ra +ĠS T +âĢĿ , +Ġhapp ened +ĠOr gan +Ġar m +Ġdeg rees +im age +Ġimpact s +oc al +h ttp +Ġart icles +Ġit em +Ġcent uries +Ġse eds +ot ed +ĠJ ames +Ġt itle +d im +Ġless on +ro ph +Ġadv ice +ren ce +Ġc ast +Ġexam ine +Ġdog s +Ġse ed +ĠIs lam +Ġpl ot +o ke +Ġgener ate +op er +r ating +Ġcare fully +ing ly +E n +Ġp apers +d ent +Ġs amples +Ġu pper +ĠCong ress +Ġorig in +ric s +ĠUs ing +Ġo cean +Ġag g +Ġhigh light +ĠM ark +Ġsm art +Ġm ere +ĠSp anish +lab el +Ġlet ters +ic ians +Ġr ound +Ġclos ely +Ġcompon ent +Ġscre en +Ġar ray +I nd +ĠE very +app ing +Ġm er +Ġsat is +Ġcontain ing +ot al +Ġfin ally +Ġvol unt +Ġro ll +Ġfig ures +Ġs end +Ġwe alth +ĠIntern et +Ġprevious ly +ul f +ĠFeb ruary +ĠA ir +ĠF ood +ĠM ary +z a +Ġpotential ly +Ġim pl +Ġr ul +oth ing +an ch +Ġec osystem +() ) +Ġad op +Ġamount s +l ines +' ), +ĠO ff +l ast +( ). +Ġnet works +Ġinfl amm +Ġl ooks +Ġrele ased +ĠS ub +ang es +C ont +Ġ err +m ap +Ġrefer red +Ġdescrib e +ess age +D ata +Ġinj ury +Ġfl ood +r ich +un k +Ġpur poses +C ol +( ( +R I +Ġveget ables +C C +act ive +Ġown ers +b all +Ġh ttps +Ġdest roy +Ġconf irm +path y +ĠL a +Ġa id +Ġnucle ar +ĠB oth +ĠM al +Ġlink ed +ĠL ord +Ġjob s +ĠV ol +Ġp u +Ġsee king +el i +ol low +Ġp ages +ĠM ich +est ion +Ġaccur ate +writ e +Ġadvant age +w args +Ġpres ident +Ġour selves +r m +Ġg od +Ġt um +Ġle aving +Ġrad io +st ream +Ġstra ight +Ġtra ditions +Ġcon vent +Ġme at +Ġdang erous +Ġrem oved +Ġsurg ery +n ic +Ġcap able +Ġb attle +Ġestim ated +Ġform ation +Ġon going +Ġcred it +id a +Ġprom oting +Ġcom ment +Ġro ots +Ġro les +Ġexpl ained +Ġt ail +ĠChild ren +T hat +Ġmay be +it ness +b i +Ġmost ly +Ġrad iation +Ġre b +Ġen able +in ations +Ġposs ess +ĠStud ents +Ġpoll ution +Ġs ou +Ġset s +. __ +wh ich +in ent +F rom +Ġrel ative +Ġother wise +Ġa part +ific ial +Ġh orm +Ġgra de +Ġsubject s +Ġp ush +Ġrecogn ize +Ġsqu are +ra py +ĠS y +Ġv ess +b ody +ipp ed +Ġguid elines +C H +N o +angu age +Ġvict im +Ġne uro +Ġch arg +ĠE v +ĠA D +ĠSu pp +as ure +Ġph ase +[ : +Ġup d +ĠCol lege +og ue +el lect +Ġrev olution +Ġegg s +M S +' m +Ġra in +Ġdeterm ined +ak er +Ġt al +Ġsec ure +Ġarg ument +ĠAs ia +augh ter +] ( +ĠRem ember +ĠDav id +ĠPh ys +ĠRep ublic +ot ic +Ġfac ed +Ġatmosp here +ĠPro ject +ĠF ore +Ġmot or +ro c +Ġvit amin +Ġp un +i j +ĠWe b +y pes +Ġvo ice +ens or +Ġcomb ined +Ġn or +Ġdefin ition +Ġtreat ments +ĠR ef +ar row +. ; +Ġfarm ers +Ġgen es +Ġinfect ions +ĠIm agine +ut ed +Ġsp orts +Ġtechn ical +Ġintellig ence +Ġarg s +E qual +Ġmonit oring +ĠM ake +Ġgra nd +c s +ĠPro t +Ġcircum st +ĠC ouncil +Ġappreci ate +Ġe arn +Ġsupport ed +Ġreact ion +ĠM et +f aces +h ist +Ġfact s +P l +Ġt aught +ĠH ave +ĠB el +ĠT ur +Ġfrequ ency +Ġd ict +M any +Ġann ual +Ġmanufact ure +re et +ri age +l ig +Ġwor ry +Ġinvol ving +il ed +Ġperiod s +ĠA lex +Ġoffic ial +rast ructure +Ġlook ed +ric ulum +ĠL ife +Ġf aster +Ġnot ed +w ell +Ġk n +C T +Ġbar ri +Ġwh om +ĠD em +Ġcollab oration +Ġoff ered +Ġk new +ĠC re +al d +Ġsp end +F irst +z y +Ġcogn itive +Ġt alking +he nt +pp ing +Ġauthor ity +as p +Ġh our +Ġult imately +Ġn ations +Ġhelp ful +Ġre new +nd rome +Ġsl ightly +Ġansw ers +Ġp lease +ĠH el +Ġch arge +Ġhe aring +l o +Ġdisc rim +py thon +Ġal ign +Ġshow ing +ĠGe orge +Ġcomple ted +Ġgr ass +ĠB as +ess or +Ġk illed +Ġschol ars +Ġl ung +ĠIs land +Ġm it +Ġh it +ic ks +Ġide al +Ġt iny +is her +uild ing +Ġcons id +Ġexist ence +Ġre ached +ĠM useum +Ġstre am +Ġc ere +ar p +ĠHist or +y les +ĠO pt +c ell +ĠCl ass +** ** +ĠG et +n s +ar io +ir ation +ĠP ort +ust er +Ġsubst ant +ret urn +ĠF am +as tern +O D +Ġdesc ription +Ġv ent +Ġexcell ent +Ġcr is +y cl +à ¡ +Ġtru ly +Ġperspect ives +Ġimpro ving +ĠAd d +Ġsal t +Ġredu ction +s um +Ġsmo oth +oss ible +O ur +p red +ĠS et +Ġmaxim um +Ġto oth +ĠS un +A B +Ġis land +Ġpropos ed +al ysis +le te +in ant +Ġd ie +m aking +i ant +and er +um ber +Ġtra ffic +Ġknow s +Ġen ab +ĠU p +ĠPh D +ĠB udd +cre te +A ccording +Ġy ield +Ġexp osed +Ġob vious +Ġb rief +Ġke pt +ĠP aul +Ġgl ob +ĠS am +ĠR ober +ĠH IV +Ġph one +Ġb ank +Ġcand id +w ood +Ġelect rical +ĠB en +Ġlay ers +p ass +F ield +Ġpartic les +Ġ Ð +ĠS k +norm al +Ġinter view +l ib +ĠS uch +b ut +ĠT ex +Ġchemical s +Ġkind s +l ong +est ed +Ġsol ve +Ġac know +ri a +Ġam azing +Ġdel iver +Ġex change +y a +Ġra ised +ic it +Ġpart ies +Ġint ended +ĠC ath +f it +ĠO ut +Ġoper ating +T S +ĠC ult +Ġsu fficient +Ġdis cipl +Ġmus cles +Ġrem ained +Ġgood s +Ġflow ers +ag ue +Ġoff ering +M ore +Ġcertain ly +ĠM ount +Ġdraw ing +Ġco al +Ġf irm +Ġsc he +ĠA rab +ag o +ĠL ist +Ġb an +j son +H ave +ĠGovern ment +Ġindic ate +Ġmot ion +ough ly +com ing +Ġimm ig +g i +Ġsub sequ +st ep +N ew +Ġcomput ers +n es +Ġext reme +Ġreg ional +Ġselect ed +Ġthem es +Ġgovern ments +Ġm arg +ĠServ ice +st ract +Ġra w +r as +Ġview s +Ġreg ul +w in +ĠKe ep +ten ance +Ġaffect s +ĠâĢ ¦ +Ġ à +ĠM iddle +e er +Ġdep ends +Ġliqu id +Ġset t +ars h +ĠS er +Ġhy per +Ġfollow s +v ille +clus ive +Ġdou ble +Ġfl at +ĠJew s +ic ious +ĠR ich +ind ing +Ġclos er +n y +Ġyou th +'] , +Ġres ist +ad o +ĠCent ral +Ġfru its +Ġsh ip +D F +c ers +Ġregular ly +K ey +Ġfund ing +atur ally +Ġd ro +-- - +Ġnutri ents +it ors +( ), +Ġhapp y +w hat +Ġapp oint +Ġcon clud +iction ary +.. .. +Ġcreat es +Ġintern et +Ġed ge +Ġf rag +c est +Ġreturn ed +par ams +Ġsp aces +Ġfor t +conom ic +Ġwas n +Ġtext s +Ġhand le +g roup +Ġth in +Ġt ips +ĠP ract +Ġdisc overy +Ġm ort +row s +Ġsuggest ed +Ġf ab +Ġbir d +Ġre in +Ġas king +Ġc ert +Ġk ill +ĠCour t +ro id +ĠI N +st ood +ac ific +Ġhosp ital +Ġn erv +wh ile +C E +d en +Ġmain ly +Ġh idden +Ġinform ed +U N +Ġbeg ins +Ġinnov ative +Ġded icated +el ess +if ies +ĠD irect +b and +Ġmed ium +Ġinvest ment +Ġproced ure +or king +Ġrapid ly +ĠA I +ĠMex ico +Ġab use +Ġcare ful +G en +ĠC ivil +og ether +n am +Ġprote ins +Ġt ried +Ġw aters +Ġfor ced +ul s +Ġabs ol +Ġdoc uments +Ġd oll +on ic +ĠLear ning +Ġ Î +ĠSe cond +oun ced +p arent +Ġdis app +ot he +Ġst orm +ĠL atin +plic ated +w id +ear s +Ġcl im +Ġdiagn osis +Ġs outhern +Ġtox ic +ĠBrit ain +val id +Ġbr ight +Ġsupport ing +ĠWh ite +ĠH en +ĠA tt +Ġmo ist +Ġcircumst ances +Ġcl ient +Ġflu id +we ight +Ġoccur red +Ġst one +Ġbehavi ors +Ġleaders hip +Ġproced ures +p ost +Ġprep are +Ä ģ +ht ml +Ġwind ow +ak s +Ġlead er +Ġst ars +ist an +ific ations +Ġfound ation +Ġconsist ent +ĠD ist +ang ed +Ġman ner +Ġmill ions +Ġsu itable +ĠTw o +r ust +Ġint ellect +Ġsect or +Ġbro ther +ili ence +Ġse lection +Ġpo et +Ġl ies +ĠN av +Ġmod e +Ġy ellow +f ree +Ġemploy ees +Ġpict ures +Ġ ! +Ġst ation +Ġinf rastructure +ĠMus lim +Ġl oved +ĠM ac +inst ance +d oc +Ġaccom pl +ap i +Ġmor ning +ĠN et +Ġpret ty +Ġer a +he rent +ĠN AS +ĠSp ace +dd en +s k +Ġdom estic +Ġbi ological +Ġingred ients +Ġunder lying +re c +Ġexpl an +Ġsk ill +Ġdec ide +ate ver +Ġveh icle +Ġj oin +Ġmat ch +Ġinteract ions +Ġb ow +Ġn orthern +y p +ĠO ld +Ġform al +m ethod +Ġd u +Ġset tle +Ġd rop +Ġinstru ment +Ġpric es +Ġcollect ed +Ġth or +ur ity +Ġp ray +H O +b ed +Ġwe ar +ĠTex as +lic k +Ġw alls +ool s +Ġob st +Ġguid ance +ĠC am +Ġinst ruction +ĠP ost +os ite +Al though +Ġele v +Ġdel ve +Ġneigh b +ic ian +Ġw et +Ġharm ful +Ġpers ist +Ġappear ance +Ġrecord ed +Ġvirt ual +ber g +Ġor al +ver ty +g al +Ġcl ick +ĠTechn ology +fil ename +Ġs now +Ġha z +Ġcor por +Ġpo verty +I R +Ġvari able +ex p +rol og +Ġsu dden +Ġext ent +ĠJ e +Ġdat abase +ri an +I G +N ame +U s +Ġrem ark +Ġl inks +n el +l a +C S +ĠMan agement +Ġdr iving +ĠIn c +w er +m as +Ġfost ering +ĠQ ue +Ġfac ilities +u ps +Ġcour ses +ĠGo ogle +Ġres ol +ĠAn other +Ġf oss +Ġ( ' +Ġmor al +ĠDes ign +anc er +Ġdr inking +Ġw est +Ġw ait +assert Equal +Ġdiscuss ed +Ġfeed back +Ġemerg ency +u ing +r ates +om ic +Ġt ro +Ġdep th +Ġsens itive +Ġstreng then +Ġam b +Ġserv es +Ġdetail ed +Ġbl og +ĠM art +Ġentire ly +Ġcommunic ate +Ġfil ter +if orm +D e +Ġminim um +ĠM iss +Ġcut ting +Ġlist en +Ġpres c +ĠTh omas +che ck +Ġf ill +ĠSt and +ĠL ike +Ġdef ine +Ġstrugg le +D es +Ġs ides +ĠIn f +N ot +ĠT ime +Ġinst itution +Ġintrodu ction +Ġrec overy +os a +Ġl ots +Ġch ain +ĠS al +Ġexam ining +Ġmess ages +Ġtou ch +Ġs en +ĠB ible +Ġagricult ural +ĠB r +Ġshe l +Ġgir ls +Ġper man +vers ion +sc ale +ĠPy thon +c el +th at +k es +Ġstart s +ar ant +Ġsh if +Ġclaim s +Ġhe ro +Ġspe aking +ĠJ er +s plit +ĠW ork +Ġcontroll ed +ĠEn ergy +Ġcomprehens ive +A b +Ġinnov ation +Ġtyp ical +w est +ĠL eg +Ġatt acks +ag on +Ġrespons es +Ġshap ing +Ġreg ulations +str ing +Ġlarg ely +Ġst ages +Ġen em +ro ke +Ġaud ience +Ġaddress ing +ĠSom etimes +Ġmat ters +Ġp aid +u nder +ut ive +ĠB ay +Ġvacc ine +pos ition +Ġl ose +Ġr ural +Ġs ell +Ġp ark +ĠP sych +Ġgrow n +ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠ +ĠK ore +Ġrecogn ized +ce ived +Ġcons ists +cre ate +Ġch osen +dition al +ĠC are +Ġex ists +ĠMedic ine +L A +le an +M y +Ġtra um +ĠP ower +Ġdr ink +Ġli ver +ĠSt ep +Ġmechan isms +Ġsequ ence +Ġc m +I M +Ġb and +Ġa head +ens us +Ġrest rict +ĠW he +ic ing +Ġhabit at +ĠMed ical +ĠEm p +Ġt orch +Ġaccept ed +Ġmet ab +Ġinter vention +Ġw ants +Ġc ars +um in +ĠL ou +Ġtr ial +Ġpolit ics +Ġn ode +Ġagricult ure +Ġan cest +Ġpol ice +ĠRe c +Ġf ro +Ġrep rodu +Ġwe ap +Ġ( " +ar ter +h i +Ġad equ +Ġaim ed +Ġass istance +Ġlat est +ĠM em +Ġdi am +Ġprom pt +ĠD ise +ag ers +ĠS en +ĠS af +ĠO F +Ġc ooking +Ġm ent +Ġinteract ion +Ġc rops +Ġopen ing +Ġopin ion +ĠJ ud +Ġabs orb +Ġne ut +Ġsuccess fully +an es +Ġs in +Ġph r +Ġstud ied +Ġvari ables +Ġf iction +Ġstre t +Ġd ut +Ġnarr atives +ic an +Ġh arv +ĠW omen +ĠM il +Ġknow ing +Ġpro port +ĠFr anc +Ġn it +G o +ĠT reat +Ġst em +ĠCom mon +Ġsc ript +ĠAn y +Ġbud get +Ġcris is +est yle +Ġw ave +ĠRuss ia +ox ide +av a +ĠVir gin +g u +ĠEng ine +ex pected +Ġhundred s +es ter +Ġc atch +Ġser ver +u ous +Ġdivid ed +ĠM icro +erv ing +ĠD ec +ra int +Ġind igenous +ĠE lect +Ġre form +Ġad opt +Ġcou ple +A meric +B e +s is +ĠB er +Ġtrans ition +Ġrel ax +Ġent ry +Ġaff ord +ĠI r +Ġdiscuss ions +Ġprot ected +con ds +ĠNAS A +Ġres idents +Ġmeas ured +ro t +Ġsurv ival +Ġdoct ors +Ġs ession +r at +Ġapp arent +Ġdown load +Ġaccount s +Ġn aturally +Ġcall s +M ost +Ġall erg +ĠRuss ian +Ġact s +n ode +L ist +Ġneigh bor +itud es +ic ate +Ġveh icles +h ost +Ġcrit ic +Ġprinc iple +or ous +Ġpos itions +Ġparam eters +ĠIn formation +Ġsuff ering +per ty +Ġmach ines +B efore +Ġbeaut y +Ġg ar +ĠStud ies +ĠP acific +ĠAt l +Ġal t +Ġun iverse +ra cy +l ers +Ġim plications +Ġst ock +Ġrepresent ation +c hers +Ġh unt +Ġa f +Ġb rand +Ġmedic ations +Ġw alking +ocr atic +Ġexpl oration +Ġthe rm +Ġatt end +Ġre ject +Ġres ilience +Ġshap es +Ġw aves +or gan +i ate +{ } +Ġdep artment +er als +Ġt un +Ġnear by +a ud +ag ues +m ain +Ġeth ical +Ġdist ingu +Ã Ń +Ġco ff +Ġcons cious +Ġsim pl +ĠF orm +Ġtrend s +Ġast ron +NA ME +Ġcreat ivity +r ants +Ġmain tenance +Ġgener ated +a el +ĠF e +Ġint ric +p ers +us ing +Ġbound aries +Ġvis ible +ĠAc adem +ĠR ights +ĠSim ilarly +Ġunder stood +Ġs an +Ġstrong er +Ġsh ift +Ġc e +v an +I P +or row +B C +Ġcard i +Ġw ire +Ġconcern ed +Ġcur riculum +Ġbroad er +Ġprevent ion +G et +Ġfram e +Ġwild life +Ġtell s +Ġimm un +ere nt +Ġconcent ration +Ġconf idence +fl oat +Ġport ion +Ġmass ive +ĠFound ation +ci ence +Ġin ner +Ġframew ork +ol f +EN T +Ġbo ost +asc ular +Ġprodu cing +Ġs ick +ĠK now +Ġremain ing +Ġmob ile +Ġw ife +Ġk il +Ġhab its +in et +ĠB et +ĠB ook +Ġr ig +O f +Ġoffic ials +Ġimplement ation +ĠNew s +Ġas semb +Ġg ained +ĠW ind +Ġsubst ance +Ġab ilities +Ġar my +Ġobtain ed +Ġeng agement +Ġman aged +al ian +Ġman aging +Ġswe et +ĠWh o +um s +c a +Ġsign als +D o +Ġcl oud +Ġgreat est +Ġe ast +se ction +Ġdes ired +Ġappe ared +e al +Ġprogram ming +m ic +ĠEx per +ell ed +Ġn arrow +Ġsw itch +r ange +ĠM ass +Ġno ise +olic y +im g +Ġw itness +Ġsee ing +Ġs ed +ann els +Ġadv is +ĠP ers +Ġn urs +Ġf if +p ol +Ġa th +Ġarchitect ure +am pl +D E +Ġexp ensive +Ġimprove ment +Ġover l +Ġconvent ional +ĠS ov +Ġexpl ains +Ġdemonstr ate +ad s +ĠCont rol +Ġfl oor +ĠAr my +Ġread er +ot o +V ID +Ġcr im +ans ion +requ est +ĠComm ission +Ġdesign s +b ar +Ġn an +de v +Ġdecre ase +Ġrecogn ition +Ġpregn ancy +Ġexperim ents +is hes +D uring +Ġf old +Ġt aste +T est +st atus +id ay +Ġman ip +Ġst ored +Ġsu c +Ġimp ossible +Q u +Ġelect ronic +Ġmark ed +Ġim per +am ing +p et +act s +Ġp ure +s hip +Ġtest ed +ph a +as ive +Ġ ] +Ġsent ence +ĠD isc +Ġloc ations +Ġsold iers +ĠN or +k a +Ġsat ell +i pe +ber t +ci um +R ead +Ġg un +Ġp ig +Ġinflamm ation +Ġfail ed +Ġinj uries +Ġpar alle +val ues +Ġcustom ers +Ġpers ons +Ġmanufact uring +Ġslow ly +Ġpre v +B l +Ġb rown +cul es +ĠRober t +ult ane +Ġra il +ash ion +Ġphilos ophy +Ġconsid ering +ĠT im +ĉĉ ĉĉ +o om +Ġun less +Ġfost er +Ġtransport ation +ios ity +Ġto ler +Ġcl osed +Ġfac ing +ĠDes pite +c her +ĠD el +Ġv s +Ġsk y +re y +Ġw estern +Ġexerc ises +ĠCon n +Ġk m +Ġcapt ure +ĠEnvironment al +ot a +Ġrec ip +ĠPro v +Ġhor iz +Ġinstruct ions +Ġevery day +Ġparticip ate +Ġhor se +Ġind eed +Ġplay ers +Ġf le +Ġdef ic +Ġen ables +ĠS cient +ĠV is +Ġag es +ĠK ey +at o +Ġp and +O nce +ĠG roup +Ġreve aled +Ġk it +M e +Ġplatform s +B N +Ġpre m +Ġpr ison +Ġexc iting +t able +======== ======== +Ġagree ment +Ġart ificial +Ġthera p +ĠCour se +oc ab +Ġst ick +Ġc os +ĠG ood +ĠSm ith +Ġm ac +ixt ure +L O +ĠSe a +Ġr hy +Ġc rop +ot ion +Ġrem ote +ur d +if ier +Ġsh op +Ġder ived +ĠD iv +Ġd ental +le ments +Ġinc hes +ĠD et +p ack +Ġsecond ary +Ġst ands +M L +Ġcompet ition +ang o +ĠN ature +Ġt it +du le +Ġfix ed +Ġp il +ĠI dent +k wargs +Ġag reed +Ġp air +Ġmon itor +Ġincorpor ating +Ġfl oat +Ġcomp osition +Ġr ub +Ġconsum ers +ĠT HE +v ity +n ames +op en +w o +app y +Ġmix ed +Ġphot os +Ġext ended +Ġher itage +in ity +Ġch art +um es +lect ed +ĠL ake +A pp +Ġpsych ological +Ġstand ing +ĠPh il +ĠSt e +Ġposs ibly +ĠM ont +ĠIn v +Ð ¾ +Ġus age +ipp ing +ĠFl or +Ġsy ndrome +Ġv ibr +? âĢĿ +Ġarr ange +S E +Ġun s +Ġforest s +Ġpl ate +Ġturn s +Ġens ures +Ġdynam ics +Ġdep ict +Ġp ip +D r +ad a +Ġinsp ired +op eration +r c +ĠS ec +Ġm useum +es h +Ġdirect or +Ð ° +Ġincred ible +Ġso le +Ġrepe ated +Ġaut hent +our se +Ġdeath s +def ault +ke ys +V al +Ġpass ion +i en +Ġevalu ation +Ġanaly ze +p ace +S c +ĠF in +Ġshe ll +Ġprot ocol +Ġmathemat ics +ĠStud y +Ġsus p +ĠCath olic +Ġbenef icial +Ġwrit er +Ġp ull +cl ient +in i +Ġexam ination +f ortunately +Ġ! = +Ġb ones +Ġb ot +Ġintellect ual +ĠTh ink +Ġliter ary +Ġag encies +Ġar ms +Ġst ated +Ġthe ore +Ġachie ved +Ġun known +ĠS ar +Ġorgan ized +cy cl +Ġmed ication +Ġexpect ations +Ġres olution +ĠC D +Ġvill age +Con clusion +Ġmar ine +um ps +Ġaccur acy +U L +Ġth read +ĠS um +Ġemploy ed +Ġsupport s +Ġwhere as +it ivity +Ġopen ed +Ġerr ors +ent ed +w ing +im er +ĠC reat +Ġwrit ers +Ġmeaning ful +Ġconf ident +Ġsc ore +Ġadop ted +Ġlim its +u ation +Ġcateg ories +ĠM ain +as ters +Ġd ust +as er +n n +Ġrec ycl +Ġdeep ly +er ated +ĠA P +ĠB re +Ġb io +ĠCom put +i at +Ġpow ers +Ġar ts +Ġdescrib es +y e +Ġfunction al +Ġarg uments +de red +ĠCar ol +f unction +Ġchild hood +Ġeth nic +Ġrepresent ed +Ġevalu ate +Ġarr ived +Ġdemonstr ated +or ter +Ġt ur +Ġfor get +d ep +Ġh ar +Ġemerg ing +Ġreact ions +Ġsc ene +Ġle ct +Ġcom ments +th rop +ul in +Ġman if +ul ating +or al +ic king +Ġexpl o +ar ity +B T +Ġbr ings +Ġconvers ation +Ġab und +Ġdist ributed +Ġappreci ation +Ġreal ized +Ġdynam ic +u h +Ġf ell +Ġadminist ration +Ð µ +Ġdo or +z en +ĠAm ong +ĠN ative +Ġhous es +Ġin hab +Ġhold s +Ġlist ed +Ġsuff er +! " +Ġre ly +Ġwis dom +Ġext ensive +Ġc art +oc ation +urn s +ĠChar les +ĠHen ry +. ' +} , +ess ions +ĠJ ose +l ength +h us +ĠW ild +Ġa qu +port s +os c +Ġwor se +Ġb le +i ology +Ġcollect ive +A A +Ġbehavi our +Ġneg ot +Ġg rew +Ġp ump +Ġacc el +ĠInt roduction +Ġdecl ine +ĠW il +Ġsupp lement +Ġindust ries +Ġdis s +Ġfl ight +ĠCons ider +S S +s he +it em +w orld +Ġfew er +Ġle af +ri p +Ġins urance +ĠA cc +Ġun us +Ġtrans mission +Ġinf ected +ar ia +Ġbl ocks +Ġint ake +Ġhe aling +es ity +ob j +Ġz ero +Ġpresent ation +al a +t age +us iness +col or +Ġrat io +Ġcam era +Ġfert il +Ġposs ibility +Ġtechn ological +Ġalong side +Ġch ief +ĠComp any +up date +Ġimmedi ate +Ġmar riage +ĠE xt +erson al +hem ical +Ġcoff ee +ribut es +oc racy +ĠSov iet +T e +ph one +Ġcreat ures +at he +Ġmat rix +' d +ri end +Ġnorm ally +Ġmount ain +ĠO x +Ġdiscrim ination +en a +In st +Ġseem ed +ir t +Ġem pathy +mod els +r ons +ĠL ibrary +p read +Ġste el +Ġsurv ive +ĠY et +Ġfight ing +Ġmole cules +Ġtw ice +in du +Ġd ensity +Ġg all +Ġcomfort able +ĠTh ose +ĠP C +Ġmark ets +Ġreturn s +s uch +ĠD iff +g ent +ĠRe view +le ts +Ġdes ire +Ġnum py +Ġindic ates +word s +act ions +Ġnavig ate +B ob +h ow +Ġlearn ers +Ġt all +w ar +Ġmiss ing +Ġm oon +Ġapp lying +ĠProf essor +Ġcolle agues +ival ent +ĠS l +Ġcould n +Ġauthor ities +Ġl atter +Ġbro ken +Ġal le +f rame +it ative +Ġw ish +âĢĻ . +Ġd in +m m +om ach +A G +ĠGl obal +Ġexpress ed +Ġbreat hing +ĠCanad ian +ĠI P +m essage +Ġins ight +Ġpur su +ĠAb out +Ġcomp are +'] ) +Ġyoung er +Ġlif estyle +Ġsociet ies +Ġadvant ages +vent ions +ĠM o +Ġwill ing +Ġgu ess +Ġsociet al +b ase +Ġpublic ation +Ġpro ve +Ġst yles +Ġobserv ations +igh ter +ass ion +ct ic +me an +s m +g est +Ġin ject +Ġnecess arily +Ġpub lish +d et +clud ing +b ra +b urg +ĠM ag +rop ical +rib e +cl aim +Ġst rict +Ġsim ultane +Ġg al +Ġpain ting +id x +ro vers +Ġup date +Ġoptim al +Ġcommit ment +p age +st one +Ġf ant +on a +Ġm amm +Ġlist ening +s or +Ġcontinu ous +Ġhous ing +b orn +ak ed +Ġsuppl ies +Ġcr ime +Ġdeb ate +Ġax is +A ct +Ġ[ ' +Ġfocus es +Ġag ency +" ), +Ġsh ut +ĠB ro +ĠE ss +Ġvulner able +Ġmy th +Ġconst it +ed y +ĠL ong +Ġcateg ory +O r +ĠH am +Ġcomp r +Ġc oun +P R +ĠF inally +Ġsuc ceed +Ġf av +Ġparticip ation +Th rough +ĠE st +Ġa er +Ġt f +ad ata +Ġorgan isms +ra ys +ib l +Ġgreat ly +call ed +ov es +Ġdom ain +Ġadvent ure +esc ription +Ġpre val +ĠOn ly +Ġinstru ments +Ġacc um +Ġorig inally +ĠO h +point s +ĠLou is +Ġfab ric +Ġthere by +l oss +u a +Ġf ly +re al +Ġdep os +ĠG old +h av +Ġelect ron +Ġe ar +Ġsect ions +d em +Ġcirc uit +at al +ĠL and +Ġe ld +wid th +d r +Ġreg ist +Ġde aling +Ġeng aged +ang le +Ġver b +O ther +ĠA p +Ġturn ing +ides pread +Ġdifficult y +Ġemerg ed +Ġbreat h +Ġphys ics +Ġphot ograph +c m +Ġen ds +ĠAustral ian +Ġart ist +ĠN ations +ploy ment +Ġthreat s +ĠVirgin ia +Ġthan ks +Ġf ellow +Ġb read +ĠT em +Ġmechan ism +ĠL anguage +Ġme al +Ġhold ing +Ġaccess ible +Ġor ient +Ġdel i +it tle +ĠL icense +Ġindepend ence +Ġs ight +Ġin du +Ġconsider ation +ĠT re +ĠE th +Ġdist rict +Ġwh atever +hold ers +and a +II I +Ġgu arant +Ġbatter y +amb da +Ġs ke +hes is +Ġgr id +Ġte ams +Ġemploy ment +ful ness +Ġobject ive +Ġmagn etic +ĠRev olution +Ġantib iot +Ġcom plicated +Ġserv ing +ĠB efore +h op +Ġair craft +Ġem pt +Ġfund s +C D +t arget +ĠN on +Ġwarm ing +Ġrel iable +Ġwa iting +Ġst ability +Ġc ards +a o +ĠCur rent +op les +F inally +est ing +Ġopp osite +Ġbe ar +Ġd rain +ĠFr ank +M P +all ow +Ġacc ident +Ġtra ined +st s +g ans +Ġrout ine +Ġtri p +ĠChe ck +Ġunc ertain +in ction +L e +Ġinsect s +Ġdoub t +z ed +ĠF ederal +ob s +s ource +c or +Ġm aps +Ġs od +] : +Ġdeli very +Ġt ap +Ġun expected +Ġocc asion +p ress +ĠPar is +Ġch ick +ĠAd v +Ġs ought +Ġadminist r +pr ing +Ġfl ag +ĠE arly +ĠCom mit +Ġla un +Ġme als +Ġaffect ing +ĠOff ice +R A +Ġed itor +ĠEmp ire +Ġlog ging +Ġconsum er +Ġprepar ation +ict or +Ġnot iced +Ġmod ule +Ġatt ached +Ġf alse +eli hood +Ġsp ending +Ġcharacter ized +ĠSt r +cont ent +Ġredu ces +li ament +Ġconcern ing +Ġs plit +Ġst ake +aut hor +Ġac ids +Ġsubst ances +os ph +ĠR ad +Ġplay er +Ġdem ands +Ġinit ially +iss ues +Ġenc ounter +ult y +ĠInd igenous +Ġpl t +b in +ĠT ype +ĠLab or +Ġthe ories +Ġcur iosity +Ġst able +Ġbe ings +omet ry +j ango +ro g +r us +Ġheav ily +Ġal ter +. | +et te +Ġfoss il +ĠC y +Ġad m +Ġcompar ison +ĠUS A +k in +O ver +r ine +Ġb order +O L +anc hes +ĠO pen +ĊĠĠĠĠ ĊĠĠĠ +Ġvess els +Ġc up +Ġcor n +Ġte en +Ġbut ter +Ġs ales +Ġw idespread +Ġprodu ces +ind er +p are +Ġsum mary +ip al +ell a +Ġcal cium +Ġpurch ase +Ġmathemat ical +Ġent hus +U nder +ĠE nd +Ġpart ner +ĠD ig +or a +ĠS ym +R ef +Ġdra wn +Ġregard less +S et +Ġnew sp +Ġst omach +Ġfor th +Ġcomplex ity +T P +S P +ock et +omm od +ĠConst itution +ess on +Ġcomp ounds +Ġremark able +Ġprof ound +Ġsur ve +ĠIt aly +ĠI ll +it ter +Ġfib er +ĠFlor ida +ail ed +Ġhuman ity +pt ions +P e +Ġd f +Ġun able +Ġre ven +à ¼ +com fort +ĠH ome +ic ide +is k +res hold +Ch apter +f old +par se +ĠCol umb +Ġd ance +O b +Ġn one +Ġin herent +ĠM ill +ast s +Ġcon g +Ġl ic +Ġte a +Ġra cial +Ġpr on +ĠCO VID +Ġput ting +Ġperman ent +ĠS outhern +Ġcontribut ions +ĠA ccess +Ġin hib +Ġla unch +rib ed +Ġr id +Ġm ood +Ġadequ ate +ĠR ob +Ġcl othing +Ġper m +ish ment +Ġtro ops +Ġres erv +čĊ č +ĠN atural +Ġprevent ing +r d +Ġsmo king +ĠL ib +ch ild +ĠSt reet +Ġh us +Ġcon vey +Ġpro ceed +Ġinflu enced +Ġj son +Ġexp ansion +Ġdel ay +R em +Ġleg s +Ġsur faces +M A +Ġcrit eria +Ġhapp ening +S ince +ren cy +St ud +Ġrepl aced +Ġsw im +ĠB ur +Ġoper ate +Ġob lig +Ġjo ined +ter ol +or ph +Ġtrou ble +ĠMod ern +Ġsubsequ ent +Ġover w +Ġcommit ted +Ġc ul +Ġl ens +op ic +ĠK h +Ġlimit ations +Ġiniti atives +Ġm and +ĠF re +d raw +Ġdec ade +Ġang le +Ġcon crete +Ġins ert +Ġfor g +t itle +ĠAn n +ĠFranc is +ĠIS BN +Ġsubstant ial +as y +M ed +Ġsub s +ĠR ome +Ġt u +Ġg one +ĠH aw +Ġm ys +is ters +ĠT er +ĠEn c +ro oms +ed ge +Ġas p +Ġch annel +Ġstre et +Ġfocus ing +Ġc raft +____ ____ +ĠDise ase +ĠT ake +Ġd ent +Ġref uge +ĠP eter +Ġcry st +oles terol +Ġhyp othes +Ġcent ers +E P +Ġconf erence +ĠD an +Ġprotect ing +Ġdist urb +f irst +ĠCol or +ĠP ub +Ġconflic ts +Ġcol our +ĠMe an +Ġfacilit ate +Ġterrit ory +C an +Ġf ract +ear chers +P ar +Ġv ac +Ġpercent age +f un +Ġrun s +Ġt ut +Ġch rom +Ġlabor atory +Ġf ashion +at ial +Ġreal ize +or ig +Ġm ild +Ġlab els +Ġz one +ul ary +ĠRep ort +z il +Ġre ward +Ġintrodu ce +Ġ q +Ġgl uc +Ġaim s +v ol +opy right +Y our +Ġmind s +Ġwould n +er ior +ĊĠĠĠĠĠĠĠĠ Ġ +Ġdet ection +ograph ical +Ġr ice +à ³ +ir atory +Ġro of +Ġse conds +Ġath let +Ġpres erve +ast y +Ġsymbol s +Ġr u +ĠA ge +Ġresult ed +Ġ{ ' +so ft +Ġdec or +Al ice +ĠO cean +id ity +Ġcont rovers +Ġint ent +ĠI re +Ġin equ +Ġreve al +Ġtr ials +ã ģ +ab s +Ġfl our +Ġv eter +ĠD oes +Ġsac r +Ġg ap +ĠT V +Ġinstall ed +Ġthem e +e enth +Ġinvestig ation +Ġpro of +cur rent +Ġj ump +ut s +Ġshe et +ir us +ag raph +Ġconst itution +ffect ive +Ġst uff +Ġne ck +Ġd aughter +force ment +Ġneighbor hood +ĠCl in +Ġal ike +S u +ĠT or +Ġbr idge +ĊĠĠĠĠĠĠĠĠ ĠĠĠĠ +Ġmit ig +Ġdis rupt +Ġl ibr +Ġrecommend ations +Ġidentify ing +i h +ĠEx amples +S D +et ies +Ġinter f += [ +Ġad j +on ia +Ġrout e +Ġprom inent +k ins +ĠC ap +pl ant +Ġbig gest +it a +Ġcon ven +Ġrece iving +Ġsh ot +Ġencourag es +i ated +Ġfe els +ĠIt alian +Ġgradu ate +Ġdep art +Ġenab ling +con f +arg ument +Ġpass age +C L +ĠE astern +Ġw arn +Ġg ram +ex ample +r int +Ġcur ious +Ġemot ion +Ġrel ation +Ġcont ained +Ġarg ue +Americ an +f ish +Ġgradu ally +T H +h ma +Ġexcess ive +ov en +Ġcor ner +he ast +se y +Ġthe sis +Ġconstant ly +ĠN orthern +ocab ulary +Ġbarri ers +Ġd ream +Ġhyd rogen +ĠAs ian +et t +Ġengine ers +init ely +Ġn ine +ch o +I d +Ġmem br +à ¶ +Ġc row +Ġun w +F igure +Ġl iv +Ġent ertain +ĠU t +ĠM ad +Ġinteg rated +Ġmere ly +ĠSp ain +out s +. âĢĻ +Int roduction +Ġprovid ers +ut ch +Ġne ur +s l +ic ago +ĠAN D +ter y +T ime +Ġmov es +Ġdial ogue +Ġh ole +ir ty +Ġequ ivalent +Ġest imate +Ġp ra +ap h +Ġsustain ability +Ġdo i +Ġfound ed +Ġgreen house +âĢĻ , +Ġfeed ing +br idge +Ġpres ents +Ġinterpret ation +Ġbi ology +Ġanal ys +Ġv ote +Ġad vert +ĠJose ph +Ġprint ing +us al +Ġacc ommod +Ġimplement ed +it an +Ġstat istics +Ġmus ical +edi at +ual ity +b ing +ĠM ult +Ġsatis f +Ġtw enty +Ġam id +O C +E d +f ts +Ġevol ved +ist ical +Ġcalcul ate +Ġse g +Ġag ents +Ġhon or +f ill +Ġdifferent ly +qu ality +Ġcorrect ly +Ġeduc ators +ĠS ign +Ġre cept +Ġart istic +Ġposs ibilities +Ġmoist ure +Ġexpert ise +c ase +Ġab stract +Ġn erve +Ġrob ust +D P +Ġcolon ial +Ġgra d +Ġris ing +Ġtreat ing +Ġmar ried +c hen +Ġsh ad +Ġsupp osed +Ġthous and +it ory +ov ing +m edi +g rad +Ġwhen ever +ear ing +Ġintric ate +ment ed +il ation +s pe +Ġpl enty +Ġend ed +ever al +ont al +on ents +Ġdiv ision +S ee +ĠS ing +Ġmys elf +a wn +Ġinter ventions +Ġmeasure ments +in ates +Ġconvers ations +Ġequ ally +Mod el +Ġcont amin +Ġmeasure ment +Ġe pid +Ġunus ual +Ġsp ok +Ġinst ances +Ġdifficult ies +Ġtarget s +Ġlegis lation +################ ################ +ors es +Ġrel ief +Ġcap abilities +ĠIre land +ĠR oyal +Ġc ust +Ġdi oxide +ik ip +Ġsy s +ĠP op +Ġcomb at +Ġrequ iring +ĠT itle +Ġbr anch +b les +m es +Ġm m +Ġbring ing +Ġp ool +Ġphenomen on +Ġestim ates +Ġown er +Ġout come +us hed +F ile +| ' +Ġdeb t +ĠM ars +Ġp ed +Ġparalle l +Ġoverw hel +ĠM ax +Ġr ivers +O P +ĠAd minist +ir ds +Ġobject ives +Ġmechan ical +ĠCommit tee +cl ose +Ġeffect iveness +Ġass ume +ĠB C +e ers +ut ils +resp onse +er as +u gh +ĠP an +Ġn ic +Ġn ob +ĠS pe +and on +f ind +ne ys +Ġcontrol s +es is +Ġt issues +Ġdestroy ed +Ġdiscuss ing +Ġ ille +ĠW here +ĠL iter +Ġinteg ration +g ers +ant ly +Ġo d +ĠRes p +ĠCh ange +Ġspec ified +ĠF ree +cept ions +Ġover come +Ġsc hed +et ch +P er +Ġpain t +Ġob esity +o ir +Ġdiagn osed +Ġr an +Ġacknow led +Ġcomp rom +Ġstim ul +v ar +Ġw ww +Ġc ats +l ights +os ion +Ġout l +A dd +Ġpass ing +ĠIm p +ant a +Ġalgorith ms +he alth +Ġminim ize +Ġperform ing +li k +Ġmin erals +Ġb iod +Ġw el +Ġcl ients +Ġj oy +Ġrep air +Ġfair ly +Ġm eth +Ġp up +Ġdis put +Ġnot able +Ġmov ie +ĠC amp +Ġb oy +b atch +Ġf urn +Ġhistor ic +Ġa ward +it z +ill a +Ġsol ving +Ġcontribut ing +ĠP M +ĠMod el +Ġb atch +Ġexplan ation +Ġexpl icit +ĠF ollow +Ġfin ished +Ġfrequ ent +Ġfarm ing +Ġfl av +Ġco vers +y roid +Ġrep ut +Ġcon vert +Ġhand ling +ĠC ancer +ac les +te en +rit is +ĠSt art +et ics +ĠG ard +Ġunivers ities +it ical +Ġro cks +Ġdevelop ments +Ġdang er +Ġcustom er +ĠGe org +Ġp arser +Ġk ne +Ġmy st +Ġdat aset +Ġalgorith m +ĠB ank +Ġtrans c +Ġlight s +Ġexperi encing +Ġch olesterol +)) ) +p op +Ġm ur +Ġstrong ly +Des pite +ĠHistor ical +ĠS chol +Ġsh ips +ik i +ĠSc ot +M an +âĢ ĺ +ro ot +Ġstruct ural +Ġexcept ion +Ġsimultane ously +B S +Ġt ag +t ic +e en +Ġsc an +Ġunivers al +aw s +ĠAn alysis +ĠRich ard +ĠCre ate +Ġor gans +con c +Ġform ing +Ġsc ores +ĠC a +Ġvide os +ikip edia +Ġspecial ized +ĠCommun ity +ar ks +ĠT imes +> > +Ġs hed +[: , +Ġph arm +Ġne ither +Ġnew ly +og rap +Ġemb ed +Ġf est +Ġvictim s +er ies +cap es +Ġvisit ors +Ġs izes +Ġsp in +s ave +Ġsp ort +Ġb ath +Ġnerv ous +ĠR om +Ġclean ing +it als +c ar +ax is +Ġreal m +Ġassoci ation +ĠW ood +rain ing +oc y +Ġn u +Ġst ores +Ġd ys +ru ption +Ġdam aged +ĠâĢ ¢ +Ġeas tern +Ġrespect ively +Ġencourag ed +ĠBo ard +Ġtraum a +L ear +it t +sequ ently +Ġrepresent ing +ĠM a +Ġelect ro +Ġt ank +Ġs essions +Ġf u +ĠCl imate +Ġvol tage +Ġcir cle +Ġinflu ences +Ġcontribut ed +Ġadd s +Ġout bre +Ġ icon +ĠIn it +ro x +ĠSc ott +Ġf er +erv ice +f n +I A +Ġ' '' +Ġdef e +att r +Ġsh arp +Ġpract ition +ĠIn s +Ġobs erve +ĠFam ily +Ġcor rel +Ġsmo ke +on ym +ol a +Ġcomput ing +Ġstate ments +en v +ĠGu ide +S ub +Ð ¸ +ĠP enn +ag ram +op es +Ġlaun ched +ĠG al +Ġres ident +L ast +Ġre aching +Ġpe oples +Ġbig ger +Ġmin ing +Ġmy ster +Ġbut ton +T oday +ri er +ct ive +Ġres on +Ġmole cular +ĠW orks +ost ic +Ġrhy th +g ov +Ġt ack +] ] +Ġequ ality +ĠAg ricult +ty pes +Ġpoet ry +Ġattempt s +Ġint ense +ĠW ill +, ' +ĠE U +ä ¸ +ĠE c +Ġb anks +Ġbl ind +Ġextra ord +gen er +it ual +Ġm ice +pe ut +Ġcoast al +se arch +Ġinteg r +Ġtrans formation +ie val +Ġg ent +Ġweap ons +Ġm ir +Ġis instance +Ġfl o +ĠH y +Ġpsych ology +iz ers +Ġobserv ation +i ences +am ine +Ġpu zz +Ġsome what +ĠVal ley +Ġcontain er +Ġemp ower +Ġqual ities +ĠMich ael +Ġbr anches +Ġcrim inal +ĠTh ough +ress ing +fil es +Ġreg ulation +Ġcar b +ĠSci ences +ol esc +ell s +ĠMay be +ĠB rown +Ġ} , +ĠM ethod +Ġfriend ly +the less +Ġin n +ure au +Ġwatch ing +Ġshap ed +conn ect +k l +Ġaut on +Ġform ula +pro perty +Ġ rom +Ġempt y +Ġincorpor ate +Ġiss ued +Ġbond s +Ġarch ae +R eg +ĠH appy +Ġfe ver +V iew +q l +Ġline ar +Ġfac es +Ġwebs ites +ab led +ain ing +num ber +Ġcarry ing +a ired +ĠO R +u ke +ĠSt at +ĠF ind +Ġmom ents +f ast +ĠRe al +ac her +athe red +Ġdef ense +Ġdig est +b ur +Ġst roke +ĠV er +. """ +Ġag ent +Ġproduct ivity +Ġent ered +Ġre ct +Ġsit ting +Ġassign ed +Ġphot o +ail able +Ġbo ys +% . +Ġm os +ĠN ever +Ġessential ly +ig ma +ĠAcadem y +al i +ĠW ord +Ġr ank +ĠSpec ial +ĠV ictor +Ġvari ations +Ġpo ison +ĠInd ust +Ġconstruct ed +H D +Ġper mission +air y +Ġin her +Ġcapt ured +an i +ĠCh icago +is p +Ġmar ks +Ġcorrespond ing +P re +Ġ ), +Ġch ances +Ġsche dule +Ġdesc ript +Ġb low +Ġencourag ing +un ning +Ġab andon +Ġdest ruction +Ġc aught +v a +Ġst ead +Ġupd ated +s im +Ġvirus es +Ġcomp assion +Ġjud ge +H T +ĠBra zil +en ess +Ġm ask +Ġliter acy +Ġdis pl +Ġpl us +Ġpe ak +Ġprint ed +ari os +row ing +T ext +ĠT ry +Ġcomp ens +Ġwell being +Ġr anging +ĠChristian ity +ym ph +Ġvol can +Ġwid th +or ate +P art +ult s +og a +am ination +ab il +ap se +S C +rand om +ur rent +r ary +Ġes cape +ac co +Ġactiv ely +ï ¼ +D on +Ġrob ot +ĠB ab +to ken +Ġperson ality +Ġp it +ass es +Ġenem y +Ġstrateg ic +Ġunder t +b a +ĠB ig +Ġvers ions +Ġcy ber +ra c +ĠSec urity +f riend +Ġsurpr ising +Ġgluc ose +S p +Ġmod ified +err ing +Ġefficient ly +I F +ĠServ ices +ĠW elcome +Ġburn ing +Ġworks he +A m +S he +ĠL ast +d i +h as +qu it +Ġsun light +am i +Ġar ise +Ġins pect +Ġra b +an o +ĠYou ng +Ġsl a +col umn +Ġimplement ing +ĠVal ue +st ack +ot ton +ĠV iet +F orm +Ġecosystem s +Ġrenew able +Ġprom ise +Ġam pl +Ġmet ers +Ġh un +k i +ĠI II +ree k +ĠWhe ther +am ins +Ġaw ait +Ġpract icing +ort ed +ĠCarol ina +} ) +Ġnarr ative +Ġc av +Ġd ates +S im +ut rition +Ġemphas is +E ven +ple te +R C +Ġt ables +Ġappro ved +Ġpos it +Ġfem ales +Ġmarket ing +Ġpref erences +oc king +ĠSar ah +Ġn ose +Ġexpl ored +Ġcomp osed +v ance +Ġclass ic +Ġt ub +ch arge +ĠI ran +c ore +ĠPart y +Ġplan ned +Ġs ad +', ' +ĠO per +Ġgir l +est ions +ĠF ace +Ġdes ert +d ist +Ġweak ness +st on +Ġkid ney +se m +Ġdis aster +i ar +es ides +Ġautom atically +ĠS il +op ath +Ġann ounced +Ġm ixture +ĠChrist ians +P E +ĠPl ant +ad ing +Ġscient ist +b ug +Ġur l +Ġmort ality +Ġass ets +Ġbab ies +Ġord inary +Ġexpress ions +Ġimprove ments +Ġpur s +Ġkeep s +Ġprec ise +Ġdim ensions +Ġsla very +Ġre nder +Ġpo em +Ġindic ated +Ġanaly zing +ĠT ogether +Ġprov en +Ġconsider able +conn ected +Ġt ube +t em +Ġm ales +ens ional +Ġfall s +az ine +Ġl ingu +ĠU lt +Ġpar as +th is +Ġr ing +ut ely +In ter +Ġatt ach +Ġbr ush +Ġinsp iration +Ġsign ed +d oor +T rans +ES T +Ġlegis l +ov ascular +eg in +Ġgu ard +Ġch annels +Ġins ulin +Ġprof ile +Ġd b +w ind +Ġavail ability +Ġpan el +y al +Ġres id +el esc +Ġst rain +Ġproport ion +Ġla id +Ġtra its +ot ype +elf are +ad y +Ġwonder ful +ĠS at +low er +ins on +Ġp in +Ġmem ories +Ġc ash +Ġprov ed +ĠF ort +ud e +Ġt ons +Ġdecl ared +Ġdis par +ĠPro cess +ĠHol y +ĠB ack +Ġmeas uring +Ġun iform +ry pt +Ġcy cl +Ġfind s +Ġorig ins +ĠUn fortunately +Ġdis abilities +ĠDe v +Ġw ine +Ġext end +Ġtarget ed +U M +it ure +Ġvari eties +Ġra c +Ġcoun sel +Ġhe ating +sh ow +Ġsen ior +Ġdepend ent +č ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ +Ġper ception +Ġplan e +Ġsatell ite +Ġsens itivity +az on +) ] +Ġep is +ou rage +ia h +-------- ---- +Ġprepar ing +Ġenh ancing +Ġpres erving +s en +Ġnorm s +A ut +Ġatt itudes +Ġident ification +y ou +Ġt act +less ly +Ġcl ub +Ġscen ario +ĠP ot +ĠN ote +ĠOpt ional +Ġexhib it +Ġm old +Ġdef end +ro at +ed u +ĠN az +Ġinter face +ĠIr ish +Ġus ual +Ġt ension +ou nce +Ġele ction +Ġprovid er +t elling +Ġsaf ely +l ock +on al +Ġequ ation +Ġmicro b +Ġcount y +pro ject +Ġche st +n ight +Ġpriv acy +Ġremov al +ot ypes +Ġqu iet +Ñ Ĥ +Ġcont ribution +Ġsc ope +Ġdoll ars +Ġinhab it +Ġhus band +Ġpe er +Ġcho osing +ĠB ob +Ġroad s +Ġv el +ĠSystem s +Ġhe m +Ġinsp ire +Ġs ampl +Ġresp iratory +l ink +Ġmetab ol +Ġsens ors +Ġv ocabulary +Ġcelebr ate +Ġw ound +Ġconnect ing +ĠKing dom +Ġout er +Ġtra ct +Ġint ensity +Ġextraord inary +Ġexperim ental +op ol +ĠM el +ĠM en +Ġfac ility +ĠStr ateg +Ġaud io +Ġmarg inal +ĠB uilding +Ġfac ulty +Ġwind ows +ĠP o +Ġec ological +g raph +ĠApp lic +Ġr itual +Ġprotect ive +Ġf inger +ak istan +% ) +C he +Ġdis pos +E E +Ġdr iven +Ġir rit +ha ust +br id +her ic +ĠH and +Ex ample +u id +Ġim aging +Ġt urb +it ems += { +Ġw arning +Ġh orses +Ġg ut +Ġfe at +Ġdecre ased +Ġl ie +Ġmaintain ed +Ġpros pect +Ġco verage +Ġmin ute +Ġopin ions +em ia +Ġst ere +Ġve ctor +ĠL ook +qu ery +Ġess ays +Ġabsol ute +Ġgal ax +Ġtheore tical +ĠIslam ic +Ġspect rum +Ġmicro sc +Ġal ive +Ġhon est +Ġdri ver +ĠJohn son +ĠY ear +Ġinteract ive +Ġpro hib +ĠIm port +Ġcalcul ated +Ġh oney +ive red +ust ain +Ġs oph +c f +Ġg iant +ĠZ eal +Ġint rig +ĠLear n +Ġc oc +ĠB usiness +ip her +Ġcapt iv +Ġstr ange +ĠAtl antic +ID S +Ġdiet ary +s g +Ġearth qu +rou s +Ġadv ances +Ġany where +Ġh ur +Ġp ounds +Ġdef ect +empl ate +ail ing +Ġsp ir +ĠMart in +it amin +Ġbre eding +ĠA st +oh yd +Ġtrans lation +Ġprocess ed +Ġtem pl +ĠSu per +hy d +i ological +t r +Ġvary ing +io x +ĠInt eg +C P +Ġco operation +od ed +ide o +Ġoffic ers +ĠSaf ety +Ġsil ver +ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠĠ +ĠH all +Ġab normal +ĠG rand +ĠFore st +Ġev il +Ġcere mon +w orking +or ic +T ra +Ġpar agraph +Ġv an +ĠPl ay +Ġen comp +it arian +ig an +Ġrec over +ur is +Ġreport ing +Ġh oles +Ġqu ery +D S +Ġrare ly +H ist +ĠSe cret +Ġflow er +ĠOx ford +Ġcom plications +Ġloss es +Ġmig ration +Cl ass +Ġt ick +Ġprinc ipal +F A +Ġelim inate +Ġre verse +Ġcover ing +Ġscen arios +Ġint est +ign ed +Ġha ven +Ġreason able +Ġbi as +Ġprof it +Ġ ; +Ġsent ences +Ġaccom pan + · +Ġcop per +Ġcre am +ib er +n als +Ġtele vision +Ġr oughly +ĠRes ources +ĠD ou +Ġrec all +Ġtax es +ern el +Ġabs ence +Ġcent re +ĠE p +yn c +ĠF und +pre ne +fil ter +Ġseem ingly +Ġpack age +Ġcomp ound +Ġper ceived +Ġdom inant +Ġclaim ed +Ġcommit tee +ĠZeal and +ĠEngine ering +arch y +Ġf ault +Ġcomm ission +Ġhard ware +f eed +Ġfl avor +ĠT om +Ġphys ically +Ġembra cing +al og +ment ation +Ġtra ce +peut ic +Ġis lands +Ġaccur ately +ĠAl ice +Ġor bit +Ġconsum e +ĠB ill +Ġcollect ions +Ġfunction ing +Ġpregn ant +Ġmut ual +Ġc oding +ĠS up +E very +Ġd il +ep ing +r ance +Ġref lection +Ġsus cept +Ġrad ical +Ġc ab +re prene +Ġbal anced +ĠCon sequently +Ġv en +Ġcre w +Ġvari ation +Ġmem or += ( +ĠChrist mas +in cluding +Ġt ip +os h +ĠN um +ĠNet work +ĠL ead +Ġf ing +Ġminim al +ch ain +Ġdis h +ĠH T +ĠInd ians +Ġfour th +ĠOr ig +Ġlog ic +Ġemb ark +Ġcon qu +Ġflow s +ask a +Ġconfirm ed +m iss +Ġed ition +Ġl ists +ĠAg ency +Ġar rest +f ound +Ġhard er +cycl op +Ġloc k +ĠOn line +EC T +Ġhead s +Ġrequest s +Ġconscious ness +Ġo v +us cript +B ecause +Ġdesign ing +ocol ate +Ġwhe el +Ġinvestig ate +Ġto w +Ġbre aking +Ġflex ibility +Ġn odes +g a +Ġgra in +Ġsou l +Ġch am +Ġref erences +Ġinf o +Ġexam ined +ĠM ove +he imer +Ġquant um +ig ue +ĠH ill +ĠSw ed +Ġf o +re ction +P L +Ġb att +Ġwond ered +ens ed +Ġver tical +ul pt +ĠOrgan ization +ers ion +Ġvibr ant +Ġflex ible +Ġd uration +Ġopp osed +Ġr ational +Ġl ake +ĠE qu +c ut +N ext +ĠL im +othe rapy +ĠTh ree +ri ze +Ġher self +cs v +ĠM er +em b +al ities +Ġlight ing +ĠF act +ĠA R +ĠN orm +Ġy e +com mon +Ġparam eter +Ġb row +ru it +hem a +ĠB al +Ġauthent ic +Ġphr ase +ĠH osp +Ġch lor +Ġmount ains +Ġcontribut es +re ams +ab eth +Ġgrant ed +Ġlibr aries +C ons +Ġfish ing +Ġscre ening +Ġb ag +ĠL ittle +ĠCont in +et ary +Ġsurpr ise +ĠD en +ant ed +Ġsuper ior +Ġacqu ired +ĠAut hor +Ġmanif est +co very +Ġro se +Ġsp ark +Ġhaz ard +Ġant icip +Ġcall ing +ic y +se x +Ġprob ability +Ġcal ories +Ġresearc her +Ġachie ving +Ġcur ve +Ġdet ected +ĠC le +Ġdel ivered +Ġwor ship +Ġp ond +id ation +Ġben e +Ġmin eral +Ġgrow s +J ust +Ġtem por +Ġlo op +ur a +Ġsens or +ĠP lease +Ġclass ical +Ġf ra +Ġlands capes +Ġex ceed +Ġpe ers +Ġdo se +I O +Ġsav ed +Ġnum er +ut en +Ġsc ulpt +Ġtem ple +Ġpre ced +ĠP oint +Ġext ension +Ġcompet itive +Ġprop ag +Ġphenomen a +ol ar +Ġmotiv ation +Ġsong s +. ). +Ġglob e +ĠP olicy +Ġappe al +Ġdem ocracy +D ef +Ġinf ant +Ġabs or +Ġund ers +p ie +Ġvis ited +ir ms +ĠF igure +clus ions +Ġe ase +ĠRead ing +Ġbi om +ven ile +Ġdiam eter +Ġdis hes +Ġisol ated +per or +Ġcl othes +et a +ĠPract ice +ĠAdminist ration +ĠHe b +Ġcool ing +ĠC ross +Ġdeterm ining +u is +ost on +am ps +Ġtown s +čĊ čĊĠĠĠ +Ġcopy right +Ġbene ath +Ġpass word +ĠAss ess +th rough +Ġexpand ed +Ġc as +Ġdeterm ination +raint s +Ð ½ +Ġpand emic +Ġadvance ments +ĠJ ul +ol n +m ask +Ġaltern atives +ac ent +Ġsur ge +Ġst ations +ĠP akistan +le ft +Ġenh anced +Ġne ural +Ġsuff ered +Ġcomp os +ĠConn ect +Ġf rust +Ġtem porary +ogen ic +pt ic +T able +Ġg ast +rou d +ĠL ow +Ġchem istry +p ower +per m +un ct +x y +Ġcontext s +ĠAng el +Ġvers us +Ġman ager +Ġhabit ats +ĊĊ Ġ +Ġra ising +ĠWind ows +o ons +Ġdis ability +Ġbre ed +ĠM oon +r in +ad der +ĠWith out +ang er +ap ed +Ġl osing +Ġa est +Ġgra ins +Ġstake holders +ĠDist rict +av ed +Ġbl ank +Ġor dered +clud e +ĠO bs +Ġelse where +Ġke ys +Ġeld er +' )) +Ġg athered +Ġwhe at +f ix +Ġun ity +Ġvis iting +Ġl es +m ath +ĠD own +Ġh ier +Ġsub mit +pro duct +ian a +O W +Ġl uck +Ġhapp iness +k ind +Ġd rag +Ġad olesc +qu ir +ad vant +Ġearl iest +Ġhe nce +Ġaddress ed +Ġhorm one +Ġexc ited +Ġtrib es +ri z +ĠC rit +ĠF our +cre en +Ġsudden ly +ĠR oad +Ġcontroll ing +m ail +Ġex haust +ĠI D +N ote +ic ular +on ent +roll ed +Ġt elling +Ġag ed +Ġcon j +Ġcolumn s +ĠSp irit +Ġac ute +Ġed ges +Ġdirect ions +Ġas c +Ġt ropical +ou red +Ġcount less +Ġpar ad +Ġs aving +Ġvo ices +Ġact ing +ĠM ath +Ġm ine +em a +Ġhunt ing +Ġse at +Ġt error +ric ts +ĠP ath +Ġbu ff +ĠS ir +Ġb omb +C o +o ids +Ġman ual +Ġview ed +Ġsatis fact +Ġun ion +N S +ĠH arv +Ġdis ag +ĠC ast +ĠL og +C A +r h +ĠArt icle +Ġdec ay +ar ation +m al +Ġstop ped +ĠR ock +T ER +on ly +ĠCent re +b ooks +v i +Ġoccur ring +Ġch ose +AT ION +Ġf ed +c ult +Ġintegr ity +Ġst ones +ĠW all +Ġcandid ate +ĠT op +Ġcomb ine +ĠV en +ĠJ ac +Ġprefer red +ann ed +Î ± +as ant +ms g +con text +Ġtherm al +Ġsc r +Ġnit rogen +eg a +Ġp estic +omet ric +ĠH or +Ġleg acy +u i +p df +i ability +iz abeth +Ġg ently +Ġcl uster +Ġachieve ment +ĠL ight +Ġstre ets +Ġmag ic +p i +ex ist +Ġfar ms +à ¤ +Ġph osph +Ġsh oot +In f +Ġfall ing +Ġremov ing +Ġt ales +Ġt ight +Ġequ ipped +m ond +n on +Ġsp atial +Ġamid st +Ġgra des +Ġbacter ial +Ġatt ributes +ĠPro p +Ġinvolve ment +Ġhigh lights +N e +Ġv ig +Ġquant ity +Ġgen u +ĠC ase +t xt +Ġdef initely +ĠC E +Ġast hma +cent ury +ci pe +Ġeven ing +Ġille gal +Q L +b est +Ġpay ing +lik ely +ĠM ach +Ġdut y +ch ar +ĠP ass +f ields +Ġwe aring +Ġvit amins +Ġsu it +Ġdirect ed +Ġc ort +Ġelect ed +reg ation +Ġcal m +Ġdiscipl ine +Ġpoint ed +iox id +Ġsepar ated +Ġnutri ent +Ġmag ical +du ate +Ġpl ain +z heimer +AT E +ange red +Ġaut o +om er +W elcome +im m +im ents +C R +in ition +ĠU r +ĠT able +ac ies +ir th +Ġdiff er +Ġwrit es +ĠKore a +ĠRet urns +Ġtrig ger +ct ors +Ġdiv ine +Ġmist akes +Ġbreak s +ĠCo ast +Ġp d +ra q +un a +Ġowners hip +Ġsp an +Ġmanufacture rs +a fter +pl oad +Ġord ers +Ġphilos oph +S I +Ġphys ician +ĠDig ital +ĠD ar +ĠM D +Pe ople +ĠS und +epend ent +Ġl aser +ĠColumb ia +ĠAv oid +Ġd ictionary +b uild +Ġsole ly +Ġsh ock +ĠW ay +Ġcour ts +Ġrespons ibilities +oc ity +ĠP et +Ġse gment +Ġf lying +H A +Ġplant ing +Ġconcent rations +inc oln +od er +Ġfat ty +O ut +Ġn om +pred ict +Ġlog ger +Ġpath s +v als +Ġ ? +Ġsac red +b el +comm and +Ġf ats +ĠIm m +Ġgent le +Ġl ip +ĠD om +et ing +Ġse cre +Ġg ases +Ġdo ors +ĠC ir +un icip +ĠF ire +Ġper pet +iv ation +ĠC ode +Ġarg ued +Ġhealth ier +Ġin clusive +Ġal ert +ĠG r +ar ters +Ġto ys +Ġneut ral +Ñ Ģ +Ġperfect ly +Ġd rought +Ġadd iction +lay er +Ġp airs +du ction +is ely +ĠSup reme +Ġdram atic +ĠCons ervation +u rolog +Ġdeg rad +Ġspec im +bl ock +o ys +Ġcl ock +Ġch air +ĠM aster +il a +Ġmet als +z one +[ - +ĊĠĠĠĠĠĠĠĠ ĊĠĠĠĠĠĠĠ +Ġfin ish +Ġcat tle +Ġbiod iversity +Ġro yal +spec ific +t ag +Ġm ic +ĠA L +S m +Ġinc ident +Ġm g +ac hers +m ade +$ $ +Ġobst acles +Ġpan els +A re +Ġdi pl +Ġanalys es +ĠI ss +Ġsl aves +Ġch ap +Ġf ought +ric ted +al m +" ], +ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ +ou l +S ource +Ġt ough +b its +ĠY es +Ġcharacter istic +O M +Ġrecogn izing +ex ec +Ġspok en +Ġcardi ovascular +lab els +Ġt one +Ġn ice +Ġsub t +Ġt on +ĠPre vention +Ġen orm +Ġplan ets +Ġent ering +Ġm ock +van ia +ES S +ĠHe art +Ġwor st +ĠP en +ĠFace book +Ġsl ave +iss ance +Ġpl a +Ġimag ination +ĠF il +are t +Ġman uscript +ĠInv est +pt om +Ġpractition ers +friend ly +Ġad vers +Ġsp ots +Ġcandid ates +er ge +Im age +f s +Ġbehavior al +Ġestablish ing +ĠF uture +ĠPro g +ĠInd eed +ĠC r +Ġcl ar +erm an +be an +Ġgraph ic +Ġmod erate +ĠProt ection +Ġprior ity +Ġexpand ing +Ġnot ion +Ġh urt +Ġstay ing +Ġaud iences +Ġat oms +Ġcont ents +aw are +ĠScot land +E ng +Ġconclud ed +ent er +Ġcharg ed +Ġcl ust +ĠCh all +g reen +sy l +end ar +Ġcomb ining +R ep +hav ior +rop ri +Ġp ion +d irect +iv ate +ĠL ee +Ġadapt ed +à ¥ +elt a +Ġavoid ing +Ġo m +Through out +ĠM ah +Ġident ities +b as +Ġst ood +Ġex port +Ġint ention +ĠD utch +pl t +op her +E X +R et +Ġold est +Ġtrans mit +Ġexp ed +Ġpredict ed +Al so +iv a +Ġw at +eng er +Ġsettle ment +P ub +arn ess +u gg +Ġpopular ity +Ġto b +Ġpar ams +ost er +ĠE mb +Ċĉĉ ĉ +ys ical +H S +Ġdri vers +Ġcust oms +Ġt ong +ĠI de +Ġev ident +Ġlung s +ĠSupp ort +Ġcommunic ations +Ġgra vity +ĠHeb rew +Ġbe es +Ġw ise +Ġg est +in v +f ol +ibl ical +l at +ert y +Ġlect ure +Ġw elfare +**** **** +P y +m ode +Ġpat ience +ĠPal est +ou nder +et ts +ĠPl ace +Ġenter pr +z ym +Ġw ider +Ġaccompl ish +ĠT ext +ĠB ooks +Ġiniti ative +ou ds +Ñ ģ +ĠE ffect +Ġfl ash +Ġrest aur +ard ing +Us ing +Ġregard ed +M ay +ĠM S +Ġocc as +Ġg if +Ar t +Ġown ed +ĠAl zheimer +Ġeng ines +Ġc otton +s we +Ġgra b +ĠB oston +Ġqu arter +Ġlast ing +Ġste am +Ġreflect s +ans as +ĠMin ister +Ġmed itation +Ġregul atory +Ġstrugg les +Ġprom ising +Ġfil ms +as ures +ĠHe ad +j ud +ĠBe ing +Ġrestrict ions +Ġs elling +ili pp +Ġdel icious +ĠB attle +Ġcontinu ing +Ġstri ke +ĠJust ice +iz z +ce ive +Ġtum or +rou ps +ĠUn like +Ġhosp itals +ĠAs k +Ġreve als +Ġphotograph s +b ot +E F +ple x +Ġestablish ment +ĠP ur +Ġmeet ings +Ġconsist ently +Ġillust rate +app ed +C re +ur ches +Ġm ouse +Ġbu ying +ĠEd ward +Ġag ing +Go ogle +ĠOf ten +Ġcry pt +Ġanal og +Ġs pl +Ob ject +w orth +Ġantibiot ics +` . +s ign +Ġfem in +Ġatt itude +Ġt ric +ĠL y +Ġf ur +p ub +ĠL G +ac cess +Ġrel ie +d rop +istic ated +w an +Ġreview s +ĠS and +ĠC all +agn etic +Ġdev ast +Ġir rig +Ġad verse +Ġto m +Ġsh ares +Ġtob acco +p ay +aterial s +C omm +R L +Ġj uris +ĠJe ff +Ġillness es +ĠWrit ing +G e +Ġpol ar +ĠAg ain +Ġsci ences +om eters +~ ~ +ĠK en +Ġconsum ed +tain ing +ĠC at +ish op +ble m +ber ry +Ġathlet es +Ġmother s +eg u +Ġnovel s +ĠN ov +ĠS elf +Ġjud gment +im a +ach us +Ġdist ances +Ġcelebr ated +ig ious +Ġbatter ies +ĠI raq +Ġbelie ves +Ġh all +ĠWrit e +Ġexec utive +A ss +Ġthera peutic +Ġthreat ened +Ġun likely +Ġ[ " +Ġtra cking +Ġvacc ines +r ink +Ġapp s +ĠN ext +Ġwe igh +Ġaccept ance +ist ant +erc ury +: : +Ġadapt ation +arm ing +ĠI V +Ġcarb ohyd +Ġconvers ion +Ġc ord +et he +Ġent reprene +Ġw ars +Ġtransform ed +Ġfu els +ĠEx p +ĠB ul +Ġdirect ory +W rit +ĠT O +h ire +dat aset +Ġpr ime +ĠIm pro +Ġassign ment +ĠE mer +P D +Ġexist ed +ĠCam bridge +Ġsupp lements +Ġcon d +Ġscen es +su pp +Ġconf usion +Ġevery where +ĠL in +un it +ĠC ard +ĠQue en +Ġlif etime +Ġdiscover ies +Ġp ose +Ġmembr ane +r t +Ġpriv ile +ĠSur vey +W here +Ġinput s +u ate +ĠPer haps +Ġprogram me +Ġen um +Ġent ities +Ġ{ " +it ting +syl vania +e vent +Ġfat igue +Ġhy gi +L esson +Ġac res +Ġthr ive +dev ice +Ġrein for +Ġinflu ential +Ġjour nals +Ġcons ent +ĠHosp ital +Ġstat istical +Ġpay ment +part s +Ġth reshold +ĠSh ould +Ġcrit ically +as hes +Ġprom otes +Ġc odes +Ġer u +st yle +Ġapplic able +Ġchick en +Ġstory telling +à ¢ +Ġs ending +) ), +Ġess ence +ĠE conomic +< / +ĠFor ce +Ġlog ical +K E +Ġassemb ly +N et +ne cess +Ġto ken +c ule +Ġcompl iance +ĠI T +o ice +Ab out +re place +Ġparticip ating +Ġdemonstr ates +is ition +f ting +t x +Ġprec ision +Ġaccompan ied +cl os +Ġgo ver +L og +R el +ĠB u +ĠL incoln +P ath +Ġaddress es +usal em +Ġcomprehens ion +Ġconver ted +Ġmed ieval +Ġenthus i +loc al +ĠF ather +Ġun like +c opy +ĠH indu +Ġfore cast +Ġd ating +ĠThe ory +ne g +el ing +ĠE conom +ĠEl izabeth +Ġcy cles +Ġcou rage +Ġhousehold s +Ġbur ied +Ġjoint s +Ġdefic iency +Ġre const +ER S +Ġex ch +Ġar med +ĠLe vel +g rid +Ġleg end +y er +o a +Ġch ocolate +ĠL i +Ġmos quit +Ġc ure +J ohn +Ġreg ister +Ġcollect ing +ĠDirect or +Ġharm ony +Ġcomp ost +f oot +ut her +sy stem +Ġrest ore +Rem ember +Ġd airy +ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠ +ĠN OT +Ġconfig uration +er ator +ĠOh io +az e +Ġsett led +Ġc v +Ġrequire ment +Ġpow der +Ġhypothes is +Ġdeb ates +P r +Ġju ice +Ġveget ation +Ġpress ing +ain ts +Ġpublic ations +t otal +Ġbe at +Ġdr inks +Ġcons erv +ediat ric +ol i +ps y +e val +ĠF ield +Ġopp osition +ĠR h +Ġp roud +Ġinequ ality +ĠD id +o is +man n +Ġexplain ing +Ch ild +Ġisol ation +Ġto mat +Ġre aches +Ġsoph isticated +Ġgod s +v ari +Ġrel ate +Ġbl ess +Ġposit ively +Ġl ymph +Ġk illing +Ġbo at +Ġant ioxid +Ġhorm ones +Ġdisplay ed +ĠL ine +Ġeth ics +Ġw al +Ġreput ation +Ġcorpor ate +el ve +Ġpray er +Ġexc ite +er b +ĠMich igan +iv ities +) | +Ġest ate +Ch ar +Ġin cent +ĠDiv ision +Ġwork place +Ġcor on +Val ue +Ġpre cious +Ġenjoy ed +est ock +ag en +Ġl icense +ĠV e +Ġwith draw +Ġvar ied +Ġsp oke +Ġequ ations +ĠHaw ai +it ate +ĠW al +Ġres c +ĠMus ic +Ġsp ray +Ġrev ol +Ġw ra +Ġclass ification +al so +as m +Ġutil ize +c at +gra de +Ġconsider ations +Ġsuggest ing +e em +Ġoffic er +Ġas ide +ĠM ind +Ġpub l +Ġp ill +st op +Ġsav ings +Ġgard ens +Ġaut ism +hem istry +U se +ur able +ell er +Ġwork er +Ġy es +chn ology +Ġreflect ed +m em +ad el +Ġcomple ment +ob ile +% , +ĠGeorg ia +IS T +M D +Ġfore ver +Ġthor ough +sc ore +u an +Ġport ray +in ator +Ġquant ities +th ritis +ane an +C ount +Ġcl ay +Ġclass ified +Ġde ploy +ĠPh ot +Ġassum ed +ĠSchol ar +X X +az z +Ġz ones +Ġl on +u v +ĠA ff +` , +Ġaccording ly +Ġspread ing +end ment +mat rix +Ġpain tings +Ġinter ior +Ġpost s +Ġan ger +Ġfit ness +P T +Ġout door +Ġcur rency +Ġsuggest ions +W id +Ġassum ptions +Ġappl ies +Ġse vent +Ġgover ning +n atural +Ġrecycl ing +Ġimmig rants +ĠAm azon +g r +Ġancest ors +e fficient +oper ative +achus etts +reg ular +acks on +Ġstreng ths +Ġviol ent +Ġdis advant +Ġtext ure +Ġorient ation +p arser +ĠOb ject +Ġem erge +Ġher b +if ice +Ġc ub +ge bra +d iff +id ers +ĠY O +Ġeconom ics +ce ans +ĠAr ctic +Ġaccount ing +st ore +st ars +Ġh am +Ġlik elihood +og s +Ġcolon ies +Ġb orrow +ly mp +Ġsh orter +." ) +ulum i +Ġmin i +Ġpros per +bor ne +ĠSt ar +Ġkit chen +Ġp ets +' ): +Ġign ore +Ġlow est +Ġc rown +Ġpart ial +Ġconv in +Ġinhabit ants +B ack +Ġover view +ĠPort ug +ĠC arl +ĠHel p +ĠIn cre +b acks +Ġtail ored +comm un +dep th +Ġsched ul +Ġo l +Ġneur ons +ste in +u its +ĠJer usalem +he nd +Ġnutrition al +ĠPenn sylvania +Ġgen ome +Ġdist ant +Ġen forcement +ĠPl us +e ven +Ġf ires +Ġor th +Ġhol iday +p u +Ġserious ly +F T +Ġground s +ĠStand ard +Ġâ Ĩ +E G +Ġm ature +ĠSm all +ut ing +Ġagg ressive +Ġreven ue +ol s +Ġappoint ed +amm a +Ġp ace +Ġleg it +p in +Ġc ow +ig er +er ally +ĠD C +Ġrepe at +ĠS ection +ch ron +Ġfeat uring +Ġsub tle +Ġb are +Ġemploy ee +F rame +Ġh at +Ġperson nel +Ġvict ory +ĠC ub +ĠC ost +Ġbe ans +Ġbr id +h igh +Ġre cre +Ġpers u +ĠTest ament +ĠIm age +af e +Ġut ility +as ma +Ġbra ins +Ġthan k +Ġind irect +Ġpre y +Ġill um +it ches +Ġharv est +Ġbas ically +Ġstri king +Ġsche me +Ġur ine +Ġdevelop ers +Ġcan cers +D is +Ġcal c +en za +Ġfin ance +Ġsurround ed +Ġl oyal +'] . +о Ð +de bug +fun c +Ġe ars +ĠR ight +ĠA ction +Ġsequ ences +f ire +K e +o z +Ġan throp +d iv +ĠIs lands +Ġrec ording +Ġcop ies +Ġdat etime +Ġselect ing +Con fig +Ġinteg ral +V I +k er +St ate +Ġhome work +Ġmov ies +Ġvir al +Ġst ack +s ample +OR D +Ġprec isely +Ġstrugg ling +Ġcaptiv ating +Ġn ull +ol er +Ġb orders +Ġmedic ines +ĠR am +The n +ĠGree ce +Ġcirc ulation +ĠMuslim s +ĠWith in +Ġdesign ated +Ġpain ful +Ġf r +Ġb in +Ġreplace ment +Ġd raft +ira ble +v in +ĠColor ado +row th +Ġking dom +Ġrow s +e or +ĠH im +Ġp H +Ġnewsp aper +Ġt or +Ġman agers +ĠBl ue +ĠC apt +Ġevol ving +olog ically +Ġsum mar +de c +T I +Ġdisag ree +Ġdefin itions +ig m +ment ia +ĠMed ia +Ġd reams +Ġaccept able +ĠConf ed +at ile +Ġco at +d escription +B ase +ĠE vent +un s +Ġcritic ism +Ġident ical +ĠH um +cle ar +fl amm +Ġteach ings +Ġimp air +ĠTh anks +Ġwood en +st ers +Ġ ion +Ġworld s +! ! +h ops +ab out +ĠB ased +ĠAr ts +s ession +Ġl ob +Ġenorm ous +Ġveget able +Ġpen al +Ġsome where +Ġc her +Ġimportant ly +ĠD O +w s +ĠF ar +Ġrele vance +ag an +or rect +ap or +Ġreason ing +k et +a is +Ġt ends +orig inal +Ġ `` +ĠC ON +Ġult imate +Ġpredict ions +ĠSt ory +Ġsect ors +Ġs au +h al +se curity +ater al +Ġsepar ation +Ġdescrib ing +ĠMex ican +Ġsurg ical +Ġg aps +ĠHarv ard +Ġf an +t ains +Ġrest oration +u ce +object s +B M +ent i +Ġb ol +atch ing +Ġsaf er +Ġassoci ate +Ġt ab +ĠW is +Ġnut s +st atic +ĠP age +Ġbas ics +Ġthor oughly +Ġbackground s +Ġbox es +Ġsc ales +ruct ive +ĠPar liament +ĠE r +b ell +f are +Ġch a +il er +rain ed +ĠMean while +Ġg ate +Ġt ang +Ġqu e +vis or +Ġcap s +Ġcollabor ative +Ġn est +Ġcele b +ĠD rug +Ġgather ing +Ġbeg un +Ġs ale +Ġnavig ating +T O +P lease +ĠN ame +Ġshif ts +ĠAn cient +cyclop edia +w a +Ġr anges +ser ver +ĠP arent +Ġvar ies +Ġsub sc +op l +ic ul +ĠP rom +ill ance +Ġconst raints +Ġdistingu ish +ĠMass achusetts +ĠC P +S L +Ġsod ium +Ġfing ers +p erson +ĠP u +Ġ< = +! ) +Ġindepend ently +Ġevolution ary +ĠOther s +F F +Ġvirt ually +'] [' +Ġt elesc +oc a +à ± +Ġt ale +Ġfant astic +Ġpres ervation +ad ed +In put +Ġlay out +Ġsus pect +Ġmodel ing +ĠViet nam +Ġim g +Ġh al +br is +ĠP ain +Ġsc ar +Ġbus y +s end +Ġproduct ive +at i +Ġstre ams +Ġreprodu ctive +Ġassess ments +Ġf raction +Ġcomm ands +ĠPr int +he a +ment al +ĠSo ft +( - +Ġs ister +Ġd ies +Ġor ange +Ġse am +a ver +add ress +Ġdist ricts +im p +ere n +Ġminor ity +ĠT H +ĠV iew +oc c +ĠCult ure +Ġ £ +Ġtw ist +Ġfund ed +F l +Ġres erved +ĠJ ack +Ġtra ding +ĠRe cent +Ġgen re +dim ensional +Ġpreval ence +id al +Ġbarri er +ian ces +* - +Ġd ress +ĠPhys ical +Ġg ift +ĠPh ilipp +Ġtre m +Ġper mit +Ġinf ants +ĠH aving +Che ck +S pec +ag g +à ¸ +Ġdesign ers +ort ion +Ġembra ce +ect or +Ġmyst ery +Ġtempl ate +) ): +pro fit +ra ine +Ġcomp at +ount ered +Ġexec ution +on ame +Ġgra ce +enn y +Ġdem ocratic +ĠM ot +ĠR est +Ġcon clusions +Ġfact ory +ne um +ro le +ĠTr ust +Ġtrans mitted +ane ous +Ġsaf egu +Ġwas h +Ġgr asp +out heast +E ach +b ow +ĠSt an +ook ed +Ġpropos al +Ġin clusion +Ġpartners hip +ĠU V +Ġtem p +Ġoccasion ally +Ġtravel ing +ĠO lymp +Ġrepresent ative +semb ly +Ġinvest ments +c in +Ġreflect ing +Ġb uck +ra v +ef ul +or i +de lete +Ġdiv ide +cipl inary +Ġcomp elling +Ġo ils +ak a +Ġrep et +or ical +Ġenc ountered +Ġche ap +Ġbur den +T wo +ĠGu id +Ġf isher +Ġcomp aring +em ail +Ġread ily +ĠCult ural +ĠG ulf +Ġfil ters +Ġh arsh +Ġprec ip +Ġun necess +Ġro oms +p ow +Ġamong st +P ost +ĠLG BT +Ġt ape +Ġpar ks +Ġvess el +eng ths +ĠWh ich +Ġcontain ers +rep oname +ĠE nt +Ġdro pped +Ġcr imes +t w +ĠF red +b u +ĠC lick +Ġdim in +ĠD oc +Ġgovern ance +Ġwe ights +Ġadopt ion +j i +ĠS qu +L ike +pare n +Ġchrom os +i ations +ph ones +Ġpush ing +ĠTreat ment +Ġr h +ã Ĥ +Ġd type +Ġsh ore +Ġregist ered +Ġd ense +Ġbelong ing +Ġtoler ance +Ġp el +lish ing +ĠNav y +zym es +Ġimp ressive +for ward +Ġent ity +Ġreg ulate +Ġacknow ledge +y es +ĠN ob +aut h +ĠDiff erent +G S +Ġanaly zed +Ġse es +ĠImp act +Under standing +Ġprov ince +ĠS everal +ĠM id +Ġheav en +Ġdest ination +Ġche ese +Ġdigest ive +ri um +ĠC H +" ). +form ed +Ġp ix +is ons +pl ed +ĠU k +Ġh arness +Ġdis sol +zy me +Ġexcite ment +it err +ĠExpl oring +P O +R equ +Ġhy brid +s ervice +Ġinnov ations +ĠConf erence +Ġuncertain ty +Ġdiagn ostic +p ng +Ġm apping +ĠB ang +Ġso ils +Ġc ough +Ġann ually +Ġre nt +ĠCh oose +ĠV an +Ġopt ical +Ġvis its +Ġsu g +ig ration +f all +Ċ ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ +Ġso vere +ĠAgricult ure +F ig +ĠFrancis co +on ing +Ġacc ord +Ġpass es +Ġg ly +Ġm sg +t rue +Ġtrans f +ĠC S +ĠAlex ander +s cience +Ġsens ory +cons cious +ĠUlt imately +Ġser ial +ĠT raining +Ġsampl ing +ateg ory +Ġoutbre ak +Ġpl acing +ous es +G l +s ur +get s +Ġindic ating +ĠComput er +ill ion +result s +st d +St ring +Ġfre ely +ern ess +Ġsever ity +Ġprov ision +Ġoff set +sh aped +Ġpersist ent +Ġs ulf +Ġ .. +Ġc ater +ĠC orn +ĠC opyright +Ġpro long +ĠV i +] )) +Ġd jango +es ium +Ġen de +Ġpurs ue +Ġsc al +Ġpartic le +Ġart if +Ġlab our +ĠPr im +Ġresist ant +An y +gra duate +ustain able +g ame +ĠT own +Ġrout es +ir al +d ated +ĠInd ones +Ġtrans actions +ĠSund ay +Ġg um +ĠM A +Ġinv ention + ® +ir s +Ġcent ered +Ġadvis or +Ġsub mitted +Ġb ool +Ġdi ets +Y es +Ġcra ck +D R +Ġe ager +t f +Ġgener ating +Ġsm ell +Ġspeak ers +d ig +iterr anean +Ġp od +ĠPro duct +Ġinteg rating +ĠRe qu +os ity +pro t +se lected +Ġabsol utely +Ġre vers +( _ +Ġoccup ied +Ġgram mar +Ġrespect ive +Ġreg ime +Ġre ign +akes pe +ĠL ew +P s +Ġp add +Ġelect rons +Ġb ub +Ġhyd ro +Ġn n +P oint +Ġop ens +Ġcolor ful +Ġresol ve +Wh o +Ġsurv iv +Ġdiscipl ines +Ġent it +A c +Ġb at +Ġsh oes +paren cy +Ġspace craft +Con n +ugh t +ĠReg ular +Ġc ited +Î ¿ +Ġsp inal +w as +Ġmen u +m ult +ĠMicro soft +A tt +Ġunder ground +ore st +Res p +Ġdis k +ĠD ictionary +ĠD ue +ĠD raw +Ġmor ph +ious ly +p g +Ġshould n +Ġbe ars +ra ham +Ġpresc ribed +Ġpurch ased +Ġdist ract +Ġexp enses +olog ic +Ġtrans plant +Ġmer ch +ok ed +ĠN umber +ĠJ ackson +Ġdel icate +ĠWild life +h uman +Ġsearch ing +Ġch urches +ass ium +C M +ĠAn aly +Ġdevelop s +ĠHer itage +ĠLabor atory +Ġphot ography +Ġph ones +Ġsk illed +con v +Ġatt ending +Ġcivil ization +st orm +Ġdispl ays +Ġliv estock +Ġas h +l ambda +Ġplant ed +AR T +Ġterrit ories +Ī Ĵ +Ġneighb ors +Ġdim ension +Ġapparent ly +t im +Ġc ig +ĠP DF +Ġbound ary +Ġl oud +om ous +Ġobserv ing +Ex pl +Ġvolunt eers +Ġpil ot +ra it +Ġdel ight +Ġinvest ors +ĠH a +ac le +Ġtong ue +ĠT urn +Ġn urt +Ġliter ally +ĠG all +Ġw elcome +ĠM ur +Ġin ev +ph abet +Ġcut s +Ġlingu istic +at oes +ay a +ac hel +ĠL os +Ġhygi ene +Ġb ite +Ġdut ies +Ġle an +Ġcolon y +u um +Ġmagn itude +Ġemb ry +Ġinstall ation +Ġoverwhel ming +ĠEx ception +Ġrelig ions +ĠSh are +Ġhoriz ontal +ĠBet ween +Ġswim ming +h ome +Ġcl ouds +Ġrese mb +Ġpl ug +ĠL ocal +ino is +Ġattract ive +Ġpup ils +Ġg ear +Ġshel ter +Ġm unicip +Ġgl ac +mod ule +ic ations +Ġde bris +re ated +Ġt ort +Ġde als +set tings +( { +Ġin ch +Ġdistinct ive +in ery +Ġembed ded +Ġsystem atic +ĠCent ury +Ġb ags +ĠM rs +Ġte ch +ater nal +Ġbe ach +cont in +Ġsynt hetic +ĠW ikipedia +Ġdocument ed +ĠSol ar +Ġju venile +Ġshe ets +rib le +Ġpres erved +aw a +akespe are +Ġacc idents +ct u +t ask +ps on +er ver +ĠCol on +Ġpen et +Ġincorpor ated +Ġsym b +C al +Ġcell ular +og ens +Ġconduct ing +ig ation +b ound +Ġmetabol ism +Ġde er +ĠSe lect +ĠN eg +plic ate +Ġret ain +ĠS aint +ĠE ll +Ġprev ents +ĠEn ter +! âĢĿ +Ġdevelopment al +Ġequ ity +Ġbro ke +Ġbot tle +Ġf et +Ġs el +W ell +Ġteac hes +Ġinv asive +ĠDisc uss +Ġth roat +Ġint r +-------- -- +Ġhighlight ing +Ġengine er +Ġmult ip +Ġth yroid +Ġput s +Ġguarant ee +b t +ĠS on +Ġ- *- +) || +Ġconsum ing +loc ation +ĠK enn +ĠTem ple +ĠDan iel +, - +ĠO tt +Ġrot ation +Ġmamm als +v as +ĠAnd rew +Ġhaz ards +il st +om eter +Ġl akes +im um +b ul +C ase +b our +o an +Ø § +S W +Ġr ib +Ġend ing +E m +com put +Ġoper ational +Ġsatisfact ion +ð Ł +ĠBi ology +Ġre ef +Ġen rich +ĠNever theless +ĠC lean +Ġr ough +ĠB ureau +ĠP ut +Ġdocument ation +Ġrecip es +j a +Ġal tered +f ront +Ġver te +Ġspecial ist +in er +p any +Ġspeak er +Ġrul ed +B A +ĠMed iterranean +C ON +zer os +Ġelder ly +Ġsuscept ible +w all +or ters +end ers +ent ry +ĠWilli ams +Ġatt ribute +R ec +Ġinc idence +Ġsu icide +Ġtack le +res ource +Ġdis comfort +Ġinter connected +ĠAl tern +Ġw ings +Ġso y +Ġresident ial +Ġstru ck +Ġbul lying +ru b +Ġpl ates +Ġdram atically +adel ph +Ġcitiz en +Ġcampaign s +Ġpun ishment +ond ay +Ġatt ributed +il itation +ĠPr inc +eng ers +Ġspe eds +Ġacqu ire +Ġutil ized +ĠBudd h +Ġvel ocity +Ġabsor ption +ĠMin istry +Ġtransfer red +Ġtot ally +Ġw ing +inet eenth +ou rag +Ġsurround ings +st ud +Ġsym ptom +est one +Ġcir cul +ĠG iven +Ġ> = +tern oon +per t +Ġhistor ians +Ġinsp iring +ĠL ater +Ġcos m +T R +ĠC reek +Ġb ought +Ġarr ival +Ġth row +Ġreturn ing +b ury +Ġsleep ing +ĠK ids +Ġcontin ent +p a +s v +Ġo k +Ġgold en +v y +ĠApp le +ĠApp ro +D ate +ar ium +form ance +Ġrest ricted +ĠKore an +Ġdes k +Ġl oose +Ġvill ages +s rc +ĠN O +Ġ' ' +Ġsed iment +Ġne urolog +Ġout line +Ġob j +ik a +Ġsurve ys +Ġkne e +Ġinter section +Ġconsequ ence +Ġd ried +ĠO S +ush ing +Ġpred om +h an +Ġt ill +Ġtransl ated +Ġd iving +Ġst abil +ĠH op +ur se +Ġsim ulation +Ġmob ility +el a +Ġloc ally +Ġelect ions +Ġble eding +Ġ> >> +Ġun em +ĠUn ivers +Ġele ph +Ġtherap ies +ĠV itamin +epend ence +ĠCon vention +Ġge ographical +t ics +Ġo ceans +Ġelev ated +Ġenab led +Ġcert ific +Ġel ab +ĠCh ief +ĠF ocus +ĠL at +Ġcol ored +reg on +x x +ĠE s +Ġworks hops +ili ation +Ġcont rad +ĠA M +Ġo ste +Ġto y +Ġra inf +ĠD ie +Ġaff airs +ast ics +Ġher bs +m ates +ĠP ay +Ġabund ant +H and +ĠR NA +ĠH ence +ir ical +w estern +ot ional +Ġimmig ration +G E +th ur +Ġafford able +Ġset up +ter ior +ĠS us +u ity +Ġref used +Ġend angered +Ġlo an +Ġcount s +oc ate +Ġgenu ine +Ġra ys +Ġimpro ves +â ĸ +th ood +Ġprodu cers +clud ed +ĠTur key +ĠC R +Ġgra y +opt ions +ad or +Ġo vers +ĠC orpor +D L +Ġprogress ive +ĠCol l +Ġst er +Ġemp ire +ĠE PA +L ab +adelph ia +ĠB ol +ĠP aper +st rip +Ġupd ates +iv als +Ġr ide +u ct +ĠA ud +Ġirrig ation +nd s +ĠC ell +ud a +Ġb its +ol ph +Ġnurs ing +ĠSecret ary +Ġh ack +p m +Ġtour ism +Ġc able +Ġcar ries +Ġpath ways +s ite +ĠValue Error +Ġintrig uing +Ġadministr ative +el ly +Ġdesc end +ors hip +Ġcan n +ĠR ather +Ġconsist ing +old s +Ġrac ism +as ets +ĠP L +O s +Ġar thritis +Ġact ors +Ġinterview s +ĠJ am +ĠThrough out +u ction +ful l +Ġflav ors +ĠTur k +Ġabund ance +Ġhop es +d el +Ġexplicit ly +Ġachieve ments +Ġdef ining +ĠAl ways +in ance +an z +Ġmist ake +quir y +Ġf t +Ġcont amination +Act ivity +w orm +Ġb inary +de velop +ry ing +Ġrad i +Ġdist inction +od ox +red it +Ġte ens +He alth +Ġincred ibly +ĠW ales +Ġinfect ious +Ĥ ¬ +ã ĥ +F ollow +Ġg ro +y nt +Ġrob ots +om etimes +ropri ate +iz ational +Ġshe ep +gh an +ĠScient ists +Ġemphas ize +ff e +Ġwind s +F e +Ġcultiv ate +Ġb inding +St art +Ġdr ives +iss ipp +Ġattempt ed +" )) +ĠUs er +in als +Ġret ail +Ġunnecess ary +U ser +Ġh ob +Ġer osion +Ġpy thon +h ar +ĠA S +ĠAre a +ĠA T +Ġk g +Ġf illing +Ġde mentia +Ġdi arr +Ġt rick +Ġche cks +Ġst ew +Ġadolesc ents +end a +Ġdipl om +Ġcir cles +Ġinv asion +Ġtyp ing +Ġseason al +Ġst ems +ĠM ic +Ġphilosoph ical +ĠSen ate +ra id +Ġp ipe +Ġentertain ment +M I +ĠM oses +Ġfil ename +ĠAnt ar +Ġj ew +Ġche cking +Ġh ide +og ram +Ġallerg ies +Ġsett lers +. ), +et ed +Ġb ron +Ġevalu ating +b ec +c r +. : +Ġdi ver +Ġassist ant +Ġsem i +Ġappro val +ĠE val +Ġbrow ser +Ġg re +ar ious +à ¨ +Ċ ĠĠ +hem atic +Ġadvoc ate +Ġam ino +ĠD am +ĠS P +ĠM ajor +it ic +Ġal pha +Ġfunction ality +cl s +B ased +'' ' +bre aking +Ġimag ery +Ġhe s +Ġlib eral +Ġreal istic +o op +L ay +Ġen zymes +Ġfac ial +Ġcomplex ities +av en +Ġunder go +ian o +ĠB rain +Ġ( âĢľ +e lect +Ġprotocol s +Ġem it +osp el +ĠO cc +anc ial +Ġcompre hend +Ġsee ks +i op +Ġal umin +Ġcalcul ations +st ic +Ġactiv ation +ell o +B ox +or ient +Ġbe am +ĠR ail +Ġhol y +Ġrainf all +Ġbr illi +oc ated +Ġtra il +Ġdemonstr ating +Ġcharg es +ĠC A +Ġrig orous +plot lib +at tered +Ġreject ed +Ġhe al +ĠEgypt ian +Ġl unch +Ġorgan ize +ĠIll inois +Ġcl oth +p atch +s ome +ans wer +Ġdist ribut +Ġn am +Ġtum ors +ĠN utrition +ess ional +Ġexc av +D ep +Ġt ast +ĠO l +â Ķ +av irus +ĊĠĠĠĠĠĠĠĠ ĠĠ +Ġp iv +log ger +Ġdi agram +b age +ĠPh ilos +W orld +m ers +ri ver +Ġabandon ed +Ġimper ial +n ia +Ġm as +Ġatt ended +ĠGard en +y ard +Ġinter medi +ĠC T +Ġarr anged +M on +Ġv ot +Ġm issions +ĠNe uro +ne xt +W S +Ġs le +ĠF air +ĠE N +Ġrece ives +ran ch +Ġelement ary +ob ic +D et +Ġmulti pl +ang el +Ġv ine +ĠJ ava +Ġarr ive +Ġan ch +c ies +Ġpat ent +_ { +Ġarchitect ural +b urn +ol y +Ġexpl ores +Ġcam eras +Ġgr an +Ġshould er +C N +Ġframew orks +Ġstret ch +Ġar ter +pos ed +ĠSt ill +Ġtw elve +enti eth +Ġshop ping +f ly +Ġland ing +ĠAssess ment +Ġpr ide +ut ical +Ġpat ch +yn asty +Ġcirc ular +b at +Ġcare ers +Ġconf used +ĠH it +om ers +Ġb ind +Ġstra ins +ay lor +Ġmetab olic +Ġsecre ts +if er +Ġdis charge +Ġre hab +ĠB est +Ġintellig ent +Lear n +Ġrhyth m +Ġaf ternoon +i ary +Ġh ung +Ġbet a +ab ases +Ġkind ness +Ġcam ps +Ġheart s +Ġpoll ut +Ġprog ression +rop ol +are r +uss ian +t wo +Ġan at +Ġper f +Ġadj acent +Ġentit led +ĠK ent +Ġsubs id +M M +Ġst raw +Ġfeature d +ĠMove ment +Ġcomb inations +Ġatmosp heric +Ġw ake +ĠO ffic +Ġg ains +Ġb ust +k g +ĠL ess +onym ous +ĠR ab +Ġindic ators +Ġmole cule +Ġsp ons +Ġinf lation +Res earch +ro se +ĠF DA +Ġsw elling +Ġrepresent atives +Ġcontrovers ial +c ost +ĠFollow ing +Ġcoll apse +Ġintrodu cing +Ġtra v +ĠCar ib +Ġtend ency +Ġs ons +Ġan x +Ġint ens +Ġinvent ed +Ġfif th +ul ative +? ** +Ġcorrel ation +Ġcal endar +Ġceleb ration +Ġdig it +Ġharm on +Ġeconom ies +ĠD at +ĠL uc +aw ay +Ġra ises +Ġcook ed +d ess +ĠF ed +m ock +Ġfriends hip +Ġpro l +Ġinst ant +Ġ ~ +le arn +ĠF ac +Ġearn ed +Ġas ks +Ġel ig +Ġcomplet ion +Ġf ate +per ties +Ġbe e +Ġb old +fe atures +ĠCommun ication +issipp i +ĠAl aska +Ex ception +Ġcompet ing +ĠEnc ourage +Ġ © +ĠRel ations +ĠO regon +Ġweek ly +p ool +Ġfib ers +ĠC ond +Ġinj ured +Ġpublish ing ++ + +it zer +Ġ Ï +u ple +ĠN eed +hel p +Ġm es +g ency +ĠBer lin +ĠSt ation +ĠInd ex +Ġmean ings +ĠSc ript +Ġopt ional +o il +y r +ĠWil son +Ġperson ally +reat ing +" ]) +ĠO N +Ġsp ine +ĠCon clusion +or us +Ġgu ides +Ġencomp ass +Ġadvent ures +B L +ĠComm ons +Ġcomb ines +t d +Ġrel ating +Ġcamp us +ĠT ips +ĠD iet +Ġworkshe ets +g ence +Ġconsist ency +Ġagree ments +Ġevalu ated +ç ļ +swe red +ĠH yd +Ġp ale +Ġm i +ĠInt ellig +l aw +health y +Ġc ope +Res earchers +Ġdin ner +Ġang les +om al +in ite +Ġk ernel +Ġle mon +ĠInt erest +ĠS n +Ġg erm +d ers +Ġreview ed +form s +ĠOb ama +] ), +ĠPr in +Ġn od +a a +Ġhead er +à § +Ġpresent ing +ĠB ody +Ġpo ems +h ard +Î ½ +the y +t emplate +Ġunc over +Ġh ip +Ġhist ories +it utes +ĠST EM +ĠMount ain +B D +the re +ĠL ED +ot ten +it us +Ġn oun +ef its +erc ise +ĠS anta +Ġwere n +ĠRes earchers +Ġbroad cast +Ġcy l +ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠ +ĠN ic +Ġconven ient +ou ri +Ġimm ense +Ġcontinu ously +m akers +riz ona +ĠJ r +Ġoper ated +s creen +er ic +he ight +Ġassign ments +Ġf irms +ĠPhil adelphia +Ġpart ly +ĠM other +Ġpost ed +Ġmir ror +Ġcat aly +ĠM arc +Ġinstitution al +is ations +ĠM ap +Ġearthqu ake +Ġglob ally +Ġmet adata +çļ Ħ +ĠF arm +Ġdepos its +he rence +ow ers +Ġge ometry +T Y +Ġoffic ially +wh ite +Ġar bit +Ġdist ress +pro v +S cient +i ors +ain e +param eters +ĠR en +cl ick +ĠBl ood +Ġmet ap +Ġcontamin ated +Ġsystem ic +ĠVis ual +Ġmut ations +Ġth irty +ĠTw itter +o king +Ġre cipe +Ġoff ices +Ġinv ited +re port +co in +Ġemploy ers +Ġb ull +it ar +sp ace +k ens +M at +Ġrepresent ations +Ġabsorb ed +ist ent +ĠSchool s +Ġdepart ments +Ġmark ers +Ġfav our +Ġmag azine +claim ed +Ġgu ided +Ġsh ade +ĠWe ek +ra ce +Ġpred ators +ore r +Ġsacr ifice +Ġstead y +Ġrefuge es +Ġins u +et ically +Ġsupport ive +ĠTra de +Ġattempt ing +ĠM aking +Ġtrans parency +Ġre nd +su ccess +im als +ĠM i +wh o +Ġstr ive +Ġpain ted +Ġto wer +ĠB ase +f am +ĠM arg +ĠF ish +the w +ĠOr der +Ġit er +Ġqual ified +t ree +se ud +Ġpestic ides +y an +Ġinvest ing +A F +ĠS pring +H el +Ġse al +ĠFr iday +cont rol +Ġwrit ings +ĠPar am +Ġs ch +Ġv ag +Ġdescript ions +Ġfoot print +Ġsurv ived +ena issance +un ar +ĠO pp +place ment +Ġexhib ition +Ġthick ness +is hers +Ġd oses +Ġcham ber +init ial +P C +Ġme ets +ĠB ern +ĠN a +Ġp est +amm ad +ĠF ig +Ġgain ing +Ġsl ight +ĠAD HD +V ER +ĠR ole +Ġmind fulness +Ġhum idity +ĠInd ividual +ĠM ental +Ġst atic +Ġp ests +Ġo w +clus ively +Ġwond ering +Ġs orts +we et +Ġmonth ly +ĠClin ical +b ro +met ric +Ġsal mon +ĠAs h +Ġorgan ism +ĠMc C +C lick +Ġtim ing +Ġphr ases +Ġm art +an th +se lect +: ` +ĠJ ones +Ġf ont +Ġassoci ations +Ġrel atives +ĠDe cl +Ġelectron ics +B I +ĠS em +Ġfol k +ace utical +ĠRep resent +gg ed +' ). +More over +ep s +Ġcomm od +ĠLiter ature +Ġpart ially +Ġmanufacture r +rict ion +Ġl ift +F urther +at re +il ly +Ġgra pp +Ġple asure +in ely +Ġan swered +n c +Ġhe ter +Ġwor n +Ġch at +ip ation +Q U +Ġend less +Ġdis pers +Ġtal ks +Ġbl o +Ġaccom pany +ĠSh ort +Ġdoct rine +Ġimp ression +Ġdef ines +Ġsynt hesis +Ġdent ist +Ġadvert ising +ĠMar x +Ġent rance +ĠAs sembly +Ġcoord ination +Ġtit les +Ġbatt les +Ġorgan izing +if iers +Ġmod ify +Ġcateg or +lic t +Ġref rig +Ġaccess ibility +ist ically +Ġfol ks +e ffective +Ġphot ograp +Ġarrange ments +Ġat om +N ational +Ġm erg +ĠN ether +L ife +Ġpreval ent +D own +Ġy ields +ĠAb raham +Ġburn ed +Ġdisc ourse +Ġsust ained +Ġhighlight ed +Ġwas hing +Ġen zyme +lu x +Ġappoint ment +P V +or ative +inc ome +Ġw age +Ġb er +Ġinc orrect +ĠW orking +Ġimpl ies +s ys +ĠK n +Ġsurve illance +d ot +Ġinter val +do i +Ġext ends +dat etime +ĠC ra +mon th +C ar +Ġt ied +ĊĠĠĠĠĠĠĠĠ ĠĠĠĠĠ +Ġmin ister +equ al +Ġdiam ond +ow ed +ĠV ari +Ġbrother s +Ġpress ures +ch arg +ĠMat hemat +Ġwar rant +Ġutil izing +Ġpr inter +Ġun pre +Ġlim iting +Ġsubsequ ently +Ġfear s +Ġaf raid +Ġbas ket +Ġaccompl ished +ĠL uther +Ġexec uted +p o +pect ive +um my +mar ks +Ġacqu isition +Ġca ve +Ġm ail +ĠP ersonal +Ġroot ed +are st +ĠAd am +p res +ĠMar ine +act ic +ĠR o +sol ving +Ġoff s +ri ends +Ġgr ants +Ġtradition ally +rep resent +Ġp neum +ĠH ard +ĠG ar +Ġd rops +qu es +ĠMiss issippi +Ġass et +ethe less +Ġpsych iat +ic iency +Ġp itch +Ġpartners hips +o ard +Ġsurpr ised +Cre ate +Ġphys icians +Ġasp ir +ĠT ree +reat ment +cult ural +ĠPe ace +child ren +Ġm uc +Ġinflu enza +Ġu l +ĠF a +is ible +Ġtrib e +Ġmod es +Ġpay ments +nt il +: || +Ġd ying +ĠAr m +ĠSh ow +Ġart work +Ġcontract s +Ġtra cks +Ġp ine +ber ries +ĠOr th +Ġ ], +st ru +ro py +ĠAngel es +ĠAf ghan +ath an +p ublic +Ġenjoy ing +Ġass ault +ver b +L ine +Ġcra fts +ib li +Ġsimilar ities +U D +Ġg au +Ġpro x +Ġgr at +Ġcomple ting +Ġb ills +v it +ĠAll ah +Ġdang ers +Ġprov isions +Ġful f +ĠScient ific +Ġevol ve +ĠMar ia +ĠCh arl +ards hip +Ġpeace ful +erv es +W ind +Ġs ail +Ġad min +ĠThe rapy +F ind +oun ters +igh th +en ergy +ĠPsych ology +á ¹ +Ġqu ad +Ġc ouncil +m ay +ver ages +eng ine +Ġab ol +oc ent +um ing +ĠA rizona +ĠB on +y t +ĠR enaissance +Ġrevolution ary +H is +ĠStud ent +ple ment +Ġarrange ment +ĠF unction +U P +ĠH arr +A v +ĠM ess +ĠTh ird +Ġconstitution al +ĠH em +Ġvol umes +Ġmyster ious +Ġch ains +ĠAn imal +ĠLew is +ard ed +Ġso ap +Ġext r +ĠAcc ount +Ġpick ed +Ġexpress ing +im ages +Ġoccup ation +Ġapp le +lic ation +ĠBudd hist +s chool +ĠCarib bean +Ġdis asters +Ġenem ies +ĠQu estions +Ġcompens ation +Ġp ink +ĠO nt +Ġex it +Ġnam ely +Ġallerg ic +ĠS E +Ġworks hop +Ġse iz +Ġv om +Ġpr one +Ġind oor +Ġingred ient +Ġs lic +er am +Ġat omic +Î ¹ +, , +uls ion +Ġprofess ors +iot ic +ing ton +Ġpresc ription +in ch +Ġminim izing +Ġv ice +ĠTechn iques +Ġoper ator +ur ally +Ġshow c +ar ians +acc ount +Ġded ication +g ood +art s +Ġph on +writ ing +cy cle +Ġt anks +ĠC ore +Ġful fill +he ro +Ġsing ing +Ġrepl ied +Ġr ic +Ġpack aging +Ġal ien +Ġobvious ly +re nder +å ı +Ġexcept ional +Ġ' / +Stud ents +ĠEn cyclopedia +Ġy oga +us hes +L S +est amp +Ġillust rated +ĠStand ards +ou ch +ĠC N +ĠG P +ric ane +Ġconstit utes +clos ure +en er +A V +ĠCl ub +Inf o +Ġappro ached +ib ration +int eg +eng es +Ġbel oved +m ind +Ġon set +ĠEx ec +ĠH an +Ġse asons +Ġcare g +ĠEx ample +ĠBe havior +ĠCD C +Ġfert ility +ĠB a +Ġco ins +ĠH ig +Ġw ages +Ġpot assium +th al +lay ers +ĠAP I +ch annel +M C +Ġper ceptions +ĠSh akespeare +Ġt ags +Ġimp osed +Ġa ug +ĠCon c +R S +Ġbo ards +ut ter +ĠR and +Ġaward ed +Ġkil ometers +ĠB egin +ĠF un +Ġbi ke +Ġcar ing +Ġpl asma +Ġorig inated +Ġbut t +Ġed iting +au c +Ġmur der +Ġm a +ĠD esc +m ake +ĠR isk +Ġdis miss +ĠU RL +Ġwor ried +ã Ģ +ĠF ile +ĠF OR +Ġm im +Ġapp et +ĠApplic ations +ĠPer iod +Ġcr ust +D i +ĠB it +uck y +Ġshall ow +ĠA C +Ġfurn iture +Ġc od +ag og +Ġ' . +Ġpot atoes +et ry +Ġen v +Ġimm ers +p ersonal +Ġinteg rate +Ġim bal +ram ew +ĠJ im +Ġclass rooms +Ġmix ing +h our +Ġins ist +Ġimmun ity +Ġdegrad ation +Ġnumer ical +Ġvacc ination +Ġe co +ĠF ull +fold er +Ġjo ining +Ġstere otypes +ĠC old +Ġclust ers +Ġhe ated +Ġextra ction +Ġs our +ĠJer sey +Ġconc ert +f a +se ed +Ġsp elling +Ġwire less +re ll +ĠPro test +Ġflu or +Ġinterpret ations +re q +le m +as hed +Ġrep roduction +on in +Ġ verse +Ġcan al +Ġpolit icians +au g +c ard +in flamm +Ġvis ually +Ġtreat y +N ode +ĠT enn +Ġcont rary +d istance +ĠB io +Ġalign ment +ĠN Y +C urrent +Ġprison ers +Ġrecommend ation +M ar +Ġmark er +Ġe rect +roph ic +erm at +Ġdecre ases +H igh +Ġh ang +spe ed +Ġpre jud +ĠL u +Ġfro zen +Ġver ify +AC T +Ġfrequ encies +Ġflu ids +ĠQ uality +Ġex empl +Ġt orn +le ton +Ġreserv oir +Ġdefect s +ĠW ars +Ġwar fare +Ġst uck +ade qu +e ering +F S +ĠEv olution +P at +hold er +Ġpurch asing +un ci +Ġqu ote +Ġext inction +Ġport ions +Ġab road +Ġbrid ges +Ġeat en +Ġtox ins +per ature +Ġp ushed +ĠG ene +Ġmusic ians +Ġgen etics +Ġir regular +Ġob sc +Su pp +ĠMin nes +Ġfe es +F C +Ġmain stream +ĠS ource +Ġfat al +ĠTre nds +Ġrail road +Ġemphas izing +uis ine +Ġk wargs +Ġlo ans +ĠYO U +se cond +Ġmon ument +Ġn ineteenth +Ġsmooth ly +Ġcreat ure +Ġexam s +Ġarg ues +s ized +om on +ĠNether lands +cm d +Ġcomp ute +ip h +Ġrel iability +Ġavoid ed +Ġemerg ence +Ġantib odies +Ġm ile +il ib +ge red +E xt +Ġl in +Ġfe as +Ġst rand +Ġgra ms +Ġd ual +Ġst unning +Ġtrust ed +ac on +Ġl arv +ĠS earch +d est +Ġchap ters +ul ates +Ġt ens +Ġgif ts +P DF +ĠW ed +ĠHit ler +Ġcons ensus +al g +ĠD E +in ian +Ġassess ed +p ur +act ivity +Ġpoor ly +Ġp enc +te in +Ġde leg +b et +num py +Ġb ands +p us +ĠEss ay +Ġal gebra +Ġdat abases +do ors +ear ly +ĠTe achers +Ġartif acts +ĠBuddh ism +Ġprolong ed +an as +Ġeduc ated +ĠNaz i +Ġpat ri +Ġprof its +Ġmal aria +ĠSoft ware +we b +Ġhum or +Ġnerv es +Ġb aking +Child ren +Ġval ley +Ġsens es +Ġt ies +Ġalg ae +Ġst ops +st ruct +ry ption +Ġaccount ability +Ġtact ics +Ġt ar +\ \ +pass word +gen eration +Ġ ठ+n amed +i ro +pl an +ential ly +Ġend uring +Ġdec ent +Ġbl end +Ġm ira +i ative +Ġstr ings +Ġcounter parts +Ġdep r +Ġview ing +Ġbe et +Ċĉĉ ĉĉ +Ġatt ain +Ġreve aling +Ġattack ed +ĠS O +ĠJ un +ĠPr ince +Ġspecim ens +Ġwa vel +Ġpu pp +ĠA z +fl ies +v ation +id ate +Ġt ired +Ġo dd +Ġto ile +d isc +ang ular +S O +Ġmod ules +ucle ar +Ġexp ense +T C +c os +Ġtrans parent +om ical +c ache +Ġprior it +Ġnurs es +Ġlabel ed +Ġfollow ers +Ġc ups +pl us +Ġneg atively +G u +AN D +Ġmotiv ated +Ġc tx +Ġcarbohyd rates +d esc +Ġvac uum +Ġeffic acy +Ġmarginal ized +Ġret rie +ĠIs a +Ġdisapp ear +ĠM onday +Ġex ert +ĠH ot +Ġweap on +ĠT ri +go vern +r ison +ĠS av +ĠJ ane +ĠLe ague +ĠSam uel +D ict +ĠW W +ĠCol lect +Ġflood ing +Par am +Ġform ats +r ors +Ġd ign +Ġch amp +Ġint ra +Ġbe ef +Ġcas ual +d on +e z +Ġbe aring +ĠG raph +Ġir re +EM A +Ġpass ive +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ +ĠArab ic +Ġen l +Ġmet a +ĠGu ard +rem ove +Ġmach inery +ĠMinnes ota +Ġpred iction +ĠH on +F O +ĠA qu +Ġph ases +Ġhero es +pie ce +Ġrel at +Ġconcent rated +ĠG ame +im edia +b en +ĠMiss ouri +Ġv oting +ĠH u +Ġdiscover ing +Ġb iblical +ĠPol and +Ġad mitted +os aur +AT H +ĠSpec ifically +Ġdeliver ing +Ġre conc +own ers +Ġpursu ing +Ġed it +re str +Resp onse +ĠT yp +H z +Ġgun s +Ġsc hem +m atch +ĠJac ob +Ġign ored +rel s +Ġver bal +n ote +form ing +Ġdial ect +head er +Ġval ve +A g +ak h +Ġfertil izer +p ot +ĠKnow ledge +ĠArch itect +s qu +Ġh orn +Ġenum erate +Ġcl ues +ple t +Ġsub str +Ġf ans +ĠCol lab +Ġorgan izational +Ġdraw ings +tem p +Ġtub es +ĠM arsh +Ġsh ipping +Ġstruct ured +ĠP ope +ang ers +Ġrelax ation +ĠStep hen +Ġagg reg +ne a +Ġbow l +Ġmagn et +ĠDem ocratic +ĠPart icip +ul ent +ac erb +Ġl y +Ġfail s +Ġsy ll +te enth +W he +Ġconst itute +Ġtravel s +Ġch ron +, âĢĻ +R NA +ĠTe aching +Gen eral +Ġseg ments +ĠH ung +Ġtrem end +ad er +feed ing +Ġth inks +e ffic +pt s +âĶ Ģ +ĠL iving +Ġsacr ific +ĠBas ic +ĠBudd ha +Ġcor al +Ġoper ators +Ġfe ather +oca ust +qu arters +Ġsuper visor +ĠDe ath +ĠP resent +ĠM es +ĠT ai +cons in +Ġrub ber +Ġequ itable +ick ed +Ġphys iological +Ġfall en +] [' +ur i +S ize +Ġdevast ating +Se cond +Ġexped ition +ĠPol itical +art en +Ġpolic ym +ĠLin ux +Ġreserv es +Ġrel ies +Ġcolle ges +Ġl ambda +ex ists +Ġal phabet +N orm +i ac +Ġdispar ities +b one +ĠN ation +em ed +Ġdev oted +Ġang ry +Re cent +ĠCon text +Ġcorpor ations +Ġnecess ity +M ax +Ġtravel ed +M et +com plete +ĠDe ep +ĠB ell +Ġprevent ed +Ġfest ival +Ġun comfort +Ġnavig ation +Ġcomm em +met a +Ġepis ode +" ): +Ġchalleng ed +ĠIndust rial +n odes +Ġf ounder +ĠSwed en +ĠF ront +Ġre wards +Ġp ap +Ġshif ting +Ġle ak +ĠMary land +our ing +Ġa ster +Ġst iff +l ob +w hen +Ġh ills +Ġde com +ins ula +ĠB uild +ced ented +W ater +at ories +Ġfound ations +Ġo ught +ĠB an +Ġca ution +w he +Ġpract iced +Ġstress ed +b n +ĠAr ist +or ney +c ir +Ġprof iles +li ers +am ents +AL L +Ġtrig gers +Ġcomp act +Ġref erring +Ġwat ched +ĠA k +Ġval ued +Ġf its +Ġconf ront +ep och +Ġcount ing +Ġmet er +Ġmat ches +Ġv iable +Me an +ĠC ape +Ġsim ilarly +ĠGerm ans +ing le +opt ion +A nt +s q +T ake +D ec +x ual +Ġhazard ous +ĠL ove +Ġrespond ed +It em +Ġf les +un ks +ĠSt one +Ġcat ast +Ġrul ing +Ġsymb olic +Ġenh ances +Ù Ħ +Ġneed le +Ġret ire +Ġdrain age +ri ers +dom inal +Ġv on +Ġemphas izes +het ics +Ġmitig ate +Ġem ission +Ġcap ability +ĠM and +ac ity +Ð » +Ġbe er +Ġex acerb +ĠPhys ics +Ġp ediatric +ĠRec ogn +Ġspir its +IT Y +ens ing +requ ency +Ġcor ruption +Ġinc idents +ĠC it +ĠT aylor +Ġint im +in ology +Ġsl ide +Ġbelong s +Ġverb ose +Ġpredom inant +ro ck +ĠEm peror +Ġlib erty +================ ================ +Ġor b +Ġhistor ically +Ġwin ning +b ad +Ġinter rupt +ĠR E +ĠJ on +Ġexp end +k o +Ġflu ctu +ou lt +ĠIdent ify +Ġt ensions +Ġgen us +ce eds +Ġbreat he +Ġdefe at +Ġflo ating +ĠSu ccess +Ġd ow +Ġsh ield +Ġmaxim ize +Ġloc ate +Ġpuzz le +Ġentreprene urs +h ad +yl on +t orch +ĠTe am +class es +emb ered +Ġstim ulate +Ġritual s +Ġper mitted +cl osed +. - +Ġaff irm +Ġdom inated +h r +c am +Ġdam aging +ĠStat istics +Ġeduc ate +Ch rist +in th +Ġgard ening +Ġfost ers +Ġinter vals +ĠScott ish +S ym +met ry +Ġrein force +rec ord +pl ane +Ġautom ated +Ġhol istic +ĠIntellig ence +h ot +Ġex clusively +ĠDar win +Ġhard ly +ign ment +Ġent ries +Ġhyper t +Ġad ul +IN E +i y +Ġpal m +Ġmagn esium +Ġmechan ics +Ġcheck ed +Ġrel ates +cle an +ĠM uh +Ġattract ed +j o +ed ay +Ġla wn +Ġdeterm ines +Ġtut orial +Ġbul k +Ġexplo itation +Ġun ited +ol k +Ġa ids +Ġro d +ĠIn nov +n an +Ġmet rics +Ġdiagn ose +M in +Ġdoll ar +r ank +Ġes cap +ĠN ep +C all +m aster +S H +se q +Ġadminist ered +ĠCont emporary +ĠR a +Ġrec ur +as is +f u +Ġcul inary +og ene +ĠLGBT Q +pro b +ó n +Ġcrit ics +Ġtalk ed +ĠM uch +Ġmet ric +Ġflow ing +Pro t +pre fix +Ġst ir +pp ers +Ġinflu encing +Ġj aw +ass ment +Ġye ast +ĠT ib +Ġsucceed ed +an ol +ï¼ Į +Ġvolunt eer +Ġbra ve +Ġcook ies +ĠF em +d iction +l ate +Ġmis under +fe ature +Ġrepeated ly +ru p +Ġg er +Ġrock et +ad ays +e in +Ġder iv +M ake +Ġp ars +Ġelect rom +M O +ress ions +Ġinject ion +ĠF lu +ed ies +ric es +ote chnology +B oth +ĠChar acter +Ġuncomfort able +Ġdead ly +ĠComm and +Ġstorm s +g roups +arg o +Ġpar se +Ġwe aken +he art +m us +R ed +Ġcl s +Ġadd ict +âĢĿ ) +Ġhistor ian +id ays +Ġunder m +ĠD un +ĠS leep +Ġgraph ics +. ] +el and +dis ciplinary +ues day +Ġinflamm atory +Ġd ens +Ġt ear +ord an +ne x +Ġexpl os +Ġcre ations +ĠIndones ia +Ġinsu fficient +Ġterm inal +Ġn ick +Ġl ying +ag ger +ag le +ĠDav is +ĠP ict +ĠS ep +Ġtreat s +ra red +Ġpack ages +ol ine +Ġser vers +( * +cl er +. * +Th ough +ris k +ant ine +Ġp or +Ġepid emic +Ġwealth y +Ġgener ator +Ġcirc uits +Ġpref erence +Ġgar lic +trans form +Ġsuppl ied +zz le +C I +Ġspecial ists +Ġin k +se ver +Ġmet eor +Ġsun ny +Ġread s +ĠH om +ĠN G +Ġup set +Ġdistingu ished +Ġdiarr hea +Ġint ensive +Ġautom atic +Ġinvestig ations +load s +ble ms +Ġfold er +Ġoccur rence +ĠCor ps +Ġdispos al +ogn itive +bur gh +Ġmac ro +restr ial +Ġaccommod ate +ĠA h +ĠL ay +Ġunpre cedented +he res +a ft +Ġgl and +ĠRes ource +Ġdis abled +Ġbuild s +Ġdom ains +Ġcoord inates +ĠFrank lin +Ġh ind +Ġ × +Ġillust rations +plic it +id ae +och ond +vel t +O rig +ur ated +Ġnewsp apers +Ġr ou +Ġpublic ly +Ġbu gs +Ġaqu atic +Ġge ography +Ġconsider ably +Ġassum ption +Ġauton omy +Ġsurviv ors +Ġbrilli ant +Ġter rain +j ob +Ġdel ves +Ġenc oding +Ġfra ud +ĠS ab +Ġmar vel +Ġrom antic +ĠY e +RO M +ilib rium +ĠRom ans +Ġal arm +ĠCent ers +) [ +app ropriate +ĠQ ur +Ġn urse +ĠUr ban +D id +Ġv ivid +Ġprotect s +ĠD aily +č ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ +Ġsign ature +. || +ĠGovern or +Ġhun ger +Ġse arc +he astern +Ġper ipher +Ġsitu ated +hist ory +Ġl apt +ok es +N umber +s n +ĠA IDS +Ġfram es +Ġhost s +Ġrecept ors +Ġa rom +Ġb ases +ĠG ir +Ġver t +ĠT ax +arm a +Ġread ings +Ġch ip +Ġcontrad ict +re nd +ĠH ay +Ġunder graduate +line ar +Ġcoord inate +Ġtr ies +Ġm ol +Ġcop ing +ĠB alt +P ublic +Ġclos est +p air +Ġref ine +Ġl ig +Ġtrans action +us ers +ĠT y +but ton +Ġvulner ability +Ġtarget ing +Ġload ed +ĠO il +ential s +Ġge ographic +ub le +Ġz inc +Ġmass es +Ġpl ots +sec ution +cent er +m t +est eem +ĠI d +ĠCom b +Ind ex +urs day +ĠWis consin +ĠM aterials +vel ation +Ġsw allow +f ather +Ġalumin um +Ġhead aches +k al +ro ts +Ġadvoc ates +Ġn as +Ġex clusive +eful ly +Ġbi ases +c hem +pre t +Ġrecycl ed +Ġorgan isation +Ġh ill +() ` +Ġmat ching +step s +G R +Ġv ocal +Ġw ed +Ġmod ifications +ĠGuid elines +Ġunem ployment +Ġconclud e +ĠN i +Ġb ell +) / +ĠG rant +g rim +Ġbrief ly +Ġreg ression +Ġload s +Ġgalax ies +ol ves +Ġt ensor +Ġadop ting +Ġinvestig ated +Ġcross ing +AS E +Ġf ut +OR T +ĠVol ume +o T +Ġb ark +Ġgast ro +Ġemp irical +ivers ary +ĠCreat ive +net work +ĠCom par +Ġn ort +x f +Ġpath ogens +ĠSer ies +Ġth umb +Ġad mit +C ent +ĠZ h +Ġscre ens +Ġprosper ity +Ġsus pected +Ġsatell ites +Ġvalid ation +c d +il ton +Ġb eds +Ġt ire +ast ing +ĠSt ay +Ġco inc +Ġpath way +ramew ork +Ġall ergy +Ġunw anted +Ġle ts +Ġprom ised +Ġbeh ave +Ġpow ered +er ial +oles cent +Ġcl arity +Ġremind er +im eter +x b +Int eg +Ġshad ow +Ġsort ed +P arser +hed ral +Ġfoot ball +Ġdisapp oint +b uilding +Ġc el +ĠP R +sc ript +ĠS ex +ĠC ook +ut y +Ġb es +V is +ĠS her +Ġperform ances +ĠMark et +ĠTh om +ĠW atch +Ġc ues +Ġr ats +Ġindic ator +Ġdepict ed +e lement +Ġmethod ology +ĠOnt ario +E nd +Ġconserv ative +g ender +il ty +ĠPr ime +an ium +ob e +c ounter +ĠM P +Ġdisput es +ĠA ges +le arning +sem ble +Ġrepl acing +ine a +Ġwalk ed +Ġfl ags +Ġsom eday +ĠI ron +Ġcomprom ise +opath y +ĠAv ailable +nes day +ig s +Ġch ips +Ġox id +P res +ĠVir t +Ġar c +em et +ĠG a +Ġl ux +ĠGra de +Ġen act +ile y +Ġcompar able +clus ivity +S ign +ic ides +Ġan ten +ar se +Ġ å +Ġout doors +ĠCont act +Ġdark ness +ĠC op +Ġmiss ed +Ġde lete +Ġk in +or se +ĠH ur +Ġsocial ly +isc al +Ġdet erior +Ġpar liament +'] [ +Ġtri ps +ĠAdv anced +Ġoptim ize +Ġ // +Ġenc ounters +Ġc ensus +per ial +ĠJe an +Ġprom otion +Ġgalax y +ap ore +it oring +y ers +Ġmyster ies +em bed +Ġcryst al +Ġimport ed +Ġcomb ust +Ġb ars +Ġtw entieth +Ġpul led +Ġacc used +Ġprecip itation +âĶĢ âĶĢ +ĠCal cul +ig ating +ph al +Ġspec ify +ĠH ab +Ġconstit u +Ġprior ities +Ġco in +Ġinform al +ĠM os +Ċ ĊĊĠĠĠ +Ġint u +Ġpr iest +et o +Ġfe e +anc ies +Ġwond ers +Ġinher ited +čĊ čĊĠĠĠĠĠĠĠ +Ġpip eline +on to +Ġs perm +ac ular +d y +re view +Ġind ivid +de g +ĠC ut +Ġhop ing +ĠSym ptoms +ĠStrateg ies +il ateral +ĠH as +Ġpl ag +Ġepid em +Ġste ep +Ġl ith +ĠS D +ĠD u +tt es +inflamm atory +Ġadvoc acy +t ensor +Ġpres um +e u +Ġprot est +Ġpollut ants +ĠVictor ia +Ġcalc ulation +ig nt +s un +Ġgener ates +ĠR ub +Ġret ention +Ġrest ored +Com p +ĠL ower +Ġrecomm ends +ĠY ears +Ġter rible +ĠEst ab +Ġadjust ments +s amples +ĠR os +Ġcollabor ate +ĠK ansas +Ġexplan ations +Ġicon ic +ĠS ac +pro file +m ia +Ġf usion +Ġinstruct or +Ġrele ases +ias m +o vers +Ġin cl +Ġpr ies +Ġm ercury +Ġsmall est +e ffect +ins ic +ĠN E +f iction +Ġwh ales +Ġcrow d +e ous +Ġmeth ane +Ġin adequ +Ġent ers +G roup +Ġenterpr ise +column s +now ned +sw er +ĠAct ivity +Ġadv ancing +Ġol ive +ol ly +Ġstandard ized +ĠT am +ĠB ush +oe conomic +ann ot +Ġy ard +Ġk ings +Ġdecl ined +Ġbeh alf +S R +ĠR out +: ] +Ġtra ject +ĠBel g +Ġsoci o +ues e +Ġaccord ance +( __ +Ġc itation +Ġrem embered +Ġfail ures +Ġvom iting +Ġc ite +Ġcompet e +ĠDep ression +Ġattach ment +Ġfun gi +ĠTrans port +. ') +Ġf ict +ĠC hemical +Ġpursu it +w d +st at +Ġpoint ing +Ġnecess it +oose velt +Ġres erve +Ġaccess ed +ĠMach ine +Ġre ar +Ġactiv ists +ex pl +Ġplace ment +Ġmembers hip +Ġep och +ĠG DP +ĠPlan ning +Ġtra ged +ox ic +Ġmanip ulation +ĠElect ric +Ġr ings +Ġover se +Ġstrengthen ing +Ġfun g +Ġpos es +Ġdial og +Ġd ot +Ġtra ins +ic ism +F R +Ġcons ol +Ġcon ce +ĠB h +ex per +umb led +Ġsevere ly +m ans +Ġhe pat +Ġnic he +Ġinher it +al pha +Ġanaly tical +let ter +ĠW alk +Ġc erv +ĠP ap +Ġin ver +ĠK im +Ġassess ing +uff er +Ġbel t +Ġfact ories +V D +Ġche aper +Ġcomput ational +Ġpack ed +Ġtherap ist +n i +enn a +cf g +al in +ĠP RO +ĠG h +Ġext ending +(' / +Ġm ud +ĠSpec ies +i encies +Ġper ceive +ĠA bs +ĠK ar +Ġantibiot ic +N O +in ces +Ġcomp ression +um er +Ġmus h +fore st +Ġmil it +Ġd irt +Ġkey board +p he +Ġal leg +ĠP erson +Ġtransl ate +Ġless er +e ared +ĠBr idge +Ġ ^ +Ġbl adder +ĠDou gl +Ġu pload +ac cept +F act +Ġinterpre ted +l on +ile m +Ġsc attered +Ġsu ited +Ġparticip ated +met adata +ĠAl low +Ġaest hetic +ĠEn s +Ġfar mer +Ġconf erences +Ġr ival +Ġcount ies +l ings +Ġdram a +ignt y +Ġexec ute +Ġd y +ann a +Ġtal ent +Ġse af +iff s +Ġsp here +plic ity +Ġal b +Ġinvent ory +Ġs ne +Ġneg lect +\ _ +ĠJeff erson +Ġ ° +Requ est +ĠM ong +ĠP oll +Ġadapt ive +Ġtrib al +ĠSk ills +ĠN ap +Ġle ver +Ġprom ises +Ġfund ament +Ġcont ra +ĠTim my +Ġspeak s +Ġany more +im ity +Ġdig estion +P RO +Ġsm ile +vious ly +Ġm akers +g on +Ġorgan isations +Ġgen etically +ĠDep ending +Ġwh ilst +Ġben ch +ĠSy ria +ody nam +atur day +.... .... +Ġroll ing +ers hip +Ġcost ly +ĠAd apt +ĠTra ditional +Ġguid ing +ak i +emet ery +Ġr um +Ġ: : +Ġ · +t mp +ĠG ames +ens ively +Ġemploy er +ĠRes erve +Ġover weight +om ed +bl ack +oc hemical +Ġann ounce +Ġdiv or +Ġcom ic +roll er +ith ub +M T +ow a +ĠT ypes +Ġbott les +ĠGold en +ation ally +ĠW as +ĠY ellow +Pro f +Ï ģ +erg arten +Ġappet ite +us r +Ġalt ogether +UL T +icult ural +Ġw ires +ĉĉĉĉ ĉĉĉĉ +Ġcast le +Ġlic ensed +Ġoutput s +Ġtun nel +ĊĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠ +Ġnu anced +oc cer +Ġtext book +Ġpip es +Ġinterf erence +D isc +Ġl ighter +or ious +Ġch im +Ġabs ent +ĠP red +Ġpolicym akers +ix ed +iot ics +Ġiniti ated +est ry +um a +ĠW HO +Ġquant itative +Ġnet working +ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠ +ys ics +g iving +Ġnegot iations +Ġsim ulations +Ġunder water +Ġinvestig ating +Ġsepar ately +i ating +g t +ou b +am ation +F il +Ġcann ab +Ġb ay +ĠRet urn +am iliar +Ġor n +Ġsu pre +Ġg aming +ĠB ox +ĠS ustainable +Ġdat asets +ĠHT ML +ĠS ix +Ġdec iding +Ġstri p +Ġcardi ac +Ġglass es +Col or +Ġca ffe +Ġground water +Ġsubst itute +Ġresc ue +ĠW ould +ĠD ynam +Ġins ulation +ard less +j pg +p ip +ĠM it +Ġdes ires +io let +au nt +Ġrad ius +Ġoper ates +O K +Ġdes irable +Ġod ds +Ġan not +Ġstrict ly +Ġconcept ual +p c +Ġregist ration +h ave +Ġdemand ing +ĠT en +Ġappropri ately +ION S +ĠKenn edy +ig ion +ĠAm endment +ĠTh ings +d ays +ĠSc he +Ġrequest ed +Ġre lying +D B +Ġris es +wind ow +m id +Ġconv ict +Ġe cho +Ġl enses +ĠâĢ Ŀ +Ġwar mer +Ġfrag ments +Ġoptim ization +ut il +ĠF ive +ĠLe on +Ġtele phone +h ol +ĠMount ains +A I +ĠS ud +ĠF all +Ġpe cul +Ġele g +ĠAr thur +ĠAr gs +Ġceremon y +Ġde hyd +Ġtrans cript +Ġneighb oring +ĠF er +Ġc ro +* : +Ġreform s +Ġtempor al +ac adem +Ġprop he +w ill +Ġcon vention +Ġfre ed +Ġsure ly +z ero +Ġanx ious +Ġobtain ing +ĠTreat y +il ient +est inal +dr iven +Ġschem es +Ġl augh +Ġsu cc +cur sor +Ġcou pled +Ġh ate +ut ri +Ġcapt uring +m d +ĠR ay +Ġfor b +Ġoutl ined +ĠP ear +G L +reg ister +sc ill +ĠMuh ammad +Ġclos ing +In tern +we ek +ĠOver view +ĠMil itary +Ġtri um +Ġarchae ological +ĠRepublic an +B el +ĠCapt ain +Ġart ic +M us +Ġtom orrow +Ð º +Ġsl ope +Ġacadem ia +ĠR oosevelt +S um +ĠAr gent +Ġconnect s +ĠCount ry +Ġbo ats +ĠTurk ish +Ġmount ed +ĠHol ocaust +ĠCorpor ation +* . +Ġar rays +ut f +Ġtelesc ope +unci ation +Ġp ad +Ġblock chain +Ġforg otten +Ġrespect ed +Ġpharm ac +al o +Ġpro c +Ġindivid ually +Ġcelebr ating +Ġcon dem +Ġprom oted +Ġtim ber +Ġastron aut +Ġd rew +ĠPers ian +E l +Ġcommunic ating +M ain +Ġfirm ly +KE Y +ĠTib et +ke ep +light en +Ġalle v +ĠFre edom +Ġoblig ations +Ġtem pt +Ġz ip +ĠS a +Ġgovern or +ĠF ord +ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ Ġ +Ġpost ure +Ġvolcan ic +D iff +he ld +es see +Ġindu ced +Ġexcept ions +inst ein +ĠHealth y +Ġpresent ations +Ġcha os +ĠFore ign +M essage +ĠR un +Ġ" " +Ġshort ly +Ġjew el +ĠP H +ĠH ind +Ġweakness es +el se +Ġschedul ed +ĠE dition +ĠP rize +ĠCon vers +ĠP rior +Ġenthus iasm +Ġpres chool +Ġed itors +ĠMe chan +Ġimpact ed +Ġrec overed +Ġc ache +ĠG ive +ĠEvent ually +Ġra ces +o en +Ġconcent rate +Ġbreak fast +ch i +Ġprot agon +Ġrout ines +Ġextract ed +ĠCir c +els on +Ġapp les +ob i +Ġlect ures +Ġd a +F L +H er +ĠL ind +Ġb om +Ġtim ely +Ġmoment um +Ġpiv otal +S ometimes +ĠV ersion +ĠPol ish +Ġfif ty +Ġpre st +Hist ory +ĠS pr +ĠM IT +Ġpe pper +ĠC L +Ġmed ian +organ isms +ĠB ad +Ġsil ent +pe at +ause a +ot le +Com mon +Ġmut ation +R AN +Ġtomat oes +Ġc eram +ĠD uke +Ġthr illing +Ġende av +ric ks +over ing +erg ies +Ġprogram mes +Ġst ays +M ult +Ġmet res +Ġtest im +Ġreb ell +Ġmagn ific +ĠEduc ational +ĠG reg +Ġlarv ae +Ġwitness ed +ĠComp an +gl obal +or ne +ĠR og +Ġ ions +Ġus ername +Ġdest ro +ĠCon cept +Ġpass engers +s ens +ĠT alk +ĠAfghan istan +Ġg rey +k h +Ġneurolog ical +ĠT al +Ġmig rations +ĠFin ancial +it ics +Ġprem ature +Ġsug ars +Ġin quiry +are ttes +O pt +s leep +Ġbuff er +st ra +Ġposs ession +ĠPhilipp ines +ĠL arge +roll ing +Ġmis con +Ġemotion ally +Ġwh ites +up iter +Ġelig ible +Ġf ier +Ġh int +au nd +Ġaccum ulation +Ġmanip ulate +Ġmanufact ured +ĠP a +Ġr iding +ĠM ission +B O +Ġmor ality +Ġbr ut +ĠAr men +Ġpos ed +Ġas ync +ĠO s +ĠAl ong +Ġplan es +oth s +Ġom ega +ĠTr ump +E vent +l ied +Ġc uisine +Ġbl acks +ĠD ate +opt im +he ster +Ġtra ced +ĠM agn +Ġones elf +Ġrespond ing +Ġmel an +Ġch op +E lement +ĠCol lection +j an +unct ure +Ġpoly mer +Ġchart s +au x +Ġrep os +ĠO wn +exec ute +Ġg ums +b ool +Ġth y +ĠMill er +Ġv apor +Ġtrans ist +ĠP ast +Ġelab orate +â Ħ +S ON +ĠAd vent +f our +ov a +Ġalign ed +pro of +Ġfl ies +ar ms +Ġalle ged +Ġdisput e +Ġmel ting +Ġlegit imate +w ait +Ġbow el +we ights +Ġgen res +Ġenvironment ally +ult ure +Ġunf air +f ive +Ġconf ron +Ġadv ised +ĠR ap +tern s +ĠMat thew +Ġintermedi ate +Ġslow er +Ġpoll en +â ĪĴ +Ġpul se +ĠC ru +Ġdis p +Scient ists +Ġsk ull +Ġoccas ions +Ġb od +Ġsoci oeconomic +Ġacknowled ging +Ġphys ic +---------------- ------------ +oult ry +Ġep ic +av ailable +Ġpharm aceutical +(' -- +ĠAg ree +f in +ĠM oh +off set +ĠDef ense +Ġden ied +Ġcontrovers y +ur red +Ġb on +ĠHis pan +Ġcav ity +ik h +isp here +igh ters +Ġcons p +ĠP il +Ġbust ling +ĠN ig +Ġbreak through +Ġconvin ced +Ġsubstant ially +Ġbl ame +Ġconj unction +or ie +Ġc um +Ġjuris diction +Ġsynt hes +Ġoffs pring +Ġm arch +Ġsec ular +. ", +F ree +it ime +Ġfor cing +art icles +Ġ" , +ĠK at +Ġin cons +est y +ĠSing apore +Ġrelie ve +Ġcivil izations +ĠPl ants +Ġan est +eng u +ĠC ensus +Ġtremend ous +M r +Ġmult if +ĠB oy +Ġtit led +Ġsatisf ied +osp here +id el +Ġw ax +Ġar ises +ins ert +Ġres idence +py test +Ġth rown +ĠM u +Ġde emed +b led +Ġdiv isions +Ġpassion ate +Ġre nowned +ĠDie go +T A +x ml +ĠB ird +pl ing +Ġappe aling +A ug +ĠObs erv +us ive +Ġleg ally + © +Ġamb ig +S everal +ĠH unt +Ġde ar +l anguage +Ġun clear +b ral +sh ot +Ġsau ce +Ġfert ile +ĠHawai i +Ġb rick +ul as +C opyright +Ġrad ar +N um +ress es +ĠMon th +ĠCl ark +Ġcitizens hip +ĠPortug uese +Ġs ends +Ġw ool +ĠĠĠĠĠĠĠĠ ĠĠĠĠ +im ated +Ġ' , +P P +es ome +w iki +Ġjud ges +ef t +ĠThom pson +Ġlegisl ative +d t +Ġwork force +d am +ole cular +Ġg ay +pro du +Ġany way +pro to +Ġh ub +ĠO p +Ġproject ed +Ġunf amiliar +ĠC ustom +ĠEth iop +pre hens +Ġhand y +ĠH old +Ġdign ity +ĠB ow +Ġsol ved +Ġfles h +ĠB all +ĠAust ria +We b +op hers +su per +A cc +ĠL ily +are n +ĠCh ile +indu ced +Ġrecept or +let al +Ġpro state +m outh +Ġab dominal +Ġre ass +ĠJ o +ĠUt il +ĠInd ependence +Ġinv isible +ĠChall enges +G od +S M +Ä « +cl ip +â Ĥ¬ +test s +ĠNor way +Ġemphas ized +? ) +f at +G B +Ġconsist ed +Ġsurv iving +Ġrev ision +ras ound +Ġimp aired +ĠPol y +Ġpla que +Ġ' __ +ĠL o +Ġlet ting +ĠResp onse +I X +Ġclass mates +Ġpro st +Ġenjoy able +st ats +ĠAb original +mon ary +Ġed ited +ĠCreat ing +ac cur +ĠSm art +Ġtable ts +l ass +Ġtre asure +Ġworkshe et +Ġr anks +G ood +Ġpur ple +ĠL ands +ĠDis order +Ġsp r +G A +l ies +ĠAr k +int erest +ex cept +tes y +Î µ +Ġw ounds +Ġnot ably +in formation +ch annels +ĠIsrael i +AT A +J an +ĠUs ually +Ġthe ater +ĠE X +k m +Ġb rows +Ġav en +AR S +Ġsil ence +Ġin clusivity +ĠT our +Ġlack ing +Ġstri kes +Ġsal ary +ĠH ad +Ġban king +ell ar +Ġ ip +Ġsuper vision +Ġm elt +ĠI ce +new s +Ġec ology +Bl ack +ol ith +Ġsimpl er +ac ke +ĠEffect s +od ge +Ġtra p +Ġd os +im ation +Ġox ide +ĠDet erm +Ġun iqu +Ġcultiv ating +ĠProt ect +ĠO w +ĠAn ne +Ġpoison ing +ĠUt ah +E urope +Ġvari ability +Ġpersonal ized +im s +Ġdecre asing +Ġcar cin +Ġflu x +m n +Ġwhe els +O pen +ER E +ad min +IN D +Ġun healthy +ĠSy ndrome +ĠProp het +Ġst oring +ĠW H +E nt +h ash +ĠTe le +Ġnav al +Ġde ce +Ġsp ont +Ġauton omous +Ġincent ives +ĠA mb +m ill +Ġident ifies +Ġrehab ilitation +ĠR aj +ĠRes ults +Ġstret ching +Ġsn ake +ound ing +Ġkid neys +Ġb alls +ve ment +L oad +ĠF low +V ol +Ġpot ent +Ġm ast +Ġint act +t ail +Ġcra fting +ex it +ĠAd ams +ĠPub lishing +---- --- +ĠAl bert +Ġse as +ĠLouis iana +Ġam bit +Ġag enda +Ġopen ly +Th us +ru ce +Ġg ross +int on +Ġcert ified +Ġdefe ated +osa urs +es pecially +ĠS i +) ** +ĠF A +ĠP A +N on +ĠN at +Ġrig id +Th ose +pe ople +Ġmat hematic +Ret urn +ow ing +we ed +w ich +F i +ĠParent s +ĠF iction +ĠS ite +th ird +Ġref ined +ĠGen erally +ĠS outheast +Ġdiscuss es +u ana +Ġcontin ually +ĠTenn essee +Ġann iversary +Ġ ): +Ġexpl osion +Ġthreat ening +Ġign or +it u +tain er +Ġproblem atic +re ach +ĠCh o +Ġcr ash +Ġrestaur ants +Ġadvoc ating +ag rams +Ġelim inating +Ġden om +Ġd ump +S w +z ens +ric ular +r ative +od s +) - +Ġs or +Ġsh ops +O ct +Ġr ating +v ised +ck er +er ce +el ong +Ġst ro +eral d +Ġgl ands +Ġbal ancing +Wh ich +B en +Ġad hes +AC K +Ġmain tains +Ġcertific ate +Ġtra ces +ven ue +Ġtrium ph +Ġc iv +Ġaff ili +Ġtu ple +Ġmen stru +Ġpy ram +Ġstim ulation +) * +Ġvent ure +F ore +last name +ĠTe acher +Lear ning +ĠDecl aration +so le +ĊĊ ĉ +Ġequ ilibrium +Ġcert ification +Ġen for +ĠCh ap +Ġcounsel ing +ĠK ong +Ġwell s +ad ian +Ġc ows +ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠ +Ġsyn chron +Ġmy ths +Ġgl ue +Ġar tery +Ġf ake +Ġd ancing +ĠP ack +conn ection +Ġpan ic +Ġd amp +ast ed +Ġsome how +itzer land +", " +Ġschol ar +ach ment +ĠDi abetes +Ġfl ed +Ġfound ing +ad i +Ġpast e +Ġmarg in +ĠH ong +vel y +Ġpass ages +ann y +Ġvirt ue +T ube +Ġm aternal +Ġc ov +Ġg reet +ab etic +Ġb ip +iz able +ing ing +Ġpost er +æ ľ +Ġs rc +ed ed +Ġbreak down +) ? +ĠCar bon +Ġopp ression +Ġadvers ity +Ġneighborhood s +UR L +ver ts +Ġacknowled ged +int estinal +Ġpref ix +Ġperm its +Ġqu ot +t z +Ġres ort +Ġs ore +) ( +D C +ĠNob el +Ġd well +Ġnot ing +Ġappro aching +ĠJud a +Ġst ocks +Ġfor ty +oo lean +Ġimp ul +Ġgl uten +Ï Ħ +Ġmon etary +Mod ule +Ġd ough +sh ore +pow ered +Ġper t +port ion +Ġj un +im b +ĠL esson +M ark +j amin +Ġinterf ere +F P +Ġarter ies +Ġo ct +ĠJ ordan +Ġsovere ignty +Ġt ender +Ġab d +Ġur gent +Ġl act +ĠG as +Ġtra pped +aps ed +Ġpro be +Ġsh o +t an +ke ley +Ġut er +Ġmaster ing +ĠC ert +st ates +am el +ĠL ink +B ar +ot ive +ĠB esides +Ġgra ve +ex pr +E A +Ġvisual ize +Ġscholars hip +com b +ant ing +Ġpl astics +Ġup coming +Ġsou p +Ġreg ulated +rolog y +op ter +Ġmyth ology +Ġvot ers +Ġbit ter +Ġconsult ation +Ġconvent ions +Ġo ven +ol as +Ġbas in +Ġelev ation +un ing +ĠL oss +Ġsk ip +Ġr het +Ġdys function +ĠG PS +ĠGree ks +Ġext ensively +Ġdow nt +Ġtrans it +å Ī +Ġfail ing +dom ain +Ġsn ap +urg ery +ra de +Ġdam ages +lighten ment +Ġm asks +Ġl unar +Ġdepend ence +iling ual +Ġsod a +Ġconf ined +ĠSim ple +Ġw olf +Ġpra ise +t imes +Ġgu ests +Ġvolunt ary +ap ing +Ġob ese +ĠEvery one +se en +ĠSim ilar +pt on +Ġhier arch +Ġepis odes +Ġg el +ĠAff airs +Ġap i +ĠB apt +orient ed +M R +q a +Ġout standing +st ock +Ġstr at +Ġtour ists +Ġloyal ty +Ġc f +Ġ" . +Ġdis pro +s ort +Ġdisc ount +x c +best os +Ġp ulumi +Ġall ies +Ġsens ation +Ġwithdraw al +Ġhas n +ĠSt ories +ur ations +ĠB ot +Ġl oves +Ġprov inces +m ount +Ġm esh +Ġd ilem +ct x +ater n +Ġdraw s +ant e +S ur +oler ance +ĠEx cel +Ġmod ification +Ġrul er +Ġg low +Ġep it +Ġid x +doc s +l av +Ġrec ru +Ġveter in +it ations +Ġcurrent s +Ġind ication +l ades +Ġnew born +Ph oto +Ġmonit ored +Ġpig s +Ġ || +Ġse ats +Ġmat plotlib +ĠPat ients +ĠPM ID +Ġcaffe ine +Ġgu ilty +Ġalt itude +ĠC ertain +x change +Ġdu ct +st age +Ġpat ches +Ġsm ok +Ġdifferent ial +Ġgrad ient +Ġtou ching +ĠP i +ather ine +Ġambit ious +ĠParam eters +Ġyour s +Ġsat urated +Ġstay ed +er ating +Ġmind ful +ĠH al +roc ery +Ġconf using +ĠCl oud +ang les +Ġf riction +Ġhead ed +Ġtransform ing +ed uc +ĠB road +Ġbrand s +Ġwell ness +Ġimp rison +Ġthread s +Ġnum b +Ġm ines +Ġappl iances +Ġpecul iar +ĠJ upiter +Ñ ĥ +ott om +ĠB ah +g ate +Ġv oy +Ġsh ar +Ġgl ory +ĠBen efits +ĠConfed erate +Ġind ices +Ġintent ions +Ġinv ite +uss ion +Ġcar p +Ġresol ved +ĠIss ue +aut ions +Ġenthusi asts +Ġflu ores +Ġbiom ass +Ġtrig gered +Ġdes cent +Ġcor ners +" { +Ġview ers +Ġmuseum s +ograph ies +iv ism +Ġhead ers +ĠProt ocol +Ġelectrom agnetic +acke xchange +ibl ings +Ġschol arly +D oes +Ġarrest ed +Ġaccept ing +ros ion +Ġdeep en +ron es +ĠDoc ument +ĠL ady +ĠAst ron +l ook +ĠS ound +Ġwarm th +Ġteen agers +Ġanim ation +Ġhop ed +Ġhypert ension +Ġmagnific ent +is a +ĠF riends +ze ch +Ġinteract ing +Ġpresident ial +ĠI C +achel or +m i +Ġrep ublic +Ġdelay ed +Am ong +Ù İ +T op +ĠR od +W H +im ental +Ġj et +Ġstop ping +P ol +Ġresearch ing +he ll +Ġevery body +Ġ Ø +D I +Ġinspect ion +o ors +ĠBl ock +ĠKen ya +is er +ĠN ort +Ġmetap hor +Ġp orts +Ġcol ours +OD O +Ġve ctors +if ting +ĠT uesday +ac re +Ġnut rit +Ġimag ined +Ġground breaking +D ev +Ġl ining +Ġcon form +Ġce ment +ĠMathemat ics +ĠIm perial +s ent +ot y +Ġintest inal +ĠUk raine +Ġc ous +ĠD ub +Ġev ac +vent ional +Ġlaw yer +ag us +ĠG er +on ut +âĦ ¢ +B as +Ġg ang +Ġdist ribute +Ġemploy ing +Ġsub mission +Ġcar rier +Ġnucle us +Ġfair ness +b ird +TS D +ĠLeg al +ĠCons ult +L C +k it +Ġaltern ate +Ġfict ional +K now +inc ial +input s +Ġtra g +ee ze +Ġconstruct ing +Ġse w +Ġsold ier +ru bs +Ġc ock +Ġall ocation +as a +Ġ" / +pl ug +Ġrec ruit +ĠMal ays +Ġstraight forward +ĠJ oh +Ġbul bs +Ġhol idays +n l +Ġs occer +Ġf art +Ġs ink +Ġv end +Ġshell s +Ġok ay +'] : +Ġcontroll er +ynt hesis +c rit +ĠR oss +te ch +Ġrev ised +Un fortunately +Ġfresh water +Ġantioxid ants +ĠExec utive +Ġv otes +uc ks +Ġshoot ing +AG E +Ġinstruction al +ch a +Ġass im +Ġtap estry +ĠCast le +Ġsp ices +role um +ĠMethod s +udd en +Pro ject +cl uster +D O +ke eping +ĠAl ab +Ġbill ions +Ġy og +Ġpy test +Ġtal ents +Eng lish +Ġemail s +ĠV in +f ood +Ġnob le +Ġover t +Ġm ul +ĠP it +Ġam ph +mer ce +st ackexchange +cont rolled +ĠE le +Ġcompan ion +Ġpropos als +ĠPrim ary +H uman +ĠU C +Ġadjust ed +c ription +ig e +ik es +ĠS ri +Follow ing +E st +Ġunf old +Ġhead ing +Ġintrodu ces +Ġtraum atic +Ġcryst als +ĠE aster +ĠK it +Ġcou ples +writ ten +ĠPhilos ophy +Ġsettle ments +ĠCap ital +Ġnob ody +IN T +av y +Ġv ow +Ġworth y +res istant +ogen esis +Ġmot if +Ġimpair ment +Ġdemonstr ation +ĠE lement +ĠAnt i +f red +on ial +Ġg am +ĠPhil ip +Ġfle et +am ous +ĠReg ional +Ġm aj +b ian +Ġh iding +ĠC ab +ĠN ight +Ġvari ant +ĠTh ursday +ĠMay a +Se lect +ĠRad io +b ling +Ġmicrob es +ĠA y +ob ia +am an +Ġtrans itions +Ġtri angle +Ġgra vit +an alysis +ĠV ill +ĠE arl +ag a +m atic +ĠQu ant +t i +fol io +ĠH ub +Ġactiv ated +ĠT aking +ĠS aturday +ĠF est +ĠTe ch +Ġdest ructive +Ġinev itable +et on +un es +Ġgu ilt +Ġtem ples +Ġclub s +fact ory +Ġcross ed +Ġun con +Ġundert aken +Ġinst inct +Ġdesign er +D at +Ġconnect ivity +ĠIndust ry +ĠN ich +y our +ĠP V +Con st +} { +Ġgrat itude +Ġconfident ial +imm une +Ġh anging +ak ota +O per +Ġfound ational +On ly +Ġillust rates +Ġlong est +Ġb ore +Ġrenew ed +us ually +ĠB CE +S pe +m other +Ġdo zen +lay out +Ġexam ines +Ġer ad +ĠW i +ĠSw itzerland +Ġunt o +ĠMem orial +l an +Ġas ym +Ġsh ots +Å į +Ġtru ck +pro f +co ord +ĠTer rit +u uid +Ġt ears +Ġlik es +ĠSt ruct +Ġbas eline +/ { +Ġres ilient +Ġb apt +Ġradio active +Aut hor +mark et +ĠArch ae +ĠUp on +ĠResp ons +Ġinsert ed +ul ator +ar an +Ġgod dess +Ġwh is +Ġhead ache +Ġve ins +Ġvalid ate +D ay +Ġinadequ ate +Ġenc ryption +resh ape +A ccess +-------------------------------- -------------------------------- +Ġlater al +Ġmemor able +d jango +view s +ĠFred er +ĠC V +ä » +ast ically +om ics +ri ad +ĠG il +G ET +Ġex cluded +ĠWed nesday +enn is +ĠF isher +Ġcultiv ation +Ġoutbre aks +L ong +is ite +ĠR ose +Ġpart ition +ed ic +Ġsequ encing +u f +Ġan k +urt les +at is +ĠK ind +Ġpre lim +Ġhung ry +em an +Ġop io +requ ired +v ia +ac ial +Ġpl ural +Ġ ðŁ +ĠW y +urg ical +ĠP os +ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ Ġ +Ġjour neys +ĠJ our +Ġthr iving +Ġover night +ĠIndian a +Ġwarn ings +Ġcompat ible +ĠSt ore +osc ow +Ġreprodu ce +Ġrele asing +fig ure +train ing +Ġp a +Ġe ternal +E arly +Ġbre eds +Ġelim inated +Ġhepat itis +E lect +ra ul +Ġparam ount +Ġcom ics +b oth +Ġlif es +? < +Ġcontact s +ĠAlab ama +ĠN C +Ġground ed +ĠS QL +ĠR ain +ĠAnt on +ĠH arm +r ator +Ġw rap +Ġmill enn +am l +sever ance +d in +Ġoverl ooked +cre ated +Ġvers atile +Ġco ating +st able +ĠP ier +oc ide +ag ent +mer cial +ĠLaw rence +ĠProf essional +Ġheight ened +Ġconsid ers +Ġ ). +Ġblock ed +Ġchem otherapy +Ġcat alog +ĠTest ing +Ġhand led +Ġvisual ization +Ġmit ochond +Ġvig il +ĠV ideo +Ġprint s +on ts +Ġj ack +Ġparas ites +ĠTra vel +Ġdes per +ĠC hemistry +Ġ ĊĠĠĠĠĠĠĠ +er on +Ġdel ta +Ġfacilit ating +U G +Ġar ising +Wid get +ind ices +he um +Ġloc als +A nal +Ġdry ing +oub ted +Ġafter wards += - +ĠB rad +oc ur +Ġun common +Ġexhib its +} ") +ĠDise ases +ĠV eter +ĠT ools +ĠQ t +Ġvalid ity +ropol itan +Ġbirth day +Ġmosquit o +S ocial +ĠT erm +Ġdem ographic +Ġdivid ing +mind ed +Ġs ake +Ġvent ilation +iz oph +ĠSo on +Ġto ll +roph y +Ġp ere +Ġmob il +Ġconven ience +ĠFact ors +ert o +Ġcor rection +ĠS ong +Ġclar ify +Ġn ausea +Ġvis ibility +Ġes cal +ĠQu estion +Ġcon sec +Ġvari ants +F ood +f oo +ĠS ant +Ġrestaur ant +Ġl oving +Ġexp ose +Ġadministr ators +EMA IL += [' +Ġcondition ing +e conomic +Ġperiod ic +Ġca ut +augh ters +ĠPract ices +Ġadul thood +S earch +Ġmand atory +ĠL ie +ĠU pper +fact or +ic ut +Ġext inct +ĠA ra +man ager +ĠD or +Ġ[ ], +Ġcapital ism +I dent +ĠD al +Ġm ant +Ġo scill +Ġdis placement +Ġcru el +Ġber ries +Ġst ain +Ġclean er +Ġpure ly +Ġb anned +ĠJam ie +ĠK al +ros is +z ip +ĠS ports +Ġde le +eth yl +ĠOtt oman +Ġcombust ion +Ġpe as +play er +og lob +Ġimpl ant +Ġdescend ants +g ly +Ġadapt ing +čĊ ĉ +Ġsurge on +ĠSt ock +izoph ren +z o +ĠT rib +Ġrem edies +ER R +Ġlast ed +Ġload ing +Ġles ions +est ab +Ġfinanc ing +Ġrel ied +ĠAct ivities +bo ards +Ġallev iate +ĠB BC +Ġthr one +ir k +ĠO K +Ġstat ue +as ia +aud i +s ql +ol ia +Ġeconom ically +parent s +Ġmicrob ial +L a +x e +Ġst amp +ĠVirt ual +Ġapp end +dis play +Ġp anc +Ġtransport ed +Ġra m +Ġinteg er +Ġw olves +ĠF at +hand ler +Ġpun ct +AS T +r idge +Ġcompar ative +Ġtempor arily +Ġo zone +ĠH ans +Ġaut umn +Ġb ats +ĠS C +ĠL es +ill es +ĠC ool +Ġhas h +Ġquestion ing +Ġret ained +Ġtrou bles +ĠProtest ant +ĠCh am +ĠWh it +# ! +all ing +Ġharv esting +Ġcle ver +Ġwant ing +ĠBang lades +Ġutil ization +h ouses +Ġin h +Ġhoriz on +Ġsp ell +Le vel +ĠP ra +Ġex otic +er k +Ġmat urity +ĠYou th +Ġdr ill +Ġautom ation +Ġdil ig +ĠH ait +Ġoccas ional +ĠZ e +Ġs q +Ġmicro bi +h is +it ched +Ġm asters +Ġfavor able +J u +ĠEx ercise +: - +Ġg rocery +spec ies +ĠEurope ans +ĠApplic ation +ĠC ro +Ġwet lands +Ġrecre ational +r ide +om ial +x d +ag u +ĠBar b +ĠTyp ically +Ġimpl ied +ug ar +ĠSim on +S N +ĠArist otle +Ġpries ts +ĠG i +ĠC ass +Ġhier archy +ĠOrth odox +ĠE uro +Ġwound ed +Ġphilos opher +F IL +Ġb esides +Ġcos mic +en h +Ġtr im +Ġrail way +H R +Ġg ym +Ġrandom ly +Ġrest ing +G reen +Ġsufficient ly +Ġun int +G iven +n ut +Ġgau ge +Ġen force +Ġsl ides +Ġc ram +ock ets +M em +th reat +H aving +ĠF ox +Ġbur st +Ġpand as +el le +ĠRef lect +Ġper me +n ational +ill ery +Ġasp iring + ł +Ġprox imity +Ġqu otes +el d +ixt ures +Ġfoss ils +ĠG rowth +Ġp oultry +Ġt we +NA L +th an +Ġres et +b es +Ġdeploy ed +ro sc +Ġassum ing +ĠW IT +art icle +Ġpot ato +ĠJuda ism +ĠSt aff +Ġcollect ively +S U +ĠTh ank +ĠE V +m ove +ĠAuthor ity +Ġd war +Ġhot el +Col umn +Ġreg ards +Ġshould ers +Ġtut or +Ġman kind +Ġsp ite +Ġco hes +Ġcharg ing +Ġprelim inary +Ġm ad +ra cing +Ġrep ly +Ġearthqu akes +ens is +ĠCrit ical +Ġn a +ĠEm ily +Ġsexual ity +Ġpron ounced +Ġsan ct +ĠBe ach +al ia +ĠÃ Ĺ +ĠE D +s in +ur rection +ĠCh i +________ ________ +iol ence +ĠTor onto +Ġv ic +Ġbur ial +Ġsil k +Ġwarn ed +ĠNig eria +Ġsing ular +th read +pos ure +ĠPro blem +P N +Ġf ancy +Ġb icy +Ġsw ord +Ġport able +Ġflood s +oven ant +Ġreconst ruct +Ġo re +em at +Ġad mission +M ap +Ġp icking +Ġstimul i +Ġ ib +Ġtraged y +ĠLast ly +r ish +lo op +oubted ly +Ġ ## +Ġd ated +Ġut f +C ur +Ġg host +ut or +Pro cess +ĊĠĠĠĠ ĠĠ +ĠKent ucky +sh ort +az a +Ġs iblings +Ġprot ests +W A +Ġshow case +Ġswitch ing +arg v +ist le +iv ia +aret te +Ġnurt uring +ias is +ĠArch ives +ĠCub a +ra ble +Ġor ch +Ġcompr ised +Ġqu it +Ġto mb +Ġto dd +Ġemb od +st an +is an +Ġat e +Ġde ployment +ĠYou Tube +d ependent +Ġdisc ern +De velop +Ġadvert ise +Ġunt reated +an ia +Ġl inking +ill er +ĠW ords +Ġprot otype +Ġadapt ations +ĠSt ress +ĠK ings +u z +Ġbutt ons +Ġillust ration +Ġtr ash +Ġpo ets +ĠInit iative +g ithub +ĠDi agn +ĠEconom ics +Ġwhere ver +Ġliv elihood +Ġby tes +vol ume +ĠAgricult ural +com mit +al id +Ġprocess or +Ġent ails +ĠO m +min ute +ser ial +ĠT ask +Ġle ather +. < +Ġcomm erce +U C +Ġsign aling +Ġsil icon +Ġn our +ĠUn iverse +nd array +Ġne at +det erm +Ġbl oom +Ġsuper hero +Ġexerc ising +Ġf ired +ion ed +ĠHistor ic +Ġpro pose +Ġsum m +ĠS M +Ġdissol ved +Ġmet all +Ġb ureau +em en +Ġgraph s +Ġrem edy +Ġnutrit ious +p her +Ġwood s +Ġbu g +ĠO t +u ating +ĠC zech +Ġparticip ant +G reat +direct ory +à £ +le vant +Ġhom eless +ĠStan ford +Ġdr illing +Hand ler +em ption +ĠDen mark +Test Case +Ġfirst name +ĠC and +Ġpneum onia +Ġcomp iled +Ġin ability +ĠM oscow +rox imately +ĠS pect +B ook +og g +Ġlist ing +Ġcool er +Ġcompr ises +b b +is ol +ne ver +Ġpull ing +Ġoff ensive +are a +Ġmod est +Ġretire ment +ĠUS DA +Ġtoile t +ĠF eed +ren al +Ġel ite +U RE +Ġne arest +Ġcomp osite +ĠG round +ĠC redit +Ġtu ber +A f +Ġantioxid ant +Ġadapt ability +c ourse +Ġwh ale +æ ķ +Ġg rief +Ġinter ven +b id +ĠI owa +ĠHar ry +m ble +ing e +ĠC amb +o qu +ĠD ark +ĠCo al +Ġ' - +Ġcommand er +H ead +ul er +Ġsupp ose +Ġform ally +Ġpol ym +ĠBet ter +âĸ Ī +ĠReg ion +ĠBel ow +Ġquestion na +m ass +Ġsix th +: * +ĠSwed ish +Ġlearn er +ĠG re +Ġopp osing +Ġshel f +sc he +ĠOpp ortun +Ġp iano +ĠC hen +Ġpro pri +ĠM O +Ġshif ted +E v +) ). +up uncture +Ġfrag ile +Ġcon ve +be at +ĠPat rick +Ġadjust ing +c ision +Ġqu een +m etic +Ġscr ut +h idden +Ġtransform ative +But ton +ĠEv idence +Ġsn ack +if iable +St r +Ġwe eds +ĠCons erv +Ġh its +Ġr ust +Ġ" \ +aut o +ĠAll iance +Ġfluctu ations +Ġinstrument al +~~ ~~ +ig o +te es +ĠV ery +Ġdr um +Ġremind ed +ĠPrin ciples +ĠM as +Ġspec ially +Ï ī +Ġeven ly +Ġpredominant ly +Ġp seud +a us +Ġcultiv ated +Ġsatisf y +c p +ĠF acts +on ics +Ġnew found +Ġchar ity +m o +kl ah +ne ath +Ġscr atch +ĠBen jamin +S cience +er os +ĠPark inson +Ġpenc il +ip y +Ġlit ter +Ġreg en +ĠPro b +Ġdisapp eared +Ġpray ers +Ġsh ame +cler osis +str ong +F OR +c ustom +__ ': +Ġcult urally +Ġsuggest ion +ĠPre vent +ĠH o +Ġoccup ational +Mean while +c v +IC E +Char Field +we alth +Ġsc atter +Ġgl ance +T ypes +Ġt ie +ar on +ĠH ou +ail ure +Ġd op +). __ +m el +ĠRem ove +M ethod +Ġflow ering +us ions +oll o +ic ode +Ġwis hes +Ġclaim ing +Ġphilos ophers +ĠPalest ine +Ġ á +ĠTor ah +Ġrul ers +Last ly +Ġam ple +lim ited +ĠN A +by tes +ĠB ud +ĠMo ore +C ode +c ategory +Ġp umps +Ġmar king +Ġperman ently +ĠR oc +ond er +Ġmosquit oes +g ument +in ar +Ġover head +Ġparent al +AS S +writ er +Ġrat ios +Ġcm d +Ġst ating +ac eted +ht m +ĠIss ues +Ġcomplement ary +Ġut ter +cur s +Pro v +Ġperipher al +Ġtoxic ity +ĠKh an +Ġlif elong +f lu +p ill +D IR +w elling +ĠPre par +Ġinf inite +Cl ient +Ed it +Ġencomp asses +ĠE li +Ġem peror +ĠL anc +ĠCont ent +log in +âĢ¦ . +ar ry +Ġh i +Ġwater ing +ĠAd ditional +Ġfant asy +Down load +Ġinst antly +ĠArch ived +ĠAppro ach +Ġtre asures +Ġmon arch +P age +Ġsem ester +Ġar sen +" > +Data Frame +Ġp s +less ness +Ġresid ual +I B +Ġadv ise +Ġpubl isher +ere r +Ġrender ing +f uture +Ġl engths +Ġagg ression +ĠPop ulation +ĠNew ton +Ġvers es +Ġinvest ed +Ġstrugg led +ĠBro ok +Ġmicrosc ope +Ġpuzz les +ific ant +ĠNorth west +Ġfro st +Ġcoron avirus +ĠTai wan +Ġoblig ation +P M +pr im +Ġadvance ment +Ġpenal ty +Ġwhere in +Ġclim bing +Ġsupp orters +ĠPart ners +ĠS yd +Ġarchitect s +et ric +Ġmicro organisms +Ġanaly tics +Ġwild erness +Ġst icks +orest ation +Ġge ometric +S QL +ign ant +ĠAnd erson +ĠC os +ĠSum mer +Ġtang ible +Ke ep +ĠN urs +Ġgradu al +ocy tes +Ġfit ting +T ensor +ĠS el +Ġinter personal +Ġind oors +Ġreject ion +Ġjewel ry +le ys +t ags +ĠDem ocr +ĠVictor ian +ourag ing +ester day +M OD +le ading +Ġf ool +Ġgener ic +ĠSo il +Ġref ere +Ġacadem ics +Ġfeas ible +T HE +ĠF ried +Ġsubject ed +g b +ĠC art +Ġrel uct +ro ve +] < +Ġoverl ap +Ġwaters hed +Ġfeather s +klah oma +Ġpack et +un c +Ġmy riad +Ġst umbled +f und +Ġsupp ress +Ġabd omen +ĠN an +Ġs li +ĠT ool +R N +Ġgu itar +Ġclin ic +own er +ĠPer formance +Comm un +ĠD ick +ĠBer keley +Ġu mb +h u +Ġh o +Ġpo le +Ġopp onents +t ab +Ġg ig +Ġg amb +Ġjud icial +Ġappreci ated +ĠAccess ed +" ; +ail and +ĠDevelop ing +ar bon +co res +Ġun ions +Ġjust ify +ĠH un +ĠJ oint +Ġcur ves +Ġd ermat +Ġcar ved +iz za +ĠJ ob +pro p +head ers +p olicy +in ence +Ġwor ms +Ġrab bit +Ġsc arc +Ġoverwhel med +Ġgravit ational +Ġwal ks +rou te +h ind +Ġcompet itors +Ġreal izing +Ġo ak +Ġexplore rs +Ġu pt +Ġde ck +Ġment ally +op or +ren cies +Ġcit ations +ĠW AR +Ġcareg ivers +ĠW right +Ġt ent +Ġh ire +ĠT otal +Un it +Ġhand ful +U E +ĠCommun ist +ĠRec ord +Ġp ir +hes ia +Ġen velop +Ġbod ily +ĠP s +Ġpe an +at ility +ight ing +St atus +Ġc raw +ĠW inter +cc a +rit e +AC E +ĠM s +Ġlower ing +part y +Ġam mon +ffic iency +Ġprivile ge +Ġc arn +AP I +ĠDef inition +Y et +Ġal oud +ard o +Com put +st ar +Ġsec ured +fl at +ĠA ward +ĠL akes +ur ban +ns ic +ĠCurrent ly +Ġindu ce +H ome +ĠB at +ER T +E V +Ġcl ip +Ġdel iber +t ml +Ġregul ating +ĠS ure +Ġdo zens +Ġoffer ings +u pp +ĠGen esis +w ave +Ġwas hed +ĠAll en +v o +ĠAut om +Ġped agog +Ġ âĢĻ +Ġrespond ents +Ġdiff ers +Ġtru cks +ĠBy z +(" \ +ĠMe asure +od d +Ġthought ful +C or +Ġconcept ion +D irect +Ġbare ly +ĠP eters +AB LE +Ġf iscal +"] [" +' } +Ġs its +Ġinter sect +Ġfree zing +ĠMem ory +Ġlim bs +Ġcompan ions +ĠProv ide +re a +Ġre pt +og rams +OR E +u y +ĠL td +Ġweek end +ĠImm un +ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠ +Ġfung us +c ence +Ġan a +ĠG and +ĠAl i +Ġcl icking +h o +à º +Ġredu ctions +Ġprec autions +ĠAgree ment +Ġcont empl +Ġcort ex +Ġcan on +ĠA round +Ġb ibli +ĠD og +ĠIn fect +ĠH art +Ġme ats +sc hema +ri ages +cl amation +izophren ia +u ated +sq rt +Ġg y +Ġelectro ly +Pub Med +B et +R a +ĠS ay +Ġdel ib +ir ie +th reshold +Ġland ed +Ġsn akes +ĠT B +Ġab st +uls ive +Ġhar assment +ert ation +in us +ry st +pos itive +Ġcontinu ity +Ġterrit orial +Ġtransform ations +Whe ther +ĠS yn +Ġad herence +Ġad olescent +Ġburn s +ĠAng lo +ĠBanglades h +Ġret ired +ĠIm ages +Ġsp ider +Ġproceed ings +ĠS now +m aker +ĠEm ploy +ĠS ens +Ġgu est +ĠRef erence +Ġke en +Ġsqu ares +Ġnot eb +Ġanat omy +or rh +ĠE instein +Ġatt orney +icro b +Ġsched ules +Ġinst ability +Ġprim itive +ĠBit coin +J une +Ġlog s +Ġsens ing +Ġfil ed +ĠC ould +Ġman ually +Ġinter faces +Ġmedic inal +s pect +Ġappear ing +ĠSim ply +log ging +Ġr ip +Ġfit ted +pl aces +ĠHam ilton +Ġt ightly +ĠR ule +Ġmic row +ĠDis orders +ĠAN Y +ĠS alt +hes s +Ġrecogn ised +M arch +ed e +z es +Ġt et +ĠI oT +Ġper severance +Ġel astic +Ġtrag ic +ĠE ffective +Ġt err +Ġsusp ended +Ġc ake +Ġtal ented +Ġfrust ration +Ġint imate +i age +acter ia +. ( +Ġst igma +Ġgr ate +Ġdocument ary +av al +Ġp ocket +es ar +Ġsc ans +Ġrelax ed +ĠU ntil +ĠUs ed +Ġ iv +Ġun lock +clud es +Ġselect ive +Ġconstruct ive +v able +ier ra +Ġfriends hips +Ġastron omers +Ġis ot +Ġauthor ized +ĠUnder stand +ĠE ating +Ġmon aster +L D +Ġw re +S V +off s +Ġex agger +Ġen ric +ĠG ospel +ĠBe yond +unt ime +ĠVen us +M c +ĠB eng +Ġinf rared +Ġli ability +Ġfl aw +ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠ +Ġab ortion +que ue +Ġqu oted +Ġh iring +Ġt urtles +Ġl ady +ĠS ounds +Ġal kal +f ed +Ġprol if +Ġden y +Ġcycl ing +Ġgall ons +è ¯ +Ġnew er +ĠImport ance +as ers +EN D +ĠF inn +ĠAn imals +Ġmunicip al +Ġdemand ed +ĠMain e +v m +Ġfor um +c ross +ĠS ave +Ġex cer +Ġarm ies +it ives +Ġsn acks +ĠSqu are +pe red +de code +] ): +ĠArab ia +Ġdies el +Ġsupp liers +cret ion +S ol +Lay out +Ġd olph +cl oud +ours es +Ġsubject ive +pl er +Ġsculpt ure +th ree +ceed ings +D oc +ot ine +Ġbe aches +Ġbase ball +Ġgastro intestinal +ar b +Ġseiz ures +x a +å IJ +art z +Ġprof iciency +Ġfle e +D ig +ty p +Ġqual itative +Ġadmin ister +V er +Ġchromos ome +ed it +Ġan ts +Ġfil ament +Ġg ad +Ġd ir +Ġlaw yers +e ff +ĠExpl ain +Ġlight ning +Ġintric acies +ch at +Ġide als +ĠHig her +Ġclim b +Ġbu nd +Ġide ology +Ġintest ine +p ad +Ġtherap ists +P H +Ġthe ology +Ġs ql +ĠConnect icut +Ġ ĊĠĠĠ +Ġult rasound +Ġhyp ot +Ġsuper natural +Ġas leep +du e +es ian +Ġmembr anes +Ġass ass +Ġp ile +Ġcorrespond s +process ing +ira cy +ĠFa ith +Ġsqu ir +ĠEx press +ĠMic hel +lu g +Ġup ward +Ġun re +Ġfest ivals +raul ic +In it +F ound +p ulumi +Ġbus h +t ry +Ġseg regation +Ġax es +img ur +E duc +L L +g it +Ġmaster y +Ġcomp ress +Ġbul let +Ġpric ing +s a +Ġsal vation +Ġwaste water +g ments +Ġw and +Ġcent res +Ġl ion +Ġbe verages +ĠAn na +Ġstimul us +Ġacid ic +Ġf ox +Ġg amma +ĠSat urn +#! / +m g +ĠE R +Ġar row +Ġreson ate +enc ode +Ġsolid arity +Ġcommun al +duct or +m u +empt y +Ġpar king +Ġsc rap +le ans +ĠB lu +Ġcur sor +ĠL ank +ĠSt alin +sy mb +b ies +Ġaut h +is co +ĠBas in +Ð ² +Ġdet er +ĠCom plex +à ¦ +Ġcomment ary +Ġd ye +ĠSk in +Ġpix el +N E +Ġequ als +im ore +Ġtra ils +Ġrel iance +Ġtour ist +ĠE at +LO G +Ġcred its +ĠSt ring +Ġport rait +Ar ray +Ġcomp ly +ĠExt ension +Ġ' \ +Ġcreat ors +Ġcompet ence +Ġsubstr ate +Ġfol iage +T itle +Ġnation wide +hand le +Ġc ables +Ġcan vas +ĠG ram +sm all +Ġmitig ation +Ġun conscious +Ġlay ing +Ġadjust ment +Ġharv ested +Ġrespect ful +Ġtast es +* , +ĊĊ Ċ +pro g +Ġastron omy +ant ry +Ġ' -- +rag on +Ġcerv ical +C V +Ġcivil ian ++ ' +F eb +Ġbelie ving +Ġcr ises +Ġlast s +Ġun e +A ction +Ġansw ering +cel and +Ġguarant eed +ॠį +Ġbl ocking +ring e +Ġd irty +ĠConn ection +Ġprejud ice +Ġsex ually +Ġdivor ce +Ġtr unk +Ġabnormal ities +D ist +Ġph yl +flow er +Ġgra zing +Ġgl oves +******** ******** +Ġm u +Ġsh ower +Ġcompar isons +ĠE M +Ġc argo +Ġreconst ruction +Ġdes erve +ol en +ell ers +Ġre plic +Ġassemb led +Ġd ynasty +Ġ( $ +ĠOlymp ic +Ġ' < +% ), +ĠSe qu +Ġe arning +ĠG ender +ĠMult iple +ge vity +AR E +Q t +op ard +Ġstress ful +ĠRel igion +ou stic +Ġcor rupt +T E +ĠSyd ney +def ined +Ġdef icit +Ġn ights +it ated +ĠF le +Ġfather s +ĠT a +ĠH ell +Ġtable t +p resent +Ġact ed +mans hip +Ġsp rou +Ġatt raction +ĠIdent ity +P ATH +Ġbul b +kl ore +ĠPol ice +em on +bl ue +Ġkn ock +read ing +pat ient +ĠT R +Ġpar ish +Ġthink ers +Ġliqu ids +Ġr ash +ĠT ODO +we g +Ġrem n +Ġpal ace +Ġprem ium +ĠB arn +ev ol +Ġformer ly +Ġs ie +Ġlim b +ĠAlex and +L P +ĠD er +Ġbr ighter +ĠInf lu +ĠApp ly +Ġassum es +w alk +ĠCh air +assert True +en ium +ĠL ic +Ġdec ides +Ġret reat +Ġmind set +ĠO klahoma +Ġaw esome +Ġk ick +Ġminor ities +Ġpass enger +Ġimper ative +ĠBab ylon +ĠJ oe +Ġprospect ive +ur u +ĠL oc +Ġpat ron +ĠMarg aret +Ġsc ra +Ġreward ing +c ards +ĠW in +ĠN ile +Ġluck y +Ġped est +Ġtransc end +ĠH az +ĠMem bers +Ġaest hetics +ut o +ri ans +ĠWal ter +Ġstrong est +M s +O ff +li ver +ĠN uclear +Ġprevent ive +Ġunf ortunately +d type +Ġger ms +Ġrend ered +ĠIm plement +Ġdecl ining +count ry +lim it +ous ing +Ġexplo it +z i +Ġt ense +Ġball oon +Ġspot ted +Ġl ips +Ġinstall ing +Î ¼ +ĠSt ructure +ĠPro per +ĠDougl as +opor osis +C ross +Ġcol oring +Ġclean ed +u pper +Ġjump ing +Ġex clusion +Ġgre ens +Ġlik ed +ĠMag azine +com a +Ġfun c +Ġcompos itions +ĠCh anges +Ġmin istry +? ? +o os +Ġc in +est ial +ĠS audi +ĠPro duction +ĠGet ting +Ġas bestos +Ġconv ince +Ġinterpre ting +fam ily +ĠTh ailand +Th ree +ĠProg rams +Further more +ĠHe at +Ġethnic ity +Ġsl ip +ĠB os +Ġreview ing +h alf +ve ctor +static method +ch anged +Ġab oard +Ġj e +Ġinter disciplinary +ci ously +Be ing +Z E +Ġpot s +Ġdescript ive +Ġsc ary +s ky +Ġle uk +ĠPlan et +ĠB or +Ġdef ensive +ĠFl ore +A pril +C ong +Ġunderstand s +Ġaccident ally +ä º +ĠPar ks + ½ +à ł +ĠF oot +Ġprodu cer +Ġf right +ou ble +ĠR ot +ri ors +Ġen roll +ĠLe v +Ġreflect ive +agon al +ĠNap ole +Ġinn ocent +ĠPh arm +edi ence +ĠD ead +Ġbl ade +ang a +ĠExper iment +h n +ĠS H +Ġkn ife +Ġsan itation +ĠDat abase +Ġmet icul +Ġfif teen +ĠO k +ans k +Ġra cing +Ġspark ed +ĠB rig +Ġd urable +ĠCh annel +ĠE ye +Ġref lex +Ġconver ting +f i +Ġp ound +" ]. +ĠĠĠĠĠĠĠĠ ĠĠ +ĠM RI +Ġunder neath +az ines +ĠFreder ick +ra its +Ġceremon ies +acter ial +ly wood +Ġs ocket +Ġad here +Ġpere nn +Ġperform s +Ġgas oline +ĠO ak +Ġback up +Ġmot ors +Ġauthentic ity +us age +ĠAp ache +Ġprohib ited +Ġaccompany ing +Ġd orm +Per haps +Ġsw ift +ĠPre pare +Ġd awn +Ġwe ed +ĠO ri +Ġsmart phones +Ġadequ ately +Ġpadd ing +v ideo +Se pt +ĠB ishop +ram es +Ad ditionally +is l +Ġh ired +Th ink +ec hes +Ġsurprising ly +ĠR F +ç Ķ +Ġemb arr +Ġred irect +oth y +est ones +Ġp ays +c op +Ġre use +ĠL ive +ĠS S +ĠB rand +Ġinf est +ĠEmer gency +ĠPh oto +Ġsimilar ity +Ġ ---------- +im eters +Ġsub mar +h um +Ġfl ip +app lication +on i +the ta +it o +ch anging +Ġdel ays +Ġur inary +ĠReg ister +ve c +ir i +ag h +ĠEd itor +Ġs ins +Ġreef s +at en +id ated +Ġinf erior +head s +ĠWe ight +Ġviol ation +oc ene +Ġdep ths +re r +j e +Cons ider +Ġexch anges +ro d +Ġdef orestation +ĠCol omb +P ort +ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠ +ĠSaf e +D av +w ed +Ġment ions +Ġcelebr ations +exist ing +Ġveter ans +ĠSol omon +iqu ity +cul osis +Ġund oubtedly +Ġterm inology +ul us +Ñ ı +Ġens l +ĠL O +Ġdis charg +Ġco operative +Ġanticip ated +Ġbo iling +ĠD ict +Ġinj ust +Ġhob by +R T +Ġo un +ĠR ange +ax on +az y +qu estions +Ġtric ks +ĠG M +ĠB ron +ĠMc G +Ġmer ge +ru le +Ġref use +ĠSol utions +Ġprev ailing +Ġapp ar +ĠCol umn +O h +Ġt mp +ĠD akota +A ust +Ġp i +Ġcommission ed +Ġancest ral +is ure +ĠT her +ĠBi ological +tra ck +W ork +Ġd aughters +ĠD ental +p ine +Ġsp ill +Ġfart her +IV E +Ġciv ic +ĠVis it +Ġdepos it +Ġstro kes +Ġsh r +Ġgovern ed +Ġ Ù +Th anks +Ġd ur +oth ic +Ġpass words +atur ated +ad ers +Ġbroad ly +ĠMan ufact +Ġswe at +Ġaccel eration +Ġclim ates +Ġsim plicity +S te +Ġap ost +Ġcryst all +ir ts +Ġpract ically +Ex per +Ġten ure +G P +ĠM un +Ġtext books +ĠCit iz +Ġdev iation +ĠT oo +ct ica +Ġcogn ition +ĠĠĠĠĠĠĠĠ ĠĠĠ +ĠR A +Ġstress es +Ġimp art +Ġbutter flies +Ġse ism +Ġad ject +Ġher bal +ĠExpl ore +Ġcannab is +Ġright eous +Ġpil grim +ĠAntar ctic +p rom +Ġtra it +ĠWorks he +čĊ čĊč +Ġattend ance +Ġneed ing +Ġrebell ion +Ġthe atre +Ġco h +class method +ij uana +ep rint +ĠMarsh all +ĠSt age +ĠAnn ual +Ġcub ic +Ġh ay +ĠAmeric as +Ġv ascular +Ġr if +ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠ +Ġperm issions +ĠD ry +ĠD I +els h +er ion +Ġge ological +Ġ ± +ĠExpl oration +ĠBro ther +ĠAct ive +Ġprospect s +s ocial +Ġdecor ative +l ie +ĠK u +Ġdispro portion +ĠUn less +ĠInt rodu +Ġexperiment ation +thon y +Ġweaken ed +Ġrec ess +Ġnon profit +ĠMan ual +ĠTechn ical +Ġtr illion +pro perties +Ġfun ny +ĠB run +Cont rol +reg n +ĠCom prehens +Ġsmart phone +ã o +Ġeleph ant +Ġcl ot +stand ard +Ġnas al +Ġoverse as +Ġtraffic king +n osis +ra vel +Ġgra pe +uck et +Ġhost ing +Ġfl ights +psy ch +ĠL oad +Ġdis ruption +Ġtric ky +Ġtomat o +ci o +D NA +Ġl ag +ĠH ug +ĠW olf +Ġbl ending +Ġdetect ing +Ġdis ciples +Ġsur f +Ġbelong ed +int o +box es +Ġsl ice +ĠComp et +ĠArchitect ure +a uses +um en +Ġlapt op +ES CO +ock er +Ġton nes +ĠAcadem ic +ĠEn h +Ġth ou +ĠPr ice +ii i +ĠDraw ing +sh ould +Ġa ver +ĠPen insula +Ġdis cre +Ġcru c +arr ing +Ġauthent ication +Ġwhere by +Ġrecogn izes +Ġcalcul ating +å ħ +Ġarg uing +En vironment +Ġscan ning +or ia +ĠL uke +Ġtax on +ĠPer u +l it +Ġsk etch +ĠG ab +Ġ æ +Ġd ots +Ġqu iz +ĠPu erto +Ġsome body +Ġfl ora +V A +Ġprotect ions +Ġstri ps +Ġdisadvant ages +W illi +ĠHT TP +Ġmultip ly +b irds +t ol +ing ham +ĠE ver +ĠSw iss +ĠUnivers al +threat ening +Ġat he +Ġout s +ĠV erm +ĠO d +Ġdeal t +s d +ĠPol itics +ah o +ĠD ra +Ġbl u +ĠWe ather +ĠP ow +ĠG ib +iar ism +Ġfemin ist +ĠF ortunately +Ġfo am +y g +Ġdecl are +ST R +n as +Ġdark er +ĠMult i +S k +Ġim plicit +Ġdeterm in +L ook +Ġant im +Ġeleph ants +as ync +Ġprompt ed +pt ical +ub ric +br ate +: % +Ġpet ition +Ġreson ance +ĠCE O +Ġpropag anda +sc ope +is ive +ĠR O +Ġco ach +Ġhol low +Ġfract ions +Î » +set up +Ġgest ures +Ġglobal ization +Un iversity +Ġeas iest +Ġlif ting +Ġr ush +T im +ĠQue ens +Ġcompl aints +Ġhuman itarian +on ed +Ġwra pped +ro st +ĠT s +ĠSt op +Ġaqu arium +Ġlike wise +ĠPsych iat +in is +Ġthr ust +ĠMon itoring +Ġhum ble +Ġimport s +Ġbi op +Ġle verage +Ġut ils +ĠTr uth +Ġkil omet +ĠB ed +op ing +Ġra mp +om orph +Ġcr ude +rad es +Ġbrush ing +ĠOther wise +Ġrese mble +Ġg ri +b irth +it i +ĠAll ied +reg ion +Ġrecip ient +cho ice +C s +m issions +Ġspecim en +Ġdistribut ions +er get +Lab el +b ig +te x +oun s +Cont in +Ġpix els +Ġfract ure +ĠS A +ĠQue bec +O ld +Ġexhib ited +Ġl aughter +ĠT ob +Ġst d +Ġsynt ax +Ġ » +Ġb ass +ĠMan ager +Ġinstruct ors +w al +Ġth rowing +oph il +Ġdisturb ances +ĠOr leans +ĠSud an +u ced +Ġtim eline +in os +Ġdi agrams +" ' +} \ +v ic +ig hed +Ġcont est +ĠC ov +Ġde af +R un +Ġth ir +path s +Ġbreast feeding +ĠNon etheless +f inal +Ġsulf ur +it ably +Ġrece iver +Ġsec uring +ĠSer ver +M en +ist a +Ġenc rypt +Ġbuck et +Ġsou ls +Ġtestim ony +Ġi P +Ġple asant +St and +ĠT ell +Gl obal +Ġj azz +Ġmat ched +Ġembra ced +Ġex ports +Ġblood stream +ware ness +Ġu pl +Ġmem orial +Ġbad ly +ĠC C +Ġshort age +se a +Ġparad igm +p aper +pl ants +Ġb end +Ġto es +Ġcount ed +Ġviol ations +ĠDom in +S ch +Ġp rize +is y +Ġview points +ĠFed eration +Ġen erget +ĠV R +E qu +m ac +ĠI celand +Ġback ward +Ġmus cular +Ġreact or +ĠN otes +ĠNe v +Ġp ear +ĠB and +There fore +Ġev ap +Ġtow ers +Ġaspir ations +Rel ated +ĠW ang +Ġout lines +con dition +Ġpress ed +Europe an +---- - +am on +Ġrestrict ion +AN T +ĠN elson +Ġscar ce +Ġt une +Ġbelie vers +ĠArgent ina +G raph +ĠPro blems +Ġplanet ary +ĠRec ords +ĠâĨ ij +ĠCompan ies +Ġmultif aceted +j u +Ġter restrial +od ia +Ġpe aks +ĠDel hi +Ġsh arks +ĠAl ber +Ġcol i +ph ase +ĠHow ard +f requency +Ġlab s +Ġcyl inder +Ġmim ic +R ES +Ġcor rosion +Ġf ocal +op a +Ġcred ibility +Ġenterpr ises +Ġspect acular +Ġbo ot +Ġcontamin ants +ĠP TSD +om nia +ĠProg ress +Ġstew ardship +er vers +Ġseaf ood +S chool +ĠHou ston +ĠK y +Ġirrit ation +ĠNum Py +Ġut ilities +Ġrepet itive +Ġhead quarters +Ġimp ly +hist oric +Or gan +ĠDown load +st ory +ĠV I +ĠĠĠĠĠĠĠĠ Ġ +Ġman eu +gen erate +Ġpron unciation +ap es +exp ression +ĠR at +Ġcig arettes +Ġmultipl ication +ĠF ast +ug s +Ġhe ights +Ġlog in +ĠIn g +ĠPro ceedings +Ġdin osaurs +Ju ly +ag ic +heum at +/ . +r l +Ġa cre +ĠCon fig +th ink +ĠF ramework +(' \ +Ġod or +ill ary +ky o +Ġdon or +err ors +Ġhost ile +ol ics +Ġ$ $ +Aug ust +Ġ iod +az ed +Ġtruth s +n utrition +ul ph +Ġaff ection +Ġmon opol +ass oci +Ġpay load +Ġround ed +Ġdrag on +S l +Ġthe or +at ar +ĠP un +ĠChrist opher +Ġarch ive +RE E +ĠR ace +Ġdep ressed +ĠH ud +Ġmar ijuana +Ġcoc onut +f alls +itud inal +d m +Ġconclud es +per iod +The ir +bt n +Ġlock ed +Ġlist ened +ĠSt rong +Ġtur tle +ĠFin land +ou p +Ġar che +W omen +Ġimag in +Ġce iling +Ġintr insic +Ġmethod ologies +Ġrefuge e +" ? +ĠK a +ĠCur riculum +ĠMont ana +ĠEmb racing +ro it +cess ion +Ġcast ing +Ġin con +ed ges +ud ge +cl ock +ord on +to x +Ġvis itor +d ose +amb oo +Ġp ist +ig raph +Ġlim estone +Ġhost ed +e ur +app ly +Ġpl ague +Ġun predict +Ġre per +Ġ( - +Ġaw a +doc ument +be it +Ġarg parse +B re +Ġt asty +Ġdown stream +ĠB ull +Ġpul monary +Ġnu ances +tim estamp +i w +Ġw ore +g age +ĠP ed +Integ er +Ġsh rubs +cell ular +ĠA CT +ĠM ember +ib les +Ġcl ause +ut able +C ourse +ĠR ow +Ġdecor ated +p k +ĠS ad +ach ine +Ġrun off +Ġcul min +ul ous +Ġser um +Ġveterin arian +ith metic +pr ice +br ates +Ġsimpl est +Ġfl ame +Ġsh ark +Ġdis inf +Ġact or +Ġinc ub +Ġterm ed +Ġpersist ence +Ġ ic +st ones +ĠAl cohol +ace ous +d river +Ġrepos itory +ĠCo ord +Ġrecre ation +Ġy ards +ĠC hem +Ġve in +Ġp m +ĠI BM +ĠDef ault +Ġper secution +Ġlearn s +ĠOcc up +n x +ĠC atal +ĠM R +Ġdiff ering +Con text +od ont +Ġcrypt ocur +Ġheav ier +ĠT ro +ĠPub l +Ġtou ched +ĠConst ruction +Mod ern +Ġsubt ract +er red +Ġl amp +Ġbi ography +Ġsevent h +work ers +Ġconst ell +Res ult +b eta +ĠT u +ĠHispan ic +ĠL ang +ĠInit ial +PO ST +Ġkne es +Ġsoon er +Ġoccup y +Ġsuccess es +ĠSt ew +Ġve gg +Ġturb ines +res ol +ĠApp lying +ĠPortug al +ph y +Ġd ams +Ġw are +Ġvac ation +Ġ' % +Ġfe eds +b ecause +Ġpolit ically +mod ern +ĠDo ctor +Ġpul p +Ġfisher ies +? ! +Ġexp on +R ad +Ġp ools +Out put +s erv +Ġin appropriate +ĠAp ollo +Ġdispl aced +Ġen vision +Ġhigh way +en ic +Ġreason ably +ĠProgram me +Ġf iring +Ġfun gal +Ġaccel erate +Ġempower ment +ograph ics +Ġlon gevity +ĠHop kins +Ġcar riers +Ġsign ing +Ġimmig rant +f ont +iv ated +ple ted +Ġpsych ologists +A ng +Ġd ip +Ġav iation +Ġneed les +Ġreinfor ced +Ġno qa +Ġearn ings +Ġinform ative +Ġu b +Ġintern ationally +fl ag +last ing +Ġt ended +t uple +Ġelim ination +ĠMalays ia +mon t +ĠA BC +load er +ĠEthiop ia +Ġb ru +Ġe ll +s cient +ĠTh or +ĠFor um +Ġexc el +T otal +Ġpro active +ĠHy per +Ġcompassion ate +og ly +ĠFest ival +bre ak +Ġp ave +uten ant +En ter +mit t +ĠScript ure +Ġse aled +Ġen rolled +- % +Ġt ide +Ġbo il +ĠGu inea +Ġcommerc ially +ĠTechn ologies +udden ly +ĠR on +she et +Ġanch or +ĠE C +ĠD ur +I H +Ġcour tesy +Ġmist aken +Ġsur render +ĠP ent +Ġair port +D T +time out +ĠShe l +Ġacqu iring +ĠA B +alle l +Ġfract ures +Ġerect ed +ĠP oor +ĠCr ime +ĠN ear +Ġmar ry +Ġdepict ing +or ations +ĠMc K +oo f +const ruction +ĠE ric +ĠAn at +ad ic +plet ion +Ġc ens +Ġfree ze +Ġcolon ization +Ġmag azines +Up date +Ġantib ody +Ġphosph orus +U I +Ġh ook +ĠC as +Ġfin ite +Ġcomprom ised +Ġref eren +head ed +Ġproport ions +organ ic +he at +B rit +exp ensive +Ġhe ct +un its +ĠCh ron +ĠTra il +se ctions +ediat rics +Ġmon uments +ge x +Ġsp awn +neg ative +academ ia +f c +Ġaster oid +w atch +Ġeth n +ĠEval uation +Ġcivil ians +ij ing +Ġan th +Ġsn ipp +Ph one +Ġinherit ance +ĠI F +ĠSe attle +Ġrhyth ms +Ġpurch ases +Ġdef ence +Ġinv iting +Ġdetect or +Ġed ible +Ġs aves +Ġdecl aration +Ġaer ial +spe aking +ĠV ision +Ġex terior +Ġcle ans +ĠCP U +t hens +Ġs isters +Ġn esting +ĠP ick +Ġmanuscript s +ot or +Ġ[ [ +Ġamph ib +Ġcontin ents +est yles +Ġver bs +ĠStrateg y +Ġsub set +Ġcra cks +Ġdestro ying +qu er +Ġfront ier +Ġcrit ique +ĠLike wise +Ġbub bles +Comm and +id ating +Ġpro sec +o i +Ġstick y +isp ens +het ical +Ġfe ast +st orage +it at +Ġdifferent iation +f erence +Ġauto immune +anc ers +resp ons +Ġb ites +ĠPalest inian +################################ ################################ +ĠAgain st +ixt y +ast ype +ĠExper ience +ĠRob inson +Ġwel ding +ĠIsa ac +it ol +um ble +Ġempower ing +: . +P arent +Ġin coming +Ġsc hema +ĠEx change +Ġport folio +Ġactiv ism +Ġpost erior +Ġhand ed +ĠSum mary +æ ĸ +Ġg ates +Ġsw itches +Ġath lete +ĠAnd roid +ĠÎ ¼ +ĠAntar ctica +ĠâĨ Ĵ +Ġindirect ly +Ġan emia +ĠB irth +met rics +ĠS N +Ġ" -- +Ġcor related +âĢ ² +Ġfaith ful +Ph ysical +olith ic +as i +Ġme g +Ġenjoy ment +Ġto kens +Ġpun ish +Ġmicrosc opic +P op +Ġpod cast +é s +ose xual +Ġre velation +Ġv oted +ĠCy ber +d ra +Ġdevelop er +Ġreg im +Ġdes erves +ĠSus an +ĠC B +ab y +ĠClin ic +ol is +Ġc sv +Ġhe d +ple asant +} } +ul atory +Ġinter play +ar ound +Ġann oy +á n +P os +ĠF if +Ġremain der +Ð ¼ +UL L +Ġwilling ness +ĠB art +Qu estion +Ġjust ified +sc ores +( [' +b us +ĠAl g +Cont ent +f ires +Ġex h +Ġrespect ing +Ġcoord inated +En c +ĠEx am +Ġastronaut s +S uch +Ġn ov +Ġtechn ically +id is +Ġconvin cing +th irds +Ġ" __ +.. / +rim ental +ot te +ĠBalt imore +ĠMon itor +Ġspin ning +od us +Ġshowc asing +res et +Ġcomp ressed +Ġinv alid +Ġcreat or +ĠPict ure +ĠM ort +year s +Ġspread s +cript ions +Ġreinfor cing +P ass +v est +Ġall iance +Ġend urance +Ġlo vely +ĠFood s +Ġencourage ment +ĠBelg ium +ate ur +Ġtraject ory +Ex amples +Ġdifferent iate +Ġpet roleum +Ġcand y +h ill +Ġsick ness +ell i +Ġprov ing +Ġhapp ier +ĠApp lied +oll en +m ember +ĠM L +Ġcommit ments +Ġtravel ers +Ar ch +Ġin complete +Ġfast est +t ar +Ġsuccess ion +ĠIndividual s +Ġw oven +Ġvari ance +Ġimp ose +Ġemit ted +Ġg em +ak y +Ġdec imal +hel ial +act ly +ĠV acc +ĠCommun ications +Ġsch izophrenia +Ġescap ed +Ġdiss ertation +Ġb acks +Ġspiritual ity +ĠMo z +rib ing +Ex p +ĠPop ular +en vironment +ĠConvers ely +EL ECT +ĠRober ts +Ġv et +Ġhe x +Ġfin ishing +ĠChall enge +Ġpain ter +Ġl ing +Ġfluor ide +Ġaccount ed +Ġbron ze +ĠD eg +op ause +ĠL en +Ġdom inance +Art icle +c uda +ĠS in +Ġposition ed +with out +Ġ{} ". +b efore +Ġgot ten +Ġrecord ings +rat ulations +Ġcontin ental +Ġcoll ision +Ġb unch +ar in +Ġcalcul ator +Ġassist ed +ĠI R +__ , +Ġimbal ance +se min +ere rs +Res ource +Ġch ord +re tt +ĠL am +Ġun rest +Ġwith stand +ĠImport ant +Ġcons erve +uc ing +com ed +Ġsk et +Ġmar itime +Ġposition ing +ĠV arious +Ġthreat en +re ne +bol a +Ġunc overed +ĠT un +Ġgradu ates +Ġconsult ing +Ġremind s +Ġmer it +Ġparalle ls +Ad ditional +vari able +ĠEng aging +Oct ober +_ ( +Ġeleg ant +Ġl ad +ĠS ierra +ĠUS B +Ġland mark +w ick +w ikipedia +Ġcolle ague +Ġprompt ly +Ġru ins +re v +Ġarbit rary +pro gram +ĠBe aut +S ervice +Ġgrate ful +f illed +Ġch i +ĠSt yle +Ġ( ( +ĠE ra +y cle +Ġvolcan o +ro b +res olution +ĠVe get +ĠC ris +Ġ" < +ĠEx c +M icro +Ġup grad +br ush +Ġimmers ive +ĠC ognitive +ĠB enny +Ġback yard +Ġconver ts +ĠM oney +Ġdet rimental +Ġvine gar +Ġa rose +Ġaud itory +Ġbutter fly +Ġsymbol ism +ĠOper ation +Fil ter +ठ¾ +Ġopp onent +Ġa pt +Ġrout inely +Ġn ests +Ġmeth yl +an ical +P rodu +N OT +and al +ar king +ĠP ul +Ġlo ops +Ġwitness es +Ġb id +Ġprov incial +Ġpol es +Ġparagraph s +Un like +Ġexperiment ing +un ique +m ir +ĠInst itution +Ġinn ate +ĠReg ardless +ĠIn put +p ox +S outh +Ġincorpor ates +TY PE +or o +Ġco efficient +Ġmed i +Ġdispar ate +Ġthe ft +Ġa wards +Ġprop het +Ġlib ert +um m +Ġremember ing +ĠI M +ĠI g +Ġair plane +ĠP ale +ĠBre ak +Ġbasket ball +Ġex clude +ann ah +Ġrem ot +Ġlib eration +ĠObserv atory +ĠL ith +ĠConst ant +> , +Ġvis c +Ġind ispens +Ġmush rooms +] + +ly n +Ġun related +Ġqu arters +ĠContin ue +Ġwavel ength +ĠL ate +Ġleg ends +med ia +Ġpsychiat ric +Ġlaw su +Ġbond ing +ub a +ĠRel igious +Ġcel estial +ot ics +Ġth under +Ġpop ulated +icrob ial +U B +Ġh urd +Ġres in +l r +ÃŃ a +Ġaccum ulate +Ġque ue +Ġintent ional +ĠB att +ĠPal ace +Ġcatast rophic +S erial +ĠH PV +Ġab bre +il age +Ġrisk y +Ġsafegu ard +Ġfacilit ates +f rac +Ġfast ing +ĠSte ve +ĠB Y +Ġmir rors +ut ation +hy th +ĠColumb us +P ress +Ġb ent +ch y +Ġd ressed +id ency +ĠAn thony +Ġemerg encies +ocr ine +Ġspok es +ĠP erm +ĠHarr is +p ick +Ġtransl ations +Ġt ones +pl oys +Ġw ip +Ġn m +ĠH yp +Ġrest oring +Ġaccum ulated +er ican +Ġaccomplish ments +ĠAltern atively +ĠW elsh +ut t +Ġspecific ations +d it +ĠB urn +Ġbeautiful ly +} " +ist ed +Ġsu its +ĠH E +mem ory +Ġaggreg ate +ĠM ix +Ġcommod ity +Ġgra pes +ĠIn sp +Ġback ed +Ġtra ders +Ġpestic ide +od a +n ull +Ġroll ed +Ġsl opes +Ù Ĩ +Ġest rogen +Ġgamb ling +F unction +ĠD elta +dir name +Ġremov es +Ġtra ps +Ġserv ants +Ġmig rants +Ġrom ance +ĠS ky +(). __ +Ġt icks +Ġm arc +Ġpost ers +Ġentreprene ur +oglob in +ansk rit +Ġjournal ists +in ators +Ġp our +Ġfulf illing +Ġun stable +Ġret ro +Ġiniti ate +ĠS ah +Ġmake up +Ġgrass es +ĠVi enna +Ġmin us +ĠCom plete +Ġpass ions +ĠLet ters +in ical +Ġgl oss +ĠInvest ig +Ġdelight ful +Ġproject ion +ĠAfric ans +iv o +occ up +æķ ° +Ġle isure +arth a +l ad +ĠD anish +Ġunder going +Ġcoal ition +b uffer +ĠE ld +Ġqual ify +Ġtransist ors +è ¿ +G s +Å « +ĠS ent +Ġad s +__ ) +Ġteam work +ĠDes ert +Ġgar bage +ĠFor ces +Ġparent ing +Ġquestion ed +ĠEns ure +l as +b inary +ĠP le +} ' +ĠK id +Ġlith ium +Ġfe ared +Ġspan ning +in ctions +oc hemistry +P ER +ruct ions +Ġchromos omes +c pu +Ġhit ting +Ġdefin itive +Ġd ub +Ġform ulas +Ġtim eless +ĠIncre ased +EX T +å ® +uff le +ĠPsych ological +osa ic +Ġequ ip +Ġimpro per +ĠAl most +Ġaccess ing +ĠCommun ities +ic us +Cont act +ĠP and +ĠTh inking +Ġkind ergarten +ĠInnov ation +Ġv oc +Ġrot ating +comp at +Ġob ey +__ () +Ġphys iology +sw ith +Ġult ra +. ** +. [ +N C +Ġ' _ +ĠNep al +Ġwed ding +Ġgr inding +Ġam end +Ġbra ck +ĠKeep ing +oster one +Ġp df +Ġchick ens +Ġyog urt +sum mary +Ġstead ily +J ew +Ġcompr ising +Ġcong ress +icular ly +Ġsecret ary +Ġgener ous +Ġg olf +opt ional +Ġm ate +en viron +is ers +Ġpol yn +Ġr ated +Ġaccount able +Ġvulner abilities +rav iolet +NA SA +Ġt ours +he x +Ġam endment +ĠI L +oc key +Ġhel ic +ĠB erg +Ġstud io +Ġeru ption +Ġfab rics +Ġtr an +Ġeru pt +ĠEngine ers +ĠV ar +. / +Ġrob otic +cor rect +ĠB rief +Ġinvestig ators +ĠS W +ĠD h +Ġimpl ants +Ġrepet ition +ast ical +ĠLead ership +ĠX ML +Ġconsequ ently +Ġpreced ing +l iness +Ġ" - +Ġas yn +Ġun h +Ġup hold +Ġturb ine +Ġy esterday +Ġte asp +ĠArk ansas +S ystem +Ġsc aling +Ġinherent ly +ĠRep orts +Ġspr ings +Ñ ĭ +pub lished +Ġst ance +ĠF ab +ort ing +Ġreal ities +pr ising +Ġreal ism +Ġrespons ive +ĠOrig ins +Ġtw in +Ġtransl ates +Ġcompr ise +Ġwor m +any on +Ġperf ection +Ġreview ers +Ġep ile +Ġhur ricane +ĠT ar +ĠAdd ress +Ġdisplay ing +Ġforg iveness +m any +il k +em ade +) + +Ġt in +ĠSe ven +s afe +Ġaccel erated +Ġsc ared +Ġeditor ial +Ġw rist +Ġun pleasant +C ore +Ġes oph +ĠN AT +Ġappar atus +ĠG ate +du p +p ix +ct ory +ĠF ROM +ĠCh ris +he im +D escription +ĠR io +worm s +A IDS +E arth +Ġdet ox +Ġchar ter +Ġwel comed +Ġcav ities +Ġsim ulate +Ġarch ives +ĠC rown +Ġimag inary +ph p +ĠP ic +ĠDe b +-------------------------------- ---------------- +Ġad orn +Ġancest or +param eter +Ġmotiv ations +Ġnan op +Ġrou ter +T T +Ġpredict ing +Ġrobot ics +G I +L ink +ĠLaw s +Ġk ills +ĠCamp aign +Ġprov es +Ġfil tered +Ġscript s +weg ian +ect ing +ĠMin or +pack age +n ings +Ġrel ay +ĠDon ald +Ġk et +pl anes +alth ough +Ġreven ues +e cess +Ġcorrespond ence +Ġp izza +Ġor che +Ġhyd raulic +S F +Ġb oss +Ġdefin ite +Ġdisturb ance +worth y +Ġref ining +Ġcab in +bu ilt +Ġsp rink +ĠCommon wealth +ad os +all ed +Ġup right +start swith +Ġhun ters +Ġdeliber ately +Ġcompat ibility +ĠPl ate +Ġund erest +ĠMot or +ĠEc ology +V E +Ġpl um +Ġuter us +ĠK arl +ĠSym bol +Ġsovere ign +Ġb other +Ġfilter ing +Ġg rip +Ġend emic +Ġrepl ication +s ingle +Ġpriorit ize +Ġlever aging +l iter +Ġmar ble +Ġkilomet res +er able +Def inition +Ġfib re +ĠGall ery +ĠA wareness +ĠC M +Ġrank ed +FA ULT +ĠSh ah +ĠProduct s +Ġnot ions +ĠWork ers +% ). +ĠF u +Ġaven ues +Ġn aked +Ġsp iders +Ġper taining +Ġdev otion +Ġsum mit +Ġsculpt ures +Ġarr iving +Sept ember +ĠC over +ph an +ĠCh ronic +ĠHar bor +ĠUp date +ric ula +gener ative +Ġaim ing +trans mit +ĠS ide +Ġmount ing +ĠT arget +ert ility +Ġmerch ant +ĠPl ato +Ġlux ury +ex ception +ĠEvery thing +Ġathlet ic +V ari +Ġcyl ind +Ġval ves +ĠAl fred +B uild +Ġfinanc ially +Ġinject ed +Ġindispens able +it uted +ĠM ercury +Ġcoron ary +down load +ay an +Ġinvent ions +Ġfort une +ic ient +ĠArt ificial +Ġ ì +Ġcent r +Ġpsych ologist +Ġradical s +k n +Ġro pe +ĠTransport ation +Ġon ions +ĠO ral +ĠIntern al +Ġpil ots +ĠA venue +Ġclin icians +å ¤ +st ick +Ġparas ite +Ġc iting +Ġdepos ited +Ġflo ors +ĠN am +Bl ock +pl ication +ĠCl inton +Ï Ĥ +col ors +Ġeth anol +deg ree +Ġsm iled +Wh ite +ĠL A +Ġpanc reat +Ġin expensive +ĠY ang +Ġstreng thens +Ġlifes pan +Ġen ergies +o ic +Ġdig its +Ġvacc inated +Inst ead +Ġgen ius +Ġn ails +Ġclin ics +ĠSupp ose +ä ½ +Ġth irst +car bon +Ġcar rots +Ġinhab ited +Ġhorm onal +ĠA th +Ġunit test +m un +am ount +ĠPrinc eton +lic ted +ĠHud son +m ess +Ġsy rup +ĠAl an +Ġuns ure +Ġp ic +Ġsystem atically +Wind ow +a ic +Ġengine ered +ĠTe ach +Ġste pping +ĠT ower +uss els +Ġdehyd ration +Ġmotif s +c over +Ġlight ly +ĠBapt ist +Ġn ail +Ġcont ag +add r +valid ate +g reat +Ġatt ent +čĊ čĊ +Ġendeav ors +ĠSil ver +ĠT el +Ġing en +Ġrab bits +ĠD escription +Ġwin ner +Ġbip olar +Ġl oses +O H +Ġg rie +Ġad renal +ara oh +Ġbl ades +ion e +Ġnever theless +Ġre nal +Al most +ĠIll ust +Ġobsc ure +ogene ous +Ġprob able +Ġpurs ued +Ġco herent +ĠPr iv +Ï Ģ +ĠArt icles +ĠT ip +ĠRail road +Ġl ubric +B s +ĠSub st +Ġactiv ist +Ġproport ional +Ġcig arette +ĠD iversity +pect ion +Ġpot tery +Ġhor ror +ĠSub ject +Ġcle ared +Ġneg lected +Des ign +Ġnational ism +h ou +Pub lished +Ġw ard +Ġwork out +Ġrepe ating +Ġconfident ly +Ġdece ased +f ten +ĠMor gan +ü r +e an +ĠLank a +P rim +Ġsew age +Ġcompet ent +ĠJu an +Ġcorpor ation +Ġ[ - +Ġevalu ations +ĠJ os +Ġbel ly +Ġsuscept ibility +Ġkey words +iv ial +Ï ĥ +n u +å Ń +Im port +Ġblo oms +ĠCath olics +R ight +Ġenact ed +Ġh inder +Ġsw ing +Ġcommand ed +S pace +Ġdep osition +ĠA le +Ġcommit tees +Ġemp owers +Ġrat ings +Ġlat itude +aware ness +Ġenl arg +Ġmat rices +Ġintention ally +Ġmas cul +Ġenerget ic +Ġcont ing +Ch ina +Ġe lic +Ġshad ows +Ġart illery +gr ass +Ġsh aft +Ġplay ground +ĠLiter acy +ĠProcess ing +om ething +ĠNev ada +as ury +im ag +Ġexpos ures +r b +N G +ĠZ one +ĠAt hens +Ġg i +Ġqu eries +ed a +ĠUN ESCO +Ġrecogn ise +Ġb arg +ĠY ale +g el +Ġsens ations +ĠMor ris +ĠT itan +r ise +Ġsh ades +Ġmar row +an ning +Ġdown ward +Ġbrain storm +Ġ Å +Ġproject ions +ĠOver all +Ġcred entials +N ET +Ġcaut ious +D D +e very +Ġhand les +ĠSet ting +Ġportray ed +ĠJoh ann +per cent +Ġsad ness +ck ed +represent ed +Ġdecent ral +ĠSt reng +pat hetic +Ġdi ary +Ġdi abetic +Ġdro pping +Ġfertil izers +ĠRand om +ĠE lements +Ġbl ur +k ernel +ĠB ry +ĠE gg +Ġco zy +ĠAd ult +Ġur ge +Ġwork flow +bl og +Ġreg imes +Ġsal iva +bl ank +Ġrich ness +Ġgall ery +č ĊĠĠĠĠĠĠĠĠ +Ġspir al +Ġfrust rated +M al +Ġtra dem +ĠCan al +ĠProv ince +le af +Ġlabor atories +on ian +Man ager +p hen +â ķ +ĠB eth +ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠ +Ġglac iers +V AL +Ġmid st +Ġdig ging +âĢ¦ âĢ¦ +ref erence +Ġc ad +qu ant +Ġrespond s +se cret +Ġp ork +Ġneg lig +of ten +Ġquick er +top ic +ch t +ap hy +bs ite +Ġh tml +Ġignor ance +b earing +Ġm arsh +ĠAct s +effic ients +ĠJour ney +ĠJ osh +it ous +al ion +ĠSt atus +ĠD im +Ġbu zz +Ġrect angular +Ġfol klore +Ġver ification +L Y +ĠCle ar +elect ric +ĠN ag +int end +Ġgu y +gen eral +Ġf ence +Ġb aked +ĠEgypt ians +Ġmart ial +ĠGe ographic +Ġjuris dict +Ġceram ic +ĠC BD +ex c +Ġhop efully +bour ne +Ġout ward +Ġhad n +Ġco il +ĠCre ation +ĠBe ijing +Ġmenstru al +Ġgu ys +Ġrep airs +Ġdel ving +Ġdis crete +Ġfle w +Ġlim itation +ĠC row +ĠM B +Ġbehavi ours +ĠD ynasty +ens ation +own ed +ĠNot ice +ĠIdent ifying +ĠD ream +a verage +p ent +ain ted +ĠH R +Ġind ul +Ġtrans gender +Ġsk learn +Ġdimin ished +bet ween +Ġst ats +Ġgl ad +be y +ĠPr ivate +Ġjournal ist +Ġfro gs +__ ": +Ph ot +Ġcur ved +Ġph il +ĠPh oen +Ġcham bers +ren ces +Ġsouth west +Ġlegend ary +Ġwor ries +Ġstim ulating +ic ion +h icle +ic he +res ources +ĠPh ill +Ġabol ition +re search +Ġobs erver +ĠOrgan ic +N orth +ĠC anyon +ĠEth ics +ĠColl ins +f uel +Ġbe ads +ract ice +Ġsen iors +Ġdefic iencies +á ¸ +Ġl ively +ĠI l +ĠP ages +As k +ĠOffic er +T ree +ĠM ol +Ġcontribut ors +Ġsearc hes +Ġoff shore +ext ract +ĠInd ependent +Ġmass age +train ed +cc oli +ĠL aur +m esh +t k +level and +ĠAnton io +ĠM aj +Ġmonit ors +Ġexpend iture +la very +aunt ing +ĠD ial +ĠDis covery +ĠByz antine +Ġbl oss +ĠRe form +Ġ% ( +ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠ +v oc +Ġexpect ation +Ġveter inary +Ġbicy cle +C am +ev ents +Ġast on +Ġtransc ription +Ġdelib erate +Ġpredict ive +Ġsent iment +p end +ĠIS O +Ġbub ble +ess ert +Ġev id +Ġsub process +Ġbes ide +Ġl id +Ġl ap +cre as +Ġdro ve +ĠU g +Ġdom inate +Ġsal ad +Ġprin ters +ad ow +ĠLe ban +Ġcatch ing +pol y +Ġm ating +Ġwh oles +ĠW at +Ġbl ast +Ġfasc inated +Ġbright ness +I OS +he it +Ġf onts +Ġass ured +ĠC ele +author ized +ĠRe covery +ĠOper ations +p b +Ġexpect ancy +ĠP O +Ġserv ant +Ġpain ts +ĠGo als +ĠH erm +Ġpossess ed +Log ger +Ġnorth west +ĠP as +ĠZ ion +Ġanticip ate +Ġprest igious +over ty +With in +ĠCa uses +ãĢ Ĥ +ĠE sc +Ġactiv ate +Go vern +ĠB orn +ĠTo kyo +Ġdisadvant age +w ear +Ġf ame +Intern ational +u ci +Ġrot ate +K S +g rowing +t own +Ġcarbohyd rate +ĠWalk er +ĠM aterial +ĠInst itutes +Ġattack ing +Ġeld ers +Ġprolif eration +j s +ĠRe comm +Ġnotice able +Ġe g +Ġvoy age +ĠHe y +Ġdesk top +Ġank le +ĠT ow +ĠRuss ell +j oint +Ġl av +.. ." +Ġout lets +Ġox idation +Ġs age +Ġ" % +Ġconqu est +ĠL iver +et erm +] * +Ġdwar f +Ġacc red +Ġgra ding +Ġrecur ring +H C +Ġa ux +Ġlegisl ature +Ġy arn +ac ious +Ġgen ocide +__ _ +li ance +Ġsatisf ying +ĠAbs ol + ² +clip se +opath ic +ĠS ize +te chn +rim p +Ġtoler ate +omm y +ard i +ĠClass room +ĠGh ana +ĠSt ra +ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠ +M ac +ĠE ve +Ġhum id +Ex ec +am y +Ġfac ets +EN SE +' \ +d ates +Ġspons ored +Ġra y +Ġder ive +b ath +spec ial +ĠS urgery +Writ e +Ġinst itute +att ribute +B ey +Ġh ipp +oun cing +Ġpred ecess +Con f +il is +Ġord ering +ĠB ear +De cember +Ġphotos ynthesis +int age +D M +Ġsh rink +Ġharm less +âĢĿ ). +Ġapart ment +n els +} . +Ġo t +ĠE pid +Ġide ological +ht aking +Ġmig rate +Ġmon keys +Ġbus es +Ġp ier +col lect +Ġdiplom atic +Ġt sun +ist ence +Ġan omal +Ġprivile ges +D esc +p aste +Ġstret ched +: \ +U ST +ats on +ol on +Ġdem ol +let ion +coh olic +Ġnic otine +F IG +ot onin +pl ess +Ġsh ine +aut hors +ĠPl ot +Ġcustom ized +v ings +Ġdr astically +pos itions +ĠAut o +Ġseam lessly +ĠO liver +P eer +Ġstr angers +Ġfil t +Ġal mond +ĠCong o +' { +ĠB E +Ġdis able +re pr +L ow +Ġem ploys +Ġra pe +Ġtransform s +Ġcapac ities +Ġmand ate +ot ions +Ġel uc +ext end +ĠF inal +Ġpe ppers +Ġseed lings +Ġpubl ishers +Ġst ub +Ġbo om +Ġj ar +other mal +Un ited +Ġreconc iliation +ĠM olecular +c ert +Ġcon ceived +Ġman ure +Ġlo os +Ġmer cy +ib ling +ĠNorm an +In formation +Ġdur ability +FIL E +Ġde eds +sy n +Ġmini ature +Ġcf g +Ð ´ +en um +Ġterror ism +Ġsh out +ĠL yn +ĠPhot os +ĠAdd ressing +Ġran king +Ġcyber security +Ġreal ization +Ġap nea +Ġmarg ins +Ġrevers ed +en able +Ġret ina +Ġcur ricula +Ġguarant ees +Ġn ost +ĠE T +Ġgra vel +Ġcompl aint +Ġrock y +Ġsin us +Ġgradu ated +Ġsem icon +Ġparad ox +Ġt iles +Ġb oring +ĠGal ile +ĠAust in +C le +b rain +Ġc emetery +Ġe ch +** . +Ġur anium +Ġd rones +ĠK ath +wid get +Ġwh it +Ġl acks +Ġfin ances +ĠMor oc +Jan uary +> ', +Ġur ged +Ġcop ied +Ġmain land +Ġyear ly +ene z +Ġment or +go ogle +ĠSpe ech +T reatment +Ġspe eches +W est +Ġlight weight +UT H +Ġoste oporosis +I AL +output s +t ool +Ġdef ending +Con v +exp and +Ġj ury +Ġac ne +Ġfore most +ĠM ike +Ġadolesc ence +f ocus +ĠP el +Ġcr ushed +Ġemerg es +Ġconfig urations +des ign +Ġbreat htaking +Int erest +iz ard +ple ts +D ue +n ative +A ir +S em +and o +Ġnegot iate +ĠR ules +names e +ĠM obile +Ġby pass +ĠHum ans +Ġseam less +Ġdiscre p +ĠCh and +ĠHigh way +Ġamb ient +not es +Ġtransf ers +Ġprof itable +Ġc ant +ic ine +Ġres h +Ġher d +Ġpersonal ities +Ġcompens ate +P AS +> . +en abled +ĠInterest ingly +(" / +ĠIn side +ern s +Ġmicrow ave +Ġlength y +elesc ope +âĸĪ âĸĪ +Ġcapital ist +é t +Ġcle arer +a ire +her ing +Ġpe pt +() [ +Ġexcell ence +Ġrein forcement +ĠLuc y +ac ulture +ĠB irds +V ar +pie ces +ĠNav al +ĠCa esar +ĠPh ase +Im ple +ĠWAR RAN +els ius +Ġmal icious +Ġlow ered +ĠEr n +l ined +to k +oot ing +eli very +Ġaccommod ation +( \ +Ġfort un +ix on +Ġge ology +Post ed +Ġincent ive +comp et +ĠJ ay +Ġl ined +Ġse q +Ġcal orie +pat tern +Ġcater pill +Ġan terior +Ġgener ators +de ep +sh ine +the ir +Ġun even +Ġstret ches +P I +Ġa il +ĠCom ment +ric anes +Ġinstall ations +) " +Ġl umin +ĠLa ure +Ġtuber culosis +ĠL E +Ġfl oss +Ġst y +em por +R ev +Ġw r +urd y +Bey ond +n one +in cre +ĠDiv ine +Ġprotagon ist +() )) +Ġnort heast +ver bal +ific ance +Ġcred ited +Ġfell ows +g one +ĠNav igating +o S +ĠAd just +Ġhous ed +Ġo wing +Ġan onymous +Ġhon our +ĠEnc ouraging +d ings +Ġg ospel +ess ed +ĠFam ilies +r ators +Ġse als +Ġup wards +ĠHealth care +ĠUk rain +Ġfirst hand +Ġobs ervers +Ġsupre me +k ill +ĠP apers +g rowth +ĠM ade +Ġnon fiction +c ott +ĠW ol +ass ed +Ġsuccess ive +Ġconc ise +Ġsusp ension +ar ange +ud er +d ump +f rames +ĠM is +Ġsupplement ation +Ġn aming +ĠGen etic +Ġfrag ment +ge o +os ke +Ġper v +ĠNor wegian +Ġresemb les +Ġvegg ies +b ank +ment ioned +Th ank +ie ve +Ġred ist +Ġhes itate +ap le +elt ic +se par +Ġide ologies +ĠEm otional +Ġchlor ine +Ġmon ks +B i +ash i +Prof essor +Ġph y +u pload +Ġcollect ors +Ġple ased +ĠÎ ± +EE E +Hel p +Sym ptoms +N ever +} / +ĠE t +rim ination +Ġste pped +Ġgradu ation +product s +W R +Ġl ush +Ġplace bo +Af ric +Ġsym metry +m ile +ĠNapole on +U V +ĠF inding +sub ject +L ocal +ĠG ent +rib es +ĠNich olas +O UT +Ġmerch ants +Ġbron ch +Ġcom et +orth y +Ġcomput ed +iot he +Ġtou ches +Ġsafegu arding +C reating +H ello +ĠT an +Ġout let +Ġworry ing +ĠA SD +ĠIn j +ĠBra h +Ġres ume +rim inal +Ġcab inet +Ġanalog y +d umps +ĠM ason +gg ing +Ġgl imp +Ġglimp se +Y S +Ġ$ \ +Ġtick et +ĠPro perty +ĠIde as +Ġb or +qu et +ĠNorm al +s igma +ograph s +Ġang el +Ġcomfort ably +ĠFam iliar +Ġn ons +Ġbur d +Ġeduc ating +Ġpersu asive +ĠG ordon +ord ered +Ġprinc ip +Ġprepar ations +F am +Ġs outheast +ĠHand book +Ġdialog ues +d x +ĠBrazil ian +Inst ance +ĠAust rian +ĠSy nt +ĠComp are +ĠFirst ly +oy d +che ll +udd y +Ġwis ely +Ġsacrific es +Ġl ime +Ġdis semin +Ġcorrect ed +Ġpond s +Ġconst ipation +ĠPot ential +Ġmult icultural +Ġvol atile +Ġpro xy +uth ors +s ix +Ġlit eral +j ar +F our +Q ue +Ġinhib itors +v ars +Ġpred is +Ġw it +Ġang els +old er +ĠGl ass +Ġcrim inals +in se +mer ged +Ġgather ings +ĠI U +um ption +ĠRe peat +ĠFe el +rell a +ow ered +ĠA part +ĠE L +Ġnecessit ates +ĠM orm +ĠSal mon +c ology +ĠGe ological +ah ren +Ġhonest y +Ġderiv ative +ist ing +Ġdead line +ĠT ab +E ss +ul ence +Ġcl ergy +Ġlisten ers +Ġloc om +ĠAl t +Ġmon key +ĠVol unt +Ġretrie ve +Ġc roc +Ġd ors +Ġsh y +Ġsupp ression +': ' +N N +Ġappreci ating +Ġform ations +M aking +Ġdr ift +ortun ate +sp an +Ġc aves +Ġanten na +Ġperiod ically +Ġcong estion +Ġag rees +ĠRel ated +ĠLeg isl +ri pp +ĠS anskrit +ĠG ray +Ġra ins +Ġblog s +l inks +L ocation +p ared +ĠR oom +Ġbud s +G M +J apan +ĠI Q +Ġreflect ions +Ġp ins +ĠComprehens ive +B E +Ġpion eer +H y +Ġsuper f +ĠSur v +Ġen ch +Ġnow adays +Ġexp osing +test ing +Ġall ocated +IL L +Ġfacilit ated +Ġfut ures +ĠL ibr +ugg ing +Ġkill er +Ġphyl ogen +Ġche wing +Ġt ile +ound ed +ĠGra du +Ġl am +in av +ĠSh aring +Ġwar riors +Ġshed ding +Ġd ull +Ġst olen +ĠAl b +st ation +ac a +Ġsuccess or +Ġsub ord +l ooking +itch ing +vis ory +Ġalter ations +Ġco aches +us able +sk i +she ll +ce phal +Ġdepart ure +Ġcomprom ising +ograp her +ĠC el +Ġapplic ants +ĠEstab lish +t ools +} ') +ra cle +ĠSt ev +Ġrespons ibly +Ġpursu its +ĠC I +ĠE rror +ah a +Ġdepend ency +Ġgrand father +ĠSen ior +Ġcum ulative +rat io +Ġsc roll +Ġview er +Ġac et +ĠH ills +Ġdop amine +ĠW aste +br aska +Ġvirt ues +Ġsubsid ies +Ġen list +Ġpath ogen +Ġfer mentation +Ġshe er +Ġd ining +Ġwe ird +Ġun ified +Ġsoci ology +Ġm int +Ġsh ake +Ġinter tw +Ġfundament ally +act or +ĠSing h +he red +Ġinev itably +Ġtreat ies +Ġpla us +K ing +S equ +/ ' +w arning +Ġtra cing +Ġcrow ded +ĠGand hi +L eg +Ġsurvey ed +Ġtime out +Ġabs urd +Bel ow +ĠD R +dat abase +Ġdistract ions +ir l +ĠMad ison +ĠHait i +æ Ī +ne red +Ġestim ation +h ole +ult ural +Ġredu nd +ĠM ust +Ġconflic ting +ĠAtl anta +Ġbeet les +N atural +Ġhe red +Ġdecl ines +umb ing +ĠS low +Ġevent ual +ĠMag ic +Fore ign +Ġcon e +Ġstrengthen ed +duc ive +ĠB iblical +ĠF light +ili ary +Ġhob bies +Ġb ishop +men u +ON E +b ias +Ġbe ams +ĠE ight +ĠD B +={ ' +Ġto ss +Ġle x +Y ear +d elta +ĠAn swer +Ġcle aring +ĠR idge +Ġcart ilage +Ġac oustic +Ġpur ity +Ġlemon ade +app er +osp ace +G erman +Ġcontext ual +Ġremot ely +âĢ ³ +Ġdeb ug +Ġdisturb ed +ĠS olution +Ġgl ut +der r +Ġpan creas +N ovember +ro f +Ġex empt +tem perature +Ġorb ital +Ġsol ids +col onial +F I +ĠR oy +ond s +Ġins omnia +Ġpresum ably +Ġsepar ating +Ġembry o +In cre +ĠLet ter +r ase +w ere +C AD +ill o +ĠAb stract +Ġsusp icious +Ġnegot iation +Ñ Į +Ġnow here +Ġspecific ation +Ġtext ures +Ġtort ure +Ġul cers +Ġhar bor +ĠAn throp +Ġelect r +Ġpick le +Ġle ap +Ġrhet oric +Ġm l +Ġst yl +Ġche er +con tainer +sy m +Ġunpredict able +_ , +Ġunder pin +Ġpast a +ĠP osition +Ġbu il +alu able +ĠIns urance +Ġconfron ted +ĠThe od +ĠF alls +L R +Ġve gan +ro v +Ġso ften +Ġday light +in ner +cl i +Ġcor rid +ocr ates +Get ting +Ġb amboo +ĠOr ange +ĠBl og +Ġbuy ers +Ġprompt s +Ġconqu ered +Ġno zzle +col s +olic ies +Ġcr us +sequ ence +Ġfa una +Ġindu ction +d oms +ĠE u +ĠL eft +ĠPress ure +Ġblind ness +Ġdon ors +Ġpost ing +Ġsecure ly +Ġalter ing +pl atform +qu estion +Ġbath room +ĠElement ary +Ġmight y +ĠHor se +ĠPan el +ou ver +Ġour s +Ġham mer +à ® +ass ing +Ġsand y +ĠTerrit ory +fil ters +Ġhypothes es +Ġpropag ation +ĠN arr +pr ise +enn ial +Ġdemonstr ations +ĠM om +Ġgovernment al +ĠIran ian +ĠR ivers +out heastern +Ġint end +Ġuniqu ely +Ġsp acing +cept ive +Ġweak er +Ġmot ions +Ġto e +as ian +ĠD ays +Ġgrow ers +ĠWh atever +ĠPub lished +ĠC atherine +ĠGreen land +Ġslic es +Ġm our +Ġcontrast ing +ĠK az +utri ents +er ates +ĠElect ronic +r ights +il ial +ĊĠĠĠĠĠĠĠĠ ĊĠĠĠ +cent ral +Ġâ Ī +Ġconsec utive +ĠFlore nce +Ġf og +ic ating +ĠB row +Ġdismiss ed +Ġbegin ners +dis covery +Ġsimpl ified +Ġac upuncture +Ġp ills +Ġb ic +Ġcataly st +ĠY ah +Ġstr ide +T ry +col lection +Americ ans +ĠE asy +SW ORD +Ġsnipp et +ĠC ant +r ational +ĠSecond ly +ĠDet roit +Ġpractition er +ud al +ĠSpec ific +k ers +ĠE ur +Ġemb ody +ĠC leveland +Ġequ ator +ra ises +ĠF resh +Ġhel l +Ġstat istically +Ġregul ators +ĠColon ial +at ivity +Ġprocess ors +ĠCamp bell +Ġlegit im +' }, +ic i +Ġcon ducive +ĠR ice +Ġtra ction +d l +ĠP E +ĠD ent +Ġacc ent +Ġcap ita +Ġconfirm ation +ĠComput ing +Ġcy t +S al +Ġcritic ized +Ġp aired +AR D +oph ys +á ĥ +Ġin land +ect ar +ĠSc ale +Ġav oc +ĠCl aud +Ġb ored +Ġb achelor +ent ity +Ġcan cel +Ġl amps +con vert +call back +sem ination +ĠMe eting +Ġcraft ed +Ġcasual ties +Ġw ives +ill ation +Ġd essert +Ġpl ains +Ġcons cience +Ġs urn +ĠAb use +Ġref res +ext ra +ĠE bola +( ** +ĠPos itive +d irection +Ġp ockets +son ian +Ġelect oral +Ġband width +O p +ogen ous +ĠConf lict +(' - +loc king +F E +W atch +ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ Ġ +Ġadm issions +Ġle ar +ĠSc and +ĠJon athan +: , +b f +ĠD ogs +ĠLess ons +M B +ĠAss istant +Ġdoct r +ĠJ SON +ace ae +Ġce ase +occ us +Ġplag iarism +B uilding +ĠS ally +Ġlif estyles +ill as +Ġmath s +Ġmetall ic +Ġseism ic +Ġdr one +Ġspect ral +Ġbir ths +Ġconqu er +Ġsur pass +ph ony +IG HT +t aking +x is +en ers +Ġse ized +ĠK ra +Ġhand ler +Ġobst acle +Ġammon ia +ĠGen eration +ĠAlber ta +ĠR u +u ilt +T r +Ġdirect ors +Ġorient ed +Ġintu itive +Ġbrut al +Ġch unks +Ġfl ock +Ġmin ers +EN CE +Ġhom emade +Ġquiet ly +Ġfore nsic +oid al +] ]) +Ġgroup ed +f etch +Ġm ph +C are +ĠRegular ly +on line +cre ation +Ġunders cores +Ġgif ted +Ġopio id +ĠB rian +t ick +Ġre nov +Ġoverl apping +ĠLim ited +squ are +ide press +Ġsp are +Ġkey word +é e +Ġlabel ing +ĠW ik +Ġha unt +ad ium +ĠCanad ians +G ER +In s +Ġrandom ized +yroid ism +Ġdetect ive +Ġpup il +Ġb ins +Ġappoint ments +press ure +conf idence +Ġw ished +id o +ĠMy th +ĠBarb ara +Ġp ads +Ġdoub led +Ġhum ility +ĠC rus +ĠColomb ia +Ġsle e +U t +Ġin ert +ĠW ard +Ġcou p +Ġcolonial ism +ĠCl ar +irt ual +p d +Ġundert ake +Ġl ava +ĠV iolence +re lu +ro ots +ĠAb d +Don ald +Ġsk ies +ĠEn joy +Ġensl aved +is en +Ġdon ated +ĠFour th +Ġrec omb +Ġcapt ain +ab el +Ġmem oir +ĠMean ing +m ant +engu in +Ġneighb our +ĠBre ast +P rint +c ra +Ġval leys +bl ocks +odynam ic +id en +col l +Ġrecruit ment +h s +ĠB L +ĠG ran +izz es +ĠDemocr ats +ustain ability +ot ted +comm ands +Ġschool ing +Ġtrav elling +Ġres ide +ĠSe ason +Ġstat ues +Feb ruary +Ġbuil dup +ĠV o +ĠNum bers +J oin +P ower +Ġm ills +Ġar ist +ĠB rid +Ġcere bral +Ġaut obi +for get +ĠDesc ribe +ount ain +OR Y +Ġout reach +Ġste al +Ġund es +Ġric her +Ġar ithmetic +ĠAr n +ĠE ither +orn s +Ġdest inations +Ġw iring +Ġd ug +ĠHe aven +Ġpredict able +Ġmanifest ations +V ideo +ĠC ities +Ġsur plus +ic idal +ĠAre as +Ġmal ware +Ġchlor ide +Ġm erc +âĢ IJ +Ġcon gen +op us +Ġclos ure +ari at +Ġprompt ing +Ġinhib it +Ġspont aneous +col ored +Ġdele ted +Ġult raviolet +her ical +Ġplant ations +Ġhyd roc +w ra +Ġg inger +au er +Ġimper fect + » +Ġexam inations +Ġcircul ating +ll a +ĠDec ision +im mer +ĠB MI +ĠK am +W ill +el iness +Ġgu ards +Pro perty +Ġmotiv ate +ĠW a +ĠRecent ly +Ġincl ined +Ġthe e +na issance +Ġformat ting +us c +Ġbet ray +Ġmil estones +Ġun aware +Ġl end +Ġcomput ation +S ec +Ġhem isphere +ĠEconom y +Ġfavour ite +Ä ± +ĠW oman +ĠViet namese +Ġsmok ers +b ottom +Ġb ricks +Ġnod ded +Ġrec k +Ġh atch +Ġex ile +Ġus eless +F ull +M ode +R ob +ĠM end +Ġev oke +Ġinv ites +Ġupt ake +Ġqu eer +att ributes +Sh ort +Ġbom bs +Ġrev is +Ġvend ors +ĠM atter +um atic +Ġ" ) +ĠDef ine +std out +b ins +Ġske leton +ĠT elescope +Ġris en +Ġtelesc opes +B B +Ġ ĊĠĠĠĠĠĠĠĠĠĠĠ +ah n +Ġwa ist +ĠRes istance +Ġapprox imate +Ġpossess es +supp orted +Ġunders core +Ġquad r +ĠEng age +ĠVill age +Ġt ires +ĠL inks +Ġstr iving +man agement +Ġtend encies +Ġmitig ating +ĠT anz +ph i +ĠDO I +m icro +ĠEm ma +ĠS ources +ĠP rad +IC ENSE +Ġreput able +qu ire +CO L +Ġfro g +ĠE S +ĠD A +ĠM ig +inn amon +ĠKnow ing +Ġiod ine +Ġimpact ing +ĠAt mosp +Ġpack ets +Ġuns afe +Ġind ent +ĠTh reat +en z +ĠP D +Ġimp ressed +ĠY oga +Ġhom eland +ĠA ch +Ġle m +Ġen amel +ĠP in +Ġover ly +ateg ories +ey e +Re al +w ent +ĠD est +ĠU l +Ġcollect or +ĠBab y +B ig +Ġch unk +Ġnot ation +Ġco efficients +es ters +Ġl ent +u er +ĠDou ble +mult i +Ġend orse +requ ently +Ġautom obile +Ġeight eenth +Ġrept iles +ĠD NS +ĠBeng al +con duct +opol itical +an ic +ĠJ oy +ish ops +Ġapp rent +IT E +av g +mer ge +aps es +Ġarchae ologists +Ġneuro transmit +Ġcaps ule +E mb +il on +ĠK le +heart ed +al am +Ġpenal ties +Ġpyram id +Ġoutl ook +op ot +Ġconv iction +Ġconc urrent +ĠK ash +Ġfier ce +M art +Ġd aunting +ĠB ruce +Ġperenn ial +Pro gram +Ġfav ored +fl ags +cont rib +ĠInteg ration +Ġhi king +Ġinjust ice +ĠR uth +Ġco exist +Ġill usion +Ġru pt +Cent ral +Ġre plicate +Ġimp ed +Ġback drop +ser ies +/ ) +Ġdis contin +P olicy +Ġel bow +tra ce +c ov +dra wn +Ġs ized +ov ak +ĠEv ents +ul u +ĠC ole +ri el +Ġinv aded +ĠMet a +at ra +en o +Ġin verse +ĠB AS +Ġbar rel +Sh are +ĠB ring +ĠNeg ro +Ġcommod ities +bl ood +re lease +Ġsed iments +Ġwavel engths +Ġpresc ribe +co al +Ġcook ie +P lay +ĠB uff +ant i +Ġbiop sy +Ġb arn +Ġpat ents +comput er +P al +Ġresid ue +comp ile +Ġpion eering +Ġchop ped +ab a +cent ered +e ast +ĠCat hedral +,, ,, +ud ed +ĠNaz is +Ġmult imedia +ĠCost a +ap olis +m os +ob a +const ruct +em p +Ġair borne +ĠSing le +Ġfluores cent +ahren heit +L ooking +id ering +Ġv oid +Ġrec urrent +Ġyoung est +Ġnurs ery +F in +Ġ ------- +Ġv est +ĠB aker +Ġbless ed +amm y +Ġfet al +success ful +ut er +Ġman ages +Ġrem em +Ġunf ortunate +Ġst ip +Ġrec ycle +Ġp rag +ĠG N +Ï ħ +ĠM C +Ġillust rating +ĠLib erty +Ġexcer pt +Ġunder way +l ishes +Ġsh iny +ire ments +Ġdiff usion +Ġpr uning +Ġexp ans +With out +Ġroll s +ĠCris is +t urn +ĠC elsius +govern mental +Ġdon ation +Ġant iv +Ġcompet itions +ploy ed +Ġthe ological +Ġbe an +ri k +Ġatt r +ĠAr med +e q +Ø ± +ĠT ut +ĠA ld +ĠV ice +Ġpul ses +Ġid i +Ġweigh ing +Ġmanage able +ĠEss ential +ĠThanks giving +Ġjun ior +Ġmis leading +ĠInter action +Ġc age +ĠH ope +Ġcrit erion +ĠHung ary +F low +Ġflour ish +] ], +ra ise +Ġarr ives +Ġl os +ĠH ob +pl ots +Ġjust ification +Ã Ĺ +Ġre ception +ĠS uddenly +ort ium +ĠHindu ism +Ġe ighth +Ġrem arks +Ġrecip ients +Ġc ube +Ġsim ulated +Ġvers a +Ġdin osaur +Ġende avor +Ġcous in +op ia +ĠN ames +Ġlob by +Ġc ovenant +Sh ould +ĠJohn s +ony ms +ĠRevolution ary +Ġel usive +Ġdepend encies +Ġstain less +p x +Ġele ven +Ġjud ged +ĠT A +Ġen closed +ĠG IS +Ġshort ages +Ġcapt ures +Ġaccess ories +Ġcont raction +ov irus +Ġavoid ance +Ġp sy +Ġg room +ĠOpt ions +Ġannounce ment +Ġt el +Ġd iction +Ġre un +ĠL ack +Ġ- = +Sm ith +ĠM ut +Ġeduc ator +ĠBe hind +Ġschedul ing +* ( +PAS SWORD +Ġinfant ry +py plot +Ġbed time +Ġa ph +) } +Ġl ions +verb ose +U lt +Ġcomp uls +eal ous +|' \ +on str +ĠH ep +Ġrec ount +ĠHur ricane +Ġclim atic +se ason +Ġd ad +Ġcharacter ization +ĠGreat er +Ġscarc ity +s ets +osc opy +ĠCo oper +Ġqual ifications +gen erated +Ġterror ist +Ġma ize +Aust ral +ĠMed ieval +cont roller +Ġtax ation +Ġwor s +form er +Ġd ressing +ĠColon el +ĠDef ining +ĠList en +ĠT ests +ĠWy oming +c ity +ĠI gn +Ġpropos ition +Ġcher ished +m k +ĠR ico +Ġdes pair +be e +ĠR ud +Ġline age +in burgh +ĠL ooking +Ġreview er +Ġne on +ĠCar ter +ax es +Ġsm arter +ger ies +Dev ice +Ġd ash +') ), +yp ical +Ġhoriz ons +ĠBack ground +x ia +Ġm isc +ĠS ic +vent h +Ġ ### +ĠJ enn +Ġdivid es +Ġspin ach +Ġst aple +reg ulation +ï ¬ +in qu +iv ores +ch art +Ġj ail +le en +Ġafter math +Ġske letal +({ ' +Ġo vere +Ġgo ats +b ors +Ġp agan +il ization +Ġsu ng +Ġdownload ed +Ġdefic its +red ients +ĠHor iz +Ġgrapp le +Ġs ab +angu ages +Ġaccommod ations +j ournal +Ġrem inis +Ġl uc +Ġjud gments +v s +Ġrecall ed +Ġtack ling +Ġo y +Ġp aved +Ġm ites +Ġsw itched +uel a +Ġgrand mother +ĠClass ical +Ġreact ive +čĊ ĉĉ +A lex +Ġal beit +Ġsocial ist +Ġnoteb ook +urn al +Cl imate +Ġdolph ins +st ructure +Ġst up +read er +Ġanim ated +AM P +ĠG othic +Ġsk i +OR S +yl um +Ġwas ted +af ety +Ġfilt ration +I ES +ust ers +ron ics +Ġbegin nings +Ġpin point +ĠJ ere +Ġpar a +Ġmisunder stand +Ġquestionna ire +J ames +our ge +St ill +Ġep ist +Ġâ ĪĴ +oty ping +Norm al +ow l +Ġres urrection +Ġtend on +Over all +Ġcompos er +' " +pr ivate +Ġcertain ty +ĠPar ad +Ġref lux +i ens +Ġr ounds +ĠR ate +Ġt rop +ĠA post +ab us +ĠD a +ĠRe ality +Ġphotograp her +Å ¡ +Ġbe ats +Ġ § +Ġveget arian +d uration +ia e +sh ift +To ken +pos ing +run ning +Ġpump ing +Ġincons istent +ĠN othing +Ġbi ologists +v et +ĠDr ive +Ġpig ment +M ENT +rop ract +ĠAssoci ated +-------------------------------- ------------ +Ġenfor ced +od ium +Ġwas tes +o ft +ĠNo vel +Ġjournal ism +Ġimagin ative +Ġcart oon +o ise +u art +Ġca f +ĠInst ruction +ĠCons umer +Ġoptim izer +Ġscrut iny +Ġflat ten +Ġreported ly +Ġstrand s +ç » +ĠSy rian +Pres ident +Ġforb idden +Ġcra zy +ĠQueens land +Ġm ars +Ġentertain ing +ĠSex ual +ess ment +Ġsp ur +__ . +Ġl bs +Ġext ensions +Ġtext ile +âĢ ł +ĠB iol +ĠAut ism +TI ES +Ġw ins +Ġshel ves +Ġeng ra +Ġgrand parents +Sm all +in as +Christ ian +Ġben ign +Ġcon sole +Ġret aining +sim ple +Ġmur dered +Ġorgan ised +ĠM igration +Ġvolcan oes +add ing +Ġnit rate +Ġgad gets +at ics +ĠAd ding +ĠOrig in +Ġub iqu +Ġsh ores +ĠL if +Ġtri ple +Ġenhance ment +ĠN ik +Ġbr ass +ĠAd m +Ġphotograp hers +ur ls +Ġlaunch ing +chem y +V M +ĠG ot +e zing +Ġfor ums +Ġmorph ology +Ġc ents +Ġv ibration +Ġconst ants +Ġsummar ize +W HO +Willi am +b low +Ġbl ended +Ġbre ach +ĠRef uge +u int +ĠNe braska +Ġtempl ates +Ġhypot hetical +Ġn ets +Ġcountry side +Ġdisagree ments +ĠC eltic +ĠF ra +Ġbless ing +Ġharness ing +Ġepile psy +ĠM anc +ĠId aho += _ +d c +f ake +f its +Ġpe at +ĠOr d +ĠPC R +Ġexch anged +ĠO P +Ġfl ush +Ġdev ised +ĠInit ially +Ġcoh ort +L icense +C rit +R ich +b ind +ĠG H +to kens +umb ling +Ġrelat able +ĠSe ek +B egin +f req +Ġs ixty +om atic +ur ities +Ġsun screen +G uid +Ġcard board +Ġanest hesia +ĠP ray +Ġsimpl ify +Ġcort isol +ĠLat ino +add le +Ġâ ī +Ġsuff ix +vis ors +> ' +us p +ĠG ather +ĠG y +Ġfun eral +Ġadvoc ated +ĠR ou +Ġsh rub +Ġrec ession +Ġisol ate +ĠKnow n +Param eter +Ġst ool +Ġcav al +ĠP om +Ġcit rus +Ġvit ro +Ġam ateur +ĠM t +Ġz oom +Ġsol uble +First ly +ĠM E +Ġmult itude +Ġes p +atter y +Ġchamp ion +Ġk its +Ġoptim um +Ġinvent or +New s +Sim ilarly +ĠMur ray +B R +ĠH i +ĠCond itions +Ġf al +Ġch arm +Ġresearc hed +t ically +Ġp yl +ĠA F +ie u +Ġmet aph +Ġlif ted +al is +ĠS eg +Ġint olerance +Ġdisturb ing +Ġtables p +estab lished +m ag +Ġt ennis +Ġin accur +Ġsal ts +pl ain +ens on +Ġvis ions +Ġbank rupt +ĠPro ced +anc ouver +ĠRepublic ans +gener ational +Dav id +Ġst ark +ĠParticip ants +Ġs ailing +Ġpossess ions +Ġancest ry +Ġcontag ious +Ġlocal ized +with in +Inter face +Ġvag inal +Ġst urdy +Ġintrodu ctory +b egin +ĠCl ose +Ġaer os +Ġpre historic +ari us +ĠSte el +ĠMar ie +M ix +P Y +Ġst arch +Ġgood ness +Ġs aints +Ġembod ied +Ġenlarg ed +el ed +ero ids +Ġà ¢ +ĠF ew +Ġsuff ers +Ġadministr ator +Ġdos age +Ġopen ness +Ġcaus al +Ġdev ote +ok en +Ġfor age +Te chn +Ġexplos ive +Ġk iss +Ġref ract +ĠC F +ĠG un +Ġfl aws +Ġexpect ing +ung le +Î º +Ġd ances +Ġsh oe +Ġenc oded +dim s +Ġstiff ness +B ra +ĠP rem +Ġn ectar +ay ing +Ġport raits +ĠIsrael ites +Ġphysic ist +ic ans +Ġmet ast +ĠSee ing +Ġsel dom +Ġw art +Ġser otonin +ev in +Ġinstruct ed +ĠCov id +al one +app ro +hib ition +Ġhot els +ĠS ARS +Ġcommun ist +ophy ll +Ġcan opy +D s +g as +r atory +Ġeconom ists +Ġant agon +Ġlog istics +Ġcoll agen +ĠPl ains +D raw +` : +Ġinv aluable +Ġcrow ds +Ġlip id +ĠPit ts +f ollow +Ġpro se +sign al +commun ications +l ived +symb ol +Ġad en +ĠM att +Ġd welling +ĠCh ick +Ġborrow ed +ĠF ill +Ġpo etic +Sh ow +Ġ: , +ĠSchol ars +Ġregen eration +opot am +s elling +Ġcell ul +ĠDis ney +ath s +Ġprint able +ĠV ers +Ġbo asts +Ġmess aging +Ġin aug +ĠN ut +Ġsc oring +ĠMont real +a an +Ċ ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ +iz a +Ġsc ipy +ĠAr g +Ch oose +> < +Ġaccident al +review ed +ĠS oph +un i +Ġle thal +Ġden ial +te am +sk ip +E num +x cc +Ġovers ight +S ah +ell ite +ĠJ oin +sc ribe +Ġconsult ant +Ġcul p +ĠH ost +ĠEqu ipment +Ġhect ares +Ġimm ort +Ġplant ation +Ġvic inity +bi ology +Ġaer obic +Ġf are +sh ire +Ġover load +ĠProject s +Ġfulfill ment +associ ated +ĠM ia +ĠRe le +Ġenc aps +Ġspecial ty +Ġastron omical +as ci +ĠC ooking +Ġmuc us +Ġcand les +Ġrod ents +Ġbrows ing +Ġm apped +ĠConsider ations +C ap +ie ce +fl ight +pri or +IS E +Ġaud it +Ar gument +ĠFl ood +Ġautom otive +SI ZE +L ondon +Ġs ap +ĠN ord +Ġgen ital +Ġfulf illed +Ġm aker +ĠT es +ĠN ick +hat tan +Ġap olog +CD C +in atory +se conds +Ġtun ed +ĠCorn ell +W ord +ĠS ugar +ĠM ine +ĠAr c +Ġcr an +Ġanaly sts +Ġcomp ares +ilit ating +Ġfix ing +UN D +ĠTop ics +he id +def inition +Ġsort ing +In valid +develop ed +Ġmerg ed +Ġban ana +Ġfinger print +Ġjurisdict ions +Ġm oss +Ġp ause +Ġmen ing +Ġcere al +Ġj elly +Ġa z +Ġswe pt +ĠRail way +Ġb ounds +Ġperform ers +o ffic +ver bs +Ġnews letter +Ġbattle field +Ġco oper +method s +Ġdesign ation +us k +ke eper +Ġpo orer +ĠQu ick +On line +Ġpion eers +) ]) +P ORT +ĠT ol +Ġb ree +ĠC auc +ĠG A +uss ions +Ġurban ization +m und +ĠW et +rec ogn +det ails +Ġvig orous +L im +Ġmut ually +t ight +el ia +ĠT rain +ric ting +ĠWar ren +Ġcons on +ĠZ oo +Ġr ipe +Ġbar ley +Ġgene alog +Ġmar riages +ĠAssoci ate +ĠR oll +Ð ¿ +Ġs ulph +Ġex ceeds +Ġfl ask +Ġdisc arded +EL L +Ġign oring +ĠDel aware +ĠScand inav +P UT +ab i +An swer +ver ted +ĠDynam ic +Ġpr ince +Ġpenet rate +c orn +rosc opy +Ġre n +Ġ" _ +Ġro s +vari ables +M iss +Ġc ath +ĠC ou +N T +Ġz oo +ĠOpportun ities +ĠOut put +n uts +ov ol +Ġcolon ists +L ead +Ġc asc +Ġde generation +ĠL ORD +() ), +ĠSh an +č ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ +pect ives +Ġresol ving +Ġsurge ons +ab ad +Ġfam ine +Ġsu ite +ĠCount ries +Ġcoll apsed +cir c +i ably +D em +Ġenl arge +u pt +ĠF ahrenheit +Ġey el +---------------- -------- +Ġfig ured +ĠCle arly +Ġb ilingual +ur ved +Ġhas attr +Ġexplo ited +Ġs aint +ĠN H +P aul +Ġhe ir +ĠF ern +ĠF L +ĠR ound +Ġcertific ates +Ġslow ing +au coma +Ġsens it +at om +ĠCon duct +ĠNet works +d ouble +l ag +× Ļ +iv an +ĠG R +Ġmarket place +Ġ> > +al ph +ure rs +Ġfire f +Ġassist ants +Ġg reed +Ġin comes +Ġremind ing +serv ices +/ ( +Ġj unk +z ema +c red +ĠH app +Ġcol der +ĠCl ay +Ġlack ed +ĠForm ation +ĠHam ps +Ġly rics +determ ination +mess ages +Ġf ighters +Ġco res +ĠRog er +m c +Ġp ains +Ġupd ating +Ġrefrig erator +Ġit eration +Ġident ifier +Ġintern ally +Ġimbal ances +ĠP ediatrics +Ġunderm ine +Ġconstitu ents +ops is +Ġfreed oms +oc ular +Ġdoub ts +C ustom +Ġp unch +Ġpast ure +ĠL ect +Res ults +Re view +ĠM essage +Ġneuro science +ĠStart ing +Ġattract ing +R ange +S elf +zz y +ĠGreg ory +Ġup grade +ann ers +T w +on ies +ĠTibet an +S ession +Ġel ong +Ġn atives +id i +ĠLine ar +E p +er obic +Ġlo vers +Ġst amps +Ġpoison ous +ĠHamps hire +d ish +Ġreact ors +Ġtun nels +o am +Ġc aste +AR Y +ĠChild hood +M eta +ĠK os +Ġcar pet +bal ance +Ġtur key +Ġhat red +Ġoxid ative +op ping +ĠSt orage +Ġcollabor ations +Ġm ould +Ġform ulated +Ġsign atures +cur ities +Ġdeb ts +ĠV III +Ġang ular +Ġin hal +ĠV enez +Ġd ome +ab we +Ġden otes +LO C +ĠBul gar +ĠHawai ian +Ġharmon ious +du ino +Ġform ulation +por a +Ġproud ly +bul lying +U K +Ġf ighter +ĠS ample +ipp le +Ġlear nt +Ġsh rimp +ĠBul let +U ntil +ĠL ock +ific ate +ĠVen ice +Ġimm ersion +Ġsw ollen +S an +at um +Ġappe als +Ġinequ alities +il ated +Ġhe ater +St at +Ġver ified +Ġen j +Ġend ure +inter val +Ġsel enium +L ight +Ġd s +ĠE ff +ult an +ĠAd ults +ĠRe ason +Ġdepict s +g ia +Ġt am +Ġcommit ting +N R +ah l +rop he +Ġul cer +ĠC roat +Ġle v +Ġirre levant +p oll +lic enses +ĠBut ter +ĠRuss ians +ĠHol lywood +ry s +Ġmin isters +ounc ils +Ġmul ch +" \ +Ġbra ke +Ġun expl +arth ritis +Ġz o +Ġfig ur +ĠAtl as +ĠCub an +Ġimpul se +Ġinter cept +D om +ĠT rees +Ġteen age +valid ation +Current ly +ĠS L +Stud ies +ĠBern ard +im ates +ĠS ed +n ik +Ġg on +Ġch airs +Ġsp ike +Ġcy an +p ages +Ġal arming +ĠK an +ĠCham ber +gener ator +ĠP I +ĠSouth west +izz iness +ĠPro tein +Ġalb um +Ġide ally +ĠMel bourne +Diff erent +Ġc uc +Ġvir gin +ĠLab our +Ġp oured +Ġr heumat +mod ules +Ġlic ensing +i our +ĠA id +ĠUs ers +Ġattract ions +uss ia +ĠB P +Ġsc ent +Ġin effective +ĠW atson +ĠCh amp +ĠV A +Ġamb ition +Ġhack ers +à ´ +Ġexp ands +Ġsett ling +âĶĢâĶĢ âĶĢâĶĢ +T erm +f alse +Ġelectro des +% ( +n atal +") ; +Ġst icking +Ġhe el +Ġremn ants +es us +Ġtest ament +ĠAss y +! [ +am orph +ĠB us +ef ined +En ergy +o j +Ġfam ilial +pher d +d al +ĠI CT +ĠPat ri +win ning +Ġscre w +ĠQu arter +Ġteen ager +Imple mented +Ġillum inate +b order +Ġsuppl ier +Ġstr ides +IC AL +sens itive +idel ity +end ix +ĠImpro ve +ĠRap id +ĠC ow +Ġdis reg +ĠGe ography +Ġmiss ile +Ġsanct uary +Ġsp heres +Ġprogress es +ĠMod els +ĠProgram ming +Ġwater ways +Ġins ign +anc ell +ĠNe ither += {} +Ġe go +ĠJ ama +no ise +Ġmathematic ians +ĠR oot +Ġsp ores +Ġlog o +T EST +Ġwor sh +Ġinf ilt +Ġinter change +anc ipation +Ġmeas les +Ù ħ +B est +] ). +Ġbe verage +ĠG I +Ġclass ify +iss ors +Ġaltern ating +Ġblank et +Ġenvelop e +Ġgrapp ling +ar re +and y +ĠAn xiety +Ġmaster piece +ĠTam il +R ober +Ġl ord +Ġg aze +ah u +th alm +Ġb un +Ġl asers +Ġcr ater +Ġdiamond s +N ING +w ig +à Ĥ +ai ro +h l +ĠPo etry +act ivation +ĠIn vent +ĠV II +Ġgen omic +ost ics +ĠSt re +Ġ[ ( +Ġsie ge +in clude +Ġnation ally +Ġstimul ates +ĠR ural +Ġ-- - +Ġcoll isions +Ġassim ilation +ic iary +Ġi i +ĠEd inburgh +Ġcentral ized +ĠGovern ments +D iv +ol o +Ġcool ed +Ġgenu inely +ĠNG Os +Ġmis use +ĠAc cept +Ġdisc ourag +Ġv ague +ĠRes olution +ust rial +Ġsp ends +Ġaddition ally +} ". +---- -- +E ffective +Ġw x +ĠDirect ions +ĠForm at +g rown +ar us +ty m +Ġ_ , +irm ingham +Pl ace +ĠPear l +ĠUg anda +è ¡ +Ġadd itives +Ġroof s +Ġov arian +ig uous +ows ki +Ġutil izes +ĠF oster +ĠDe al +F ast +Ġco op +Ġstring ent +Ġm urd +Ġse ab +ĠU T +Ġbi ologist +Ġgest ure +, ) +Ġb rit +rel ation +Ġcontribut or +ĠFil m +ĠPl atform +Ġd t +Ġhome owners +Ġinsist ed +G O +M uch +in ars +Ġgram mat +M AP +Ġw itch +ĠChurch ill +à ¸ +ĠA chie +Ġle aks +ĠG O +Ġcal f +Ġsun set +Ġleaf y +L at +a que +à ¦ +Ġno ises +Ġshel ters +iod iversity +ĠMon te +Step s +Ġsupposed ly +Ġs ibling +Ġhur ricanes +Ġenj oys +Ġd read +Ġor bits +Ġab rupt +ĠConst ruct +Ġanthrop ology +Spec ial +k w +k ward +er ators +Ġestab lishes +cont act +Ġcapt ive +Ġcong regation +Ġoptim istic +Ġexhaust ed +Ġfet us +Ġrac ist +Ġvig or +Ġcreat ively +comput e +Ġpean ut +ĠImplement ing +g om +me al +ĠAL L +Ġcat he +Ġextract s +ĠTrans fer +Ġcollabor ating +ĠMain tain +ĠCalcul ate +ch air +ong o +do ctor +cal cul +ĠScient ist +Ġh alt +ĠV oice +Ġscient ifically +Ġarg u +ĠRed uce +Ġprem ises +Ġdesc ended +c ot +t ake +Ġd uck +ĠEl se +ov ie +y label +Ġt ant +ĠW ash +Ġco ined +ĠIm plications +ĠInst ru +ĠPre t +ठ° +R est +ane ously +Ġdiagn oses +aur us +ĠFre ud +ĠP LA +Ġant igen +b eth +f ar +anc he +Ġunivers ally +process ed +Stud y +Ġdisrupt ed +Ġr idge +ĠR AM +Ġcondem ned +L anguage +Ġe ats +Ġinn oc +ĠRepresent atives +E s +and om +config uration +Ġmonaster y +ĠH imal +it ures +Ġspec ulation +oc ating +Ġpred ator +ĠA V +ĠM ir +Ġ{} '. +Ġseiz ure +ĠC ort +Ġget attr +inst all +ĠEss ays +Ġdownt own +Dat aset +- , +r il +Ġreluct ant +Ind ia +iss a +pol itical +ĠR aw +Ġtra ded +Ġsol o +ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠ +allow een +Ġsour ced +ĠC her +ans om +Ġumb rella +Writ ing +b ucket +app le +Ġvalid ated +Ġcl ocks +Ġstream ing +HO UT +Ġabsorb ing +ĠGene va +ĠCitiz ens +Ġt iger +ill in +Ġdel ivers +Ġwin ters +ĠEx cess +Ġtax pay +ĠFin ance +Ġgi ants +Ġh ast +Ġan nex +Ġsp oon +Ġcharacter ize +amm ed +lex ia +con taining +Ġest eem +Ġcross es +Net work +Ġsh ipped +Ġche w +Ġt il +ĠN it +ĠSu ff +ĠHol land +Ġdeterior ation +] [" +Ġproceed ing +Ġbro ccoli +ĠÐ ¿ +Ġ Ñģ +Ġatt ained +Ġfin est +sw ig +^ { +Ġre lic +Ġhyd rop +v ier +id able +Ġret rieved +XX XX +ĠZh ang +C ond +Ġmal nutrition +Ġneut r +Ġman g +Ġover th +ars on +Ġbur ge +Ġreb uild +Ġru in +G ra +ĠLy me +ĠL ud +ĠV el +Ġske ptic +ra ment +sh are +ĠOpt im +Ġdialect s +ĠArmen ian +ĠT ensor +Ġde form +Ġun equal +ĠRelations hips +T aking +ore n +ĠH ousing +Ġle tt +Ġdis mant +ĠRe ich +oc o +ĠSe lection +gl ob +P ut +Ġon ion +ribut ions +ĠBe ck +in ational +ĠC e +lect ric +ĠVerm ont +i ots +Ġthere after +Ġdef enses +Ġinter pol +Ġembry os +ĠRen ew +Line ar +f em +app rox +Ġsubsc ription +Educ ation +Ġcomp elled +ĠFl ag +Ġoptim izing +â Ī +ĠD ance +Ġtemper ate +. âĢĶ +L INE +ĠEx actly +Form at +v iol +ĠK ant +Ġpriv ately +ĠSpr ings +Ġthir teen +Ġreservoir s +Ġtr ump +Ġevap oration +as uring +ñ o +à ª +Ġinc ap +Ġsimultane ous +Ġview point +ĠFl ash +ĠGra ham +Ġplaus ible +c b +ise xual +Ġdest iny +ĠCont ract +Ġembark ed +è ® +el if +ĠJud ge +rel ations +ĠMay or +Ġbur nt +ij i +Ġsail ors +B ER +G old +in ist +Ġvert ically +Ġdilem mas +e ered +Ġstress ors +ĠYe ah +Ġsol itary +ĠAc id +ograp hers +Ġl od +Ġun just +Ġant idepress +Ġc ured +Ġh ats +ĠGu ate +f r +Ġpill ars +pret ation +ĠB ak +ĠG rowing +ĠSecond ary +! ). +imb abwe +ĠWARRAN TIES +is ans +ĠState ment +Ġregul ates +Ġhem orrh +Ġind ef +z ek +il ia +ject ion +Ġcall back +iqu id +e a +Ġalt ar +b ach +t ri +eth ical +Ġsc aff +comp onent +ĠNO AA +ĠPl ans +ĠAra bs +w ild +ist ration +ke e +ident ial +rep o +е н +p aced +ĠHub ble +g amma +Ġwe aving +Ġadm ire +Ġarsen ic +Ġdec ipher +der ived +w arn +ĠV ancouver +eli ac +ĠSen ator +Ġfundament als +Ġsuperf icial +ĠK ir +Ġdec isive +ĠCont ents +Ġco aching +Ġorig inate +ĠZ ero +P G +p al +Ġw icked +un iform +Ġemb ro +m apping +Ġhun ter +Ġf res +ĠS ie +Ġvibr ations +produ cing +L ib +it ism +Ġdisc ord +ĠSmith sonian +Ġmicrosc opy +Bas ic +æ ĺ +Ġdon ations +met rical +ec d +Ġtext iles +s aving +Ġre named +Ġl b +ĠBe at +Ġprophe ts +T ask +ĠC ells +ĠH alf +Ġment ors +Add ress +Ġampl itude +S cript +comp onents +or f +ill us +Ġdro plets +ĠDiscuss ion +ĠUkrain ian +Ġre q +ad apt +ĠN ode +B esides +o ks +Ġst al +Ġcoc aine +ا ÙĦ +ĠEn lightenment +ĠGen etics +Ġcoast line +Ġenric hed +D el +act ing +Ġev apor +b rown +ĠC ycl +ĠJ en +Ġtop ical +Ġemp owered +Ġamend ments +Ġde port +Ġend point +ele ments +Ġinject ions +Ġeager ly += [" +ch lor +erg ic +Ġmusic ian +ĠDub lin +ĠW ere +B r +H ey +Î ² +ent ary +ĠP ad +ann ab +EN S +Ġfair y +Ġbudget s +ĠFinn ish +F rench +Ġv i +sw ers +AS H +Ġown s +ĠMan aging +cycl ing +ĠCond ition +Brit ish +M ich +Ġbi os +Ġmel ted +ĠOlymp ics +Ġcaval ry +l ins +m ut +P OS +Ġexceed ed +Ġe agle +ĠSt ri +Ġstation ary +Ġmitochond rial +Ġpy game +Ġnumb ered +Ġweb page +Ġmod ifying +Ġdecom position +ĠConcept s +Ġback wards +Ġiter ations +Ġf ores +Ġdis cretion +x label +if ted +Ġsc rub +ĠM aur +Ġacc us +Ġdist inctions +Ġread iness +iment ary +bo at +ĠBal ance +ĠVal ues +forget table +ut ers +Ġprison er +ur ia +Ġj unction +Ġhold er +mean ing +Ġevid enced +Ġcan als +work er +cles i +ĠW ait +MA X +ĠSign s +Ġbibli ography +ĠA pr +Ġup stream +Ġover coming +B P +Ġsl ot +Ġair way +Ġelectro de +di agn +c row +ĠG ast +Ġall ocate +P ack +s ay +Ġcategor ized +Ġdepr ivation +ĠGuard ian +ĠR av +In c +Ġoccur rences +Ġoun ces +ĠInd o +ĠPublic ations +Dig ital +Ġburge oning +ĠG roups +Im p +M ock +count s +ĠShe et +ĠAb u +ster dam +ĠJosh ua +Ġf ranch +if est +ge on +Ġback bone +Ġcapt ivity +ĠHot el +Ġi Phone +c ro +Ġrespect s +ĊĊ ĊĊ +Ġcongen ital +Ġco ated +Read ing +tox ic +Ġquant ify +V ersion +ĠC hes +Ġche fs +Ġter ra +Ġindic ative +Ġmort gage +keep ers +Ġlivelihood s +ĠL ives +Ġreg ain +ĠTem perature +urch ase +Ġw aking +Ġcal ibration +aph rag +ĠS ikh +ruct ose +E ffect +an mar +Ġany time +aff e +ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠ +ĠExp ression +Ġlibert ies +l ists +per formance +the se +it ating +le v +Ġ' { +ĠF ear +Ġarchae ology +ĠEx cell +ĠV ict +Ġteasp oon +Ġdetect ors +ĠSte in +Ġscal p +e ach +Ġland marks +Ġt k +Ġsp ans +ĠH orn +Ġcor pus +ĠHarr ison +pe er +Ġalkal ine +Ġmy el +Ġaug mented +tain ed +Ġhyp oth +Ġthe r +Ġforecast s +if ts +FOR M +% % +t ailed +ĠR ES +ĠTanz ania +lu ent +Ġnarr ator +Ġde pletion +Ġthere of +Ġback ing +Ġbar rels +Ġcompl ain +Ġun limited +Ġdesper ate +p ars +ĠL ag +Ġeng lish +ĠMe et +ĠHel en +Ġremind ers +Ġhel met +Ġconstruct s +Ġmiscon ceptions +ĠLeban on +ĠC rypt +ĠEx posure +Ġbas al +Ġrecover ing +Ġgra phe +Ġallerg ens +i am +m ol +Ġcough ing +Ġmen opause +Ġpra irie +Ġpro to +ĠP S +Ġany body +Ġsc ored +Ġmeant ime +Î ¯ +Ġha w +l arge +Ġf el +ĠM T +Ġir res +ĠCh art +Ġplan ners +Ġrain forest +ĠLeg acy +organ ization +Ġf ishes +Ġconstell ation +gom ery +g ard +Pl ane +ĠElect rical +on ce +Ġqu izzes +Ġbl ues +ĠDi am +Ġshar ply +Ġfoot age +vis ible +s ampl +Ġt idal +atern ity +W ar +Ġmod elling +Ġsign ifies +Ġoper a +Ġom n +ĠInter ior +ĠDist ribution +Ġpro w +Ġknowledge able +Ġcalcul us +Ġe clipse +ear th +Ġmaneu ver +Ġch ol +Ġstr anger +ĠW ire +Ġspecial izing +J ournal +up us +ĠVal ent +Ġpro claimed +Ġblu eprint +Ġc ass +Ġth igh +ĠW aters +Ġlong itudinal +Ġf aint +ect ive +fil m +ĠPers pectives +bas ic +ĠReg iment +leg end +F N +l arg +ĠCh anging +Ġdisc ourage +Ġexpect s +ĠSign ificance +sur face +App lication +Ġvigil ant +EC D +Ġantim icrobial +ĠH D +ustom ed +oe ing +Bet ween +od ic +Ġr ud +IC T +Ġtim ed +Ġtransf erring +ann on +Ġabbre v +Ġtsun ami +og an +ĠL it +Ġintu ition +Ġnanop articles +L ength +Ġphot ographic +Im pro +b ounds +Ġh ips +Ġun cle +Ġmission aries +Ġju ices +Ġcoc oa +ERR OR +Ġb ending +ra is +ĠD in +Ġgen omes +ĠBe hav +ĠF itz +Ġun ve +cell s +Ġlisten er +k eras +ĠK ur +amp us +Ġcat ar +Ġopen ings +Ġseason ed +o arthritis +ĠT ru +ĠW ear +Ġinc arc +ĠChar ter +Ġfort ified +Ab stract +Ġde ities +Ch annel +develop ment +Lay er +Ġoccup ations +Ġgar ments +Ġderiv atives +ĠMan hattan +et ta +Ġdead lines +Ġcr ashes +Ġf ond +Ġfore front +ĠEpid em +ĠB enn +Ġaw ake +Ġ< / +ĠMorm on +Ġfol lic +ĠWh ole +h on +Ġg ems +ĠB ou +ĠDis play +V itamin +ĠMit chell +Ġass ay +ĠIncre asing +Ġcommem or +T ur +c uts +govern ment +ĠHung arian +Ġpancreat ic +ĠR w +Ġbacter ium +Ġresid ues +Ġw rest +l ang +Ġimp osing +av an +Ġpath ology +ĠBas ics +Wid gets +Ġtail or +p aid +Ġdis gu +Ġdiplom acy +ber y +supp ort +You ng +Ġpert inent +P resent +Ġp acks +Ġsp ouse +Ra ises +Ġt ribute +rom b +ag ogue +Ġinit iation +Ġhierarch ical +Ġse aw +reg ated +Ġsecret ion +Ġspecial ize +ĠTr inity +bl ind +Ġc hess +Ġyield ed +Cl oud +ĠS old +ĠK er +Ġrece i +Ġphosph ate +Ġnick el +Fact ory +o oth +Ġass urance +Ġdep ressive +ĠInteg rated +ph ot +Ġpenet ration +oun sel +Ġremark ably +fund ed +Ġ< < +Ġdoctor al +ĠPier re +ĠP ET +Ġca red +b ands +Ġtechn icians +ellect ual +aw i +Ġhair s +Ġassist ing +Ġsor ry +ĠLic ensed +le e +ĠThe atre +Ġbal ances +fol k +Expl oring +Ġchar coal +D IT +if ers +ac o +Ġso res +ĠK el +Ġthick er +osc ope +ĠCollab orative +ĠFem ale +Ġre con +G C +d og +Ġto ps +Ġtrack ed +Ġsubmar ine +et tes +ĠAltern ative +Ù ĩ +at able +Ag ain +Environment al +ter ing +ap a +Ġtheore m +Ġinver te +- > +n ih +ĠH us +Ġob edience +Ġtri angles +I ts +int s +Ġr anged +Ġhapp ily +de hy +Ġbless ings +d ensity +Ġl ays +Ġbi ased +ĠDynam ics +Ġwor sen +ĠSt orm +Ġsym pathetic +ĠOff er +an im +ĠB irmingham +del ay +Ġfortun ate +Ġleg acies +Ġdistract ed +Ġwh olly +ab ol +Ġrest s +Ġencompass ing +ĠI EEE +C ost +ĠT ang +ĠW es +ĠV ent +old ing +eng ue +ĠLe ave +Ġasc ertain +ut ral +sy nc +Ġappear ances +Qu ery +ĠS weet +ul ed +Ġtw ins +Ġaw kward +ĠGa ussian +t reatment +ĠS cre +set ting +ber ty +all as +Ġsl aughter +ĠLiter ary +d one +Ġconver gence +B ody +Ġcont end +Ġchap el +optim izer +S am +ĠN iger +Ġvict ories +Ġblow ing +ĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠ +Ġtr ivial +c reat +m ig +ĠConst raint +Ġtutor ials +ĠM artha +ĠR N +Ġleg umes +oll ar +Ġmira cle +ĠB ir +ĠG E +Ġnom inal +Ġad hering +Ġdraw backs +ĠHar per +Ġtransmit ting +Ġdispers ed +on ge +arr ison +Ġsal aries +f p +So ft +Det erm +ĠJu venile +Ġfamiliar ity +Ġcand le +ĠEv ans +ĠM aps +Ġfuel ed +Ġsubmit ting +ĠT ag +ĠStan ley +Ġsearc hed +Ġconvict ed +D ir +S un +ank ton +ĠCo ff +open h +ail ability +Ġsince re +Ġce ased +Ġset backs +Ġdistingu ishing +ar o +Ġde ity +ĠCom mercial +ar ah +Ġfor k +ĠA A +ĠSet tings +Ġinterview ed +n b +iv ist +Ġcar bs +Ġleuk emia +id ian +ig g +ĠM aced +um ed +Ġhonest ly +k t +ass ador +Ġmon oxide +ĠExper ts +d ale +rough ts +Ġtest osterone +Ġbr ig +odynam ics +Ġdilem ma +EN TS +ĠN early +bor ough +Ġtick ets +accept able +Ġexec uting +Ġundert aking +Av oid +ĠC ounter +ĠL ion +OW N +oc l +ĠTh ai +ER V +Ġcoat ings +Fam ily +E W +ĠL ex +Ġhero ic +ins p +ĠMil ky +Ġun forgettable +V II +ĠPark er +ĠBehavior al +Sah aran +at itis +Ġpro ceeds +Ġbi ochemical +Ġland fill +Ġexpress ive +organ ized +Ġsupp ressed +Ġcry ing +Ġban anas +ĠLe o +Ġretail ers +ab olic +Ġinter mitt +fit ting +Ġargu ably +ĠB ranch +ell ows +so lete +Ġsur geries +Ġcor ps +Ġwar rior +ĠEth ical +> " +m iddle +al ach +Ġg arn +Ġstat istic +ĠRequ est +Ñ ĩ +ĠP regn +ĠL l +Ġsqu ad +ĠPort land +Ġresol utions +X R +ne igh +m oil +pro duction +gen e +Ġhyd rated +Ġdisappoint ed +ĠSol id +c ool +Ġcustom ary +at onin +ĠV ul +AN G +Ġ µ +r ill +rou t +ards hips +br ids +att rs +check ed +ĠGr iff +Ġb ump +ĠEm ail +Ġhyd rox +s ince +Ġimp ressions +Ġgo at +Ġexpress es +Ġmon archy +Ġprogram med +Ġmanip ulating +Ġvow el +ĠK elly +ĠAt hen +Ġmal ignant +S erver +Ġen light +ä¸ Ģ +ĠGir l +ĠWIT HOUT +ĠC emetery +Ġafter ward +RI G +ĠSpe ed +ag les +ple mentation +Ġsil ly +ĠSur face +ĠMil k +Ġdisproportion ately +ul ators +Ġfabric ation +ĠF ine +An n +ĠP ole +fun ctions +ab stract +Ġall ied +Ġmisunderstand ings +ĠR T +Ġnew est +g ray +Ġfault s +Ġregim en +Ġl amb +ĠFun ctions +/ % +Ġprofess ions +T ag +en cer +Ġf etch +ĠL ever +Su per +arm ed +Th ird +Ġmet ropolitan +Ġintest ines +(( - +Ġvill agers +cal c +Ġindic ations +Ġgarden ers +ĠPrepar ation +Serial izer +Ġv intage +ĠR ol +ĠN y +ĠZ ika +Ġra v +az i +Or der +Ġroll er +ĠBal ancing +Ġimpul ses +Ġdors al +id y +ĠDeterm ine +Ġst agn +Ġdis closure +ĠGr ass +Ġhered itary +ou rable +Ġe uro +ĠL ad +Ġform idable +et us +ĠR is +Ġagg ress +Ġmo ons +ĠCy cle +Ġubiqu itous +ĠS R +Ġsens ible +ĠCreat or +link ed +ĠAc ross +Ġforecast ing +Ġ ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ +us a +Ġcomp ass +Ġmod eration +Ġtrou t +P red +oph obia +Ġtow el +Ġbe ating +Stand ard +et al +ĠK i +m eter +ĠS it +pl iance +Ġimp ress +ĠSt ream +Ġbomb ing +å Ľ +ab e +"] : +ĠGir ls +Ġcl ips +ĠPat ient +Ġcomment ed +ĠB M +Ġsom etime +Ġexc use +Ġwet land +D ATA +t oo +Ð · +in formed +Ġall oy +ĠSupp lement +p ron +ĠR ing +Ġtra des +A st +S ET +s ame +Ġdepr ived +Ġcho oses +anc el +ĠLith uan +ro e +ĠF ailure +urg y +c rop +in ians +Ġunder went +Ġbroad en +Ġwel coming +s pl +Ġc rick +Ġb il +am as +ĠReg ulation +Ġre usable +ĠQur an +pend icular +P AR +Ġadd itions +ĠNo ah +Ġlic enses +D an +Ġp g +Ġl adder +ĠB ald +Ġsp y +Ġey eb +Ġconduct or +ĠSur ve +Ġiron y +Ġmathematic ian +S ave +ĠTurn er +o que +Ġout dated +add ed +O ptions +Ġtox in +ĠMedic are +ĠSche dule +çĶ ¨ +m ajor +Ġsm ells +pop ulation +ov al +tle ment +Ġprof icient +Ġm osaic +Ġar rows +Re cipe +Î ³ +ĠRecogn izing +H ER +Ġsh aking +Ġtw ists +Ġprem ise +Med ical +Ġexcav ation +Ġanomal ies +Ġsuper v +h oe +Ġro ds +ES C +ĠCoast al +Ġtrav elled +. \ +Ġh ardships +ur bs +Ġsocial ism +Ġgrad ers +Ġt ed +Ġal ly +Ġvers atility +Rep ort +qu is +Ġtim er +Ġcopy ing +ĠPat terns +Ġillum inated +Ġdis semination +ther net +eb ra +ynam ic +f ixture +ĠF al +ĠG ro +US E +Ġvast ly +S eries +Ġch alk +Ġcur s +Ġrelax ing +ĠTer ms +dig it +Ġow l +O bs +Ġun authorized +Ġdeb ated +Ġsampl ed +Ġgate way +: ", +T arget +^ ^ +â Ĺ +Ġcl og +ĠTe a +Ġfig uring +Ġpatri arch +Ġcohes ion +m ad +Ġstri pes +ð Ŀ +Ġt ails +ĠS ib +ĠW ays +Ġgra ves +ĠGard ens +Ġan arch +atic an +inter face +Ġhead lines +reg ulated +âĢĿ ), +Ġprevent ative +Ad v +Ġstabil ize +ĠLay er +ĠRich mond +ĠEs pecially +Foreign Key +Ġo lig +oc om +ĠW A +eg rad +Ġanaly se +m ate +ĠAccording ly +Ġste ering +Ġed itions +ĠDe an +ĠT I +pp e +s i +in itions +ĠK rish +([ [ +ĠInc orpor +ĠInst all +mem bers +idis ciplinary +assert Raises +Ġbra very +[: - +Ġboost ing +Ġsho ots +Ġpost doc +ĠSp ot +Ġhurd les +char acter +l ated +ĠT ropical +l iving +ĠE ug +utri ent +Ġburd ens +å Ĭ +Ġn ap +Ġflour ished +Ġswallow ing +Ġs ailed +ial og +ĠD ragon +Ġj ealous +Ġcere als +ĠMi ami +Ġe ps +Ġapp re +Ġchair man +b ishop +â Ĩ +icult ure +bal anced +at on +ĠPrad esh +ure r +rig ger +ĠN T +Ġpre cursor +ne e +Ġnon etheless +ĠNe eds +unit test +ĠD ys +ĠV it +Ġoff enders +pre v +ĠSte ven +Ġshut tle +Ġphysic ists +Ġp ant +Ġreminis cent +Ġt enth +Ġa uction +Ġmon ster +Ġorig inating +Ġconcent rating +l ia +Ġcompost ing +Ġgraphe ne +ly cer +Ġspec ifies +ĠEx pect +Opt ional +Ġimprison ment +Ġprep ares +Ġnic ely +Ġtor que +ĠCamb odia +l asses +O x +Ġanalys ed +Ġexceed ing +Ġeru ptions +Ġblood y +Ġdetail ing +rac ies +æ Ĺ +ed es +Ġan ecd +Ġinf amous +ĠC up +ort ions +ell es +ĠIm aging +bel ie +Ġmicrobi ome +Ġf ights +process or +ader ie +Produ ct +ar aderie +ĠAm sterdam +ĠSupp ly +t asks +Ġred emption +ac s +Ġse curities +Ġbed room +Pl an +Py thon +r ules +ĠA verage +ĠBud get +ĠThe ore +ĠAdv ance +ĠAdm iral +ovol ta +Ġpres idency +l ene +ok u +ĠFe atures +ï ¿ +ed ar +ĠF el +Ġpop ul +Ġinteg ers +Ġimpair ments +ĠManc hester +Ġculp rit +M IN +arent ly +ĠFil ip +Ġbreakthrough s +G T +Ġestim ating +ĠAustral ians +ĠNov a +Ġambig uity +ĠM ak +Ġco arse +ĠMay o +ĠExpl orer +UN T +ĠW or +ight ed +stud y +G ui +ou x +ĠB reat +Ġexpend itures +our t +Ù Ĭ +ĠContin ental +ĠPsychiat ry +W E +Ġtrans ient +claim er +l ibrary +ĠSe ed +B V +E th +g ering +Ġsh ale +Ġconf irms +Ind eed +Eng ine +Ġbel ts +Ġstart up +Ġdem ographics +Ġstrateg ically +ĠPract ical +ru its +Ġpar alysis +âĢ¦ âĢĿ +Ġinv itation +fu els +ĠWorkshe ets +Ġt read +ĠB un +Ġint ros +ĠSom ething +ĠSl av +ĠCharacter istics +ac i +Ġed s +Ġneut ron +ies el +ue z +Ġur gency +Ġprob abilities +C F +re th +ĠT oxic +ĠF ol +ĠArch ive +Ġsqu ash +ĠClass ification +u ber +č ĊĠĠĠĠ +Ġmeaning fully +ĠGra ce +y aml +Bl ue +ĠM ack +ĠH earing +Al tern +Ġail ments +ĠF ou +Ġant iquity +itution al +IL ITY +Ġcom edy +ĠL I +ĠG ay +Ġmeas urable +ĠBegin ning +Ġhand writing +def ine +Ġin security +ĠB ened +ĠDem ocracy +Ġm ism +Ġh ug +ch r +Ġdec oration +ĠProv iding +Ġreven ge +Ġspl end +ro cess +Ch ange +Ġheav ens +Ġpel vic +H um +am ph +Ġmant le +ĠInt el +Ġre charge +Ġsusp icion +ot er +Ġcalcul ates +S ELECT +y ellow +Ġam erican +Ġvol t +HT TP +ed ical +Ġport al +Ġcontract ed +Ġweight ed +Ġsqu ee +ST AT +Ġmel ody +Ġorb iting +L U +ĠG on +ph thalm +enc oder +Ġmelan oma += % +Ġf ines +DE FAULT +pert ure +n ets +Ġab uses +Ġev angel +me asure +Ġextrem es +othe li +Ġbol ster +P erm +r type +ĠK ab +Every one +Ġt a +top l +Ġd izziness +ĠD VD +Ġmark ings +Ġconduct ivity +Ġauthors hip +ru nt +ĠPitts burgh +Ġst ric +Ġacc ustomed +ĠAlexand ria +Ġcor als +ĠCor inth +ĠR osen +Ġx ml +Ġenthusi astic +Ġass ure +Ġfl ames +ĠNot Implemented +Ġv as +t alk +Th omas +St ream +essor i +Ġambig uous +Ġinf er +Ġdu plicate +inv asive +Ġimprison ed +P an +ĠPred ict +Ġmodel ed +orith m +ĠCN N +de ad +Ġsh ocking +AT CH +ĊĠĠĠĠĠĠĠĠĠĠĠĠ ĊĠĠĠĠĠĠĠĠĠĠĠ +Ġskeptic ism +Ġen closure +Ġforest ry +ĠMod ule +ĠCharl otte +Jew ish +Ġm s +ĠZ imbabwe +Ġunus ually +Ġbapt ism +R oman +requ ent +ĠInf antry +ĠMoroc co +m ight +ĠP ant +Aut o +g z +an aly +ĠF riend +Ġrecru ited +ĠB od +Ġher pes +Ġcam araderie +Ġperv asive +É Ļ +or atory +Ġatt ribut +ĠDisc over +Ġnurt ure +Sum mary +P ot +ĠL ost +Ġcur v +M aster +ore ct +ace a +ath a +ĠBl oom +Ġpolyn omial +Ġa pe +id ad +ĠT as +Ġinter rog +g un +an ation +Ġpen insula +Ġcust ody +Ġp enn +Ġb red +est on +Ġdisrupt ions +ath on +Ġpul s +H en +Ġpredict s +Pl ant +LO W +Ġtur moil +Ġclean up +ĠSal v +OL D +Ġprotagon ists +Ġit ching +Ġadd itive +Ġlit igation +ĠBut ton +Ġexerc ised +Ġt s +ract ed +Ġresp iration +Ġske ptical +Def ault +Ġdiction aries +ĠDiff icult +Ġbiom edical +Ġrev ival +Ġneur on +ĠStat istical +Hist or +Ġdisagree ment +ĠFac ulty +ĠLibr aries +Ġp als +ĠB ert +Ġoptim ized +ĠAir port + ´ +Ġst ove +Ġexhib itions +Ġcong reg +Conn ection +r ass +ograph ically +Ġnoun s +Recent ly +Ġut ens +" } +or p +Ġrel ent +Ġgast ric +C y +ĠSt uart +ĠCommission er +J esus +ĠS ustainability +ĠD ow +ĠSh i +IC S +ĠHe in +D ele +Ġdifferent iated +Ġens ured +Ġcompet encies +function al +b is +ĠEnd angered +Ġaccept s +ra h +Ġen lightenment +Ġdiscrim inatory +ĠRich ards +sc al +Ġindustrial ization +Ġpeas ants +ĠM W +_ . +ĠG em +Ġprepared ness +ĠL ane +Ġinf erence +be ck +Ġwid ow +in valid +Ġh ull +ĠY an +Ġcher ry +ĠSuccess ful +ĠCho osing +ĠAd visory +Ġster ile +B o +Ġflood ed +sor iasis +Ġfrust rating +C ell +RE AD +igraph y +U CT +un ed +Ġdi aphrag +Ġlat ent +Ġexist ential +ĠInst agram +cons ider +Ġworth while +Ġcab bage +ĠPartners hip +or able +im ming +ist ine +oc ard +ĠK il +Ġunder gone +prot ected +Ġinterven e +er acy +Ġmay or +aff ected +Ġcred ible +Ġsed entary +ĠMont gomery +Ġdocument ing +ĠA G +Ġse ated +ĠG RE +ling ton +Ġcin ema +ip es +Ġher ds +Ġes c +Ġcontact ed +Ref erence +ĠCoal ition +Ġcompuls ory +S il +P sych +ll ib +Ġreg ret +w hy +ig ers +Ġrep orter +Ġcol oured +Ġfri ed +Ġpolit ician +Ġcontract ing +Ġmod ular +Ġland owners +Ġfasc ination +Ġsan ctions +ĠOccup ational +Ġjudge ment +ĠBullet in +Ġday time +Ġv iability +Ġunderstand able +ĠEx ternal +Ġben z +Ġ « +Ġconfig ured +Ġrect angle +Ġencrypt ed +Ġth rew +ĠS I +Ġsp arse +Ġdesert s +Ġic ons +Ġadorn ed +Ġproc ure +Ġless en +/ > +se gment +Ġdefend ant +ĠPubl ishers +re aching +ĠV as +Ġev al +Ġfurn ace +ÑĢ а +Ġbeet le +f ac +ĠB our +Ġexplore r +plug in +Ġs erm +it as +Ġgraph ical +Man agement +Ġdissol ve +Ġs outheastern +Ġab norm +ĠCirc uit +M ass +d ark +Ġre he +Ġle ase +sc ar +ĠStep s +Ġadvis able +ĠSat an +Ġmer its +Ġexception ally +ĠH alloween +ack ing +ĠSt rait +Ġpoll uted +ĠArt ists +Ġpolym ers +c ale +re ason +ĠB urg +ĠF O +ĠL DL +Ġcl an +Ġcur b +IN FO +arv ation +ĠM ail +out ube +ĠEm phas +cons uming +ĠRab bi +apt ure +Ġreb els +P o +Ġun successful +Ġro ver +ĠPres ervation +ĠTrans form +prim ary +st ery +og y +ous ands +ĠWall ace +Ġpunct uation +Ġs pp +Ġrun ner +ĠCl ient +ĠPower Point +Ġuncon ventional +Ġl azy +Ġdist orted +ĠPro perties +ĠCl are +Ġphot ons +Ġprogress ively +Ġgrant ing +c n +Ġd ire +čĊ Ġ +Ġder ives +j ah +Ġoff ense +ut ory +ĠMes opotam +Ġcollect s +ĠExper imental +A p +ĠT i +Ġsp herical +ĠSh aw +gra v +Ġarm or +rust ed +Ġun changed +Ġsw ings +ont ally +Ġ} ) +ĠOrgan izations +N F +ir uses +Ġpain ters +en es +Ġmot ives +US ER +ĠOm ega +qu isition +un al +Ġent ang +Ġpropos es +W orking +ch in +pay load +Ġgo ogle +ĠAtmosp heric +m ala +iv itis +ĠE SA +Ġprom inence +Ġcourse work +att ice +Ġbase ment ++ " +Ġcarbon ate +F un +get Logger +Ġgr as +rad ing +ĠLib eral +) ", +l antic +qu est +ĠN R +Ġunderstand ings +Ġbehaviour al +C ould +W ashington +ra ising +V s +g old +Ġby te +Ġsp aced +Ġself ish +Ġreg iment +Ġsem antic +ĠRock y +Ġc innamon +Ġw omb +chie f +Ġlecture r +Ġresemb ling +Ġ' ', +asc ar +Ġbund le +ourge ois +Ġtire lessly +S at +Ġenroll ment +vant ages +T ips +ĠT ao +Ġsp at +Ġdem ocr +Ġmission ary +ĠHind us +P rior +o ct +Ġcar ot +Ġcounsel or +oc aly +ĠK IND +Ġsan it +Ġsol vent +ĠDis abilities +i per +s ometimes +å ľ +qu in +ĠL ot +round ed +com merce +(" % +Ġm und +ĠK evin +ĠReg ulations +cel ain +ĠJud ah +Ġlett uce +Ġd ancers +Ġab used +ĠNurs ing +Cong ratulations +Ġb ile +Ġd roughts +sc hed +Ġhe mp +Ġinv ari +Ġconstit uted +Ġmeticul ous +Ġspe ar +Ind ividual +A h +res pect +Ġpo orest +ĠCir cle +om aly +ĠC ategory +chan ical +Ġmanifest ation +Ġrational e +ĠC od +gg le +Ġbrow se +Ġincons ist +ĠS ut +Ġprosper ous +Ġmunicip alities +Ġenrich ment +ĠDI Y +Ù Ī +Ġw ines +Ġne c +ĠMedic aid +Ġexacerb ate +an us +ib ular +ĠAr duino +ĠÐ ² +neg ie +Ġesoph agus +ĠH end +ĠR s +Ġsh ining +ĠAl ban +Co V +/ " +em ann +ĠMet eor +Ge orge +educ ation +G H +ĠA TP +Ġex ting +Ġparliament ary +} '. +ĠH at +ĠG ates +Ġcho res +ĠDo ctors +inn itus +× ķ +Ġl ending +ĠB ath +iz ards +Ġtodd lers +Ġp all +pos ium +Ġcontract ors +Ġs igma +Ġf als +et c +Ġtransport ing +Ġl aund +Ġprogram mers +ĠW ag +ĠE agle +Ġun ravel +Ġins cription +ĠAll ies +Ġirre vers +ĠManufact uring +w rap +Ġt ect +ir ling +ĠM ul +Ġcl ue +Ġsupp lying +Ġpun ished +Ġcrew s +Ġpersu ade +Ġpeace fully +ĠChe roke +ĠOrgan isation +ĠPan ama +Ġdist ortion +Ġadm ired +оР² +Ġsemicon ductor +f ills +ip el +Ġadvertise ments +ĠĠĠĠĠĠĠĠ ĠĠĠĠĠ +Ġexcess ively +Ġtransplant ation +dehy de +H yd +ĠPro du +"] [ +ĠAugust ine +ĠDiv ide +Ġtra vers +Ġjo ke +? âĢĻ +M RI +å º +Ġsub merged +Ġreb uilt +ut an +Ġal coholic +Ġnav y +Ġrevol t +f name +Ġc act +it ious +ac char +Ġtodd ler +Ġt an +ĠCh oice +des igned +Ġvolunt eering +Ġmyst ical +ĠHarm ony +F ire +le ad +ĠRe formation +Ġperiod ontal +E r +M iddle +V R +ĠMy anmar +compat ible +Ġk not +lect ing +Ġsum s +ĠP ine +Ġcan s +Ġle ague +Ġreg isters +Ġprop onents +ĠW ide +ĠConnect ions +an ing +ĠF ruit +ĠAd obe +ĠMark eting +h arm +Ġequ ival +Ġir rational +Ġprob iotics +Ġprevent able +Ġsqu eeze +ĠBrook lyn +m ith +Ġc ott +ox y +Ġeconom ical +ĠRes pect +ĠDo ing +Ġsing er +sp ot +ĠPriv acy +ur ious +IN S +Ġtu ition +ĠOrig inally +ĠTes la +Ġb orne +ĠS AT +ass o +pro tein +Ġpack ing +ĠPol ar +ĠWhe never +Ġb iting +ĠC u +Ġconfig ure +ĠPers pective +ĠUtil izing +Ġexagger ated +C lean +Ġloc ks +sec ure +ĠRad iation +Ġbuild er +Ġrev ital +ĠType Error +Ġconvey ed +Ġl amin +ĠD M +ĠEld er +s ided +Ġc ush +ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠ +Ġden ying +ĠTre asury +Ġpupp y +ĠStew art +Ġs lu +Ġse wing +r ising +th ose +Ġverte x +] / +Ġ' ) +trans late +ou st +Ġinf ancy +ex port +ÃŃ s +Ġundes irable +c and +ĠPh araoh +ĠCare er +Ġfisher men +Ġhierarch ies +Ġqu ar +ĠTra ffic +Ġmig ratory +Ġverte bra +Prot ocol +s il +Ġend ocrine +co ords +pan ish +nam ents +Ġpra ised +Ġshed s +Ġsatisfact ory +whe el +Ġrec urs +ĠV atican +Ġsuper vised +P ool +Ġnort heastern +ĠB ond +ĠB uck +ĠG it +ĠTh ought +ad j +Ġinfest ation +Ġwe ighed +ĠW el +Ġcomp ile +ĠWhe el +Ġtoler ant +> ", +an za +Ġres ent +ĠIncre ase +is o +ast rous +aj a +Ġbeat en +u rom +ĠL as +Ġdon ate +ĠChap el +ort ic +Ġeng ages +back end +ĠÎ ² +Ġstim ulated +Comput er +U r +k an +ipp er +evol ving +x uality +arn ation +Ġgeneral ized +Ġswe ep +Ġhomes chool +g re +Ġp ens +Ġover flow +Ġdefic ient +pur pose +ĠHug hes +iothe rapy +pl ate +ĠVir us +ĠConstitution al +T urn +Ġcomp ose +Ġdet ention +ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠ +ĠDem onstr +d epend +Ġlow ers +oc cur +Ġthin ner +ï¿ ½ +Ġp iles +Ġor phan +ĠN ar +set ter +Ġconsp iracy +Doc ument +ĠC AD +Ġcur rencies +ĠPe oples +ĠWW II +S n +Ġin duct +Ġst airs +Ġcal ibr +AC H +or um +Ġthem atic +Ġ: ] +ĠApp roximately +Ġprofound ly +ĠLie utenant +y ards +ĠHem isphere +Ġa rous +in ently +Ġon t +ore rs +Ġbuild ers +ĠQ ual +ad just +ĠH ond +me ans +Ġrout ing +Ġnucle i +ĠLab el +Ġhint s +and ing +or neys +om o +ch rom +ĠL isa +Ġfact ual +ĠPl uto +Ġc ray +ĠM asters +ĠIsa iah +e ight +ur istic +ĠRe ef +Ġpur ification +Ġwart ime +le tt +m ot +ĠM ining +ĠM amm +int ensity +Ġproceed ed +Ġles bian +Ġl umber +ĠM erc +Ġres iding +Ġco erc +Ġveter an +ens en +Ġsustain ing +Ġrepl en +ĠIn come +b rand +Ġt ribut +Ġg n +ĠC ome +Ġwind ing +Ġtrig gering +ĠCarl os +ĠNAT O +Ġp ushes +L I +Ġl ane +ĠConf uci +ĠDiff erence +ĠLi u +ĠGu y +Ġsquir rels +t ens +Ġst air +ĠC riminal +Ġmod alities +** * +Ġcru ise +Ġec zema +ĠN HS +Ġmig raine +Ġdorm ant +c ig +ren ched +ason ry +Ġsubst itution +Ġch ore +ĠR yan +Ġacknowled ges +Ġblow n +Ġmonument al +Ġo st +ĠAut hent +ĠLaur a +g ated +ĠHer bert +ĠON E +crit ical +Ġd yes +Ġbo ots +Ġkin etic +E val +Ġref resh +ivid ed +Ġpret end +ĠDev ice +) ], +a q +st en +Ġcal ming +Ġobserv ational +b c +ĠAl pha +Ġge othermal +ĠiP ad +r f +Ġn arc +Ġper pendicular +Ġform ative +Ġrid ers +W estern +ĠC oc +ĠN ad +cl inical +Ġred dish +ĠJ ake +Ġcost umes +al ign +Ġdef ended +ĠRe in +Ġelev ate +Ġrid icul +Sim ilar +Ġconj ug +s ocket +ĠK o +Ġhel per +Ġlot tery +Ġgran ite +} $ +Ġrestrict ive +Of ten +be ans +Ġmamm al +m oving +Ġo h +Ġno isy +arg uments +Ġcat hedral +Ġinvestig ator +Ġp ouring +Ġproduct ions +c it +Ġgrammat ical +L aw +ĠG row +trans pose +fact ion +Ġclust ering +Ġl ately +Ġdisc ol +Ġhard y +Ġopt ic +su ff +ict ure +op last +Ġcl o +Ġli able +iqu ette +ĠCom merce +Ġking doms +Ġpu berty +ĠC ats +AR CH +Ġslow s +Ġmouth s +Ġpig ments +Ġnormal ize +L ittle +ould er +(" -- +Ġcounsel ors +M ad +b usiness +c ases +Ġnot ification +Ġuniqu eness +s omething +ĠDisc overing +B ot +Ġprog nosis +Ġstat ute +Ġassert ion +Ġswe eping +Ġaccompl ishment +ĠIde ally +prog ress +! ") +Ġmiss iles +Ġscript ure +ĠN athan +ne eded +ob iles +Ġrot or +Ġintertw ined +orect al +Ġer as +Ġfemin ine +uc king +sim ilar +ropol is +ing les +ĠP ere +ract ical +IS H +ĠHistor ically +Ġv ault +rad ius +Ġtim estamp +Ġobst ruction +Ġaston ishing +w ould +en ch +Ġon wards +Ġbl amed +Ġmed iation +Ġviol ated +Ġfort ress +Ġvoc ational +Ġinvest or +hel per +eterm ined +Ġs ights +Ġadvis ors +Ġar id +Ġchim pan +Ġs arc +Ġpre requ +Ġthought fully +Ġaspir in +ĠM ead +tern ally +Ġbr ide +Ġvacc inations +Ġconfidential ity +Ġall iances +Ġst unt +ĠPl astic +idd ing +Ġdiagn osing +Ġreferen ced +Ġsc aled +Ġth rows +Ġreal ise +Ġopp ose +Ġdev il +TI ME +Ġtraject ories +ĠPoll ution +uff s +Ġadm iration +Ġscatter ing +ask et +Ġtradem ark +O k +Ġ Ä +Ġob solete +Ġconf use +ĠDom estic +) \ +Ġt art +ĠAr ray +ĠFarm ers +c ertain +Ġexperi ential +yn es +Anal y +Ġb ilateral +Ġfold ed +Ġnegot iating +Ġlawsu it +fact s +Ġsun shine +Ġsepar ates +ĠAny one +ĠCompar ison +Ġh ort +Ġ[ { +âĢ¦ ] +ĠUp dated +Ġimperial ism +T em +er ately +Ġf ills +ĠW id +ĠW ave +Ġsuff rage +im o +Ġob l +oss ibly +Ġaff inity +Ġfil ing +hand ed +Ġf n +Ġout we +ate red +ac id +ĠCor on +Ġarom atic +Ġreper to +ĠG rid +Ġur ging +ĠE co +Ġra iny +IG N +Ġtran qu +ul i +Ġcondition al +Ġcra b +Ġbon us +RN As +Ġst a +Ġhed ge +ar ine +Ġnull able +Ġdis astrous +f ired +av oid +sex ual +Ġevac uation +Ġlad ies +O B +ateg y +// // +w itz +Ġgreen er +const ant +Ġprow ess +Ġp aving +Ġ" [ +Ġcan ine +pl astic +ĠRe agan +Ġw rink +ĠI bid +ect ions +ĠB rist +Ġdi agonal +Ġbas il +cur ricular +ĠRed uction +ĠRest oration +Ġartic ulate +ĠR achel +Ġbr an +Ġalign s +Ġdermat itis +ĠC ord +Ġrelat ivity +a vers +j our +p se +Ġh one +Ġdrain ed +il ian +ĠWood s +Ġmillenn ia +Ġe igen +ot rop +ĠH ipp +ĠL ung +Ġrain bow +ĠPot ter +Ġthe ta +ich i +Ġun ite +Ġac ron +ĠRe lease +Ġdr astic +Ġmean while +Ġprofession ally +Ġcorner stone +ĠRom antic +pip eline +G D +ĠPre vious +L oss +p ra +ist ered +ĠCollab oration +Ġw ipe +Ġreg ener +ĠBe e +Ġdecor ations +Ġmig rant +Ġguard ians +Ġhorn s +Ġus able +Ġinf ertility +Ġaff air +ĠVi king +H ol +R Y +w oman +Ġm alf +rand int +Ġvit ality +ĠHam let +an ne +ĠH z +ent ric +il itary +Ġ" { +ov o +sk in +ighth ouse +Ġmap le +ĠBas ically +Ġc akes +pe ace +Ġout right +rem ote +ĠMid west +Ġp ension +Ġspec ulative +() ] +Ġcomplex es +. ', +Ġh uh +iz ontal +Ġconst raint +Ġrhy me +ĠBron ze +Ġsket ches +ĠCh a +ĠYO UR +Att ribute +Ġadhes ive +ĠFr ances +ID E +Ġtrust worthy +Rec ord +ĠK um +Ġfr ank +Ġhon ored +tr l +Ġgroup ing +Ġwild fires +Ġcounter part +ĠMet al +Ġhoriz ontally +Ñģ ÑĤ +ĠRog ers +ĠP overty +ĠG rey +Ġbefore hand +A ge +Ġl ac +ĠF ib +end ered +Ġinv aders +Ġinter st +ex ceptions +I E +en ario +Ġl ur +sc an +ĠCal vin +Ġpack aged +Ġven ue +ĠRh ode +ĠA aron +ĠFl at +Qu ant +Ġfo il +Ġat ten +Ġcar ving +'] )) +cont roll +ĠSab bath +m ul +ĠIn n +Ġhy brids +ĠA my +Ġhold ers +ĠIdent ification +rint ed +Ġcan cell +Ġrel ational +Ġsl iding +ï¼ ļ +âĢĿ ? +Ġfam ously +ĠStrateg ic +engine ering +Ġsubsc ribe +b row +ar ations +Ġsol ace +ĠL ocation +Ġhyd ration +Ġtask ed +Ġreprodu ced +B er +C reat +Ġpp m +Ġim plicated +Ġauthor itative +Ġunw illing +ĠAnaly zing +c od +Ġcompos ers +h ig +Ġh ose +ĠAct ually +p ush +im et +os lav +ĠD H +Ġwork ings +import ant +Ġexec ut +F re +H ub +Ġentrepreneurs hip +Ġlig aments +J ECT +Ġbo iled +ĠPer fect +ĠC arn +ĠV ik +cult ure +ish a +ox in +Ġmaxim izing +Ġelim inates +ĠExt ra +Ġgl aucoma +Ġgr ids +ĠEd ge +Ġadvis ory +ĠSum mit +Ġlegitim acy +f ail +Ġdispos able +in x +Ġat op +Ġ__ ____ +commun ication +Ġchamp ions +it ality +Ġwood land +ag ain +ik o +ĠConstant in +Ġl ump +Ġpat rol +Ġsequ ential +ĠF uk +Ġanticip ation +Ġattain ment +ĠAbsol utely +P rom +water ing +ĠOld er +ont ology +Ġacid ity +L ater +Ġare na +ĠM ale +Ġret ros +Ġbo iler +ĠMont essori +Ġvert ices +em ing +ĠOb viously +Inst itutions +ĠA uthors +int ensive +Ġqu artz +ĠAppro aches +Ġfor aging +ĠC IA +arch ive +Ġshowc ases +Ġlapt ops +est hetic +ĠL ip +Ġfound ers +Ġdr ills +Ġpercent ages += \ +iv ating +ĠL iv +Ġste aling +sh a +Ġdoctr ines +M or +P osition +v ents +pro ps +oph ysical +Ġreve rence +Ġnucle ot +ĠDrug s +ĠC ause +ĠP ont +ĠL LC +Ġwas ting +âĢĿ ; +ĠPro c +be havior +ina i +ĠVol can +ĠReview s +é Ģ +ĠExam ining +ĠAstron omy +Ġinform ing +US A +an throp +ed ged +Ġjoint ly +Ġdra ins +Ġco ats +Ġcollabor ators +y st +ud ence +Ġinflu x +Up on +Gen erally +Ġaccel erating +Ġleak age +ĠLands cape +ĠR ig +Ġst ellar +Ġfour teen +engu ins +com plex +ĠPoint s +mun ition +c nt +Ġsy nd +Ġper sec +ĠTw enty +miss ing +Expl ore +) ', +Ind ian +ĠMong ol +B UG +ap ache +ec a +Ġclear ance +Ġsyn c +ĠA PA +ST EM +Ġcompar atively +Ġdiscourag ed +ĠSome one +Ġpig e +Ġvot er +" }, +P oly +Ġas ylum +Ġrenew al +Ġcosm os +back ground +Ġcontroll ers +Ġpet als +Sim ple +ĠS hip +Ġconnect ive +Ġdens ities +p ast +at ts +Ġbi otechnology +Ġdigit ally +d p +m ix +Ġsu ck +u ador +Ġfold ing +F s +l st +ĠS ession +ry lic +L ess +Ġem ig +Ġrep ay +ĠExper t +sm art +N D +ĠB ound +ĠIn uit +br ance +Ġorn amental +ang ar +Ġge omet +im pro +am ic +iv ari +Ch inese +Ġarchitect ures +Ġâ Ĥ¬ +Ġfault y +ĠRout e +T s +c ribed +art ments +ĠZ en +Ġdeleg ates +Ġadvis er +Ġborrow ing +Ġsoy bean +Ġaug ment +m achine +Ġp ending +ad an +ĠP ion +Ġcre st +ryst al +Ġdecentral ized +ĠF ly +ong s +ĠStud io +Ġcapac itor +Ġdepict ions +W ild +ĠDe ut +Ġhard est +Se lection +ĠArm strong +Ġfeas ibility +Ġcathe ter +Ð ¹ +ĠWe bsite +T om +t u +Ġsp or +ĠGod s +Ġo val +Ġunint ended +ic c +######## #### +Ġpsych otherapy +Is lam +Ġadject ive +Parent s +Ġde pleted +Ġpl umbing +Al ong +part ial +ĠR us +ĠR ick +ĠN J +ag ascar +ĠEd wards +in tern +ĠH omer +uck ed +Ġexport ed +second ary +B atch +N ames +ĠTh an +Ġrev isions +Ġabol ished +Ġille g +Ġtwist ed +Ġp ri +Ġin ward +ol in +ĠT E +ĠB iodiversity +ĠEx ped +Ġy ummy +Ġmult idisciplinary +col m +ĠDen ver +Ġsport ing +l ar +Init ial +ĠB ach +Ġtorn ado +Acc ount +b oy +it ories +Ġra p +ĠWrit ten +arb ons +j obs +so on +Ġrif le +P ay +w t +ram a +Ġsyn onymous +s al +Ġr im +red uce +pro xy +Ġsurpr ises +ĠConc ern +} : +ig mat +ĠQuant um +Ġas semble +Ġhel pless +aj o +Ġmil estone +Ġground work +Ġkn ots +gu ard +Ġmonopol y +Ġan onym +Ġmilit ia +Ġswe ating +ĠW ool +plic ates +ĠIndones ian +ot ation +ĠR anch +Ġcryptocur rency +Ġm oth +ĠW u +m ium +w ic +Ġtrain er +rolog ical +Ġcorrel ations +ĠS end +ĠChar acters +ĠI van +ĠB anks +Ġty r +ĠFisher ies +Ġst arvation +mod ified +Ġsem inal +l ance +Ġre vel +ĠM eg +Ent ry +id uous +Ġem path +be k +ĠWhere as +report ed +ĠGradu ally +Ġh ardship +ĠI bn +iz arre +pro blem +Ġglac ier +Afric an +Ġgener a +Ġend ors +file path +eto oth +pt y +Are a +os ocial +ĠY ug +Ġbreath s +ad v +OR K +Ġtensor flow +Ġpir ates +in el +Ġin organic +ic able +ĠT uple +Ġper imeter +ĠEss entially +Ġdent ists +Hist orical +Ġcruel ty +c um +Ġ ---------------------------------------------------------------- +ĠB omb +ĠK night +Ġopp ressive +ĠIraq i +Ġunh appy +ĠD ave +ĠK on +Ġinter course +B io +ĠH O +Ġred ness +Ġid ol +Ġhelic opter +à ¨ +ĠComp ared +ĠAc ad +ĠSom alia +Ġtooth paste +enn on +Ġinfl amed +Ġexpon ential +M ind +d n +t or +Ġorgan izers +Ġkind ly +orig in +os omes +ĠK in +Ġchem ically +ha us +Ġhop eless +ĠRoman ia +Ġlon ely +ĠMess iah +L ICENSE +ĠP ars +ĠB alk +ĠN ancy +Ġent ropy +ĠÏ Ģ +Vis ual +ĠH oney +d ense +am ines +Ġover see +Ġsummar ized +S ty +Ġhor r +Ġdisadvant aged +ert iary +st im +ay ana +iv orous +Ġmagn ets +Ġcosm etic +hyth m +ĠV ector +ĠRe construction +ĠR ush +Ġtun ing +Ġins ult +P ers +n ick +Ġover he +ĠIde a +T ech +ĠL em +Ġp end +Ġfram ing +Ġspect rom +Ġshock ed +ĠBalt ic +Ġpol io +Ġdub bed +ĠA er +Ġoff line +ok a +Ġflu ency +rown ed +g rand +se g +ag ne +unt ary +Ġpast oral +ĠUS D +Ġmention ing +Ġcha otic +in ine +pp ings +Ġprob es +ĠNe urolog +ĠUS SR +Ġgar ment +Ġtun es +ĠI X +Ġsu pers +cl imate +Ġret ains +Ġcelebr ates +ĠLead er +ĠEmer ging +ĠD iss +Ġcal ves +AM A +rit es +by ter +Ġheart beat +Ġoblig ed +B orn +ig ms +ĠR alph +Ġexhaust ion +ĠAy urved +Ġpoll inators +oler ant +ĠY emen +ĠSh ar +min ster +Ġtri angular +---------------------------- --- +Ġdischarg ed +Ġh ockey +Ġsh irt +Ġnational ity +Ġdimin ish +Ġbind s +ĠC ere +oc on +Ġmid night +Ġdict ators +Ġfertil ization +chron ous +ĠCharl ie +ro cy +ĠN ixon +Ġcamp ing +Ġgall on +Public ation +sequ ences +Ġj okes +ign ore +Ġbath ing +Ġweigh s +Ġlon eliness +hol m +Ë Ī +om i +ĠS aints +Ġrep ent +Ġunders c +W ant +Ġun le +Ġprohib it +by e +Ġshort est +Ġguid eline +Ġpreced ed +un ion +Ġcont empor +Ġam p +Ġass ists +Ġmor ally +flow ers +Ġaffili ated +Rober t +C ir +ĠE ar +Ġsub urban +ĠEx amination +ĠGo ing +Ġdisrupt ive +á » +ab c +Ġprogress ed +ect omy +oc racies +Th read +Ġinhib ition +ĠLevel s +Wind ows +Ġhipp oc +C ut +q dm +Ġelect roc +é n +Ġsp ikes +Ġind iff +Ġapplic ant +Ġampl ify +ĠB one +Ġb ishops +Ġland fills +Ġfold s +ĠAnaly ze +ĠC SS +Ġcan e +Ġep igen +Ġnames pace +Ġple asing +Ġassass ination +ft ime +Ġthreat ens +Ġclin ically +R edu +in ternal +Ġp ants +Ġb ourgeois +ber ger +Ġappro ve +Ġreinfor ces +Fl oat +[ ( +Ġcomp iler +IS S +Ġestablish ments +Ġmultipl ied +ĠNotImplemented Error +F r +Ġman ners +ĠPre c +is ode +ood le +Ġfl ank +Ġcirc adian +inn ings +ĠKash mir +h art +A E +Ġse wer +ĠY u +Ġrun ners +Ġrain water +ĠCh an +Ġprot ons +ID s +ĠC arm +Ġwarm ly +ant o +âĢĿ : +ĠMat rix +Ġinterrupt ed +i ang +ro ids +ĠC ad +ĠF REE +Ġno ct +Ġsupre m +k ets +cept ual +vis ual +ĠDev ices +Ġdegrad ed +ub es +ĠV PN +Ġbiom ark +Ġmitochond ria +Ġelectroly te +ĠS ocrates +ĠM I +ĠL uck +ĠNort heast +Ḡ¥ +Ġmel odies +ĠBu y +ĠW onder +Ġrec alls +Ġbow ls +j et +age al +ĠO g +Ġsc issors +Ġsuff erers +hel m +dr iving +Ġincorrect ly +S ample +e as +Ġf ibr +Ġhost ility +Ġbreast s +Ġmira cles +ĠUtil ize +Ġdr unk +ĠNot ably +Ġo z +Ġcy st +ey er +Ġdeb ilitating +ĠNe igh +Ġsug ary +ĠG az +Ġfib res +Ġsevent y +ĠOw l +N UM +ĠT oy +ĠB ent +Ġres ign +Ġpath ogenic +f ruit +| '. +T M +ex amples +osc opic +the m +Ġpump kin +Ġmig rated +Ġpedagog ical +O cc +Ġc ouncils +od o +m illion +er ie +Ġl anes +ce mia +Ġhel m +iot a +Ġsyll abus +ĠVin cent +L and +P F +T er +ĠN IH +Ġr ides +Ġam azed +Ġinsert ion +NA T +Ġgrass lands +ĠWis dom +ĠGuate mala +Ġcontract or +asion ally +Ġtransl ating +Ġjump ed +ĠWIT H +c ancer +Ġp ent +Ġst itch +ĠS or +ĠH oo +Ġam yl +cast ing +Ġcater ing +Ġbrows ers +Ġmarc hed +as g +br anch +ĠIm ag +Ġconvey ing +ur ate +ĠB elt +ĠY am +Ġbre w +č čĊĠĠĠĠĠĠĠĠĠĠĠ +Ġstand point +Ġbenef ited +ae us +Ġsil ica +Ġoccup ies +Ġ io +Inst ruction +Ġenrich ing +B Y +Ġv ap +ĠN ine +pro c +Ġstream line +Ġchief ly +Ġsuperior ity +ĠPhoen ix +W orks +w y +at hetic +Ġtra y +ass ic +Ġag grav +Ġreact s +h im +Ġres ervation +Ġsub species +Ġallow ance +Ġfac et +Ġoptim ism +Ġpenc ils +s orted +Ġc ute +Ġprefer ably +ĠHar old +aud io +ĠInteg rating +B al +ĠB right +Ġge o +ĠHar vey +Ġastron omer +ĠHon or +ĠR ise +Ġhigh ways +Ġabsor bs +l ap +Ġdish on +it ans +Ġpersist ed +Ġpropri etary +w art +ĠG ary +Ġshe ar +ĠK aren +ino ids +P RE +Ġs orrow +ĠAn swers +ĠInst ance +Ġdom ination +ĠTur ks +Ġsurn ame +H ar +at ization +Ġstat utes +Ġmanip ulated +S olar +Ġret inal +Ġceram ics +ĠIn sect +âĢĿ âĢĶ +ĠTrans ition +Ġcoord inating +Ġturb ulent +ĠCar negie +Ġh ood +Ġconf ine +": " +Ġsex es +Ġwid get +C oll +b ai +ĠV oy +ĠSc out +opt ic +n m +Ġch ords +ĠL anguages +b g +Ġa verages +Ġc ess +ĠInvest ment +ĠW ow +ue bl +Ġsnap shot +ĠPers ia +Ġpip elines +Ġ vern +Ġcent imeters +Ġair planes +Ġcancer ous +igm oid +mer se +ax y +ĠS hen +ext ension +Ġcat al +Ġrig or +Ġcoop erate +Ġv ines +Ġopt ics +Ġspecific s +itarian ism +ĠT odd +ur ous +ew orthy +Ġrev ise +Ġinform ational +Ċĉĉĉĉ ĉ +C ertain +n ature +Ġr inse +Ġup side +TH ER +Ġcondem n +ent e +ĠC ounsel +Ġun real +ss on +(" - +target s +Ġrep aired +ĠPl aces +Ġparas itic +Ġimp lements +Ġcl auses +Ġb a +se lection +Ġun acceptable +tra de +ĠH undred +ib ia +ert il +Ġaddict ive +Ġg ears +initial ize +ud ing +Ġen erg +ĠIs n +ĠAb ove +Ġfat alities +ĠPy ram +ĠFact or +w aters +op al +ĠPrint ing +ĠAz te +inal g +k ar +ĠT ed +us ch +Ġindividual ity +ĠMet ropolitan +Ġt apping +ĠC ave +RE CT +Ġemp ires +asp berry +Load er +ĠLen in +) âĢĶ +C AS +I Z +J ob +en ne +lu ence +ĠIm plementation +Ġsix teen +Intern et +ay er +Ġr ally +tra ditional +ĠBrit ann +Ġ erg +ĠEm ployment +m iah +Ġslow ed +Ġsplit ting +ĠP olicies +Ġdiss ent +Ġdis pose +Ġlog ged +ĠSc ots +Ad min +ĠArn old +M ary +s ci +ood les +ĠRe hab +Ġmon k +Ġaff iliation +Ġhop eful +Fe ature +ic ates +Ġman gan +Ġru gged +Ġexped itions +G rid +ĠM ann +ĠH amm +Ġplan k +amb ia +Ġcommunic ated +Ret urns +Ġnecessit ating +Mult i +Ġanalog ous +M ET +~~~~ ~~~~ +F rank +f eld +Ġpop e +ĠAnd re +Ġtag ged +Ġphilosoph ies +ĠVenez uela +ĠF iles +Ġdecl aring +Ġhem oglobin +aten ate +F und +st ad +Ġcan ned +ĠMed al +part icularly +Ġwa ited +Ù IJ +Ġplay ful +ĠMin i +Ġwitness ing +E ast +â Ĥ +ical s +Ġge opolitical +Ġceremon ial +Ġutens ils +Ġv ivo +up on +ven ous +Ġant ique +Ġing estion +Ref erences +prising ly +C r +Ġp its +ĠT M +ĠB ec +ĠR ica +Ġty ph +ĠMe asures +Ġcustom ize +Ġtend ons +uk i +Dep ending +c hel +Î · +Ġl ou +St op +Ġcoord inator +ĠWrit ers +Ġfer mented +ĠFif th +ĠS ites +Ġpro claim +ĠAng lic +struct ured +ĠR ic +ĠN ash +ĠHer od +ĠJul ius +Ġam munition +ĠPr ison +ĠRead er +l ier +ĠH ands +ĠYour self +Ġrheumat oid +B usiness +Ġs ender +Ġland l +Ġcoll ar +ĠTim othy +Ġcens orship +ĠLim it +op ts +ĠL is +ĠF R +Ġcontinu ation +Ġattract s +Ġtun a +B ur +m and +Î ¸ +ce mic +cipl ine +Ġorth odox +oc oc +riz es +ĠTas man +Ġin efficient +ĠF ro +cent ric +det ail +ĠOtt awa +at ri +ĠCon v +Ġrevolution ized +ĠT CP +Ġj ungle +Ġprim ates +Ġprop ulsion +Ġrhyth mic +Ġembry onic +Ġexp elled +Ġà ł +Ġcorrect ions +Ġn inth +ter min +Ġra ck +Ġhum ming +whe ther +Ġtax a +Ġhall uc +eval uate +Ġ è +Ġant is +ĠAf ro +ĠZe us +iv able +(' % +Ġst ained +Ġopt s +ĠRed dit +Ġcontrast s +Ġs am +Ġg or +oper ator +ĠBeaut iful +ĠV a +Ġsuper nov +Ġeight een +feed back +Ġmus cul +e ating +ĠS id +Ġven ues +Ġdisinf ect +Ġmund ane +cc entric +Ġback end +Ġemb odies +Ġhon oring +Ġrock ets +al ism +ĠW elfare +ĠArab ian +ĠUs es +Ġl un +ĠI ter +Ġref usal +Ġcy tok +Ġmorph ological +Ġun ethical +Ġsw ap +Ġden ote +Ġdispos ed +clos ures +opl an +Ġflaw ed +ĠH air +R andom +Ġhuman ities +) ]( +s cre +Ä ĵ +ĠW arm +ach t +Ġend omet +ĠEng agement +Ġsw ine +W ARE +Ġdeep est +Ġconver ter +ĠImpro ved +Ġwand ering +Ġse p +Ġtow ering +ĠLO G +Ġpresent ly +l ive +Ġf ade +ĠPer form +s r +Ġd re +Ġcons erving +ĠAnt ib +stud ent +Ġre de +ĠF asc +inf ected +om ans +Ġdes p +Ġc ob +log s +ĠSher man +accur acy +S EC +Ġsw ay +Ġgrass roots +Ġprivile ged +Ġheaven ly +Ġfootprint s +Ġretrie val +ĠF uel +Ġill icit +oph ical +Ġdict ate +Te aching +medi ated +lat est +Ġmush room +ĠVeter inary +T ests +as ured +ef it +Ġinf ringe +Ġspecific ity +Ġemb arking +ĠOb esity +Ed itor +: " +Ġoutl ining +Ġlingu istics +Ġcomp artment +Ġmod erately +Ġant ip +Ġjo ins +s ch +Ġbegin ner +ĠPerson ality +w b +Ġindividual ized +') [ +Ġenc ode +het ically +Ġa perture +ĠO racle +Ġinv ade +Ġprophe cy +V e +im ir +Ġg lean +ĠApp alach +Ġsouth western +Ġs ands +Ġscre ened +ĠDiet ary +ĠBrig ade +s ig +Ġprofit ability +Ġr ites +gh ai +Ġend ured +est ead +ject ed +Ġhel ium +ĠNe ural +ĠEc uador +ĠFamiliar ize +ĠS port +ĠUn its +AT ED +Ġsand wich +ĠPrinc iple +Ġhe mat +Ġen semble +ĠWell s +Ġneighb ouring +m aterial +Ġ ë +Ġp t +Ġarom a +ĠVeter ans +ĠConstantin ople +C ard +E U +Å Ĥ +ĠB ag +ĠBened ict +Ġbe ast +ost ing +Ġcl iff +ack ed +Writ ten +y on +it ant +ĠOrig inal +Ġcarcin oma +ar ial +Ġmod ulation +ull ivan +uk ary +prov ider +Ġmetap hors +à ¯ +Ġc ords +Te chnology +ĠS ales +Com b +Ġmaster pieces +sc atter +Act ive +art a +Ġtop ography +ĠInt o +ĠBrother s +ĠBrist ol +Ġf ins +ur ized +oc he +ud es +Ġun used +ung al +ĠCON DIT +Ġlaund ry +: ', +H ard +ĠS Y +od erm +Ġsh red +Ġpres idents +Ġbot anical +M el +W ould +ĠT ap +ĠRequ ired +ĠPhill ips +Ġb isexual +ĠTra uma +rend ered +st roke +ĠA ur +Ġcl ots +so ever +ĠSh iva +ĠCo hen +Ġexcav ations +ĠP F +ĠHe avy +Ġfrag mented +Ġmangan ese +l b +ic ator +get ter +Ġins ol +Ġsuper st +AA AA +st derr +ĠE is +ĠJ oan +Ġbra ce +ĠSer b +Ġdistribut ing +ĠCop per +ĠFried rich +ĠPun j +Ġqu o +arg on +Ġrep ell +Ġguard ian +Ġcon es +Ġfl are +EM ENT +focus ed +Ġpers ists +Ġh ib +Ġsp ice +Ġsent enced +Ġge ologic +ĠCh rom +Ġpol ished +ĠMad agascar +ĠLED s +Ġprest ige +h ook +re pos +Ġm RNA +Ġunder represented +ĠVari able +b inding +Ġne o +Ġres ides +Ġshore line +Ġmaj estic +N a +as se +Ġsell s +W ood +Ġmet amorph +Ġfra cking +Ġcroc od +' + +in arily +is ch +ou ter +Ġreperto ire +ĠMat ters +ancell or +M ajor +Ġd ucks +ĠC urt +Ġvolunt arily +ĠEmb race +ĠGraph ic +doctor al +Ġsc ram +ĠDet ails +Ġgrad ients +ĠTour ism +Ġre arr +Ġca res +ull ah +ĠPublic ation +Ġorigin ates +ĠRef erences +Ġapprent ices +st ead +Ġover dose +Ġhard ness +Ġdest ined +Is rael +Ġfrag mentation +ĠEval uate +Prim ary +h ours +pe ak +Ġnot ify +Ġcons ciously +Ġir rad +Ġpregn ancies +Ġbas ins +ĠHen ri +ĠCheroke e +V ery +Î ¬ +Ġdis ks +ind a +ĠK or +Ġpo inter +c ould +ĠJ a +Ġunder p +por ter +ĠSh ape +Ġcr ushing +Ġconsult ed +Ġreb el +Ġmast ered +Ġbi ographies +dig ital +Mat rix +B ul +ou fl +st ri +ĠI MP +Ġdis ob +Ġpo res +apt ic +Ġamphib ians +Ġerupt ed +O F +ort ex +Ġro ses +ump ing +ĠPal m +ĠEc osystem +un ity +Ġcl er +Ġpump ed +Ġmultip lying +ĠG host +Ġspec ifying +Ġcommon place +Ġpost p +ST M +ĠMain tenance +drop out +ĠPH P +Ġl over +ĠCh in +Ġscre ws +Ġsn ails +Ġoverl ook +Ġsevent eenth +Ġcub es +Start ing +A ud +ĠBas il +Ġinspect ions +ĠRelations hip +oun ces +cont ract +Ġcram ps +Ġingen uity +en berg +ess ential +ĠSe vere +Ġmillenn ium +Ġbureau cr +Ġrighteous ness +ĠP rag +ĠMicro b +Ġrub bing +Ġprohib ition +ĠDr inking +Ġfib rosis +f if +s at +op rote +osp els +oske letal +ĠM ao +os omal +Ġsum mers +Ġconnect or +ĠG ross +ĠPro file +Ġsym pathy +ĠRes erved +uck er +ĠM ode +format ics +ĠWorks hop +m aps +Ġo we +ĠF lex +__ .__ +ĠFig ures +Ġcommem orate +ph ysical +Ġamb itions +ĠModel ing +Vis it +Ġbench mark +M o +unt il +Ġinsight ful +Ġshut il +ĠTra ditionally +å ĩ +ĠS oc +ĠD allas +Ġpat rons +Ġdev ise +aut ical +Ġsat uration +ĠAdv oc +Ġdrag ons +Contin ue +Ġconstitu ent +g pu +ĠAtt ribution +Ġuncertain ties +Ġsulf ate +Ġf ructose +Ġde formation +ĠH orm +ose xuality +Ġtra pping +Ġam ended +-------- - +Ġadapt able +Ġrequest ing +Ġdim ensional +Ġaster oids +Ġculmin ating +erent ial +Date Time +L AB +ĠSp read +hy per +Ġmedium s +ĠAud io +Ġdiaphrag m +Ġbur sts +Ġdiss ip +en ance +Ġfe udal +att ention +Ġregul ator +ĠOffic ial +Ġpars ed +r ason +Ġa u +Ġk er +ĠIng redients +ĠBuff alo +$ , +Ġb ury +Ġreg istry +Ġmat t +let es +ĠData Frame +Ġmyth ical +Ġa fore +Ġl upus +ĠB ru +ident ity +Ġing ested +Ġh ue +Ġret ard +ortun e +Ġwal let +Ġexting u +N P +ĠP owers +ĠH V +ĠL amb +act ual +ĠArchae ology +ol ved +AR C +ĠDiff erences +A K +u cc +ठ¤ +Ġsc ars +Ġref using +Ġd row +Ġgar age +Ġgerm ination +Ġnational ist +ĠPe ak +Ġyield ing +in ety +Ġs inking +Ġag ility +ĠDis ability +ĠHol mes +Ġalert s +z h +erm ost +Ġpol ite +Im ages +ĠRem ote +Ġparad igms +May be +........ ........ +Ġ ]) +it iveness +Ġgall eries +Reg ular +Ġillum ination +Ġrecur rence +ĠPe er +ĠDi pl +Ġglac ial +Ġwre ck +ĠT ony +Ġmos que +Ġexplos ions +viol ent +N av +ĠA w +ĠM oving +pr us +ĠSpirit ual +ĠEx erc +ĠZ o +Ġspread sheet +Ġphot ovolta +Ġench anting +B UT +P ersonal +Ġthe olog +Ġaut istic +Ġworks pace +Ġpl at +ĠD aw +ach i +ĠFather s +ĠGram mar +B rown +Ġquestion able +ĠLanc et +u ously +ĠL ux +Ġqu arant +Ġdem ise +ĠP od +ĠAl gebra +Ġcra cking +Ġattach ments +offic ial +Ġirrevers ible +op ed +è re +Ġh ath +ve red +form al +Ġexcav ated +l ater +ĠV lad +ĠIm am +Ġboard ing +ĠSocial ist +Ġli abilities +Ġsub gen +Ġcra bs +ĠInter active +ĠSpe aking +prot ocol +F ocus +Ġsp ills +ident ified +ĠAut on +Ġinsign ificant +C ity +w x + ¢ +Ġbr ightly +Ġrest art +Ġtrou bled +Ġhon ors +h ov +Ġb izarre +id ates +ĠR y +IN TER +Ġtou g +ĠHab itat +ĠProb ably +Ġre claim +ra z +ĠB eg +Ġr ansom +Ġsent iments +Ġassert ed +ĠBur ma +Ġf use +ĠM ob +Ġlact ose +Ġ č +Ġ é +Ġh ive +ĠV ed +ĠHun ter +Ġd ock +ĠB arc +ep h +Ġacadem ically +ant ics +Ġdec ode +Ġwin ners +Ġchi ropract +F ive +v ous +Ġfre ight +Ġrad ial +I ll +ar ith +Ġst ern +ĠRele vance +ĠC ret +Ġ" + +Ġdisc s +let ons +ĠBi ography +ocy te +Ġswift ly +openh agen +Ġintermitt ent +Ġs clerosis +Ġf ixtures +ĠE quality +ĠX X +ĠImpro vement +Ġstraw berries +Mus ic +r gb +as ions +ĠRe yn +Ġachie vable +ĠCo operative +Ġbuy er +ãģ ® +ĠPass over +Ġslic ed +Ġun man +ĠComm ander +ĠH ash +Ġ[ âĢ¦] +Ġdec ree +Ġca ul +add y +sn ap +Ġf ist +Ġlaugh ing +re ts +Ġsc andal +enc oding +Ġstri pped +Ġelig ibility +Ġiv ory +egrad able +|'. ' +UR CE +ovak ia +M a +ĠS ame +ĠF M +ĠG arc +Ġpedest rian +/ ', +Ġpo ised +Ġsm oked +ĠRecomm end +Ġinaccur ate +Ġdev oid +fix ed +Ġcleans ing +t ons +Ġal iens +ass an +Ġtext ual +ĠStud ying +Ġcou pling +Ġintrig ued +Ġm oths +(' . +AN S +Ġforeign ers +CS E +Part icip +ĠLind a +rais al +ĠM akes +Ġdep ended +Ġinitial ize +ĠOb st +ĠEnter prise +ĠJ ur +Ġra pp +Ġbread th +l ining +Ġin active +ĠOd ys +ĠR unning +Ġdi as +play ing +Ġplug in +æ ł +Ġde ed +ĠShe ll +t ax +Ġmira cul +N eed +l inalg +ou ched +ne ed +Ġpartic ulate +product ive +ĠSpr inger +ĠPharm ac +C a +G ive +Ġdy st +ĠT opic +so il +Ġdirect ing +Ġglow ing +Ġcaterpill ars +str ings +ĠAtt ention +Ġsell er +Ġembed ding +Ġincon ven +ĠGil bert +t empl +à « +Ġ ery +Ġin ception +og h +Ġsc av +Ġd engue +Ġsurround s +ĠNor se +Ġwarn s +m om +w right +Ġiss uing +Ġmess enger +Ġadvers ely +Ġmerg ing +Ġd ice +ĠK irk +ĠAss istance +ĠList ening +ĠMart ian +ĠForm s +Ġtransist or +Ï İ +is se +ĠS ons +Ġch icks +ĠBut ler +ang s +Ġsal inity +Ġspect roscopy +Ġtum our +P ur +Vol ume +r ina +ĠS ultan +ĠB rew +ex ternal +St ruct +ĠTur tle +Ġo ats +ĠW E +Ġair ports +Ġcurv ature +ĠJ ess +Ġmult ic +if ug +conf irm +if erous +ad vert +ant on +Ġch arming +ĠJ obs +Ġviol ate +ĠSch w +ocy t +å ¼ +ĠTH IS +cl ide +ph ys +Ġpreced ent +Ġlig ament +otheli oma +int rodu +Ġreal ised +Ġspect ra +ĠPhot ography +ph is +ren ches +Ġdisc overs +Ġtheore tically +C ES +Ġnot orious +Ġpal ette +es cent +ĠP ip +N otes +Ġinteract s +Ġdisappoint ment +Ġdetermin ants +am o +ĠB illy +Ġrecogn izable +Ġ{} , +Ġhunt ed +ob acter +Ġatt orneys +ĠEd ison +Ġescap ing +c hemical +Ġb ounce +ĠW ing +ì Ŀ +ĠRe velation +Ġsal ads +CO S +ĠL arg +Ġpres erv +ĠAb bey +Ġbal d +ĠFound ations +Ġmel atonin +Ġpull s +per ing +ĠLe af +requ ires +Sub ject +integ ration +Ġcous ins +p it +Ġje opard +Ġpe asant +ĠM AT +pl asia +Pro g +Ġpit falls +ogene ity +im an +Ġstuff ed +ĠM apping +ĠO CD +li able +Ġrest ricting +Ġdisrupt ing +B ad +ĠEd mund +ĠD rop +Ġpref ers +ĠInf ection +ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ +S arah +Ġgener osity +loc ations +Ġpal ms +agg ering +c ook +ĠA ffect +Ġpl aster +ĠRob in +ĠNorm ally +Ġcounter act +Sc hema +T ip +Ġreal ms +ush ima +Ġrepe ats +N ative +Ġwith drawn +Ġmic ron +] ; +Ġmust ard + º +ĠSm oking +Ġgly c +re verse +ĠSec ure +Ġcrafts manship +R ole +com ings +Ġlands l +Ġtur f +Ġpermit ting +ĠPrin cess +Ġf p +Ġdis g +ph alt +ĠCur iosity +Ġreb uilding +Ġnob ility +Ġprejud ices +Ġpor celain +ĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠ +Ġtheir s +Ġspecial izes +Ġur llib +epoch s +L i +ĠA gg +ĠC CS +Ġra id +met ics +Ġscal ar +Ġá ¼ +B ro +n r +ĠP T +ons ored +Ġdep uty +Ġant ig +Ġsuper visors +Ġreve red +Ġst am +Ġup rising +Ġown ing +Ġrefer ral +Mem ory +Ġloos ely +names pace +Val id +ĠObject ive +ĠRon ald +ut a +Ġchild birth +app s +w ashing +ĠH ugh +Mix in +N ature +{ \ +at to +ĠR are +Ġchar itable +Ġenc ro +uck le +Can ada +Ġsau ces +Ġh ots +ĠT ak +Ġim merse +** , +Ġche ating +ĠEx odus +Ġp orous +oc ative +IC EF +Ġwest ward +Ġcraw l +Ġj am +Ġins criptions +ĠPresident ial +Char les +ĠEns uring +Ġdis sect +Ġten ets +rec ords +Ġmol ten +Ġfellows hip +ĠPray er +ĠB R +Ġfost ered +Ġbud ding +Ġtall er +Ġtoile ts +Ġm aid +ĠP ries +Mus lim +ĠO ECD +ish able +Ġdom in +dat asets +Su ccess +ĠS ense +ĠGod dess +Ġacqu aint +ĠCor rect +Ġimmers ed +d oes +im show +Ġsp am +ĠK B +Ġair flow +ĠI DE +Ġper tains +Ġgra v +Ġsupplement al +allow ed +ĠComp onents +Ġa ided +Ġo ath +Ġh ues +ĠAl ger +Ġbr ushes +Ġib n +ĠCONDIT IONS +Ġs i +ĠG ust +] | +as us +ĠM all +Ġpr isons +M ES +Ġex cluding +ab ling +ac illus +ĠB O +pos ite +Ġtransform er +Ġreward ed +Ben efits +á ½ +arn er +Ġboost er +Ġnick name +L eft +et z +ĠO UT +Ġcons erved +H i +n ament +Ġch in +by te +ĠMon ument +Com par +ĠCap itol +Ġalgebra ic +it ian +ĠIn clude +Ġfarm land +osph ate +Ġtow els +ĠPalest inians +ĠYellow stone +Ġn emat +Ġdis close +Ġcircumst ance +Americ a +Ġsyll ables +M ex +ar ist +end point +ĠGra duate +Ġvent ures +Me et +direct ed +Ġrefres hing +and el +ass y +ĠV es +ety l +ĠPC B +Ġillum inating +ing ling +ĠM M +ĠF ant +Ġdr ums +Ġcy sts +ĠBl ake +ĠDr ink +Ġm ixtures +Ġsp elled +ĊĊ ĊĠĠĠĠĠĠĠ +Ġshare holders +V ector +Ġqu art +ĠLead ers +an ism +Ġant it +Ġfront al +Ġw iki +Ġdec olon +Ġvisual s +ĠCollect ions +G al +p ipe +y rin +Ġsmo other +) ') +E mail +F inding +ĠM old +Ġcohes ive +ĠGen ome +Ġmanif ested +Ġsuspect s +Cal cul +Ġrefine ment +Ġst ray +() ): +access ible +ĠTheod ore +lins pace +ra ines +ĠM ira +fl oor +Ġdra fting +Ġc uring +ar ate +ak ening +Ġrad ically +Ċĉĉ ĉĉĉĉĉĉĉĉ +X iv +Ġencounter ing +ugg ed +act ively +inc inn +Ġseaw ater +asg ow +d ry +um bs +up dated +Ġdesc ending +Ġeconom ist +Ġterm ination +Ġlab orers +ĠFr an +Ġn ested +Ġg rit +Ġhe n +Ġart ific +Ġtransc ends +Ġneat ly +Ġcanon ical +o ing +Ġmor b +Ġdys lexia +ä¸ ª +Ġdispar ity +ul ing +Ġperm iss +ĠDom ain +ĠDiagn osis +Ġplate au +ĠNeuro science +are rs +ĠTra ck +ose ph +Param eters +Ġutter ly +Ġpat ented +Ġl ice +Pre vious +Ġtract s +n em +Ġu m +Ġpatri ot +ĠGab riel +j ug +Ġharm onic +Ġhalf way +Ġb ake +om p +Ġmed iated +Ġassoci ates +Ġscript ures +ĠAdvent ure +ĠKrish na +m arg +Ġu gly +ĠCra ig +P erson +å ° +Ġd aring +st aff +Ġse ize +ĠNeg ative +Ġavoc ado +ĠApp endix +Ġfresh ly +Ġcatast rophe +Ġrefere nd +Ġsp ells +oph one +run ner +F ar +os in +ĠW ald +ĠRw anda +Ġj umps +Ġresist or +Ġmountain ous +ĠCh ang +Pro b +Ġbureau c +Ġs ine +pl aced +ठ¿ +G F +G erm +ac l +ib an +Ġj ars +In v +param et +Ġfamiliar ize +ĠBAS IS +ver ter +per haps +Ġrenew ables +ĠInflu ence +S en +it eration +Ġconsum es +ĠMus cle +ĠFe eling +Ġc ue +Ġbl ends +ox ins +Ġmand ated +os ome +hold ing +Ġarr anging +Ar thur +ĠProcess es +ERS ION +.. ., +let ters +ĠEmp ower +ĠE fficiency +Ġdis position +ron ts +Ġg enders +ra peutic +th inking +ac lass +Ġturn over +ĠSac red +M ill +W D +à ¥ +Ġr anc +Ġanat omical +w ire +ĠC ul +Ġrel iably +Ġam en +ends with +Ġk ale +Ġread able +gu ided +ĠF ul +may be +Ġt ilt +Ġor anges +ĠSt ars +Ġiniti ating +Ġling ering +uc aly +Ġobject ion +assert Is +Ġintros pection +ĠC arr +ph oto +Ġdiff use +Ġdep iction +ch ip +Ġst ing +ĠS ax +ac ic +ĠKe pler +AB ILITY +Ġintim idating +Ġsuperhero es +Ġaccred ited +Ġthe at +Ġav ian +isc her +ĠAtt orney +ĠMun ich +ipel ago +ĠO ste +Ġsem inars +flat ten +âĹ ı +b red +b ows +ĠC openhagen +res a +Ġever green +Ġpron ouns +Ġech oes +ĠI an +Ġpro secution +ĠH aven +Ġauthor ization +Ġterm inals +Ġpoly g +Ġartif act +Ġadhes ion +C RE +ĠP ediatric +tra umatic +ĠC BT +ash a +ĠPl at +Ġdiscipl inary +Ġalter ation +ĠSand y +ad ows +Ġv icious +ĠU I +Ġconst rained +Ġim b +Ġpre aching +imp act +Ġprog en +sh ared +Ġcrack ed +B ooks +aw k +Ex ercise +B U +Rem ove +Ġneur onal +ĠScript ures +Japan ese +ï¬ ģ +S ep +at ology +Ġre ap +Ġ( ) +Ġj ur +Ġdown s +Pr ice +ĠS V +Ġper ce +ref lection +Bl ood +Ġdiss atis +ĠMind fulness +ĠLeon ardo +Ġabst raction +ĠKaz akh +_ % +w at +ĠM ari +ĠW iley +Ġbro th +IC K +Ġment oring +ĠFunction al +F ont +r anging +en ames +ĠS ammy +ĠP AR +ĠSt ru +Ġsuprem acy +ĠB A +Ġinter generational +E PA +Ġfl ax +Ġlog ically +Ġam use +Ġindex es +Ġoste oarthritis +res cent +ĠV ern +Ġsign ify +Ġhar ms +ĠJul ian +Ġsubstr ates +ĠInfect ious +c as +e ither +ĠC AN +ĠQt Widgets +ĠAnat omy +c ss +f ramework +ĠIt em +Ġsecret ly +Ġdefect ive +system s +mid t +ig rams +Ġrep o +Ġrest orative +Ġshort ened +Ġsal v +config ure +Ġthunder storm +ĠJenn ifer +Ġat roc +Ġphys i +R ule +ĠK l +Ġgr ind +ba um +M AN +or r +Ġch ase +Ġsole mn +Ġconvict ions +é ĩ +Ġb box +Ġre create +Ġjud ging +ĠPrinc ipal +Ġdens ely +Ġafore mentioned +Ġsat ire +Ġbroad band +Ġnan o +ĠEc ological +Ġblank ets +Ġinverte brates +ĠCoff ee +Ġp amph +Ġshell fish +Ġunem ployed +F ailed +ĠG L +Ġmort ar +Ġconfron ting +Ġcess ation +f acing +aw ed +Ġstat utory +Ġtele communications +ĠMal colm +Ġpron ounce +M edia +N eg +b ons +m ust +ang ible +Ġsou ps +Value Error +Orig inally +intend ent +ic uous +ob acteria +Ġmorb idity +D im +um ers +Ġcommun ism +Ġmeticul ously +Ġc reek +Ġlong itude +Ġrent al +ĠPeters burg +Ġannoy ing +F eed +i ates +reci ation +Ġhosp itality +Ġcris p +Ġb ison +Ġbelie ver +Ġstup id +res ize +ĠR osa +Ġapp liance +Ġsusp ense +Ġcareg iver +ident ifier +RIG HT +ĠG ill +ĠCor p +? ' +ĠM unicip +ĠP ok +ĠD ol +Ġpal p +Ġso ak +ĠCh ain +ĠTrans lation +Ġkn ights +Ġcontradict ory +Ġoutwe igh +ert on +Ġsc are +ipp ers +ĠRequ irements +Ġreconc ile +ĠCompar ative +G r +b read +Ġpl aint +AN CE +Ġsan ction +Ġexplo iting +Ġsubt raction +Ġbol st +Ġopio ids +Ġanaly st +ĠEd it +Orig in +ĠSequ ence +Ġneighbour hood +ĠS inai +ann i +IO NAL +Ġchem ist +urb ed +leg al +s hips +ĠR ib +Ġent ail +Ġpred etermined +Ġball oons +ĠMath s +Ġalleged ly +resol ved +ĠJama ica +ĠRenew able +ĠL ed +Ġro asted +Ġbl unt +Ġtop ology +Ġkil ograms +quir ies +t b +ĠR ut +Ġj aws +Ġste er +Ġswe ets +ĠHim self +A round +id ine +ert ical +pack ages +C ategory +S axon +ar ag +ĠC otton +Ġimp urities +Ġret in +Ġana erobic +P rop +Ġcur r +Ġh alls +Ġ( [ +"" ) +Un ion +Ġt rench +Ġp soriasis +ot omy +ĠH iro +ĠR an +Ġdist raction +Ġshort ness +Ġcontinu um +Ġperpet uate +Ġp orn +Ġst aggering +Ġcl iffs +Ġhot ter +post s +n ie +qu isite +ag ar +Re comm +Ġbra ces +Ġpilgrim age +ĠT rial +ot yp +Ġspray ing +Ġvigil ance +Ġinsp ires +Ġsymbol ize +Ġneutr ality +in ia +Ġpl acent +Wid th +Ġric hest +th y +ĠL an +act ivated +oss il +Ġbu f +Ġcur se +ĠDet ection +( """ +ĠT et +Ġfore ground +Ġsqu ared +ĠFe ature +ca using +ĠVe hicle +ĠGalile o +ivari ate +T ool +k u +ace ans +then ing +Sc ale +y y +ĠB order +ĠH ort +ĠR oh +bo ats +Ġmanif ests +ĠAll ergy +fl ation +Ġt qdm +Ġa kin +al most +rig ued +A verage +Ġt innitus +Ġh ing +ĠE thernet +ĠJ ason +con cept +Ġhor rible +en os +al ms +ĠRe ally +Ġautom obiles +Ġcircum ference +Ġquot ation +Ø ª +ĠSt ick +medi ately +Ġstir ring +Ġstub born +Ġcollabor atively +Dep artment +Ġadminister ing +n om +ĠG ently +Ġset Up +Ġintim acy +occup ied +B ay +ĠCan aan +Ġincorpor ation +Ġmis information +S leep +Ġa we +ent ries +Ġprot on +vis it +Ġsem inar +Ġmisunder stood +Ġa ur +road s +Ġneighb ours +Ġfemin ism +Ġsacrific ing +Ġbra kes +ĠMechan ical +Guid eline +ĠP ossible +ĠK ol +Ġimm inent +p ractice +de cl +Th ings +Ġser pent +ĠCare fully +Ġintellectual s +ĠPhilipp ine +( [" +or as +Ġp icks +f d +j un +Ġt ides +Ġst akes +ĠJ A +Ġun not +Ġanim ations +Ġsafegu ards +ĠP ink +ĠR M +Ġ' ') +Ġtur meric +Ġvag ina +Ġvend or +Ġr ug +Ġun fore +Ġwhat soever +Ġshow ers +Ġoccup ying +Ġsupplement ed +Ġ ids +Ġhe ars +Ġso othing +Ġmold s +ch unk +Ġfear ful +Ġthread ing +T L +k ed +l isher +ĠF ellow +str ftime +Ġdestro ys +' ^ +K ids +Ġl an +ĠA RE +ĠS ter +Ġen cephal +ĠEngine er +paramet rize +v ocab +Ö ¼ +Û Į +il oc +sw orth +Ġfram ed +Ġuseful ness +ĠMill enn +Ġdisput ed +Ġspont aneously +Ġaver aged +ĠDis aster +Ċĉĉ ĉĉĉĉ +ĠE y +ĠD awn +Ġk eras +Ġair ways +IS A +ĠInter face +D AT +en stein +or ian +Ġbio fuels +ĠWay ne +ĠFil ter +Pat ients +Ġgreet ed +Ġfright ening +incinn ati +C ultural +T ogether +ay as +ass et +ĠRe ed +ĠPers ons +Ġwra pping +Ġpro ps +Ġan te +te acher +Ġbre wing +Ġdom est +bl ob +Ġplot ting +Ġrecip roc +Set ting +diff erent +ĠBatt alion +Ġopp ressed +Ġsand stone +ĠBlu etooth +p ots +ig ator +Ġmen us +Ġeffort lessly +Ġhom osexual +Ġexacerb ated +geo Id +e conom +Ġshort comings +rel ative +IS C +ĠPL oS +ĠRecogn ize +pron ounced +Å Ľ +ĠU nd +Ġpre natal +Ġdirect ories +Ġreserv ations +Ġwat ches +access ed +Ġmerch and +Ġmor ale +ĠTra dition +ĠMarx ist +Ġout rage +ili ency +Ġthreshold s +n ostic +Ġpl ent +ĠKid ney +ĠS ew +ag ents +Ġhand ic +ĠRed ucing +Ġafford ed +ĠSign al +ĠCy prus +Ġorn ament +> \ +G G +ĠN W +Ġno on +Ġtransmit ter +Ġware house +? , +T V +Ġb og +Ġsp raw +cre ts +med icine +Ġ nd +Ġb ount +ve ctors +he et +es ame +ĠE lim +cl usters +Ġra ids +Ġgreat ness +Tra ditional +ĠRub y +ĠPear son +U ID +ĠPro te +ĠNe il +Ġanthrop ogenic +ĠC ob +um i +Ġerad icate +Ġattend ees +sor ption +ĠAccount ing +Mich ael +ĠSp ark +Ch all +Ġrelie ved +n ge +Ġw ired +ĠN SA +orm al +ĉĉ ĉ +Ġassign ing +Ġrupt ure +ĠSic ily +he mer +ĠCam era +ĠExped ition +im pl +ĠT ong +Ġge ared +ĠIU CN +ff iti +Ġk el +Ġfin ishes +RE T +ĠOri ental +ĠYug oslav +Ġl attice +our cing +ĠPl ain +return s +ĠEll en +ĠInj ury +H P +g ran +h ift +in ters +op ian +Ġform ulate +C isco +ape ake +Ġrelic s +p aces +} _ +Ġb inge +Ġ( < +ri o +Ġun available +ey ed +yd ia +Ġpyram ids +r ists +ĠM otion +ĠO pin +ĠAn a +Ġunexpected ly +Ġasc ending +Ġsoy beans +Ġelab or +Ult imately +G IS +T raining +] - +w aves +Ġ ç +Ġr ushed +Ġabs cess +Ġtrig lycer +ĠBr ussels +Ð ± +Ġnoct urnal +h b +it ance +om at +Ġpre view +Ġdepart ed +Ġsquir rel +ĠA zer +Ġwip ed +Ġbankrupt cy +Ġc ites +Ġv ain +ING S +Ġaven ue +Ġadject ives +Ġab usive +ism atic +ĠCo operation +ĠPer ry +Ġdistinct ly +ĠBo ys +Ġantib acterial +N or +k ah +ĠMah ar +Ġuncover ing +eng ing +Ġwh istle +ost asis +ens itive +Ġnumer ic +Di agn +Argument Parser +clesi astical +Ø ¯ +it ted +Ġm ound +ĠR C +Ġam put +âĤ¬ âĦ¢ +Ġpe el +Ġcol orectal +Ġcre ep +Ġpos its +Ġcheck point +ĠPy th +ĠPresent ation +exper iment +Ġvow els +ĠSalv ador +d ie +x iv +Ġ" ", +Ġsound ed +HT ML +ĠClar ke +A rab +C at +ĠN est +Ġprogram mer +cont ents +ĠConst antine +B ASE +P acific +T alk +ĠRead ers +Ġpod s +ator ial +Ġtit anium +Ġreson ates +is ia +ĠM OD +Ġsu icidal +Ġgl orious +ĠEx amine +check point +Ġdiscrep ancies +Ġg t +ĠE qual +ĠL aser +Ġdis pat +ang i +Ġover ride +Ġcast les +Ġcontrad iction +Ġfe ces +ĠPres byter +ĠLog ic +Hen ry +Ä ĩ +ĠM ills +Ġcan non +Ġtre acher +Ġexecut ives +V arious +Ġsp ong +Ġrel apse +Ġhuman kind +abs path +Sm art +ĠC ox +ge mon +ph ant +Recipe Steps +Ġ اÙĦ +ĠN eb +ĠCh at +de ath +be am +Ġcost ume +Ġsix teenth +Ġbrit tle +ĠUn ique +Ġdel im +Ġcr unch +æĺ ¯ +H as +ĠHe aling +Ġsl ender +Ph il +Ġmand ates +Ġest ates +Ġbroadcast ing +Ġd wind +Ġha em +á¹ £ +embed ding +Ġinstinct s +ad oes +ĠF olk +Ġall oys +A pi +Ġres ur +-------------------------------- -- +Ġcompl ained +ĠMor ning +Vari able +/ {} +it les +Ġup s +Ġaffect ive +Ġdefault s +m its +cap ing +Ġpossess ing +Ġlip ids +c odes +ol ation +Ġimp over +ĠJul ia +M ove +re z +se ven +ON G +ind ustrial +Ġdispers al +M ath +Ġs ocks +ĠH ERE +pop ular +Ġstack ed +Ġshr inking +ĠDomin ican +Ġne ph +ĠO v +ĠUS S +ĠMar riage +Ġnormal ized +c ue +Ġr ider +ĠLe ak +ĠSad ly +Ġb umps +Ġph yt +IN K +Ġasyn cio +Ġp ag +Ġparticip atory +ott a +ĠErn est +ĠH A +Ġassemb lies +cam era +æ ī +Ġmamm alian +aked irs +ben ch +Ġartific ially +st ed +ĠS SL +ĠAm id +ĠWest minster +Ġresist ed +Ġnegot iated +ett i +Ġdiver gence +[ ![ +i ets +oc ese +Ġattack er +RI PT +ĠExper iences +Ġrab ies +ici aries +re ward +ge e +ess ive +and ra +Ġdet erg +ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠ +IM IT +Ġrib bon +ĠMax im +Ġintrig ue +Char acter +ĠLink ed +Anal ysis +Ġexpl oded +Ġow ls +Ġignor ant +Ġdilig ently +J SON +g all +ar val +il ate +Ġl r +ĠSt ack +Ġmult inational +Ġdefend ers +h arv +Ġv es +load ed +Ġadvantage ous +ä ¹ +ĠInt ellectual +ĠPhys iology +Ġtransition al +it he +Ġhold ings +Ġsyn agogue +Ġnan otechnology +represent ation +er ations +ĠS r +ĠL ength +Ġfin ely +Ġmarket ed +Ġbi kes +Ġmess y +ino a +Ġconsol idation +Ġpar aph +Mat thew +r é +ĠB und +fore sts +Ġ" : +Ġdecl ares +ĠRel ief +ñ a +Ġe ccentric +Ġhum orous +Ġfore head +aut hent +Ġaer ospace +Conn ect +ĠStruct ures +ĠImm igration +Ġportray als +ĠCertain ly +R en +Ġc is +Ġpres erves +isc he +atin um +Ġelic it +å į +Ġr iot +sc ription +ĠPart ies +Ġmid w +Ġdomestic ated +ĠChair man +Ġref rain +ider y +unt u +ĠMa ori +Ġcylind rical +Ġuniform s +ĠConfed eracy +Ġplent iful +c ible +c hens +Ġcar c +Ġrhet orical +ch all +ig a +Ġar ches +Ġfl oral +Ġstate wide +H ost +ro gram +ĠS au +os hi +ĠE sp +our ism +Ġthr ill +board ing +ĠMeasure ment +ĠValent ine +W W +Ġd end +Ġtechn ician +Ġincre ment +Ġmicro phone +ĠMad rid +ĠBelg ian +Ġpolym orph +ĠE state +Ġb ells +Ġcat ches +Ġsegment ation +ĠCard i +ĠNi ño +g ain +ĠB le +Ġobserv able +Ġextract ing +æ į +ĠB il +ph yl +ĠComput e +ais y +F ortunately +Ġpoll ination +ĠÐ ½ +ĠCON T +man uel +Ġintersection ality +ĠArmen ia +ob last +Ġgra ded +Ġflow n +Ġadvent urous +ĠStruct ural +Ġf oul +cl osing +L in +st reng +ĠB attery +ĠSt em +sw itch +ĠA ck +pt une +ĠHer o +Rec ogn +ĠBol she +Ġepidem iology +Ġw ag +ATION S +build er +ĠUnivers ities +Oper ation +Ġpr istine +Ġnew com +umb ar +ĠHom o +f rag +at omic +ĠIt al +Ġexpl orations +din and +Ġpean uts +t ot +ore xia +Ġcut tings +cast le +ĠCongress ional +O A +ĠT alm +ĠS creen +Ġ" # +Ġrid ges +Ġwe ars +Ġsoft ly +IG H +âĢĶ âĢĶ +att ack +Ġqual ification +Ġtempt ation +b box +Ġinf licted +Ġbi ome +=' ', +Ġble ed +t m +al as +Ġsp onge +ptom atic +Ġmisc ar +Ġportray al +ĠUnder ground +AP P +Ġster il +ĠPil grim +hell o +Ġawa iting +Ġepist em +ĠL ingu +ĠG ut +Ġcor ro +Ġhero in +Cross Ref +ĠE P +vent ing +ari ance +Ġtooth brush +Ġunderest imate +Histor ically +T en +oc ities +ĠCom ments +Ġred es +ros clerosis +Ġannot ation +r ances +ĠD istance +ff y +Ġsp o +ĠV ish +ĠAR T +Ġw ield +Ġsil ic +Ġconstruct ions +F ace +h m + ¼ +LA GS +ĠRh odes +F em +L ED +Ġo mitted +ri et +ĠO THER +Ġdem ocracies +new line +Ġnewborn s +Ġn asty +b ohyd +com par +Ġsub urbs +Ġcompress or +ĠEff orts +B it +ĠM ent +Ġwho ever +Ġsk ins +b alls +ĠM AC +ĠElse vier +Ġdent istry +Ġrepair ing +Ġwors ening +Ġpl edge +ĠPro s +Ġdrop out +ĠInf o +ĠLl oyd +\ ' +ĠB og +elf th +Ġmin ed +Ġtact ical +project s +ĠSac rament +Ġphylogen etic +Ġchol era +Ġ )) +Ġ__ ________ +Ġov aries +t oday +Ġc ooks +ĠG ol +Ġprov oke +Ġcar riage +Ġelev ations +ĠR S +Ġcomp ilation +ĠTr uman +Se q +sent ence +Ġsh rine +Ġaud i +rie ve +ĠU P +ĠSpect rum +R F +Ġde ception +ens er +Ġsal ty +know ledge +down s +Ġbudget ing +Ġexch anging +Ġannot ations +re le +R ate +Ġc types +Ġcon ceive +Ġproced ural +ic illin +Ġh ike +ĠF it +Ġearth ly +Ġerr one +ĠCatholic ism +Ġdenom inations +Ġenlist ed +I ter +s outh +Ġl izards +ĠT ouch +ĠC av +ĠNe ander +Ġà ī +ethyl ene +ĠS oy +ĠK rist +Ġag ro +ĠSu ggest +Ġd ich +ĠB uch +Ġdi vert +Ġprom inently +Ġfar away +ĠGl asgow +Ġdiss olution +CON FIG +Ġenfor cing +ĠN g +Ġsp oil +Ġbus hes +Ġtact ile +Ġquadr atic +ĠC hest +ĠG iant +Ġbl urred +St ay +Ġexpos es +ĠMil ton +cl ips +ĠCom ics +Ġbook let +Ġtrans g +Ġinterpre ter +Ġlat ency +Ġcompl ication +á¹ ĩ +oc occus +Ġr iots +Ġemerg ent +Ġit chy +ak u +ĠJ ung +ĠSt rat +Ġbi ologically +Ġell i +Ġcart oons +Ġunfore seen +W il +ĠT ou +ch anges +ens ely +Ġqu ir +Ġdiff ered +ĠH ack +Ġfold ers +={ " +L iving +ĠS ET +ad r +Ġsh uffle +Ġac hes +Ġent renched +Ġsl im +load ing +Ġheat ers +Ġexhib iting +Ġbed ding +V EL +Ġdec iduous +Ġext ant +su fficient +Sym bol +ro cal +ĠF ields +ĠDevelopment al +ĠClass ic +eren cing +Cal ifornia +Ġfranch ise +ĠH omes +par alle +Ġvent ric +al ong +ri ka +Ġfact ions +ĠJohann es +ĠA ging +Ġunre ason +ĠH av +Ġact u +Ġsm ugg +Ġoccup ants +Stud ent +Ġdraft ed +g uild +s ing +ur as +ĠB ib +Ġen cyclopedia +Ġnost alg +A bs +Ġp es +ÃŃ n +d ictionary +Ġage ing +Ġcontract ions +, . +: ]) +x s +ins ky +ĠNow adays +level s +Ġforg ot +ĠM ang +end as +av i +agn et +ĠAdd iction +Ġpel lets +b oot +âĢ ij +ĠW ise +Ġscholars hips +ĠLib ya +Ġscan ner +al us +Ġp ac +Ġh ives +ĠCru z +Ġmascul ine +l ove +in ous +Ġg ira +Ġ' {} +ĠPart s +Ġ\ \ +Ġapprox imation +Ġcoast s +ĠRis ks +Ġinf used +Ġgra ft +N H +ĠStand ing +D eb +Ġst itches +Ġut most +Ġimmun ization +Sty le +Ġm oll +ĠCour ts +G a +t ub +on ium +Ġse ptic +Ġpedagog y +) ' +f g +et e +Ġworld view +less ed +Ġcontact ing +Ġan omaly +ress or +hen g +Ġsur rendered +Ġche es +Ġhyp ers +Ġmicrob iota +Ġram ifications +C enter +G ame +ĠB ibli +ri en +ĠGrand e +ĠSupport ing +I de +Ġbu oy +ĠAd vert +rel igious +ĠInsp ired +R s +Ġex quisite +ĠL odge +Ġph ishing +Mult iple +$ . +ĠS ams +ĠM Äģ +ĠSe eds +ĠWind ow +ĠRepresent ation +R ow +Ġc oded +Ġg a +ĠG rad +Ġbo ast +ĠCl ara +Ġprefer able +Ġsprou ts +Ġf id +Ġground ing +lick r +Ġprol ific +ĠMathemat ical +Ġrailroad s +Ġsh ingles +Ġaux iliary +w arm +Ġst alk +ĠSil k +Ġblo oming +Ġcryptocur rencies +Ġmot ive +Ġobst ruct +Ġenric hes +Ġther most +d st +Ġra ge +att oo +He art +Ph ys +DA Y +Ġvertebra e +R ect +w ana +ĠP ull +lic ts +save fig +Ġcourage ous +Ġdilig ent +ia o +ĠK ate +ĠK ill +Ġsubs istence +ver tex +Ġ' # +Ġminim ally +Ġshut ter +Ġinterconnected ness +pick le +h om +t l +we h +ession als +ĠR i +ĠAv iation +ĠChes apeake +s izes +ĠS aul +ĠI A +fer red +Ġpredict or +Ġrat ified +Ġinsect icides +Ġdownload ing +sl ice +Ġab ound +cont inent +Ġimpl ication +Ġsynthes ized +E ver +Ġres igned +Ġpar ade +], [ +We ek +ĠCan on +Ġtut oring +Ġincub ation +c ock +ĠT roy +ĠG am +ĠO z +ĠInd ies +Ġfox es +l ime +Ġp enguins +Ġart istry +ĠCert ificate +Ġendors ed +ĠM au +ĠB urns +ĠL ines +requ ests +Ġinvent ors +Ġinhib itor +Ġlin en +T oo +Ġm ell +ra cial +ĠS aw +ag os +ECT ION +pos al +Ġinform s +ĠWH ERE +×Ļ × +ch ant +ĠG aza +Ġcollabor ated +ĠPlan ck +Pre par +Commun ity +d ad +ul se +Ġcra vings +rocess ing +Ġilleg ally +Ġin oc +Ġav id +Ġnon linear +Ġsum mon +ĠH idden +Ġse ating +Ġcont ested +Ġend ot +ĠFle et +Ġcellul ose +y cin +Ġv ents +ĠB PA +Ġfant astical +Ġunnot iced +L ou +Ġblock age +cher y +Ġfisher y +$ ', +ab ove +ĠM ons +section al +ĠOpportun ity +ucaly pt +S ex +ĠL uis +Ġinv ading +pix el +Govern ment +e pt +Ġb ail +ch u +ĊĊ ĠĠĠĠĠ +Ġmag ma +ĠAch illes +Ġre ver +Ġg orge +ĠF BI +Ġbath s +l os +m or +Ġ" {} +ĠK ap +part um +ä¸ Ń +ĠSurv ival +if ix +ract ions +Ġrepl aces +mark ets +ĠDirect ory +L arge +ĠB oeing +ĠRe ach +w ash +ĠD ermat +Ġz eros +Ġmix es +Ġid le +Ġwra pper +Supp ort +Ġscra ps +Ġout fit +Ġmig rating +const ants +ĠMac beth +Ġprohib its +Ġf idelity +ĠM eth +ĠE dd +Ġsh ocks +St ar +ze es +conc atenate +ĠMethod ist +ĠB achelor +Ġup he +att a +Ġselect ively +Ġbond ed +ĠAr gument +Ġhere in +c up +is i +se ek +ud o +Ġforget ting +Ġdispers ion +T rain +is ional +rib ers +ron omy +tr uth +Ġcrystall ine +Ġyou ths +Ġ' + +Ġquestionna ires +Ġw ander +Ġover r +Ġrem edi +ĠImpro ving +Ġconfront ation +ĠRespons ibility +ĠSalmon ella +L AN +Ġvis a +ĠAtt ribute +ĠG D +Ġfe cal +Ġdri p +ĠObject s +Ġsurviv or +ess ing +Ġdem ons +Ġsymbol izes +ä¸ º +Ġdise ased +E mer +Ġyoung sters +Ġconclud ing +Ġflour ishing +Ġtom ography +Ġpadd le +ĠGerman ic +ĠFam ous +Ġneut rons +Ġdevast ated +ĠEstab lishing +Ġres urg +be cca +gen ic +ĠMil an +α ι +({ " +ĠM ans +ĠG ov +Ġgradu ating +ĠInf rastructure +stan bul +A part +ĠT um +Ġcontin ual +tt i +ĠCons idering +Ġpos itivity +Ġbre aches +ĠSib eria +G rade +N s +P a +ur ry +th ren +ĠP ig +ern els +Ġprot otypes +ĠMy ster +W ik +ĠT uring +em erg +Ġart works +arm ac +IS PR +num bers +Ġtom bs +Ġepoch s +W arning +n ell +orks hire +Ġdiagn ostics +per ors +Ġdet achment +Ġdeep ening +Ġchief s +Ġsight ings +Ġincap able +ig ate +Sequ ence +t ip +Ġb ak +Ġy aml +ĠU ran +Ġampl ifier +Ġirrit ability +g iven +Ġs ang +Ġal k +ĠThe ater +ĠK urd +== = +Ġmor als +ĠEqu ity +ynt hetic +ĠAdvent ures +Ġpseud o +Ġpyl int +m akedirs +on gh +Ġv in +Ġwork outs +ĠReport ing +OC s +Ġcongress ional +ĠF ut +Ġsustain ably +AC C +Ġconfirm ing +Us ually +Cre ated +Back ground +nd on +ĠC opy +ĠPat ent +ĠFranc o +Ġha voc +aw ays +Ġarch ival +a ith +er ica +ĠR ac +ĠG ap +In vest +Ġav oids +Ġminim izes +Ġassert s +Ar gs +ĠDoc uments +Ġscrut in +T ON +ĠComput ers +w omen +Ġro de +ĠV ic +Ġcomput ations +Ġfluores cence +oc ations +ĠG PA +Ġinst ituted +Ġincre mental +ĠBel ief +FT WARE +ĠG rove +Ġrep orters +sc ene +Ġcr ush +log its +Ġvan illa +ĠC incinnati +ab sol +ĠR untime +Ġvol ts +ĠConc ord +ĠT all +ĠC ash +Ġgl or +Ġident ifiable +sh aring +ĠIP CC +ĠMesopotam ia +Ġd st +Ġe tym +Ġcomm enced +Ġdoub ling +ĠGN U +c ategories +Ġl yn +Ġsp ines +ĠHu ang +Ġisot opes +J ul +Ġconduct ive +Ġsk ate +het to +Ġirres pective +ist les +Ġdis connect +ĠK ay +ĠQ ing +Ġstar ter +Ġcrown s +Ġvisc osity +ĠTow ards +Ġmening itis +W C +th a +Car bon +ĠW it +Ġright ly +Ġcharacter ised +ĠKe ith +Ġbelong ings +Ġantidepress ants +d rug +en burg +ent ional +str ide +St ack +ĠKey Error +ĠSpecial ist +az es +ĠSh ut +M IT +ĠD rag +Ġcomm ence +Ġrad on +inter pre +Ġfurn ish +R oot +] } +Ġtar iffs +ĠPow ell +ĠP ly +ĠCh rome +Ġcam oufl +Ġbott led +Ġarter ial +ĠI O +ĠM ull +set t +ĠVin ci +ĠC AR +Ġsmall pox +Key words +Ġfr idge +Ġmonaster ies +Ġc u +ĠD jango +Ġet iquette +ĠTrans l +ĠExt ract +f ried +k el +ary nx +Ġco y +ĠCre ated +Ġclar ification +ĠÏ Ħ +P rep +ur acy +ĠH od +ĠCh lor +sh ots +bre eding +Ġdeleg ation +Ġnumb ness +Ġpredecess ors +Ġnecess itate +Ġten ant +Ġseg regated +ĠRoc hester +st ress +Ġun anim +com ments +ĠTechn ological +Ġkid n +Ġhar bour +ĠWorkshe et +Ġstd out +it erate +ĠL or +ide os +Ġk ins +Ġcultiv ars +bel ief +Ġpill ar +================================ ================================ +ĠHind i +paralle led +Ġd B +ĠIn cludes +ĠOper ating +ĠRe bell +âķ IJ +ĠP ure +ĠWars aw +st ill +ĠJ et +ne c +az ar +Ġconcert s +Ġepit helial +E ating +al ys +Ġmunicip ality +tol ist +ĠTob acco +Ġpredecess or +J ac +h oles +Ġco herence +Ġhy m +Ġfree zer +sub st +Ġapart heid +ĠEst her +Ġgly ph +ĠTh read +pr iv +Ġconduct s +Ġstation ed +ĠPrim itive +el ona +Ġsp icy +ruct ures +Cl ose +pan el +ĠBar ack +'] ), +Ġven om +bas ename +ĠPur pose +Ġun checked +Ġdisc ourses +Ġenc oder +Col lection +ĠTalm ud +L iter +ĠH erald +ĠBritann ica +ĠT rou +ĠT error +pp ery +Ġref uses +Ġhon ing +ĠMain taining +ass ign +Ġdr ank +Ġentire ty +ĠDiam ond +Ġo at +Ġnot eworthy +Ġobserv es +Ġmass acre +Ġpray ing +Ġaddict ed +oy le +Ġbas kets +ĠInter vention +pred iction +Ġherb icides +Ġdisappear ance +rit ic +Ġearn est +Ġalleg ations +ĠPret ty +is le +ia z +Ġsun flower +ĠMur phy +ĠM ing +ĠAss ignment +ĠKy oto +Ġunderpin ning +ĠShan ghai +y rs +Ġobject ions +cur ve +reg ate +ĠPrepar ing +Ġhelm ets +ĠH ttp +AV E +ĠVacc ine +ĠP est +Ġemb ell +len ess +Ġprocure ment +th ora +Ġche f +Ġemp athetic +ĠMor al +ĠRout ledge +H ouse +ĠC airo +ĠAfter ward +fe at +Ġkn ives +ĠSov iets +ĠDiagn ostic +Ġx y +Ġast roph +Ġfu zzy +Met adata +n is +Ġs inks +ĠC PR +ĠF ellows +Ġcort ic +C B +ĠO ption +Ġmon sters +Ġsweet ness +ĠDougl ass +Ġhomeless ness +G ate +P ref +in j +Ġst aring +Ġconduct ors +uk a +f orth +Ġd x +Ġr ivals +Ġi OS +Ġtransition ing +ĠC lement +Ġne urom +ĠTh r +Ġflu ct +Ġball ot +Te achers +ĠIns ert +Ġramp ant +ĠH ood +Ġisol ates +ĠNor folk +ĠScot ia +ĠFlow ers +d ise +i enced +Ġu uid +are l +ar am +Ġac rylic +Ġimplement ations +ĠT ud +se p +Ġded u +Ġresc ued +opa usal +appro ved +C ivil +im ps +ĠS ke +Ġatt ribution +Ġdet ached +Ġinsp ir +ĠSpe ak +Prot ection +ĠJere miah +Ġrehe ars +ĠF requency +he e +Ġst ains +Ġserv ings +Ġforg ive +ĠFA Q +ĠThank fully +Ġrelent less +Ġregener ative +Ġm ates +ĠN ak +ĠN SW +Ġsub missions +oms on +ĠDe af +pre cision +Ġwild fire +integ er +S yn +ur us +Ġdel ine +Ġz ebra +ĠAc ute +Ġboost s +Ġampl ification +angel o +Ġjack et +ĠPregn ancy +Ġo c +Ġtemper ament +ĠMax imum +Ġcorrel ate +ĠJul iet +ĠBol ivia +ĠStev ens +ĠM N +Ġimp ending +ord ering +Ġor ally +Ġman ned +Ġblow s +Ġsumm aries +Ġalmond s +y outube +Ġcol ds +Ġtr unc +Ġfol ic +gra du +Ġnan ot +Ġre consider +Ġl ax +Ġsc oop +ĠCon cent +enc il +Ġ% . +ĠOw en +Ġmour ning +Ġh amm +idd les +Ġcaps ules +ĠHyd ro +ĠC AP +Ġimport ing +Ġsc anned +Ġimag ining +umber land +medi ate +Per iod +ĠPlay ers +Ġles ion +Ġacron ym +S ir +å ¾ +ĠA BS +th us +ens itivity +ĠIns pect +ĠPs alm +ĠN F +Ġar rog +Ġso fter +Ġdev iations +Ġdipl oma +Ġwarrant ed +ob il +Ġsell ers +ĠObs erve +Ġexpans ive +Ġs ag +ind ividual +Ġcompet ency +Ġbrid ging +Ġundergo es +Ġpist on +en et +Ġpre con +ĠFor ward +ript or +Est ab +æĸ ĩ +... ] +Ġfill ings +ĠProtect ing +Ġauth ored +Ġantiv iral +ĠLeak age +en ary +ind s +Ġsand wic +Ġscr atching +Ġst aging +Ġmill igrams +Ġline ages +Ġz e +Ġformat ted +Us ers +Ac cept +Ġpedest rians +Ġimmort al +H ung +Ġf ences +ar is +ĠP seud +ĠIn ner +Ġsediment ary +ĠCal cium +ĠMar ian +ĠMc Donald +Ass oci +M ember +Ġp uff +ĠE rie +Pl us +Ġfirm ware +Ġsubord inate +Ġhydroc arbons +insp ired +Ġd yn +Head er +d rew +Ġp rizes +le ted +ĠN SF +app a +Ġey ew +dr ive +ĠDick ens +ĠReyn olds +T emplate +Ġc eliac +ĠT ales +Ġpl ight +Ġsp ac +IT S +Ġduct s +Ġc ripp +Ġb oolean +ĠC aval +ĠThe rap +g p +ĠC ust +do ing +Qu estions +Ġampl ified +L atin +w aste +Ġin mates +Ġtheor ists +ĠM ock +amp ed +Ġ-- > +/ - +? : +ov ich +Ġpropos ing +Ġorth odont +Ġecho ed +Ġgig antic +ĠQuarter ly +T or +ĠP OW +ri vers +CO MM +Ġlob e +ĠFuk ushima +Ġun paralleled +Ġfuel ing +hov ah +F iles +ĠS ask +ĠS lavery +Ġv anish +ove re +Ġwork load +Ġimm ature +Ġsal ine +Ġcondition ed +Ġelastic ity +Ġexpon entially +b ard +ol ate +Ġpar ach +ĠPal mer +F inal +Ġhe els +hes es +Ġbuff alo +Ġtriumph s +Men u +lu gin +Ġsuper market +Ġcritic isms +ĠCN C +Ġreconstruct ed +> +ov ies +ĠArch bishop +ĠRam adan +ä ¼ +Ġn g +with standing +ĠLa unch +G EN +m ist +and em +Ġmon astic +aff irm +ĠComb ining +M rs +is file +ĠS U +Ġqu itting +Ġevident ly +Ġsound ing +Ġgrass land +Ġconce aled +Ġupload ed +Ġhib ern +Ġf oo +Ġel ites +St age +Ġremark ed +ĠDig est +ent ropy +ĠM agnetic +gl ass +t re +Ġspec ulate +Ċĉ Ċ +ĠBar on +Ġgrand son +Ġt igers +eth oven +Ġsw ords +ĠCar roll +Ġrevis it +b ag +d ic +Ġh ides +Ġth romb +ip ot +ven iles +Ġviol in +amb urg +ĠMem phis +l v +ĠD S +Ġtr imes +Ġprec aution +Val ues +Ġuter ine +Ġtet ra +Ġmars hes +Ġg ru +Ġca ption +ĠCom ing +Ġfire works +ĠSO FTWARE +Ġattribut able +ist ries +Ġpit u +Ġrevol ves +ĠConserv ative +ĠA e +ĠC er +Ġem blem +Ġthin ning +Ġf ountain +ak sh +ĠBl ind +ĠSqu ad +Ġar te +utter ing +Ġantig ens +s id +ot oxic +ĠL av +ĠGl ac +Ġguess ing +ãĢ ģ +ĠPict ures +R ele +ĠW iki +ary nge +list dir +Ġble ach +RA IN +) ". +ĠF lower +Ġag on +ĠMy stery +а н +conc at +Ġalcohol ism +ĠPlay er +ĠJos é +Ġappre hens +R ussian +Ġt rough +od ied +Ġback pack +Ġtrain ers +ĠWeb ster +Ġlaun ches +ĠS ullivan +Ch o +Ġsuper conduct +Me asure +ĠObject ives +Ġsour cing +Ġisot ope +Ġbrack ets +Ġbed rock +r ity +ow itz +ter bury +ĠLegisl ature +) ") +d id +Ġm L +ĠBusiness es +Ġexhaust ive +Ġdimin ishing +Ġpitu itary +ĠS K +ĠM ennon +al chemy +Ġe ct +all close +Ġdetect s +M achine +th ouse +ĠV ocabulary +Ġharm ing +ĠÐ ¸ +ĠIP v +Ġanch ored +G rand +Ġon c +Ġvol atility +ĠMar itime +ĠSat ellite +ĠView s +Ġt renches +Ġb ob +ĠF itness +Ġplot ted +Col lect +ĠBu ilt +dis k +Ġchrom ium +ö r +ĠOS HA +Ġknock ed +K EN +P ractice +Ġfre el +ĠUS GS +Ġphot on +ĠEd gar +ĠCorpor ate +Ġbree ze +} /{ +Ġre im +Ġhe gemon +Ġro oft +ĠTrans formation +.. .") +de cor +ĠHar lem +Ġmac roph +Ġcond ensation +ĠBarc elona +I ss +s lug +Ġint ends +olog ous +def ense +kins on +ĠN P +Ġint ro +Ġk a +Ġem ancipation +Ġcor nea +ĠNe o +Ġconform ity +ĠAnthrop ology +M aterials +rom es +ĠG est +Ġdra fts +Ġdiscrim inate +Reg ardless +Ġperpet uating +w re +Ä į +on ation +Ġp he +Ġins cribed +Ġdwell ings +ĠP BS +Ġlab elled +ĠCO MM +ĠStreng th +Ġd are +Ġcult ured +ipp les +Ġled ger +Ġcelebr ity +dec ay +bro ken +Ġredund ant +Ġal arms +ĠP ir +ĠJ M +it uting +ĠM ugh +Ġte eming +Ġem an +Ġconsult ants +Ġremem bers +Ġg out +Ġun seen +atter ing +cons ciously +Ġaggress ively +T ab +em e +Ġpublic ity +Ġz oning +ĠAll an +EN G +Ġbar ren +ĠArchae ological +Ġt au +ĠE EG +Ġsp rint +Ġappe aled +ĠIsland er +V irtual +ed itor +ĠW end +Ġwas ps +Ġdec oding +Ġmemor ize +il ine +Ġg it +Ġeight y +Ġmotor cycle +ĠExcell ence +F DA +ĠT on +Ġwith drew +Ġsk ating +ave ment +Almost Equal +aci ón +ĠGon z +b io +Ġpsych osocial +ĠFind ings +Ġgreet ing +ĠM Hz +sy nt +ĠBre aking +Ġhur ting +bi ased +ĠAdv ances +Ġbiod egradable +Ġfer ment +iche ver +v ine +le gged +am en +ass isted +RE G +AM S +ĠDef ence +Ġalign ing +ĠComb ine +Ġenvision ed +F ort +un ge +Ġgener als +Ġpsych oan +Ġrot ated +Ġdisapp ears +p airs +ĠG W +Ġpla ques +inv est +O ption +Ġ( âĢĺ +ĠLeg ion +Ġspons or +Ġr all +Ġfl amm +Ġric hes +Ġphil anthrop +? ", +f o +Ġex claimed +leg raph +ĠBulgar ia +ern er +Ġform ulations +Ġmac ular +Ġov ulation +Ġbreed ers +Ġpri zed +p adding +ĠL unar +Ġparad ise +z el +Ġg ing +qu ired +Ġpr ud +obal t +might y +_ ) +å Į +ĠF rag +Ġdelight ed +c id +ĠW ake +ell ular +vers ely +iss on +c overed +Ġf used +ĠS ak +Ġsaf est +Ġconsult ations +Ġchron ological +Ġorche stra +ĠS ul +Ġcom ets +Ġbehav es +Ġpred atory +sub plot +Ġow ed +Ġco ils +Ġeffic iencies +sign ature +n ail +z ig +Ġd ries +Ġn ar +Ġant iqu +back ed +Ġim itation +ĠCom position +Ġtend erness +dem and +Set tings +Ġconcert ed +H IV +op ters +hy p +ĠWeb b +Ġcataly sts +D en +L ove +Ġsh amp +Ġsol vents +Ù ı +Ġem inent +Ġbar bar +ĠPat tern +Ob j +=[ ] +Ġcontempl ation +H ot +Ġre used +ĠS aving +Ġpo aching +isc us +Ġphen otype +Cont emporary +ĠQt Gui +ĠGH G +w en +st rap +ĠA im +ĠSp ani +ĠAdapt ation +Ġt x +se us +Ġper il +ote ch +ĠUs age +ä¸ į +Ġpiv ot +Ġreferen cing +Ġresent ment +p oor +Ġlog arith +Ġprim er +Ġanaly tic +que ous +ĠSol ving +Ġapost les +Ġspawn ing +Ġinnoc ence +res id +ox id +Ġclean ers +Äģ n +Ġstead fast +Ġintra venous +D EL +W ed +ret ch +ĠInter section +ultane ously +ĠHy brid +er ian +is ites +av ar +arc in +ĠCl aim +Ġclean liness +Ġund et +ĠCult ures +Ġinconsist encies +S ix +w ali +ur face +Ġdeg rade +Ġign ition +Ġmort al +ais er +ĠLever aging +Ġdisg ust +D iet +Î ¶ +ro ly +Ġper for +met al +ĠSl ave +Ġgrace fully +Ġneurotransmit ters +ĠC in +ge ometry +og as +Ġsun k +ĠSer ge +ĠKenn eth +ĠDun can +Ġmiscon duct +n ear +ĠN u +Ġpl ac +Ġsm iling +fil tered +Ġpersu aded +Ġgroom ing +Ġ icy +ĠP rel +ĠD y +.. ... +ER N +R ay +Ġinc ision +Ġdirect s +Ġnarrow ing +Ġdesper ately +m ort +ore an +Ġinv oked +ĠSh op +Ġeld est +E arl +ag ara +Ġimp rint +Ġx en +čĊ čĊĠĠĠĠĠĠĠĠĠĠĠ +ĠBro oks +MOD EL +T yp +k ov +abet ics +Ġmood s +ĠMed itation +Ġobserv ance +ros so +Ġclim bed +Ġbright est +ĠPakistan i +ĠLeon ard +nl m +Ġbapt ized +Interest ingly +Ġmemoir s +ĠCroat ia +à ° +Ġfe ats +Ġrem od +Ġinter connect +'] ] +ae a +Ġcloud y +Ġdrain ing +ĠJac ques +Ġpediatric ian +ĠThe ology +ĠBi omed +ĠCrit ics +ĠCert ified +G ard +ĠQ U +och astic +ĠG ru +Ġmon soon +Ġalumin ium +Ġflee ing +ĠHoo ver +H or +ra x +Ġqu i +Ġclass ifications +He at +Ġcel ery +aphy l +ph ilis +zz les +f ailed +á ¿ +comp any +ĠCam eron +ĠDeg ree +Ġdisreg ard +suff ix +Ġst if +ps is +HO ST +Ġimpro vis +Ġdevast ation +Point s +Ġenlight ened +an other +ĠT ale +Ġlit ers +rh osis +Ġ( ~ +CO MP +rot ation +igm atic +Fe eling +ĠIntrodu cing +s an +v irus +Ġtempt ed +Integer Field +NOT E +K D +d ynamic +Ö ¸ +ĠI con +cy cles +Ġsim mer +ĠCal if +Ġspot ting +Ġcentr ifug +Ġhelp ers +HO W +mult iple +ĠRebell ion +G reek +L T +ĠS ou +Ġex ternally +ĠB acon +Ġcl one +omen cl +ĠBlock chain +asci i +ĠL act +ach y +ĠResp ond +ĠM int +Ġhyper activity +Ne uro +ĠSE O +Ġrival ry +WH AT +ĠInvent ory +Ġ( + +ĠN as +ole cules +Ġten ants +ĠFocus ing +Ġalleg iance +h it +m pp +Ġcon duction +ib a +Ġbra king +Ġfiref ighters +b ly +Ġinv asions +ĠFore sts +Ġstal ks +Ġb if +ĠA wards +ĠC raw +ĠâĢľ âĢ¦ +ĠLe aves +rew s +Ġagg regation +Ġfle a +ĠTal iban +setObject Name +s ound +Ġde generative +ĠM LA +ne ur +lic ations +Ġstr ife +Ġrevolution ize +it ize +Ġpot ting +Ġappropri ation +ĠNe ptune +assert AlmostEqual +ĠT emplate +ĠA SC +um bers +ĠSt im +Ġinvol untary +Ġnovel ty +ĠPra irie +S qu +b old +on na +Ġtyp ed +We ight +ript ions +Ġwr ath +O O +R isk +ĠG ain +ĠK au +ĠUS E +ĠGe ology +AN K +osc ale +Ġw agon +Ġmat s +ĠNob le +Develop ment +larg est +ĠHiro sh +Ġa pes +in p +ĠRome o +ar as +Ġl eng +and as +isc opal +Ġcommand ing +Ġru ined +Ġgym n +Ġdictators hip +Ġ( ` +Ġun att +aw ing +Ġreact ing +ĠForest ry +pay ment +Ġtroubles h +Ġre plicated +Ġg arrison +vers ions +Ġvigor ously +N Y +w ald +ĠA DA +os l +ĠL ocated +Ġind ig +Ġag endas +Ġover use +Ġtim elines +Ġplastic ity +mount ed +Ġsubmar ines +Ġpave ment +Ġcact us +Ġm aze +Ġnot icing +ces ter +Ġdict ated +Ġproof s +Ġmalf unction +ococ cal +Ġresurg ence +s ources +v ag +il let +ĠS B +Ġobs ession +rupt ed +" + +re x +ĠBe coming +ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠ +Ġherb icide +Ġembod iment +ĠEis enhower +Ġsp h +Ġlaw makers +Ġstorm water +ĠHV AC +× Ķ +Ġsh ields +ĠO H +Ġtrans national +Ġfil aments +Ġsummar izes +Ġphon ics +ĠElectric ity +ju ven +aphy loc +S che +Ġin advert +ab ric +ĠAr ms +ĠVal idation +å ½ +ĠL oren +gg y +Al low +Ġthr ives +Ġlibr arians +Ġreplic a +T ex +s olution +(' _ +ĠRes ilience +ĠPh one +Ġfurn ished +predict ions +ॠĩ +Ġbull ied +ĠBeaut y +Ġprag matic +ĠK arn +erm al +Ġtre k +Ġwheel chair +ĠLib eration +ĠPhotos hop +Ġflatten ed +ĠPyram id +Ġpl edged +Ġpred ation +Ġflo ats +Ġtor ped +Ġque ens +Ġorche str +Ġpatriarch al +B oolean +t rial +at oms +ĠO st +ens ure +Ġcar rot +Ġpar aly +ĠP erman +hy a +ĠKind ergarten +Ġpilgrim s +P et +f ishing +ver ify +ik u +ĠEv angel +Ġprev ailed +ĠNic arag +ĠKit chen +ĠB S +ĠW alking +orith ms +Gen esis +Ġheter ogeneous +---------------------------- -- +Ġf auc +ĠF rame +ne utral +Ġap opt +ĠHaz ard +wal ks +ĠHep atitis +d ala +eth nic +Ġflu ent +bl adder +Ġallerg en +ĠTor res +ĠAt omic +iet ies +Ġstric ter +d k +ing o +Ġanaly zes +Ġrot ational +ĠLoc ke +Ġpals y +it ability +ch le +Int rodu +Ġsel ves +Ġrecru iting +usch witz +Ġcon ject +ĠP ill +Ġj og +ĠJohn ston +ĠGen erate +ठ¨ +ĠGi ov +ï ¸ +ĠâĢľ [ +ĠMon roe +ĠRed uced +Ġanten nas +ĠUC LA +Ġtect onic +ther mal +Ġstr ata +Ġfeed ers +ĠReg ulatory +Ġrecept ive +ĠGaz ette +us cular +ĠTh ames +ĠDem and +Ġhack ing +ĠEpidem iology +s ensor +æ Ŀ +Ġf erv +Ġfin er +Ġsing ers +orb id +Writ er +ĠMarc us +Ġoun ce +im ating +ĠP ART +Ġperpet ual +Ġstyl istic +Ġrecei pt +Ġha il +Ġsc out +Ġpol ls +... ) +Wh atever +Ġinstrument ation +Ġcock ro +Ġovert urn +ĠRichards on +ĠEd en +Ġsea weed +Ġwear able +Ġhur ts +Ġcircul ate +Av ailable +Ġbrut ality +ĠAss ign +Ġinsect icide +Ġr ins +lic ense +ick ness +Ġche at +An cient +Ġpan or +Ġirrit able +b ill +Ġsl ab +Ġremn ant +Ġst all +ĠR ew +ĠG aul +ĠIs le +Ġetc hed +Ġautobi ography +ĠJen kins +ĠCret aceous +v r +ĠI stanbul +ĠP uebl +ĠH erc +ĠQu iz +Ġstar ters +Ġpupp et +Ġaph ids +à ® +Ġinnov ators +educ ated +ep hal +Ġbro ch +ĠPar as +CO M +ĠOut side +Ġhospital ization +CL ASS +æľ ī +ĠFilip ino +Ġsh ines +Ġcl aws +Pro file +ĠOver coming +ĠIS S +Ġstick ers +Ġfloss ing +Ġdr illed +cont ains +ĠAssoci ates +C ath +ĠJeff rey +Ġmetaph ysical +ĠFou rier +Ġp ian +ĠP orter +ĠG ren +Ġacqu ainted +Ġded uct +wood s +ĠAtt end +ric ia +Com ment +Ġhom osexuality +Ġb g +pe ated +Ġloc ating +Ġel oqu +Ġcorrid ors +ucalypt us +Ġd umb +Ġint ently +Ġdust y +Ġintens ely +Ġsynthes ize +D ialog +h aw +p ole +ĠP ush +Ġch asing +Ġeth ically +Ġund en +Ġtro op +aug hed +Ġerad ication +Ġclot ting +Ġunexpl ained +Ġaccus ations +M ur +as semb +ph rine +ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠ +T ele +o ining +Ġt ertiary +ĠM ood +RE QU +Par ams +Ġnu isance +Ġconfine ment +Ġsp leen +ĠDo ct +Ġlat itudes +ĠWhe at +Ġintr usion +Ġdiver gent +Ġentrepreneur ial +Ġdemol ished +Inc orpor +ly s +ĠHel ping +Health y +Ġpir ate +in ism +ff t +Ġinteg rates +Ġlymph oma +× ¨ +Ġl as +Ġconf isc +Ġord ained +Ġreper cussions +ĠT ort +ĠW inn +Ġur ges +Ġconce al +estab lish +Ġpair ing +Ġinterf ering +ĠS oul +ĠF lying +Ġlife cycle +Ġfire arms +ĠTown ship +Ġdenom inator +iqu ed +ote chn +s ell +ĠB agh +Ġab re +In sp +Ġel k +ĠCO MP +oe lectric +ĠSan ct +ĠUN ICEF +found land +Ġspl its +' }) +w et +Ġp ans +ad as +ĠB acteria +ĠG B +Ġsc arring +Ġemp ir +Ġprev ail +Ġcrick et +Ġ é +Ġt weet +ĠF arming +Ġout patient +Ġsust enance +ĠPol it +mk dir +ru ed +ĠRep rodu +Ġmes othelioma +Ġsacrific ed +Austral ia +ĠC ran +Ġr ude +ous se +print ing +Ġrevers al +p ull +Ġr ation +cur r +Ġscen ic +ost ering +ĠRe uters +Ġple as +Ġneuro pathy +My th +Ġpubl ishes +ĠOcc asionally +Ġuphold ing +ĠAnglic an +Ġclass ics +Ġpar an +max imum +Ġmotiv ating +Ġpresc ribing +Ġsecre cy +Ġchimpan zees +Ġquarant ine +B on +olution ary +Ġlink age +vert ical +ĠSub sequently +Equ als +Ġhippoc ampus +Ġdre amed +yrin th +D er +Ø ³ +Ġa usp +Ġf umes +Ġm ounds +op py +ĠM ü +ĠR EM +pr ime +Ġcorrect ive +Ġinequ ities +Ġtempt ing +im ize +ĠT empl +ad ors +op hen +Ġcar vings +ĠTem per +ĠGal axy +Ġvel ocities +Dan iel +ĠM J +un less +ard on +Ġinto x +ĠV eg +ĠRe place +ĠÐ ¾ +Ġbol t +CON T +i q +Ġf aded +oc hem +Ġweek ends +Ġadjust able +V ERSION +ĠH ale +Ġsm iles +ĠAs ide +ug a +ĠTo oth +Ġdivers ification +Ġhom ogeneous +gu ide +ĠRay mond +A UTH +k top +in oid +at ars +Ġf ry +Ġch ill +Ġpath ological +Ġthr ived +Ġguess ed +Ġinterpol ation +el ist +Ġliqu or +Ġfle as +ĠCele br +ĠManit oba +v irtual +ot ations +ine es +Ġimp lying +Ġgu inea +ĠGe ometry +irection al +Ġeleg ance +' / +ĠL D +Ġconnect ors +Ġmodern ity +ĠWi Fi +Ġfonts ize +r arian +Ġb rom +Ġcont empt +Ġatt aching +Ġmis ery +ĠEth nic +ĠOl ive +Ġspokes man +M ah +i osis +m are +ĠAnd y +sw ick +H ill +Ġt earing +ĠM arl +Ġhe aled +ĠW ellington +og o +ond e +++ ++ +ĠMoz art +ĠDifficult y +Ġimpover ished +Ġhe ap +os al +ĠR ED +Ġem itting +Ġop aque +Ġlay ered +eral a +Ġrad iant +Ad am +Ġcrypt ography +oz oic +k k +Ġim itate +Ġoff ence +ĠCl im +Ġnom inated +Ġneurotransmit ter +ĠI ber +ĠP ri +ĠB ark +ĠN D +Ġdisc ard +Ġminim ise +rid ges +ĠÎ ´ +Ġfur ry +Ġpharmaceutical s +Ġembro idery +Ġcott age +Ġcush ion +y o +Ġon board +mark er +bel ow +b ri +ĠH il +ink le +hor izontal +Ġfeed er +) ! +C redit +op edia +Ġspecial ised +Ġtorn adoes +Ġmerchand ise +æį ® +arynge al +Ġl aughed +Ġtra m +ET E +Ġlux urious +ĠPyth ag +D est +or ption +ie ves +eg al +ĠDep uty +ĠCor al +xx xx +ĠCR ISPR +Ġf ir +Ġd unes +Ġl ament +op ened +Ġharm ed +IL D +Ġtransl ator +Ġmascul inity +Mart in +n av +ĠPed ro +V T +Ġt ul +Ġmot to +run k +H op +ĠThe m +ĠK un +Ġam yg +sp onsored +Ġocean ic +ĠRef lection +Ġadm its +Ġphotograp hed +effic iency +Ġdrow ning +Ġir is +Ġceleb rities +Ġbuck le +ĠNord ic +Ġape x +s ites +Ġwe ave +pect s +Ġbat ches +p el +t reated +ĠAr range +Ġlands caping +S Y +Ġmore over +Ġsl udge +Up dated +Ġlegisl ators +Ġmarginal ization +C Y +c wd +em otional +med ical +ĠJe hovah +OC K +Ġperpet rators +ĠLuther an +Ġincarc eration +omet own +ĠL M +Ġdi ode +inc hes +Ġrank ings +ĠScre ening +ĠC ases +Ġar Xiv +Ġins ulated +Ġmill ing +amb a +ĠIS SN +Ġyellow ish +ĠCommon ly +Ġcorrel ates +al ter +Ġblue berries +rog ens +Ġven ous +Ġmic rom +Ġtemp o +ap ons +." . +ĠEn cyclop +Ġmenstru ation +ĠPly mouth +g at +um ann +Ġ" ' +Ġpar ity +Ġbi ographical +======== ==== +ĠSurve illance +Ġsurv ives +Ġhear ings +ĠResp iratory +Ġchim ney +R R +f inder +Ġa unt +ra cks +ft p +Ġhuman e +ush i +dev ices +Ġtablesp oon +ĠChick en +M ont +à ĥ +ĠIN T +ĠAP Is +Pos itive +ĠB av +app roximately +Ġcrypt o +M er +ĠO T +Ġbeh old +Ġhead ings +r ice +ĠB erm +Ġexplo its +Ġshad ing +Soft ware +il ion +Ġant ic +ĠPract icing +ĠCast ro +Ġmes mer +/ < +Ġ( * +ĠM eyer +ĠH ers +ĠL oop +ĠCh urches +Ġrecomm ending +iat ric +PubMed Google +D rop +N ESS +ĠSt roke +ĠRe vere +path ic +Ġver dict +Ġverte brates +Ġworsh ipped +P LA +at ism +Ġw arts +ĠH ook +ĠG ly +Ġweak ening +uv ian +Ġhym ns +ĠIn flamm +Ġspect ators +Ġfo oth +Ġtwist ing +ĠGast ro +atche wan +Ġabre ast +ĠD J +Ġsur rog +af er +Ġhot test +Ġtum ult +Ġalle vi +L ibrary +Ġth irds +ĠS ara +Ġbul lets +can vas +ĠPM C +Ġbatt ling +Ġcategor ize +Ġsulph ur +v ir +Ġcost ing +Ġforth coming +Ġpharm acy +omorph ic +t un +em ics +ĠN aturally +Ġsil ently +gi ene +M ental +Ġmy ocard +Ġfam ed +Ġche ek +Ġer ase +top ics +Ġneuro de +lock ed +ĠImm une +ĠLud wig +A WS +Ġs id +Ġis chem +Ġbl isters +ĠCons ortium +Sh ape +Ġkn ight +Ġhar b +Ke eping +Ġgran ular +Ġcoerc ion +b p +op old +ĠF erg +Ġmet re +ĠSal em +Ġalt ru +Ġarbit ration +Ġin accessible +Ġor g +Ġex oplan +ri ous +ĠL t +Ġmodern ization +che cks +ĠAst hma +Sign s +Ġconsol idated +Ġcasc ade +hoe a +ĠCorinth ians +n ine +ĠM az +ĠB in +un known +ĠR oth +ass er +ĠTra ce +dir s +prof essional +Ġtaxon omy +I r +ĠM ist +ort ment +Ġr att +cess ions +ever se +Ġhist ogram +ĠTher mal +S ide +Ġde letion +Ġun const +ĠCh ocolate +uc ose +Ġresearc hes +comp are +ĠHuman ities +ĠAD D +Ġbot an +eval uation +ech o +Exec ution +f an +to e +Ġspot light +Ġped al +ĠNG O +ĠA xis +av ier +ĠTra ditions +ĠTer ry +Elect ric +C ancer +he y +ĠF ashion +ogn ition +ĠAm ish +ĠÐ º +Ġabandon ment +Exper ts +O ffic +Ġst adium +ĠTh ousands +Ġod ors +Ġconve ys +umm ies +K it +Ġpolit ely +ĠVen et +ĠChron icle +l oo +Ġf us +Ġmed ial +Ġstrand ed +ĠExc ited +CAD E +ĠYah weh +ĠVlad imir +ic um +Ġh id +ĠU z +Ġlay outs +Ġrain forests +Ġsoph ist +Ġterror ists +ĠArg uments +tys burg +d ar +Ġinter im +Ġloc ality +ĠNe olithic +Ġult rason +mat ched +vol tage +Ġpin ch +Ġt attoo +op edic +ĠB UT +Ġtra verse +Ġem its +ĠSh arp +Res ources +Ġinvari ably +P CR +k il +om ials +Ġpro clamation +tain ment +aver ing +,,,, ,,,, +Ġneon atal +f x +ra ck +ll o +go al +ĠMan ip +ĠGu ides +Ġseek ers +ĠDat aset +ĠOri ent +rad le +ĠAnaly tics +ĠEnh anced +Ġridicul ous +| ',' +Ġm asonry +ag i +Ġra ils +Ġpow dered +а ÑĤ +wra pper +scal ar +P ick +as array +Ġj er +Ġfire wall +ĠJer ry +] = +c atch +ver ting +ĠM atch +Ġse pt +Ġactiv ates +Ġpotential s +Ġrad ios +ĠFr aser +Ġund ist +ĠHouse hold +Spec ific +brow ser +l m +in ished +Ġg oose +ess im +Ġfl ashes +ĠSc ar +ĠGe o +L ord +Ġh ij +Ġpro actively +ie v +Ġgu err +Ġbatt alion +initial izer +Ġrecomb ination +Ġunreason able +M ic +T ools +m eg +ĠT alking +ĠA ry +ect in +Ġres umed +ĠProtest ants +Ġbloss oms +Ġamuse ment +ree ks +Ġsym metric +bur se +Ġcyber bullying +f ighting +Ø ¨ +ĠT us +č ĊĠĠĠĠĠĠĠĠĠĠĠĠ +it one +ĠS par +ĠS EC +ip olar +Ġtall est +Ġsucceed ing +Ġdream ing +Ġspark ling +ĠStock holm +Ġplank ton +ĠS erve +sp oken +Ġsyn onyms +Ġpupp ies +L ee +S ite +Ġb acon +Ġcon ced +Ġan s +Ġr anch +Ġer oded +Ġgraph ite +Ġpre ached +dest roy +Ġincl ination +Ġsho vel +Ġresh ape +ĠC iv +ĠU TC +Ġdri er +Ġindu ces +local host +Ġadvertise ment +Ġin ex +ur ai +Ġte amm +ĠForm er +Ġaqu ifer +AG ES +Ġsad ly +there um +Ġte as +Ġaff licted +Ġhand held +mark ed +Ġfraud ulent +Ġtrop ics +Ġf rig +od on +ĠW alt +ep id +Ġrec ol +Ġdetect able +re rs +Ġad herent +Ġpos ing +ĠGe off +Ġtrust ing +Ġepidem iological +M igration +at z +Ġj argon +port ed +ids on +lo om +T ell +ĠM ight +ĠP ie +ĠK atherine +Ġresult ant +Gu ide +Second ly +Ġrepos itories +or ating +ten ess +ER C +term edi +Ġune arthed +Ġd red +ĠB end +ĠH ier +amm ing +Ġfav ourable +ĠRod rig +Ġlawsu its +Cle ar +Ġbureauc racy +Ġg ust +Ġr ushing +ĠF err +Ġcomm issions +Ġlong standing +AB A +Ġimpart ial +enz ie +absol ute +ĠA uschwitz +Ġqu er +Ġtown ship +Ġrespond ers +Ġfav ors +Ġneglig ible +ĠPrag ue +r ar +in formatics +al ias +Ġmed ically +ĠCamp us +Ġinhal ation +Ġbiomark ers +S afety +ĠP all +add Widget +Ġpharmac ist +Ġprincip ally +otyp ic +H V +t ion +ĠC hern +ĠRe becca +ĠWe ber +Ġec clesiastical +Ġautom ate +Ġsurvey ing +ĠRob otics +Ġmiscon ception +Ġdiscrep ancy +Ġc ried +op in +ĠDesign ing +Ġtact ic +G RO +l ip +ĠS SD +Ġprin ces +Ġgrand children +Ġrecip rocal +D ar +h ang +á º +pro d +ĠSe b +ĠAh med +Ġinver ted +m ale +p v +Ġthere in +IT ES +ĠTrans mission +Ġdeleg ate +> = +y ield +im inary +ĠJ ak +ĠK oh +Ġacc ents +ĠEarl ier +F ac +Ġthr illed +Ġcerv ix +d elivery +Ġst ren +Ġdirect ive +ĠAtt ack +Ġtast ing +oy a +Ġintellect ually +ĠCS V +Ġsle pt +an se +od end +Ġsol ic +ĠInst itutions +Ġcircul ated +I K +ĠHel ps +Ġted ious +Ġepigen etic +B F +ov is +Ġhand made +d ummy +el ian +ĠL ac +Ġpatient ly +Ġhospital ized +Ġnarrow er +Ġpion eered +ĠCass ini +I U +R out +Ġsh ook +asp x +n ering +Ġt i +ĠInter actions +Can adian +Ġbomb ard +r ush +ll i +ĠEduc ators +ĠAny thing +i ago +m eth +in ol +ĠE z +Ġflow ed +Ġsal ient +ĠC ec +ak ra +== ' +Ġcrit iques +Ġeyes ight +custom er +Ġterr ifying +Ġh ref +Ġgen otype +Ġded icate +ĠOper a +ĠBuild ings +Ġrecon naissance +Ġvern acular +S er +r atch +Ġd ummy +Ġh ass +pt r +ĠIn equ +Ġme adows +Ġequ ipping +ĠPap ua +Ġcontra ception +Ġski ing +Ġa ureus +ĠL ords +Ġcl erk +Ġens uing +Ġimpact ful +Ġtut ors +Ġhyd roph +Ġcard inal +Te X +H F +b ps +Ġe q +me asures +most ly +Ġden oted +academ ic +Imp act +Ġunreal istic +ĠPresbyter ian +P aper +ç Ľ +im on +od iac +Ġun ic +ĠScandinav ian +ĠBehav iour +ĠL CD +ĠJ in +Ġcons ortium +Ġdi aries +ĠTe legraph +Ġrhy mes +оР» +ĠPom pe +ĠS we +ĠR acial +rib ly +Ġbit coin +Ġban ning +Ġmask ed +ĠHell en +ĠExerc ises +m able +m oney +ke f +Ġnot ified +de letion +ĠBe ethoven +Ġacadem y +rid ay +inet ics +Ġsymptom atic +law ful +Ġamyl oid +ï¸ ı +b ered +Ġur ination +Ġpoll uting +Ġfoot steps +ĠLear ners +Ġdetect ives +Ġtrou bling +ĠOut comes +f urt +in ox +Ġal ters +ĠAs per +land ers +Ġtool kit +Ġtum ours +ĠCh au +Ġover crow +Ġrel ocated +Ġmeaning less +ĠPhys icians +ryst all +l ittle +Ġdis like +Ġsp ins +ĠVis itors +ĠOx ygen +Ġske letons +Ġflav on +Ġcircul atory +ogg les +c us +t ier +Ġa ust +Ġspray ed +prof its +ĠC raft +art es +ĠMal ay +**************** **************** +Ġfacult ies +H appy +Ġbe ak +ĠM ell +ĠD op +ĠG ur +á s +- ) +t imer +Ġf eline +em atic +Ġsp arks +que z +ĠImp acts +Trans form +ĠParticip ation +ĠLiver pool +Program ming +Germ any +Ġex curs +ire ment +aj i +Ġpict ured +IL E +Ġsimpl istic +Ġindef initely +Ġtyr anny +: ") +R ap +Ġw att +ĠS ever +ĠJ azz +(' < +Ġast rology +Ġheter osexual +Ġappend ix +Ġmuscul oskeletal +ĠP aint +qu arter +ĠD as +ĠR ank +Ġcl ash +ĠNew foundland +Ġdoll s +Ġaffirm ative +Ġnoteb ooks +× ľ +Ġa queous +Ġsc rolling +Ġatt ic +Ġdist illed +Ġhard ened +Ġcopyright ed +} ] +ĠW itness +ĠCra fts +Y PE +Ġprocess ion +Ġterm ites +Ġrom ances +iber ian +S B + § +ĠM ouse +Ġle pt +Ġmathemat ically +Ġinfest ations +L IST +N ov +ĠForm ula +Ġstake holder +Ġwholes ome +r ather +s ac +re new +if lower +Ġr ashes +ĠR ah +Col umb +ĠMichel angelo +ĠLithuan ia +as per +id im +Ġspecial ization +ĠMus ical +she ets +ĠMach ines +sche dule +Ġdessert s +D aily +Ġle aking +Ġind el +Ġrest ruct +Ġextra cellular +f ied +Ġn oodles +Ġag ile +ĠV AT +Ġmat uration +Ġartic ulated +mel on +Ġjealous y +\ * +Ġc ures +Ġelectron ically +ĠArticle Google +Ġmart yr +ĠMillenn ium +Ġc c +ter ms +Ġr ye +Ġav g +och rom +Ġghost s +abol ism +ay ed +ĠB ug +em eter +Ġreal izes +Ġconsp icuous +ĠPlate au +Hy per +ĠVik ings +Ġp c +st ated +ond o +Ġpred efined +oly tic +Ġpic nic +Ġinterst ellar +Ġsophist ication +Ġl ords +ĠM ales +Ġso aked +Ġsym path +AL S +ĠExt reme +Ġharmon iously +Ġlawn s +G rowing +w alls +à ¹ +at an +Ġfib rous +Ġfer ry +ĠParad ise +S oci +es ch +al ignment +Ġh ooked +qu ote +Ġinf erred +ĠAd olesc +Ġkill ings +Ġment orship +Ġnom adic +Ġster oid +W M +f arm +ord able +Ġargument ative +ĠÎ º +ĠAcc el +Ġdias pora +g ap +umn i +DE X +curs ors +Ġb ans +et es +ĠF P +St orage +ĠInst ruct +Ġeth ic +Ġsan itary +Ġmarked ly +ĠHebrew s +Ġoy sters +E conomic +R ather +w au +am ide +Ġcl oning +ĠDe er +Ġstory t +isc overed +sub plots +List en +Ġtub ing +ĠAndrew s +Ġasym ptomatic +Method s +l ich +ĠM ET +ac ency +ĠB oulder +ĠR ates +ag ul +Ġheart burn +col our +othes is +ref resh +Ġstabil ization +ĠCut ting +Ġdolph in +y u +or ry +pe z +ert ools +Ġgra ffiti +Ġgr im +ĠPr ussia +Ġos m +L V +xt on +Ġschool ers +part icip +Ġtri o +ĠBrun swick +b ear +Ġrep ur +Ġend owed +OR M +Ġburn out +ĠPo ison +ĠCard inal +W ra +Ġcr ashed +Ġextra curricular +ĠKn ights +! ') +ind ependent +Ġman or +Ġout set +Ġjud icious +ĠTw elve +ĠInter pretation +UL AR +ĠWild erness +prov oking +fem ale +Ġpatriot ism +j ib +Ġf lick +ac ia +ĠL AN +iff e +Ġapplic ability +Ġrub ric +Ġspons ors +en ia +ĠSh ared +Ġfre t +Ġhead line +sub mit +Ġnest led +ĠTele vision +ess es +ĠL ens +uss ed +Ġant if +ĠCO PD +Ġcoll oqu +Ġunderm ining +| ') +ĠĠ Ċ +od al +Ġman go +Ġcond ensed +ĠComb ined +ĠCitiz en +ent a +ĠT ub +ĠP ew +Ġch ili +Ġtablesp oons +pl anned +ĠCh ad +Ġfact o +Ġuns ustainable +ĠPain ting +Ġf ronts +el in +ass is +Ġpart nered +Ġlog os +ĠLe one +ĠNorth western +Add ing +Ġmethyl ation +ĠAlb any +vel ocity +ase ous +Ġsocial ization +Ġcal end +pol ar +ĠProp ag +Ġtrimes ter +å ¹ +Ġre ds +ĠB oh +bs p +AT ER +ĠElect ronics +Ġshut down +Ġfed erally +Ġl umbar +oc ument +Ġint angible +ĠTh irty +ĠNot able +Ġcoll ateral +Ġunw avering +Ġswallow ed +ĠFeed back +os cience +ĠTe eth +Ġsymbol izing +B u +Ġh ometown +Ġinter fer +Ġcre ams +St ress +aps ing +gu i +Ġble w +ĠEN UM +ĠDial ogue +h aving +w ers +Ñ ħ +Ġt ier +Ġnormal ization +omencl ature +C amp +Ġin line +ĠCh al +Ġcho ir +Ġge ese +AN N +ĠSch midt +ĠTyp ical +ut c +Se a +Ġpreschool ers +Ġslee ves +H eb +S i +T EM +Ġp enny +Ġn at +Ġhe ats +Ġinc urred +Ġla ure +ĠMar ines +Ġprogress ing +ĠWrit er +ĠSubst ance +A gent +Ġcon du +An imal +ĠReg istry +trans fer +S pring +ap on +Ġpuzz led +ĠSn ake +Ġpropri et +J ack +M AR +Ġf oc +ĠC red +est hesia +ĠW inston +ind ent +ĠSw itch +mult ip +nc bi +ĠI B +os ine +Ġatt ire +uch i +ĠIs les +ĠSur round +z u +ĠC asc +ĠP ool +pt ics +Ġk icked +ĠPut ting +r r +Ġc ate +st rom +Ġfl ocks +Ġpol ys +ĠCreat ivity +PD ATE +Ġhydro electric +Ġelectr ically +Ġv iz +ire t +to le +Ġprob iotic +Is a +ro les +am pton +ĠC rom +Ġwar p +ĠCan terbury +Ġdiv inity +Ġde an +ĠSi oux +ĠPV C +ĠF ix +ix el +Ġreject ing +ĠEnt reprene +ĠWire less +M onday +N L +ĠH ern +Ġha iled +Ġlook up +Ġrevers ible +Ġcytok ines +S eg +m uch +r ically +it ut +ĠSh ore +Ġpost doctoral +Ex c +HE AD +host name +Sc ore +ĠIde al +Ġfarm ed +Ġbur row +Ġadventure rs +ĠSask atchewan +D ou +Ñ Ĩ +ar um +Ġl ace +ĠR aspberry +avor able +ĠMal awi +PR ESS +ĠCost s +Ġpatron age +W ID +ed o +ad al +one ment +Ġac claimed +Ġcamp uses +ĠMin eral +Ġapart ments +scre ens +Ġu reth +anc hed +ĠSh ab +Ġannot ated +Ġamen ities +ĠMÄģ ori +J ud +r als +v ik +ĠW arning +tern ity +Ġdocument aries +ĠST R +ĠSche me +ĠRuntime Error +: ' +L uke +Ġw ary +ĠWik imedia +ĠD art +Ġunder grad +Ġpropos itions +Ġbound ed +cut ting +cig arettes +ifix ion +b olic +Ġm ish +Ġl ute +ne apolis +Now adays +Ġpip ing +Any one +ĠBabylon ian +ch ains +ĠD ennis +Ġobject ively +ĠDev il +Ġhub s +i ya +Ġt id +ot ers +ĠS ig +Ġbl ot +ĠChe ster +zy g +inet een +ĠTitan ic +d ependence +ĠP f +ĠE lection +ĠD SM +sequ ent +ĠNob ody +ĠSlow ly +c oding +ro bot +ĠN ULL +Ġcur ator +ention ally +Ġann ih +RE L +ste ine +Ġlymph atic +čĊĠĠĠĠ čĊĠĠĠ +M arg +p atic +Ġanal ges +Ġhome ostasis +Ġshort en +af ts +Ġamb assador +Ġmaj ors +Ġexcer pts +Ġlent ils +). âĢĿ +Ġnephe w +Ġm p +ĠB read +ĠWh ilst +Ġtwe ets +Ġbureaucr atic +ĠP am +ĠPro of +ĠNew man +print s +Know ing +Ġfright ened +Ġbak ery +Ġin compatible +Ġequ ips +Com ments +normal ize +Ġorient ations +ĠPhilos ophical +Ġtaxon omic +Ġhug ely +Ġv m +all ows +Ġme adow +ĠQu ery +Ġreplace ments +ĠGet tysburg +Ġmiracul ous +Ö ° +Ġw itches +ill on +ĠF ever +Ġinv oke +Ġdesign ate +pr udence +ĠApp ropriate +Ġcover t +Ġsubstant ive +ĠSpace X +Ġstrain ed +g ently +ess el +osp atial +sp irit +spect rum +Ġcath ode +W ow +Ġen igmatic +ang erous +Ġexpl oratory +Ġuniform ity +S y +c old +Ġf iss +ĠH ole +ary ng +Ġfoot wear +Ġexplan atory +ester one +Ġhal ves +Ġsilic one +ĠZ ambia +ma res +Ġsn ail +Ġcard io +Ġpu ps +Ab ove +Ġalle les +Det ails +aund ice +ĠDemocr at +ogly ph +ĠP K +ĠRev ival +ĠLa os +ĠEthiop ian +Ġgenealog y +oprote in +ĠL C +Ġk ay +ne al +Ġep hemer +ĠLab s +Ġcert ifications +Ġhing es +os o +ĠH annah +ĠK w +Ġwater y +Ġshad ed +bas is +ĠClean ing +Ġs ilt +Ġcl oves +ator ium +Ġpress es +Ġmach ining +ĠBar rier +ĠReal ism +Ġpro phyl +ĠG ö +ĠAl ert +inst ances +Ġconj unct +Spe aking +S ER +ĠF iber +ĠG ael +ear ance +ĠSpe aker +ĠÏ ĥ +Ġaffili ate +v oid +ĠM iles +iv ists +Ġtr unks +Ġorder ly +Ġcompet itor +Ġmag ist +ç ão +Ġc yn +ĠH ut +Ġben evol +ĠSh a +Ġminim ized +ĠCons cious +Ġviol ating +Ġwood lands +ĠHar riet +Ġbran ching +S K +ith s +ĠQ i +ĠGuid ance +ĠEli jah +N early +Ġbe asts +ass essment +Ġgovern ors +su itable +AC P +bor o +Re LU +rog raph +Ref lecting +Ġescal ating +Ġconson ant +em ployment +ane y +pat terns +Ġshield ing +ĠMcK in +ĠCl uster +Ġengage ments +ĠMiss ing +ĠSuper ior +perm issions +Ġcataly tic +Ġmarch ing +Ġdisproportion ate +Ġtreacher ous +Typ ically +ĠW ine +Ġchild care +Ġprog esterone +sect or +lean or +Te acher +atal og +Ġwat ts +it ively +ut ors +ĠD uc +ĠR ama +Ġed ema +Ġcalm ly +b road +am azon +est ine +ĠG or +ĠG rades +umin um +Ġkil ogram +bound ary +T el +Ġt out +Ġins urg +Ġsuit ability +Ġserial izer +Ġcro pping +Ġgrie v +g ames +ĠP urchase +ore g +ind le +Ġcommun ion +Ġaff luent +ĠÎ µ +Ġcaptiv ated +Ġthank ed +C ast +Ġk ernels +Ġsw arm +Ch ronic +alle ts +A uth +F it +h og +an imal +ome gran +ĠCl ause +Ġcircum cision +Ġlob es +Ġoverth row +Ġprerequ isite +o ating +Ġ .... +ĠV edic +ss h +Ġsk ys +е ÑĤ +Ġmanual s +Ġathe rosclerosis +emeter ies +Ġs addle +ĠE F +iet z +Ġsuff ice +Ġtransplant ed +L ower + ¬ +Ġt ents +ĠIt ems +ateg orical +ĠAst roph +Ġplag ued +Ġprincip als +Ġd é +and ers +ci ences +ĠMin imum +Cont roller +ö n +calcul ate +â ģ +ib eral +Ġrev ived +umb ai +ĠClass es +ĠOut look +Ġlav ender +Ġvolt ages +c u +Ġcomm ons +Ġinf initely +Ġest u +ĠPres chool +Ġgarden er +Ġce il +Ġcort ical +Ġbom bers +Micro soft +Ġpept ides +Ġelect roph +ĠMe cca +Ġcaptiv ate +Ġbronch itis +CAS CADE +A li +ĠAn ch +Ġintern ship +ON T +ĠMan age +Ġcuc umber +C opy +Ġrel iant +ĠNew sp +Ġcal am +ha o +cap acity +ï¼ ī +yal gia +Ġadvers aries +\_ \_ +Pass word +C apt +b ite +r ification +le hem +az ole +Ġfaith s +Ġundert ook +ĠCoord inator +è¡ Į +ĠTud or +Ġ( = +ĠM é +ĠL ights +ĠO ng +Ġsqu id +Cl inical +Ġvent ricular +ĠIll ness +ĠIntrodu ce +ĠDur ham +åľ ¨ +Ġinfringe ment +Ġfingert ips +ĠTh omson +Ġtw igs +Ch ief +ĠKe ys +Ġscal able +Ġnov ice +d ash +Ġb arc +ĠTh under +part ition +ĠEvolution ary +ĠEnh ance +Å Ł +Ġ il +Ġe clips +Ġpert urb +Ġab ras +Ġ* = +pre vious +ĠShe pherd +ĠCorn wall +zek iel ++ = +ĠS CI +ict ed +-------- --- +ĠTH C +wau kee +Ġre juven +Ġadvert ised +ĠMax well +Ġaver aging +A Y +B row +im ilar +ĠC ay +Ġhe irs +ĠK erala +Ġoff enses +gen cies +Ġov ary +Ġpreced ents +Object ive +Ġembarr assed +Ġsubtract ing +mom ent +s b +Ġst aining +Ġbro ker +ĠAm azing +Un less +Ġspect acle +En s +ĠSil icon +ĠSant iago +Ġlem ons +ĠKle in +g od +ĠB ever +ĠDi agram +I con +Ġt ucked +Ġn b +Ġcommunic ates +e at +g rain +Ġcl amp +Ġqu inoa +Ġag itation +Ġorgan izer +ĠAnd es +Ġmis erable +Ġassist ive +vi ations +ĠEval uating +G Y +h p +n ar +Ġ #### +Ġun pack +Ġsub conscious +enc ia +obs erv +Ġnob les +ĠCro hn +Ġsli ppery +ĠEug ene +b ots +Ġl odge +Ġcont ention +test ed +Ġcondition er +Ġhab itable +Ġcommand ments +Ġvan ished +Ġcow ork +Ġdischarg es +ĠA ber +Ġassert ing +Ġtrig on +nex pected +P U +c z +v cam +ĠR ational +ĠJ AMA +und ra +sc ape +IC ES +Ġcompl iant +Ġpatri otic +Sec urity +P ES +le ges +ĠSh ift +equ ipped +Ġund ue +ĠBa iley +COL OR +Ġf ixture +ĠT F +ĠL ob +ass ets +Ġconver ge +Ġros py +Ġunderp innings +h of +Ġhand book +Ġrest ed +Ġnorm ative +Ġfort unes +Ġgest ational +Ġneglig ence +b ler +Ġf rying +erm is +ĠSp ider +ĠVeget ables +alam us +Ġunman ned +R aw +Ġex cre +Ġch orus +Ġword ing +Ġtravel er +ĠReg istration +ĠMy c +Ġcam el +ĠSw an +Ġfix ation +Ġâ Ĺ +ĠFar mer +Hel per +ĠSpani ards +A z +} ', +class ification +obs ervation +bu f +Ġerg on +Ġo phthalm +ĠT ables +Ġst aged +hor se +ĠExp ansion +Ġalien ation +Ġdoctor ate +Ġdeploy ing +[ [ +y ang +ĠT rig +ĠH es +Ġso ber +Ġso aking +ĠMor rison +Ġsubt ly +ocaly ptic +in able +Ġher n +Ġcir rhosis +Ġextra pol +Ġinvestig ates +Ġasp iration +G ender +N I +ĠA MD +ĠR id +Ġdes erved +Ġstandard ization +Ġpal aces +Ġbrig ade +Ġtribut aries +M atch +c amp +č ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ +Ġun published +opt imal +Ġprop el +ĠProv ides +CL C +Requ ired +in vent +os itory +av ia +othe red +Ġbicy cles +E ds +N othing +f ty +ut z +Ġcon dom +ĠP our +ĠY uk +b org +ro qu +ct ools +ĠH our +de al +though t +Ġlog istic +Ġevalu ates +cho ices +Ġconve x +Ġscarc ely +ĠG ospels +Ġdil ute +ĠMoz amb +Ġnewcom ers +g row +Ġinf ested +Ġdec oder +ina e +ĠHer z +Ġcomfort ing +ĠIN TER +n ob +ro red +ĠCons umption +Ġcomplet es +fe res +Ġju veniles +Ġsick le +Ġcher ish +D EC +Ġt ac +ĠM oss +Ġun affected +Ġun avoid +ĠHe ights +Ġins ulating +Ġche eks +Ġforest ed +Ġreb irth +tim ed +Ġwholes ale +Ġmell itus +X Y +ĠC li +Ġpremature ly +Ġadrenal ine +termedi ate +j ac +Ġt ingling +ĠF ruits +Ġrepl ies +Ġash ore +P layer +f ro +ĠN urse +Ġins ists +Ġunt ouched +Ġcrit ters +Ġmicro f +ĠFund amental +ĠFact ory +B ACK +ĠF an +ĠSh o +ih ad +Ġupl ift +Ġremem brance +M other +ĠM ant +Ġsh am +Ġdown side +ĠComp onent +Ġtong ues +Ġcosm ology +sampl ing +ĠSold iers +æ ŀ +Ġc t +ĠK et +ĠAd olescent +Ġ: = +umb ent +Ġfront iers +ठ¯ +Ġju icy +Ġpsychiat rist +ĠMoh ammed +ĠFeed ing +ĠCardi ovascular +_ {} +he w +Ġm oms +Ġpl ung +ull s +ring ing +craft ed +Ġfertil ized +Ġindu cing +å ¸ +ĠH I +Ġro pes +Ġfin anced +ĠSp aces +Ġcircuit ry +Ġcrown ed +prob ably +mount able +Ġcaterpill ar +end e +Ġart isan +She ll +adapt ive +R ED +T uple +Ġdig ested +ĠBrad ley +Ġf encing +ch rome +un ctions +ĠWell ness +opol y +ĠHay es +Ġrud imentary +L ES +Ġfor ged +Ġr iv +Ġdist al +fl ush +AL E +Ġscreen ings +default s +Ġsupernov a +V an +at ized +ĠM ED +qu ad +Ġcont emplate +ord e +Ġobserv atory +Ġcateg orical +Ġrect um +dist ribution +ĠLect ure +ĠAdvoc acy +ĠYugoslav ia +Ġremedi ation +Ġnot ices +Ġsk ipping +fe et +Ġturb ulence +Ġsupp orter +Ġpass port +Ġexperiment ed +Ġgest ation +G ene +Ġrel ocation +Ġsoci ological +Ġsuper markets +Ġobst ructive +Ġfabric ated +ĠNorm andy +ĠAppalach ian +Ġc unning +ĠAl ps +ah s +Ġpost al +ĠAust en +Ġarchae ologist +pub lish +Ġiter ative +Ġintra cellular +ĠLanc aster +Ġleth arg +t um +Ġl one +Ġwh isk +ec ost +ĠAm ph +Ġinhib iting +Ġfier y +ĠAzerbai jan +T F +å Ĩ +ot eric +and escent +iz ens +br inging +Ġpolic ing +Ġdivid ends +ĠDesign ed +Te am +ĠGl obe +Ġgly cemic +ĠP aste +Ġexp r +ĠAn cest +St ates +Ġrece ivers +f lux +n at +am ate +rom yalgia +cl one +Ġup held +Ġfun nel +Ġdivers ion +ĠBay esian +Ġcompound ed +Every thing +ĠConfed eration +Ġl ighthouse +ĠT ommy +Ġal ve +ĠE E +Ġoff ender +ole cule +ĠCarl o +ĠInitial ize +Ġmistaken ly +Ġglean ed +Ġt andem +ĠD HA +Ġent rusted +yl ene +Pro per +Ġouts iders +Ġapp raisal +Ġkit chens +ĠBab ies +ĠMarx ism +ĠJoy ce +Ġoy ster +iz en +Ġpl ut +ĠNE W +V C +í ķ +el astic +gg ling +Ġpaper work +Ġlo osen +dered Dict +ĠCarol ine +ĠT ank +all ic +ĠIn quiry +ST OR +run s +Ġhom estead +ĠLabor atories +Ġhypothes ized +Ġl ang +Ġterm inated +med ian +Ġhyp ogly +Ġwel d +Ac adem +Ġconve ction +Pop ulation +Pref ix +Ġd ic +Ġde x +ĠE SL +Ġcycl ists +opl astic +f aced +g rams +p ound +Ġ** * +Ġoffs ets +Ġeluc idate +Ġredund ancy +Ġf ug +Ġpop ping +ament als +Ġdress es +X ML +or ange +ĠT aj +ĠT rag +ĠF CC +ĠLe vi +fl ix +Ġtar iff +ĠI v +Ġloc us +ĠTo ken +Ġdetox ification +O G +ĠG rim +red irect +por al +Ġill umin +Not ice +Ġverb ally +Ġsucc umb +Ġsynchron ous +Ġjelly fish +er i +ion ic +Ġprom otional +ĠQu ite +L oc +i atic +em y +Ġcl ut +Ġcal oric +ocument ed +Ġaud itor +Ġtrust s +Ġguard ed +Pr ivate +åı ĸ +C BT +Ġn s +ĠP ond +ast ies +ph rase +Ġconf ed +Ġeth os +ĠProp he +ĠInfect ions +Ġopp os +Ġcou ch +Ġign ores +ĠSam ar +о ÑĢ +prior ity +ĠHarmony ville +Ġto pped +arch ing +alf a +Ġaction able +Ġmanif old +Ġlic ence +Ġfashion able +æ İ +Ġs her +Ġm ural +Ġse psis +av ailability +Ġtra ys +Ġagree ing +ĠMechan ics +plug ins +Ġupgrad es +Ġcl utter +ĠMan ifest +Ġpron oun +ĠHop efully +Ġlur king +l iest +Ġp us +ĠV ine +DE F +Ġoverl ooking +ĠMarc o +ĠV on +Ġinter feres +CO DE +Ġprem ier +Ġshout ing +ll er +Ġprop hetic +Test ing +Ġrail ways +Ġscal ability +Ġlean ing +S ing +p kl +Ġo mit +Ġm d +il ight +ĠT ah +Ġpl ume +Ġexp ired +ĠPar ish +Ġinject ing +ĠAccess ibility +Ġmold ing +Ġquot ations +Pol itical +ĠNut r +C hemical +r ils +st rand +ĠP ump +qu ake +Ġsw amp +Ph ase +ĠProv idence +Event ually +Ï į +ĠT W +ine e +br ane +ĠFre eman +Ġmeteor ological +Ġflamm able +t as +Ġqu ota +ĠPr ide +ĠCO P +peut ics +ĠTrib une +op he +Ġdis closed +AR I +bor hood +Ġrot ary +ĠProced ure +Ġim pe +dom inated +Un ivers +Ġmotiv ational +Ġirrit ated +auth ored +Ġnons ense +Ġendorse ment +Ġinfilt ration +a qu +al igned +Ġfor c +ĠG ER +Ġres ided +cept or +Ġsur real +Ġwild ly +grad ient +found ed +Supp ose +n it +op ting +Ġun belie +ĠCl os +Ġbirth place +Ġsav ory +Ġaccum ulating +Ġmild er +Ġdump ed +ĠBald win +l ost +Ġst acks +Ġit al +Ġsupp ressing +ĠSacrament o +) ^ +A H +D rug +ĠH ours +Ġmal ign +xy z +ut ations +ĠR D +Ġad apter +Ġgl imps +Ġlog istical +let te +reg istry +ĠCont rast +ĠMal ta +orr hea +l if +Ġper i +te le +list ed +Ġfa ire +Ġpen is +dim ension +Ġalle le +U rl +ut ies +ĠA U +ĠS age +ĠK aiser +Ġspeed ing +ĠBer ry +loss es +Ġdilig ence +ĠCzech osl +Ġwrink les +f ailure +é Ĺ +Ġof t +Ġman ga +ys s +RI BUT +Ġextrater restrial +F ew +Ġad ept +uls ions +ĠPlay ing +Ġcoexist ence +ĠItal ians +R unning +ĠH ear +ĠR ams +our g +ĠSc an +Pro blem +Hum ans +S oon +ĠK re +ĠProf essionals +Ġloud ly +Ġanx ieties +circ uit +Ġundersc oring +Ġpermiss ible +U ES +W ait +Ġc ms +Ġsu pra +ĠJ D +rit z +ĠEn viron +ĠRoman ian +ĠTreat ments +Mem bers +b ars +t el +ĠRe cycling +ĠEd win +Val idation +Ġpsychiat ry +Ġpars ley +f mt +Ġh ated +ĠS ard +od ef +ĠL on +sp atial +Ġcool s +ĠRem oval +ĠTw ain +ĠMonth ly +ĠFal con +ĠBiomed ical +p kg +am is +per se +our ced +Ġflu ffy +Ġexpos ition +Ġlib erated +ĠInnov ative +ol or +Ġst ature +os ate +Ġsuper b +J un +n py +all a +mat ches +Ġdiarr hoea +eron omy +ĠP ag +ĠNe cess +ĠYoung er +Ġenthusi ast +Ġst en +ond a +Ġair lines +ĠArt ist +Ġdry er +rh o +ĠLuck ily +M id +ĠT ick +Ġbl ob +Ġmin ors +ores cence +ĠCivil ization +ĠNav igation +Ġserm on +ic ators +ust ry +Ġalg al +ĠÐ ´ +e ze +ow ulf +if era +iv ore +ĠF ight +per mission +Ġop rot +ĠSl oven +Ġsubt ropical +ĠRE AD +Ġrever ber +Ġamyg dala +p ark +ic ia +ĠA J +ĠM uss +ĠG erald +we y +Ġ[ ]) +Ġol factory +pow ers +Spe ed +Ġb s +Ġcon cessions +Ġad ip +Ġdeal ers +tra cking +Ġsubs urface +ĠMove ments +marg in +p ure +it in +ĠP RE +ĠH M +ĠH utch +ĠD ES +Ġdict ates +Act s +ĠLuc as +C AP +Ġ ie +pl ings +Ġinf inity +ĠGib son +Ġfres co +Ġgras ping +F D +or bit +od i +ĠP COS +ĠB ots +ters on +Ġ: ) +af a +dec oder +rof en +rou ter +Ġresist ing +Ġasc end +ĠWhit man +F rance +an an +Ġth ro +ĠS IM +ath ione +ĠNovel s +Ġsplend id +Ġuphe aval +Ġ ig +amp a +Ġcontain ment +Ġring ing +B ill +d uring +z on +Ġsuccess ors +cur rency +Ġpercent ile +Ġstream lined +ĠConfig uration +Ġovere x +Ġengra ved +Ġbolst ering +Earl ier +r insic +Ġt xt +ĠH ip +xt ap +ĠAl f +---------------- -- +Ġcatar acts +ĠKazakh stan +M oving +d aily +ĠS isters +ĠSim pson +Ġgloss ary +ĠVolunt eer +æĹ ¶ +V III +Ġm ussels +ĠF E +Ġar th +Ġtreat ise +Ġcolon ized +Ġmur als +v iolence +à ¯ +er d +ĠT ail +ĠH P +ind ers +Ġnom ination +as aki +ir ls +ĠTh ir +bl ast +assert False +Ġposit ives +exist ent +Ġsuperv ise +Ġsandwic hes +C itation +c annot +n orth +ĠS plit +per form +ĠCol ors +ĠFl int +ha el +Ġindex ed +cor r +Ġrelie ving +ĠAck now +se arc +Ġal ph +Ġal ias +ud s +ĠAr thritis +Ġmill imeters +ĠLe opold +Ġ__ ________________ +Ġbit ten +ĠPol yn +fe it +Ġveterin arians +fashion ed +p ic +Ġper se +Ġsp urred +Ġmon ot +ï¼ Ī +Phot os +kef eller +ĠD ale +pl ays +Ġexp iration +bro ok +ĠHond uras +s lic +ĠL ub +Ġstart ling +Ġdel ved +fl ip +IP E +Ġunders ide +ĠSelect ing +Ġhypoth yroidism +Ġd itch +ĠD airy +pl oid +ĠU tt +Ġun he +ĠRe ce +Ġinnov ate +Ġhair y +Ġpunish ments +Y e +un n +ens ible +In side +com mercial +Ġpolymer ase +Ġmil itar +chan ics +mat plotlib +Ġharv ests +ĠSte am +Ġadj unct +Ġrh in +Ġdump ing +Ev idence +ĠCauc asus +Cond ition +certain ty +ĠNicarag ua +ç ½ +Ġo cular +Ġb ony +Ġlit res +Ġprot esters +Ġz eal +Con c +qual ified +Sc ott +Ġcart ridge +Disc ussion +T PS +Ġp rick +ĠC hel +ĠM ORE +ĠP assion +Ġhe ns +ĠJ F +ER Y +unt ing +ros ophila +ĠAir craft +ĠBh utan +C G +M ag +Ġment ality +Ge ometry +âķIJ âķIJ +m otor +Ġl ign +ĠH MS +Get ty +! ** +, ( +F uture +f ranch +st reet +Ġint imately +Ġhel lo +uc ent +Ġco ales +Ġdeb ugging +Ġmis f +contin ence +Ġrefrig eration +ĠS ale +ab lo +Ġpe ek +ik er +rad or +ĠJac obs +Ġcarp ets +i ere +ver te +Ġha ul +Ġpot ency +ĠAm elia +Ġtour nament +Ġvent ured +Fin ancial +behavior al +B oard +cept s +Ġblock ade +ĠOcean ic +ĠBul lying +ĠGre ens +< < +h ra +ĠM ish +str ategy +Ġwis er +Ġmas king +Ġdot ted +Ġcatar act +Ġs owing +Ġf ission +Ġg aseous +ĠP ER +Ġjud iciary +Ġmetabol ites +Ġorch id +Ġconstell ations +mig rations +streng th +F riday +ion age +ib us +Ġun protected +ĠNo ise +Ġstere otype +ĠAssess ing +ĠShel ley +t au +ĠG ET +ĠS z +ĠC rystal +ĠH S +Ġyour selves +Ġ" ") +asc us +Ġble aching +Ġentertain ed +ĠS idd +ĠSt ir +oss al +Ġdem o +Build er +Ġabrupt ly +q s +Ġb ang +Ġin quiries +Ġn oses +Ġcr aters +Ġconcept ions +ĠX Y +CO UNT +gradu ates +D istance +D ouble +iz zy +Ġsp ruce +co at +Ġenvironmental ists +Ġsummar izing +Ġg oss +ex pect +Ġadv ising +Ġcond oms +ĠShort ly +acchar ides +Ġrepent ance +t ails +Ġf eral +ĠT rent +ok ers +ĠApp l +inf ection +Ġneuro psych +Ġneck l +mus ic +Ġvoy ages +ĠVo ices +repos itory +ĠGiov anni +Ġc ipher +ĠF rost +co ins +OS S +sol ve +ĠDist ingu +ĠBeth lehem +F ather +o ji +is in +Ġpe a +Ġexp anse +Ġcapital ize +ĠMat plotlib +Ġgro cer +coord inates +F ish +L y +ic z +ĠFl ask +Ġembarr assment +Ġcamoufl age +Ġgriev ances +Ġpl atinum +ĠK och +Ġsevent een +Ġserial ize +Ġhydrop ower +topl ankton +Ġnucleot ide +H arv +Q uality +ĠG UI +ĠG CSE +Ġtax i +Ġoptim ally +Ġdra gged +Ġdescend ant +Ġfigur ative +Ġf ür +Ġor naments +ĠR um +ĠG el +cl oth +Ġcomp ulsive +Ġdo omed +a ise +it é +ĠF ur +ĠK end +Ġins pected +Ġconvers ational +ĠCap acity +ĠZh ou +Ġdwell ers +Ġgoddess es +B LE +ĠA CL +ĠL az +Ġrem ed +Ġatt rs +Ġent om +Ġcar ies +Ġdown wards +Ġpill ow +Sur face +LOC K +c art +g ang +l ite +Ġsp aring +we red +Ġass ortment +pro j +Ġmess engers +Ġjournal ing +ĠMal i +Ġinterview ing +ĠExt ended +stat istics +Ġarsen al +recogn ized +H L +t rigger +an ed +Ġe ther +ĠT rim +Ġy ang +amin ated +Do ctors +ĠLegisl ative +es oph +op ening +Ġimp ractical +Ġopt ed +ĠSp atial +ĠAss ert +ĠTrans actions +ĠBi otechnology +Ġsecre ted +Ġrip arian +ĠVish nu +Ġv iolet +Ġtw elfth +Un known +ĠDevelop ed +ĠDevelop ments +Ġpine apple +Ġp aren +ĠT ul +ch ars +Ġrest less +ĠOr n +ĠGu jar +ĠReg ression +ĠBr ush +ĠHy giene +Ġrend ers +! ), +n our +ĠE ST +un ched +Ġpost colonial +ĠFl oat +Ġhor rors +Be havior +Ġgrace ful +Ġapopt osis +d uty +Ġple thora +ĠRom ance +ĠRh ine +Ġoverwhelming ly +Ġsensit ivities +F older +on ucle +Ġo ily +Ġc ider +ĠS ag +ĠC RE +ad am +ĠJ O +Count ry +æķ° æį® +ç ī +Ġlit urgical +Ġpopular ly +back ward +ĠSoci ology +math bf +Ġpear ls +t c +ĠF ostering +ĠWe ak +"" ", +ĠSe venth +Ġcoll ide +ĠBow l +Ġelectroly tes +Ġb unk +Ġre gex +ĠSim ulation +hemat ics +Ġple asures +Ġreject s +ocent ric +Ġhalluc inations +Ġb os +Ġd usk +ĠL S +ĠWe alth +ok er +ĠPsychiat ric +Ġregim ens +ĠAlger ia +D IS +å Ģ +ĠF ry +Ġback lash +Ġrespons iveness +ĠLeg o +ĠRab bit +ĠBec ome +Ġc edar +Ġp ore +ĠL iquid +Ġocc ult +Ġanalys ing +ĠDor othy +g erald +t ops +At lantic +ĠGard ening +c ooked +m obile +Ġp aternal +ĠAd vantages +ĠIs ab +Ġhelic opters +Ġindel ible +b ay +d ivided +n esty +il ers +ĠS tern +Ġtre ason +Ġcra ving +ĠSk etch +Ġmarvel ed +Disc over +x it +ĠD ante +Ġdis respect +Ġme ga +Ġem perors +Ġconf er +Ġred is +Ġfix es +ĠEvery day +ĠJim my +Ġt ending +ĠT rip +av ian +Ġper ceptual +Ġepidem i +ĠMichel le +blow n +ĠT rop +Ġex emption +Ġse ep +Ġall ure +Ġra pt +ĠSp in +Ġconvers ions +Ġexempl ary +ĠInvestig ate +Ġdecolon ization +ĠM ats +Ġtra che +Ġcur tain +sub process +Ġisol ating +Ġfest ive +ophys iology +Ġre write +ĠB B +Ġglobal ized +Ġabnorm ally +M agn +P rec +ar at +ĠIn cluding +Ġun resolved +up rofen +Ġx x +soft max +Ġcoinc ide +{ ' +ĠA SP +am eter +ĠC ourses +ĠG C +act ivate +aur i +bi ological +Ġrevel ations +H yp +P ark +Ġdi ure +ĠWe i +As ide +ĠLou ise +|' (' +Ġpit cher +Ġmerg er +Ġexacerb ating +ĠChand ra +Ġbor ough +|') ' +b ane +Ġpro d +qu ist +ĠIn valid +oid es +Ġdeb ut +Ġsn iff +Ġyouth ful +C ome +T ri +É ª +ph inx +ex am +Ġnorth ward +Ġhom in +Ġexplos ives +aund ers +Ġingen ious +Ġpopul ace +STAT US +ĠDoct rine +Ġn inety +ĠP tole +Ġfl ap +CON F +Ġmobil ization +ĠShut tle +Î Ń +Ġh ither +Ġsl ogan +Ġdoub les +ĠNOT E +Ġbol ts +Ġprud ent +R h +ĠF I +Ġpost war +sl ot +Class ifier +Ġb isc +as an +Ġor ang +ĠE uch +Ġpr une +oph ysics +Ġamb ul +Trans port +R o +ĠN PR +af rost +C arl +ĠAd a +assert In +Ġ\ " +ĠPass age +pert ension +Ġm ansion +ĠS cul +âĶĢâĶĢâĶĢâĶĢ âĶĢâĶĢâĶĢâĶĢ +F M +Ġnot ifications +pre pared +ban ks +ĠFront ier +ĠBos nia +Ġwrest ling +Ġerrone ous +l n +y et +ĠE thereum +ov ine +Ġcr ank +Cl uster +Ġvirt uous +ĠArgent ine +Austral ian +ĠAssy rian +l is +m agn +ĠM umbai +ĠD ion +ĠN ab +Ġgen omics +inter action +Ġs v +Ġin secure +Ġl enders +Ġun locking +Ġneg atives +EC K +techn ical +ĠS axon +Ġpol ish +Ġnum s +Ġshe ath +ĠOut line +fol ios +Dep th +Ġtriglycer ides +Ġendot helial +il ot +Ġfl akes +Ġshe pherd +Ġend ings +Ġcand ies +Ġnarrow ed +Ġinsur mountable +ĠGael ic +ĠSim ultaneously +config s +Ġfort ifications +ĠTy ler +ĠMechan isms +Ġanest hetic +, ), +Ġs ar +Ġg ob +ĠA j +ĠC arson +Ġpre ach +Ġreg iments +acc ording +ĠConf irm +Ġdownload s +Pub lisher +ĠText s +Ġmonarch s +Ġsequest ration +, )) +H a +s low +ĠV ac +Ġadj oining +Ġresid ency +ĠKn ox +e lection +ä ¾ +ĠH ert +Ġch or +Ġprov oked +Ġafter life +gg er +Ġcompos ites +ĠCompan ion +fin ished +Ġevac uated +Ġupgrad ed +Ġsab ot +A ff +S cal +ĠA CC +ĠV ander +ĠLe h +olk ien +Ġporn ography +Ġkins hip +D u +Ġfl ashing +ĠPer uvian +ĠInc a +Ġrevol ve +Ġregen erate +m is +ĠH ess +ĠG ul +app ings +St ory +Ġbad ge +ĠOpt ical +( ', +f elt +Ġst igmat +Ġcom plicate +Ġcont ests +Ġcol s +inter pret +Ġroof ing +Spec ies +squ eeze +Ê » +he li +Ġre ed +Ġ( @ +un ned +ans en +Ġcheck ups +Ġvalu ation +Ass essment +aa S +ophil ic +Import ant +Ġtumult uous +ect ors +ĠG rab +Ġpl asm +Ġk angar +ric a +Ġpopular ized +Pl ants +ĠTre asure +Form atter +Ġexceed ingly +Que ue +? ). +l ens +ir in +Ġcon clusive +Ġqu ake +Ġprot otyping +ĠRecommend ations +u itive +ĠB oolean +AS K +Ġarch ipelago +Ġfrag rance +ocy an +Ġconcurrent ly +id ences +ĠA ri +Ġpro let +ĠH ouses +Ġcur tains +val ued +class ifier +Ġconcent rates +Ġsen ators +Ġmarvel ous +Direct ory +Ġmacroph ages +M ED +S ad +b ie +Ġin let +ers en +Ġout going +rug u +ĠHer oes +Ġelement al +Ġclar ified +embed dings +Ġrif les +Ġimplicit ly +if i +Ġtra ctor +ĠRes cue +Ġliter ate +Ġmel ts +Ġpersu asion +P icture +Y Y +m ese +t ale +ĠF ay +Ġqu asi +Ġinteract ed +ront al +see king +Ġiron ic +burn ing +Ġconsol idate +ĠHans en +Ġelli ptical +R om +V ir +ĠT EST +ĠF etch +ĠL inn +asc al +incre asing +p n +est a +Ġhum ili +Ġchem ists +ĠMark ets +Co ord +Ġc uff +Ġw il +Ġp acing +ĠM ixed +th ings +Ġov ens +Ġsymb iotic +Ġpredis position +l ov +Ä ĥ +ary a +ĠQ R +Ġsubst ituted +ĠPre pared +ĠMin neapolis +ĠStart ed +Ġdecom pose +ĠKu wait +ĠSah ara +O FF +f ew +č ĊĠĠĠĠĠ +it atively +Ġe gal +Ġr uth +ub on +Ġthrough put +Ġextrem ities +sk illed +Ġpool ing +Ġcov ariance +ĠRecomm ended +S ure +č čĊĠĠĠĠĠĠĠĠ +am ong +ĠC itation +ĠD ad +Ġcl icks +ian e +Ġsl ang +Opt im +Ġaccred itation +âĢł âĢł +ĠProced ures +Ġp ity +Al ter +ĠStep han +Ġintegr ative +Ġneutral ize +Ġpear l +F at +ĠA CE +term inal +Ġship wre +Ġverte brate +ĠRat io +! ' +Ġm oose +Ġpath ogenesis +ĠJust in +Ġsequ enced +Ġfilm makers +swe et +Sum mer +l aws +as sembly +ĠP oles +Ġv ested +ĠH amburg +Ġun lawful +Ġpol arity +Ġcre v +Ġident ifiers +Ġsym phony +cont amination +Ġvision ary +Ġdehyd rated +Ġmurd ers +Ġfollic les +in ic +Ġl ys +ul o +Ġan orexia +ĠThe sis +Ġle opard +Ġk icking +Ġmed als +Ġz oos +ĠFlor a +VI EW +ĠFem ales +Miss ing +ĠMaced onia +Cho osing +g ather +ĠC NS +Ġdet ained +assert Equals +ĠJes se +AD HD +Ġsubsc ribers +Ġcaut iously +ĠFran ç +ĠMozamb ique +c umin +h orn +i atives +m ys +Ġc ages +Ġb ou +ĠAsk ed +Ag ricult +Ġmarvel s +Ġcongreg ations +il o +Ġcan oe +ĠO ceans +ash tra +Ġkn itting +ĠNeg ot +Ġc map +ge ons +Ġsp ouses +ĠK ru +Ġbi king +Ġlocal ization +Ġconstruct or +Ġlie utenant +Ġton ight +ĠCall ed +ĠAqu arium +rov iral +ĠNiger ian +ĠAyurved a +v id +il ant +Ġg our +Ġty ing +ĠRe venue +EL TS +he ed +ĠIn clusive +Ġdo ve +ĠPer cent +ĠFranc isc +Ġlock down +Ġwal nuts +ĠCert ification +ĠChron icles +Ġtrump et +as o +Ġn x +ĠM Y +ag ree +EC H +Ġhom age +Ġcompl aining +Ġbored om +f m +g ot +m ong +ĠO B +Ġmult ilateral +Com plete +Ġsyn erg +Aut hent +script s +Ġaeros ols +Ġsubgen re +Ġstren uous +Å ĵ +ĠS ue +Ġsy philis +ĠAn th +NA S +ĠPract ition +api ens +RC A +Ġar isen +In g +ull a +Ġpsych osis +Art ificial +Ġhal ted +ĠFem inist +Ġconting ency +ĠHimal ayas +d ard +Ġc ries +ce ph +ons et +ĠUn icode +Ġsw amps +Ġur gently +ĠGen erated +ĠChile an +L M +f el +Ġw atered +Ġh ors +ok o +process ors +Ġfr anc +Ġcher ries +ĠBuddh ists +iw i +ĠGate way +ĠAmid st +Ġin box +Ġ* , +Pro perties +ĠMc L +riend ly +к а +in ja +er ical +ĠC AM +Ġimp ede +ĠK om +ĠAl leg +Ġste aming +Ġhour ly +Ġmedi ator +Ġindul ge +Ġproject ing +ĠCl iff +Ġinvestig ative +ĠGl oss +ĠRam an +Ġabbrev iation +Ox ford +Ġw rought +ĠP up +est own +te chnology +Ġacid ification +RO W +Ġwra ps +ĠNY C +ĠBroad way +Ġvin yl +Ġst ools +ĠM aker +Ġstud ios +ĠMod ified +Ġweather ing +cons umer +Ġdeliver ies +Ġaccum ulates +ĠTri angle +ĠKat rina +respons ible +re ply +Ġpo ignant +min imum +Al cohol +ĠCO L +j p +ĠM ER +ĠF en +Ġqu il +Ġstr ives +Ġlong ing +ĠAl phabet +Ġconf ession +Ġpoly gon +VAL ID +ĠBrah man +ĠVul ner ++ - +ĠD ame +ĠL ap +ĠL EG +Ġun controll +ret ched +F orest +k ines +Ġwar rants +dis abled +Ġpray ed +Ġhorr ific +templ ates +Ġl ends +im aging +ol ip +pl ural +Ġab ide +Ġro asting +Ġrec ap +ok i +head ing +ĠPres erve +ĠEli ot +ĠP OS +ost eroids +ĠIn form +ens ory +Ġcolor ation +uns aturated +Ġescal ate +Ġcompanions hip +scient ists +â Ļ +ĠI BS +ĠW orm +Ġso aring +ĠSt yles +Ġpost partum +Ġfall acy +ĠPar allel +Ġcast s +ĠDec ide +ĠFe ast +Ġcolour ful +ĠBagh dad +el ope +ot ives +ĠD ATA +ĠMin isters +Ġsecret ions +doc uments +ĠAlg orithm +se in +ly ss +oc ultural +Ġdiff raction +ih u +Ġlobby ing +Ġredes ign +g ue +Ġre connect +Ġphot oc +vert ices +mill an +Ins ert +Ġinterchange ably +Ġcourty ard +oc arbon +ĠR AF +Ġbi ochemistry +ogen es +ĠDav ies +ĠTr ials +ĠPlan etary +ĠChap man +S ound +Ġ( % +ĠM ask +ĠD um +Ġdi abetics +ĠWorld s +yl im +ĠGard ner +ĠTurn ing +ĠBarn es +Ġenlarge ment +Ġmang rove +Ġbu ys +Ġfull ness +CL UD +Ext ract +Ġdownt ime +Ġmiscar riage +Ġm all +ĠR SS +Ġper ished +ĠRe creation +ring es +ĠSix th +Ġu pp +Ġv ortex +ĠD w +ĠUn known +Ġatt aches +Ġactiv ating +De ath +Ġgar nered +you ng +Ġbench marks +ĠVeg as +ĠC rick +Ġab ort +min or +Ġcomment ators +ĠRoc kefeller +Ġtel ome +Ġbinocular s +? . +Ġsu ction +ff ff +ĠOr bit +ĠMay an +ĠCar p +Ġwarm ed +Ġwave form +Ġplug s +super vised +ĠPeters on +Ġpersec uted +b d +c alls +g ins +Ġp iqued +ĠA ram +te aching +com pl +Ġinf low +arg max +eg er +ĠFund ing +ĠGraph ics +er oon +Ġc emeteries +Ġe ternity +Ġal pine +Ġus ability +Ġdis place +ĠUn ix +Ġfull er +Ġshel tered +ĠAL S +Ġovers had +cr ime +ĠHunt ing +ĠMugh al +oli osis +ĠMos quit +R ab +Ġo ve +us ks +ĠP B +ĠB har +Ġsu nd +oc rit +Ġdens er +ĠTher m +Ġinadvert ently +T reat +b os +Ġmar bles +ĠOk ay ++ ) +; " +x path +ĠB ios +Ġsom atic +Ġann ouncing +App ly +ãĤ Ĵ +Ġrevers ing +charg ed +Ġpenn ed +: ], +N ob +Ġg endered +erv oir +Ġmon o +Ġlaw ful +Ġrecord er +Ġachie ves +Ġdom inates +ĠSet tlement +ĠMill ion +Ġclock wise +pher ds +ietz sche +Ġa le +Ġl izard +ist ency +est im +Ġcl ashes +Ġhes itation +former ly +ESC RIPT +otrop ic +aphyloc occus +Ġunavoid able +M ount +ĠMus k +Ġprohib iting +Ġunfair ly +Dom ain +B udd +S afe +t ales +ĠC ic +ys on +ĠBl o +So il +Ġcomment aries +Ġkil n +Ġgall bladder +ĠPub Med +Ġesteem ed +% || +t is +re liance +ĠT ribe +ĠC rist +Ġbi ot +roll s +ĠST AT +ĠEnt om +ĠB ast +ĠB ris +ĠB ottom +Ġsp ies +Ġplan ner +Ġcontent ious +ĠGl ob +ĠDirect ive +John son +Ġpenet rating +Ġunfold ed +Ġmaneu vers +Ġrenov ation +G W +M aterial +× IJ +al ted +ĠK urt +Ġhy mn +R GB +ĠD ru +Ġwill ow +ĠInd us +ĠÎ Ķ +Ġabst inence +ĠCaval ry +w rong +Ġre jo +ĠA WS +Ġinc andescent +ĠJes uit +AP H +fe el +bell um +Ġgerm inate +SO URCE +Ġg oggles +ot us +ĠGl enn +hand lers +tra vel +Ġfest ivities +Ġpars ing +> ` +ĠF usion +Ġstr ongh +ĠNe ck +Ġexec utable +Ġju xtap +ĠSmall er +Dat abase +ĠSlav ic +à Ł +oc in +ĠN LP +Ġpr imate +Ġperform er +trans lation +ĠMaster ing +ĠâĨ © +Ġde w +ĠEm issions +Ġacknowledge ment +Ġstew ards +ĠHunt ington +Exp ression +Adv anced +ĠM ild +Ġrequ isite +Ġcy stic +num bered +Ġpredict ors +lim its +ĠBel ize +worth iness +prop ag +Ġtimed elta +ĠNeurolog y +ĠNash ville +Ġrearr ange +b uck +Ġn ymph +ĠT ill +ib e +Ġrem ission +Ġcontra ceptive +ophil ia +Ġunderest imated +ĠLarg er +C as +Ġm ailing +Ġd ancer +ĠD ob +ĠSt ef +Ġexpl ode +fig size +Ġcris py +Ġdent ures +Ġmild ew +Ġbroadcast s +Ġpries thood +J ones +c ulation +ĠI roqu +Ġr arity +Ġbre thren +Ġtradem arks +D UCT +T AG +rom agnetic +ĠCon sequences +ĠAss uming +ĠTra cking +ĠLear ned +Ġion ic +Ġaggreg ates +ĠHait ian +Ġdissatis faction +Ġarte facts +Ġundist urbed +H on +b ish +g m +ĠD uck +ĠN amed +idd ish +ĠTe ams +Ġinfl ated +ĠSign ificant +ĠHarv est +ĠFlu id +Ġfingerprint s +F ill +iv ary +Ġloc king +Ġmagn ification +Ġpet rol +Ġsyn onym +Ġwarrant y +Ġexh ilar +Ø ¹ +Ġs lug +ell ate +Ġinf rast +Ġher nia +Ġold s +ĠBi om +Ġbio fuel +ĠEst onia +Ġtraged ies +b elt +d an +æ Ń +ie ving +Ġun natural +ĠAs ians +Ġbr isk +ĠEm otions +Ġrefrig er +n os +is lation +ĠS ets +Ġsp arking +Ġdefend ants +ĠF urn +ĠF IG +Ġinter ruption +Ġterm inate +Ġrev ive +Ġpoly ps +ĠSym posium +ĠScandinav ia +Ġh atching +Ġaff lict +Ġreact ed +Ġ__ ___ +Ġprop ensity +ĠSch ne +Ur ban +/ ? +Ġn ylon +Ġit erate +Ġsu ed +ĠD elivery +ĠTe h +Ġvisual izations +Ġhands ome +Di abetes +Ġmetaphor ical +Ġlex ical +æ ³ +re vision +Ġp essim +ad minist +Ġat rial +Ġdist ortions +Ġnovel ist +ĠPat ricia +Ġsql alchemy +Ġsynd romes +D ry +W inter +ĠG ang +cl ing +oll a +IT ION +Ġload er +Ġap ology +ĠLib eria +Ġcompens ated +ĠTasman ia +G N +v t +Ġgener ously +() ; +Ġel apsed +Ġpar rot +start ing +A qu +Ġa ortic +Ġtr ivia +Ġdon t +man ual +Ġbehav ing +arian ism +loc ated +occur ring +Ġvap our +d aughter +ro be +ĠI EP +ĠPre viously +ros ive +ĠJud ith +Fl ag +ĠAh mad +Ġthermost at +Ġre introdu +Ġex its +Ġaw akening +ĠGene alog +ĠPent ecost +C orn +ol iberal +od ian +and um +ort a +ĠRe asons +gu id +ĠKum ar +s ight +u ities +Ġth wart +Ġtra iling +ĠMy ers +ĠJul ie +Comp onent +l p +Ġp enguin +cl im +ĠCom pliance +Ġshort ening +key word +Ġdeal er +ठ® +ĠEmb ed +Expl anation +Ġdemol ition +æĪ IJ +ĠBreat hing +ĠAuton omous +D ear +ic ist +id ium +ĠM g +qu eeze +Ġworld ly +rig ation +Ġvo ila +Ġsav vy +Ġplate lets +effic acy +Ġresort ing +hearted ly +Ġconson ants +Ġmatt ress +E mp +M u +Ġm uff +Ġam ber +Ġchar ities +ĠDe bt +Ġbro od +ĠDr iving +Ġselect s +spec ified +Ġconven ed +---------------------------- - +ĠPubl isher +Ġnostalg ia +h ub +Ġun paid +Ġsitu ational +Ġflo oring +ãĥ ¼ +Ġasyn chronous +âĨ Ĵ +ĠFerg uson +Ġm uddy +ĠM AR +ĠP iet +ĠThe me +ĠW R +ans on +Ġinc ur +ĠZ ur +ĠSoci eties +Ġdu plication +Ġcoun selling +Ġcrust aceans +-------------------------------------------- --- +Crit ical +ĠInstru ments +Ġs ighed +Ġb out +Ġm t +ce ae +term ination +Ġcontempl ating +Ġpi ety +ĠPic asso +Ġneurode generative +C ounter +f b +Ġf ading +Ġ( . +ĠR EC +ĊĊ ĉĉ +ĠMan uel +Ġsalt water +f riends +ir ies +ĠP ron +ĠP UR +Ġv eto +ĠE leanor +Ġice berg +ĠBel arus +ĠFant asy +O wn +P ain +j ack +ĠB T +ĠH ast +ĠH ull +ĠH CV +ĠSe crets +Ġtransport s +ĠAnt io +ĠG EN +Ġcomp artments +ĠU nt +Ġmill ise +ĠSquad ron +J er +in ities +el ior +end or +AS D +Ġarch ived +ran ial +Ġunf avorable +dig est +Ġstraw berry +ĠPatri arch +Ġunconst itutional +L uc +un pack +UT C +Ġmotiv ates +ĠMcC arthy +ĠMess enger +Ġattent ive +ĠHoriz ons +Ġeyel ids +/ ). +m ons +p od + ± +Ġit ch +ous ed +ĠNe ut +aly tic +iter ations +Ġbio ge +annot ation +ĠWaters hed +Ġabbrev iated +Ġs add +Ġp arch +ĠS ELECT +ĠP ose +ĠP urs +Ġsh attered +Ġsp ared +ĠX en +Ġsolid ify +CC C +Ġadmit ting +Ġwitch craft +H aw +Ġt z +ĠS AM +ĠM H +art hen +Ġun equ +Ġsol ves +Ġsem antics +Ġstock p +Ġvac ant +ĠEmer gence +Disc uss +Ġsurpass ed +ĠKurd ish +O ri +T y +ĠS urgical +ĠAl ready +Ġtreat able +Ġcomputer ized +LE X +soft ware +gener ic +uns queeze +Ġextr usion +ĠIllust rated +b ond +f owl +am os +Ġv ene +Ġcall igraphy +ĠAnd rea +Ġpast ry +ĠPers ians +Ġdiss imilar +ĠDoes n +Inter faces +Ġsubsid iary +Ġpale ont +Ġprost itution +ĠHun ger +ro ves +Ġen vy +') ] +Ġpric ed +ĠOrgan ize +ĠMet ro +under stand +Ġdiscount s +ĠGlac ier +ĠW arming +ĠY ose +ĠMan ila +ĠPre cision +Ġrot ates +Ġnarrow ly +ĠInv ol +Ġdy stop +ĠWould n +Ġcancell ed +Ġchiropract ic +N ULL +ĠMil waukee +ĠInteg er +ĠObs ervation +Ġcad mium +ĠMyster ies +T uesday +el o +Ġcom a +ĠG Hz +Ġsy st +IS O +Ġsn oring +Ġclust ered +Ġsynchron ization +Ġcrus her +ĠAzte c +Ġin compet +Ġl umps +ild a +Ġbi ogas +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠ +Ġcustom ization +ĠMon aster +Ġfav oring +Dis play +ãĤ ĭ +c ame +Ġto ast +Ġsol stice +Ġprob ing +Ġing est +ĠCor respond +anth ropy +Ġheter ogeneity +Ġdivor ced +ĠRoberts on +B uy +M Y +Ġt int +pec ific +read line +Ġcap illary +Ġrich ly +writ ers +Ġcalibr ated +Ġlou der +F lor +r v +v ie +ĠJ enny +ĠDe bor +cient ious +Ġvul gar +pow der +Ġhack er +ogg le +Ġcraw ling +Ġgri zz +ĠBry an +imet res +Lou is +d ia +ĠT C +Ġdist ressing +Ġheart y +Ġcho king +Ġign ite +ĠMen u +Ġhydro ly +Wik imedia +ist ocene +Ġinver ter +ĠJo el +Qt Core +Ġworkflow s +A sh +h id +s up +Ġp iracy +ĠC uisine +Ġem igration +Ġro am +St ock +Ġgr ill +enn el +Ġdirection al +Col lab +Ġflavor ful +Ġanthrop ologists +ĠProm otion +Dist ribution +Ġsung lasses +ĠHend erson +H ence +c pp +ĠCom bat +Ġshort cut +ĠMc N +flow s +ĠProm ote +Islam ic +Ġre aring +Ġpo inters +ĠAd ela +Ġlik eness +AC S +ĠBar riers +ĠDO E +Ġdissemin ated +st uff +Ġit ertools +ĠB orne +Ġpop s +Ġnight mare +ĠMel an +ĠCho ices +p iration +Ġin und +st own +ĠM ik +ĠInter pret +IF IC +л и +Ġsucc ulent +ĠTerrit ories +Ġpremium s +ĠErn st +O pp +e cl +al ent +pl ine +Ġsh irts +act ors +Ġspec ulated +af ka +Ġbur rows +------------ --- +Tra ck +Ġpend ulum +B and +s ender +ag ency +Ġhand lers +Ġenc ir +ĠApp s +hard t +ĠS overe +Ġj ava +get attr +ĠZ oro +Ġec ologically +Ġreflex es +Ġembarr assing +E le +O m +\ '' +s parse +u o +ĠBy ron +Ġrot ations +det ection +ĠHirosh ima +Ġallevi ating +Ï Ĩ +Ġst oves +ĠS itu +ag ulation +Ġsac ra +Ġformal dehyde +ĠNutrition al +ĠSav ior +D elta +g ive +Ġto fu +AT O +Ġlif ts +ĠNi agara +Ġank les +p ending +at aka +Ġl oot +ĠHe ath +the rapy +Ġcut off +Ġax i +ĠGreen e +Ġk icks +Ġfl ushing +ident ally +Ġexp ulsion +Ġpop ulous +Ġobs essive +ung sten +Ġbreak er +ĠCitizens hip +ĠMicrob iol +el age +ve hicle +Ġwh ip +ist ors +Ġhe res +Ġfund raising +ele m +Ġreluct ance +sd k +Ġplum age +ĠNarr atives +ĠMunicip al +dise ase +] // +s chol +Ġm ule +ent imes +Ġher ald +Ġbit tern +thread s +Ġfor ts +ter ies +Ġinter state +Ġes capes +Ġbusiness man +Ġz omb +amin ophen +Ġreprodu cing +ĠMaj esty +Ġscaff old +S omething +Ġw edge +ĠR GB +ĠK as +Ġver ifying +è ¾ +Ġe ug +op p +ĠF ri +arn ish +Ġdisob edience +S ov +e o +q t +is itions +ĠP oss +Ġlast sum +Ġsun burn +AB C +Gen etic +uts ch +conc iliation +Ġunderm ined +Ġentang led +Ġranc hers +Ġatt aining +ĠSc ene +Ġpow ders +ĠDec imal +Ident ify +Ġcaul iflower +Ġc p +Ġp inn +ĠSh ield +Ġaccess ion +Ch anges +Ġassert ions +Ġfif teenth +advant ages +Ġpreserv atives +W alk +ct omy +Ġg le +ĠF requently +ri osis +ĠCh ancellor +ĠHe gel +ĠNew port +enc oded +Ġhyp not +OS E +ĠVe hicles +ĠMap le +DateTime Field +L ock +Ġv owed +Ġcan yon +ĠHam pton +ĠTro jan +Individual s +Ġn ond +if olia +ord ial +Ġfl ute +=' < +Com pare +hist orical +ĠDefault s +Ġeps ilon +s ic +ĠT S +ĠR H +ĠG ould +ĠV et +Ġpar cel +Al pha +rab ble +N B +ed er +Ġan eur +ak ov +Ġ' " +Ġsal am +Ġliquid ity +ĠPur ple +Ġorch ids +he ne +el ic +ĠW OR +ĠL omb +ci an +reg ions +Ġintrodu ctions +ĠSong s +Stat istics +ĠT olkien +Ġst ab +Ġst anza +ĠS MS +Ġk arma +Ġcl am +ĠSun ni +pack et +Ġrehab ilit +Ġpap ill +Ġproc rast +r ases +Ġh over +ĠS ensor +ĠL oyal +Ġcl ans +Ġtrans verse +err als +ĠCons umers +gra vity +Ġnic hes +ĠC ars +ĠB lessed +ĠR R +Ġag rarian +Ġsub types +Ġvar ic +trans forms +Ġcritic ize +ĠRob ot +Man aging +Ġhall mark +Ġimmers ing +Ġpall iative +ĠUz bek +B ank +B ird +L ate +P oor +S ent +b und +m ite +Ġpart itions +Ġqu oting +ĠAm en +Text Field +Ġtort ured +Ġpsy che +B uffer +R ock +ra k +ĠM ID +ĠQu est +Ġund ocumented +Ġfunctional ities +Ġboy cott +Develop ing +cred entials +N utrition +Ġne arer +ĠU W +Ġun sc +Ġprom otions +Ġthink er +light ing +Ġclean se +Ġcorrect ness +ĠDam ascus +Ġv enge +Ġrep r +Ġlab yrinth +Ġport rays +ठĤ +ĠBo oth +Ġprecon ceived +t ube +Ġthe ses +ĠP U +Ġsc rum +Ġrep el +Ġcar ic +ĠCompar ing +Ġcuc umbers +Ġgorge ous +Ġnar ration +B a +M apping +im posed +Ġpre cursors +ph on +Ġmar athon +ĠBe es +ĠSc outs +Ġâ Ļ +ĠProp ulsion +Ġlean ed +Ġtart ar +B an +Ġcont iguous +Ġdis perse +Ġcirc a +Le ave +amps ia +ĠRespons ible +Cam bridge +U X +f et +Ġun suitable +ĠPr ussian +Ġhaunt ed +rosso ver +C old +c ause +Ġh arp +ow ment +par agus +Ġcr ane +ĠCl ock +ĠFrank furt +ĠEll i +è¡ ¨ +ĠSeb ast +c ached +m otion +Ġun sett +ex clude +Ġnumber ing +ĠOr ch +Ġbound ing +ĠSl ide +Ġlumin osity +P en +c ivil +ub in +Ġph i +Ġindividual ism +bs ites +ext ensions +ER IC +AD A +Ġmouth watering +ĠHispan ics +Know ledge +Ġimproper ly +Ġretal iation +Ï ĩ +ĠD ana +Ġk w +ĠUn cle +Ġseed ling +\ " +Ġan aphyl +ĠH ume +ĠW itch +Ġra cc +Ġsc or +play ers +Ġow es +ĠNurs es +ĠMR SA +ĠCurt is +Ġrestruct uring +m ixed +im i +ĠT yr +ĠF ung +ĠDe lete +ĠGen erator +uck land +reci pe +Ġbound less +ĠPC s +Sub scribe +Ġ ê +Ġl est +im ar +ĠM AP +um py +ĠD rosophila +Ġdist rust +med ium +Ġdry ness +Ġbetray al +Ġtoug her +ĠSanct uary +é Ļ +ĠY un +Ġbl ight +mar ine +Ġcommunic ative +Ġdivers ified +Ġaqu ifers +RA Y +bur st +Ant i +Ġfluctu ating +Ġstrat ification +ĠAchie vement +ĠOptim ization +Ġd ared +Ġ" $ +con tained +Ġchar ismatic +ĠCont ribut +Ġcivil ized +Ġfear ing +Ġsyn aptic +ĠImport antly +ĠEqu ations +ĠLight ing +snap shot +ĠD aisy +Ġins ure +PS C +ĠAdv ocate +ĠOffic ers +ĠR EL +Ġun a +Ġmechan ically +ĠPer forming +Ġresource fulness +== " +Ġinterven ing +H ig +st ations +Ġse cession +Th ursday +Ġgood bye +rag ed +Ġcut ter +Ġsky rock +Ġadherent s +if a +un icode +Ġper ish +)) ] +ĠTr in +Ġfab ulous +ĠNet flix +E astern +N V +il ical +us ual +ĠN om +ĠG ogh +Ġcomput es +Ġampl ifying +Ġfra ught +ĠOak land +ĠPion eer +/ , +n or +Ġthe aters +im us +ĠL IMIT +Ġfl ares +Ġfl ipped +ĠAs c +Ġpost ures +ĠAg enda +Ġinhib ited +ĠEmploy ees +Ġrecurs ive +Ġcray ons +h ide +or ide +al b +os por +bl ers +ĠMicro biology +Ġbuck ets +Ġash amed +Ġculmin ated +ĠHein rich +' - +st aking +ĠP air +Ġper ch +ox ygen +oad er +ĠSym phony +ĠBrad ford +ĠSoph ia +Ġr aster +Ġpl ugged +ĠJ i +Ġessential s +ON D +Ġge ologists +Ġsqu at +Ġunf inished +ĠTer ra +Ke ys +Ġsle ek +Ġgri pping +ĠG um +Ġcol ossal +ĠSh ir +aut om +ĠX i +Ġstri pe +ĠSystem atic +Pre vention +ĠFab ric +Ġhots pots +J eff +T her +s ong +v ens +Ġqu arry +osp heric +Ġorigin ality +IR ST +Ġhur ry +Ġexempl ify +W all +t ogether +ĠP IL +ĠK r +aria h +ĠEs sex +ĠNa ples +eps ilon +ĠTI ME +d L +Ġm ite +Ġl ure +ĠG ott +ough ton +Ġpar ap +Ġtransform ers +Us ed +Ess ay +ĠOdys sey +S kin +p ain +Ġo int +Ġw ilt +ĠW als +Ġcur l +su ggest +LE G +ĠAtt empt +Tra vel +ji ang +ĠÙ Ī +Ġnanot ubes +T ags +w r +è ¦ +ĠC RC +ĠF T +per forming +ĠUn iform +Ġcur ated +|| - +Ġshort cuts +hel pers +ĠThough ts +Begin ning +ĠBots wana +l oor +ĠS aunders +iv ot +ĠD ias +Ġall ocating +ĠCh ase +pect ing +Ġinst ill +ĊĊ ĠĠĠĠ +ĠGen es +comm ons +F W +s aurus +Ġp ouch +og onal +Ġpart isan +Ġpart nering +Ġprotect or +Ġwarm est +AD D +Ġsne ak +Ġboil ers +Ġinert ia +Ġdiscol oration +Ġforc ibly +e als +z ers +Ġs ut +ĠIn clusion +Ġtext ing +comp ression +Ġdefault dict +Ġthank ful +sched uler +c apt +d ocker +w ax +ĠI on +Ġr ite +ĠD T +ĠL und +Ġsight ed +Ġarrest s +ĠNad u +Ġglimps es +A W +Ġc obalt +Ġd rowned +ĠD rama +ap ters +Ġcl over +Ġsli pped +ĠInj uries +m ph +Ġsh alt +Ġveget ative +ha ul +Ġimag inations +LO AD +Ġquarter ly +ĠDesc artes +Ġbom ber +ĠUb untu +" âĢĶ +ĠA de +ĠR EF +ĠL ah +Ġag ar +Ġel bows +AT OR +ĠMon arch +Ġrat ification +ĠConc erns +ä» ¶ +ĠIM F +ĠAbd ul +Ġwag ons +R ank +g rant +Ġch ills +Ġk o +Ġpop corn +Ġdu o +Ġfashion ed +Ġpoison ed +------------ - +Tra ditionally +Ġpropag ated +Ġartic ulation +Ġhe patic +ĠTe ens +ĠInf ant +Ġjoy ful +Ġpreced ence +Fe atures +STR ING +å® ļ +adjust ed +ĠC arth +ĠD IS +Ġsim ulator +rec ated +Ġimmun os +ĠMo ist +ĠBot anical +? ". +Y ellow +Ġb udd +Ġres orts +Ġun ification +ĠHe ight +Ġdet ract +ĠCur ve +Ġrecess ive +Ġell ip +st y +ĠT ik +Ġtest ify +ĠEp iscopal +Ġsculpt or +ĠMagn esium +Ġshamp oo +> ') +mon itor +ĠBl ues +ĠSu ite +Ġhost ilities +Sp irit +Ġannounce ments +Ġdissemin ate +Ġrefract ive +Ġarous al +u ang +ĠF erm +are th +Ġdes ks +Ġpain less +Ġarm ored +ĠSer ial +ĠPrevent ing +depend encies +C AN +c ou +n ah +in hab +ur on +Ġwh ims +ĠE g +ĠD EC +Ġend ogenous +Ġbest owed +ĠCont rary +rypt ed +ĠDebor ah +C ert +S ig +V IS +p hed +ĠF ont +ĠR MS +tain ers +Ġvisual izing +EL D +ĠComput ational +Ġirrig ated +ĠHab its +ĠLyn n +f ra +l engths +å · +ĠL af +ĠFor bes +ĠEx hibition +osp ital +Ġsex ism +ĠDav idson +sub set +Ġfav oured +ĠBerm uda +c ube +he avy +ĠC ock +ĠL ocate +ĠK ah +Ġnit ric +Ġconserv atives +Ġgly col +ĠChamp ions +Insp ired +S erv +Ġl ore +if ax +th umb +Ġun know +Ġpop ulate +ĠZ inc +ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠ +Ġdecay ing +S creen +c asters +Ï Į +re comm +Ġin continence +Ġsol ub +Ġaud its +ĠCre te +ĠExper iments +ĠPur due +Ġconvenient ly +Ġbund les +Ġsprou t +ĠNam ibia +stad t +Ġpro verb +Ġpe pp +ren ame +Ġhigh lands +ĠAl mighty +") ), +ĠJohn ny +CO VID +ĠNon fiction +Ġsulf ide +Ġanch ors +ĠParam eter +ĠAer ospace +Ġs per +Ġs led +ĠT aken +ĠM oor +Ġle agues +IT H +Ġhol iness +Ġdiscipl ined +Ġmobil ize +Ġmad ness +Ġthirst y +ĠGarc ia +S ay +Ġconf essed +ĠEn forcement +ĠZ oom +Ġcontrast ed +roc hemical +Ġresid ences +Ġhes itated +Ġber ry +Ġchron ology +Recomm ended +Ġcalend ars +d ro +ol ysis +ol ini +ff ield +land o +att acks +ĠReg arding +Enc oder +Incre asing +ĠReprodu ctive +is dir +Ġp orch +Ġr s +ĠR iv +). " +Ġam elior +ĠRe id +Ġcare t +Ġclin ician +Ġqual ifying +Ġdeterior ate +Ġquot as +Ġunint entionally +ĠLif estyle +D ark +S und +e astern +Ġt aps +Ġwh aling +Ġ( { +Ġar cs +gan o +aw atts +Ġrep rinted +ĠSe vent +Ġmet avar +Ġpar able +for ced +Ġhorse back +Ob viously +Ed ge +Ġtransc ending +Conn ecting +ĠDent istry +ro kes +Ġu rea +Ġst ochastic +ĠA ster +ck o +Ġmult ilingual +Ġbond age +ĠBra un +Ġembra ces +ĠMA X +ĠNeed ed +ĠOpin ion +Ċ ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ +al ways +am oto +Ġ" * +ĠPro clamation +|| $ +Ġrun ny +att ach +Se cret +valid ators +pack ed +Ġliberal ism +Ġps i +Ġgad get +P lugin +g res +ĠF old +ins ki +UR R +annab is +Ġteamm ates +E ye +Ġdisc iple +Ġtechn ologically +the l +wh ole +sol ver +ĠPlant ing +Wed nesday +Q A +ĠS ys +ĠF alk +ĠR P +ĠR as +Ġplant ar +Ġpurpose ful +Ġfate ful +neigh bors +ĠPip eline +] ]: +om ac +Ġcl umps +ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠ +Ġretros pective +Ġdomin ion +Ġmesmer izing +c redit +ĠU rugu +Ġcl ing +ĠK aw +read lines +Ġlocal ities +Ġlay ering +pred s +Ġcatch ment +host s +ĠConnect ing +ĠMot ors +ĠBase ball +Ġinspir ational +Ġf ern +ĠG au +Ġsl ain +ĠMe ans +Ġdict ator +ĠJud ges +Ġtrav ellers +idim ensional +l ain +Ġm ans +ĠS ector +ant om +Ġconf erred +Ġgovern s +oper ations +c anc +Ġd azz +ĠA ctions +ĠA SE +ĠB org +ĠN atal +Ġcol itis +class ified +é r +Ġpoly phen +ĠCand ida +Ġavoc ados +ĠClaud e +Ġdecipher ing +N OW +à ½ +ĠA W +ĠW S +ĠY a +Ġdet ain +Ġconf ess +ival ry +sp in +Ġing rained +Ġsuc rose +d ollar +Ġb uddy +Ġl l +ri am +Ġun born +ond yl +Ġsil hou +Ġdoubt ful +uis ines +ĠÙ ħ +Ġantiv irus +Ġclog ged +Ġk W +Ġkit tens +ĠTre k +ĠAstron omical +Ġrept ile +Ġpige on +odef iciency +K ind +N M +al ert +ad ier +Ġup front +ob yl +Ġbo ils +Ġextra vag +Ġmaxim al +Ġstam ina +Ġaneur ys +× ª +Ġun biased +int ellig +ĠCh rys +Ġ[ ...] +Ġdelay ing +ĠHard y +Ġinjust ices +c ans +Ġh olog +Ġan us +ist on +ĠH F +Ġat rophy +Ġwill ingly +Ġorgan ically +Ġsl ack +Ġwid ening +ĠPres idents +Ġsold er +la us +ĠTun isia +c rypt +h d +Ö · +Ġd ilation +ist or +ant ial +Ġsp asms +ĠCon crete +pro bs +Ġdest abil +ĠCont rovers +oll s +ĠBar rett +anch or +Ġthor acic +Qu ick +OP T +F acts +ĠCom mod +ĠArt em +ĠHigh ly +Ġstir red +Wra pper +C AR +v re +ĠC AT +Ġpur ify +public ations +ĠRou ge +S aint +Ġd ia +st ay +Ġl st +ter r +Ġbas alt +Ġve il +ST ART +Ġcapac itors +ĠFund amentals +Mon itor +Ġorch ard +Ġlav ish +Ġdiscontin ued +ĠJess ica +G ar +on ance +Ġsuggest ive +duct ors +Ġdeb ating +Ġcoff in +------------ -- +ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠ +Ġceil ings +ĠO ber +man aged +sh uffle +ser vers +umin ous +ĊĠĠĠĠĠĠĠĠĠĠĠĠ ĊĠĠĠĠĠĠĠ +Ġrepet itions +Ġchat ting +iret roviral +F ER +| "' +le in +ig ail +ĠS ick +Ġun l +ĠCh ic +ĠRe ve +atic a +ops ies +gra ce +ĠExp and +Ġpollut ant +ĠLes lie +p ict +ĠB MC +num s +Ġintim idation +åŃ Ĺ +Ġbloss om +atto os +t ie +Ġl of +Ġst derr +Ġal f +ĠCom fort +Ġequ ine +ĠCommun ism +lo an +и ÑĤ +Ġshowc ased +Ġtheat rical +h ru +Ġo ps +Ġf erns +ĠS ug +Ġch ir +ĠF IT +Ġsim ulating +Ġnatural ist +ĠAss ist +ĠQu aker +ĠPart ner +sol id +Ġconservation ists +ĠHum ph +Ġgro oves +ĠHimal ayan +ĠAttribute Error +H all +| âĢ¢ +ag ia +ass adors +Ġbl ister +ÑĢ е +s alt +Ġm un +Ġcre m +place holder +ĠMar ks +ĠPart icularly +ĠMy SQL +ĠWW F +Ġcabin ets +ĠPerman ent +C ra +it ization +ĠB ub +Ġat las +Ġind ist +irs ch +Ġgro ove +Tim my +Ġbrack et +h ref +Ġg h +Ġwh ichever +ĠJ ar +Ġfl ats +ĠAtt ributes +Ġpit ches +ĠCounsel ing +a illes +ĠN ano +Ġun imag +ĠY iddish +ier i +Ġdiver ted +ĠEN D +ĠPharm aceutical +ul ae +ĠB arr +red uction +Ġwork book +ĠUn iv +Ġhy pe +Ġlow land +ĠPer ception +Ġax ial +ĠOut er +Ġmoist ur +Ġnour ish +E ll +o cean +y x +en ics +al ty +ĠA mer +ĠW rong +Ġprom oter +Ġarch aic +Ġtransl ators +ĠFried man +ĠA u +ĠS iberian +ud ding +IS M +Ġcoll age +Ġord inance +ĠPaul o +ĠKim ber +ĠConvers ation +Ġassass inated +Ġarist ocracy +Ġimperfect ions +h h +p ossible +ro bat +il us +Ġsp un +arm an +ĠMar vel +ĠMon etary +cast s +Control Plane +ĠJur assic +Ġfreel ance +) = +f ur +Ġs cept +qu art +Ġr ipple +Ġimp uls +int roduction +Ġgl ued +Ġnight mares +Ġrecycl able +Ġwing ed +NE W +ĠVoy ager +ĠHundred s +' ; +Ġl ia +ĠD ensity +cl air +Ġret reated +Ġign ited +Ġmir rored +Pre process +Ġtor so +omon as +Ġrecru its +Ġfibr illation +fif th +ĠGust av +G round +I ENT +ĠB atch +Ġch uck +ĠL L +Ġ__ _ +mar king +-------------------------------- ---- +ĠBo ost +Ġboost ed +ĠProv incial +.âĢĻ âĢĿ +Ġanticip ating +ĠImm ig +Ġenthusi astically +ocyt osis +Ġn autical +Ġmat tered +Ġcompl iment +Ġperm afrost +abs orb +Ġtransc ribed +edu ct +ĠPur itan +!! !! +ĠFull er +Ġasym metric +serial ize +E at +æ Ķ +or iously +Ġsu cking +pt ide +ĠG S +Ġra z +Ġdeterm inant +Ġfire wood +ĠNot re +trans port +Ġaffirm ed +R D +Ġon ward +ĠR J +Ġimp etus +ĠAn k +inter rupted +Ġrev ising +ĠMedic ations +Ġinvent ing +Ġcontamin ate +ĠKos ovo +as mod +ĠT uc +") [ +Ġlymph ocytes +C ook +Ġf s +Ġro ast +Ġfl ipping +ĠZ am +ĠEm otion +Com mercial +ĠSn ap +ĠFitz gerald +z ee +th als +Ġsmo othing +ĠBh ag +ĠHoriz on +ĠNit rogen +Ġparch ment +Ġch urn +ĠR EP +ich t +Ġcr ashing +hyd ration +Ġexert ion +ĠSav annah +Plane Protection +Management PlaneProtection +Ġabnorm ality +Sov iet +ĠB oot +ĠH ann +Ġdis section +Ġcar ve +Ġcaus ality +Ġland ings +ĠApost les +Ġlandl ord +Ġs s +Ġbe aver +ad ay +Ġan ode +Ġcap itals +ĠOut door +TO KEN +Ġshar pen +Commun ication +m ills +y ms +ill aries +Ġcomm its +ĠInter ventions +uit ively +ĠForm al +idx s +Ġtant al +Ġs esame +ĠA ve +ĠF ault +pre c +osa ics +ca used +ĠAnn ie +ĠAdapt ive +ĠPack age +F arm +f inger +o ge +ĠM K +ĠN ietzsche +ĠG MO +ind eer +collect ions +Ġanonym ity +e i +j ava +r n +ĠH ang +ĠL ik +ract ive +ĠPh ar +Ġfre q +Ġfract uring +ĠAdminist rative +account s +ĠQuant itative +Ġupgrad ing +čĊĠĠĠĠĠĠĠĠ čĊĠĠĠĠĠĠĠ +Ġre inst +ĠS AD +Ġread ability +Ġimm oral +Ġsum med +Ġassign s +rum s +ĠFre em +ĠPet roleum +contin ue +Ġhes itant +ĠGP IO +ĠAz ure +Ġtremend ously +ĠUtt ar +Ġg hetto +Ġsl ips +ĠFound ing +Sim ply +åIJ į +Ġp id +Ġf i +Ġe ve +ĠR ust +Ġeven ings +ĠVer ify +Ġpolar ized +Ġbol sters +F air +t rig +v ig +ĠG ale +lect ions +Ġrec ite +Ġbr ine +ĠDe pt +Ġplant ings +sp read +hel f +rec v +Ġspl ash +Ġincent iv +Ġsty lish +ĠHttp Response +d rained +Ġt sp +at eness +Ġcl utch +ys cale +ĠV ertical +Ġgrow ths +ĠAr bor +ĠRep air +Ġvalu ing +Ġswim mers +Ġcycl one +relations hip +Ġdisgu ise +Ġinsol uble +J o +re ports +ĠT ig +ĠM am +ĠF requent +ript ive +Ġvolunt eered +ĠDec isions +Ġdecor ating +Ġregister ing +uv re +Ġslic ing +Ġorch ards +Ġspor adic +Incorpor ating +C op +m asks +Ġd c +ĠC yn +Ġtrans missions +ĠCall able +ĠAud ubon +ĠEuro pa +kill ers +ĠA Z +Ġex iled +Ġv ou +Ġcre eping +bi osis +ĠExp anding +Ġmicrobi ology +ĠJere my +ĠAdela ide +ĠE b +str ate +rap ers +dis cipline +ĠWW I +Interface Selection +Ġe uth +ĠS amples +Ġsub way +erc ase +Ġvol s +Ġpred ic +Ġcapt ions +ĠAnt ig +Ġinterpret ive +ĠLatin os +fast q +cut aneous +Ġlocom otives +Ġapprentices hip +M W +w av +aut ics +Ġpred icate +ĠMac millan +ĠHome work +ĠImport Error +Ġster ilization +Ġoct opus +Que en +m ur +t rip +ĠS aid +ĠM ush +ĠV ital +Ġpost modern +ĠInst ructions +ĠBel ieve +ĠHaw k +Ġhydroc arbon +ĠRevere nd +K n +] { +Ġne bul +Ġup bringing +ox ia +oper ability +Ġpharmac ological += âĢĿ +t ur +Ġstand alone +Aut om +ĠWat ts +J am +R ain +ĠH ib +ĠD L +ĠG w +Ġdis integ +ten ant +Ġinter related +ick ers +Ġfollow er +Ġens ued +ĠDi wali +ĠPil ot +ĠEle phant +runt ime +um ines +pt ive +ĠLe ib +AD E +ĠWork place +ĠLead ing +Expl ain +Ġpa used +Ġburst ing +Ġredist ribution +Ġphy toplankton +ĠF ischer +Ġindex ing +His panic +ĠAccount s +ĠMos que +Ġcarcin ogenic +ĠInflu enza +Rad io +Ġchees es +ĠUran us +Ġp ing +ĠC erv +Ġ' * +Con tainer +Ġvill ain +>> > +ĠPries t +Ġpeb bles +b reat +h ak +Ġprov ocative +ond ers +Ġtrans genic +ier re +Ġnavig ated +See ing +Ġtor rent +Whe never +Fr anc +T orch +x r +Ġa iding +ig ators +âĢĵ âĢĵ +Ġspecial ties +ĠDr um +Ġviol ates +ĠHol iday +ĠAngel a +Em ploy +Ġspong es +ĠL ama +Ġfoot ing +Ġstimul ant +ĠInit iatives +Ġrational ity +Ġtroubles ome +ar ck +Ġve c +cal orie +ĠBur mese +Ġunint entional +Ġlocom otive +m ilk +ĠS odium +ĠR L +St ructure +ED IT +Ġexperiment ally +Ad vantages +ĠSus sex +á¹ Ń +ĠZion ist +Ġgrocer ies +er re +ĠR if +ru ff +=' ') +Ġpref rontal +ĠAng ola +ĠCam eroon +Ġrose mary +Ġfut uristic +^^ ^^ +ĠTheore m +Ġfor ge +Ch icago +ES A +ĠX IV +Ġviol ently +exper ienced +ĠIceland ic +ĠMaur ice +Effect s +m ouse +Ġar throp +bers pace +Ġmult im +rad io +men opausal +wind ows +ĠHead quarters +Ġslight est +Ġreim burse +ĠT issue +als a +ĠNew castle +inst ru +Rep ublic +t ell +ip us +olog ia +() } +Ġmicrosc opes +Ġware houses +z an +em phas +ĠD il +Ġsubsid y +ĠVari ations +u en +ĠR ect +per f +ins ically +Ġrep uted +Ġconn otations +ĠApp eal +Ġsen ator +ĠIns ights +Ġjuris prudence +Ġdiscount ed +Ġdeter rent +Ġsalv age +Ġdispat ched +ĠC ream +ass uming +Ġatt est +ĠSh adow +Ġassess es +current ly +Su ggest +Ġmos ques +ĠMand arin +ĠProper ly +Ġmetaph ysics +ĠR ican +ĠN erv +ĠO re +Ġsp ars +Ġinterpre ters +Ġ\ ' +ĠRel ax +ĠSer bian +Ġtrace back +ĠVenet ian +Ġbittern ess +L inks +Ñ Ī +Ġt onic +Ġmon oc +weight ed +Ġshred ded +Mex ico +M obile +r nn +Ġb aff +ic ists +Ġth orn +pr inc +ĠSh aron +ĠMac Arthur +Us age +Ġkil ow +åı ¯ +ĠDocument ation +Ġimplant ation +Ġquir ky +Prep are +g ie +ç § +ĠT ED +Ġunder graduates +ĠV il +add ers +find all +Ġreson ated +Ġextraord inarily +Ġtang ent +ĠTerm inal +ĠFoot ball +Ġhydrox ide +alys es +F IX +r st +Ġre affirm +ry n +Ġstere o +Ġfraction al +ĠDE FAULT +ĠRF ID +K B +ĠI st +ant es +Ġen cyclop +pl and +ĠAn not +Ġcor pse +ĠLe ices +Ġer otic +Ġroad map +Ġpet ty +ĠHand ling +card ia +ot ypical +ĠB ott +ru ck +Ġk Hz +Ġar ctic +ci us +Ġbet ting +ĠShe ets +и Ñı +Ġenorm ously +ॠĢ +ĠComment ary +Ġdisgu ised +u j +ĠF ork +ĠEm ir +Ġste amed +ĠRef er +Ġinhib itory +anth a +Ġna ive +Cong ress +ĠBed ford +Ġrepell ent +F if +R ot +R untime +ĠT ABLE +ĠH orses +Ġne b +Ġqu aint +ne ck +Ġmem o +app ropri +ĠEx hib +Sp in +Ġunrest ricted +W ORK +w i +ol ite +igh am +Ġat ypical +min utes +Ġconc ur +ĠSc al +fact ors +Ġ/ = +ĠReg ions +gl ades +Ġaffili ations +ĠSens ory +Ġattent ively +pars ed +m L +Ġf ringe +ĠN Z +ĠG amb +ep isode +ros se +ĠIN TO +Ġgor illas +ĠIroqu ois +F all +Ġprom ul +Ġbal con +log ical +Ġrecount s +Ġcowork ers +M att +x ious +è § +ĠR af +Ġsc anners +Ġsub lime +ask an +object ive +Ġgel atin +ĠT ac +Ġbe acon +Ġdon ating +augh tered +bo ys +Ġrobust ness +ĠInteg rity +ĠNep h +Prov ide +ĠCrom well +C it +m x +ad ia +ĠB J +are z +ĠRe call +gg ish +Ġop ium +Ġobs essed +Ġacqu isitions +ĠTH AT +N ic +P TSD +t olerant +ĠB es +ĠJ P +ĠSt ere +com pliance +Ġeffect ed +ateg ies +Ġvo iced +ĠGra ves +Ġirrit ate +Ġvivid ly +i ator +v or +Ġph araoh +duc ers +Ġworth less +ĠRel ative +Ġlegisl atures +comput ers +deep copy +ĠScul pt +Ġpe ac +Ġrh ino +ĠSymbol ism +M arc +h ara +Ġt anning +ĠFore nsic +dig its +ĠSpring field +W ikipedia +k b +s pring +Ġs ock +ĠC ry +th r +Ġfield work +itect ure +ĠSen egal +Arch ae +U nd +os se +Ġsub type +ĠGod dard +ĠComp act +ĠAcc uracy +Ġvine yards +ĠAccount ability +ĠCollect ive +Ġoscill ations +ĠFellows hip +M ot +Ġb ends +ĠF ossil +ink er +Ġpain staking +back up +Ġfa ç +Ġthunderstorm s +ĠHerc ules +Ġultrason ic +] ', +c ancel +ĠF ertil +Ġdist illation +let cher +ĠAb bas +ĠMy ths +Ġcomment ing +OD E +åĪ Ĩ +Ġpige ons +es are +ĠD ear +ff es +ov an +rand a +ĠEm erson +rolog ic +Ġimmort ality +Prog ress += (' +Ġse crete +ex change +Ġend orph +Ġet ching +Ġmal t +Ġcaf é +Ġengra ving +f w +in vol +Ġco chle +ĠAn alog +Ġgather s +Ġassemb ling +Ġaccompan ies +emb ourg +ĠCrit icism +ĠPut in +Ġbes ie +n othing +Ġl s +ĠC AS +ĠL T +ĠAnn als +Ġrect angles +Ġip rot +rocy tes +) ` +S orry +Ġse rene +Ġun popular +Ġra g +ĠY in +Ġref und +Ġele m +ĠCO PY +ĠGl ad +Ġsem en +tra ffic +ĠTim eline +Bas ically +ĠEditor ial +ĠPuebl o +l ane +y en +Ġc uisines +Ġre think +st icks +Ġsh aman +Ġamount ed +Ġge om +Ġple a +Inst ructions +Ġobsc ured +Ġabolition ist +ĠA ires +th resh +ĠD ress +Ġpl umes +ĠWe iss +ec s +Ġinc ense +Ġfunction ed +det ach +Ġgentle men +Ġannex ed +al on +al ination +Ġf ren +Ġmod ality +any a +ĠX ia +ĠBo hem +ĠMag dal +Ġpap al +Ġshr ines +ĠAbsol ute +Sequ ential +D ense +th ia +und i +Ġi ii +Ġassault s +Ġsynchron ized +Ġstagn ant +Ġransom ware +x lim +ĠS ort +em es +Ġsub groups +Ġrun way +ĠMem oir +Ġdisrupt s +Ġguard ing +Ġdigit ized +Ġspokes person +topl asm +Redu ce +t une +he tti +ĠC orb +ĠN V +ĠGu ild +Ġsett ler +opol itan +resol ve +Ġindiff erent +Ġsummon ed +ččĊĠĠĠĠĠĠĠĠ ččĊĠĠĠĠĠĠĠĠĠĠĠ +v c +ĠA min +Ġover lay +Ġfood borne +ĠLet t +interest ed +Ent ity +ĠPhill ip +Ġtorped o +Ġimp at +Ġact ress +own s +() ). +ĠSh ows +agog ues +ĠDh arma +Cath olic +. '' +B rien +ans wered +sh ield +RE EN +net es +ĠHigh land +ĠAut umn +Ġmist rust +Ġvent ral +Ġskull s +ĠAmb assador +Ġcorro bor +ζ Ïī +S olution +f y +il ic +im en +uss is +Ġdirect ives +ats by +ĠAm mon +Go ing +Ġharness ed +ĠStev enson +( % +C red +ĠM ile +ac et +get ting +Ġ/ > +Read y +obacter ium +H ash +it ers +iz on +Ġoff ending +ĠRev ised +Ġcong ru +spe ech +cd c +ĠTrib al +Ġtrim med +Pan el +Ġindiff erence +A U +Ġf uss +Ġb urs +ar rays +ĠM G +ick er +ĠHow e +co ated +ĠWorld wide +ĠCult ivating +################################ ################ +Ġdistract ing +Ġnod ules +whe at +ĠLyn ch +------------------------ --- +Ġtaxpay er +ĠBalk ans +Ġnemat odes +J V +v ascular +ĠI ELTS +NA P +mber g +DE V +lik elihood +Ġorth opedic +tw itter +prob ability +aby tes +Ġequival ents +Ġenerg ized +R ussia + £ +an ity +Ġsu e +Ġwas p +ĠCon version +ĠSh in +Ġcollect ibles +het amine +ĠMal aria +Ġgrand eur +Other s +Ġstabil ized +ĠRain bow +ĠAdvance ment +Ġmism atch +åĩ º +D am +} _{ +ot ene +ĠSt anton +Ġtra ff +ĠV oting +Ġgen otypes +Ġhum p +Ġgl am +Ġwhole heartedly +Ġstar ving +Ġstabil izing +Ġbenz ene +Ġtheolog ians +ĠT rad +Ġprov isional +Ġtop ographic +ĠSu icide +lam ydia +ĠWork er +hig her +L o +y ah +Ġt idy +Ġst umble +Ġch is +ĠE ras +ĠOr deredDict +Ġtrack er +Ġdisag reed +Ġspell ings +ipot ent +l io +il and +ĠA uckland +and i +Ġint akes +ĠU AV +Ġinf erences +Ġsign alling +ĠCol leges +Ġenhance ments +Ġasp ire +ĠEp hes +rin os +оР´ +ĠArmen ians +Init ially +ĠVers ailles +Ġglyc ogen +L ack +M it +Ġt undra +Ġl ily +ĠC G +ĠD iana +Ġaccel erator +Ġfract ured +Ġphon etic +ĠTrib es +Ġtrim ming +Ġbuzz ing +ĠEur asian +Ġrecei pts +W in +w arming +ĠA H +ĠThe mes +ĠF irm +ph ans +Ġpr ism +Ġtot als +ĠSm ooth +Per cent +Pat ient +Ġeyeb rows +Lin ux +× ij +ĠM IN +ĠIm mediately +`` . +Ġport folios +Ġexpress ly +ĠAc ids +Ġsymbol ized +Willi ams +ĠTow ard +ĠAndre as +Ġgoss ip +ig ions +ĠC ind +ĠN AD +Ġout c +ple ting +Ġden ies +Ġ'/ ' +Ġirregular ities +Ġawa its +Ġawa ited +Ġmyocard ial +ĠP orts +ĠF reed +Ġac oust +ĠPo ems +Ġresemb led +g otten +h ose +re cent +ĠF o +Ġobject ivity +isc rim +Ġlimit less +EL S +Ġpret ending +Ġsyn apses +Ġplate let +Ġnas cent +Ġwatershed s +ĠInstru ment +Ġserm ons +Ġperc ussion +C ognitive +Ġl oci +ĠH uff +Ġpre term +Ġwood ed +ĠProt ected +Ġinsert s +Ġcommem oration +ĠB ren +ĠB uk +ĠW arner +ult ures +inter pol +ĠMar ion +ĠContin uing +chr ane +d ial +re ceived +at hed +en oids +Ġp kg +Ġbe ard +ter ror +ĠJ ump +Ġar k +Ġher ring +Ġsl aughtered +ĠX II +US DA +Access ed +Ġammon ium +Ġcorrupt ed +Ġhither to +i ators +Ġd art +Ġdis patch +Ġform ulating +Ġbar red +ĠEst imates +Ġbread s +itic us +Ġdyst rophy +l bl +as ies +ĠU CS +Ġstart ups +ĠCol in +Ġlower case +ST ATE +uk kah +De cl +Ġherb ivores +prot ection +P ast +Ġv aping +ĠSt raw +Ġover arching +sc opic +not ification +ĠWar fare +Ġreact ivity +Ġdraw back +ĠLa o +ĠRec ipes +Ġpand emics +ĠDou g +diff erence +iac in +ĠEmpower ment +S outhern +c ognitive +Ġch illing +ĠN iel +ell aneous +Ġcare rs +Ġleft overs +Ġcheap est +Ġmulticultural ism +Ġse eding +ĠG T +ĠIn termediate +ov sky +Ġhome page +ĠX XX +Ġmut ated +Ġbull s +ĠDra ke +ĠTun nel +Ġsten osis +ill usion +ĠE zekiel +Ġab original +ust ering +Ġorgan ise +ĠSp ray +ĠÎ » +ĠMem or +âĸĪâĸĪ âĸĪâĸĪ +D river +Ġc ached +ĠS quir +ĠM ud +ĠG ets +Ġtr il +Ġsc ents +Ġinc umbent +It ems +Ġcycl ic +Ġfier c +L G +n ose +ident al +Ġter ribly +ĠX in +ĠCo ach +Ġconvey or +Ġcrack ers +ĠPok é +W ave +g il +j ee +Ġf h +Ġst ole +ĠCh ip +Ġdi ast +Ġval or +__ [" +und a +co eff +ĠInt rigued +ĠÎ ³ +Ġtub ular +ĠPs alms +ĠCroat ian +A uthors +ĠV and +Ġhand written +Ġstri ped +Ġweb inar +Ġseaf loor +Ġdece it +Ġsquee zed +Ġdeterg ent +Ġw s +ĠC J +em ploy +ĠR ocks +Ġad hered +Ġast ounding +Ġmagnet ism +ĠVolunt eers +Nav igating +CLUD ING +al er +Ġcom orbid +Ġ# : +Ġplay wright +Ġpur ported +Ġdom inating +Ġwhis pers +ĠStaff ord +Organ ic +v n +in en +ĠM outh +Ġdis l +Ġcaus ation +ĠZ ones +ogen etic +ĠEsc her +S oup +ac ional +In ternal +of lav +ĠWater loo +Ġclim ax +Ġnan om +Ġneglect ing +Ġwh irl +Ġ( > +ĠM ord +ĠWe apons +ĠPro to +ĠBl air +Ġsal ivary +Ġabstract s +Ġexport ing +ĠLat via +Ġsurf ing +upt ools +Ġthigh s +F ET +re cht +ĠE k +Ġhero ism +Ġpit ched +clock wise +Ġnec rosis +C onse +c ia +h ana +y as +ĠO man +Ġcor neal +ĠPh on +Ġdra gging +ĠFire fox +Ġreplen ish +ĠGeoff rey +P ush +æ Ģ +Ġin activity +ĠW itt +ĠE ck +Ġwhe ezing +Ġfun ctools +Ġgl ove +ner y +ee per +Ġunf olds +ĠAtl antis +F red +s ugar +Ġl actic +Ġrel ocate +Ġhard wood +Ġcred ential +Ġoverwhel m +Ġtil ted +Ġparach ute +S can +o zyg +Ġin quire +ĠH B +pe as +Ġsp oons +St rong +br as +ĠDan ube +ĠMcG raw +ĠCust oms +F unc +m ine +ĠE fficient +end o +Ġinter iors +ĠSp art +Ġintern ships +Ġrespect able +inter pretation +Ġvalid ating +ĠHuman ity +dep ending +Ġgang s +ĠConscious ness +ĠD ud +ĠK ai +Ġtr ich +Ġac etyl +Ġspe ci +Ġpast ime +lat itude +Off ice +Desc ribe +Ġdismant ling +L ocated +Ġhe ed +ram ing +Ġpol ling +Ġant ise +Ġfluid ity +Ġkin ase +Process ing +Ġlumin ous +POS E +Ġkel p +in ium +Ġb othered +ul ents +ĠH aj +ern acle +Ġmar rying +Con vert +Ġhabit ual +Ġnucle ic +run c +Ġcul m +Ġscra pe +Ġflavon oids ++ , +l oving +å ī +in ately +Ġp omegran +Ġn omenclature +ĠF DR +Ġab ortions +ak k +Ġpract ised +Ġeng ulf +Ġpsych ic +Ġgal actic +Ġmemor izing +ĠEstab lished +ĠC um +ĠM uk +ĠH of +Ġsc ant +Ġfire place +Ġhem isp +ĠSecret ariat +ĠLog an +Ġpriorit izing +squ ared +Ġacet ate +Ġglyph osate +U LE +r pc +é ¡ +Ġv andal +un ivers +Ġsh ipment +Ġun married +ber ra +Ġher al +Ġreason ed +Ġwors ened +Ġ ĊĊ +Ġb ast +ĠEm ancipation +Ċĉĉ Ċĉ +ĠAir lines +Ġfle eting +ĠLy on +contin ental +I rish +Ġin version +Ġn ineteen +gh um +ah i +St reng +ĠCrit eria +Ġimprovis ation += ', +] " +l azy +ĠY uan +ĠGen ocide +rem ely +ठµ +ĠEqu ation +Dis claimer +sv g +ĠVisual ization +Ġleak y +ĠEle v +Ġplum met +Ĥ ¹ +Ġt ipping +he on +Ġs ir +iv ar +ĠD one +trans ition +Se lected +f ine +v v +ĠA ph +ore al +Ġhas ht +ĠFound ed +Ġmort g +Ġsincere ly +l est +l é +Ġs ip +Ġh ilar +Ġ( # +ĠSaf ari +ĠVer de +ĠBu enos +heli um +â ľ +Ġb ould +Ġsa x +Ġdec ks +Pro xy +Ġprec arious +Ġtack led +Ac ross +plement ary +S IG +z ep +Ġd ol +ĠM ek +ĠE ph +Ġcl ones +Ġpre acher +old t +ĠSe ab +ĠHol t +ĠOng oing +V en +V acc +Ù ij +Ġ ÑĤ +ec ia +Ġsym posium +Ġbir ch +En v +label ed +Ġsou ven +Ġmeteor ite +Ġsprink le +Tem perature +Ġempath ize +ĠT ian +and an +ĠF rog +ĠRe levant +Ġmed iate +Ġmet e +Ġgr illed +ĠGu ang +LE FT +Inst all +Ġdil ution +Ġsteep ed +Ġcruc ifixion +ĠMort on +or get +Ġb ible +Ġg ib +ate ment +ĠB arth +ĠF ighting +Ġcall able +read able +(" [ +Ġcam els +Ġchest nut +Ġmorph ine +MOD E +ĠPle istocene +J oint +ĠS ER +ĠL ore +Ġ" ( +Ġres ins +Ġj aundice +let ic +ĠShe ffield +ĠPre valence +Ġabandon ing +Ġtens ile +` ) +Ġa rable +Ġs apiens +ow ell +rou se +Ġra ft +Ġsur ges +ps i +Ġhard ening +IF E +Ġprox imal +Ġdenom ination +Ġinh ale +Bet ter +Ġoat meal +ç ¤ +ĠH g +Ġtra der +ug u +ĠFl av +Ġserious ness +ĠSom ers +rox y +Ġbuff ers +hell s +Ġib uprofen +School s +Ġabbre viations +Ġovere st +C and +L ive +om bs +Ġtr uss +Ġinf ar +Ġconsequ ent +ĠVari ables +Ġinsist ing +E gypt +ĠS ob +ount ains +acc um +ĠIns ulin +exec ution +Num erous +Valid ator +b odied +Ñ İ +Ġs ails +Ġcons cientious +Ġadd r +Ġinter dependence +ĠAs pects +Ġcr anes +ĠHer b +ĠSure ly +r ash +on so +is ins +ĠS SH +Ġr c +Ġint rusive +ip zig +ĠMed ication +ĠBl anc +ipp ings +Ġtum my +Ġeast ward +Ġtab oo +) $ +D AR +S chol +s hed +w atching +× © +ir y +Ġpast ries +=" ", +Ġlink ages +Ġweak ens +Ġdisinf ection +ĠHellen istic +Ġpe aked +ĠK em +Ġsc hematic +ps um +ĠRe b +tt a +Ġcredit ors +Ġsnow fall +Ġclar ifying +zym atic +Ġscar let +Ġlarv a +Ġperipher y +Ġguerr illa +S plit +Ġc nt +Ġc ephal +Ġinf ographic +Ġcor rosive +ĠCo chrane +Ar m +Ġthick ening +ĠEv ol +Ġcycl ical +Conn or +Ġmim ics +coord inate +im ony +Ġr ugs +Ġqu as +Ġtra inees +Ġsk im +rot ic +war f +ĠLand ing +Ġoblig ated +Ġalert ness +S el +en oid +ĠM ét +ĠBe aver +Ġside ways +Reg ion +Ġcycl ones +ĠAR M +Ġmanager ial +annot ations +ĠFat igue +Ġtroublesh ooting +A gg +U AL +d ou +Ġc rescent +ĠS ind +ĠD rain +Ġmon othe +Ġtre asury +ĠMin erals +ĠCount ies +Ġdisapp ro +graph s +ĠRoad s +ĠPass word +D H +D ental +b m +ĠS ensing +ĠD over +Ġun p +Ġdef y +Ġgroup ings +off ice +Ġillust rative +Ġ{} ) +Ġchron icles +ĠInflamm ation +Ġbombard ment +B all +z t +Ġb ays +ac ons +Ġkey boards +ĠLab rador +Ġdesert ed +Ġirrit ating +ĠManufact urers +C orrect +K h +Ġc asing +es que +if s +ĠD ocker +ell ation +ĠOr ders +Ġhyp nosis +group by +Ġsimpl ifying +ĠByz ant +Ġperenn ials +Ġmaid en +Ġf f +ĠM og +ĠN em +Ġdet ach +yn a +Ġwar ms +Ġste alth +Ġquant ified +ET S +Ġforward s +Ġbott len +AM L +ĠNews letter +Max imum +Sk ip +Incre ased +ĠTut orial +Ġdash board +Ġdec imals +Ġmet ro +Ġmark up +ones e +rap ist +Ġatmosp heres +Ġmal le +Sub threshold +ĠHand le +ĠUr du +Ġintens ify +ĠCop ern +Ident ifier +Ġapt itude +Ġplaint iff +% ; +M ess +r arily +z ier +Ġs own +ĠB ri +ie g +ĠOr che +Ġinterpre ts +Over view +Ġgro in +ĠParticip ate +Ġcoinc ided +Ġuncon ditional +ĠPrevent ive +Sche dule +ĠA eron +ĠR app +Ġauton omic +Ġmilit ant +Bre ast +Ġanecd otal +/ ~ +C U +ĠA CS +od der +ĠD EL +per ate +Ġcl i +Ġdes erving +(" < +Ġcalcul ators +ĠDirect ors +Ġunders erved +Ġvisc eral +ĠGujar at +Ġin com +Ġd w +Ġdis abling +Ġsl ate +Ġill usions +ilt ration +plet ely +Ġgloss y +Sem itism +I NA +N orthern +s aved +et rics +um ably +ĠH SV +ĠTh yroid +Ġsm og +over flow +text s +Ġdeb it +ĠGl ou +Ġtransl ucent +rot tle +Ġcarn ivores +Ġde lect +ĠH erman +Ġsc am +Ġcomple ments +pr one +ĠWh ale +ĠDe wey +Ġmass ac +ĠAnt iqu +Ġdefe ating +Ġrab bis +rosc opic +//// //// +f inding +æ Į +ad en +Ġr ipples +ĠD raft +Ġcall er +li kes +ĠCommun ists +fa iss +Ġpupp ets +Ġwed dings +Cle arly +Ġeu ph +C over +Y ears +z oom +Ġth ym +ot hed +con sole +app iness +ĠAdminist rator +j j +p icture +ĥ ½ +Ġa y +ent ies +uc a +Ġfull est +Ġmodern ist +ung s +Ġclos ures +ĠGreen house +Ġsatisf ies +Ġirrad iation +Ġdex ter +qu ick +ĠD ong +Ġse ag +Ġper plex +Ġwater melon +ĠWh ites +requ ire +Ġsli pping +Ġdeport ed +p ossibly +Ġex cretion +Ġet iology +Ġer ode +fect ure +Ġmagn ifying +ĠST E +sk irts +Ġhat ched +ĠConsult ing +Cur ious +Ġmarc hes +Ġeyew itness +! ", +ut é +Ġhy ster +ĠAb el +na ire +Ġmild ly +. âĢ¦ +S us +i agn +ĠB odies +ĠN K +RE M +Ġpuzz ling +Ġcrafts men +Ġnour ishing +abstract method +Ġslu ggish +ĠMennon ite +f lex +t ract +Ġal umni +ĠR OS +cept ors +Ġside walk +Ġsleep y +four th +Ġresign ation +ĠPrel iminary +E conom +ĠT rading +ad ena +ĠP itt +Ġem ulate +ĠQu ad +mat mul +ĠSub sequent +ĠWord Press +ed ient +ĠD ual +Ġimp oses +Ġev ils +Ġmod em +ĠRe vision +Ġbo oming +UR N +ĠWild e +ĠSP F +Cy ber +Ö ´ +ĠC attle +Ġnot oriously +ĠTh ing +Ġhere by +ĠX u +Ġprophe cies +c atching +at u +ro oted +as yn +ĠS G +ĠF ract +ich ia +ĠO sw +Ġtra iler +lic ting +ठķ +En abled +ĠMuseum s +Ġcardi omy +Rel ations +B road +Y P +f ib +ĠP rices +ass ignment +ĠMar io +Ġresist ors +ampl ing +ĠGER D +im gs +ĠL ing +ish ments +Ġsk ipped +Ġdel inqu +Ġjo ys +Ext ra +Ġsquad ron +Ġlandsl ides +it on +id an +ch urch +Ġmon st +mon itoring +Ġur ic +By tes +Ġson ar +Ġvent il +ĠPrint able +Ġtransf usion +Ġâī ¤ +Ġventric le +% | +g ren +i pl +m atter +ĠP estic +ĠD olph +ĠL il +Ġtrans mits +ĠPro spect +ĠCon rad +Ġdon key +Ġparent heses +ĠCal iforn +ynam ics +ĠJan et +Ġsnow fl +Ġuns atis +Ġble ak +ĠBro ck +bat ches +Ġreinforce ments +Ġhind ering +ĠI G +ĠF inger +ĠCh im +ĠKing ston +print ed +Ġtim et +Ġbul ky +Ġsav age +ĠLa TeX +ĠJer ome +Ġnan oscale +Par is +Ġshad y +Ġinstant aneous +Ġhind ered +Ġhurd le +ĠSynt hetic +ĠEmphas is +ĠCoron avirus +Ġreciproc ity +. ? +r ath +ĠT ract +ĠF lickr +Ġun interrupted +av age +Ġfirst ly +ĠCom et +inc arnation +edi as +ret ching +Ar g +Ġalgorith mic +Ġmyst icism +ĠPot omac +ĠAutom ation +W T +Ġh ops +ĠT N +ac ion +ell ery +Ġall otted +Ġso aps +Ġrel inqu +([ ]) +Ġearn s +ĠHig gs +Ġunderm ines +op sy +get item +Ġam using +Ġdist ressed +co ef +Cons ervation +Ġhier oglyph +Ġflux es +Ġincarc erated +[ ..., +i ad +s ville +ĠD F +Ġins ured +St ats +ĠChrist ine +ĠPat el +Ġblacks mith +Ġgon na +ĠVern on +gat here +Ġimp ulsive +Ġfe asts +ath am +Ġins ane +, '' +D ays +ĠM ovie +ĠH ello +ER O +ĠX P +Ġfig s +Ġdivid end +и е +ĠCalcul ator +Ġchromat ography +Ġalf alfa +R oyal +el ius +Ġg ird +Ġcom rades +Ġen vis +ass a +hen ge +hat ma +Ġcomple teness +ĠST D +Ġrac ially +Ġn uns +ra il +Ġr v +Ġover time +get env +Ġcre ed +de leted +Ġrest ricts +[: ] +Ġcock tail +Ġdelim iter +c els +d ough +ĠD ul +|| || +Ġ{ :. +Ġcirc us +Ġnurs eries +Ġille git +ĠDeb ate +i ety +at lantic +and ez +ĠTh y +ĠLe eds +ĠX I +Ġdangerous ly +ä» ¥ +Ġeluc idating +ĠButter fly +hythm ias +o ine +ĠJ S +ang an +Ġsc all +Ġdev out +An s +fl av +index es +ĠRad ical +н а +Ġdeterior ating +Ġcoy otes +Ġamalg am +S now +om ies +Ġbl aming +ĠCher ry +Z ero +ĠCh olesterol +ĠCal iph +ठ¸ +ĠJud icial +Ġtemp file +Ġflags hip +ĠObserv ations +Ġpsy ched +Ġfores had +S a +Ġl iner +Ġg az +cl ed +led ged +Ġfree ing +rem ember +ĠSeason al +w oven +Ġp ious +Ġby stand +ĠD P +Ġclass mate +ĠZ immer +Ġpoly ester +Ġrig idity +Ġdegrad ing +Ġdub ious +( (' +f iber +Ġh oc +Ġdi pped +)) )) +Ġpsych ologically +ĠEnh ancing +ĠMig uel +ĠE as +ĠR EST +ĠN un +ov ic +cept ives +Ġsk irm +pre pare +Ġtap es +Ġintens ities +ĠFac ilities +ĠStay ing +Ġcran ial +ĠC oss +cy l +ink i +Ġlong time +Ġsk illet +Ġcommission er +ο μ +ĠPerm ission +ĠMine craft +lene ck +Ġe ject +Ġch illy +over ning +Ġpress ured +Ġsw inging +ĠApp eals +Ġprop elled +ĠInter governmental +Ġsnow y +nour ished +s ense +Ġth ieves +ud ers +ĠG ri +Ġem ph +Ġcle ft +ĠSh annon +Ġsens ational +Ġprop eller +ĠPass ive +quant ity +ĠPO ST +ĠMyth ology +Ġf mt +Ġre claimed +Ġl inger +ĠD AM +Ġbr ink +ĠHel ena +ĠDist ributed +Ġsin ful +ĠHosp itals +Ġchron ically +Ġcarp enter +ĠEntreprene urs +Ġureth ra +M ars +al ions +Ġref errals +ales e +ĠCommun icate +trans l +alt itude +Comp ared +åħ ¥ +ophil us +ĠCzechosl ovakia +re searc +ĠS J +ĠJ C +ian ic +Ġmod ulate +Ġsub urb +ah ili +ump ed +ĠMc Cl +gra ve +ĠMor ph +Ġarm our +ns ics +Sign al +/ ", +Ļ Ĥ +is ot +ist as +Ġle aching +Ġcomp iling +ĠJ R +Ġrec al +{} ". +ĠOp ening +Lim it +cand idate +ousse au +Ġh ut +Ġit iner +ob ias +Ġph obia +Ġbar bec +Ġfair s +ocr ats +Ġcoord s +Ġdie lectric +Ġattend ant +L ew +ĠA ren +ĠP ied +Ġres ize +ov able +Ġdown fall +the med +Ġconst itutions +ton es +rim inals +ĠBi ochemistry +Ġproven ance +ĠEvere st +e h +Ġb outs +Ġk Wh +ĠSt aphylococcus +ĠRe action +Ġequ inox +dis able +Ġid ols +dim ensions +Ġkill ers +Rep resent +Ġintr insically +ĠProtect ive +ĠGent iles +r ude +um mer +Ġsa ff +Ġdep reciation +ev il +ĠBah á +Ġmant ra +Ġglut athione +Ġrooft op +Ġb p +Ġso othe +Ġend points +Ex it +Ġhunt s +Ġreass urance +Ġbetray ed +ĠStre pt +Ġretros pect +v ac +w on +Ġ" ... +Ġest uary +... ') +ĠHealth wise +ĠIsrael ite +ĠST UD +ĠSubject s +Bra zil +Ġcondemn ation +CRE ATE +Ġillumin ates +x es +Ġin place +Ġsp it +ord inary +Ġbill ing +ĠArt istic +ĠTim or +Ġsubs ets +Ġundet ected +J on +et ting +ĠI RS +ab l +ĠH ym +ĠR everse +ĠL ots +ĠO phthalm +ple ase +iver ing +ĠThat cher +Ġred ress +Ġclos et +Ġextrem ity +Ġwal nut +Ġcyan ide +Ġw aving +Ġb aker +Ġd p +os her +ĠR oles +Ġpe e +Ġhealth ful +Ġexp onent +ĠSe an +Ġaccess ory +Ġsw irling +ĠSom ali +ĠImp ression +ĠAud ience +Num bers +Ġeyel id +C ache +ĠT P +og el +ap agos +Ġlist ings +ĠCele brate +Ċĉĉĉĉĉĉĉĉĉĉ ĉĉĉĉĉĉĉĉ +Ġimmunos upp +d ust +s it +s afety +ig i +op atra +ĠG aut +ap o +ise ment +ĠSo f +AP A +UT E +Ġcos ine +Ġaccommod ating +Ġrecall ing +Ġchamp ioned +Ġaffirm ations +Cent ury +ĠEver glades +ĠCatal og +Ġbount y +V ictor +Ġc ork +Ġl ender +im ia +Ġperiod ont +af i +AR M +Pro tein +Ġbur ials +Ġden ounced +Ġanthrop ologist +Ġunnecess arily +Ġteasp oons +Ġspraw ling + ³ +ess ors +ĠP erc +ĠQu in +Ġstream lining +Ġcourts hip +ĠEu clidean +Ġantidepress ant +C hem +Ë IJ +Ġn os +ĠA ub +Ġun ifying +Ġar du +ens ors +lect ic +fore ign +Ġant iretroviral +Ġassert ive +la unch +uh an +ĠFar ms +Ġlap ar +Ġâī ¥ +M oon +h undred +ç º +Ġbe ets +iz al +En h +App le +Ġscaff olding +Ġpamph let +J im +é ¢ +an ian +Ġm orn +Ġch assis +ĠD ed +Ġthen ce +ĠPer kins +ĠTw in +ĠExpl anation +Ġremov able +Ġreform ers +Reg arding +Ġnost rils +ĠP ac +ĠG ore +ĠG ert +Ġinvent ive +ĠSub mit +Ġrub ble +ĠPC Bs +ĠIns pection +Ġune asy +Tex as +Ġsyst olic +G DP +b illion +k ary +in ative +Ġn i +Ġan ime +ĠThe ories +Ġsc oliosis +ĠSp elling +ĠInter pre +ĠOff ering +Ġsore ness +environment al +Peer Class +Ok ay +ĠLux embourg +Ġdwind ling +ĠNeander thals +l ion +Ġm k +sh apes +ref erences +ĠPC A +tag ged +Cur ve +ĠBrid ging +ĠChern obyl +ĠT il +ow ler +Ġem itter +de ploy +be en +ĠAb ility +DE P +Ext ension +Ġsucc inct +Pop ular +swig faiss +ĠFel ix +ĠZoro ast +D a +L ake +P ad +ul ner +ĠM ilit +ne uro +ĠRe conciliation +Ġins urers +pro blems +Ġdr ifting +ĠRes idential +Ġes oteric +ĠPu pp +deg rees +LOG Y +Ġbarg ain +ra f +ĠR ocket +Ġad orable +Ġclass ifying +Ġopt ing +Ġrun away +Ġprim ordial +Ġexc itation +ĠMill ions +ĠCr ater +CN N +ĠSymbol s +Ġexempt ions +p apers +ĠC W +ĠB inary +ag et +Ġpo op +enc ers +Reg ression +IST ORY +ĠEnter tainment +ĠAlg orithms +H g +T ABLE +z hou +Ġst om +ĠI o +ĠH OW +un king +ear cher +Ġant id +Ġsuper intendent +Ġfasc ia +ĠBloom berg +is put +th in +art on +pl acing +Ġsouth ward +Ġphen otypes +ĠSocial ism +di ag +Ġdysfunction al +Afric a +Ġautobi ographical +U PDATE +b ull +u ations +ĠThe ss +ac us +ĠB D +Ġfact ion +Ġz odiac +Ġneg ativity +epend ency +ĠBan king +VAL UE +ĠMeteor ological +ĠWheel er +b uff +h urst +ess a +Ġsh afts +Ġmet ropolis +ĠPer cy +Ġwid ened +ĠBel le +Act ivities +effect iveness +ĠFriends hip +Ġpolyn omials +Ġeuro s +Perm issions +intern ational +Ġth umbs +ĠP aw +Ġch ant +ĠR iley +Ġpe eled +Ġfac ade +Ġmov able +Ġmanufact ures +Ġfresh ness +Ġspaces hip +Ġguess es +Ge org +ĠNat l +N an +r oring +w inter +Ġpl ur +ip ient +ict ions +ting ham +ĠPro verbs +Ġperson a +Ġsl abs +ĠHar bour +Ġstraw s +Ġgam ers +intend o +ĠVict ims +h w +u ator + µ +id ious +Ġpet itions +Ġap ric +ĠDel ving +ĠSand ers +pot ential +ĠVeget able +occup ation +âĢ¦âĢ¦ âĢ¦âĢ¦ +Ġslee ve +gre ens +ĠAdvert ising +H alf +h df +ve get +ot rophic +Ġsub jug +Ġpres upp +bers ome +Ġphenomen al +FA IL +ĠVict ory +Ġhomeschool ing +ĠCraw ford +G rant +m ilitary +ĠS OC +Ġper ic +ĠK ot +Ġlit urgy +Ġuns aturated +ĠBur k +ĠIntellig ent +Ġrebell ious +Ġevac uate +agu ar +Ġunden iable +H om +S IM +n ation +å ± +est rian +os us +Ġoff ended +Let ter +ĠGra vity +Ġsin uses +Ġgastro enter +commit tee +Ġcortic osteroids +M ask +b lu +st ores +ĠL ar +ag ged +Ġout skirts +Ġtime frame +ob l +Ġdist ort +ĠTe resa +Ġtax ed +ĠDef initions +UN CT +ĠOtt omans +Ġpier cing +ĠSynt hesis +Ġtranqu il +ĠHast ings +j it +m art +v d +ĠC VD +ĠB oat +ĠN ucle +ĠDet ailed +Ġpra ising +ο ÏĤ +ĠRaj as +ĠZur ich +I ran +ed ipus +Ġy olk +ĠA CM +ĠV all +ĠRe con +Ġmin ced +Ġmaterial ism +Ġline width +Ġcy toplasm +Ġsurg ically +ĠElect ro +Ġtherm odynamics +|' =' +Ġasc ribed +ĠCS R +ĠFer ry +Ġesoph ageal +O il +g rained +Ġn args +ĠA ce +Ġr m +ĠD DT +ĠG ob +vers ed +ĠAd ded +Ġaud ible +Ġbox ing +Ġord in +ĠSk ill +athe rapy +=[ ], +Ġfurn aces +Ġserial ized +b ones +ĠC odes +ĠF Y +ome ga +ĠOr lando +ĠAg ents +ĠEM F +ĠBart on +Ill ust +I l +g ling +m igration +Ġm ah +ge an +ĠLe an +Ġfib romyalgia +ĠBlack well +ĠSen eca +Ġsight ing +ĠMult ip +Ġtired ness +Ġfals ely +iagn osed +al oader +Ġb inder +ad ir +od en +ĠP G +ĠL SD +ell ant +ide a +ert ile +Ġdef init +ĠSe as +Ġtool box +Ġmis diagn +Ġdram as +ĠWind sor +ĠChemical s +Particip ants +ĠLinked In +ĠMonaster y +K A +W a +{ " +Ġn ig +ĠD res +Ġgl are +(' ./ +Ġpur pos +Ġstruct uring +ĠJud gment +Ġumb ilical +Alex ander +ĠUrugu ay +Ġt ann +ĠP es +Ġout ages +unt a +ĠMon key +Ġuns us +Ġhybrid ization +Ġmi R +Ġprost hetic +ĠMalays ian +ĠGent le +ĠEu ph +id opsis +ust aining +Ġtw itter +sc aled +It alian +Ġpress urized +ĠTrans it +Ġrub bish +Ġcomprom ises +Ġesp ionage +Aud io +ĠProte ins +ĠL ymph +ine z +Ġsa uté +Ġbusiness men +Ġaest hetically +VER Y +ĠDick inson +ĠBurn ing +Ġresur rect +Ġfauc et +m ins +Ġp print +Ġl az +th yroidism +Ġtr ill +Ġsub net +Ġrep atri +ĠPro hibition +Ġaccount ants +Ġtast ed +Ġslu gs +ĠBound aries +Ġgeomet rical +T EXT +nd im +le ast +ĠP sy +est e +os i +int uitive +Ġpol ishing +ĠEx eter +Ġpict orial +Ġanti hist +Ġcum bersome +Ġscrap ing +ĠHug o +ĠHapp iness +Ġsta ples +Ġapprehens ion +B inary +ĠI CC +ff er +ere y +Ġsp anned +me at +Ġgreen ery +ĠEth n +Ñģ к +ĠB ias +hed ron +arc ane +Ġinitial ization +Ġtrem ors +exper ience +kn it +N ER +c rapers +od om +Ġint oler +Ġbr ute +sw ap +ĠMan uscript +Ġpond ered +Ġflash light +Ġcrypt ographic +Ġwhis pered +ĠSM ART +b ilt +u ces +Ġy r +ĠC oca +ex posure +ĠCl aus +num erable +Par se +Cons idering +Ġtight en +Ġmic rons +Ġpel let +Ġecho ing +Ġunhe ard +m q +o itation +es p +al om +op ards +Ġcont r +Ġeas ing +ope z +see ing +ĠConf idence +ĠIV F +minded ness +Ġequator ial +ĠGriff in +d ating +v ii +Ġs ard +an imate +ang led +ĠAr lington +ĠCor ner +ĠConfed erates +Ġdissol ves +Ġinsu fficiency +ĠTensor Flow +J ava +L es +g rey +h ah +Ġre igned +ĠC ube +ac ci +io id +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠ +ĠOn cology +comp an +ĠMon ster +Ġverte bral +Ġassim ilate +Ġescal ated +Ġery th +lyss es +Ġfierc ely +! âĢĻ +ĠH uss +Ġcl ams +Ġdi odes +ĠEx position +work ed +Ġfoot note +No ise +ĠStra ight +ĠGalile e +ĠHus sein +c ad +v oice +ĠS ang +nt on +ĠG n +Ġstruct urally +data frame +Ġsw ear +eb ted +Ġseason ings +ĠPat terson +ĠBr ut +DE s +Ġiv y +ĠSikh s +à ī +ĠT ay +ĠS AR +ĠS inger +ĠU F +ĠIn cluded +Ġcap illaries +Ġlo om +ĠPres ence +ĠÎ ¸ +ĠBet ty +Ġbio film +Ġod our +ĠRa ises +Ġdisappoint ing +Techn ical +Ġencephal itis +Ġculm ination +P ages +Ġa orta +ĠS ays +Ġas cent +Ġx range +IN ST +oph an +Ġcommand ment +Ġmiss es +Ġdys plasia +ĠPow der +Ġarist ocratic +ĠBulgar ian +H ay +k or +s urgical +è Ģ +Ġt attoos +Ġre naissance +ul ose +Ġdis eng +ĠK iss +ĠV ia +Ġwater color +Ġiss u +---------------- ----- +rand n +Ġbad ges +Ġcold est +" [ +ĠM alt +ĠE du +Ġele venth +Ġant iques +Ġcharacter izing +De ut +Ġjoy ous +Ġembody ing +ĠMAT LAB +Vir gin +i Äĩ +ct rl +se eds +ĠM V +ĠM AN +Ġby product +Ġwas hes +ĠG ear +Ġpo isons +Ġeng ross +Ġcivil isation +ĠPhys ician +car b +ĠInnov ations +phen otype +Ġves icles +terr anean +Ġo le +Ġb ordering +Ġcoast lines +BM I +Ġpunct ure +ĠProb ability +Ġmedi ators +N IH +P ossible +ch ini +ĠM use +Ġv iv +ĠL emon +Ġnon profits +Ġinitial ized +Ġmultipl ier +Ġdos ages +ĠBelief s +Sund ay +Ġneb ula +I oT +_ ' +ĠS ulf +ĠC ove +ĠF iji +Ġlab ou +Con struct +é g +ĠNe hru +Com pet +ĠMex icans +Ġhom ogen +Ġadvis ers +Const ruction +ĠSchw artz +ĠBorne o +ĠS pl +Ġun amb +Ġthem ed +ub ile +Ġover d +Ġsk irt +land er +Ġ: - +ĠPar agu +Me ans +Ġreson ant +ĠPet e +ĠReflect ing +creat ive +P IPE +g ary +Ġh anged +ĠC ly +ĠM err +man ifest +Ġsw orn +Ġexec utions +Ġcatch y +ĠChen g +ĠInstitution al +affe ine +Ġelabor ated +M oney +t om +el man +ra ised +ĠS ach +Ġsh aken +che v +Ġinvent ories +pay ing +Ġinterrupt ions +ĠC OR +Ġdis content +Ġman power +Ġsp illed +ons ai +Ġmin istries +rent ice +Ġprot ested +Ġlib erals +Ġfill er +Act ually +ĠURL s +ĠLex ington +ĠDop pler +C AM +P u +T re +_ [ +f ax +h un +ag ging +Ġj ul +Ġreg ained +Ġrep rint +UT F +Oper ator +Ġresh aping +Conse qu +st yles +ĠC ron +ak o +Ġsw am +Ġexpos itory +ĠDen is +ĠAvoid ing +ĠAff ordable +Ġdyn asties +ĠASC II +G AN +Ġt ighter +Ġbe re +ĠP ius +Ġle ach +ĠAd opting +Ġwrong ly +ĠAng le +ĠPay ment +Ġbull ies +Ġsoften ed +ĠApost le +ĠAthen a +C AT +G as +S ets +T ow +u ates +ur an +Ġon cology +ĠC ache +ĠC umberland +ĠH arness +Ġse ams +ĠBe an +ĠLe vy +ĠHigh lands +ĠSee king +rot ate +Add ressing +ĠFort y +Ne ill +Cap ital +Ġdelect able +K N +n ae +Ġd iph +ĠCh ican +anc ock +ĠCont roller +gl ut +Ġperf ected +Min imum +čĊĉĉ ĉ +G rad +H OD +n oun +x ls +Ġmet ac +cont rast +ĠKey board +)/ ( +Ġepit helium +ĠReason ing +Ġtranqu ility +H ad +Ġt m +olog ie +ĠCh arge +Ġpar ades +ĠSp end +Ġcustom izable +ĠPer l +ĠPort al +Ġvent uring +Ġbrand ing +T imes +ĠM ast +ĠP anc +Ġeat ers +ĠSam pling +Ġbath rooms +Ġphe rom +B ranch +o it +v isions +{ { +ĠB ras +Ġen closures +par a +mb ling +ĠEven ing +ĠInf ants +ĠImmun ology +ĠPART IC +: / +I gn +R ub +Ġb ri +Ġbl ink +ax ial +Ġext ras +ĊĊ ĠĠ +oh l +Ġinj ure +ĠKh mer +Ġlact ation +agnet ism +ol an +ĠB I +ĠN ou +Ġout file +ĠAl pine +ĠSe oul +cer pt +Ġparticip ates +Ġver ge +Ġiniti ates +Ġtort oise +Em otional +################################################################ ############ +Ġidol at +Ġretard ation +. âĢľ +Ġd ella +ĠA the +form ats +man ent +Ġdev ising +not ch +Ġcapital ists +Ġunanim ously +ĠPoké mon +B AL +ĠD ash +ĠF ixed +Ġbl iss +ĠEx port +ĠBe owulf +att rib +ĠCreat es +FC s +ĠRespons es +Ġrecomb inant +Ġexhilar ating +Ġardu ous +] ))) +out side +Ġfil med +We ather +ĠAb igail +ĠSouth western +omet rics +ĠQue er +Off set +Bre ak +ĠExpect ations +Ġhort icultural +F LAGS +} - +an king +ĠH els +ĠH assan +ĠD od +Ġinf lict +ĠAnd ean +ĠSm oke +ĠSupp lements +ãģ Ļ +sim ulation +ĠUlt ra +Ġcas ino +ĠRest aur +ο Ïħ +åĪ ° +Ġbullet in +Ġsket ching +Ġfal con +s ke + « +Ġs ire +ĠC U +ĠC MS +ab sorption +ĠD reams +ame le +Ġav ant +ĠDe mentia +Al g +rad d +key frame +Ex pected +Or th +Ġdiscern ing +Ġblur ring +s and +ĠT act +ĠM U +ĠR ating +ĠQ atar +As ian +ev ille +Ġadminist rations +udd le +Type Error +Ġpoly ethylene +ĠGood s +ĠCommand ments +ĠMort ality +ow e +Ġne oliberal +Ġdef iance +key words +Ġcere bro +ĠCapt ure +ν Ïī +ĠSav ings +Ġalb ums +Ġevap orate +Ġoverhe ating +Ġm osaics +Ġsp arrow +Ġpower less +Ġrh inos +s oci +Ġf um +Ġre organ +ĠF S +Ġrec ourse +eng lish +Ġgood will +Ġhand ing +Ġprogram mable +ole um +Ġcapac itance +ĠCur a +Ġdiplom ats +Ġmart yrs +Ġcontra ceptives +ĠGit Hub +on omy +is or +Ġsm el +Ġlook out +ĠIndian apolis +She et +Mon th +gate way +ĠSurve ys +Ġambul ance +orget own +C ele +D ise +m oon +Ġt aper +ur ist +ĠC oo +ĠD river +Ġsl ash +Ġdog ma +Com plex +Ġgrab bed +Ġfemin inity +struct ural +desc riptor +clean ed +Ġsurn ames +B G +F resh +ĠA E +ĠS igma +Ġke eper +ik ers +Ġdecl arations +Ġ\ _ +Ġinfect ing +Ġsem ic +Ġtrem or +ĠRand olph +blow ing +ĠAccept ance +Alter Field +ç İ +Ġth rom +ĠC edar +ĠH ew +Ġne x +Ġall ot +ĠU rs +Ġsc ams +ĠTo k +pre trained +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ Ġ +ĠMedic i +Ġhonor ary +ĠRefuge es +ĠDemonstr ate +ĠBib code +p ressed +im read +Ġex cludes +ens ibly +Ġinf in +Ġsub group +ex cel +Ġdoc s +AL TH +ĠAng els +Ġaer odynamic +Ge o +Ġaffirm ation +in ality +Ġwe arer +ĠW ong +Ġsa usage +Ġgl itter +be ats +ĠBl ocks +Col lege +ĠGold man +Ġinspect or +Ġham pered +c ars +Ġp as +ĠB ali +Ġcl ippings +Ġinter l +Ġcor ona +air d +ĠLib ert +ĠBrid ges +ĠElli ott +Ġlof ty +al an +le ader +Ġpre b +ĠAr che +ĠSh ark +AD S +Ġmamm oth +Str ategy +S on +f onts +ĠC trl +ĠB elf +ĠRes ervoir +ĠCan berra +ĠMed ina +att i +ĠIron ically +ĠPier ce +( "") +C ulture +n ai +Ġu k +ag iarism +Ġcur ry +any l +Ġens hr +ĠPower ful +Ġapolog ize +he ws +red is +Ġro ost +works pace +Ġpen icillin +ĠAcadem ia +Ġtrail bl +Est imated +Ġetym ology +ĠEuch arist +Ġsabot age +t uning +ĠâĢ ŀ +ĠV illa +Ġchar iot +ĠProm pt +Ġvine yard +El izabeth +ĠToy ota +Hab itat +, ... +l ift +ch ronic +form ula +ĠK ub +Ġpartic iple +ĠBe et +Ġund o +zz a +Ġpoly unsaturated +Ġfle ets +ĠMes oam +Ġsquee zing +Ġparan ormal +% - +Ð ¶ +ĠH BV +In nov +Ġtyp ography +Ġele gans +Ġnon violent +Ġrad iotherapy +Ġterm ite +Ġwr ists +g ates +y i +z in +Ġs ockets +Ġb ooking +id ians +be hav +su ite +ĠPost ed +Ġshrink age +ĠYah oo +C annot +e asy +Ġt ad +il og +ĠP on +ĠW ILL +ĠE arn +Ġret ract +Ġwid gets +ĠMark er +Ġsimpl ifies +Ġleaf lets +odia zep +b idden +Ġs ided +ar id +Ġr t +Ġac uity +Ġant ico +start ed +Ġoccup ancy +ien ne +ĠWay back +Ġchromos omal +ĠWhit ney +Ġgrie ving +Draw ing +ĠMons anto +ĠYuk on +c ited +ç ® +or is +is ational +ĠP oo +ĠD ip +ĠF ame +ĠAn s +Ġdown hill +ĠAd option +Ġproject or +add am +Ġgreen ish +Ġserial izers +äº º +s ale +s igmoid +t ill +Ġright ful +Ġcross ings +Ġdram at +../ ../ +Ġtoss ed +timed elta +ĠBris bane +F lat +Ġc acao +Ġh inge +Ġ' [ +Ġfirst sum +ins ide +Ġref raction +Ġprofessional ism +Ġbrief ing +.' " +Ġadj ud +Ġcategor ization +Ġdeport ation +Ġging ivitis +f raction +Ñ ĸ +Ĵ Į +Ġde mean +Ġsh akespeare +ast es +Ġmod al +ĠInd oor +Ġmult is +reg istered +Ġaccompl ishing +war z +bra him +Under stand +MA IN +opl asm +fa ith +ĠHerm ann +p th +Ġe arthen +Ġsign ifying +Ġpop ped +che cking +comp assion +Ind ustrial +Ġskill fully +ĠControl s +ĠGal apagos +ĠChap ters +ĠðŁ ĺ +Ġcaf eter +Ġinaug ural +Ġcommemor ating +ĠEz ra +ĠTeh ran +Z one +Ł ¥ +re ally +Ġd rown +ĠB acterial +ak is +ip itation +oo oo +Ġdrink ers +Ġaccel erates +ĠArticle PubMedGoogle +disc rimination +Ġdeterior ated +Lat est +Ġfluct uate +S alt +ol utions +Ġen cl +Ġwater fall +set attr +arr is +Ġdark est +sol ar +under standing +ĠUt ility +gener ating +Ġtight ness +ĠBeng ali +ĠClaud ius +ĠInequ ality +Ġ ndarray +Ġset attr +Ġstory line +ĠHel m +{} '. +Ġdecor ator +Ġdress ings +ĠTheore tical +J ean +f ing +t reat +Ġt apped +Ġd ung +Ġne oc +Ġbus hel +Ġpattern ed +Ġprop hes +Ġadjust s +Se ven +fe ats +vi ks +ĠAutom atic +typ ical +Ġclo ak +Ġobl iv +ĠStru ggle +m il +w ife +Ġ ï¬ģ +ĠR anger +ak in +Ġret ic +Ġgreen houses +ev olution +Ġkn it +ĠBen ch +Ġrent ed +ĠPent agon +ra ch +ĠB ene +ĠN ure +Ġbl ender +Ġsecond ly +Ġopportun istic +US D +App roximately +ĠRad i +ĠLim itations +vari ant +Ġpill ows +ĠPrem ier +Ġunatt ended +ĠPtole my +Ġmillise conds +O ps +ath i +Ġrec ited +ĠAd rian +lin ux +uv ial +opl ankton +Ġspat ially +Ġbourgeois ie +ĠNecess ary +m ovie +st airs +ĠT ucker +ĠB iden +Ġle ased +ens ch +ert ime +Ġ_ (" +Ġann ounces +IT ER +Ġlo oming +"] ), +ĠTrans plant +ĠBo er +ĠIr ving +ĠOl ivia +ĠRap hael +Ġwhit ening +ĠPilgrim s +Ġconject ure +ist e +ĠJ iang +Ġdo om +ENT ER +cert ified +Fre edom +. % +M ust +Ġb ovine +Ġn t +ĠP eg +ĠB ash +Ġpl ating +ĠCon quest +Ġvol ley +ĠX VI +Ġmulti ples +Ġerr atic +Ġbot any +ĠID s +ĠSt a +Ġever lasting +Ġgeneral ization +Ġer ased +Ġdownload able +main ly +Chall enges +ĠT RI +ĠS IG +ĠM OS +qu oise +Ġun regulated +aut s +esc ence +Ġdivers ify +Ġcorrespond ent +Ġske wed +Ġdevote es +Ġmetast atic +again st +Ġendorph ins +Y O +ĠS AS +ir ators +Ġen rol +ss l +erg lass +cer ity +Ch oice +Ġpay roll +Ġaltern atively +Ġsolid ified +Ġdiplom at +, _ +E ight +á ŀ +Ġe book +am ble +ĠS ão +ist ice +Ġun ilateral +ĠAct a +Ġrob bery +ĠSet up +ĠDirect orate +IM AGE +Dep ression +ben efit +impro vement +E gg +o ire +v ana +ĠM Sc +Ġcan ola +Ġret ry +Ġgl azing +Ġmar in +ĠGe ographical +Ġthy me +Ġgeomet ries +Fem ale +he ated +Ġan ci +Ġnot withstanding +Ġsh in +Ġk an +Ġun well +Ġun structured +Ġdi agon +Ġpassion ately +Ġtag ging +Ġol ives +FF FF +ĠRap ids +Exper iment +G all +O ral +is ors +ats u +rict ions +Ġdiet itian +che ster +Ġcoll apsing +ĠPers istent +ĠInvest igating +tim est +Fact ors +ĠDeb ates +ĠASE AN +s urgery +â ī +Ġgl aze +ĠEn vironments +ĠDevelop ers +Ġfaith fully +gl om +ĠBas el +ĠPort rait +Class ification +Ġinsist ence +ĠAqu inas +Ġjack ets +Ġthir teenth +Ġnucleot ides +H it +Ġm ash +Ġed its +Ġpar ishes +Ġhand out +Ġwild flowers +Ġborrow er +Ġvest ibular +ĠAlban ia +Ġpes ky +B us +C hat +D N +M AT +[ \ +ç ¬ +Ġf ountains +Ġst roll +Ġ( : +op ens +ĠD AR +pl astics +ĠCh arg +Ġdef ences +Ġhome opathic +Ġlot us +Ġcool ant +ingu ishable +Ġpump kins +charg ing +Ġapost le +c ats +re b +ud ging +Ġav al +inter p +Ġsed ation +Ġathlet ics +ĠPot assium +ä t +Ġexagger ation +ĠSent inel +ĠMoroc can +Ġcheer ful +Ġvamp ire +T OP +c oded +Ġpower ing +Ch urch +Ġrect al +ĠKat z +Ġgreed y +Ġegal itarian +Ñ Ħ +he ets +Ġc og +Ġab err +Ġhealth iest +Ġsw ab +ĠPer th +ĠVol ta +ĠSk ype +ĠBre eding +Ġн а +ĠGD PR +M il +t rees +Ġres usc +Ġev ade +hor a +AN GE +Ġing esting +Ġpick up +ref lect +Ġgenes is +Ġclick ed +Ġpra iries +Ġwars hips +Ġhemorrh age +D OWN +ĠS UP +ĠW inc +ĠD ot +ĠL ars +Ġra isins +Ġdi pping +Ġair tight +Ġskill ful +ĠMot ivation +ĠGuid eline +Ġprag mat +Diagn osis +w rights +Ġh og +ig ated +Ġinc in +ĠPar agraph +su ited +AC A +ĠRem oving +sub s +Ġnerv osa +Ġgau ges +ĠPeriod ic +c apture +Ġw oke +or ce +Ġb ows +ce il +ĠC able +ĠC oin +ĠL H +eth ics +normal ized +Em pty +Ġhang s +arbon ate +Ġdelib eration +Ġunexpl ored +WAR NING +C trl +o ises +Ġp db +ĠS eth +ĠN ah +Ġ= ================================================================ +ĠG olf +cl ub +ph osphate +ob acillus +ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ +(' .') +Ġmakes hift +num eric +ĠAc upuncture +Ġimmun otherapy +Ġtough ness +Ġcub s +Ġstack ing +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ +ĠMét is +L it +W ay +ĠM BA +Ġbl oc +cept ible +Ġconf luence +Ġsol itude +Ġside walks +Ġfile path +amin o +ĠChe ese +ĠSent ence +c aps +Ġa isle +Ġp aws +Ġn ib +ĠR G +ĠY og +ĠY ard +Ġutil itarian +asp hem +TR ACT +Ġalleg ory +ĠCru c +Ġasym metry +Ġacre age +Altern atively +M as +M ale +S ustainable +c ox +ĠM ice +ĠG rants +Ġset back +Ġrep arations +ĠBe er +ĠGe ophysical +ister ia +Gold en +Ġelectroc hemical +Ġcrocod ile +Ġretin opathy +Ġassembl age +Ġs sh +Ġby products +ĠDef iciency +ĠAnaly tical +Ġindef inite +Ġspectrom etry +ĠIber ian +Ġbould ers +N W +h ake +Ġa eration +Ġc radle +Ġu v +Ġnot ch +Ġpl under +Ġdis claimer +ĠV iv +ĠSu pper +Ġblock ers +Ġdro ppings +ĠJour nals +Leg al +renew able +c map +e velop +Ġh p +st ocks +__ )) +Ġris king +min i +enn es +Ġmicro controller +Ġrot ting +ipher al +ĠConcept ual +ĠCrus ades +Ġhort iculture +ĠRac ism +Ġrefriger ant +J S +O l +w l +re action +ĠD oor +ĠF letcher +ĠG MT +we ak +ĠY or +Ġmed itate +Ġvirtual ization +ĠLim a +Ġye ah +Ġacet aminophen +Ġeukary otic +Ġqui eter +Ġcondu it +ĠDion ys +d as +m orph +Ġmult idimensional +ĠEn um +Com pan +const raint +Pl ate +mask ed +('/ ') +Ġdomest ication +n z +s udo +ĠA SS +Ġan em +ĠL um +Ġk ite +Ġman ic +Ġinter cultural +play ed +ĠCons istent +Ġhop ping +Ġmeth anol +Sub st +Ġinspect ors +Ġvert igo +ĠMong ols +Ġconsec rated +Prov ider +ĠSens itivity +ĠStew ardship +t ro +Ġde formed +âĢĻ : +Ġpl unge +Ġun official +Ġsub divided +ĠBi har +ĠInv asive +Ġshut ting +car otene +Second ary +Ġrepublic an +ĠPartners hips +ĠStre ets +Ġforesee able +D ogs +F riends +F requently +d or +t ouch +Ġd osing +ĠH C +ĠW TO +Ġli king +ĠGu pta +Ġroad way +α ÏĦ +Know n +ĠCos m +Ġje ans +Ġwip ing +XXXX XXXX +Ġsuperst ition +Ġsanction ed +Ġfaç ade +ĠW aves +Ġle ve +ĠG ym +Ġborrow ers +Ġexh ale +gard e +Ġfaire r +F er +f ection +the llo +Ident ity +ĠCole man +ĠRodrig uez +Ġin numerable +se at +ĠE SP +Ġle aked +Ġdis illusion +ĠSt amp +comp ress +App ro +Ġfertil ize +Ġanthrop ological +ĠMarsh al +ĠMos he +ĠThreat ened +ĠPlatform s +E asy +Ġd urations +th orne +ĠW ade +pl og +Ġun consciously +the ws +ĠKe ynes +div isions +Hand le +Ut il +ĠBL M +ĠTuc son +m oves +ar ative +Ġn ave +ĠR V +ĠK od +Ġdef ender +man age +Ġbar racks +Ġvill ains +Ġplain ly +ĠEV s +Ġsurf aced +Ġinduct ive +ĠPUR POSE +v ah +Ġso ot +Ar r +ĠInter state +Ġclim bers +Ġnone x +Ġmold ed +bour g +Ġoverse es +respons ive +ĠVed as +Ġsurrog ate +c overing +Ġb ordered +ĠS EL +ĠP ablo +ĠArab idopsis +ĠCir cular +rots ky +ĠHab it +ĠEur asia +D ictionary +ĠT omb +qu iring +Ġne cks +Ġdis ordered +Ġj ohn +ĠSt o +other mia +gen ome +Ġfour teenth +ĠShe ep +SS L +ä¸ Ĭ +Ġampl ifiers +н Ñĭ +predict ed +ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠ +Ġabol ish +Ġanth rax +confirm ed +Ġmortg ages +D in +l iquid +Ġw reat +ib ou +Ġsub continent +ĠAr sen +ĠEm pty +Ġcombat ting +Ġplug ins +Ġcann ib +Ġpsychiat rists +yt ocin +ĠRa ising +ĠBrun o +ĠThreat s +Ġcarc asses +Ġb ots +st a +ig ible +ĠH og +ĠJ E +ĠY om +Ġmod erated +Ġwood pec +Ġsusp end +ĠParliament ary +anas ia +Ġgrape fruit +av as +sc ipy +idel berg +warn ings +Ġstair case +ĠMahar ashtra +S and +w alking +Ġv ase +ĠB rom +ĠU AE +ĠAb normal +atur ation +ĠDi ary +UR I +FT A +æľ ¬ +ä½ ľ +ĠMut ual +ĠAuthent ication +ĠKE Y +ĠB IM +ap ur +und ing +ĠAd ri +ĠCol our +IC H +ĠAnt ony +Ġson ic +abil istic +ĠBoy d +Ġosm osis +ĠPhar ise +c nn +ur geon +ke rel +Ġsp indle +Ġcomm ute +Ġind iscrim +ov sk +Ġnum erals +Ġur i +fil ms +Pot ential +ĠSurround ing +T ax +Ġt onal +âĢ ļ +ĠW atching +ĠL ICENSE +ĠG an +ĠGen et +Ġhaz el +Ġtribut ary +n od +Ġad verb +olog ne +Ġmal adaptive +ĠAssess ments +Ġdele ting +Ġbru ising +Ġhaw k +d B +m ene +y rus +ĠS py +ad vent +ĠD V +red dit +ec ological +St one +(" . +Ġfore arm +Ġlif etimes +ĠHer bal +sl ope +AMP LE +ĠLeices ter +Ġordin ances +H CR +h ai +t v +en act +ot rans +ĠB au +ĠTh ousand +Ġun clean +Ġun identified +con version +Ġpre processing +Ġunder lie +co vers +su fficiency +Ġcontract ual +ĠCor pus +ĠMac ro +Ġicon ography +QU E +Ġlag oon +Custom er +ĠAyurved ic ++ ', +C our +P rin +S ERV +Ġp lywood +ĠC asp +ĠR itual +Ġqu bits +AS P +Ġveget arians +Ġreprodu cible +Ġmanip ulations +Ġrepay ment +/ ') +N ear +m f +Ġex termin +red uced +cess ive +Ġent rances +ĠWe bsites +par agraph +ĠSh im +Ġpain killers +ĠPer se +Ġspeed y +Ġdish was +Ġgrab bing +ĠFle ming +Ġirres ist +nd a +Ġre iter +ĠC ain +ĠG ad +Gen eric +ĠBr igham +Ġretail er +Ġplut onium +th orn +ĠN utrient +ĠL ig +ĠK lan +Ġref urb +ves ter +pos p +sp aces +Ġconcent ric +bre v +Ġstimul ants +oderm a +è¦ ģ +i ou +ĠB ella +Ġsc ribes +atter ies +ĠCy rus +ĠBur ton +Ġparas it +Ġphosph ory +Ġmim icking +Ġfut ile +liter als +ĠBring ing +Ġacquaint ance +S low +U pload +j ang +s lavery +Å Ħ +ar u +Ġan ne +ĠAd dition +Ġmis chie +Ġtim est +ãģ « +connect ions +ĠAT M +Mon itoring +Ġplural ism +ĠMcG ill +Ġpancreat itis +Ġrevital ization +Ġd andel +Ġre indeer +id as +ĠC ull +ĠM ond +Ġfl or +ick en +AT M +Ġsolid ifying +Ġball istic +ĠCD s +ĠPrior itize +Ġbun ny +T X +f usion +n ance +p andas +w ik +Ġt ester +ĠD uch +ĠG rat +are as +Ġpe g +Ġneed y +att achment +Ġcoll apses +Ġ.. ." +Ġgrapp les +Ġnick named +ĠHyp othesis +Ġcooper atives +Ġarous ed +Ġlandl ords +ĠE id +Ġsh orts +Ġdis location +hen ce +Ġsm ear +'] ): +Ġcra ve +Ġcook er +Ġtraum as +Ġborder line +Ġterr ific +Ġcrocod iles +priv ile +or ah +ĠI li +ure th +red ited +fter s +com ycin +sp inal +Ġorn ith +ĠBibli ography +Ġquer yset +Ġabras ive +} ^{ +ĠB t +Ġdep ot +gen es +Web ster +ĠHal ifax +Ġshout ed +ĠNeigh borhood +Coll ins +ĠClaim s +; \ +M aria +M agic +k ids +Ġc reeks +oc ry +Ġj s +Ġtw ilight +Ġoff ences +work flow +ĠAss am +Ġhom icide +Ġpark ed +lik ed +Ġadvers ary +mass ive +igraph ic +Ġinfrast ructures +Ġheres y +ĠT urb +ag hetti +Ġcy berspace +ĠSur prisingly +ĠPenn y +ĠEconom ist +rav ings +prom pt +Ġlubric ation +Peer V +ĠSid ney +Ġvenge ance +r strip +ë ĭ +Ġa ka +ĠR ide +pt ious +ast ro +Ġsc uba +Ġhum iliation +Ġorgan elles +Ġmil ieu +âĢ¦ ) +ĠPres idency +Ġmut ants +gener ally +prov ided +Ġinterrupt ing +ĠPred iction +ĠScholars hip +' ))) +P hy +Ġu id +ĠD ro +ĠD oyle +ĠK yr +get cwd +Ġsl it +ĠDep th +ĠAut obi +ĠAtt ach +ĠArchitect ural +Ġdishon est +ur ism +un gen +ĠCon ventional +Ġsuper power +ĠAc quisition +pass ed +Ġrib bons +ĠFront iers +fin ancial +ĠVacc ines +' ( +ab outs +Ġge ologist +ĠArt illery +Ġfacilit ator +ĠHy de +Ġpneum atic +ĠJane iro +à » +Ġb umble +Ġg ul +ore au +ĠW att +ĠN intendo +ia v +Ġgl ide +Ġsl og +cul a +Ġfall out +ĠGreen wich +Att ention +Prof essional +ĠHold ing +}{ \ +ĠCauc asian +Ġestu aries +c atalog +r x +ĠC BS +and ro +Ġev oked +ph s +ĠRep roduction +ĠComp ost +Ġtrust ees +vis ited +ĠUse ful +ĠBo ards +ĠÐ ¼ +Ġnit rates +оР¼ +ĠAlong side +comb ined +Ġinaug urated +Ġblueprint s +Ġnarc iss +Ġlandsl ide +? ]( +M os +Ġf ries +ĠT end +res net +ĠJ aw +ĠAl askan +Ġend anger +Ġvarious ly +Ġunt apped +Ġded uction +-------------------------------- --- +osph orus +ĠPath ology +Ġgran ules +Ġot ters +ĠCe res +J O +R od +ul monary +ĠB ess +au nder +ĠV ideos +ĠCl aire +Ġmot ility +time zone +sum mer +Ġcarn ivorous +ĠU ber +ĠJ ill +ĠK eller +Ġreg urg +com pleted +arc hes +âĢľ . +rad a +Ġsequ el +Ġsq rt +Ġante ced +Ġmisf ortune +P in +Ġt ungsten +ent ities +Ġe erie +ĠW ille +Ġun answered +ex pert +Ġill iterate +Ġscre aming +Ġunivers es +ĠHistor ians +ĠKore ans +ĠBrother hood +ĠFeel ings +Ġphylogen y +Ġgira ffe +t ear +ĠT iny +ĠB ard +Ġox al +Ġµ m +@ @ +Ġo u +ĠC oy +Ġsy ringe +ĠCom pos +ĠAct ing +Ġutil ised +ãģ Ĺ +click ed +Ġspr ang +bohyd rate +kines is +Ġre name +Ġu re +ĠD oll +ĠR heumat +Ġro gue +ert ations +arm ament +') ( +ĠCol ored +Ġstress ing +Ġarche ological +ĠParad ox +Ġsolub ility +M om +ĠT art +ick y +Ġincre ments +not ify +Ġwaste ful +ĠElect oral +Sc ope +Ġtight ening +Att r +P ON +Ġc pu +Ġst ocking +Ġde ceive +ĠD ere +Ġequ ate +man ufact +Ġhard en +Ġsens ibilities +Ġfurther more +CS I +[:, :, +lat ent +оР³ +Pat tern +Red ucing +forest ry +respons es +ĠGloss ary +C rypt +D one +F ixed +I ce +M ARY +} ( +å ¿ +Ġh oo +ĠM esh +ĠE ure +ĠF lem +ĠR ash +ĠO W +Ġeff luent +esc ape +Ġtotal itarian +zz i +pub med +å¤ § +ĠMir ror +e gg +st ere +Ġg ills +eg y +Ch art +And rew +ĠLock heed +Ġprerequ isites +B ottom +Ġa version +Ġb ouncing +ac er +ĠH are +ĠE rik +Ġun question +the ory +oph ones +ĠFl oyd +Ġinform ally +Ġcharg er +Pre venting +Ġerad icated +Ġhect are +FORM AT +Ġbroch ure +H earing +s ess +ĠS ony +Ġnews letters +Ġvalid ator +ĠUN IX +Pe ak +rac use +Ġreass uring +ĠEstablish ment +oplast y +ĠUzbek istan +: ') +p w +en ital +Ġc rib +ion a +Ġg c +id on +ĠC FR +Ġor phans +ant ib +ĠH os +ĠSt rip +Ġ' '. +Ġinv oking +Ġsc orp +Ġunt old +Ġmis guided +rid ium +sol ved +Ġelev ating +Ġlunch time +ĠMother s +Ġquad ru +'} ), +Ġdeform ity +K im +Ġp aw +ĠM ith +Ġph ased +ĠEarth quake +Ġbar b +ĠSim pl +-------------------------------- ----- +PA A +sur v +Ġbrilli ance +ĠHard ware +ĠReflect ions +ĠAur ora +Ġcolloqu ial +ĠT iber +ĠD rought +Ġab duct +ĠTh ou +Ġrep ro +Ġpar rots +Ex ternal +Ġsequ entially +ĠEnt ity +G ets +M iller +l ord +u w +Ġsp acious +Ġbl at +ĠEx isting +ĠEng els +An ne +ο ν +Ġnurt ured +Ġstew s +ĠPil ate +Ġparaly zed +ĠT aste +am er +Ġinc arn +Ġund iagnosed +Ġillust rator +Te ach +Ġaddict s +ĠDigest ive +ĠIsab ella +M otor +c dot +f ight +g c +Ġs igmoid +du cer +Ġhum our +Ġbo asted +") ] +Ġminim ax +Ġtele medicine +SA GE +ĠGet ty +Ġcart ridges +Ġrect ify +opath ology +H old +c aster +ip ers +Ġam erica +Ch anging +Ġgame play +ĠRel igions +ĠEv il +cut ta +Ġperf ume +public ation +Ġcoinc ides +Ġtread mill +controll ers +Ġbenevol ent +Ġc s +ĠE rit +ĠSt uff +Ġdifferent iating +Ġlist ens +Ġx i +ĠDis put +ĠInv ite +Ġglut amate +? ), +G reg +j oice +re levant +Ġto pp +Ġle aps +Ġsh rou +ild ed +Ġpe ach +Ġwater fowl +ĠAl uminum +der a +ĠAm es +Ġpun itive +Ġdoor way +ĠUV B +Ġhydro chlor +d iversity +h ands +ost atic +Ġpl ough +Ġdec is +br ushes +IC A +IF I +ĠPur itans +ĠRN As +Ġanecd otes +Ġskys crapers +N odes +ĠE uler +Ġen rolling +oint ment +ĠZ hao +Ġep oxy +Ġtub ers +ĠColon ies +Supp lement +Ġwand ered +ĠIncorpor ating +S ci +ç IJ +at onic +ant age +ĠG ift +aw att +Ġbr anched +Ġmult iv +ĠChe v +ãģ Ħ +eren ced +Ġcann ons +Ġvag u +('. // +Ġp ears +Ġex termination +ĠB RCA +ĠD ive +ĠO A +Ġwill s +com position +Ġdel ights +Ġland owner +co e +Ġprob ation +ĠFl oor +Ġmount s +ĠJournal ism +Ġsweet ener +ĠAdv ice +Ed ward +ocy tic +Ġcommission ers +oz o +Ident ifying +Ġgor illa +W rap +un ken +Ġwid en +ET A +ĠBre tt +ĠEr rors +A xis +Ġo o +ic ile +Ġe jected +Ġst itching +ĠS ail +ĠC oding +ip ur +ĠK ell +Ġelect ive +ĠSur rey +Ġbrown ish +Ġadm iring +Ġmemor ials +Ġasc ended +Ġincident al +ĠParent ing +pres erved +ĠOs lo +Ġhaunt ing +Ġcrev ices +Ġm nem +Ġd ar +Ġvar s +sc hem +Ġder iving +Ġmemor ization +Ġmuc osa +Ġstagn ation +Ast ron +ĠRut gers +C OR +U pper +en franch +ĠP interest +ĠB ism +ĠN arc +ag y +ĠGu ided +ĠLim its +ctu aries +Det ail +Ġadul tery +Ġwhis key +altern ative +esoph ageal +Sad ly +Ġunimag inable +h ua +ter a +pe e +Ġwhe y +ib o +form atter +ren s +Ġpref erring +App lications +Ġelectro static +Ġhal o +Ġ× IJ +Ġupl ifting +great er +ĠPas adena +Ġfrank ly +Ġscrat ches +Ġst alls +op ecia +Ġsub class +Ġsl ider +Ġturn out +Ġsoci ocultural +ĠTrans c +lin er +Ġradio activity +Ġstamp ed +ĠKur ds +iline ar +N amed +Ġp av +ĠC CD +ĠK uh +Ġexp el +ec al +Ġcaus ative +sh ut +Ġpost hum +ĠLe ipzig +Ġtur keys +Ġrom an +Ġperpet rator +ĠElizabeth an +Ġrh o +Ġcannab inoids +Ġidi oms +Ġspectrom eter +Ġqu ilt +Ġheart felt +inter ing +Ġmultiple x +oe a +ĠInf rared +ĠTreat ing +Ġcart s +Le an +sl ots +awn ing +Ġpool ed +Ġfemin ists +bro ther +Ġperme able +ĠLithuan ian +Batch Norm +" }) +- ( +Ġan them +ĠH mm +ĠG av +ĠJ ah +Ġ' ( +Ġref in +ety pe +Ġprot racted +isc hen +Ġcross roads +Ġfasc ism +ĠMah ab +bu y +Ġcruc ified +bohyd rates +Ġjog ging +R am +ot ide +Ġst rap +ĠM ys +em it +ĠD ollar +Ġen zymatic +Ġunder world +Ġcent red +ĠGe orgetown +ĠFl ip +cor pus +ĠPop ulations +ĠGeorg es +ĠUlt imate +fam ilies +Ġephemer al +K en +ĠT au +ĠL ists +ĠK ang +ram atic +Ġfl air +ĠRes ervation +rop hes +Ch arl +ĠConf licts +process es +Ġdu plicates +uten berg +through put +ĠNapole onic +b ags +n iz +Ġst ink +Ġsubst ituting +Ġwealth ier +Ġpun ishing +ethe us +Ġannex ation +m agic +Ġas paragus +Ġv ind +ĠD W +ĠAn onymous +over ride +ĠPh yt +Ġbehav ed +Ġmass ively +Ġroad side +Ġadop ts +ĠHistor ian +sk ills +Ġhonor able +conscious ness +Ġovers impl +ĠComplex ity +ĠCover age +ç¤ º +Ö ¹ +at ians +Ġm aternity +ĠF ortune +Ġover write +Ġexpl oding +ec ks +ĠAr gon +Pro blems +just ice +Ġgraph ing +Ġrepe al +ĠIsrael is +Ġroll ers +Ġrul ings +ĠCle opatra +Ġantagon ist +Ġdemocr at +Ġt ug +Ġs ack +Ġc rossover +Ġp act +ic ions +Ġg els +ĠG es +Ġcar amel +Ġfit tings +Trans lation +Ġanten nae +Ġcoh orts +f orts +t rust +ĠH ancock +Ġk ar +Ġdec oded +Ġback ups +ĠSh ak +Pl anning +organ ism +Ġvibr ate +supp ly +ĠMi randa +Ġscrum ptious +C ID +im oto +Ġg p +ĠH ER +Ġha irst +ĠN OW +Ġk eto +ĠTh in +ack er +de ployment +Ġcur ses +Ġinc arnation +oh a +Ġconvers ely +AP TER +Ġce ases +Ġphotos ynthetic +ĠEmploy ee +Ġkiss ing +Ġrefract ory +Ġtyph oid +Ġtheolog ian +A pr +P i +ĠP anch +ĠB ering +Ġval ence +Ġmill imeter +ĠMan agers +Ġadapt s +Ġpoll ute +Ġabund antly +ĠMcC le +Ġmeteor ites +Ġabsent ee +C ool +N i +it ial +ol ing +ĠN UM +Ġburn er +Ad ult +ĠAmong st +agg ressions +aunt ed +Ġanth ology +ĠFern ando +Ġappre hend +ĠNathan iel +Ġperce ives +Ġantise ptic +O VA +c ub +Ġc et +Ġre define +ce le +ĠC atch +ĠE A +ast a +Ġallow ances +Ġoper ative +Ġorig ami +chol ine +Ġwid ows +Ġquant ifying +ĠFund s +Ġtransmit ters +Ġdimin ishes +Ġfolk tales +food s +Ġinterchange able +Ġindig estion +ĠWals h +Ġillegit imate +N uclear +è ½ +Ġw aged +al ien +ar xiv +ĠD angerous +Ġind ebted +() ]) +Ġfunction ally +Ġlab elling +Ġbook store +inc are +ĠX er +Ġvisual ized +ĠTra v +Ġshop pers +Ġठķ +b oolean +r ifice +w ake +Ġc d +ĠT akes +Ġch ars +ĠL oan +Ġrel ays +Ġatt ested +Ġfil enames +ĠSp ending +ĠBre xit +Ġdwar fs +Ġemig rated +Ġst or +ĠG U +Ġdi ocese +ik ed +ĠDis k +ĠMor se +Ġsacr ificial +Ġhusband ry +ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ Ġ +Log in +Ġintermedi ary +ĠSchne ider +Ġp k +Ġp ensions +Ġev okes +Ġsuper powers +Ġexc uses +ĠState ments +ĠBo is +Ġsyn agogues +Ġdefe ats +EE K +Ġdedu ctions +Ġletharg y +P oll +Ġo res +Ġo mission +ch s +ĠE col +Ġprior i +Ġtruth ful +ä¸ ĭ +Ġjew els +ĠHem ing +Ġreck less +Ġanarch ist +rystall ine +- ' +h oun +t iny +v ote +Ġm ins +Ġd anced +ĠS ik +ĠM aid +th ank +ĠB ing +Ġcomp el +IS BN +-------------------------------- --------- +ĠBra ille +Ġgly cer +Ġsubsid ized +Ġarbit rarily +V S +t al +Ġt v +ell an +ĠU nexpected +ĠSt ones +Ġra ped +Ġbre wer +Ġforce fully +inst ead +rid ged +Ġconqu ering +vari ance +select or +________________ ________________ +Ġmang roves +Ens ure +ecl ampsia +ĠNure mberg +R oom +f ir +k v +erm ann +Ġlo af +Ġneut rinos +ediat r +Ġbiod iesel +Run ner +Ġamphib ian +R os +ĠI z +ac in +ĠB ipolar +ĠF ishing +Ġj ams +ric ing +les n +ĠCon tainer +ĠPr att +ĠAqu atic +en ching +Ġf oe +Ġg ren +ĠA BO +ĠL al +Ġnatural istic +Ġship ments +Ġinterven ed +Ġhypogly cemia +ĠSloven ia +P air +at ters +Ġd ives +ĠS OL +ĠF on +ĠL och +Ġbul ge +Ġoverl aps +Ġthread ed +Ġoblig atory +ĠEC G +Ġbor on +h z +ar f +ĠB ates +ĠG ABA +Ġ' ': +Ġdes alination +Ġconc ussions +ĠAsh ley +Ġaddict ions +Ġenlight ening +Ġequival ence +Ġendomet riosis +R H +× ŀ +å ĴĮ +ve h +ĠP iano +Ġcomm end +ĠV s +ĠSh ack +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠ +Ġround ing +Ġkn ocking +Ġdiscrim inated +ĠOper ational +Ġven omous +Ġreass ess +ĠCapital ism +Ġreplic ating +oske leton +ocaly pse +Prepar ing +Ġhass le +Ġexcre ted +Ġgrizz ly +r p +el ike +st uffs +ĠH oll +ĠH umb +we i +Ġdisc ouraging +ĠLe aving +Ġsect s +CH ANT +Ġkil ometer +Ġsuc ceeds +ĠTem p +ॠĭ +ĠCell ular +iph on +lad en +n uclear +Ġfor ging +Ġal i +Ġv ign +ure n +Ġ{ { +An imals +ĠInt ra +sk ill +Ġsweet ened +Ġnan ometers +record ed +ĠChi ang +Ġblu ish +ĠWet lands +Ġcommemor ates +ĠAzte cs +Ġdissip ate +ĠSomers et +Ġmorn ings +Ġh oof +ĠT ier +Ġcon ical +rom eter +we ets +Ġsign age +wh ose +Ġsleep iness +Add ed +move ment +umen ical +follow ing +ĠEscher ichia +Ġnex us +D eg +à ² +Ê ¿ +en as +Ġth ief +Ġv als +Ġbi osphere +ĠBl end +acc el +Ex pr +ĠSur geon +Ġkit ten +Med icine +ĠMa hatma +Ġsail or +ĠHan ukkah +Ġoversee ing +ĠPhen omen +ĠAe gean +ĠTrin idad +ĠDres den +ĠA ids +Ġch ast +ĠCh u +AR P +oph ores +Ex odus +Ġcheck out +Ne ither +Ġjew ellery +ĠArchitect s +Ġmacro economic +ENG TH +B attle +W ire +o eb +ĠS ister +oc ious +Ġ{ : +Ġcry ptic +Ġhospital izations +е л +Ġsql ite +scient ist +ĠBrow se +Ġhypoth alamus +Ġfollic le +Ġinconven ience +interpre ted +M i +Ġo aks +Ġd ocker +ĠF us +AS C +avor ite +Ġheav iest +ĠNot tingham +Ġfrag ility +ĠMer cy +uther ford +Ġhes it +Main taining +: { +Ġf d +le z +Ġdec arbon +ĠAugust a +Ġinterf aith +Ġperpet uated +ĠFriend ly +Ġcockro aches +ĠLEG O +P K +r asion +il ism +ĠP t +Ġmicro phones +ĠAg u +Ġtrust y +Ġmock ed +Base Model +symb ols +upload s +Ġischem ic +S aturday +j peg +ad ditional +and ering +cl f +ib ald +ear ned +ob ot +Ġret ribution +ĠZ n +Ġwood working +udd led +Ġconstruct ively +Ġcurious ly +DS M +Ġaggreg ated +Fact or +oblast oma +Ġsparing ly +g ut +al ive +Ġd as +ĠB ac +av id +Ġinter operability +Ġcare less +Ġhost name +Ġhyd rological +ĠElect ron +det ect +Ġtu ples +® , +ĠJon ah +Ġendeav our +Ġlod ging +ĠAthen ian +ĠLIMIT ED +; ' +es ville +Ġg ulf +ter ious +ĠF res +Ġro amed +ne z +Ġdes eg +ron omic +ĠAn imation +Ġmet ering +sp ers +ĠAm pl +ĠRivers ide +ra re +ĠH ed +Ġint ending +ĠAr d +Ġut opian +Ġtrust ee +Ġtele visions +Cont rary +ĠGlobal ization +Object s +Ġham let +Ġterr ified +ĠHels inki +æ ģ +ic ule +ĠP end +ĠW are +Ġpass ively +Ġcal iph +ival ence +Ġpay able +ĠPart ial +ĠEduc ate +Ġinstitutional ized +Ġoct ave +ĠSurv iv +ĠTM J +Ġcler ks +Ġremed ial +ĠPractition ers +B OT +s aid +Ġh ars +ĠA way +ĠC eram +um ab +Ġcan oes +(' [ +ank ar +amm ers +chol y +Ġseason ing +ĠSil va +Ġfed eration +Ġintermedi aries +Ġmicron utrients +ĠAram aic +E AR +at ten +is bury +ĠT in +res istance +ĠB ant +Ġwe aning +ĠF AA +ich te +ĠRe e +Wh ilst +ĠComp assion +Ġquant ification +ĠMod erate +mark down +Ġhoney bees +Ġalarm ed +ĠMom ent +Ġcorps es +C ESS +N it +d welling +i ander +he ra +it led +Ġb c +ir con +Ġad sorption +uch s +Ġmin er +Ġmain s +Ġanal ogue +ĠCont rolled +ĠNe u +Ġtill age +ĠAdolesc ents +B ud +L incoln +y am +ĠT ot +ĠC isco +ell ings +Ġpre process +Ġhist amine +ev idence +semb les +ĠBen efit +Ġnan ost +Ġepistem ology +r iment +Ġp antry +Ġm ocking +ĠS SR +ĠC aps +Ġout liers +mer c +ern o +Ġdem arc +Ġord inarily +ij a +ĠBro ken +Ġdescript or +EF L +Ġattain able +Ġgam ification +ĠNA ACP +Ġupl and +Ġesc ort +ĠChau cer +Ġruth less +Ġindist inguishable +T aylor +h off +Ġth i +ut i +th ick +ĠK ul +Ġcur cumin +Ġfat ig +ĠSl ovakia +neg ot +ĠLess er +Ġfores ight +ĠCere mon +Ġactu ators +B irth +H ope +ĠA UTH +Ġsp urs +ĠV ig +ĠPl aza +Ġste ak +Ġdispos ing +Rel igion +Ġmelan in +ĠPF AS +Neg ative +Ġzebra fish +) ]. +M ade +ĠS PD +ell um +Ġk i +ob ility +ale igh +Ġbenef iciary +Al ert +ret te +Ġder ivation +Ġcommercial ization +Ġdu plicated +Ġflav ored +ĠHor ace +ĠPars ons +Ġneurom uscular +Ġspac etime +å¯ ¹ +ĠVander bilt +ĠT olerance +ĠC aj +Ġfat ality +Ġblock ages +Ġtour naments +ĠMet abolism +Ġrevol ving +ĠCop ing +jour nals +ĠCiv ic +q q +ĠP OL +ĠB am +out ine +Ġapp arel +Ġcommun ists +Ġlevel ing +ĠIs olation +Ph ilos +Ġideal ized +Ġrhy ming +Ġmas hed +Ġweapon ry +Dec imal +PLA Y +Ġunsus pecting +ĠPARTIC ULAR +P ix +P OL +a um +Ġrel oad +sh irt +Ġlog its +ĠSc ope +Ġwind y +Ġphen otypic +Ġcampaign ing +esh oe +unning ham +Ġsucc ulents +Ġrigor ously +ĠHutch inson +F requency +G ot +W al +m ere +Ġw ob +ĠT ate +Ġst are +if acts +Ġat opic +Ġtake off +ĠSc ratch +é d +Ġax e +UR ES +Ġgrass hop +icks burg +ĠNet working +tem poral +ĠPRO VID +ĠGreg orian +ĠExpress ions +ĠDeut eronomy +ĠInsect s +A mb +Ġ ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ +ol son +ĠCal gary +unch ing +ĠTr ich +Ġstick er +è s +Ġcentrifug al +p acks +Ġm x +ĠL ighthouse +ĠZ ach +Ġarr ivals +Ġnational ists +á r +ĠLeg islation +Ġsin ners +RA W +Ġcontamin ant +develop mental +ĠMongol ian +Ġbisc uits ++ \ +E lements +Ġp int +Ġch rys +Ġsecond hand +Ġz oon +ĠCo at +Ġfort ification +ipe g +Mean ing +ĠNG C +Ġlig and +ĠCrime a +ĠBomb ay +Ġorthodont ic +H o +Ġst ag +ri ks +ĠJ STOR +Ġnut shell +Ġcondition ers +Ġappl aud +Ġgrass y +Ġdiss ipation +Ġnu ance +bas eline +ĠAltern atives +Ġcosm opolitan +ĠMP H +ĠKat ie +DI RECT +ĠAth letes +Ut ils +p f +Ġre using +ĠH oughton +Ġj ug +Ġra ging +Ġsol icit +Ġaff ords +ĠAm anda +Ġfib ro +abs burg +Ġlingu ists +oul os +Ġexert s +ĠBroad casting +Abs ol +ĠB U +all i +Ġtrans act +ĠAn im +ĠDe leg +sc enario +ĠZ ap +ĠOr b +Ġdeep ens +Ġrot ten +PS S +orph y +SC s +ĠColomb ian +Occ up +Ġdisinfect ant +D ie +a ust +ar ab +ĠT BI +Ġde ceptive +ĠF ounder +ĠR SV +pe re +ĠL ov +ĠG inger +Ġsub du +py lene +St an +St ation +ID A +Ġsold ering +ĠIS IS +ĠIN S +ĠSum atra +IF T +dist ances +jud gment +asm ine +Norm ally +Ev ents +ĠFu j +æĪ · +ĠSebast ian +ĠParagu ay +! = +E PS +Y C +Ġsil enced +Ġtur bo +Ġinhab iting +ĠCham bers +ĠMinor ity +Ġleng then +Ġbotan ist +D ESCRIPT +H ttp +v on +Ġo min +Ġf rench +ĠS arg +ĠD ai +ap arte +Al t +dat aclass +Ġconce ivable +INS ERT +' % +I p +R at +æ ¯ +ĠP agan +iv el +ĠW en +ific antly +Ġshe pherds +ĠSp ir +Ex posure +Ġvibr ating +token izer +State ment +ĠNic ole +Ġforb id +Ġprefix es +Ġmu zzle +Tw enty +Iss ue +L ith +Ġs ushi +om bo +ĠC rest +Ġwe ary +Ġr ations +Ġcomp action +ĠU lysses +Ġcl ade +Ġwhen ce +Ġmy cot +pro ven +ĠSe af +ĠSh ock +Ġobject ed +Ġmicro grams +part icle +Ġposition al +Ġcircum vent +Ġhygi en +ĠDifferent ial +ا ÙĨ +Ġgreet ings +Altern ative +ĠEcosystem s +econom ics +Ġthromb osis +Ġp ies +ĠB ears +Ġtr if +Ġam enable +Ġkeep ers +Ġmil let +UT ION +Ġsediment ation +ĠOl m +Ġjun ctions +Ġplural ity +ĠCyber security +Ġpredic ament +ĠMcCle ll +W OR +è ´ +Ġto ads +Ġn y +ĠC i +ĠW orship +ĠG amma +ap est +Ġact in +de b +ĠRes urrection +inf rared +ĠChe y +ĠMedic ines +CH A +Ġhack ed +Ġalphabet ical +Ġspawn ed +cook ie +ĠKarn ataka +L ines +ĠD ivers +mon ths +---------------- ---- +ĠGo ethe +Mad ison +Ġprolet ariat +Ġ ix +Ġf asci +Ġha ze +ĠR inse +ĠR ousseau +ĠO zone +cc i +ism o +Ġloc ale +Al ready +ny der +ĠLouis ville +ĠContin ued +ĠBu zz +ĠJam estown +Ġhaw ks +Ġantip sych +resid ual +ĠAntio ch +( ", +g art +p oss +en ol +od il +Ġgra ze +por ters +Ġdeal ings +Ġball ast +Tra de +ä r +ĠCr ane +igs aw +ĠMoh ammad +Ġterra ins +ĠAntib iotics +Hig her +Ġdexter ity +c ourt +ĠM aternal +Ġun g +Ġpur se +ĠWar wick +ĠHol low +Ġjson ify +ĠHill ary +Ġcarcin ogens +Mark et +enh anced +liter ally +ĠStreng thening +ĠTol edo +M ON +ĠT ube +ch apter +ate urs +Ġhe als +os it +pl ains +ĠSt atic +Ġac he +Ġcharacter izes +ĠInst ant +ĠCont ributions +Ġaud iting +valid ator +Äģ r +ĠStone henge +Ġculprit s +Ġundersc ored +Ġexoplan ets +ä¾ ĭ +Ġdefinit ively +P ip +c reating +t ze +ĠD SL +Ġsm elling +Ġgra der +ĠRes idents +ĠEm ory +Ġdead liest +Ġdiam eters +ĠNic olas +Mar ine +oglob ulin +ĠBalk an +arcin oma +ĠPf izer +Ġdystop ian +) âĢĿ +ch al +act yl +Ġ" ," +Ġliter atures +Ġnetwork ed +dist rict +ĠAuthor ities +ĠSep aration +Main Window +ĠKath leen +Present ation +acchar ide +ĠLis bon +Ġgira ffes +ĠAsper ger +ĠFrancisc an +c ourses +v ary +z ar +pe a +Ġret iring +Ġworld views +ĠCol oring +ĠSam oa +ĠHom eland +chart ed +airo bi +Ġrede em +G ather +S eed +ĠM ines +ĠW on +Ġcl aw +Ġhel ix +ĠHe ather +Ġappropri ated +Ġportray ing +ĠAdapt ing +Ġconvention ally +Ġram ps +separ able +ĠGriff ith +C md +P roduction +R ules +ol us +ĠT ours +her ty +ĠR B +ĠU FO +int osh +Ġfl aming +erm int +Ġinc urs +ĠSh arma +Ġwid ths +ocr inology +Ġtrib unal +ॠģ +ĠCirc ulation +Const raint +Ġintersect s +Ġsinus itis +n est +ĠP atch +oc ardi +ĠâĢ º +Ġnational ities +umb a +ĠMon ica +Ġdepend able +ĠMat hematic +arrow ing +Ġimmun odeficiency +ĠMag ical +File Name +foot ed +ĠOffic ials +Ġmuc osal +Ġextr insic +ĠLingu istics +Ġunequ iv +h in +m ars +Ġre imag +ĠD AT +|| ( +ux ley +Ġcultiv ar +Ġreb ound +ĠEmp ress +cycl ed +Ġtang led +Ev olution +Ġmetamorph osis +Academ ic +B oston +P ET +ig l +ĠB ones +ĠB orders +Ġsh a +back ends +omy ces +ĠCur rency +Ġtrain ings +serial izers +Ġho arding +Ġprosec utor +ĠInsp iration +phot os +ĠCOPY RIGHT +F ailure +R oad +Ġs izable +ĠR ings +Ġdis band +Ġorgan izes +ĠQu é +Ġmal practice +ĠSer ious +Ġresol ves +Ġassim ilated +ĠOm aha +percent age +Ġmetast asis +ĠVit amins +Dar win +c opyright +it ars +od el +Ġcommon alities +ĠSp an +ĠEvery body +dec ision +Ġbold ly +Ġly ric +ĠRout ine +Ġdermat ologist +Ġanaphyl axis +k ok +st re +ĠC ite +ĠG le +sh op +Im plement +Re als +net works +Ġwonder fully +Ġfur the +ĠMechan ism +Ġtestim onies +ĠPed agog +Ġphil anthropy +Ġpamph lets +Ġrug by +ĠOrche stra +B rand +Ġt rit +nd ez +Ġg asses +ot ourism +ĠP is +Ġr pm +ĠD und +Ġexp ire +Ġca vern +Ġpar ab +Ġtem pered +Ġz en +Un ique +trans cript +ĠSol ve +ĠMont erey +Ġdismant le +ĠBeautiful Soup +ç ł +es an +ook y +ĠAs p +Ġhome owner +Ġsw apping +ID D +Ġmaxim ise +Ġbank ers +Ġamazing ly +ĠLatin x +Def ine +Ġsug arcane +Ġethn ographic +Ġlun ches +Ġdomest ically + ¾ +ent ing +Ġconf ounding +Ġgr illing +gy z +о ÑĤ +prot ective +ĠRa ise +Ġsmok er +Ġblur ry +ĠCoc onut +Ġphilanthrop ic +ç½ ® +ĠWinc hester +ĠC ott +Ġint uitively +vel ength +vers ive +the me +ĠAd visor +'] } +Ġfree zes +chol ester +comp ressed +Step hen +Un able +ĠCre ole +Resp ons +ĠStri ke +] \ +Ġbe arded +Ġv ows +Ġcour thouse +Ġdev otional +set Level +rows iness +Pe ace +Ġforg iven +ĠRefuge e +ĠGather ing +Ġencaps ulated +Ġbarc ode +ĠDistingu ished +Ġt ally +Ġh oop +ĠL opez +Ġdef er +pect ral +Ġinc isions +ĠBl ank +ĠAm os +Ġreform ed +alg orithm +Ġfles hy +ĠGM Os +Channel Type +CHANT ABILITY +, :] +b eg + ¹ +et ra +Ġus ur +). | +Ġexp ires +Ġmult ivariate +ĠSp inal +ĠAb bott +empt ive +ster oidal +Ġsearch able +"] )) +Ġdecre es +ĠIS P +Ġacknowled gment +Ġadhes ives +ĠRud olf +he aling +ro i +ĠP ep +ĠP neum +um ina +ĠJ L +Ġinv itations +Ġinter dependent +Ġcur tail +sh oot +Ġbi opsies +ĠSu itable +ST EP +Re ason +Ġnarr ated +ĠDub ai +Ġpa uses +Elect ronic +ĠSequ ential +Ġsemicon ductors +Ġcancell ation +ĠStephan ie +æ µ +erv ille +ĠUn ified +Ġext inctions +Ġcur ricular +Ġtre asured +Ġcho ke +Ġwel ded +ĠDal ai +Ġdeform ities +B ound +j unct +v itamin +Ġs ul +le ague +ĠW onders +ĠF au +Ġab c +ag ra +ĠCom pl +Ġ__ __ +ĠAN C +Ġband age +ĠInv esting +Mar ie +Ġcasual ty +Enc ourage +ĠYose mite +r one +al ine +Ġin ks +Ġso ar +Ġins ults +Ġtest ified +ĠAn ab +ĠAr row +ĠCl othing +fer ably +Ġrevolution aries +Ġblog ging +Ġbatt alions +Ġcosm ological +erial ize +Ġintersect ing +c ke +Ġperiod icals +col lege +EN V +ĠMac Donald +ano ia +Ġconqu ests +Put ting +Ġphyt ochemical +Ġconfisc ated +ĠBav aria +ilant ro +$ \ +Ġo e +Ġre ared +ĠN BC +Ġk h +ĠJ H +iff lin +Ġcar ibou +Ġpower fully +Ġcat ac +Ġalign ments +Ġbrand ed +ĠFrank enstein +ĠEll a +NO AA +çĶ Ł +Ġarche types +åŃ ĺ +ĠDaw son +ä¿ ¡ +V i +p itch +w hel +al ore +ĠS ight +ĠB rent +ĠB asket +ĠO y +Ġover growth +side red +ĠMin utes +Ġang i +Ġá ¸ +Ġeclips es +Ġdazz ling += . +I PS +Ù ģ +Ġex iting +LA IM +car rying +Ġexhaust ing +Ġdele terious +ĠFif ty +Ġinfar ction +Q R +Ġa ce +Ġd ips +le uk +qu iet +ĠB ere +ĠE PS +Ġimpro v +(" {} +Ġsl ime +Ġwid est +EL P +ĠHT TPS +Ġcalm ness +ĠJun o +serial izer +ĠExcell ent +ä¸Ģ 个 +WID TH +er ary +Ġp ys +ĠT rotsky +ĠH ak +Ġse b +ins eng +other s +Ġcomple mented +ann ual +Ġfem oral +obs erved +oven ants +Ġnumer acy +Ġtranscend ent +ĠComprehens ion +Ġcentr ally +ĠCCS S +ĠCul inary +NotFound Error +Ġunknow ingly +Ġmonst rous +d ream +ĠJ PL +Ġsl oping +Ġprim ers +Ġacqu ires +Ġaggrav ated +~~~~~~~~ ~~~~~~~~ +O cean +j in +ent in +ĠC CC +ĠW ah +ĠL ys +ĠU m +Ġra ced +ĠOr well +ĠInst alling +aff in +Ġlo oph +Ġenvelop es +Tur k +Ġtravers ing +C os +Ġw ards +Ġf g +Ġd itches +ol ve +qu ate +ĠH ag +Ġch illed +ĠRe actions +ĠHol ly +Ġcounter feit +Ġamb assadors +Ġsin cerity ++ . +R M +c ategorical +he ating +Ġe Book +Ġl ilies +ĠT T +ut orial +ĠR ag +pt ime +ĠV ib +Ġbroad ening +Ġfasc ist +ĠAnt ioxid +Ġnavig ational +Ġiron ically +ĠÐ · +Ġneut roph +ĠGrand ma +sur vey +Ġsor ghum +ĠSubst ances +Ġpv property +Å ¾ +Ġd uel +ol ver +Ġis t +Ġwh opping +ĠD ahl +Ġle opards +ĠL B +Ġper ched +Ġvis ibly +Ġland er +ĠAng er +ĠOrgan izational +MS G +gu ess +ĠVer bal +ĠGar lic +Ġmol asses +ĠGre co +Ġannoy ed +Ġail ment +Ġsuperv ising +G roups +Ġc umin +if act +Ġspec k +Ġsay ings +ĠApp les +AB ASE +Ġempt ying +ĠLog in +Ġgrat ification +accept ed +Ġstip ulated +Ġterra ces +Ġprecaution ary +Ġgymn astics +Ġpanor amic +ĠHeming way +H s +q i +v l +Ø © +le igh +and als +Ġquest s +iol a +ĠCour tesy +Ġinfect s +ĠSet t +Ġstorm y +ĠMass acre +Ġstomach s +ĠSuper intendent +ĠMagn a +Meta Info +I ds +L IN +ot ry +ĠP PE +ĠE sk +Ġdist ill +ĠQu akers +ĠHer bs +Ġsin ister +Ġaccompan iment +ĠPul itzer +åº ¦ +Ve get +L ily +Ġin clusions +ĠM ae +Ġcont ends +Ġac claim +Ġgl omer +Ġcapt ives +ĠTw entieth +Ġprop ane +ĠIr rigation +Ġadm irable +Ġoutl awed +ĠTry ing +EX P +ĠLE ED +Ġinaug uration +Ġencro achment +A ctions +p ans +| \ +Ġt bsp +Ġp ym +Ġp udding +Ġto ggle +ent anyl +ĠT YPE +Ġch ocol +ĠSt ages +cy stic +Ġconc ave +ĠAss et +Ġliqu ef +ĠConn ected +Ġrab bi +Ġdetermin istic +rout ine +- . +a eda +c ong +p olicies +Ù Ĥ +ic her +Ġ( _ +ect oral +ĠTh ur +und o +ec ology +Ġdr unken +=' / +Do ctor +ĠSpecial ized +Ġcough s +ĠBon n +ĠPred ictor +Ġcov alent +ĠKa plan +Ġbic arbonate +B IT +s f +es i +ĠA STM +ĠP ipe +Ġr iddles +Ġout fits +ĠRe cipe +Ġdet on +de en +ĠX III +ĠAm end +Ġeth ylene +requ irements +df unding +Ġs ipping +Ġe ater +Ġex odus +ĠThe rapeutic +og ical +Ġdis enfranch +Ġpe aches +Ġgrow er +ĠAct ivism +ĠCO M +Col our +Ġlecture rs +Ġschedul er +ĠCollab orate +ĠBoy le +ĠTao ism +Ġenshr ined +' ") +¦ Ĥ +olog na +ef er +Ġwater falls +ĠAs semb +ĠPro x +sc aling +Ġput ative +Ġcolor less +Ġfinal ized +Ġfast ened +ĠProv ider +project ion +ĠKen yan +Ġorth ogonal +á¹ Ľ +Ġfurnish ings +assemb led +A X +V ision +f erences +r asing +Ġr ut +Ġind ict +ĠK ipp +ĠInd icators +Ġpost docs +Ġintern ment +ĠCal cutta +Ġrout ed +Ġcolon ize +ĠMost ly +Ġmit z +Ġempt iness +Per formance +ĠSil ent +Ġretrie ving +æĸ ° +cover age +Ġcancel ed +Impro ving +R AM +c ru +ĠC roc +Ġseem ing +Ġforce ful +ĠRet ail +bre aks +Ġwatch ful +Ġradi ating +Ġoscill ator +ĠTrib unal +Ġtrop es +F ields +Ġs ings +Ġcon verse +Ġch ina +ĠJ ab +so far +Ġsc rib +ink ling +ĠLe ast +Ġge ospatial +ĠTrans parency +sche me +hyth mia +ĠHod g +ubile e +d well +t icks +in atal +Ġha re +Ġpo ke +ĠQ in +`` , +ĠSc hema +ĠEd iting +uk es +ĠDef icit +ĠGreen peace +ĠOut reach +Ġwithdraw ing +ภ² +Ġfisher man +ĠBrain storm +Ġamput ation +v ian +w ant +at ype +it izing +Ġin p +Ġe aves +ĠF C +ĠN ina +Ġsocial ize +ĠGu am +omy c +atur ity +HO ME +Brow se +ĠAcknow ledge +P akistan +a er +d q +at uring +em aker +ĠD ense +Ġsh uff +Ġme gal +pre gn +ĠGen omics +Ġann um +ĠVir gil +sm ooth +exist ence +ĠSand ra +ĠSep arate +ĠLay ers +ĠED T +Ġproto z +I AN +b h +Ä Ł +Ġh r +ut ans +op ies +Ġr gb +ĠO kin +Ġk inetics +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠĠ +yl an +Ġkn ob +Ġoxid ized +Spe ech +J son +f ri +Ġb ucks +Ġe el +ĠP J +ĠD RC +ĠN im +ters hire +Ġcut ters +Ġexcell ed +Ġoscill ation +Ġrefere es +ĠConfuci us +le et +ol ks +ĠB SD +Ġad mon +Ġcomm ens +Ġup hill +Ġdec el +ĠAl ien +ophy tes +Ġnotice ably +sign ificant +ĠMaced onian +Wil son +at osis +ĠS ERV +ĠC oh +ĠW alls +ite xt +Ġexp onents +ĠEng l +Ġsent imental +ĠPe pper +ĠMar in +ĠMiss ile +Em ily +ĠProdu ce +Ġf en +am ber +ab ets +ĠL us +ell ites +ip hy +ĠJ oa +ov ina +Ġgl iding +Ġqual ifies +Col a +api ro +ĠMart inez +rus ions +ĠHy der +Ġfing ern +jud ice +ĠCoord ination +ĠAnat olia +Ġlad en +Ġwit ty +æŀ ľ +esare an +k on +Ġo racle +st rict +ĠC annabis +Ġr ang +Ġsh unt +light ly +Ġdiet ing +čĊ ĉĉĉĉ +âĢ¦ .. +Sh ift +ĠSch warz +[: :- +oly b +Ġcontradict s +Ġinh aling +ĠAssy ria +Ġeigen values +Ġparaph rase +Ġoppos ites +c ens +Ġs aga +ĠM olly +ĠH LA +Ġsub terranean +Ġrep rogram +ĠSh aping +Ġpath ologist +ĠAfter wards +Ġpal ae +Ġscript ing +ĠAcc om +Ġske ptics +Ġvac ations +Ġblind ly +atern ary +ĠCos mic +Ġcrick ets +Ġpolyphen ols +Ġhilar ious +t us +com be +Ġsub division +ĠHe ating +Ġdep ress +me asured +RO P +Ġscript ural +ĠInstruction al +Ġausp ices +Ġartisan al +ĠCarp enter +æ ¨ +ĠC SI +ĠM ate +ac io +ath y +ĠAnt icip +ĠMet als +Const ant +Ġescal ation +Creat ive +Ġacquaint ances +Ġeman ating +Ġfus elage +M sg +Ġab bey +ign ing +Ġher mit +ency cl +Ġsimple x +cont our +ĠSu f +ĠPhD s +ĠHam mer +ĠWood row +Ġmir roring +ĠMagn et +ĠPregn ant +Ġhumming birds +å¼ ı +Ġstrongh old +MetaInfo Class +G PS +pre processing +Ġmodern ism +ON S +Ġsepar ator +ĠMet abolic +mas ters +Ġhorse power +Ġye asts +Ġlob ster +ĠSus p +ĠAutom ated +Ġin patient +Ġclass ed +Ġrest itution +sp here +=" < +Ġdat as +ĠGu ards +AL T +Ġsn out +Re ceived +ĠVol tage +Pl astic +Ġgun powder +ĠPlace ment +Ġspl int +sent ences +ĠDim ensions +Ġdoctr inal +G ram +p ies +Int rigued +Ġuns ur +tw entieth +GR APH +Oper ations +ouns aturated +Ġamphib ious +ĠVolcan o +Ġinconven ient +> ") +f ee +Ġ čĊĉ +Ġp ane +ĠT ran +ch dir +Ġbe gging +), ( +Ġpsych otic +Ġtree house +Ġwa its +ĠSy racuse +Ġauthent ically +Ġbreed er +ĠCase y +ĠCr imes +Ġpadd ed +Ġwip es +ĠLiv estock +ĠSams ung +Boolean Field +Ġtout ed +S UM +c het +ar ie +ir vana +ĠC BC +ĠP RI +ĠL IB +Ġdec rypt +Ġann als +Ġmother board +Ġbuoy ancy +Ġconjunct ivitis +LEG ATO +m ethyl +Ġf odder +ed ema +ĠG rain +Ġun balanced +ĠSt y +Ġinit ials +Com mit +ĠPy Torch +ĠInc ident +Ġauthent icate +Ġpharm acies +hyd ro +Ġgast ronomy +ĠEmploy ers +Prim itive +F riendly +s ed +Ġm ommy +ĠM osaic +ĠD D +ĠO scill +Ġher s +ĠPl asma +Ġextrem ist +Ġrandom ised +disc ord +Ġredist ribute +Ġrall ies +al ers +ĠP ec +ĠW earing +ĠR aven +ph ilos +ĠV augh +Ġben ches +reg ional +Ġdoc king +Ġhyp oxia +sub scription +Se ason +Ġlept in +S uddenly +Ö ¶ +ĠA ST +ĠS addam +ĠP ets +ĠB rick +ag as +ard ia +ign on +Ch anged +]) ] +vant age +Ġcoll ars +Ġconver ters +Ġsegment ed +ĠOcc ur +ĠInterest ing +Ġfare well +Ġlev ied +ucking ham +Ġatten uation +Rele ase +S CH +t ank +Ġin experienced +ĠT L +ut ility +ch io +ch airs +ĠR SA +end ium +ap is +uss el +my th +Ġste pper +log ged +pat rick +ado op +Ġthin ly +Ġepid ermis +Man ufact +ugg er +Ġion izing +Ġcaution ed +Ġmobil ized +ĠHart ford +ĠPun ishment +depend ency +ĠWinn ipeg +Ġove reating +Ġdiast olic +S aving +b ash +Ġcom ed +ĠW rap +ĠN ineteenth +ĠK nee +Ġdef ec +Ġaut osomal +Ġconf erencing +Ġrecogn ising +Ġtransc ended +Ġsampl er +Ġrecount ed +ocl onal +B ern +m ach +t gt +in cludes +Ġc er +ĠB IOS +ĠJ uris +Ġcl ad +av our +ĠCons uming +RE C +pat ients +° . +Ġmac ron +dem o +ĠBah amas +ĠLeban ese +âĤ Ĥ +ĠMell on +ĠProphe ts +F ront +v iz +Ġ ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ +ce re +Ġatt uned +Ġprot esting +Ġhard iness +Ġteam ed +Ġarr hythmias +ĠApp ropri +Ġcat fish +Ġregular ity +Ġmechan ic +-------------------------------- ------- +Ġshoot ings +Ant ib +ĠSD Gs +ĠBapt ism +Ġprophyl axis +ĠFIT NESS +m aterials +ç Ĥ¹ +Ġe ard +un iversity +Ġhome opathy +ĠEd ited +ĠCong ratulations +nam ely +Trans action +Ġscroll s +j uana +at as +or an +ĠC ERN +cl ine +Ġgener ative +Ġtest icular +CE PT +free ze +ĠLight ning +TY PES +Ġgri ps +pix els +every thing +Pack age +Ġirresist ible +T rust +ĠE ls +Ġk osher +ĠK M +ath yroid +ll ium +Ġemb argo +ĠGu est +Ġer oding +âĢ¢ âĢ¢ +enth ic +Ġcast es +Be coming +diff icult +ĠCel ts +ĠGastro enter +R ose +Ġp ung +ĠM its +oc eros +ĠH absburg +Ġexam iner +pro x +Ġpath ophysiology +reg istration +Ġpredict ability +Ġfavor ably +ĠCommun ion +Ġwealth iest +Ġà Ĥ +Ġcram ping +ĠMER CHANTABILITY +' ", +p un +ĠM are +qu eries +Ġ" ": +Ġro aming +uc chini +Ġreal istically +Ġaccount ant +Ġur inate +Ġneg ro +Ġstri pping +ĠVir al +ĠSch ul +ĠGreen wood +ĠSk ip +Qu est +Where as +Ġseal ants +ĠBolshe vik +ĠStef an +f illing +p unk +w age +em brance +ĠF airy +Ġac utely +Ġjust ices +Ġel ast +Ġrab bin +ĠPot ato +Like wise +Ġreign s +Ġdeleg ated +ĠExc iting +Ġentang lement +ĠOdys seus +ĠVAL UES +t aken +ot ting +art y +ĠJ al +sh aw +Ġsent encing +ĠChar ity +cor rh +ĠHaw king +Ġpolyg ons +ĠNSA IDs +: | +L ex +x ff +ĠE LL +ip v +ĠIn quisition +Ġdes icc +ĠV P +cent ers +und y +ĠCont ains +Ġcompet ed +oe lect +ĠHigh light +ĠIr vine +di abetes +Pr ince +ĠFat ty +ĠPrem ium +Determ ine +Ann ual +åĽ ŀ +Ġwhims ical +ĠCopern icus +ç ± +Ġex on +red ucing +Ġimp regn +ĠV ij +.âĢĿ ) +ull ing +Ġâ Ķ +Ġ.. ., +help ful +Ġtens ors +ĠCalcul ating +ĠAbd ullah +H arm +h ore +Ġp ardon +ch oose +Ġbe ers +ĠB reed +Ġle uc +ĠN IC +ĠN RC +ĠWe in +ung a +ĠCar rier +Ġfertil iser +Art icles +:: :: +Ġcov eted +ĠSens ors +? ] +v ill +Ġw t +xt icks +Ġret reating +Ġbo ar +Ġsun ken +Ġir responsible +Ġden oting +Ġprev ails +Ġsusp icions +Ġfant asies +Ġsne eze +Select ing +Ġost ensibly +Ġcarc ass +Ġempir ically +ĠArtem is +ĠRajas than +B AS +Ġd ab +Ġh uts +qu ite +ĠR over +Ġun iting +Ġro oting +arn a +az ure +RE F +Ġconv oy +spec ifically +asp berries +Ġhurt ful +Ġtet anus +Ġvisc ous +ĠLoren zo +ĠMID I +ĠZoroast rian +B ell +t ow +ĠI ris +ob o +we eds +Ġmod ulus +Ġnon human +ĠBe cker +ĠGu in +Ph D +oper ated +Ġrevolution izing +Ġwel comes +Ġspons orship +ĠOsw ald +Î Ķ +Ġd omes +ĠM d +oc les +Ġpl as +Ġout flow +Ġpe eling +Ġpar ody +Ġcell phone +ĠDisc ourse +ĠSec urities +iox ide +ĠTs ar +%% %% +Ġcommence ment +I g +d w +f al +Ġan ew +Ġearth y +ĠEd itors +sect s +Ġign eous +UR CES +ĠPhys iol +Ġethnic ities +grad es +ĠPan ic +ĠEmb assy +anth us +Ġshar per +Ġdeaf ness +Ġket tle +Ġsuffix es +ĠBolshe viks +Ġuncontroll able +e lected +ĠH ok +ĠF D +const raints +Ġmotor cycles +CS S +App endix +ĠON LY +ĠDun n +Ġcontra ind +Ġdissemin ating +Play ing +Ġevangel ical +Calcul ate +Ġmun itions +z ac +il io +ĠP arth +ans wers +ress ors +Ġserv ic +pre y +Ġmother hood +____ _ +Ġtransfer able +ĠHoff man +Ġraz or +^ \ +Ġd umps +Ġcl and +Ġmod elled +Ġpres ume +read s +ĠAnd hra +ext ended +Ġsens ed +AP E +ME s +Ġradi ocarbon +ĠTri ple +GR AM +ĠMu ir +iri am +ĠBatt les +Ġont ology +Ġnanom aterials +D og +v ara +Ġa ura +Ġwh ipped +ĠB uc +Ġph obias +Ġset uptools +Ġpenet rated +Ġcod ified +eros ene +ripp s +hig hest +bud get +r ism +æ Ľ +Ġm owing +ri ac +Ġout wards +ĠK ush +ew are +ateg or +ĠPl ane +Ġstates man +inf ect +Ġtax ing +Ġhyp ocr +ĠOb tain +ĠSub scribe +Ġplag iar +Ġsnap shots +ĠIg G +ĠZion ism +Ġfigur ines +Ġted dy +Ġsacra ments +ĠT utor +ĠH L +ĠG ret +Ġout ermost +Ġfe vers +Ġdet riment +Ġlevel ed +Ġplan ters +Ġrest raints +ĠNational ism +fil enames +sub scribe +rep air +Ġthick ened +ĠRec ording +plan etary +Ġfart hest +Recogn izing +Ġvanish ing +Ġremod eling +D ATE +M N +or c +her tz +ip a +ĠAs king +Ġche et +ĠEx it +Ġrest rained +ĠSh apes +Ġnational s +ĠComp ensation +bur sts +ĠCra zy +Mar x +Ġspeci ation +L oop +j av +y ter +Ġs igh +ĠR iding +ĠL ep +Ġfe athered +Ġbl asphem +Ġaff irms +az ers +Ġsent ient +Ġseason ally +cons umption +Ġstra ps +ĠDesign er +ĠSen ators +åĪ Ĺ +ĠUl ster +Ġseab ed +LI ED +Ġobl ique +odend ron +ĠH ex +Ġhand outs +ĠGen eric +Go al +ĠDeterm ining +Ġcarp al +ĠSin clair +Ġmarsh m +h air +Ġb py +Ġl arynx +ĠT ir +ĠC AL +ĠH ague +orm an +ĠSt ain +Ġgener ational +Ġsmooth ies +Ġhur ried +Ġneurolog ic +Ġarom as +ikh ail +ĠOrn ith +/ * +Ġs f +Ġd l +Ġst raining +Ġch ats +ĠR hy +ĠN erve +Ġtime zone +Ġimpro b +ĠSh ale +Ġwhite board +OT O +Ġà ģ +Ġblog ger +ĠPers u +Pred ict +, * +à µ +Ġp lex +Ġm ater +ĠP ak +ĠR osh +ĠG RO +ĠK and +Ġcons oles +ĠY ak +Ġappro ving +Ġorgan isational +ĠSe y +ĠSh am +Ġbi ore +Ġrele gated +Res et +iter ator +ĠMc D +Ġsac s +ĠTool kit +Ġkilow att +Ġmischie vous +a edia +re call +Ġe urope +ol ian +ĠM iz +ĠD j +act in +Ġcl own +ph ysics +row ave +Wh ole +Ġspread sheets +atur a +Ġbul ld +ĠDay ton +len ame +ĠRob ots +Form er +:` ~ +Ġpert ussis +atern ion +GP U +ĠDias pora +ge om +est hetics +ĠN ice +Ġpr uned +Ġrest lessness +ĠX L +ĠAust ro +Ġprecip itate +Ġaffirm ing +Ġdisp oss +ĠHumb oldt +Ġb anners +ĠT EM +am om +ĠH ass +ĠD iane +ach ie +ĠSt ability +ĠY um +Ġac orns +Ġproject ile +Ġbi ometric +met ries +uk u +Ġbra vely +Ġfib erglass +ĠAdd ison +Ġdismiss al +ĠSleep ing +ĠiP ads +Ġapprent ice +ĠRol and +Ġlan tern +ĠShir ley +Ġtrill ions ++ '. +M ilitary +V O +Ġis o +ĠR oof +ong ed +Ġag itated +AT S +Ġemb assy +Ġprepar atory +Ġpoly the +Tra ce +ĠUV A +Ġtort oises +stud ied +Ġbip art +ĠKer ry +ĠSut ton +Ġengross ed +B uilt +J ane +Ġd ans +Ġd ashed +ur ger +ad ish +ob os +ĠV S +Ġmod ifier +Ġsuper computer +Ġspr ung +Ġpyl ori +achy cardia += "" +W ISE +s igned +Ø Ń +æ Ĭ +Ġa sexual +ent on +Ġg in +ir ubin +Ġcon com +ĠH ue +ĠF ake +Ġse ren +Ġj an +pr ises +ĠSh ot +IN PUT +Ġcapt ains +ĠPar se +Me asuring +Ġanalog ies +stru al +ĠTy ph +ĠStra uss +------------------------ - +Ġhegemon y +æģ ¯ +m olecule +w ara +å İ +Ġ ]. +id ic +ĠS ap +ĠC rab +Ġcon cession +Ġde construct +Ġint onation +Ġmon og +ral tar +Ġtop soil +ĠPh yl +ott i +ĠPre ston +gra ds +Ġdu ly +Ġaqu educt +conf lict +ocy steine +Ġharmon ies +Ġdepr ive +Ġlever aged +Ġstrat ified +ĠKel vin +Ġarrog ance +f resh +k id +ĠR OM +ĠK ick +oss ils +aut iful +Im mun +ios ync +Great er +ĠMuss olini +g if +j k +Ġm asc +im uth +ĠD EF +ĠG om +act ually +ĠJ W +con cent +cy st +Ġconst rued +Ġtop ological +ĠUp dates +miss ible +ภ£ +Ġvaric ose +J C +c gi +Ġc ic +Ġn ipple +od ers +ĠM Ps +th or +ĠN airobi +Ġpres ided +Ġdec ou +Ġcar box +Ġassoci ating +Ġspace flight +ĠAll ison +Ġstre ak +ĠHol ocene +Ġattract iveness +ĠMat thews +En able +Ġcritic izing +success fully +OUT PUT +Ġmyel in +Eval uation +Ġhypers ensitivity +m atching +o ices +à ¬ +Ġd pi +Ġst inging +ĠB ram +ĠF ors +Ġun named +ĠV ista +Ex ist +inf os +Ġparam etric +Ġcollabor ator +Ġà Ĩ +Ġaccel er +Ġinspect ing +Ġenact ment +G i +Ġb idding +ig es +ay ette +Ġv or +Ġdis may +ĠV L +Ġfl ushed +Ġmon t +Ġhard working +ĠSu fi +Ġtrust worthiness +ठ¦ +е м +Sm oking +Ġphon ological +Ġmol ars +Jew s +Ġcommemor ated +ĠIMP LIED +M esh +Ġt ors +st akes +ĠC FS +Ġtra cer +Ġdevelopment ally +Ġimm utable +sc roll +pre process +"] ] +Ġrandom ness +ĠWrit ings +Ġcritic ised +Ġrent s +Lab els +Call back +rup ulous +Import ance +Ġcurs ive +Ġimb ued +ĠConcent ration +a head +h ots +ĠL aksh +ĠG anes +ne eds +erm o +Ġbr ushed +orn o +ĠBra hma +н и +ĠCP Us +Ġrepublic s +Ġsty ling +ĠMarian ne +it ius +au gment +Ġpre print +oh ist +|| = +ĠBe ef +une i +sequ ential +ĠCons ent +Ġcolon izers +ĠSystem ic +Dis covery +fire hose +Ġhydro thermal +harv est +Hung arian +ĠCec il +? | +B ee +d ns +k ner +n ested +t rim +en i +ĠM ash +ĠM isc +ĠM ifflin +ĠG ig +ĠO ss +ĠO bl +Ġpre face +ĠRe placement +Ġrest orations +Ġseason ality +Ġtransl ational +Ġpric eless +Ġaf ar +CP U +Ġcheap ly +Ġscreens hot +Sw ed +measure ment +ĠBound ary +AAAA AAAA +ĠMek ong +s z +é Ľ +ŀ ĭ +Ġf ray +ĠT ant +Ġr ipped +Ġwor sens +ĠK ahn +ĠY uc +Ġdec imated +Form ation +ĠDecl ine +Ġpap aya +ĠNort heastern +ĠBasil ica +Pur pose +SER VER +T i +Ġe ucalyptus +ĠA unt +ĠS EM +ĠS hips +op f +Ġdis grace +Ġpre position +ject ory +hers on +def initions +col oured +inf lu +Ġmist ress +imm un +Ġbee keeping +Ġcass ava +H ET +b ius +ĠT asks +Ġch anting +âĢĻ ). +Ġacc ret +Ġref uel +Ġpract ising +Ġmarket ers +Ġbott oms +Ġtro ve +Ġsen ate +Ġouts ider +Ġoverturn ed +Ġtac it +p oke +ĠD os +ĠF eng +ĠG iza +Ġun charted +Ġsc aly +ĠAd en +inter faces +Ġpersist ently +Ġphr asing +ĠTim ing +ĠAcc urate +Cons umer +Ġasc etic +Ġfur ious +Ġcond enser +ramew orks +Non etheless +B ed +P AT +S weet +b ah +iv ative +ĠR ex +Ġover fishing +Ġam aze +Ġdeep ened +ĠGl ory +ĠPal ae +Ġstem med +Ġvel vet +ĠFac ial +ĠImag ination +ĠHorm one +Ġhydroph obic +K a +P regn +at ched +el im +ĠD uff +ĠR im +Ġequ ates +Ġstre aks +Ġpharmac ists +" ... +L uck +d ialog +j as +ĠR EG +ĠN gu +Ġmix er +ĠJes uits +iter items +ĠTw ist +Ġgem stones +Ġgenealog ical +r ion +v at +ag land +ust ion +Ġself less +ex ercise +Ġgl o +Ġmon olithic +Ġclass ifiers +Ġstate hood +Ġbi otech +Ġur ls +Ġsat irical +ĠPre p +ĠPat ience +gl acial +ĠCross ing +ĠHas hem +ĠAlexand ra +Ġcarot enoids +Arab ic +ĠAmph ib +Ġreimburse ment +D uration +è ĩ +ic ulate +ve z +ĠA gencies +op ted +Ġhe fty +Ġph ag +Ġfl int +aw an +ĠWe ed +sp ots +ĠAm ount +Ġmis used +ĠGl ue +Ġillust rious +Ġcoal itions +ĠSal ad +ĠCy pri +ĠMel issa +ĠLy ndon +Message Box +Return ing +Sw itch +Ġanomal ous +Ġbic ycl +REQU EST +Lew is +D utch +ol ulu +ĠS udden +ĠE IA +ost at +Ġno xious +Ġpar cels +ĠMah al +anth in +adequ ate +W is +[ @ +en heim +Ġre vert +ĠS oup +ĠC rew +ĠH arding +âĢĻ ? +out file +ru nd +ie ft +ĠIn k +Ġper tain +ĠV era +ĠCount ing +format ted +Ġpun ctu +ĠAtt acks +Rel igious +)* ( +Ġcock pit +Ġrip en +fro zen +p ig +Ġl akh +ĠK ok +Ġgen itals +ern ing +ĠAl to +Ġmotor ists +tr ials +Ġpartition ing +Food s +Ġchimpan zee +Ġunle ash +ĠElim ination +Prepar ation +T IM +is instance +Ġn ud +ol ition +id ia +ĠP ID +ĠD rew +ine phrine +Ġun inhab +Ġmod erator +ĠAll ergies +Ġ` _ +ae an +ĠVir uses +nes ia +ĠLong er +ĠDev on +ĠVari ation +Ġhydrop onic +Ġrall ied +aunder ing +V ertical +l um +Ġl ids +ĠS hor +ay ama +ĠAm ar +Ġearth worms +ĠAlex a +ocy st +ĠRos etta +Ġμ m +creat or +Auto Field +Ġfooth ills +P ract +R omans +Ġc rows +ĠT ec +ĠC ologne +ĠF acing +Ġsocial izing +Ġleg ality +Ġang u +AD DR +Ġchrom atin +Ġminimal ist +ĠAgree ments +æľ Ģ +ĠRA ID +blood ed +Ġdismant led +ðĿ IJ +Ġaltru ism +Ġbesie ged +Ġsaff ron +Virgin ia +ĠCasp ian +* ) +b eds +c riminals +Ġse vered +Ġwill iam +ild e +): ** +Ġpop py +to oth +sc ribed +An not +ml p +Ġwrong s +AB S +ĠPrinc ip +ĠFlore nt +ighted ness +S ky +n ip +Ġs g +ĠC one +un as +ap art +Ġdes ens +Ġmy c +ĠInst itut +ĠAss ume +equ ivalent +Ġpref erential +ĠMa as +Sub mitted +Ġpanc akes +ĠTaiwan ese +delivery stream +Ġexcurs ions +ĠFranç ois +T am +re active +st amp +ĠT D +ĠD ag +Ġres orted +ĠHe idelberg +Ġref ill +Ġdec ib +ĠEn able +ĠEd o +ĠSal isbury +Ġbee keepers +ĠFrances co +ĠBuch anan +t ropical +ĠI brahim +ist em +Ġne aring +ĠF iscal +ĠN acional +Ġwater way +Ġloc ust +ling er +amp hetamine +Ġmarket places +Ex cept +ĠJew el +ĠMet adata +Ġdil ated +Ġmile age +Ġcommem orative +Ġtranscend ental +Ġtransistors um +Ġhopeless ness +Prob ably +ĠSys Call +B aby +b ians +Ġt ame +Ġs plic +Ġpl agues +Ġsn apping +Ġrefrig erated +r g +s am +Ġp ines +Ġb oo +ĠW ick +ĠF landers +ĠLeg ends +Ġpond ering +ĠSant os +ĠDal ton +Ġmicrow aves +document ed +cephal us +Ġstunt ed +Ġstoryt ellers +çIJ Ĩ +Ġ ich +Ġc b +Ġp ony +Ġm olar +ic ent +le w +Ġfor ks +ab it +ĠM AG +ĠB PD +ĠD irection +Ġob edient +Ġsc ap +An xiety +Wh it +ira c +Ġswe ats +ĠOF F +ĠSar as +Out side +ĠFac ilit +ĠSoph ie +ĠBun ny +Ġcardiomy opathy +F lex +i encing +w ired +er oy +il ess +Ġcan ines +ĠO CR +Ġcl oned +ĠSt ake +uc ceed +Ġgra fting +ĠAl ison +ĠAn nex +Ġdesign ations +hav en +Ġtang y +ĠNa omi +Ġgy psum +Ġpostp oned +Ġarrog ant +Ġconvolution al +Ġaneurys m +B urn +R G +x on +Ġre incarnation +ĠT itus +Ġk rill +Ġunder developed +Ġco agulation +Ġpos ited +(" { +ĠMer chant +Ne igh +Ġrenov ated +ĠSold ier +ĠPharise es +/ ), +T RAIN +W G +Ġf MRI +Ġv antage +ĠJ son +ĠK ad +Ġover came +Ġhigh s +ism ic +Ġinstall ment +Sh aring +ĠPerson ally +ĠRaj a +Ġabsurd ity +Capt ain +Ġp unk +ou ches +ar ctic +ĠThe ological +ĠE h +ĠD ew +ĠU X +Ġimp osition +ĠIn her +Ġout numbered +Ġtest icles +Ġserv itude +over lap +ĠSp arta +CH AR +Ġsubsc riptions +ĠFa ust +Met ric +itas king +Ġsper mat +P ict +f rey +y ad +an ese +ĠS ections +ul led +ĠC ognition +ĠL P +wn s +anc ip +mon ton +Ġrad iate +Un its +ĠUN C +Ġnit rous +ĠMad ame +abil ia +Ġstriking ly +Ġencompass ed +ĠBon aparte +Comput e +ĠMeasure ments +Ġlocom otion +Ġperce iving +ĠBelf ast +d ied +p ag +Ġc eded +ĠD N +du al +up dates +Ġpur ge +Ġsac rament +Ġtail oring +Ġrid icule +ĠMer ced +Ġphosph orous +ĠLands capes +Ġtsun amis +Compan ies +C art +J ackson +R ace +T ODO +t in +om ically +Ġsh rew +form ations +sub mission +Ġobst ructions +Par allel +Ġrefrig erators +Ġorn ate +Ġore gano +ĠPand emic +Ġaph id +Ġrins ing +Ġf ax +Ġb b +Ġst unned +ĠP olic +Ġch ased +ĠL iqu +Ġcl inging +Ġinter spers +ox el +ĠDe utsch +Ġsn ork +Ġprop elling +Ġmini atur +ĠSem inary +Ġlod ged +IU CN +u u +é ģ +Ġ -------- +Ġa i +Ġs cler +ĠB j +Ġha plot +ĠD ix +ĠD uration +ĠR aleigh +ĠG utenberg +Ġman oe +Ġinf all +Ġsub unit +ex act +Ġsol es +Ġunf it +orb idity +Col ors +Do S +ĠBa um +Ġsynerg istic +Ing redients +Ġto k +Ġst umbling +ĠP act +eng ed +ĠAss ets +Ġpoll inator +rap ists +-------------------------------- ---------- +ĠVis iting +Ġjudge ments +Ġstere otypical +ĠCard iac +Ġmultip rocessing +Ġupset ting +Educ ational +Press ure +Ġlubric ant +ĠKyr gyz +: ( +R ound +ĠP ascal +Ġdis son +con ventional +Ġsa pp +hed rals +Ġresource ful +ĠAv iv +En joy +Ġlip oprotein +ĠCatal an +Four th +ĠZo ology +ĠHarness ing +el itis +st h +ch unks +ĠH ahn +ĠL oud +Ġsc oot +Ġsm oot +li pped +Ġvir ulence +word press +Ġexec utes +Ad just +ĠStat ue +ACT ION +ĠBot any +plastic ity +n id +o ction +ĠC ategories +ĠC unningham +um bo +Ġcan ning +ĠL ipp +Ġun important +oss a +Ġlik ened +reg ression +ĠEduc ator +ÃŃ t +Ġrub rics +ĠMer riam +н о +necess ary +Ġtravers ed +# ---------------------------------------------------------------- +b ush +u per +Ġto ad +Ġre joice +ĠRe formed +over l +add en +Ġinstruct ive +UL D +Le on +FA O +heum atic +H em +H oly +I RE +h appy +t one +Ġw allets +is odes +st ub +Ġcom plicating +ĠD ors +Ġmor atorium +ĠRep et +CH ECK +ĠAtt itudes +ĠHy pertension +Ġmature d +empor al +Ġaggrav ate +itone al +åĢ ¼ +! , +A y +M H +f ut +n asa +Ġt b +ĠS itting +ost e +Ġem ulsion +Ġca pped +Ġsoci opolitical +ĠIP M +ĠLay out +Perm ission +Ġdeterg ents +B irds +b az +h ier +m ud +| ':' +Ġst alled +Ġk b +Ġam ps +Ġdist ributes +ĠEn ough +Ġdoc ks +Ġregular ization +ĠFl ags +Ġtele phones +ĠSund ays +Ġprogen y +mys ql +p rol +Ġd od +ĠC f +ĠP AT +Ġsu p +ĠL od +ĠG ag +ord ination +Ġco er +ism a +Ġorgan ising +py game +Ġplace ments +Ġspe ars +Ġcheck er +ĠAct ual +ĠHol istic +hist ogram +Ġintr uders +ĠPL C +pres ident +Ġtent ative +Ġsprou ting +Ġinnoc uous +G rowth +n ian +Ġre eds +Ġre forest +ch re +ĠS cy +ĠW ins +Ġen sembles +cl ients +ĠAd min +Ġcy press +ĠPart icle +Ġded uce +ĠÐ ¡ +ĠWil kinson +ĠIncre ases +ĠNC ERT +Ġlex icon +Ġta vern +olyb den +H ep +K K +Ġa ra +Ġm M +ĠEx amin +ik an +ĠPart ition +Ġideal ism +Ġsan ctuaries +mond s +BL IC +dest ructive +ä½ ¿ +Ġaccus ation +Ġextravag ant +à ¹ +Ġ ----- +in verse +im etry +ĠC ure +her ly +ĠK ali +ĠV ert +Ġins urrection +Ġpower house +|| | +Ġswe eter +Ġtour ing +ĠBirth day +ĠRol ling +Engine ering +Ġcact i +Ġpsychoan alysis +Ġsph inct +Om ega +s now +an ci +Ġst arring +ĠP IN +pt ophan +ĠO jib +ĠCom edy +ym our +ĠBrit t +Ġox ytocin +Ġrob es +Ġconstit uting +ĠRad ar +Sim on +SEC RET +c isco +h ousing +at omy +ĠC ork +og on +ĠO D +lic king +ĠV id +Ġph thal +ai i +Ġball ots +ĠSch u +Ġcorrespond ed +ga ard +Ġbag gage +ĠPhot ographs +Ang le +ĠWol fe +Ġmour n +ĠGem ini +Ġtrunc ated +M es +m apper +İ · +en zyme +st rokes +Ġst out +Ġimm obil +def ining +amp al +Ġanaly zer +hemat ical +Ġbreat hed +ĠSw ahili +Ġdestroy ers +Ġcm ds +Ġmamm ography +ĠLow ell +ĠPet r +ĠSuff olk +Ġsplend or +åĮ ĸ +Ġantico agul +ĠFlem ish +/ \ +H al +` ): +f oil +s erving +ing en +ĠC ate +act ivities +cl ay +Ġfl oppy +ave z +Ġgu itars +mit ting +ĠAct ivation +ING TON +ĠAv ailability +Ġdestroy er +ö m +sl ave +ugg age +Ġherb aceous +Ġdistribut ors +ĠNurs ery +ĠChamber lain +roly sis +Ġovercrow ded +kinesis firehose +w ort +Ġc i +it ates +per ms +ere lla +Ġco author +Ġvis as +app lied +Ġer asure +off er +α ν +ĠCollect ing +ĠØ ¹ +ĠBerg er +Ġtk inter +Ġprotr uding +Flor ida +Ġtantal izing +ĠLeib niz +M is +v iii +ĠT OP +"" ") +Ġmem es +Ġgu ise +Ġplay time +pos able +sh arp +ran ç +bel ts +Ġgrapp led +Ġhind ers +father s +Ġsynthes izing +ĠØ ¨ +ĠKra k +Ġsmugg ling +Jac ob +Hor izontal +Ġplung ed +éĹ ´ +ra fts +Ġy elling +ĠR utherford +Ġpl ow +Ġgra vey +Ġcle ars +AR N +ĠSouth ampton +ĠEffect iveness +ĠGP Us +ĠCustom ers +prog rams +Ġincon clusive +ĠBreat h +Ġs izing +ide al +Ġx yl +Ġhab itation +Pro j +ĠNe utral +Ġmoment arily +pres so +ĠAdapt ations +Ġpsycho active +ĠIntersection ality +௠į +ĠAntiqu ities +m olecular +p ard +Ġm end +as u +Ġg ating +ĠT RAN +ĠP OP +Ġcan y +cl id +Ġpe els +Ġinf ill +Ġbr istles +Ġpost cards +Ġbreak ers +Dr ive +Ġchick peas +ga ussian +ĠBron x +condition ing +Ġery the +R B +Ġd rowsiness +Ġun bear +Ġinf requent +Ġtot ality +Ex actly +Ġfem ur +IT IES +Ġà ĸ +ĠJud y +Ġcong rat +Med ic +ĠFil ms +Ġcoerc ive +Ġhibern ation +Ġscor ching +ĠDud ley +on et +Ġd uality +ur ian +ĠC ree +Ġdis information +Ġtrans ducer +ĠRe y +Ġgl i +ale z +for um +For ce +ĠInv olved +α Ïģ +Ġintens ively +ĠWolf gang +Ġcurs ed +Ġunanim ous +E ither +E NA +h ospital +t weet +ĠH irsch +Ġint olerant +Ġind ign +Ġcle avage +Ġpot able +ĠMay er +ĠCons ol +([ - +ĠObs erver +ĠCart esian +ĠCrime an +vest on +Ġendomet rial +æ³ ķ +d iss +f h +é Ŀ +ion Error +Ġl ance +ĠT ric +Ġde human +ĠH eter +Ġab lation +ind ustry +olog ue +Ġbl anks +Ġca udal +Ġpolit ic +ym ers +ili ated +Ġbar king +spec s +Ġhar bors +Ġpra ises +ĠJoseph us +Trans ition +determ ined +################################################################ ################ +Ġcarot id +Ġfoc ussed +ĠPaste ur +m isc +ĠI CD +Ġle ases +ĠF aced +ĠCh uck +Ġsl ums +dom ains +Ġactual ity +Ġmal treatment +Ġmulti plicity +Ġperpet rated +storm s +Ġquad rant +Ġpediatric ians +Ġspars ely +Ġmete ors +egy pt +c ibility +ĠC ourage +per manent +ark ed +ĠAl ter +ores cent +Ġsupplement ing +Ġion ization +Ġincub ated +Ġidolat ry +B iological +R IC +S cre +z burg +Ġg azing +ĠP ediatr +Ġus hered +Ġad am +ong a +ĠJ ensen +ach a +pre vent +ĠHist ories +ĠFe et +optim ize +ĠChi ropract +ĠInstall ation +Ġattribut ing +Sex ual +ĠCic ero +T W +re pid +it ely +ĠR AD +Ġcomm as +ĠSt ark +Ġunder weight +ĠCom te +Ġserv icing +Ġline arly +ĠZ el +Ġbirth days +AP S +ĠChe cking +Col on +ĠSupp orts +exper imental +Fund ing +t runc +ar ro +Ġn un +ĠB uckingham +ĠD NR +ĠF ritz +ree ze +inst ruction +Ġrespond ent +Ġson net +ĠLog ical +Ġtransplant ing +Ġaug mentation +lem agne +ez vous +Ġdiscre et +URR ENT +Ġbalcon y +/ # +l ake +r ut +v il +Ġf ou +ge ar +Ġab ode +Ġcl ump +ath om +Ġsk irts +oph on +Ġroad ways +Ġforward ed +Ġid iosync +sm ith +View Set +Load ing +ĠInvestig ations +sat ellite +ĠRi emann +ĠSquir rel +d os +| ( +ent ions +Ġan imate +Ġfl aps +ink el +Ġreal ist +cont aminated +ĠAssoci ations +Ġstock ed +mic ron +ĠWill ow +dist ributed +Ġenum erated +ĠAT T +Ġcombust ible +Ġgras ped +ĠQual itative +ĠNeander thal +ĠAnab apt +c ation +y ar +ig ree +ĠR I +ru ly +Ġsym ph +ĠChrist ina +Ġfeed stock +Ġfossil ized +ĠSem itic +ĠBlu ff +Sil ver +ĠCod ex +Drop out +ĠâĹ ĭ +åī į +in osa +Ġp im +ĠT orn +ch ins +ĠC ater +iv istic +ĠH uck +ĠF B +Ġab iotic +ĠO CLC +ip ing +orpor ate +Ġcoun sell +Pr ime +л а +Ġana emia +w olf +Ġd an +Ġch al +Ġab rasion +ĠCh ing +chn er +ĠBar ber +Ġtheore ms +ĠPlant ation +ĠEV ENT +äº Ĩ +ĠMason ic +Ġstrang ely +Ġalve olar +ĠMemoir s +A k +H ur +g ences +in place +Ġn ug +ĠI b +ĠF i +sc riber +ground s +ĠQue ue +dep artment +Ġsle w +Ġplaint iffs +ĠTrou ble +ĠB aking +ĠJ J +Ġman made +Ġar dent +ph osph +ĠK ane +ten eg +its u +ĠMe i +([ ( +rest ore +ĠEv a +rod ite +lev ard +Ġtyr ann +T rees +m ens +t idal +as semble +us ages +ĠW izard +Ġmat ures +ey lon +ĠDesign ers +Rem ote +ĠTom orrow +Ġgly cos +ĠSem in +ricks on +Ġmelan choly +Prov iding +Ess ential +ĠIter able +Ġshrou ded ++ ( +C ov +C off +N ight +S ports +und ant +AC HE +Ġhyp othermia +tra j +ĠHel ic +ĠIsland ers +eless ness +ĠWhite head +ĠSum erian +ĠPen al +accept ance +Ġrav aged +ĠPros per +ent ers +ĠD EP +Ġsh orth +ob iology +ĠPol o +Ġcourt room +wid gets +ĠJud ea +Ġchrom atic +Ġpace maker +Ġtor ment +Ġdread ed +ĠDipl om +b illed +Ġp iled +st ral +Ġpoint less +Ġlocal es +Ġprotect ors +ev ident +ĠBas que +Ob esity +Ġauton om +Ġtoken izer +stud ies +cos m +brand t +K G +d ag +d ried +k ha +Ġpro kary +ist os +ĠE cho +ĠF IRST +Ġpart ake +ĠRe peated +Ġallow able +set default +ores is +bl ocking +aly st +arv ae +ĠRem edies +Ġwinter ing +Cont ents +ĠTim ber +build ers +ORD ER +ĠDesc riptive +ĠOs iris +ĠHaz ards +Ġaquarium s +Ġidi om +Ġfluct uation +Ġlabou rers +Ġslog ans +) > +d v +e ment +t olerance +å ŀĭ +at y +at os +Ġre ins +st ories +pe i +ĠN iss +Ġun supervised +)) [ +Ġsqu amous +Ġfear less +Ġhom ologous +Ġmilk weed +ĠVer se +ĠBal anced +Christ mas +sql ite +tym ology +ĠMob ility +Muslim s +? * +M EM +Ġa rab +Ġf ury +ĠT ape +Ġst rom +ĠC ushing +ĠP ix +ĠP ossibly +Ġtake aways +ĠIs hma +Ex port +Ġder og +ĠÐ ± +Ġhero ine +ĠDel icious +Ġblind ed +Ġchlor oplast +Spec ifically +Ġsanct ity +Guid elines +Ġvandal ism +Ġhypocr isy +] || +Ġst ings +ĠV est +ĠY osh +Ġcur ly +ĠAr bit +ĠPl ut +Ġpost graduate +face book +amm u +AR A +Ġformal ized +Ġcas ually +æ dia +Ġpreserv ative +Ġimpat ient +H an +O ste +s ustaining +Ġs r +ĠC GI +ĠP ike +pp m +os ic +Ġle pro +ĠG ond +Ġresp ite +part icles +hel ps +Ġwall paper +Ġaf ric +ĠPut nam +Ġimperial ist +ĠYang tze +Ġdiscretion ary +ĠBM J +Ġmism an +ĠNeurolog ical +ĠFasc inating +Ġhots pot +- \ +D ynamic +H oney +Q s +t cp +ĠI E +ĠD rivers +we bsite +min us +ache v +Ġap ocalyptic +CC ESS +ĠAnn iversary +Ġtract ors +Ġdispos itions +dec imal +Ġintersection al +Sem itic +ìĿ ´ +ĠPorts mouth +Ġpomegran ate +Ġt gt +ct l +ĠB onds +Ġat onement +ĠG os +ult z +ere t +Ġcl ipping +Ġflood plain +Stud ying +Ġprosec uted +Ġseab irds +ĠSY STEM +ĠNewsp aper +ĠSof ia +Z Z +on o +ĠN FT +Ġcor iander +Ġcomplex ion +Ġmind ed +Ġfire arm +ĠProv iders +Ġdent ure +xx x +ĠLu ft +Ġcompact ed +Ġcarcin ogen +ĠBry ant +Ġnemat ode +ĠKau f +R ome +w ings +ak ings +Ġbl asting +Ġplay list +Ġconst rain +ames e +Ġmel odic +ĠBas is +cell ed +ĠGood man +ĠFil ters +Ġcow ard +ĠArist ot +ĠLev ine +Ġbru ises +Ġdread ful +åĽ ¾ +ĠConfuci anism +ureth ane +, [ +ing ale +Ġm ummy +ĠP ash +Ġv a +ence phal +Ġro be +ons on +ĠZ ed +att empt +ĠMe h +Ġbur g +ĠDevelop er +ĠCra fting +Ġtriumph ant +Ġevapor ates +P ars +S to +ed ited +Ġbe wild +ĠE B +ĠL uk +Ġav atar +Ġpost operative +Ġconc aten +ĠReg istered +efore station +ĠBay er +Ġnumer ator +Ġmerg ers +ĠAstroph ysics +l ifting +n f +Ġa k +ĠH itt +ĠN ET +ach al +ms gs +ĠIs abel +Ġec ologist +ĠSP EC +Ġgran ul +Ġdesper ation +Ġhash lib +Ġdetermin ism +ĠLam bert +ĠEras mus +p ract +ent ery +el er +ĠN ike +ĠN inth +Ġpl edges +Ġmed iating +ĠMan ch +Ġmagn itudes +ĠSm ile +Ġfiles ystem +ĠCommission ers +Def initions +ĠOpp osition +ĠAllow ing +Ġcro oked +Tr uth +Ġunravel ing +Ġtrigon ometry +Ġfresco es +olybden um +C ult +P ap +_ : +Ġin vert +ĠT ampa +Ġsu icides +ĠW erner +Ġse wn +Ġent ice +(' {} +ĠCar ry +Ġemphas ised +Ġimmig rated +Ġbomb ings +ĠMind s +Ġchop ping +ĠPul se +Design ing +ĠEmir ates +h ound +es se +le ave +Ġre written +os um +ĠL ange +Ġrep ressed +ĠPro posed +gen esis +Ġ$ ( +AN Y +Ġdiv isive +ixt ies +ĠMit igation +ĠEX PRESS +educ ational +Ġsprink led +asyn cio +R UN +S ched +f ledged +× ĵ +Ġre organization +am erican +Ġpl ast +ord inate +ĠZ ak +Ġkind er +Ġpath ologies +Ġlot teries +=" # +Ġface book +Ġtax able +top las +ca ption +Ġsprink ler +ĠAdmiral ty +T ypical +b ration +Ñ ī +å » +es ley +her st +ab o +ĠR he +ĠG atsby +ĠU RI +erm a +Ġref ug +Ġlow lands +ĠUS C +ĠLe y +udd in +Ġweak est +Gen erate +Ġradi ator +ĠCamb rian +ĠBreak fast +ĠLI ABILITY +Ġbenz odiazep +ĠI ch +orm s +ik on +ym al +Ġrecogn ises +inter section +IT T +ino za +aid a +sub net +Ġinn ermost +Ġentit lement +Ġcontempl ated +Turn ing +Ġmidw ives +Ġpolymorph ism +j ing +s itu +on acci +Ġl int +ĠM arm +âĢĻ ; +Th inking +Ġend os +Ġelect orate +An na +Ġver a +Ġassert iveness +che z +Ġforward ing +main tenance +Ġdigest ible +sign als +á¹ ĥ +Ġerad icating +ï ve +ç± » +. ], +end ering +ĠO le +ĠU pload +Ġtrans atlantic +hem es +ĠMin im +first name +struct ures +Ġtheor ist +ĠPas o +-------------------------------------------- -- +haus en +Ġneckl ace +F ROM +x l +in form +Ġg erman +ĠD ixon +ub en +Ġed ict +Ġstre pt +fl ash +ĠCal ed +Ġdraw er +ĠAg nes +Ġdiv isible +Ġsil encing +tra cks +ĠDesign s +Ġflo ated +Ġcommission ing +Ġneurolog y +Ġdecom mission +ĠBor ough +. -- +P ear +R og +d ip +en ough +Ġin separable +ĠT ox +ot onic +ĠA BA +ĠS ore +ĠH ir +ĠE ch +Ġdis belief +Ġpre cepts +Ġbott leneck +Ġhyper thyroidism +ĠBill ion +Ġbury ing +Ġperic ard +K id +L os +V iet +ed iting +Ġin quis +ĠA AA +ĠW an +ĠE ps +ult uration +ĠO M +Ġmed itating +Ġcur ators +ĠCom posite +anc a +ĠMass age +ĠBob by +Ġradi ative +ALL Y +ĠQt Core +Ġvic ar +ĠPied mont +f ault +at im +ch ap +Ġde em +ĠH AVE +ĠJ ules +Ġwork piece +oss ibility +Ġob tains +Ġpresent er +Ġter race +ĠGib raltar +Conf lict +ĠGent ile +ĠPosition ing +Mic hel +ĠGlou cester +ĠIshma el +" ', +j ump +Ġf iat +ĠN atives +ĠL atter +Ġsub lim +Ġcent imeter +Ġleg ion +ling u +Ġprob abilistic +ran o +df s +ĠTest Case +Ġmist le +Ġsyn th +Ġcas inos +ĠMess ages +Ġcontempl ative +ĠDH CP +Ġkidn apped +ĠShab bat +l f +o C +r rh +Ġth rottle +ct ime +ad ult +ant an +ĠW arn +ĠD ome +ĠN PS +Ġbr im +Ġlo oms +Ġcover ings +Ġrob bed +Ġinternal ized +Ġtro posp +ĠSum mar +ĠText book +his att +Ġtent acles +Ġelic ited +Offic ial +ĠLaz arus +ĠNerv ous +R U +c oco +Ġf c +Ġn r +Ġg ull +ĠS nyder +ĠF owler +Ġrec iting +ced ure +Ġsc ab +Ġsign aled +Ġlast ly +Ġblood shed +iter acy +ĠGovern ors +fam ous +Ġpier ced +Ġfortun ately +ĠHerod otus +Ġantif ungal +c ip +g au +Ġst ump +pl asm +Ġins ider +Ġphys iothe +ret ry +urg a +ĠRem ind +Ġmer idian +cell ent +Ġcab ins +Ġ× Ķ +åIJ İ +Ġtheor ized +M AC +S ocket +_ " +y ch +Ġ ãģ +al coholic +Ġb h +Ġh oses +ĠC rops +ĠM ON +ĠH uxley +ĠN uts +ie gel +iff el +Ġunder line +Ġexp orter +Ġenc odes +Ġ% % +first sum +igm und +Ġpriorit ized +ĠCalcul us +Ġrefres hed +Ġbottlen ecks +Ġre agents +Ġr ift +ĠN IST +ag ricult +Ġyear ning +Ġsub optimal +ĠAl le +view er +ĠCons istency +Ġsil very +ĠDis cipline +Ġfront line +Ġsteam er +Ġaccord ed +ĠAppro ved +some one +sever al +Ġcoin age +ĠProtestant ism +ĠConfuci an +fre edom +invent ory +Ġunsett ling +Ġeuth anasia +ĠAeron autics +Ġcany ons +J e +P LE +b rew +Ġt enses +Ġp awn +Ġr iddle +ĠD ivid +Ġrem itt +ins ured +pr inter +man ac +sc apes +ĠInt ensive +urs or +dict s +Ġund efined +ĠRiver a +den om +IR ED +ĠMethod ology +Ġdecay ed +gr ids +ĠLith ium +ĠHE ALTH +Ġcooper ating +ĠPatri ot +ĠRomantic ism +ĠDw ight +Ġtelome res +W alking +le aved +ĠI TS +ĠH ul +ĠE G +ib id +Ġj ade +ens ual +ĠK amp +ĠSh ipping +Ġbur gers +omy elitis +ĠSch we +Ġsett les +Don nell +ãĥ ³ +ĠMong o +Ġsie ve +h c +y re +ĠT ara +ĠD eng +ĠY esh +Ġlow s +Ġbo on +Ġrare r +Ad ams +win ner +ĠDist ricts +Ġsod as +ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ +Ġunpre pared +Ġrip ening +æł ĩ +Ġcafeter ia +T a +c ash +Ġg othic +ĠS outheastern +est imate +oc annab +ĠV T +Ġsign ified +de cre +Ġschool children +ĠBe am +ĠMe al +Ġsn apped +Ġexec utor +Ġcook ware +Ġstar ve +ĠNaz areth +Ġbomb ed +Ġwhis per +Ġrehears al +Ġ ################ +if lor +ĠM ovies +iv ol +ĠB hat +ĠN L +per ception +ov iruses +Ġoper as +Ġz ig +ĠOn es +Ġsymbol ically +ĠEl is +Ph ysics +Ġfrust rations +ĠJac qu +Pr iv +Prot ecting +Ġsubord inates +S ensor +d ain +Ġh oard +ĠA FP +ul ism +ĠIn flation +com bo +Ġtechn ologists +oms ky +It aly +ĠBen in +Ġpair wise +ĠEth an +plan et +ĠEmploy ing +Ġmonopol ies +ĠACT ION +skin ned +Ġlan terns +ĠExcited ly +æİ ¥ +Ġplasm id +Nob ody +( {} +å Ŀ +ĠC rescent +ĠK ri +air craft +---------------- ------- +ik en +Ġauthor ize +Ġshare holder +ĠPre v +ĠAp oll +EG ER +contin uous +Ġdye ing +' ? +R iver +Ġt ainted +Ġn iacin +Ġg ill +Ġal oe +Ġpre em +Ġtrans porter +ah ua +St atic +sh irts +ĠBe ans +ĠDep artments +Ġsn ug +Ġbed rooms +ĠClass ics +Ġmanip ulative +Ġrub bed +Ġhar assed +Ġtons ils +ÑĢ и +aa aa +Ġdialect ical +ĠOw ens +Ġprosec utors +Ïĥ ÏĦ +Ġconjug ate +Ġhemisp heres +ther ia +av iruses +for ces +Ġthera peutics +inst alled +Ġfresh man +ĠCare ers +ĠPC I +ĠWord sworth +Create Model +Process or +ĠRO I +ĠPand as +Ġantis ocial +Ġassembl ages +tion ary +Ġanci ents +F old +N SA +m agnetic +s ers +op port +ĠD PS +Ġle asing +Ġle vy +Ġmod ifies +ex posed +ateg ic +Ġx s +Ġi T +class ical +Ġnutrition ist +ĠSy st +Ġnervous ness +opol is +Ġbomb arded +Ass ert +Ġdownt urn +Harv ard +Ġeug enics +h ay +l c +Ġt resp +on ical +ĠS art +ĠJ em +con i +ĠK A +Ġtransform ational +Ġunw itting +sl ip +report ing +Sol id +æĸ ¹ +Ġmars up +ĠPrepared ness +M arsh +is ks +Ġd m +ĠP eng +ĠR it +ĠL au +Ġcent imetres +pr ised +sc enes +Ġpsych othe +ĠPost al +Ġpand a +Ġmi RNA +Ġvom it +Ġpolicym aking +Ġdeter rence +L ect +ĠI th +Ġch akra +Ġr ick +ust rated +Ġman ia +ĠCom plementary +Ġvir ulent +ĠNe ur +ĠPol ynes +Ġmoment ous +iform es +ĠEss entials +Ġpreced es +оР¹ +Ġdissol ving +Ġpor osity +ĠBrow ning +Ġau ctions +Ġglo omy +t oc +æ ı +ĠS phinx +ĠM F +os an +ĠD ell +ĠF H +te achers +Ġmod ulating +Ġcal mer +cul us +Ġtrade offs +ü h +Id x +Inter val +hyd rogen +non zero +åı Ĥ +Ġmaj esty +ĠCamb odian +Dav is +Cir c +ĠHav ana +ĠXY Z +evelop ed +) == +G er +L s +S ugar +U DE +f id +h int +at ches +Ġh overing +ĠA ure +Ġwe eping +Ġsh immer +ĠCh ir +Ġrem orse +As ia +Ġcat ap +ĠDes ktop +Ġautom ating +ĠTrans action +Ġutil ise +Ġ"/ " +Cam era +h oot +Ġa uster +ĠS essions +ĠJ ag +Ġcomm uting +ian i +az er +Ġcut aneous +bl asts +ĠNe umann +ĠQu inn +Ġgold fish +Sc ot +ĠTV s +Ġspir als +Ġpropag ating +person ic +ĠDer by +Ġathe ism +Ġdip ole +ĠMix ing +ĠWor cester +a ñ +b aby +id ade +od ine +Ġcomp resses +ater ally +con form +ĠV isc +ĠWe imar +Ġbo ating +Ġlater ally +Ġscre am +ĠÐ ° +Ġobst etric +Ġband ed +Eng land +Ġstrat osphere +] ') +Ġd d +ch ism +ĠH OLD +ĠD uty +arm aceutical +Ġparticular s +ĠCo ke +Ġprop onent +Ġsuffer ings +icy cle +opl asma +ĠJack ie +pur ple +Ġalleg orical +ĠPoly techn +ĠEli as +Ġensl avement +tick er +Ġmerc ant +Ġanarch ists +ĠFol klore +Hung ary +ĠCelebr ating +Ġprocrast ination +g am +m ining +å § +è ĥ½ +Ġc ot +Ġp om +ĠP ia +iv irus +qu akes +rom ycin +ĠD ir +ib i +Ġind eterm +Ġra cks +app ointed +ĠAd ler +Ġfil ming +ĠCl erk +IC s +Ġappe ase +Ġthr ift +ĠHuman itarian +ij k +ĠBen z +ĠAny way +Ġirrit ants +Ġlie u +ĠZh u +Ġmeg awatts +Ġjur ors +Ġlia ison +p ac +Ġa ft +et in +Ġst arches +Ġsur fact +ĠIs is +ribut ing +Ġred iscovered +ĠGu ill +ĠQu iet +Ġhyd rology +And erson +ĠSur geons +Ġble m +draw al +Am azon +fin ish +Ġrevis iting +ĠConcern ing +Ġdich otomy +Ġ ا +an ut +ĠP SA +ĠF TP +__ ), +Ġcent ering +ĠSh u +pre p +ĠLe iden +ĠCal houn +Ġaltern ately +Ġweak ly +Ġheight en +tra cker +ĠHum or +Ġcler ical +Ġalk ali +Ġhegemon ic +Ġovershad owed +w ag +Ġl uggage +ĠC ot +ĠP NG +ĠB SE +line arity +Ġbre wed +ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠ +Ġox en +Ġten acity +Ġcoll iding +ros ine +Ġpick led +Ġpreced e +pine phrine +middle ware +Ġchampions hip +vacc inated +ĠMosquit o +? || +G it +S AM +Ġ ``` +ĠM ikhail +Ġr angers +ĠN FL +ru z +cl iffe +ĠU mb +Ġimp airs +Ġher mene +Ġ[ (' +Ġgrou se +Ġhuman ism +Ġrisk ed +pat ches +ĠSy ll +UN C +Ab d +Ġmac kerel +Ġcomposition al +ĠCheck list +Ġven erable +Ġroyal ties +Ġexch anger +ĠPL OS +Ġcatalog s +Ġdorm ancy +Ġlamin ated +ĠRoh ing +ĠDecre ased +Ġinterspers ed +P enn +ĠĠĠĠ ĊĠĠĠ +Ġst o +ver ified +Ġso ared +Ġve gans +IS ING +ĠQu int +orph ous +ĠHarm on +åŃ IJ +Ġstyl ized +,,,,,,,, ,,,,,,,, +hen y +rop od +Ġmagn ified +ĠMin h +Ġang led +ĠLand mark +Ġnumer ically +Ġdeploy ments +Ġguarantee ing +ĠExec ution +curs ive +Rap id +Ġthro ats +ĠCarth age +ĠKipp ur +ĠM ou +ĠM oy +ĠW C +ĠG nostic +ĠO dd +Ġsp a +ob y +ray er +Ġpost secondary +Ġtool bar +ĠInt ake +"] = +count ries +Ġdoubt less +Ġstuff ing +ĠSi em +ĠCB SE +Ġminus cule +Ġhemorrh agic +Ġsard ines +M and +in fer +Ġc ilantro +om avirus +ol ome +ab ar +ĠR ough +so hn +Ġunder lined +Ġins idious +Ġtest es +ash ire +ĠSh ia +sh own +ule t +Ġhistor iography +ĠAm az +bo ost +ĠAp i +Ġreput ations +oz illa +ĠCR T +Ġbrilli antly +Ġdiscern ment +Direct or +Ġcin ematic +ĠJohannes burg +ç « +Ġre clamation +ĠG LO +ĠK iki +Ġcur ative +ĠPro long +Ġplay back +Ġland fall +inc hed +bol t +umb les +Ġpursu ant +ĠFour teenth +Ġathe ist +Ġμ g +Certain ly +Ġcland estine +C ats +D ead +W P +h azard +k as +le aves +st arch +se ma +ĠL ef +Ġev ocative +und ity +---------------- ---------- +Ġz u +Ġrad ii +ĠRed ist +IL Y +cap ac +Ġbio informatics +ĠVer b +Ac ute +ĠRand all +Ġreplic as +ĠDermat ology +- $ +c rum +r anges +ĠH ide +con verter +Ġinv al +Ġsub field +Ġca utions +ĠWe aver +Ġred ox +bl ogs +ĠOpt imal +Key Not +Add Field +ĠSpirit uality +ĠPrint ed +Ġscram bled +Ġperil ous +Ġalph abets +Ġincompet ent +ομ αι +P ont +R uss +a ires +c ine +d rops +Ð Ĵ +Ġy oke +ĠG oose +ĠG ras +Ġk erosene +ĠAs iatic +Ġop acity +ming ton +__( * +Ġcomprehens ively +Ġfilm maker +Ġbrother hood +Ġce mented +ĠHur on +Ġpa ediatric +Ġtoss ing +ĠDin osaur +ĠMack enzie +Ġnymph s +Ġellip se +F ine +k p +ĠE TH +Ġall uvial +ĠTh oreau +Ġded uced +New ton +ĠIN D +obj s +how ever +Ġembed dings +ĠParent al +ĠPu get +Ġovers aw +Ġchim ps +ĠCL R +Ġsam urai +c ampus +m ails +Ġe rection +ĠB ake +ĠE isen +Ġun mist +Ġob long +Ġmed itative +Ġcar riages +Ġeng ravings +Ġstory lines +writ es +dat as +ĠElect ions +vol t +Trans l +ĠNum erical +azz o +Ġperme ate +LOG GER +ĠPic chu +ĠIncorpor ated +compar ison +Ġpian ist +L ET +S her + ¿ +Ġt ipped +Ġm la +ĠI PA +ĠC optic +un als +ĠR acing +ĠSt irling +Ġdr ifted +Ġclos eness +ĠSer bs +det ector +ĠPay ne +Mon ths +Ġsalmon ella +Ġalien ated +Ġgy nec +ĠAlban ian +Ide ally +Ġdred ging +asmod ium +Ġarthrop ods +p seud +ç Ń +ol umines +ur ists +ad one +ĠP b +ĠL amp +Ġad heres +ber gs +ĠSt rict +Ġdi urnal +Ġ+ /- +agn a +ĠRes onance +Ġsoci ologist +ĠCl an +of i +Ch ris +Ġsqu e +ĠRem embrance +vis ional +Ġbul imia +Ġwrong do +direct or +ĠChief s +iph any +adv anced +Ġital ic +Ġchocol ates +m v +Ġch ivalry +ĠN I +ĠN er +ĠK L +ne v +In flamm +ex amination +Ġsol vers +Ar n +bed o +ĠJose f +ĠCard iff +pret ty +week ly +ĠBor is +ĠIDE A +B ol +p oles +w u +Ġre w +ĠI vy +est rogen +ĠB ord +ĠD ock +art ist +Ġind ia +te c +ĠCh att +Ġam eric +ĠEn och +Ġinflu encers +Ġbur gl +cal endar +ĠSupp lies +ĠHon olulu +ĠFew er +spl itext +Ġmartyr dom +j am +Ġa vert +he v +ic ially +op oulos +ĠM acc +ĠW ills +ĠF eld +Ġsh ack +ĠL ift +erv ative +Ġmy opia +Ġprom oters +Ġpost ulated +Ġbreak age +list en +aur a +Ġrow ing +Ġsan ity +Ġperf usion +ĠðŁ ĻĤ +B ind +ĠT emporary +am us +ĠThe bes +ĠK afka +Ġfore nsics +AT ES +ĠGu itar +ĠMc Int +ĠSam i +ĠIns ight +Prot ect +ĠBud apest +Function al +Ġevid ences +Fun ctions +ĠStrept ococcus +ĠBism arck +c one +à ½ +Ġp aves +ĠP p +Ġv ass +Ġsu personic +ĠF ate +ĠF ertility +ĠG anga +AT IVE +ĠMe as +Ġbacter i +ĠBar bad +Cre ation +jo ined +Ġdy ed +Ġcro pped ++- +- +Ġperiodont itis +N arr +á ¼ +Ġa pr +ĠV ote +ĠChrist ie +Ġsust ains +Ġcapital ization +Ġegg plant +Ġpig mentation +har ata +Ġbutt ocks +Ġlin estyle +Ġvocal izations +ĠRain forest +ĠCondition ing +Ġoft entimes +ĠOrbit er +toplas mic +Ġw rench +Ġf rant +ĠC uc +ĠB acter +Ġcommunic ators +Ġठ¸ +interest ing +ĠTele phone +Ġreplic ates +ĠFlex ibility +Ġscrat ched +DEL ETE +ĠRED D +HET ATM +Ġlepro sy +j ord +à ´ +Ġp ly +Ġin animate +ĠS loan +ĠN il +Ġk iwi +ĠSt range +ath ing +Ġsc ape +ĠSh opping +Ġcomb inator +rem lin +Ġfederal ism +Set up +Ġorbit er +Ġreconc iled +Ġoct op +Ġtwe ak +Ġwhit ish +Ġannih ilation +. ): +t les +| - +Ġp ang +Ġex alted +ĠM oll +um etric +un ya +Ġse izing +ĠK ale +Ġpo x +ĠAl ma +ĠCl osed +ĠCont ribution +Ġfru iting +ĠST Ds +Ġcere bellum +Ġelev ators +Ġlic hen +vol ent +Ġmitig ated +ĠInteg rative +ĠProp onents +ĠCart a +Ġaccret ion +M Hz +re li +all ion +ck en +ĊĠĠĠĠ ĊĠĠĠĠĠĠĠ +Ġcolon el +Ġstar ved +ĠRef rig +check er +ĠUt ilities +Ġmur ky +Ġrent ing +ĠPeriod ically +Ġsne aky +ĠWH AT +Ġparadox ical +ĠPompe ii +Ġadip ose +ĠNiel sen +B rief +C u +D OT +M ail +g id +p db +Ġp ediatrics +ĠT ags +am ond +Ġwh im +ĠP ang +Ġsh one +Ġres ists +ĠJ ong +ĠCom ic +Ġphot ore +Ġflu ently +Ġcru ising +Se vere +ĠInv asion +ü n +izz ard +MD R +Ġpresum ption +emat ics +STR UCT +Review ed +NUM BER +Ġdelic acy +Ġawaken ed +ĠBark er +Ġsher iff +p as +Ġa ide +re ceive +Ġf oes +el ands +ĠB IG +ĠD ating +ĠK err +of lu +Ch ain +]) [ +Ġprop ellant +ĠBen ef +ĠBr ass +Ġchart ered +ĠAcc ommod +Ġswim mer +itan ia +Ġrelie ves +Back end +opl as +Gl ob +rend ip +Ġnecessit ated +ĠRoll s +ĠDart mouth +Ġtimet able +Ġin human +id ase +Ġcon clusively +ac ute +ĠB oe +Ġle vers +rou ting +up a +uro pathic +Ġsuper iors +list ener +ĠEd monton +Conn ell +Ġharmon ics +ĠProtocol s +Ġgem stone +ĠQuin cy +Ġs ultan +ve au +ĠC oul +ĠM n +ĠO C +Ġem er +ĠCl air +Ġ_ (' +Ġfoot notes +Ġsynt actic +Ġsmooth ie +ĠEp stein +ĠProduct ivity +cop rote +Ġsnipp ets +Ġsanit izer +PRE FIX +hof er +quart ered +E t +H PV +ĠD G +Ġall igator +Ġper ks +ĠSe ymour +Ġpar ables +Ġphys iotherapy +Ġcap it +ention ed +ium s +(" # +Ġmicro be +Ġmicro processor +zz o +Ġhappen ings +LE VEL +but tons +Hist oric +ez ers +Ġaffili ates +wal let +rele ases +Ġperturb ations +Agricult ure +E ff +Ġl w +Ġan c +ĠM iriam +Ġj uncture +Ġsc ur +Ġtreat ises +Ġplan ter +ĠZ ip +ĠComp rom +ET H +Ġboard ed +Ġbow ling +ĠSpecial ists +Ġneurolog ist +ĠSep hard +Ġbiomark er +in u +Ġw ick +Ġy a +Ġhe uristic +Ġv ocation +ĠB acillus +Ġwe athered +ĠE q +ĠR FC +pl ier +ĠL una +iz o +ib ar +Ġ' @ +Ġref ute +ĠThere after +ĠEng el +Ġz yg +Ġprob ate +ĠTrans gender +Ġmouth wash +ago ons +ĠInc red +Ġpowder y +V el +h ogs +n ies +w ine +à § +Ġo asis +Ġw igg +Ġth orns +om ile +ĠT ie +op on +Ġhe arth +qu a +em i +Ġcol ic +Ġdesc ends +Ġax le +UR S +Le af +ĠOrd inary +Ġinverte brate +ĠHazard ous +h ari +p one +t enth +Ġre opened +ore pinephrine +Ġbut cher +Ġsc orn +ather s +Ġmult il +Ġbi otic +ĠCont rolling +Ġdro plet +Ġtoxic ology +ĠSal on +Ġprecip itated +Ġprosec ute +Ġplayground s +ĠSie ge +magn itude +T AR +l ung +Ġor ator +us oleum +ĠE ighth +ang ling +ex plan +Ġsk ates +Ġplay wrights +'] ). +co ast +Ġtoler ances +Ġmac ros +ĠMult icultural +Fl ash +disc rim +ĠMP G +ĠAchie ving +bench mark +ra ils +ĠC aring +ĠD oming +ĠR hythm +ace an +Ġinter locking +Ġpo ker +Ġmat uring +Ġyoung ster +Ġperfect ing +ĠMus a +Ġmiss p +MS E +Ġnod ding +Diff erence +Ġretro fit +Ġboss es +ĠBreast feeding +Ġsilhou ette +) < +j id +p ca +em ployed +ĠF aul +ĠY i +ty ped +ck pt +Ġgra cious +Ġsoci ologists +Ġbro kers +ĠCan ary +inter cept +ĠRemember ing +Ġadopt ive +Ne il +ĠBa al +privile ged +ĠIli ad +d raft +Ġt rophy +at ro +se gments +Ġit erator +ĠL IFE +act iv +ĠK ak +oth o +Ġent icing +Ġche ering +sc opy +Ġcat ers +ĠComp ound +ris ings +Ġmist reatment +ĠGold berg +comput ing +Ġ'' ', +PRO JECT +ĠNag asaki +Jam ie +j una +al ready +ĠI PS +Ġan archy +ĠD iverse +gh a +ĠAt om +Ġcir cling +ĠSc enario +ĠMe als +Ġtri ang +ĠPres erving +Ġdecided ly +Ġdepartment al +ĠWill is +Pre viously +ĠRock ies +Ġchicken pox +ĠSit uation +Ġunle ashed +Ġker atin +Ġdemean or +K enn +T ib +Ġc ada +Ġd ag +Ġal ley +ĠW ren +Ġins ensitive +ĠCal tech +é es +Ġreligious ly +rid or +Cont ains +Ġcolour ing +cit izens +Ġcrunch y +ĠLor raine +Ġsalam anders +B in +D ES +Ġin versely +ĠC ough +and e +ĠH b +ne es +Ġturn around +oll ah +ounc ill +ĠPost s +ĠLands at +Ġreluct antly +quer que +ĠCin ema +ĠPythag orean +Ġpessim istic +" / +r if +è ¨ +Ġc aching +Ġb oto +ĠT urns +Ġbe avers +ĠA AP +ĠE UR +ĠSc ales +ĠLe vin +Re peat +ĠEl iza +Ġstaff ing +Ind ones +Ed ited +Ġrh od +ĠCS F +Ġthumb nail +ĠConsult ant +ĠCool ing +ĠAdvance ments +Quant um +Ġkangar oo +Ġracc oons +ĠMoist ure +Ġpurpos ely +Ġresusc itation +Ġsubdu ed +J D +ion ine +se ated +ĠC af +ĠCh ances +Ġdef erred +hen ia +Ġpar anoia +St aff +"] / +ĠEd ith +Ġconsequ ential +Ġhon ours +ĠMon teneg +Ġseed ed +ĠNor ris +ĠCON N +Ġfled gling +åĬ ł +ĠInstance Preprocess +Ġe osin +ĠA be +ĠS ass +ĠM UST +ĠP ocket +ĠH ockey +ĠE MS +te ins +ĠV oc +ĠY ours +Ġco als +Ġref inery +Ġdec ad +Ġge os +Ġhost age +Ġmis chief +Ġcop ious +Ġcogn iz +hard ware +ĠBuild er +ĠLes bian +fetch all +Cond itions +rece iver +Ġrhiz omes +p ause +Ġt rol +ĠC rim +ĠM ai +qu at +ud i +ĠD yn +ĠR ao +ĠL osing +ru v +ĠFor rest +mar riage +comp ared +ĠChe f +dat aloader +Ġreform ing +function ing +sim pl +ĠBrad y +Ġissu ance +P open +Ġw akes +Ġp mid +ic os +ĠS word +th ro +ĠP urch +ĠN MR +Ġall uded +ĠCh opin +Ġmon et +ĠJu ice +wing ed +ĠExt ensive +ĠSuper man +Old er +Middle ware +ĠJF K +B ring +b ought +Ġf ined +ĠC CT +ĠR W +ĠR oe +ile t +av it +int rinsic +Ġ' )) +Ġcur ling +Ġdeep copy +Ġfall opian +ST OP +Ġtri pled +Ġ\ * +ĠPat agon +ĠUlt rasound +ĠEp isode +Ġneutral izing +BL ANK +Ġbon uses +Ġoint ment +Ġrefin eries +W et +m r +Ä Ļ +Ġ í +ĠS urg +um ar +ĠW uhan +Ġsy nov +ph ants +ĠDe e +Ġperiod ical +ee le +ibr ill +ĠMal d +Ġfly ers +lass ical +ĠDomin ion +Ġaffection ate +Ġling ered +Interest ing +ĠEvangel ical +Ġaust ral +Ġantid ote +" % +" /> +ĠT LS +ĠS ear +ĠW ak +Ġch ond +Ġup risings +Ġunder lies +Ġcons ort +Ġsm ashed +aw ait +ĠRe pt +Ġbo asting +ĠBrit ons +ĠMon et +Ġapprox im +Ġmotor ized +ĠAtt achment +Ġbath tub +ĠVe gan +iy ah +ĠPrior ity +ĠPale o +ĠLad ies +á¹ĩ a +ĠWend y +Ġperfor ated +ĠSerge ant +Ġeard rum +g irl +l id +m elt +Ġp ts +Ġp ont +ar h +ĠM k +ĠM ommy +ĠB low +Ġr aspberries +ĠF ighter +ĠL NG +Ġdis heart +Ġbet s +hes i +aw ak +angu ard +ĠTra umatic +Ġang ina +ĠDis par +Ġwall ed +LA G +Ġconsumer ism +ĠPo et +Ġtowns hips +Ġgro ves +ĠIndex Error +po inter +ĠKab bal +Bal ance +Ġmagist rate +s ock +Ġb onsai +ĠW orse +ĠD up +ĠR het +ĠL ok +ne ut +Ġfood stuffs +Ġve x +Ġopt omet +esc ue +Ġwond rous +ĠPres cription +Ġax ons +Ġvalid ators +Ġcounter clockwise +OT H +ĠST AR +Ġtorch vision +Ġforg iving +Ġvan ity +relations hips +ĠTraffic king +in clusive +in flation +ol ingu +ĠE hr +Ġdis integration +ĠU panish +ong ing +ne arest +Ġtrans pose +Ġgra bs +ash ions +St em +Ġnet ting +aim on +ĠAb ram +Ġempt ied +NS F +ĠMaster y +ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠĠĠĠĠĠ +ĠEmb ry +ĠAff irm +ĠSem i +Ġprox ies +Ġadul ter +ĠMembers hip +ĠJos iah +Ġexpans ions +Ġspraw l +M apper +re ve +Ġb ids +Ġre cl +ĠS DS +ĠL ia +Ġfol ly +und ance +tain able +(" ./ +ĊĠĠĠĠ ĊĠĠĠĠ +ĠUN HCR +pers ons +fold ed +Ġtransf usions +sn ake +Ġasym metrical +Doc uments +è¿ Ļ +ĠClay ton +Ġprogen itor +J osh +s old +Ġt inct +Ġas part +Ġv ets +Ġsu do +ĠV OC +Ġconn otation +new axis +play list +Ġund eveloped +Ġrepe aled +Ġconserv atism +Ġham per +Ġdecom posed +Ġpredis posed +Ġcrus ade +Ġtect onics +ĠWitness es +Ġbarbec ue +F ear +Z en +} ), +ĠC ig +Ġun ob +ile psy +Ġtw inkling +ym l +Ġemphas ise +trans istors +Ġsecret ive +Ġposter ity +Ġpist ol +Ġpatrol s +Ġsupers eded +Ġspo iled +ĠMau i +ĠCliff ord +M ul +M AS +m useum +s oup +t all +Ġ ਠ+er ick +Ġn ih +Ġcan v +ĠR az +ĠO SA +Ġrem un +---------------- ------ +Ġagree able +prim arily +ĠÅ ļ +-------------------------------------------- - +ĠGarc ÃŃa +Q ual +h urt +k illing +u ag +ĠN ino +ĠJ unction +ĠSt am +ĠV O +Ġac up +Ġbro om +Ġspring time +Ġparallel ism +cf m +cut off +ĠSD G +ĠiP od +Ġausp icious +TEM PL +Ġfatig ued +ĠAmend ments +W iki +c ms +Ġbe gg +ĠA ene +oc ort +Ġab using +Ġun ites +Ġimport ation +ĠAn al +') ; +Ġmid day +Ġlib erate +Ġpractical ity +Ġtur ret +ĠGal veston +ĠProm ise +Organ ization +Ġbarn s +ĠClare nce +Ġquar rel +intern et +éĩ ı +Ġpleas urable += ", +i u +k ick +å ¥ +iv ir +ĠB ologna +ĠH ors +ĠE rd +ĠJ orge +ph thal +Ġrec itation +ĠUn locking +Ġatt ends +Ġrep ressive +Ġtake over +Ġselect or +Ġfru ition +Ġappropri ateness +Ġtherm odynamic +Ġgirl friend +Ġartic ulating +ĠKind le +Ġventric les +Ġdecis ively +/ __ +Ġp ounding +an um +Ġst arl +ĠM b +Ġim itating +Ġsp i +ĠV ascular +Ġmod ulated +Ġexp ended +Ġsun screens +ĠMan or +ĠSw imming +RO S +Ġunivers ality +Ġmamm ary +Am ount +CON N +Ġupload ing +ĠEld ers +Mind fulness +Ġantis em +Ġextingu ished +Ġzomb ie +k its +Î ® +ri pe +ĠU DP +ĠCom plications +Ġpar athyroid +Ġpost age +For ward +Ġmis placed +ĠST ART +ĠDem ographic +uh r +Ġzo oplankton +Ġµ g +cig arette +Ġcytok ine +Ġquir ks +ĠHyder abad +B one +L ed +L IB +b rief +å ij +en arios +Ġg uts +ĠA edes +ĠS ands +Pro s +ĠOrgan izing +Ġcompound ing +ĠMah ayana +bu querque +Ġmi RNAs +ĠPharm acy +canc erous +Ġdishwas her +Ġautonom ously +G PT +ul c +ĠW ORK +Ġdef lect +ĠPr as +Ġfacilit ators +ENT IAL +orph ic +Ġdebt or +Ġdys ph +ĠPain e +Check Box +Ġrh initis +Ġrust ic +Ġresidual s +Ġdetain ees +oflav in +p itched +Ġa h +ĠP ing +ans i +Ġte asing +ĠSt rain +Ġmod ifiers +Ġret raction +start s +Ġeffort less +Ġtrou sers +Ġban ished +Inst itute +Pre vent +ĠLoad ing +æĸĩ 件 +terror ism +s essions +æ ĭ +ĠE rin +Ġte x +py lob +St ra +IN DEX +ĠCont inent +ait a +loc ale +Int f +(( ( +Ġbio energy +stack overflow +elect ronic +Ġapt ly +ĠEt rus +Ġantagon ists +Ġastroph ysics +Isa iah +LG BT +F ruit +o auth +Ġs ages +ĠM erg +ĠB om +ĠH ISTORY +Ġch ants +ĠN arrow +ast ore +ĠâĢĵ âĢĵâĢĵ +ins ular +Ġec lectic +Ġcamp fire +ret rieve +ĠHig gins +Ġbrut ally +ĠSN Ps +ĠChamp ion +Ġeloqu ent +i eth +Ġy olks +Ġex ogenous +ĠL iability +Ġinf lection +ĠCon ver +ĠCon ventions +uss ing +Ġwrong doing +ĠPat rol +OT HER +ĠUN F +Ġreform er +ĠSil ence +ĠLy ons +Ġheal ers +ĠShow ing +ĠBegin ners +Ġly rical +ĠSkin ner +Sam uel +Ġlogarith mic +Ġpromul gated +ĠQué bec +B H +Y outh +Ġh acks +ĠC umm +Ġch ia +Ġse rendip +Ġar mp +Ġout age +Ġsk incare +ĠAnd ersen +ĠAm nesty +Cl ark +Ġannual s +Ġdeliver ance +ĠSte iner +ĠWil kins +Ġcrow ding +ĠRom ances +Ġchron icle +ĠSynt ax +Ġvas cul +æī Ģ +Face book +Ġspoil age +ĠGrad ient +ĠFut ures +Ġergon omic +ir ium +ĠB old +Ġind igo +Ġra ke +Ġover h +ll is +Ġno zzles +ĠCl ouds +Ġec ologists +ĠPol ly +-------------------------------- -------- +Ġflex ion +Ġfr aternity +Ġchecks um +ĠCharacter ization +ĠÅ ł +Ġorphan ed +Ġtheat res +Recomm end +Ġgalvan ized +Ġdissoci ation +Ġhydroly sis +||= || +> ) +M ach +Ġp ter +ĠT aft +ĠW iring +ĠE nder +ĠN ON +Ġun broken +ĠK olk +Ġdep ressions +Ġdid actic +'] = +Ġpurpose fully +Ġwet ter +ĠBre ton +ĠSH ALL +Ġhex agonal +Ġlam bs +sampl er +Ġmatt resses +Ġcockro ach +ĠHers chel +Ġsphinct er +b ara +× ł +ou le +ĠT Type +ch rist +ĠB ead +ĠW ien +ĠL unch +ost rum +ract s +Ġchild bearing +Ġrep osition +Ġmon ounsaturated +Ġmon oclonal +Ġeng ender +sh ifting +ĠYork er +ĠTra cing +comp iler +ĠPort able +bur ne +ĠBu ying +Ġå Ī +Sur v +ĠLanc ashire +opa edic +ĠCrus ade +hon ored +R oss +d printing +f irm +ar ak +ĠS HA +ĠH ild +ĠW I +ĠR d +og gy +ĠN OR +ĠJ ing +ens in +Ġpre existing +Ġinv oice +EN CES +Ġcounter productive +Ġpick les +omer ase +Ġalert ed +ĠCorn elius +desc ribe +ĠPul monary +ÏĢ ο +Ġrecharge able +ĠGert rude +B arn +J oh +P RI +S igma +ĠS AF +ĠC SA +act us +ak able +ĠU may +Ġacc using +Ġlabor ious +Ġmut ate +Ġpy g +Ġcompl imentary +ĠRel ativity +ĠMark ov +Ġfalse hood +Ġrough ness +Ġcareg iving +ĠTun is +Compar ison +Ġdiure tic +ke gee +Ġwork able +ĠHe ads +Ġed itable +Ġbo oth +Ġtot aling +ha ft +Ġdecre ed +ĠGl ucose +ĠEl astic +trans formed +call backs +Ġdoor step +ĠEnc ryption +Ġcust od +ĠImport ing +ĠHI PAA +Luck ily +L ic +Ġin ext +Ġm oor +Ġth ru +ĠW ra +ĠR PM +ri ps +all ocation +ĠO mar +Ġsp ondyl +ax anthin +ĠMin imal +ĠFin ish +Ġtur quoise +cor relation +ĠAR P +Ġmilit ias +oths child +Ġcran berry +cool ed +ĠIncorpor ate +ĠNeb ula +ĠInspect or +L ie +S ort +V ec +W ash +h ack +m gr +Ġt rophic +ĠT rium +Ġcon und +Ġcomp lying +Ġdep recated +Ġel m +app les +Ġide ation +ĠVis itor +Hel ping +Ġintim idated +omorph ism +Ġdia per +Ġantihist amines +} ; +ic in +ĠC reed +Ġres umes +con vers +Ġem ancip +we bs +Ġinf requently +for cing +ĠPr inter +Ġport ability +Ġsat iety +ĠKe yn +Ġsav anna +ref s +Ġmac rom +Ġleaf let +Ġhills ide +Ġbibli ographic +Ġwre ak +ĠLaure nce +Ġcass er +ĠAdvoc ates +d ogs +t ower +Ġf end +as pect +Ġl uke +ur istics +oc arp +Ġrest rain +amp unk +Ġtext ured +Ġfire walls +RE AM +RO L +ĠChar lemagne +ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ ĠĠ +Ġconstitu encies +Ġfung icide +Ġelectr ification +Ġlute in +Ġshorth and +L ENGTH +T CP +c itation +f ps +s us +t itles +is nan +ut ics +ĠS is +ĠD iver +Ġpre clude +Ġbi oc +Ġprec inct +Ġnit rite +ĠCrit ique +ĠHad rian +Oper ating +Ġanonym ously +Ġsimmer ing +D elivery +F ried +c x +i pt +Ġe ut +ĠA O +ab h +ĠO edipus +uch a +Ġstand by +iol es +Ġhyp o +ĠBur r +has a +ĠBrow ser +anche z +multip ly +M ission +b ases +g rab +Ġd ru +Ġh rs +ch osen +ĠR ET +ĠIn jection +Ġj a +ĠCh ihu +Ġacc use +ov ir +ĠAl gon +NA MES +class ic +Ġgeneral ize +Al ign +Ġpay loads +ĠProf essors +Ġauthent icated +Ġune ase +Ġinert ial +ĠLect ures +ĠAuthent ic +ĠFro zen +ĠPup ils +R ing +nd t +Ġsl urry +ĠWhat s +ĠGo es +Sc ene +Sc enario +Ġmyth ologies +ĠParticip ating +Ġreset tlement +Brit ain +ĠEmphas ize +Ġoverhe ard +assertIs Instance +çł ģ +B enny +C LE +N ick +U k +Ġpro j +op o +ĠF ram +ĠL akota +Ġwho oping +ĠK NOW +Ġrep ub +ĠSh ang +ann ie +ĠCent uries +mod es +oph obic +Ġmag ically +Ġintellig ently +Ġexcess es +enth al +Ġhygi enic +Ġbare foot +ĠYe ast +ĠReturn ing +Ġpharmac ology +ε Ïģ +ĠGib bs +Ġdecentral ization +Ġunbear able +M olecular +T ick +V ENT +t if +Ù ĥ +al and +Ġf uses +Ġm alls +Ġl apse +Ġy in +Ġsu cked +Ex am +Ġinstruct ing +ĠSam antha +uls ed +Ġdu ke +MP s +ĠHaw kins +Ġcompens atory +Ġsumm ertime +Ġcroc het +ĠFilip inos +otoxic ity +Ġsuperconduct ing +Ye ah +ĠSidd h +pylob acter +b omb +Ġw ikipedia +an ah +an imals +st asy +ĠT EXT +Ġst encil +ĠC ited +op ods +ĠH itch +Ġr d +ost ridium +Ġpart isans +Ġpartic ulates +anc o +Ġplan ks +Ġopp oses +Ġphys ique +ĠRes earcher +Ġhead first +Ġut tered +Ġcig ar +ĠColl ier +åı · +Ġcatast rophes +ĠTax es +Ġsnack ing +Ġapolog ized +ĠGO OD +++++ ++++ +M ER +re in +ĠT uls +ĠA ux +ĠH in +ĠN utrients +rough ly +we e +Ġprov oking +Ġimpro vised +Ġcheck points +Ġtri ad +Ġep ics +ĠAnt im +ĠSal vation +ĠPhil ist +Dr inking +Ġven eration +Gu ard +Ġreass ure +ĠBlu eprint +Ġevapor ated +HEAD ER +] ", +f us +at ius +ĠC hess +ĠM ard +ĠD iction +Ġwas tage +Ġcl f +Ġ' : +hen es +Ġed ifice +Ġlight ed +Ġsize able +Ġver mic +Ġselect ivity +Ġbar bed +Ġbattle fields +ĠSun shine +Sp ain +di ameter +Fig ures +cir ca +ĠCompet itive +ĠCarm el +Ġdishon esty +Ġorthodox y +neur ons +fet ched +M ig +f en +s eller +ĠE AR +ĠF ountain +Ġdis closing +de ck +Ġfact oring +ĠSh into +Ġsuper flu +Ġstandard ised +ĠNe on +Time out +Ġdisp ens +Ġsmok y +Ġsprou ted +Ġimagin able +ĠTemper atures +ĠTub man +ĠGenealog y +G ly +f lying +p overty +t ips +ĠC ors +ĠM im +pp o +ĠH ask +ĠU R +ub ation +ĠK iev +ĠCh avez +ex cluding +over lay +Ġmar ig +Ġbra ch +ĠHam as +ĠWal ton +Ġrevol ved +ĠCatal onia +ĠLaure n +ĠKab ul +ozyg ous +T ier +] ][ +l ut +Ġb athe +Ġin sofar +ĠC ope +od b +Ġ" )) +ĠTh row +Ġun met +Ġsupp resses +ink a +Ġpass ports +ĠAug mented +ĠSur real +ij n +ĠCare y +ĠEqu ally +div ide +ĠCM OS +Bul lying +ĠLaf ayette +G y +Ġm ids +ch ips +Ġpre l +Ġass uring +Ġdel usions +arc o +oph armac +ĠGen erations +ĠWilliams on +Ġnov o +ĠPale olithic +compet itive +ĠYan kee +Ġdend ritic +ĠPropag anda +Ġorang utans +ĠSovere ign +Ġvolley ball +C BD +x ism +he ment +ĠM ater +ER AL +fl oating +ED S +Ġcommerc ials +Se ek +unk er +ĠAD C +ĠIdent ities +Ġcarb ide +Ġbrow ning +ĠSir i +May a +Ġarom atherapy +Ġreass ured +Ġmelt down +Emer gency +ĠTrag edy +ĠSTE AM +ĠThess alon +Ġpung ent +F REE +L if +om ia +Ġex fol +ĠM ama +ect able diff --git a/chatbot/models/HuggingFaceTB/SmolLM2-1.7B-Instruct/model-00001-of-00002.safetensors b/chatbot/models/HuggingFaceTB/SmolLM2-1.7B-Instruct/model-00001-of-00002.safetensors new file mode 100644 index 0000000000000000000000000000000000000000..5fee34ebb594bdf811340ce8d34b910d85249df9 --- /dev/null +++ b/chatbot/models/HuggingFaceTB/SmolLM2-1.7B-Instruct/model-00001-of-00002.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d21ed78acd64116143c09180c275689fd8eab22a8920455c1c64f63ceab9089a +size 4999906800 diff --git a/chatbot/models/HuggingFaceTB/SmolLM2-1.7B-Instruct/model-00002-of-00002.safetensors b/chatbot/models/HuggingFaceTB/SmolLM2-1.7B-Instruct/model-00002-of-00002.safetensors new file mode 100644 index 0000000000000000000000000000000000000000..39bccc13e6a7913f60d2cf58cab4bde32195ff69 --- /dev/null +++ b/chatbot/models/HuggingFaceTB/SmolLM2-1.7B-Instruct/model-00002-of-00002.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a1eecb36a045a2ba3deff58cfa2bbb7dddfb76f260e853b442128d1799055b61 +size 1845623728 diff --git a/chatbot/models/HuggingFaceTB/SmolLM2-1.7B-Instruct/model.safetensors.index.json b/chatbot/models/HuggingFaceTB/SmolLM2-1.7B-Instruct/model.safetensors.index.json new file mode 100644 index 0000000000000000000000000000000000000000..3ebf529abb4a8956beddf757d6a8495e70993898 --- /dev/null +++ b/chatbot/models/HuggingFaceTB/SmolLM2-1.7B-Instruct/model.safetensors.index.json @@ -0,0 +1,225 @@ +{ + "metadata": { + "total_size": 6845505536 + }, + "weight_map": { + "model.embed_tokens.weight": "model-00001-of-00002.safetensors", + "model.layers.0.input_layernorm.weight": "model-00001-of-00002.safetensors", + "model.layers.0.mlp.down_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.0.mlp.gate_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.0.mlp.up_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.0.post_attention_layernorm.weight": "model-00001-of-00002.safetensors", + "model.layers.0.self_attn.k_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.0.self_attn.o_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.0.self_attn.q_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.0.self_attn.v_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.1.input_layernorm.weight": "model-00001-of-00002.safetensors", + "model.layers.1.mlp.down_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.1.mlp.gate_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.1.mlp.up_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.1.post_attention_layernorm.weight": "model-00001-of-00002.safetensors", + "model.layers.1.self_attn.k_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.1.self_attn.o_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.1.self_attn.q_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.1.self_attn.v_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.10.input_layernorm.weight": "model-00001-of-00002.safetensors", + "model.layers.10.mlp.down_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.10.mlp.gate_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.10.mlp.up_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.10.post_attention_layernorm.weight": "model-00001-of-00002.safetensors", + "model.layers.10.self_attn.k_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.10.self_attn.o_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.10.self_attn.q_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.10.self_attn.v_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.11.input_layernorm.weight": "model-00001-of-00002.safetensors", + "model.layers.11.mlp.down_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.11.mlp.gate_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.11.mlp.up_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.11.post_attention_layernorm.weight": "model-00001-of-00002.safetensors", + "model.layers.11.self_attn.k_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.11.self_attn.o_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.11.self_attn.q_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.11.self_attn.v_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.12.input_layernorm.weight": "model-00001-of-00002.safetensors", + "model.layers.12.mlp.down_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.12.mlp.gate_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.12.mlp.up_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.12.post_attention_layernorm.weight": "model-00001-of-00002.safetensors", + "model.layers.12.self_attn.k_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.12.self_attn.o_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.12.self_attn.q_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.12.self_attn.v_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.13.input_layernorm.weight": "model-00001-of-00002.safetensors", + "model.layers.13.mlp.down_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.13.mlp.gate_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.13.mlp.up_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.13.post_attention_layernorm.weight": "model-00001-of-00002.safetensors", + "model.layers.13.self_attn.k_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.13.self_attn.o_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.13.self_attn.q_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.13.self_attn.v_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.14.input_layernorm.weight": "model-00001-of-00002.safetensors", + "model.layers.14.mlp.down_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.14.mlp.gate_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.14.mlp.up_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.14.post_attention_layernorm.weight": "model-00001-of-00002.safetensors", + "model.layers.14.self_attn.k_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.14.self_attn.o_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.14.self_attn.q_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.14.self_attn.v_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.15.input_layernorm.weight": "model-00001-of-00002.safetensors", + "model.layers.15.mlp.down_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.15.mlp.gate_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.15.mlp.up_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.15.post_attention_layernorm.weight": "model-00001-of-00002.safetensors", + "model.layers.15.self_attn.k_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.15.self_attn.o_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.15.self_attn.q_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.15.self_attn.v_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.16.input_layernorm.weight": "model-00001-of-00002.safetensors", + "model.layers.16.mlp.down_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.16.mlp.gate_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.16.mlp.up_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.16.post_attention_layernorm.weight": "model-00001-of-00002.safetensors", + "model.layers.16.self_attn.k_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.16.self_attn.o_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.16.self_attn.q_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.16.self_attn.v_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.17.input_layernorm.weight": "model-00002-of-00002.safetensors", + "model.layers.17.mlp.down_proj.weight": "model-00002-of-00002.safetensors", + "model.layers.17.mlp.gate_proj.weight": "model-00002-of-00002.safetensors", + "model.layers.17.mlp.up_proj.weight": "model-00002-of-00002.safetensors", + "model.layers.17.post_attention_layernorm.weight": "model-00002-of-00002.safetensors", + "model.layers.17.self_attn.k_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.17.self_attn.o_proj.weight": "model-00002-of-00002.safetensors", + "model.layers.17.self_attn.q_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.17.self_attn.v_proj.weight": "model-00002-of-00002.safetensors", + "model.layers.18.input_layernorm.weight": "model-00002-of-00002.safetensors", + "model.layers.18.mlp.down_proj.weight": "model-00002-of-00002.safetensors", + "model.layers.18.mlp.gate_proj.weight": "model-00002-of-00002.safetensors", + "model.layers.18.mlp.up_proj.weight": "model-00002-of-00002.safetensors", + "model.layers.18.post_attention_layernorm.weight": "model-00002-of-00002.safetensors", + "model.layers.18.self_attn.k_proj.weight": "model-00002-of-00002.safetensors", + "model.layers.18.self_attn.o_proj.weight": "model-00002-of-00002.safetensors", + "model.layers.18.self_attn.q_proj.weight": "model-00002-of-00002.safetensors", + "model.layers.18.self_attn.v_proj.weight": "model-00002-of-00002.safetensors", + "model.layers.19.input_layernorm.weight": "model-00002-of-00002.safetensors", + "model.layers.19.mlp.down_proj.weight": "model-00002-of-00002.safetensors", + "model.layers.19.mlp.gate_proj.weight": "model-00002-of-00002.safetensors", + "model.layers.19.mlp.up_proj.weight": "model-00002-of-00002.safetensors", + "model.layers.19.post_attention_layernorm.weight": "model-00002-of-00002.safetensors", + "model.layers.19.self_attn.k_proj.weight": "model-00002-of-00002.safetensors", + "model.layers.19.self_attn.o_proj.weight": "model-00002-of-00002.safetensors", + "model.layers.19.self_attn.q_proj.weight": "model-00002-of-00002.safetensors", + "model.layers.19.self_attn.v_proj.weight": "model-00002-of-00002.safetensors", + "model.layers.2.input_layernorm.weight": "model-00001-of-00002.safetensors", + "model.layers.2.mlp.down_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.2.mlp.gate_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.2.mlp.up_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.2.post_attention_layernorm.weight": "model-00001-of-00002.safetensors", + "model.layers.2.self_attn.k_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.2.self_attn.o_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.2.self_attn.q_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.2.self_attn.v_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.20.input_layernorm.weight": "model-00002-of-00002.safetensors", + "model.layers.20.mlp.down_proj.weight": "model-00002-of-00002.safetensors", + "model.layers.20.mlp.gate_proj.weight": "model-00002-of-00002.safetensors", + "model.layers.20.mlp.up_proj.weight": "model-00002-of-00002.safetensors", + "model.layers.20.post_attention_layernorm.weight": "model-00002-of-00002.safetensors", + "model.layers.20.self_attn.k_proj.weight": "model-00002-of-00002.safetensors", + "model.layers.20.self_attn.o_proj.weight": "model-00002-of-00002.safetensors", + "model.layers.20.self_attn.q_proj.weight": "model-00002-of-00002.safetensors", + "model.layers.20.self_attn.v_proj.weight": "model-00002-of-00002.safetensors", + "model.layers.21.input_layernorm.weight": "model-00002-of-00002.safetensors", + "model.layers.21.mlp.down_proj.weight": "model-00002-of-00002.safetensors", + "model.layers.21.mlp.gate_proj.weight": "model-00002-of-00002.safetensors", + "model.layers.21.mlp.up_proj.weight": "model-00002-of-00002.safetensors", + "model.layers.21.post_attention_layernorm.weight": "model-00002-of-00002.safetensors", + "model.layers.21.self_attn.k_proj.weight": "model-00002-of-00002.safetensors", + "model.layers.21.self_attn.o_proj.weight": "model-00002-of-00002.safetensors", + "model.layers.21.self_attn.q_proj.weight": "model-00002-of-00002.safetensors", + "model.layers.21.self_attn.v_proj.weight": "model-00002-of-00002.safetensors", + "model.layers.22.input_layernorm.weight": "model-00002-of-00002.safetensors", + "model.layers.22.mlp.down_proj.weight": "model-00002-of-00002.safetensors", + "model.layers.22.mlp.gate_proj.weight": "model-00002-of-00002.safetensors", + "model.layers.22.mlp.up_proj.weight": "model-00002-of-00002.safetensors", + "model.layers.22.post_attention_layernorm.weight": "model-00002-of-00002.safetensors", + "model.layers.22.self_attn.k_proj.weight": "model-00002-of-00002.safetensors", + "model.layers.22.self_attn.o_proj.weight": "model-00002-of-00002.safetensors", + "model.layers.22.self_attn.q_proj.weight": "model-00002-of-00002.safetensors", + "model.layers.22.self_attn.v_proj.weight": "model-00002-of-00002.safetensors", + "model.layers.23.input_layernorm.weight": "model-00002-of-00002.safetensors", + "model.layers.23.mlp.down_proj.weight": "model-00002-of-00002.safetensors", + "model.layers.23.mlp.gate_proj.weight": "model-00002-of-00002.safetensors", + "model.layers.23.mlp.up_proj.weight": "model-00002-of-00002.safetensors", + "model.layers.23.post_attention_layernorm.weight": "model-00002-of-00002.safetensors", + "model.layers.23.self_attn.k_proj.weight": "model-00002-of-00002.safetensors", + "model.layers.23.self_attn.o_proj.weight": "model-00002-of-00002.safetensors", + "model.layers.23.self_attn.q_proj.weight": "model-00002-of-00002.safetensors", + "model.layers.23.self_attn.v_proj.weight": "model-00002-of-00002.safetensors", + "model.layers.3.input_layernorm.weight": "model-00001-of-00002.safetensors", + "model.layers.3.mlp.down_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.3.mlp.gate_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.3.mlp.up_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.3.post_attention_layernorm.weight": "model-00001-of-00002.safetensors", + "model.layers.3.self_attn.k_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.3.self_attn.o_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.3.self_attn.q_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.3.self_attn.v_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.4.input_layernorm.weight": "model-00001-of-00002.safetensors", + "model.layers.4.mlp.down_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.4.mlp.gate_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.4.mlp.up_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.4.post_attention_layernorm.weight": "model-00001-of-00002.safetensors", + "model.layers.4.self_attn.k_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.4.self_attn.o_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.4.self_attn.q_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.4.self_attn.v_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.5.input_layernorm.weight": "model-00001-of-00002.safetensors", + "model.layers.5.mlp.down_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.5.mlp.gate_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.5.mlp.up_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.5.post_attention_layernorm.weight": "model-00001-of-00002.safetensors", + "model.layers.5.self_attn.k_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.5.self_attn.o_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.5.self_attn.q_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.5.self_attn.v_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.6.input_layernorm.weight": "model-00001-of-00002.safetensors", + "model.layers.6.mlp.down_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.6.mlp.gate_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.6.mlp.up_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.6.post_attention_layernorm.weight": "model-00001-of-00002.safetensors", + "model.layers.6.self_attn.k_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.6.self_attn.o_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.6.self_attn.q_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.6.self_attn.v_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.7.input_layernorm.weight": "model-00001-of-00002.safetensors", + "model.layers.7.mlp.down_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.7.mlp.gate_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.7.mlp.up_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.7.post_attention_layernorm.weight": "model-00001-of-00002.safetensors", + "model.layers.7.self_attn.k_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.7.self_attn.o_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.7.self_attn.q_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.7.self_attn.v_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.8.input_layernorm.weight": "model-00001-of-00002.safetensors", + "model.layers.8.mlp.down_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.8.mlp.gate_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.8.mlp.up_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.8.post_attention_layernorm.weight": "model-00001-of-00002.safetensors", + "model.layers.8.self_attn.k_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.8.self_attn.o_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.8.self_attn.q_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.8.self_attn.v_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.9.input_layernorm.weight": "model-00001-of-00002.safetensors", + "model.layers.9.mlp.down_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.9.mlp.gate_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.9.mlp.up_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.9.post_attention_layernorm.weight": "model-00001-of-00002.safetensors", + "model.layers.9.self_attn.k_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.9.self_attn.o_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.9.self_attn.q_proj.weight": "model-00001-of-00002.safetensors", + "model.layers.9.self_attn.v_proj.weight": "model-00001-of-00002.safetensors", + "model.norm.weight": "model-00002-of-00002.safetensors" + } +} diff --git a/chatbot/models/HuggingFaceTB/SmolLM2-1.7B-Instruct/special_tokens_map.json b/chatbot/models/HuggingFaceTB/SmolLM2-1.7B-Instruct/special_tokens_map.json new file mode 100644 index 0000000000000000000000000000000000000000..44719d2e365acac0637fd25a3acf46494ca45940 --- /dev/null +++ b/chatbot/models/HuggingFaceTB/SmolLM2-1.7B-Instruct/special_tokens_map.json @@ -0,0 +1,34 @@ +{ + "additional_special_tokens": [ + "<|im_start|>", + "<|im_end|>" + ], + "bos_token": { + "content": "<|im_start|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false + }, + "eos_token": { + "content": "<|im_end|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false + }, + "pad_token": { + "content": "<|im_end|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false + }, + "unk_token": { + "content": "<|endoftext|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false + } +} diff --git a/chatbot/models/HuggingFaceTB/SmolLM2-1.7B-Instruct/tokenizer.json b/chatbot/models/HuggingFaceTB/SmolLM2-1.7B-Instruct/tokenizer.json new file mode 100644 index 0000000000000000000000000000000000000000..a7d434dcaa7ae62910bed536fb292282905c9b44 --- /dev/null +++ b/chatbot/models/HuggingFaceTB/SmolLM2-1.7B-Instruct/tokenizer.json @@ -0,0 +1,244949 @@ +{ + "version": "1.0", + "truncation": null, + "padding": null, + "added_tokens": [ + { + "id": 0, + "content": "<|endoftext|>", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 1, + "content": "<|im_start|>", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 2, + "content": "<|im_end|>", + "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 + } + ], + "normalizer": null, + "pre_tokenizer": { + "type": "Sequence", + "pretokenizers": [ + { + "type": "Digits", + "individual_digits": true + }, + { + "type": "ByteLevel", + "add_prefix_space": false, + "trim_offsets": true, + "use_regex": true + } + ] + }, + "post_processor": null, + "decoder": { + "type": "ByteLevel", + "add_prefix_space": true, + "trim_offsets": true, + "use_regex": true + }, + "model": { + "type": "BPE", + "dropout": null, + "unk_token": null, + "continuing_subword_prefix": null, + "end_of_word_suffix": null, + "fuse_unk": false, + "byte_fallback": false, + "ignore_merges": false, + "vocab": { + "<|endoftext|>": 0, + "<|im_start|>": 1, + "<|im_end|>": 2, + "": 3, + "": 4, + "": 5, + "": 6, + "": 7, + "": 8, + "": 9, + "": 10, + "": 11, + "": 12, + "": 13, + "": 14, + "": 15, + "": 16, + "!": 17, + "\"": 18, + "#": 19, + "$": 20, + "%": 21, + "&": 22, + "'": 23, + "(": 24, + ")": 25, + "*": 26, + "+": 27, + ",": 28, + "-": 29, + ".": 30, + "/": 31, + "0": 32, + "1": 33, + "2": 34, + "3": 35, + "4": 36, + "5": 37, + "6": 38, + "7": 39, + "8": 40, + "9": 41, + ":": 42, + ";": 43, + "<": 44, + "=": 45, + ">": 46, + "?": 47, + "@": 48, + "A": 49, + "B": 50, + "C": 51, + "D": 52, + "E": 53, + "F": 54, + "G": 55, + "H": 56, + "I": 57, + "J": 58, + "K": 59, + "L": 60, + "M": 61, + "N": 62, + "O": 63, + "P": 64, + "Q": 65, + "R": 66, + "S": 67, + "T": 68, + "U": 69, + "V": 70, + "W": 71, + "X": 72, + "Y": 73, + "Z": 74, + "[": 75, + "\\": 76, + "]": 77, + "^": 78, + "_": 79, + "`": 80, + "a": 81, + "b": 82, + "c": 83, + "d": 84, + "e": 85, + "f": 86, + "g": 87, + "h": 88, + "i": 89, + "j": 90, + "k": 91, + "l": 92, + "m": 93, + "n": 94, + "o": 95, + "p": 96, + "q": 97, + "r": 98, + "s": 99, + "t": 100, + "u": 101, + "v": 102, + "w": 103, + "x": 104, + "y": 105, + "z": 106, + "{": 107, + "|": 108, + "}": 109, + "~": 110, + "¡": 111, + "¢": 112, + "£": 113, + "¤": 114, + "¥": 115, + "¦": 116, + "§": 117, + "¨": 118, + "©": 119, + "ª": 120, + "«": 121, + "¬": 122, + "®": 123, + "¯": 124, + "°": 125, + "±": 126, + "²": 127, + "³": 128, + "´": 129, + "µ": 130, + "¶": 131, + "·": 132, + "¸": 133, + "¹": 134, + "º": 135, + "»": 136, + "¼": 137, + "½": 138, + "¾": 139, + "¿": 140, + "Â": 141, + "Ã": 142, + "Ä": 143, + "Å": 144, + "Æ": 145, + "Ç": 146, + "È": 147, + "É": 148, + "Ê": 149, + "Ë": 150, + "Ì": 151, + "Í": 152, + "Î": 153, + "Ï": 154, + "Ð": 155, + "Ñ": 156, + "Ò": 157, + "Ó": 158, + "Ô": 159, + "Õ": 160, + "Ö": 161, + "×": 162, + "Ø": 163, + "Ù": 164, + "Ú": 165, + "Û": 166, + "Ü": 167, + "Ý": 168, + "Þ": 169, + "ß": 170, + "à": 171, + "á": 172, + "â": 173, + "ã": 174, + "ä": 175, + "å": 176, + "æ": 177, + "ç": 178, + "è": 179, + "é": 180, + "ê": 181, + "ë": 182, + "ì": 183, + "í": 184, + "î": 185, + "ï": 186, + "ð": 187, + "ó": 188, + "ô": 189, + "Ā": 190, + "ā": 191, + "Ă": 192, + "ă": 193, + "ą": 194, + "ć": 195, + "Ĉ": 196, + "ĉ": 197, + "Ċ": 198, + "ċ": 199, + "Č": 200, + "č": 201, + "Ď": 202, + "ď": 203, + "Đ": 204, + "đ": 205, + "Ē": 206, + "ĕ": 207, + "ė": 208, + "Ę": 209, + "ę": 210, + "Ě": 211, + "ě": 212, + "Ĝ": 213, + "Ğ": 214, + "ğ": 215, + "Ġ": 216, + "ġ": 217, + "Ģ": 218, + "ģ": 219, + "Ĥ": 220, + "ĥ": 221, + "Ħ": 222, + "ħ": 223, + "Ĩ": 224, + "ĩ": 225, + "Ī": 226, + "ī": 227, + "Ĭ": 228, + "ĭ": 229, + "Į": 230, + "į": 231, + "İ": 232, + "ı": 233, + "IJ": 234, + "ij": 235, + "Ĵ": 236, + "ĵ": 237, + "Ķ": 238, + "ķ": 239, + "ĸ": 240, + "Ĺ": 241, + "ĺ": 242, + "Ļ": 243, + "ļ": 244, + "Ľ": 245, + "ľ": 246, + "Ŀ": 247, + "ŀ": 248, + "Ł": 249, + "ł": 250, + "Ń": 251, + "Ġt": 252, + "Ġa": 253, + "in": 254, + "he": 255, + "ĠĠ": 256, + "re": 257, + "on": 258, + "er": 259, + "Ġthe": 260, + "at": 261, + "Ġs": 262, + "Ġo": 263, + "en": 264, + "Ġc": 265, + "es": 266, + "Ġw": 267, + "nd": 268, + "it": 269, + "or": 270, + "is": 271, + "al": 272, + "Ġp": 273, + "ing": 274, + "Ġf": 275, + "an": 276, + "ed": 277, + "Ġb": 278, + "ou": 279, + "ar": 280, + "Ġin": 281, + "Ġof": 282, + "Ġm": 283, + "Ġand": 284, + "ion": 285, + "ic": 286, + "Ġd": 287, + "Ġto": 288, + "ĠĠĠĠ": 289, + "le": 290, + "ro": 291, + "as": 292, + "ent": 293, + "Ġh": 294, + "Ġth": 295, + "ct": 296, + "Ġe": 297, + "Ġre": 298, + "el": 299, + "om": 300, + "il": 301, + "st": 302, + "Ġl": 303, + "Ġn": 304, + "et": 305, + "im": 306, + "ve": 307, + "ol": 308, + "ation": 309, + "Ġg": 310, + "id": 311, + "ĠT": 312, + "se": 313, + "Ġis": 314, + "ur": 315, + "ut": 316, + "ra": 317, + "ly": 318, + "ce": 319, + "ot": 320, + "âĢ": 321, + "ch": 322, + "ow": 323, + "ig": 324, + "Ġbe": 325, + "Ġu": 326, + "Ġfor": 327, + "Ġst": 328, + "Ġy": 329, + "ĠA": 330, + "ver": 331, + "am": 332, + "ĠĠĠ": 333, + "ĠS": 334, + "Ġon": 335, + "ul": 336, + "ir": 337, + "Ġthat": 338, + "ĠI": 339, + "ĠC": 340, + "ay": 341, + "if": 342, + "ith": 343, + "ad": 344, + "Ġcon": 345, + "Ġyou": 346, + "Ġas": 347, + "Ġpro": 348, + "her": 349, + "od": 350, + "Ġwith": 351, + "ter": 352, + "ĠĠĠĠĠĠĠĠ": 353, + "Ġan": 354, + "Ġor": 355, + "Ġwh": 356, + "Ġit": 357, + "ment": 358, + "Ġare": 359, + "Ġal": 360, + "ge": 361, + "ess": 362, + "ist": 363, + "Ġex": 364, + "Ġ(": 365, + "ers": 366, + "Ġde": 367, + "ate": 368, + "ab": 369, + "ies": 370, + "op": 371, + "ĠM": 372, + "th": 373, + "ect": 374, + "res": 375, + "us": 376, + "ĠP": 377, + "ĠThe": 378, + "Ġcom": 379, + "iv": 380, + "est": 381, + "um": 382, + "ity": 383, + "Ġhe": 384, + "qu": 385, + "Ġv": 386, + "ac": 387, + "ill": 388, + "ĠB": 389, + "ore": 390, + "em": 391, + "Ġwe": 392, + "Ġsu": 393, + "pp": 394, + "os": 395, + "ke": 396, + "and": 397, + "rom": 398, + "nt": 399, + "ld": 400, + "ort": 401, + "ain": 402, + "ant": 403, + "ive": 404, + "igh": 405, + "oc": 406, + "ĠH": 407, + "ĠW": 408, + "ial": 409, + "Ġch": 410, + "Ġby": 411, + "Ġr": 412, + "ud": 413, + "ĠE": 414, + "ĠĠĠĠĠĠĠ": 415, + "Ġcan": 416, + "âĢĻ": 417, + "Ġat": 418, + "un": 419, + "Ġne": 420, + "Ġha": 421, + "ĠD": 422, + "--": 423, + "ure": 424, + "Ġle": 425, + "ĠF": 426, + "Ġse": 427, + "ĠR": 428, + "Ġfrom": 429, + "Ġen": 430, + "ri": 431, + "pe": 432, + "ical": 433, + "art": 434, + "og": 435, + "Ġwas": 436, + "pt": 437, + "ions": 438, + "pl": 439, + "rou": 440, + "Ġnot": 441, + "ĠN": 442, + "Ġsh": 443, + "Ġim": 444, + "ight": 445, + "Ġ=": 446, + "out": 447, + "ĊĠĠĠĠĠĠĠ": 448, + "all": 449, + "ĠL": 450, + "Ġthis": 451, + "ĠG": 452, + "Ġab": 453, + "ag": 454, + "red": 455, + "per": 456, + "Ġhave": 457, + "Ġwor": 458, + "ĠâĢ": 459, + "gh": 460, + "our": 461, + "ine": 462, + "iz": 463, + "Ġint": 464, + "ome": 465, + "ĊĠĠĠĠĠĠĠĠ": 466, + "ust": 467, + "Ġus": 468, + "Ġyour": 469, + "ould": 470, + "act": 471, + "ĊĠĠĠ": 472, + "age": 473, + "ost": 474, + "Ġpl": 475, + "Ġ\"": 476, + "ard": 477, + "ell": 478, + "ther": 479, + "Ġtheir": 480, + "ult": 481, + "elf": 482, + "ated": 483, + "ff": 484, + "ich": 485, + "end": 486, + "ans": 487, + "ous": 488, + "ide": 489, + "ru": 490, + "ations": 491, + "ĠO": 492, + "Ġad": 493, + "ak": 494, + "Ġwhe": 495, + "du": 496, + "cl": 497, + "Ġcont": 498, + "Ġres": 499, + "ast": 500, + "Ġk": 501, + "Ġthey": 502, + "Ġcomp": 503, + "The": 504, + "ib": 505, + "'s": 506, + "orm": 507, + "ip": 508, + "cc": 509, + "Ġdis": 510, + "Ġall": 511, + "ap": 512, + "ame": 513, + "ĠU": 514, + "able": 515, + "ong": 516, + "ear": 517, + "ere": 518, + "ie": 519, + "ass": 520, + "Ġimp": 521, + "are": 522, + "Ġwill": 523, + "ance": 524, + "ĠTh": 525, + "ind": 526, + "Ġwhich": 527, + "ood": 528, + "ary": 529, + "ĠJ": 530, + "ual": 531, + "vel": 532, + "ĠIn": 533, + "ep": 534, + "ence": 535, + "Ġdo": 536, + "one": 537, + "ks": 538, + "Ġcl": 539, + "Ġmore": 540, + "ry": 541, + "ia": 542, + "Ġte": 543, + "Ġj": 544, + "ign": 545, + "ue": 546, + "ents": 547, + "reat": 548, + "Ġme": 549, + "Ġother": 550, + "Ġun": 551, + "ile": 552, + "Ġhas": 553, + "ach": 554, + "Ġman": 555, + "ime": 556, + "ction": 557, + "ild": 558, + "so": 559, + "ress": 560, + "ces": 561, + "Ġar": 562, + "Ġabout": 563, + "Ġbut": 564, + "av": 565, + "Ġapp": 566, + "Ġper": 567, + "oo": 568, + "ice": 569, + "ition": 570, + "ater": 571, + "ely": 572, + "âĢĿ": 573, + "Ġsp": 574, + "ake": 575, + "ase": 576, + "Ġev": 577, + "Ġout": 578, + "ors": 579, + "ack": 580, + "ens": 581, + "Ġone": 582, + "very": 583, + "form": 584, + "Ġif": 585, + "----": 586, + "ory": 587, + "Ġso": 588, + "ord": 589, + "ace": 590, + "int": 591, + "Ġwere": 592, + "ber": 593, + "nder": 594, + ").": 595, + "Ġli": 596, + "Ġalso": 597, + "ount": 598, + "Ġpart": 599, + "Ġcomm": 600, + "Ġthem": 601, + "ose": 602, + "au": 603, + "ang": 604, + "ci": 605, + "Ġstud": 606, + "con": 607, + "rit": 608, + "ire": 609, + "Ġpe": 610, + "ub": 611, + "now": 612, + "Ġqu": 613, + "Ġup": 614, + "Ġsy": 615, + "ings": 616, + "Ġwho": 617, + "Ġinto": 618, + "ĠâĢľ": 619, + "ound": 620, + "ish": 621, + "Ġpre": 622, + "Ġthese": 623, + "Ġits": 624, + "ĠSt": 625, + "olog": 626, + "iff": 627, + "pec": 628, + "ĊĠĠĠĠĠĠĠĠĠĠĠ": 629, + "rough": 630, + "ric": 631, + "Ġfe": 632, + "Ġbec": 633, + "Ġsome": 634, + "Ġtra": 635, + "ail": 636, + "Ġ'": 637, + "Ġhow": 638, + "Ġself": 639, + "ree": 640, + "Ġind": 641, + "ities": 642, + "),": 643, + "king": 644, + "Ġwhen": 645, + "ays": 646, + "ph": 647, + "vers": 648, + "Ġem": 649, + "Ġhis": 650, + "Ġro": 651, + "ific": 652, + "Ġour": 653, + "Ġmay": 654, + "Ġtime": 655, + "Ġunder": 656, + "ĠIt": 657, + "ments": 658, + "ĠK": 659, + "ates": 660, + "ople": 661, + "ne": 662, + "ite": 663, + "Ġcol": 664, + "Ġthere": 665, + "Ġbet": 666, + "urn": 667, + "cre": 668, + "ĠThis": 669, + "Ġthan": 670, + "ough": 671, + "ys": 672, + "Ġdiff": 673, + "ating": 674, + "ob": 675, + "te": 676, + "we": 677, + "ĠCh": 678, + "ath": 679, + "ject": 680, + "Ġtr": 681, + "ally": 682, + "low": 683, + "erv": 684, + "Ġgo": 685, + "ms": 686, + "Ġcons": 687, + "Ġag": 688, + "Ġra": 689, + "Ġover": 690, + "lect": 691, + "Ġrec": 692, + "xt": 693, + "Ġpr": 694, + "ple": 695, + "tern": 696, + "ian": 697, + "Ġacc": 698, + "Ġknow": 699, + "cess": 700, + "Ġpeople": 701, + "Ġlike": 702, + "ove": 703, + "Ġhel": 704, + "Ġact": 705, + "ata": 706, + "ons": 707, + "Ġdes": 708, + "lic": 709, + "clud": 710, + "ious": 711, + "##": 712, + "Ġyear": 713, + "arn": 714, + "Ġsuch": 715, + "Ġrel": 716, + "ĠV": 717, + "ĠY": 718, + "Ġbeen": 719, + "row": 720, + "ef": 721, + "Ġuse": 722, + "ren": 723, + "Ġhelp": 724, + "Ġnew": 725, + "get": 726, + "):": 727, + "alth": 728, + "irst": 729, + "ert": 730, + "Ġ-": 731, + "Ġwhat": 732, + "ause": 733, + "eth": 734, + "les": 735, + "Ġwould": 736, + "Ġneed": 737, + "Ġthrough": 738, + "ful": 739, + "stem": 740, + "uring": 741, + "round": 742, + "Ġsa": 743, + "Ġam": 744, + "Ġeff": 745, + "Ġwork": 746, + "ics": 747, + "velop": 748, + "ov": 749, + "Ġany": 750, + "ool": 751, + "Ġimport": 752, + "Ġdef": 753, + "Ġbl": 754, + "ular": 755, + "ures": 756, + "Ġass": 757, + "Ġspec": 758, + "Ġgen": 759, + "Ġtw": 760, + "Ġhad": 761, + "rib": 762, + "mer": 763, + "ll": 764, + "Ġinclud": 765, + "ced": 766, + "Ġoff": 767, + "Ġmost": 768, + "ise": 769, + "hed": 770, + "self": 771, + "Ġprov": 772, + "port": 773, + "iss": 774, + "ract": 775, + "ange": 776, + "Ġph": 777, + "ict": 778, + "Ġreg": 779, + "ational": 780, + "als": 781, + "Ġdiffere": 782, + "ility": 783, + "Ġac": 784, + "pect": 785, + "oss": 786, + "Ġno": 787, + "In": 788, + "oth": 789, + "ook": 790, + "ative": 791, + "ark": 792, + "old": 793, + "Ġob": 794, + "hen": 795, + "Ġprodu": 796, + "Ġinv": 797, + "Ġmod": 798, + "Ġdevelop": 799, + "Ġmany": 800, + "Ġdi": 801, + "Ġrem": 802, + "Ġadd": 803, + "Ġused": 804, + "Ġonly": 805, + "Ġsc": 806, + "fter": 807, + "Ġfirst": 808, + "ween": 809, + "ĠUn": 810, + "Ġchild": 811, + "ible": 812, + "ten": 813, + "ram": 814, + "uc": 815, + "ĠâĢĵ": 816, + "Ġsystem": 817, + "arch": 818, + "Ġatt": 819, + "Ġget": 820, + "ased": 821, + "Ġinst": 822, + "ower": 823, + "com": 824, + "cept": 825, + "Ġbetween": 826, + "Ġtwo": 827, + "**": 828, + "Ġret": 829, + "ife": 830, + "chn": 831, + "Ġfl": 832, + "erm": 833, + "Ġinf": 834, + "Ġlearn": 835, + "ize": 836, + "Ġwhere": 837, + "Ġsur": 838, + "wn": 839, + "Ġsub": 840, + "Ġexam": 841, + "its": 842, + "Ġinter": 843, + "Ġpo": 844, + "own": 845, + "ew": 846, + "ond": 847, + "Ġpers": 848, + "ts": 849, + "Ġtrans": 850, + "ps": 851, + "hes": 852, + "Ġpol": 853, + "ble": 854, + "Ġexper": 855, + "Ġcould": 856, + "Ġco": 857, + "Ġsupp": 858, + "ss": 859, + "ution": 860, + "Ġnum": 861, + "ting": 862, + "ng": 863, + "Ġhealth": 864, + "Ġsm": 865, + "ty": 866, + "ural": 867, + "Ġshould": 868, + "ern": 869, + "gan": 870, + "Ġstr": 871, + "ever": 872, + "cy": 873, + "Ġher": 874, + "ues": 875, + "Ġwell": 876, + "Ġbu": 877, + "ily": 878, + "stand": 879, + "ident": 880, + "erg": 881, + "oci": 882, + "Ġty": 883, + "ines": 884, + "ied": 885, + "Ġval": 886, + "Ġpres": 887, + "ex": 888, + "Ġexpl": 889, + "__": 890, + "Ġvar": 891, + "fore": 892, + "Ġrese": 893, + "aking": 894, + "Ġsim": 895, + "Ġdifferent": 896, + "Ġevery": 897, + "ives": 898, + "ology": 899, + "ink": 900, + "ick": 901, + "Ġke": 902, + "ade": 903, + "Ġhigh": 904, + "Ġworld": 905, + "ature": 906, + "Ġ#": 907, + "Ġeven": 908, + "ĠHe": 909, + "Ġform": 910, + "ists": 911, + "aw": 912, + "Ġwater": 913, + "Ġsign": 914, + "Ġjust": 915, + "--------": 916, + "ants": 917, + "ism": 918, + "Ġmake": 919, + "vent": 920, + "Ġexp": 921, + "oy": 922, + "',": 923, + "ness": 924, + "uch": 925, + "ft": 926, + "ins": 927, + "iew": 928, + "Ġyears": 929, + "Ġref": 930, + "ds": 931, + "Ġset": 932, + "Ġ[": 933, + "Ġcommun": 934, + "Ġcre": 935, + "ck": 936, + "Ġdisc": 937, + "arg": 938, + "Ġtechn": 939, + "Ġdata": 940, + "chool": 941, + "ĠRe": 942, + "ices": 943, + "Ġrequ": 944, + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 945, + "Ġcall": 946, + "ically": 947, + "Ġhum": 948, + "other": 949, + "..": 950, + "ax": 951, + "ential": 952, + "Ġed": 953, + "ars": 954, + "Ġgra": 955, + "iel": 956, + "Ġmy": 957, + "Ġmed": 958, + "ward": 959, + "ited": 960, + "ruct": 961, + "hat": 962, + "Ġsee": 963, + "Ġdet": 964, + "Ġthen": 965, + "Ġresult": 966, + "Ġthose": 967, + "ually": 968, + "ages": 969, + "Ġway": 970, + "Ġeach": 971, + "formation": 972, + "Ġins": 973, + "hip": 974, + "Ġbecause": 975, + "ection": 976, + "Ġeffect": 977, + "Ġbel": 978, + "Ġwhile": 979, + "Ġprocess": 980, + "Ġduring": 981, + "'t": 982, + "Ġfound": 983, + "Ġart": 984, + "Ġcount": 985, + "Ġlong": 986, + "Ġpat": 987, + "Ġdec": 988, + "Ġfol": 989, + "Ġafter": 990, + "Ġgener": 991, + "ron": 992, + "Ġext": 993, + "arm": 994, + "meric": 995, + "Ġcent": 996, + "ety": 997, + "ands": 998, + "Ġincre": 999, + "()": 1000, + "Ġloc": 1001, + "\",": 1002, + "Ġreturn": 1003, + "ĊĊĠĠĠ": 1004, + "ized": 1005, + "Ġdist": 1006, + "led": 1007, + "Ġprog": 1008, + "iron": 1009, + "ient": 1010, + "Ġsk": 1011, + "Ġread": 1012, + "Ġent": 1013, + "imes": 1014, + "Ġusing": 1015, + "Ġpartic": 1016, + "Ġpub": 1017, + "de": 1018, + "arly": 1019, + "Ġca": 1020, + "Ġcur": 1021, + "Ġlead": 1022, + "Ġaut": 1023, + "Ġrep": 1024, + "els": 1025, + "Ġhist": 1026, + "Ġfact": 1027, + "Ġtest": 1028, + "Ġlife": 1029, + "Ġcomple": 1030, + "Ġfam": 1031, + "ĠAs": 1032, + "ivid": 1033, + "ivers": 1034, + "Ġvery": 1035, + "Ġbeing": 1036, + "Ġfun": 1037, + "Ġown": 1038, + "ning": 1039, + "read": 1040, + "Ġshe": 1041, + "Ġfind": 1042, + "ody": 1043, + "Ġunderstand": 1044, + "iqu": 1045, + "ĠWe": 1046, + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 1047, + "Ġright": 1048, + "ases": 1049, + "cent": 1050, + "ork": 1051, + "ĠAmeric": 1052, + "ĠPro": 1053, + "Ġresp": 1054, + "Ġperson": 1055, + "Ġback": 1056, + "gg": 1057, + "Ġstudents": 1058, + "eng": 1059, + "Ġdep": 1060, + "ved": 1061, + "Ġboth": 1062, + "ather": 1063, + "ality": 1064, + "ĠAl": 1065, + "Ġfollow": 1066, + "Ġwrit": 1067, + "ĠFor": 1068, + "ĠThey": 1069, + "Ġimportant": 1070, + "ĠCon": 1071, + "Ġdoes": 1072, + "ĠHow": 1073, + "Ġgl": 1074, + "Ġgrow": 1075, + "Ġcar": 1076, + "ock": 1077, + "put": 1078, + "Ġmin": 1079, + "tle": 1080, + "ĠCom": 1081, + "Th": 1082, + "Ġmuch": 1083, + "dition": 1084, + "Ġmain": 1085, + "Ġconf": 1086, + "viron": 1087, + "ix": 1088, + "Ġche": 1089, + "Ġappro": 1090, + "Ġmon": 1091, + "Ġbefore": 1092, + "\"\"": 1093, + "ĠIf": 1094, + "par": 1095, + "Ġinformation": 1096, + "Ġsom": 1097, + "Ġgrou": 1098, + "ves": 1099, + "Ġsol": 1100, + "Ġsci": 1101, + "Ġel": 1102, + "ving": 1103, + "inal": 1104, + "Ġproble": 1105, + "Ġlevel": 1106, + "ional": 1107, + "Ġstudy": 1108, + "Ġgreat": 1109, + "up": 1110, + "any": 1111, + "Ġend": 1112, + "Ġav": 1113, + "Ġfood": 1114, + "Ġexperi": 1115, + "ĊĊ": 1116, + "ĠAn": 1117, + "nce": 1118, + "io": 1119, + "Ġstart": 1120, + "ale": 1121, + "Ġchildren": 1122, + "Ġgood": 1123, + "Ġmight": 1124, + "Ġschool": 1125, + "eg": 1126, + "Ġwithin": 1127, + "Ġclass": 1128, + "Ġoften": 1129, + "Ġaround": 1130, + "uss": 1131, + "ted": 1132, + "Ġcor": 1133, + "ave": 1134, + "Ġmade": 1135, + "ering": 1136, + "Ġsaid": 1137, + "Ġshow": 1138, + "Ġpop": 1139, + "vern": 1140, + "to": 1141, + "Ġsame": 1142, + ".,": 1143, + "Ġpract": 1144, + "und": 1145, + "ute": 1146, + "Ġtoo": 1147, + "anc": 1148, + "Ġpower": 1149, + "Ġlit": 1150, + "Ġresearch": 1151, + "Ġvis": 1152, + "ier": 1153, + "akes": 1154, + "rain": 1155, + "Ġbr": 1156, + "Ġdesign": 1157, + "Ġop": 1158, + "ec": 1159, + "rent": 1160, + "Ġprovid": 1161, + "Ġactiv": 1162, + "Ġagain": 1163, + "Ġprot": 1164, + "Ġsmall": 1165, + "ĠAr": 1166, + "Ġallow": 1167, + "Ġadv": 1168, + "Ġmem": 1169, + "ocial": 1170, + "Ġmat": 1171, + "ross": 1172, + "itions": 1173, + "Ġserv": 1174, + "ets": 1175, + "Ġcare": 1176, + "iving": 1177, + "Ġposs": 1178, + "ividual": 1179, + "pr": 1180, + "Ġless": 1181, + "ode": 1182, + "Ġexample": 1183, + ".âĢĿ": 1184, + "air": 1185, + "ethod": 1186, + "Ġdown": 1187, + "Ġtake": 1188, + "==": 1189, + "Ġcontin": 1190, + "ters": 1191, + "Ġorgan": 1192, + "rol": 1193, + "Ġday": 1194, + "the": 1195, + "irect": 1196, + "ield": 1197, + "ince": 1198, + "Ġsupport": 1199, + "vironment": 1200, + "ital": 1201, + "Ġcult": 1202, + "omen": 1203, + "Ġquest": 1204, + "Ġhuman": 1205, + "ĠYou": 1206, + "app": 1207, + "Ġtreat": 1208, + "Ġnow": 1209, + "ined": 1210, + "ished": 1211, + "Ġindividual": 1212, + "Ġgu": 1213, + "ared": 1214, + "Ġstate": 1215, + "ĠThese": 1216, + "Ġcalled": 1217, + "ĠInd": 1218, + "land": 1219, + "Ġequ": 1220, + "val": 1221, + "day": 1222, + "der": 1223, + "arge": 1224, + "Ġpoint": 1225, + "ergy": 1226, + "Ġeng": 1227, + "pro": 1228, + "####": 1229, + "Ġnumber": 1230, + "tt": 1231, + "Ġ+": 1232, + "Ġcle": 1233, + "Ġredu": 1234, + "Ġbuild": 1235, + "Ġser": 1236, + "ization": 1237, + "Ġplay": 1238, + "Ġthough": 1239, + "ral": 1240, + "ven": 1241, + "Ġprof": 1242, + "Ġaw": 1243, + "Ġris": 1244, + "name": 1245, + "ired": 1246, + "ulation": 1247, + "Ġbody": 1248, + "ĠBut": 1249, + "Ġdid": 1250, + "Ġmust": 1251, + "Ġplan": 1252, + "ains": 1253, + "ency": 1254, + "Ġpos": 1255, + "Ġbeh": 1256, + "Ġocc": 1257, + "raph": 1258, + "ences": 1259, + "hers": 1260, + "Ġconst": 1261, + "Ġaff": 1262, + "Ġcour": 1263, + "Ġest": 1264, + "âĢĶ": 1265, + "Ġinc": 1266, + "Ġpot": 1267, + "ĠSe": 1268, + "acter": 1269, + ".\"": 1270, + "ources": 1271, + "Ġhim": 1272, + "Ġcommon": 1273, + "ull": 1274, + "ories": 1275, + "ately": 1276, + "Ġwant": 1277, + "Ġmet": 1278, + "erest": 1279, + "Ġpar": 1280, + "ense": 1281, + "ify": 1282, + "ered": 1283, + "Ġident": 1284, + "Ġincluding": 1285, + "aterial": 1286, + "ah": 1287, + "rue": 1288, + "ption": 1289, + "Ġide": 1290, + "Ġdise": 1291, + "))": 1292, + "ury": 1293, + "ining": 1294, + "iversity": 1295, + "Ġthree": 1296, + "Ġcell": 1297, + "iven": 1298, + "oh": 1299, + "mon": 1300, + "Ġpass": 1301, + "ination": 1302, + "Ġlet": 1303, + "Ġtyp": 1304, + "('": 1305, + "py": 1306, + "ability": 1307, + "Ġeduc": 1308, + "Ġiss": 1309, + "ider": 1310, + "line": 1311, + "angu": 1312, + "Ġelect": 1313, + "ource": 1314, + "ĠNew": 1315, + "ĠWh": 1316, + "ash": 1317, + "ĠAd": 1318, + "ids": 1319, + "ively": 1320, + "str": 1321, + "ateg": 1322, + "ĠEx": 1323, + "ox": 1324, + "less": 1325, + "Ġdon": 1326, + "ertain": 1327, + "itive": 1328, + "Ġsocial": 1329, + "Ġgovern": 1330, + "||": 1331, + "ples": 1332, + "ries": 1333, + "Ġimpro": 1334, + "conom": 1335, + "Ġchar": 1336, + "ead": 1337, + "Ġanal": 1338, + "Ġcreat": 1339, + "lish": 1340, + "Ġmethod": 1341, + "Ġinvol": 1342, + "Ġknown": 1343, + "bers": 1344, + "Ġreal": 1345, + "aj": 1346, + "Ġdel": 1347, + "This": 1348, + "Ġconn": 1349, + "ĠAnd": 1350, + "Ġess": 1351, + "iness": 1352, + "oun": 1353, + "por": 1354, + "Ġwithout": 1355, + "Ġtem": 1356, + "Ġenvironment": 1357, + "ccess": 1358, + "Ġchang": 1359, + "Ġpublic": 1360, + "Ġstill": 1361, + "ner": 1362, + "Ġchange": 1363, + "Ġsignific": 1364, + "Ġbetter": 1365, + "Ġprom": 1366, + "Ġeas": 1367, + "ouse": 1368, + "Ġhand": 1369, + "tain": 1370, + "iod": 1371, + "Ġanother": 1372, + "view": 1373, + "lu": 1374, + "ially": 1375, + "Ġmaterial": 1376, + "ape": 1377, + "Ġreport": 1378, + "Ġplace": 1379, + "Ġlearning": 1380, + "Ġpur": 1381, + "ived": 1382, + "Ġopp": 1383, + "Ġinterest": 1384, + "ĠThere": 1385, + "Ġpresent": 1386, + "Ġdr": 1387, + "oms": 1388, + "pos": 1389, + "ends": 1390, + "Ġproject": 1391, + "uro": 1392, + "St": 1393, + "Ġben": 1394, + "orn": 1395, + "Ġsit": 1396, + "arent": 1397, + "Ġlist": 1398, + "Ġbre": 1399, + "over": 1400, + "Ġspe": 1401, + "Ġbelie": 1402, + "Ġphys": 1403, + "rodu": 1404, + "ior": 1405, + "Ġproduct": 1406, + "Ġfeel": 1407, + "Ġcap": 1408, + "ration": 1409, + "ĊĊĠĠĠĠĠĠĠ": 1410, + "ills": 1411, + "oad": 1412, + "ĠDe": 1413, + "cing": 1414, + "ision": 1415, + "ason": 1416, + "ental": 1417, + "li": 1418, + "bs": 1419, + "Ġlight": 1420, + "Ġdevelopment": 1421, + "Ġsym": 1422, + "ĠHowever": 1423, + "Ġmus": 1424, + "be": 1425, + "Ġimm": 1426, + "Ġele": 1427, + "ĠBy": 1428, + "cond": 1429, + "ological": 1430, + "ĠIs": 1431, + "ething": 1432, + "ug": 1433, + "ently": 1434, + "ording": 1435, + "ances": 1436, + "az": 1437, + "Ġbecome": 1438, + "Ġenergy": 1439, + "Ġopen": 1440, + "Ġmean": 1441, + "atic": 1442, + "Ġfew": 1443, + "hor": 1444, + "Ġcaus": 1445, + "Ġkeep": 1446, + ",âĢĿ": 1447, + "ention": 1448, + "Ġothers": 1449, + "Ġbest": 1450, + "Ġfac": 1451, + "ways": 1452, + "Ġinclude": 1453, + "Ġdirect": 1454, + "from": 1455, + "Ġ&": 1456, + "ats": 1457, + "Ġvari": 1458, + "ank": 1459, + "ium": 1460, + "Ġvarious": 1461, + "Ġname": 1462, + "Ġhistory": 1463, + "Ġcreate": 1464, + "')": 1465, + "Ġtop": 1466, + "ery": 1467, + "']": 1468, + "outh": 1469, + "(\"": 1470, + "ĠEng": 1471, + "oint": 1472, + "Ġhapp": 1473, + "Ġsever": 1474, + "Ġleg": 1475, + "ocus": 1476, + "Ġperform": 1477, + "Ġhome": 1478, + "Ġproper": 1479, + "agn": 1480, + "Ġstand": 1481, + "Ġet": 1482, + "man": 1483, + "ray": 1484, + "Ġmove": 1485, + "Ġamong": 1486, + "arc": 1487, + "Ġsomething": 1488, + "Ġmark": 1489, + "ected": 1490, + "ton": 1491, + "Ġlook": 1492, + "Ġsaf": 1493, + "âĢĵ": 1494, + "Ġthings": 1495, + "ique": 1496, + "Ġchall": 1497, + "ified": 1498, + "Ġmeas": 1499, + "Ġlangu": 1500, + "Ġfin": 1501, + "Ġtype": 1502, + "atch": 1503, + "ames": 1504, + "ĠRes": 1505, + "ians": 1506, + "Ġlarge": 1507, + "ator": 1508, + "Ġsl": 1509, + "Ġthink": 1510, + "Ġdesc": 1511, + "Ġair": 1512, + "sc": 1513, + "ogn": 1514, + "atural": 1515, + "Ġbas": 1516, + "Ġfunction": 1517, + "erc": 1518, + "ling": 1519, + "ote": 1520, + "ĠPh": 1521, + "oring": 1522, + "Ġagainst": 1523, + "imate": 1524, + "Ġlaw": 1525, + "ients": 1526, + "ext": 1527, + "Ġgroup": 1528, + "Ġoper": 1529, + "Ġmeans": 1530, + "here": 1531, + "Ġrest": 1532, + "Ġcontrol": 1533, + "Ġdev": 1534, + "Ġhere": 1535, + "ograph": 1536, + "path": 1537, + "Ġprovide": 1538, + "':": 1539, + "urther": 1540, + "ĠSh": 1541, + "Ġparticular": 1542, + "Ġanim": 1543, + "Ġhy": 1544, + "Ġseveral": 1545, + "Ġsignificant": 1546, + "ĠAmerican": 1547, + "ember": 1548, + "Ġbus": 1549, + "ĠWhen": 1550, + "ĠâĢĺ": 1551, + "Ġbased": 1552, + "arth": 1553, + "Ġwomen": 1554, + "eral": 1555, + "Ġpain": 1556, + "Ġarea": 1557, + "me": 1558, + "//": 1559, + "sy": 1560, + "rop": 1561, + "Ġtre": 1562, + "ards": 1563, + "Ġfamily": 1564, + "ots": 1565, + "Ġpotential": 1566, + "iver": 1567, + "Ġdue": 1568, + "Ġobject": 1569, + "Ġenc": 1570, + "err": 1571, + "resent": 1572, + "Ġold": 1573, + "Ġcurrent": 1574, + "Ġmult": 1575, + "Ġtry": 1576, + "Ġ:": 1577, + "Ġprogram": 1578, + "ortun": 1579, + "Ġens": 1580, + "aper": 1581, + "Ġeconom": 1582, + "Ġbeg": 1583, + "Ġearly": 1584, + "âĢľ": 1585, + "Ġfil": 1586, + "Ġlab": 1587, + "Ġcal": 1588, + "It": 1589, + "Ġve": 1590, + "Ġtoget": 1591, + "Ġtogether": 1592, + "Ġfocus": 1593, + "Ġaccess": 1594, + "sh": 1595, + "Ġlast": 1596, + "Ġunt": 1597, + "Ġant": 1598, + "Ġes": 1599, + "Ġbenef": 1600, + "['": 1601, + "uture": 1602, + "Ġnon": 1603, + "def": 1604, + "lished": 1605, + "ĠQ": 1606, + "Ġturn": 1607, + "ission": 1608, + "Ġlim": 1609, + "Ġstruct": 1610, + "Ġdisease": 1611, + "br": 1612, + "amp": 1613, + "set": 1614, + "ditions": 1615, + "Ġorig": 1616, + "ploy": 1617, + "ajor": 1618, + "Ġfre": 1619, + "Ġ\"\"\"": 1620, + "Ġrisk": 1621, + "Ġsoci": 1622, + "Ġfore": 1623, + "Ġsuccess": 1624, + "Ġmaking": 1625, + "ĠTo": 1626, + ",\"": 1627, + "Ġprint": 1628, + "ication": 1629, + "Ġopt": 1630, + "Ġavail": 1631, + "Ġbi": 1632, + "oid": 1633, + "Ġcrit": 1634, + "orth": 1635, + "Ġpossible": 1636, + "work": 1637, + "ĠUniversity": 1638, + "gen": 1639, + "rist": 1640, + "ression": 1641, + "Ġlow": 1642, + "Ġsay": 1643, + "ĠSo": 1644, + "Ġimpact": 1645, + "Ġkey": 1646, + "Ġcertain": 1647, + "aut": 1648, + "ribut": 1649, + "Ġcr": 1650, + "sel": 1651, + "ĠPl": 1652, + "As": 1653, + "Ġbo": 1654, + "Ġmil": 1655, + "ĉĉ": 1656, + "Ġperiod": 1657, + "Ġrun": 1658, + "min": 1659, + "Ġscient": 1660, + "ĠCl": 1661, + "Ġ{": 1662, + "Ġmill": 1663, + "agement": 1664, + "Ġgr": 1665, + "Ġland": 1666, + "idence": 1667, + "cle": 1668, + "Ġfri": 1669, + "Ġblood": 1670, + "Ġcase": 1671, + "Ġ*": 1672, + "Ġ.": 1673, + "ane": 1674, + "Ġsince": 1675, + "hem": 1676, + "ides": 1677, + "Ġspecific": 1678, + "Ġlocal": 1679, + "Ġhead": 1680, + "Ġpost": 1681, + "ann": 1682, + "Ġalong": 1683, + "clus": 1684, + "Ġvalue": 1685, + "Ġorder": 1686, + "ems": 1687, + "----------------": 1688, + "Ġoccur": 1689, + "Ġcome": 1690, + "ĠSp": 1691, + "Ġdiscuss": 1692, + "Ġgovernment": 1693, + "Ġtext": 1694, + "Ġfollowing": 1695, + "olution": 1696, + "ww": 1697, + "ĠEn": 1698, + "Ġacross": 1699, + "Ġconc": 1700, + "Ġwhy": 1701, + "pre": 1702, + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 1703, + "cer": 1704, + "icle": 1705, + "Ġaddition": 1706, + "ledge": 1707, + "Ġcost": 1708, + "raw": 1709, + "for": 1710, + "Ġtimes": 1711, + "ĠCol": 1712, + "mit": 1713, + "of": 1714, + "\")": 1715, + "ilar": 1716, + "by": 1717, + "ised": 1718, + "ending": 1719, + "Ġcomput": 1720, + "Ġareas": 1721, + "Ġprofess": 1722, + "Ġhig": 1723, + "hy": 1724, + "Ġunderstanding": 1725, + "use": 1726, + "alk": 1727, + "Ġcause": 1728, + "Ġlik": 1729, + "Ġable": 1730, + "Ġtoward": 1731, + "Ġproblem": 1732, + "Ġter": 1733, + "Ġsystems": 1734, + "Ġbro": 1735, + "Ġassoci": 1736, + "Ġview": 1737, + "aster": 1738, + "Ġmajor": 1739, + "Ġcourse": 1740, + "ument": 1741, + "://": 1742, + "Ġmodel": 1743, + "yn": 1744, + "Ġelse": 1745, + "Ġprevent": 1746, + "ole": 1747, + "Ġinvest": 1748, + "ĠIm": 1749, + "],": 1750, + "ilities": 1751, + "Ġarg": 1752, + "ended": 1753, + "ER": 1754, + "Ġintern": 1755, + "ably": 1756, + "Ġpress": 1757, + "Ġ==": 1758, + "Ġhard": 1759, + "idd": 1760, + "Ġline": 1761, + "ights": 1762, + "Ġtool": 1763, + "ooks": 1764, + "Ġrelations": 1765, + "not": 1766, + "Ġspecial": 1767, + "ones": 1768, + "osed": 1769, + "Ġavailable": 1770, + "Ġconsider": 1771, + "Ġspecies": 1772, + "Ġcommunity": 1773, + "Ġfuture": 1774, + "Ġcomb": 1775, + "Ġbehav": 1776, + "ĠZ": 1777, + "ggest": 1778, + "Ġapplic": 1779, + "What": 1780, + "sw": 1781, + "Ġnatural": 1782, + "Ġplant": 1783, + "Ġcomplex": 1784, + "ams": 1785, + "Ġexperience": 1786, + "ina": 1787, + "cul": 1788, + "Ġlanguage": 1789, + "though": 1790, + "Ġrole": 1791, + "Ġx": 1792, + "Ġuntil": 1793, + "Ġrele": 1794, + "Ġrespons": 1795, + "Ġsecond": 1796, + "ĠUnited": 1797, + "Ġcountry": 1798, + "\":": 1799, + "Ġmen": 1800, + "Ġpolit": 1801, + "iting": 1802, + "face": 1803, + "Ġrece": 1804, + "Ġyoung": 1805, + "Ġworks": 1806, + "aring": 1807, + "rag": 1808, + "acy": 1809, + "aps": 1810, + "Ġalways": 1811, + "ĠWhat": 1812, + "aces": 1813, + "ĠAt": 1814, + "obal": 1815, + "ĠOr": 1816, + "asing": 1817, + "ask": 1818, + "ope": 1819, + "Ġsuggest": 1820, + "osp": 1821, + "Ġexist": 1822, + "urope": 1823, + "data": 1824, + "Ġlevels": 1825, + "Ġindust": 1826, + "icult": 1827, + "Ġproblems": 1828, + "izing": 1829, + "Ġput": 1830, + "Ġmar": 1831, + "ained": 1832, + "Ġstep": 1833, + "Ġtoday": 1834, + "Ġtechnology": 1835, + "Ġgiven": 1836, + "Ġstrong": 1837, + "Ġlittle": 1838, + "ĠGod": 1839, + "Ġsw": 1840, + "ĠâĢĶ": 1841, + "Ġcir": 1842, + "Ġcharacter": 1843, + "Ġresults": 1844, + "Ġrange": 1845, + "ek": 1846, + "istic": 1847, + "ĠThat": 1848, + "Ġtreatment": 1849, + "Ġage": 1850, + "ored": 1851, + "reen": 1852, + "Ġways": 1853, + "ysis": 1854, + "cur": 1855, + "ths": 1856, + "ators": 1857, + "Ġnecess": 1858, + "Ġobs": 1859, + "Ġvol": 1860, + "Ġbusiness": 1861, + "lement": 1862, + "Ġbook": 1863, + "omm": 1864, + "selves": 1865, + "ont": 1866, + "Ġnext": 1867, + "ivity": 1868, + "Ġfar": 1869, + "Ġpercent": 1870, + "Ġlarg": 1871, + "Ġdeterm": 1872, + "ik": 1873, + "Ġflow": 1874, + "orts": 1875, + "Ġfour": 1876, + "Ġdem": 1877, + "ither": 1878, + "Ġinflu": 1879, + "Ġrepresent": 1880, + "co": 1881, + "We": 1882, + "aging": 1883, + "thing": 1884, + "Ġ$": 1885, + "orld": 1886, + "Ġsimilar": 1887, + "Ġeducation": 1888, + "apt": 1889, + "Ġshort": 1890, + "Ġworking": 1891, + "Ġz": 1892, + "ables": 1893, + "Ġchalleng": 1894, + "Ġessential": 1895, + "Ġpast": 1896, + "ĠAf": 1897, + "Ġspace": 1898, + "Ġill": 1899, + "Ġsing": 1900, + "lab": 1901, + "Ġamount": 1902, + "Ġ**": 1903, + "Ġfree": 1904, + "ym": 1905, + "etimes": 1906, + "atures": 1907, + "side": 1908, + "Ġconcept": 1909, + "ĠEurope": 1910, + "Ġheart": 1911, + "atory": 1912, + "Ġwar": 1913, + "Ġvir": 1914, + "ured": 1915, + "Ġlater": 1916, + "Ġbir": 1917, + "ĠStates": 1918, + "Ġauthor": 1919, + "Ġconditions": 1920, + "Ġsays": 1921, + "duct": 1922, + "Ġneeds": 1923, + "Ġwords": 1924, + "Ġnet": 1925, + "ĠChrist": 1926, + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 1927, + "Ġgive": 1928, + "ĠWith": 1929, + "Ġinit": 1930, + "ĠTe": 1931, + "eter": 1932, + "NA": 1933, + "ĠBe": 1934, + "une": 1935, + "icro": 1936, + "If": 1937, + "Ġmov": 1938, + "af": 1939, + "onse": 1940, + "Ġpaper": 1941, + "Ġkind": 1942, + "ĠNone": 1943, + "vious": 1944, + "Ġmind": 1945, + "ires": 1946, + "Ġimprove": 1947, + "Ġpolic": 1948, + "Ġey": 1949, + "inc": 1950, + "ule": 1951, + "Ġresources": 1952, + "Ġhaving": 1953, + "Ġskills": 1954, + "Ġfield": 1955, + "Ġbegin": 1956, + "Ġconsum": 1957, + "Ġparent": 1958, + "Ġexpect": 1959, + "Ġcells": 1960, + "Ġrad": 1961, + "Ġquestion": 1962, + "ĠOne": 1963, + "Ġteac": 1964, + "Ġpred": 1965, + "Ġtradition": 1966, + "Ġknowledge": 1967, + "ibility": 1968, + "``": 1969, + "ours": 1970, + "Ġchanges": 1971, + "Ġappear": 1972, + "Ġjour": 1973, + "Ġissues": 1974, + "Ġestab": 1975, + "lection": 1976, + "Ġstory": 1977, + "ĠCan": 1978, + "ili": 1979, + "Ġupon": 1980, + "Ġmot": 1981, + "Ġconcern": 1982, + "pecially": 1983, + "Ġrequire": 1984, + "ĠOn": 1985, + "Ġrelationship": 1986, + "Ġstrateg": 1987, + "arget": 1988, + "etic": 1989, + "Ġdifficult": 1990, + "Ġwhether": 1991, + "ee": 1992, + "Ġlog": 1993, + "ening": 1994, + "Ġtypes": 1995, + "Ġprim": 1996, + "Ġsens": 1997, + "Ġask": 1998, + "ush": 1999, + "Ġtemper": 2000, + "Ġenough": 2001, + "ales": 2002, + "Ġlikely": 2003, + "Ġrecord": 2004, + "iple": 2005, + "ĠInst": 2006, + "Ġusually": 2007, + "ger": 2008, + "Ġdays": 2009, + "nal": 2010, + "inking": 2011, + "Ġhistor": 2012, + "apter": 2013, + "Ġaddress": 2014, + "ĠSome": 2015, + "let": 2016, + "import": 2017, + "ĠAll": 2018, + "aching": 2019, + "How": 2020, + "chie": 2021, + "Ġmakes": 2022, + "Ġopportun": 2023, + "ĠCent": 2024, + "Ġaway": 2025, + "...": 2026, + "Ġnorm": 2027, + "Ġsum": 2028, + "Ġquestions": 2029, + "Ġfurther": 2030, + "====": 2031, + "iction": 2032, + "Ġresearc": 2033, + "son": 2034, + "ruction": 2035, + "oney": 2036, + "Ġprotect": 2037, + "ĠUS": 2038, + "ising": 2039, + "omes": 2040, + "ried": 2041, + "Ġever": 2042, + "cient": 2043, + "ware": 2044, + "Ġgoing": 2045, + "ffic": 2046, + "Ġdig": 2047, + "Ġindividuals": 2048, + "Ġleft": 2049, + "Ġpath": 2050, + "Ġaccount": 2051, + "aken": 2052, + "oot": 2053, + "ibr": 2054, + "ued": 2055, + "Ġi": 2056, + "Ġemploy": 2057, + "type": 2058, + "ification": 2059, + "Ġlay": 2060, + "Ġhigher": 2061, + "AT": 2062, + "Ġgrowth": 2063, + "class": 2064, + "Ġur": 2065, + "Ġbig": 2066, + "Ġ<": 2067, + "To": 2068, + "='": 2069, + "Ġcentury": 2070, + "ĠNational": 2071, + "Ġcollect": 2072, + "Ġfull": 2073, + "ney": 2074, + "Ġcountries": 2075, + "Ġsuper": 2076, + "._": 2077, + "amm": 2078, + "ĠAfric": 2079, + "aves": 2080, + "Ġincrease": 2081, + "Ġsitu": 2082, + "Ch": 2083, + "Ġconnect": 2084, + "rans": 2085, + "plic": 2086, + "Ġfund": 2087, + "ooking": 2088, + "An": 2089, + "Ġsure": 2090, + "Ġstat": 2091, + "Ġscience": 2092, + "Ġnever": 2093, + "Ġrecogn": 2094, + "erence": 2095, + "Ġdescrib": 2096, + "ES": 2097, + "Ġexc": 2098, + "Ġphysical": 2099, + "Ġcy": 2100, + "ĠMed": 2101, + "ohn": 2102, + "Ġside": 2103, + "add": 2104, + "reg": 2105, + "Ġbrain": 2106, + "Ġhowever": 2107, + "arl": 2108, + "Ġplants": 2109, + "arr": 2110, + "verse": 2111, + "Ġdeath": 2112, + "IN": 2113, + "ĠBl": 2114, + "Ġterm": 2115, + "Ġunique": 2116, + "Ġespecially": 2117, + "Ġground": 2118, + "Ġgroups": 2119, + "Ġabove": 2120, + "Ġevent": 2121, + "There": 2122, + "Ġactivities": 2123, + "Ġleast": 2124, + "Ġmaintain": 2125, + "Ġthroughout": 2126, + "Ġcontain": 2127, + "########": 2128, + "test": 2129, + "most": 2130, + "ault": 2131, + "elling": 2132, + "ĠFr": 2133, + "Ġparticip": 2134, + "agine": 2135, + "Ġemb": 2136, + "ilt": 2137, + "Ġsubject": 2138, + "Ġsound": 2139, + "alse": 2140, + "Ġnear": 2141, + "Ġachie": 2142, + "Ġpersonal": 2143, + "edi": 2144, + "sych": 2145, + "utions": 2146, + "ĠSc": 2147, + "Ġmodern": 2148, + "ready": 2149, + "lying": 2150, + "Ġaffect": 2151, + "sequ": 2152, + "file": 2153, + "ON": 2154, + "Ġpopulation": 2155, + "Ġdam": 2156, + "Ġstudies": 2157, + "Ġneg": 2158, + "Ġreally": 2159, + "fact": 2160, + "Ġrather": 2161, + "ptoms": 2162, + "Ġbecame": 2163, + "ison": 2164, + "Ġeffects": 2165, + "Ġreason": 2166, + "rug": 2167, + "rect": 2168, + "ils": 2169, + "aim": 2170, + "ites": 2171, + "mod": 2172, + "Ġcancer": 2173, + "Ġquality": 2174, + "Ġrelig": 2175, + "Ġliter": 2176, + "Ġnature": 2177, + "asc": 2178, + "Ġ`": 2179, + "Ġpractice": 2180, + "rel": 2181, + "illed": 2182, + "Ġchem": 2183, + "Ġloss": 2184, + "atives": 2185, + "nces": 2186, + "ĠBrit": 2187, + "Ġassociated": 2188, + "unt": 2189, + "ises": 2190, + "Ġpattern": 2191, + "att": 2192, + "For": 2193, + "Ġbuilding": 2194, + "issue": 2195, + "Ġansw": 2196, + "roll": 2197, + "Ġstre": 2198, + "Ġcases": 2199, + "Ġpatients": 2200, + "ample": 2201, + "Ġdetail": 2202, + "Ġsize": 2203, + "Ġcho": 2204, + "Ġhold": 2205, + "Ġsomeone": 2206, + "Ġvers": 2207, + "Ġlower": 2208, + "alf": 2209, + "Ġgeneral": 2210, + "AS": 2211, + "Ġfactors": 2212, + "overed": 2213, + "enn": 2214, + "Ġmillion": 2215, + "Ġcomes": 2216, + "Ġexplore": 2217, + "opy": 2218, + "Al": 2219, + "Ġmeet": 2220, + "Ġalready": 2221, + "Ġstudent": 2222, + "eds": 2223, + "Ġglobal": 2224, + "rams": 2225, + "Ġdoc": 2226, + "\".": 2227, + "oman": 2228, + "Ġword": 2229, + "ene": 2230, + "ok": 2231, + "Ġsimple": 2232, + "inary": 2233, + "Ġregard": 2234, + "ript": 2235, + "Ġnut": 2236, + "mb": 2237, + "ID": 2238, + "Ġintrodu": 2239, + "Ġcity": 2240, + "new": 2241, + "Ġliving": 2242, + "augh": 2243, + "Ġsingle": 2244, + "Ġprob": 2245, + "iques": 2246, + "Ġindic": 2247, + "Ġabs": 2248, + "Ġmembers": 2249, + "ĠLe": 2250, + "Ġwind": 2251, + "verage": 2252, + "Ġthemselves": 2253, + "Ġmaterials": 2254, + "])": 2255, + "time": 2256, + "Ġsource": 2257, + "Ġtowards": 2258, + "ips": 2259, + "ĠWorld": 2260, + "Ġphot": 2261, + "Ġproduction": 2262, + "Ġobserv": 2263, + "ival": 2264, + "Ġrespect": 2265, + "Ġdom": 2266, + "Ġeither": 2267, + "Ġonce": 2268, + "Ġseen": 2269, + "rad": 2270, + "Ġdeg": 2271, + "Ġ/": 2272, + "ĠX": 2273, + "anced": 2274, + "Ġthought": 2275, + "Ġdeep": 2276, + "ring": 2277, + "ĠGerm": 2278, + "ott": 2279, + "ung": 2280, + "leep": 2281, + "Ġut": 2282, + "col": 2283, + "inter": 2284, + "AR": 2285, + "iol": 2286, + "ĠWar": 2287, + "Ġjob": 2288, + "Ġaccording": 2289, + "Ġpay": 2290, + "Ġhouse": 2291, + "ley": 2292, + "Ġresearchers": 2293, + "Ġdone": 2294, + "org": 2295, + "ae": 2296, + "Ġemot": 2297, + "Ġinteract": 2298, + "Ġteam": 2299, + "hern": 2300, + "Ġfile": 2301, + "ened": 2302, + "Ġver": 2303, + "Ġcut": 2304, + "rict": 2305, + "ĠShe": 2306, + "ird": 2307, + "enc": 2308, + "Ġrequired": 2309, + "ules": 2310, + "Ġhelps": 2311, + "Ġcreated": 2312, + "Ġactivity": 2313, + "adem": 2314, + "earch": 2315, + "'re": 2316, + "ipp": 2317, + "Ġanalysis": 2318, + "Ġfail": 2319, + "Ġproducts": 2320, + "ĠEnglish": 2321, + "ĠJohn": 2322, + "epend": 2323, + "ĠComm": 2324, + "Ġaspect": 2325, + "hold": 2326, + "Ġengine": 2327, + "Ġinteg": 2328, + "Ġonline": 2329, + "Ġlive": 2330, + "itud": 2331, + "Ġfall": 2332, + "Ġnp": 2333, + "my": 2334, + "Ġfig": 2335, + "Ġsymptoms": 2336, + "Ġmethods": 2337, + "fully": 2338, + "Ġfrequ": 2339, + "Ġmedical": 2340, + "Ġlot": 2341, + "Ġmarket": 2342, + "Ġmanagement": 2343, + "fer": 2344, + "go": 2345, + "otes": 2346, + "ler": 2347, + "Ġtot": 2348, + "Ġeffic": 2349, + "Ġneeded": 2350, + "ĠGo": 2351, + "oose": 2352, + "Ġaction": 2353, + "fl": 2354, + "Ġanimals": 2355, + "Ġpolitical": 2356, + "Ġpie": 2357, + "Ġcirc": 2358, + "Ġidea": 2359, + "ivil": 2360, + "place": 2361, + "Ġsent": 2362, + "rand": 2363, + "Ġevidence": 2364, + "Ġquick": 2365, + "Ġflu": 2366, + "ĊĠĠĠĠ": 2367, + "ĠStud": 2368, + "Ġreduce": 2369, + "Ġtarget": 2370, + "Ġnecessary": 2371, + "aries": 2372, + "Ġbreak": 2373, + "Ġsociety": 2374, + "Ġsoft": 2375, + "Ġsurface": 2376, + "Ġrecomm": 2377, + "Ġpopular": 2378, + "ĠHealth": 2379, + "Ġcolor": 2380, + "Ġensure": 2381, + "Ġred": 2382, + "ĠPr": 2383, + "way": 2384, + "Ġwriting": 2385, + "load": 2386, + "Ġrights": 2387, + "Ġsun": 2388, + "Ġmass": 2389, + "Ġactually": 2390, + "Ġparts": 2391, + "lt": 2392, + "key": 2393, + "Ġmess": 2394, + "Ġseem": 2395, + "Ġvalues": 2396, + "Ġlives": 2397, + "clusion": 2398, + "Ġport": 2399, + "oph": 2400, + "sp": 2401, + "list": 2402, + "bon": 2403, + "ze": 2404, + "ĠMay": 2405, + "Ġsometimes": 2406, + "yle": 2407, + "Ġyet": 2408, + "Ġoffic": 2409, + "chan": 2410, + "reng": 2411, + "Ġclimate": 2412, + "ulations": 2413, + "cial": 2414, + "Ġentire": 2415, + "aling": 2416, + "Ġge": 2417, + "Ġarr": 2418, + "Ġshare": 2419, + "Ġincreased": 2420, + "Ġrate": 2421, + "Ġcame": 2422, + "ystem": 2423, + "Ġapproach": 2424, + "oration": 2425, + "Ġresponse": 2426, + "When": 2427, + "Ġfriends": 2428, + "Ġcommunities": 2429, + "Ġeffective": 2430, + "Ġsal": 2431, + "ma": 2432, + "Ġprovides": 2433, + "Ġdest": 2434, + "Ġstress": 2435, + "Ġencou": 2436, + "Ġclear": 2437, + "ĠAm": 2438, + "ĠAss": 2439, + "ustom": 2440, + "Ġbelow": 2441, + "erous": 2442, + "Ġimage": 2443, + "Ġwhole": 2444, + "ĠWhile": 2445, + "Ġdoct": 2446, + "ĠGen": 2447, + "Ġnational": 2448, + "Ġsubst": 2449, + "aged": 2450, + "ublic": 2451, + "Ġdeveloped": 2452, + "ply": 2453, + "olic": 2454, + "Ġmeaning": 2455, + "Ġpressure": 2456, + "Ġarch": 2457, + "Ġhealthy": 2458, + "erve": 2459, + "OR": 2460, + "ender": 2461, + "Ġexerc": 2462, + "idered": 2463, + "II": 2464, + "Ġservices": 2465, + "Ġevents": 2466, + "urch": 2467, + "Ġcontext": 2468, + "osis": 2469, + "Ġability": 2470, + "Ġ%": 2471, + "acks": 2472, + "Ġtaken": 2473, + "Ġincreasing": 2474, + "Ġcontinue": 2475, + "ches": 2476, + "Ġmusic": 2477, + "Ġmoney": 2478, + "ores": 2479, + "lex": 2480, + "Ġ)": 2481, + "Ġavoid": 2482, + "Ġ_": 2483, + "Ġrelated": 2484, + "ĠAb": 2485, + "ttp": 2486, + "acc": 2487, + "Ġcompon": 2488, + "Ġinstead": 2489, + "Ġadult": 2490, + "nov": 2491, + "Ġemerg": 2492, + "ĠAmerica": 2493, + "atter": 2494, + "istance": 2495, + "Ġstates": 2496, + "eration": 2497, + "Ġtaking": 2498, + "wh": 2499, + "Ġconsidered": 2500, + "light": 2501, + "ctions": 2502, + "ĠDr": 2503, + "Ġ|": 2504, + "Ġtell": 2505, + "ĠMan": 2506, + "ĠInt": 2507, + "ront": 2508, + "oon": 2509, + "ĠIntern": 2510, + "itation": 2511, + "ength": 2512, + "ĠGe": 2513, + "Ġmicro": 2514, + "imately": 2515, + "Ex": 2516, + "Ġculture": 2517, + "Ġallows": 2518, + "ges": 2519, + "amed": 2520, + "Ġann": 2521, + "ume": 2522, + "Ġreview": 2523, + "Ġarticle": 2524, + "Ġmach": 2525, + "Ġcannot": 2526, + "Ġthera": 2527, + "ĠSci": 2528, + "Ġchallenges": 2529, + "Ġsite": 2530, + "Ġfive": 2531, + "Ġpriv": 2532, + "play": 2533, + "Ġtraining": 2534, + "hing": 2535, + "Ġeconomic": 2536, + "Ġwhite": 2537, + "ump": 2538, + "Ġreading": 2539, + "ĠCal": 2540, + "part": 2541, + "based": 2542, + "Ġbal": 2543, + "Ġtechniques": 2544, + "Ġcheck": 2545, + "Ġenvironmental": 2546, + "Ġdrug": 2547, + "Ġposition": 2548, + "Ġtools": 2549, + "ĠAfter": 2550, + "irm": 2551, + "Ġmor": 2552, + "ĠEm": 2553, + "ai": 2554, + "Ġbehavior": 2555, + "Ġtraditional": 2556, + "Con": 2557, + "ĠCont": 2558, + "order": 2559, + "Ġexcept": 2560, + "Ġharm": 2561, + "utes": 2562, + "init": 2563, + "ribute": 2564, + "Ġclos": 2565, + "ari": 2566, + "Ġdoing": 2567, + "aced": 2568, + "hib": 2569, + "Ġassess": 2570, + "het": 2571, + "iment": 2572, + "Ġeveryone": 2573, + "Ġskin": 2574, + "iddle": 2575, + "amin": 2576, + "Ġclean": 2577, + "come": 2578, + "like": 2579, + "Ġcompet": 2580, + "Ġitself": 2581, + "ĠSouth": 2582, + "Ġcomputer": 2583, + "aving": 2584, + "Ġbegan": 2585, + "oes": 2586, + "Ġpublished": 2587, + "Ġsense": 2588, + "eed": 2589, + "ĠApp": 2590, + "ĠEarth": 2591, + "Ġstreng": 2592, + "uck": 2593, + "pose": 2594, + "Ġreact": 2595, + "But": 2596, + "aches": 2597, + "ey": 2598, + "esc": 2599, + "ops": 2600, + "ĠNorth": 2601, + "pri": 2602, + "pid": 2603, + "mber": 2604, + "Ġweek": 2605, + "Ġlove": 2606, + "astic": 2607, + "itor": 2608, + "Ġcritical": 2609, + "iet": 2610, + "ype": 2611, + "Ġremain": 2612, + "Ġweight": 2613, + "Ġdemon": 2614, + "fig": 2615, + "ground": 2616, + "know": 2617, + "Ġla": 2618, + "Ġcondition": 2619, + "dom": 2620, + "Ġmeasure": 2621, + "ĠHist": 2622, + "empt": 2623, + "Ġbenefits": 2624, + "ele": 2625, + "Ġoffer": 2626, + "Ġcontent": 2627, + "aily": 2628, + "Ġtrue": 2629, + "Ġaccept": 2630, + "Ġmatter": 2631, + "Ġblack": 2632, + "Ġsepar": 2633, + "Ġdraw": 2634, + "Ġbring": 2635, + "Ġrev": 2636, + "Ġtook": 2637, + "Ġmedic": 2638, + "isc": 2639, + "Ġprote": 2640, + "joy": 2641, + "Ġcultural": 2642, + "Ġsat": 2643, + "Ġcat": 2644, + "Ġfeed": 2645, + "ĠAct": 2646, + "Ġexperiences": 2647, + "Ġinstance": 2648, + "Ġregular": 2649, + "ĠAust": 2650, + "cont": 2651, + "Ġparents": 2652, + "Ġcru": 2653, + "Ġgreen": 2654, + "Ġhab": 2655, + "Ġterms": 2656, + "itary": 2657, + "bl": 2658, + "istics": 2659, + "pite": 2660, + "args": 2661, + "Ġconduct": 2662, + "raft": 2663, + "Ġoil": 2664, + "Ġsust": 2665, + "Ġimplement": 2666, + "Ġexpress": 2667, + "yl": 2668, + "Ġidentify": 2669, + "Ġcapt": 2670, + "=\"": 2671, + "Ġprevious": 2672, + "ields": 2673, + "Ġattention": 2674, + "avor": 2675, + "back": 2676, + ".)": 2677, + "Ġstructure": 2678, + "vere": 2679, + "EN": 2680, + "icles": 2681, + "equ": 2682, + "You": 2683, + "Ġstories": 2684, + "oll": 2685, + "Ġetc": 2686, + "itution": 2687, + "Ġdat": 2688, + "orks": 2689, + "Ġproduce": 2690, + "inf": 2691, + "text": 2692, + "ĠGu": 2693, + "hood": 2694, + "Ġregion": 2695, + "Now": 2696, + "rown": 2697, + "Ġfish": 2698, + "head": 2699, + "Ġdemonstr": 2700, + "Ġmultiple": 2701, + "Ġselect": 2702, + "Wh": 2703, + "Ġmonths": 2704, + "One": 2705, + "ift": 2706, + "ging": 2707, + "artment": 2708, + "ername": 2709, + "Ġsex": 2710, + "Ġprovided": 2711, + "ister": 2712, + "eb": 2713, + "Ġdiet": 2714, + "Ġface": 2715, + "alu": 2716, + "Ġforms": 2717, + "Ġpractices": 2718, + "Ġtotal": 2719, + "ĠRep": 2720, + "IS": 2721, + "Ġminim": 2722, + "Ġunit": 2723, + "Ġdesigned": 2724, + "Ġsuff": 2725, + "uel": 2726, + "Ġcompany": 2727, + "Ġelements": 2728, + "Ġindustry": 2729, + "isions": 2730, + "Ġpositive": 2731, + "ror": 2732, + "Ġcreating": 2733, + "Ġconsist": 2734, + "ided": 2735, + "ĠHis": 2736, + "Ġhours": 2737, + "čĊ": 2738, + "Ġvide": 2739, + "bo": 2740, + "Ġreflect": 2741, + "error": 2742, + "Ġalmost": 2743, + "Ġshows": 2744, + "Ġhalf": 2745, + "ĠSu": 2746, + "Ġyourself": 2747, + "Ġaim": 2748, + "Ġpsych": 2749, + "ows": 2750, + "Ġheav": 2751, + "ober": 2752, + "Ġbar": 2753, + "Ġservice": 2754, + "Ġparticularly": 2755, + "é": 2756, + "ensive": 2757, + "Ġ__": 2758, + "date": 2759, + "Ġfat": 2760, + "Ġdoesn": 2761, + "Ġanaly": 2762, + "Ġsoil": 2763, + "Ġschools": 2764, + "Ġrecent": 2765, + "Ġclaim": 2766, + "Ġdog": 2767, + "umn": 2768, + "Ġfarm": 2769, + "Ġcontact": 2770, + "right": 2771, + "Ġeth": 2772, + "Ġinvolved": 2773, + "Ġprograms": 2774, + "Ġthing": 2775, + "ners": 2776, + "Im": 2777, + "Ġcontribut": 2778, + "Ġtemperature": 2779, + "ike": 2780, + "elt": 2781, + "Ġmechan": 2782, + "ĠMore": 2783, + "irit": 2784, + "Ġsources": 2785, + "urs": 2786, + "True": 2787, + "Ġsimply": 2788, + "ĠYour": 2789, + "[\"": 2790, + "itle": 2791, + "thon": 2792, + "Ġcommit": 2793, + "rast": 2794, + "Ġlink": 2795, + "ese": 2796, + "hel": 2797, + "Ġoriginal": 2798, + "arily": 2799, + "Ġclose": 2800, + "Ġsleep": 2801, + "Ġdeb": 2802, + "ming": 2803, + "aff": 2804, + "ccording": 2805, + "rim": 2806, + "Ġeasy": 2807, + "fil": 2808, + "iation": 2809, + "AN": 2810, + "Ġgas": 2811, + "Ġer": 2812, + "ster": 2813, + "Ġextra": 2814, + "Ġenjoy": 2815, + "ties": 2816, + "Ġheat": 2817, + "Ġste": 2818, + "Ġchemical": 2819, + "ĠPe": 2820, + "Ġideas": 2821, + "Ġmax": 2822, + "ched": 2823, + "Ġspread": 2824, + "rage": 2825, + "Ġenh": 2826, + "Ġtravel": 2827, + "ĠMar": 2828, + "âĢ¦": 2829, + "čĊĠĠĠĠĠĠĠ": 2830, + "ription": 2831, + "rem": 2832, + "rs": 2833, + "Ġsurv": 2834, + "rior": 2835, + "oin": 2836, + "Ġbuilt": 2837, + "ĠNo": 2838, + "Ġaware": 2839, + "orpor": 2840, + "Ġstarted": 2841, + "Ġled": 2842, + "Ġissue": 2843, + "Ġhistorical": 2844, + "vey": 2845, + "Ġpict": 2846, + "ĠDep": 2847, + "Ġlonger": 2848, + "Ġfem": 2849, + "ĠAg": 2850, + "Ġperformance": 2851, + "Ġgreater": 2852, + "Ġstop": 2853, + "ĠJew": 2854, + "Ġwritten": 2855, + "Ġoutside": 2856, + "Ġinj": 2857, + "Ġsurround": 2858, + "Ġmodels": 2859, + "ĠPar": 2860, + "porary": 2861, + "su": 2862, + "ĠYork": 2863, + "ounter": 2864, + "ribution": 2865, + "enced": 2866, + "ĠMe": 2867, + "ension": 2868, + "Ġaud": 2869, + "estern": 2870, + "num": 2871, + "Ġwild": 2872, + "Ġcompan": 2873, + "Ġlands": 2874, + "Ġbelieve": 2875, + "Ġpoints": 2876, + "fect": 2877, + "rig": 2878, + "vant": 2879, + "].": 2880, + "itute": 2881, + "ography": 2882, + "Ġdiagn": 2883, + "Ġfinanc": 2884, + "Ġdecl": 2885, + "Ġbeaut": 2886, + "Ġcorrect": 2887, + "ĠState": 2888, + "ait": 2889, + "Ġslow": 2890, + "Ġmovement": 2891, + "Ġfire": 2892, + "Ġbehind": 2893, + "Ġprogress": 2894, + "curity": 2895, + "Ġthreat": 2896, + "Ġassert": 2897, + "Ġmental": 2898, + "Ġleading": 2899, + "yond": 2900, + "IT": 2901, + "Ġmedia": 2902, + "ervation": 2903, + "ĠResearch": 2904, + "Ġbooks": 2905, + "oved": 2906, + "Ġscientists": 2907, + "Ġcommunication": 2908, + "Ġcode": 2909, + "Ġmom": 2910, + "Ġones": 2911, + "opt": 2912, + "ĠCons": 2913, + "Ġuser": 2914, + "Ġremember": 2915, + "che": 2916, + "Ġfram": 2917, + "izations": 2918, + "ronic": 2919, + "Ġstandard": 2920, + "Ġviol": 2921, + "eters": 2922, + "ĠCo": 2923, + "minist": 2924, + "Ġuses": 2925, + "Ġevalu": 2926, + "ĠCanad": 2927, + "ilies": 2928, + "Ġcustom": 2929, + "Ġadapt": 2930, + "So": 2931, + "Ġbroad": 2932, + "Ġtakes": 2933, + "inating": 2934, + "apan": 2935, + "Ġaltern": 2936, + "Ġfru": 2937, + "ĠBritish": 2938, + "issions": 2939, + "Ġcolle": 2940, + "Ġdeveloping": 2941, + "where": 2942, + "ricult": 2943, + "rate": 2944, + "rew": 2945, + "standing": 2946, + "ban": 2947, + "Ġec": 2948, + "username": 2949, + "Ġsafety": 2950, + "Ġstay": 2951, + "Ġcaused": 2952, + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 2953, + "Pro": 2954, + "Ġnormal": 2955, + "Ġdaily": 2956, + "inally": 2957, + "ached": 2958, + "ĠLet": 2959, + "oor": 2960, + "size": 2961, + "ologies": 2962, + "Ġappropri": 2963, + "Ġwond": 2964, + "Ġwrite": 2965, + "Ġnumbers": 2966, + "Ġgetting": 2967, + "ades": 2968, + "Ġgrowing": 2969, + "reci": 2970, + "ls": 2971, + "Ġinside": 2972, + "Ġhumans": 2973, + "ĠCar": 2974, + "rought": 2975, + "Ġsix": 2976, + "dd": 2977, + "Ġincludes": 2978, + "Ġimportance": 2979, + "amb": 2980, + "Ġcauses": 2981, + "ufact": 2982, + "Ġpolicy": 2983, + "ged": 2984, + "Ġsmo": 2985, + "Ġ>": 2986, + "Ġbasic": 2987, + "Ġanswer": 2988, + "ĠUs": 2989, + "Ġleaders": 2990, + "Ġsafe": 2991, + "Ġinnov": 2992, + "ĠNe": 2993, + "Ġcomplete": 2994, + "ĠUnder": 2995, + "chol": 2996, + "Ġaccur": 2997, + "Ġreve": 2998, + "Ġinsp": 2999, + "ĠPre": 3000, + "Ġsustain": 3001, + "word": 3002, + "Ġprimary": 3003, + "Ġfeatures": 3004, + "Ġprep": 3005, + "bol": 3006, + "Ġinput": 3007, + "Ġlate": 3008, + "Ġ--": 3009, + "ED": 3010, + "amples": 3011, + "Ġlooking": 3012, + "Ġpage": 3013, + "Ġwebs": 3014, + "Ġtalk": 3015, + "Ġefforts": 3016, + "ĠPer": 3017, + "Ġexact": 3018, + "umb": 3019, + "IC": 3020, + "ken": 3021, + "uth": 3022, + "ttps": 3023, + "Ġtax": 3024, + "Ġachieve": 3025, + "ament": 3026, + "ĠMany": 3027, + "ials": 3028, + "duc": 3029, + "pes": 3030, + "Ġsqu": 3031, + "fort": 3032, + "resh": 3033, + "Ġshap": 3034, + "Ġguid": 3035, + "Ġopportunities": 3036, + "Ġscre": 3037, + "Up": 3038, + "Ġthinking": 3039, + "Ġshape": 3040, + "tings": 3041, + "cles": 3042, + "Ġoverall": 3043, + "Ġdiv": 3044, + "Ġinvestig": 3045, + "Ġindepend": 3046, + "atively": 3047, + "Ġvisit": 3048, + "Ġaverage": 3049, + "Ġcross": 3050, + "Ġstru": 3051, + "ĠFl": 3052, + "Ġcompared": 3053, + "Ġvalu": 3054, + "Ġdamage": 3055, + "ĠSchool": 3056, + "Ġshown": 3057, + "Ġcamp": 3058, + "Ġearl": 3059, + "'ll": 3060, + "Ġappl": 3061, + "Ġdecision": 3062, + "haps": 3063, + "Ġcit": 3064, + "www": 3065, + "room": 3066, + "erson": 3067, + "Ġstrategies": 3068, + "ĠQu": 3069, + "Ġbeyond": 3070, + "rench": 3071, + "ounds": 3072, + "Ġrequires": 3073, + "itude": 3074, + "Ġforce": 3075, + "Ġbacter": 3076, + "Ġpatterns": 3077, + "Ġprocesses": 3078, + "Ġrout": 3079, + "Ġwid": 3080, + "Ġkids": 3081, + "Ġnetwork": 3082, + "Ġpoll": 3083, + "Ġful": 3084, + "ĠJapan": 3085, + "Ġseries": 3086, + "By": 3087, + "gar": 3088, + "ĠIndia": 3089, + "term": 3090, + "Ġwarm": 3091, + "Ġlo": 3092, + "Ġbill": 3093, + "ederal": 3094, + "ously": 3095, + "Ġlack": 3096, + "Ġscientific": 3097, + "resp": 3098, + "Ġelectric": 3099, + "Ġquite": 3100, + "uments": 3101, + "Ġtown": 3102, + "Ġearth": 3103, + "Ġmagn": 3104, + "Ġprobably": 3105, + "ĠSim": 3106, + "log": 3107, + "Ġtheory": 3108, + "ciples": 3109, + "Ġattempt": 3110, + "Ġfoods": 3111, + "Ġquickly": 3112, + "Ġinternational": 3113, + "Ġcover": 3114, + "pper": 3115, + "Ġrequest": 3116, + "Ġeverything": 3117, + "Ġcarbon": 3118, + "rated": 3119, + "Ġcollab": 3120, + "ĠThrough": 3121, + "Ġcool": 3122, + "Ġpack": 3123, + "Ġoutput": 3124, + "Ġinform": 3125, + "inct": 3126, + "ST": 3127, + "ĠDes": 3128, + "ream": 3129, + "asons": 3130, + "aly": 3131, + "Ġcolon": 3132, + "Ġgame": 3133, + "Ġeat": 3134, + "met": 3135, + "čĊĠĠĠ": 3136, + "append": 3137, + "cret": 3138, + "hens": 3139, + "Ġdocument": 3140, + "abet": 3141, + "Ġpredict": 3142, + "more": 3143, + "AC": 3144, + "Ġvisual": 3145, + "Ġprec": 3146, + "oday": 3147, + "Ġappreci": 3148, + "Ġtri": 3149, + "Ġforest": 3150, + "isms": 3151, + "Ġeasily": 3152, + "rie": 3153, + "point": 3154, + "ĠRet": 3155, + "Ġago": 3156, + "vention": 3157, + "Ġpatient": 3158, + "Ġbase": 3159, + "iency": 3160, + "Ġanimal": 3161, + "lease": 3162, + "Ġnight": 3163, + "ellow": 3164, + "Ġlif": 3165, + "iring": 3166, + "Ġhost": 3167, + "Ġfamilies": 3168, + "Ġperspect": 3169, + "Ġir": 3170, + "Ġadditional": 3171, + "Ġvaluable": 3172, + "illi": 3173, + "Ġsect": 3174, + "Ġvariety": 3175, + "Ġteachers": 3176, + "idge": 3177, + "Ġgenerally": 3178, + "Ġsearch": 3179, + "Ġwood": 3180, + "Ġcivil": 3181, + "Ġdigital": 3182, + "Ġpoor": 3183, + "Ġgain": 3184, + "Ġcou": 3185, + "Ġveget": 3186, + "Ġtree": 3187, + "ilos": 3188, + "just": 3189, + "oles": 3190, + "ĠScience": 3191, + "ĠReg": 3192, + "Ġdifference": 3193, + "erate": 3194, + "Ġacadem": 3195, + "ceed": 3196, + "Ġsoftware": 3197, + "alking": 3198, + "Ġserious": 3199, + "Ġinfluence": 3200, + "Ġancient": 3201, + "Ġcrucial": 3202, + "ĠAustral": 3203, + "Ġlines": 3204, + "uge": 3205, + "AL": 3206, + "Ġbecomes": 3207, + "Ġdou": 3208, + "ession": 3209, + "vert": 3210, + "mission": 3211, + "Ġactive": 3212, + "Ġreported": 3213, + "ĠCO": 3214, + "izes": 3215, + "Ġfinancial": 3216, + "Ġmanufact": 3217, + "igen": 3218, + "lim": 3219, + "inks": 3220, + "value": 3221, + "\"]": 3222, + "Ġsituation": 3223, + "itch": 3224, + "uild": 3225, + "osing": 3226, + "Ġlarger": 3227, + "ĠMin": 3228, + "Ġteaching": 3229, + "Ġfit": 3230, + "ana": 3231, + "oud": 3232, + "encies": 3233, + "ief": 3234, + "Ġadded": 3235, + "ĠArt": 3236, + "odes": 3237, + "ĠPres": 3238, + "ynam": 3239, + "Ġoptim": 3240, + "Ġbit": 3241, + "Ġprin": 3242, + "Ġcompanies": 3243, + "Ġhyd": 3244, + "roup": 3245, + "Ġsection": 3246, + "Ġisn": 3247, + "odies": 3248, + "Ġincluded": 3249, + "ha": 3250, + "Ġestablished": 3251, + "Ġtable": 3252, + "Ġapplications": 3253, + "Ġcalcul": 3254, + "alls": 3255, + "RE": 3256, + "itable": 3257, + "Ġproviding": 3258, + "bor": 3259, + "Ġaspects": 3260, + "ĠKing": 3261, + "uries": 3262, + "Ġox": 3263, + "Ġtend": 3264, + "Ġimages": 3265, + "rial": 3266, + "Ġremains": 3267, + "Ġsil": 3268, + "Ġpowerful": 3269, + "ancy": 3270, + "wise": 3271, + "print": 3272, + "ucle": 3273, + "ret": 3274, + "ĠChina": 3275, + "Ġprior": 3276, + "IV": 3277, + "ĠPart": 3278, + "Ġapplication": 3279, + "On": 3280, + "Ġproduced": 3281, + "Ġfeet": 3282, + "ulate": 3283, + "ĠEuropean": 3284, + "ille": 3285, + "Ġbur": 3286, + "Ġspeak": 3287, + "Ġhands": 3288, + "Ġfriend": 3289, + "Ġfost": 3290, + "ĠComp": 3291, + "Ġsecurity": 3292, + "Ġconflic": 3293, + "ibrary": 3294, + "ĠTra": 3295, + "ception": 3296, + "Ġ,": 3297, + "mar": 3298, + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 3299, + "ĠFrom": 3300, + "Ġsteps": 3301, + "Ġhor": 3302, + "Ġgard": 3303, + "emporary": 3304, + "ĠJust": 3305, + "Ġconcent": 3306, + "anks": 3307, + "lands": 3308, + "Ġbad": 3309, + "Ġthus": 3310, + "Ġmention": 3311, + "phas": 3312, + "Ġult": 3313, + "ĠCount": 3314, + "ĠDo": 3315, + "Ġep": 3316, + "Ġtransport": 3317, + "Ġsoon": 3318, + "Ġdirectly": 3319, + "Ġreligious": 3320, + "cks": 3321, + "Ġthous": 3322, + "Ġeye": 3323, + "Ġquant": 3324, + "care": 3325, + "enge": 3326, + "\"\"\"": 3327, + "med": 3328, + "Ġvirus": 3329, + "Ġspirit": 3330, + "ĠRuss": 3331, + "rror": 3332, + "bit": 3333, + "Ġsn": 3334, + "ino": 3335, + "Ġimmedi": 3336, + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 3337, + "itect": 3338, + "Ġang": 3339, + "Ġdang": 3340, + "Ġvideo": 3341, + "arv": 3342, + "uff": 3343, + "requ": 3344, + "ev": 3345, + "Ġdetermine": 3346, + "ran": 3347, + "Ġestablish": 3348, + "ĠNot": 3349, + "Ġappropriate": 3350, + "ĠÂ": 3351, + "mat": 3352, + "ying": 3353, + "Ċĉ": 3354, + "Ġrelationships": 3355, + "Ġast": 3356, + "Ġbelief": 3357, + "Ġresponsible": 3358, + "Ġprojects": 3359, + "ĠPol": 3360, + "ĠMy": 3361, + "Ġoffers": 3362, + "Ġgot": 3363, + "ience": 3364, + "Ġnamed": 3365, + "Ġfasc": 3366, + "Ġestim": 3367, + "Ġwaste": 3368, + "Ġdiseases": 3369, + "Ġgradu": 3370, + "Ġconvers": 3371, + "Ġrules": 3372, + "Ġplaces": 3373, + "Ġfoot": 3374, + "Ġcele": 3375, + "ifically": 3376, + "Ġexpos": 3377, + "Ġos": 3378, + "Ġmother": 3379, + "Ġhot": 3380, + "Ġdevices": 3381, + "Ġpropos": 3382, + "Ġbab": 3383, + "Ġdiverse": 3384, + "Ġmilitary": 3385, + "Ġrefer": 3386, + "Ġagree": 3387, + "Ġexercise": 3388, + "ĠDis": 3389, + "Ġproced": 3390, + "assert": 3391, + "Ġincorpor": 3392, + "Ġexpected": 3393, + "Ġ@": 3394, + "ĠEd": 3395, + "Ġtrying": 3396, + "Ġinstall": 3397, + "Ġroad": 3398, + "Ġsus": 3399, + "Ġrates": 3400, + "Ġobjects": 3401, + "Ġcomplet": 3402, + "Ġfinal": 3403, + "hors": 3404, + "orders": 3405, + "Ġcred": 3406, + "Ġdecre": 3407, + "Ġheld": 3408, + "inated": 3409, + "Ġnav": 3410, + "dict": 3411, + "Ġmix": 3412, + "Ġasked": 3413, + "Ġattack": 3414, + "Ġexploring": 3415, + "Ġoptions": 3416, + "Ġtrees": 3417, + "Ġinterpre": 3418, + "Ġseems": 3419, + "ecause": 3420, + "Ġcard": 3421, + "illing": 3422, + "Ġund": 3423, + "Ġsuccessful": 3424, + "Ġlegal": 3425, + "Ġsea": 3426, + "Ġstrugg": 3427, + "Ġrich": 3428, + "ĠEduc": 3429, + "off": 3430, + "Ġtypically": 3431, + "ĠFrench": 3432, + "Ġfront": 3433, + "Ġmis": 3434, + "Ġlimited": 3435, + "hemat": 3436, + "comp": 3437, + "ET": 3438, + "Ġcomponents": 3439, + "iful": 3440, + "ĠGl": 3441, + "Ġnation": 3442, + "ding": 3443, + "Ġjourney": 3444, + "Ġinvolves": 3445, + "Ġpurpose": 3446, + "used": 3447, + "writ": 3448, + "Ġwhose": 3449, + "ĠCour": 3450, + "Ġvacc": 3451, + "Ġhighly": 3452, + "Ġrob": 3453, + "ellig": 3454, + "Ġbreat": 3455, + "Ġfavor": 3456, + "Ġjud": 3457, + "rong": 3458, + "Ġsold": 3459, + "life": 3460, + "Res": 3461, + "inst": 3462, + "inate": 3463, + "Ġthird": 3464, + "Ġuseful": 3465, + "Ġcentral": 3466, + "Ġraise": 3467, + "Ġperfect": 3468, + "dir": 3469, + "Ġreach": 3470, + "istry": 3471, + "Ġtherefore": 3472, + "At": 3473, + "Ġstri": 3474, + "Ġclin": 3475, + "Ġdevice": 3476, + "format": 3477, + "Ġobtain": 3478, + "ĠJu": 3479, + "Ġexamples": 3480, + "iles": 3481, + "None": 3482, + "ĠAlthough": 3483, + "oming": 3484, + "Ġlearned": 3485, + "ĠAfrican": 3486, + "Ġminutes": 3487, + "ĠHer": 3488, + "oat": 3489, + "uman": 3490, + "Ġgoal": 3491, + "df": 3492, + "ipment": 3493, + "param": 3494, + "atform": 3495, + "Ġlabor": 3496, + "Ġeyes": 3497, + "Ġdry": 3498, + "Ġcosts": 3499, + "Ġmemory": 3500, + "Ġproperty": 3501, + "Ġcontinu": 3502, + "ĠMod": 3503, + "eks": 3504, + "Error": 3505, + "Ġfair": 3506, + "Ġvit": 3507, + "ĠFirst": 3508, + "Ġload": 3509, + "water": 3510, + "ĠSm": 3511, + "Step": 3512, + "ĠOf": 3513, + "Ġwent": 3514, + "Ġtransform": 3515, + "Ġdemand": 3516, + "========": 3517, + "ĠAfrica": 3518, + "Ġlength": 3519, + "change": 3520, + "overy": 3521, + "Section": 3522, + "Ġsevere": 3523, + "Ġnegative": 3524, + "Ġchoose": 3525, + "rap": 3526, + "Ġcommunic": 3527, + "And": 3528, + "ĠMost": 3529, + "ĠIndian": 3530, + "Ġmonth": 3531, + "Ġchapter": 3532, + "asks": 3533, + "Ġanything": 3534, + "Ġrespond": 3535, + "ĠAc": 3536, + "attle": 3537, + "Ġfast": 3538, + "Ġrapid": 3539, + "ashing": 3540, + "cape": 3541, + "Ġprotection": 3542, + "'ve": 3543, + "Ġprofessional": 3544, + "iot": 3545, + "na": 3546, + "Ġspeed": 3547, + "Ġsequ": 3548, + "useum": 3549, + "ĠOther": 3550, + "Ġalthough": 3551, + "urg": 3552, + "Ġparam": 3553, + "ĠChristian": 3554, + "Ġcateg": 3555, + "Ġexplain": 3556, + "Ġpan": 3557, + "Ċĉĉ": 3558, + "Ġstatus": 3559, + "Ġvia": 3560, + "Ġfa": 3561, + "Ġnovel": 3562, + "lation": 3563, + "Ġsolution": 3564, + "cean": 3565, + "ml": 3566, + "ĠJan": 3567, + "Ġfight": 3568, + "ĠNow": 3569, + "Ġmount": 3570, + "Ġsignificantly": 3571, + "ocks": 3572, + "Ġsymbol": 3573, + "fficient": 3574, + "Ġcapital": 3575, + "ech": 3576, + "Ġsupply": 3577, + "Ġcontribute": 3578, + "ĠRem": 3579, + "Ġcam": 3580, + "Ġdifferences": 3581, + "Ġcapac": 3582, + "Ġbehavi": 3583, + "Ġregarding": 3584, + "undred": 3585, + "Ġversion": 3586, + "ager": 3587, + "Ġcommand": 3588, + "Ġroom": 3589, + "Ġlost": 3590, + "comment": 3591, + "oe": 3592, + "Ġcontains": 3593, + "ĠTechn": 3594, + "state": 3595, + "ĠVal": 3596, + "Ġhabit": 3597, + "Ġadults": 3598, + "Ġwide": 3599, + "Ġshared": 3600, + "Ġautom": 3601, + "Ġadvant": 3602, + "Cl": 3603, + "iny": 3604, + "Ġdark": 3605, + "ĠMus": 3606, + "Ġbound": 3607, + "Ġblock": 3608, + "ius": 3609, + "year": 3610, + "Ġconsequ": 3611, + "Ġcitiz": 3612, + "rition": 3613, + "roduction": 3614, + "omet": 3615, + "Ġbeginning": 3616, + "uk": 3617, + "Ġprinciples": 3618, + "uary": 3619, + "Ġworkers": 3620, + "Ġbrought": 3621, + "Ġhttp": 3622, + "Ġing": 3623, + "Ġemphas": 3624, + "Ġencourag": 3625, + "Ġstructures": 3626, + "ĠAug": 3627, + "ĠJes": 3628, + "Ġusers": 3629, + "Ġbalance": 3630, + "Ġcarry": 3631, + "Ġstage": 3632, + "Ġdim": 3633, + "Ġtrust": 3634, + "ĠTrue": 3635, + "ĠOver": 3636, + "cious": 3637, + "iter": 3638, + "Ġveh": 3639, + "____": 3640, + "wide": 3641, + "Ġtests": 3642, + "Ġactions": 3643, + "ĠCenter": 3644, + "Ġseason": 3645, + "Ġprivate": 3646, + "Ġexec": 3647, + "Ġdoctor": 3648, + "erences": 3649, + "ĠGree": 3650, + "Ġsec": 3651, + "sect": 3652, + "iers": 3653, + "Ġforces": 3654, + "Ġappe": 3655, + "Ġreceived": 3656, + "Ġliterature": 3657, + "Ġdiscovered": 3658, + "with": 3659, + "iforn": 3660, + "Ġnews": 3661, + "gn": 3662, + "acters": 3663, + "Ġagricult": 3664, + "Ġaccom": 3665, + "Ġmag": 3666, + "osition": 3667, + "Ġtim": 3668, + "Ġneigh": 3669, + "Ġgraph": 3670, + "oting": 3671, + "Ġacid": 3672, + "Ġlimit": 3673, + "Ġdefin": 3674, + "Ġcontinued": 3675, + "idents": 3676, + "Ġprotein": 3677, + "Ġhon": 3678, + "Ġadminist": 3679, + "Ġsaw": 3680, + "He": 3681, + "unction": 3682, + "Ġdidn": 3683, + "Ġinteresting": 3684, + "Ġearlier": 3685, + "ios": 3686, + "Ġbirth": 3687, + "Ġdate": 3688, + "ĠWest": 3689, + "Ġder": 3690, + "Ġfunctions": 3691, + "ĠMon": 3692, + "Ġsolar": 3693, + "Ġdiscover": 3694, + "Ġlocation": 3695, + "Ġfear": 3696, + "ĠGerman": 3697, + "ĠOur": 3698, + "ocol": 3699, + "EC": 3700, + "ĠTw": 3701, + "Ġvirt": 3702, + "Ġforward": 3703, + "unch": 3704, + "Ġfields": 3705, + "Un": 3706, + "Ġlaws": 3707, + "udd": 3708, + "EM": 3709, + "Ġreasons": 3710, + "Ġleaves": 3711, + "Ġcenter": 3712, + "ĠII": 3713, + "Ġmessage": 3714, + "abetes": 3715, + "Ġinfection": 3716, + "ĠĊ": 3717, + "zz": 3718, + "efore": 3719, + "Ġorganizations": 3720, + "estic": 3721, + "Ġcra": 3722, + "Ġitems": 3723, + "Ġbenefit": 3724, + "```": 3725, + "ĠHere": 3726, + "Ġteach": 3727, + "Ġtesting": 3728, + "ternal": 3729, + "Ġrecommend": 3730, + "aught": 3731, + "Ġmole": 3732, + "Re": 3733, + "():": 3734, + "Ġtrade": 3735, + "Ġmeasures": 3736, + "Ġweeks": 3737, + "start": 3738, + "omy": 3739, + "ky": 3740, + "Ġemp": 3741, + "ĠEven": 3742, + "Ġteacher": 3743, + "ifornia": 3744, + "Ġbra": 3745, + "Ġmachine": 3746, + "Ġcompre": 3747, + "Ġvo": 3748, + "Ġdepend": 3749, + "Com": 3750, + "Ġtherapy": 3751, + "Ġroot": 3752, + "Ġresource": 3753, + "Ġconstruct": 3754, + "aid": 3755, + "ĠGreat": 3756, + "###": 3757, + "Ġefficient": 3758, + "abilities": 3759, + "ĠHistory": 3760, + "ser": 3761, + "__(": 3762, + "Ġwon": 3763, + "Ġsmaller": 3764, + "ĠDevelop": 3765, + "Ġprop": 3766, + "book": 3767, + "ĠEach": 3768, + "arian": 3769, + "Ġcontroll": 3770, + "votes": 3771, + "Ġten": 3772, + "ula": 3773, + "ĠInstitute": 3774, + "Ġchallenge": 3775, + "ĠChild": 3776, + "Ġapply": 3777, + "ĠAnt": 3778, + "ought": 3779, + "Ar": 3780, + "plit": 3781, + "pril": 3782, + "Ġtold": 3783, + "Ġcopy": 3784, + "Ġegg": 3785, + "Ġshall": 3786, + "Ġopportunity": 3787, + "Ġillust": 3788, + "ditionally": 3789, + "ĠTrans": 3790, + "Ġinitial": 3791, + "ira": 3792, + "ony": 3793, + "Ġessay": 3794, + "Ġdeal": 3795, + "Ġreceive": 3796, + "config": 3797, + "Ġdynam": 3798, + "ancing": 3799, + "Ġpiece": 3800, + "Ġeating": 3801, + "rote": 3802, + "Ġauthors": 3803, + "bre": 3804, + "ĊĠ": 3805, + "que": 3806, + "Ġlocated": 3807, + "Ġvict": 3808, + "Ġserve": 3809, + "Ġphilos": 3810, + "Ġthr": 3811, + "Ġassign": 3812, + "Ġequipment": 3813, + "Ġ\\": 3814, + "Ġdegree": 3815, + "''": 3816, + "Ġwebsite": 3817, + "ĠInternational": 3818, + "Upvotes": 3819, + "ĠDepartment": 3820, + "atur": 3821, + "Ġhundred": 3822, + "apers": 3823, + "Ġnumerous": 3824, + "With": 3825, + "Ġhope": 3826, + "Ġutil": 3827, + "ĠCommun": 3828, + "ĠSystem": 3829, + "ournal": 3830, + "max": 3831, + "Ġexisting": 3832, + "Ġdisplay": 3833, + "Ġnames": 3834, + "coh": 3835, + "Ġconstant": 3836, + "ĠSw": 3837, + "irection": 3838, + "âĢ¢": 3839, + "Ġax": 3840, + "Ġdetails": 3841, + "Ġrepl": 3842, + "outhern": 3843, + "Ġjournal": 3844, + "ingu": 3845, + "################": 3846, + "Ġmoment": 3847, + "airs": 3848, + "Ġproperties": 3849, + "Ġconcepts": 3850, + "Ġiniti": 3851, + "gram": 3852, + "ulated": 3853, + "Ġcollection": 3854, + "ĠTheir": 3855, + "Ġtask": 3856, + "ĠOct": 3857, + "Ġlen": 3858, + "inese": 3859, + "Ġsolutions": 3860, + "Ġrare": 3861, + "ĠLear": 3862, + "Ġconcerns": 3863, + "known": 3864, + "Ġfeature": 3865, + "Ġarchitect": 3866, + "Ġeffort": 3867, + "ĠServ": 3868, + "Ġexactly": 3869, + "Ġcharacters": 3870, + "Ġalg": 3871, + "AP": 3872, + "Ġdescribed": 3873, + "urt": 3874, + "ĠThen": 3875, + "Ġexpand": 3876, + "Ġweb": 3877, + "Ġnothing": 3878, + "Ġsites": 3879, + "eper": 3880, + "rogen": 3881, + "ocr": 3882, + "ensity": 3883, + "Ġdecisions": 3884, + "Ġexposure": 3885, + "ĠJesus": 3886, + "Ġscen": 3887, + "index": 3888, + "ĠCalifornia": 3889, + "Ġconnection": 3890, + "Ġmiddle": 3891, + "Ġburn": 3892, + "Ġbott": 3893, + "Ġgives": 3894, + "Ġdead": 3895, + "Ġnarr": 3896, + "ĠDuring": 3897, + "Ġsave": 3898, + "igenous": 3899, + "Ġaffected": 3900, + "Ġconstruction": 3901, + "These": 3902, + "ĠMarch": 3903, + "Ġorganization": 3904, + "Ġidentity": 3905, + "ĠEl": 3906, + "AD": 3907, + "Ġice": 3908, + "Ġinstru": 3909, + "Ġallowing": 3910, + "RO": 3911, + "Ġcontemporary": 3912, + "ĠAmericans": 3913, + "ĊĠĠĠĠĠ": 3914, + "Ġnucle": 3915, + "ests": 3916, + "Ġallowed": 3917, + "elines": 3918, + "usion": 3919, + "Ġnearly": 3920, + "Ġmid": 3921, + "Ġfollowed": 3922, + "ibly": 3923, + "ned": 3924, + "Ġplanet": 3925, + "Ġacqu": 3926, + "uration": 3927, + "Ġrecently": 3928, + "ĠWell": 3929, + "Ġhimself": 3930, + "Ġmut": 3931, + "Ġhous": 3932, + "Ġmaxim": 3933, + "Ġleave": 3934, + "Ġgoes": 3935, + "works": 3936, + "urb": 3937, + "Ġrule": 3938, + "Ġbacteria": 3939, + "Ġmig": 3940, + "Ġplatform": 3941, + "Ġswe": 3942, + "Ġolder": 3943, + "orthern": 3944, + "ME": 3945, + "Ġplanning": 3946, + "Ġweather": 3947, + "Ġguide": 3948, + "Ġgoals": 3949, + "ĠRed": 3950, + "xi": 3951, + "comes": 3952, + "Ġbeautiful": 3953, + "Ġreduced": 3954, + "ero": 3955, + "Ġmiss": 3956, + "Ġded": 3957, + "orage": 3958, + "ĠAccording": 3959, + "pan": 3960, + "Ġfresh": 3961, + "Ġconnections": 3962, + "Ġtechnologies": 3963, + "Ġscale": 3964, + "While": 3965, + "vis": 3966, + ":**": 3967, + "itis": 3968, + "Ġbackground": 3969, + "ĠHol": 3970, + "Ġinfect": 3971, + "Ġhol": 3972, + "och": 3973, + "Ġstandards": 3974, + "Ġpow": 3975, + "mosp": 3976, + "Ġfuel": 3977, + "rees": 3978, + "ogle": 3979, + "model": 3980, + "loc": 3981, + "Ġsugar": 3982, + "gy": 3983, + "Ġheard": 3984, + "Ġbox": 3985, + "tes": 3986, + "Ġfib": 3987, + "Ġborn": 3988, + "ilit": 3989, + "Ġsurrounding": 3990, + "aled": 3991, + "ĠRiver": 3992, + "Ġvalid": 3993, + "Ġbul": 3994, + "Ġlargest": 3995, + "ĠEngland": 3996, + "Ġstyle": 3997, + "ulum": 3998, + "Ġnavig": 3999, + "ogen": 4000, + "Ġqual": 4001, + "plications": 4002, + "Ġdivers": 4003, + "ĠCanada": 4004, + "cons": 4005, + "Ġrelevant": 4006, + "Ġcore": 4007, + "ags": 4008, + "see": 4009, + "Ġcelebr": 4010, + "Ġcold": 4011, + "Ġperhaps": 4012, + "Ġfascinating": 4013, + "rael": 4014, + "Ġhyp": 4015, + "Ġalone": 4016, + "Ġden": 4017, + "Ġsummer": 4018, + "ĠJune": 4019, + "ĠFurther": 4020, + "force": 4021, + "Ġrock": 4022, + "ĠInter": 4023, + "reme": 4024, + "Ġeffectively": 4025, + "iliar": 4026, + "ĠOnce": 4027, + "Ġmember": 4028, + "Ġ}": 4029, + "Ġbasis": 4030, + "Ġapprox": 4031, + "Ġconfig": 4032, + "Ġpeace": 4033, + "Ġgender": 4034, + "Ġapplied": 4035, + "Ġcompletely": 4036, + "Ġequal": 4037, + "Int": 4038, + "rupt": 4039, + "Ġstra": 4040, + "Ġdecided": 4041, + "ĠIS": 4042, + "ĠSept": 4043, + "ffect": 4044, + "edom": 4045, + "mitted": 4046, + "Ġelement": 4047, + "Ġworth": 4048, + "Ġtou": 4049, + "aste": 4050, + "Ġcoast": 4051, + "Ġdistance": 4052, + "ĠAugust": 4053, + "Ġsetting": 4054, + "can": 4055, + "ĠKe": 4056, + "Ġpolicies": 4057, + "Ġpromote": 4058, + "ĠAssoci": 4059, + "Ġdefault": 4060, + "Ġwrong": 4061, + "mp": 4062, + "ĠPress": 4063, + "Ġcoll": 4064, + "men": 4065, + "ros": 4066, + "Ġpurch": 4067, + "ounc": 4068, + "Ġinvolve": 4069, + "Ġlayer": 4070, + "atus": 4071, + "Ġacademic": 4072, + "Ġdistinct": 4073, + "Ġprinc": 4074, + "ara": 4075, + "ĠUse": 4076, + "Ġteeth": 4077, + "Ġcop": 4078, + "Ġfindings": 4079, + "Ġpy": 4080, + "Ġnorth": 4081, + "ht": 4082, + "Ġfather": 4083, + "Ġtru": 4084, + "--------------------------------": 4085, + "cipl": 4086, + "Ġdetect": 4087, + "iding": 4088, + "Ġhosp": 4089, + "Ġfully": 4090, + "edia": 4091, + "info": 4092, + "user": 4093, + "ĠDav": 4094, + "Ġrise": 4095, + "Ġeducational": 4096, + "ĠChinese": 4097, + "Ġanti": 4098, + "ico": 4099, + "Ġsurg": 4100, + "era": 4101, + "Ġcand": 4102, + "sub": 4103, + "ĠToday": 4104, + "CO": 4105, + "Ġemail": 4106, + "Ġfix": 4107, + "Ġrunning": 4108, + "Ġnote": 4109, + "Ġfigure": 4110, + "ĠEducation": 4111, + "Ġcurrently": 4112, + "rical": 4113, + "âĢĿ.": 4114, + "ĠDay": 4115, + "conn": 4116, + "Ġmathemat": 4117, + "Ġeconomy": 4118, + "Ġmath": 4119, + "Ġsigns": 4120, + "ĠWilli": 4121, + "Ġemotional": 4122, + "ees": 4123, + "ĠApril": 4124, + "cohol": 4125, + "Ġwatch": 4126, + "ica": 4127, + "Ġrepe": 4128, + "izer": 4129, + "lam": 4130, + "itutions": 4131, + "Ġson": 4132, + "Ġinstruct": 4133, + "hest": 4134, + "Ġbodies": 4135, + "Ġimag": 4136, + "Ġenter": 4137, + "Ġmoving": 4138, + "ĠMc": 4139, + "Ġprofession": 4140, + "Ġmap": 4141, + "Ġmob": 4142, + "Ġrisks": 4143, + "Ġpet": 4144, + "Ġgiving": 4145, + "Ġwanted": 4146, + "Ġworked": 4147, + "Ġschol": 4148, + "Ġoccurs": 4149, + "Ġwrote": 4150, + "([": 4151, + "len": 4152, + "AM": 4153, + "aul": 4154, + "ĠConst": 4155, + "Ġjoint": 4156, + "ford": 4157, + "Ġmiles": 4158, + "Ġinsights": 4159, + "Ġcomfort": 4160, + "Ġlived": 4161, + "Ġevolution": 4162, + "Ġmaster": 4163, + "ĠRead": 4164, + "ta": 4165, + "Ġwoman": 4166, + "Ġcoming": 4167, + "Ġalternative": 4168, + "Ġcry": 4169, + "Ġspecifically": 4170, + "ION": 4171, + "Ġassum": 4172, + "ĠPark": 4173, + "Ġreality": 4174, + "Ġord": 4175, + "hab": 4176, + "Ġpicture": 4177, + "ĠFalse": 4178, + "Ġextrem": 4179, + "Ġpassed": 4180, + "idden": 4181, + "Is": 4182, + "rab": 4183, + "ĠAre": 4184, + "ĠJuly": 4185, + "Ġfactor": 4186, + "Ġchoice": 4187, + "ĠSoci": 4188, + "Ġlat": 4189, + "Ġcapacity": 4190, + "ĠGovern": 4191, + "IL": 4192, + "ashington": 4193, + "pped": 4194, + "Ġoccup": 4195, + "rief": 4196, + "Ġking": 4197, + "yd": 4198, + "Ġcities": 4199, + "ping": 4200, + "Ġgir": 4201, + "ĠCur": 4202, + "Ġsouth": 4203, + "Ġintellig": 4204, + "net": 4205, + "ĠCity": 4206, + "Ġcompar": 4207, + "trans": 4208, + "ĠPat": 4209, + "EL": 4210, + "Ġadjust": 4211, + "Ġfinding": 4212, + "Ġtrend": 4213, + "Ġcontract": 4214, + "run": 4215, + "Ġphen": 4216, + "Ġgenetic": 4217, + "Ġindex": 4218, + "Ġimagine": 4219, + "Ġsurpr": 4220, + "ondon": 4221, + "ĠChurch": 4222, + "icip": 4223, + "craft": 4224, + "Ġdistribution": 4225, + "lin": 4226, + "aur": 4227, + "ĠPeople": 4228, + "ĠUnderstanding": 4229, + "Ġrand": 4230, + "Ġgold": 4231, + "ama": 4232, + "Ġfaith": 4233, + "Ġtopic": 4234, + "related": 4235, + "ename": 4236, + "Ġassist": 4237, + "Ġweak": 4238, + "Let": 4239, + "Ġcitizens": 4240, + "bal": 4241, + "Ġdied": 4242, + "oses": 4243, + "Ġsociet": 4244, + "False": 4245, + "ĠTest": 4246, + "Ġchanged": 4247, + "Ġfamous": 4248, + "Ġstore": 4249, + "ĠDon": 4250, + "Ġfederal": 4251, + "Ġgames": 4252, + "**:": 4253, + "norm": 4254, + "Ġbirds": 4255, + "ham": 4256, + "anging": 4257, + ");": 4258, + "wards": 4259, + "mark": 4260, + "Ġoperations": 4261, + "Ġillness": 4262, + "Ġfemale": 4263, + "ĠHigh": 4264, + "board": 4265, + "ses": 4266, + "ĠPresident": 4267, + "elcome": 4268, + "tical": 4269, + "ching": 4270, + "Ġrefers": 4271, + "ias": 4272, + "ĠIsrael": 4273, + "Ġnutri": 4274, + "ares": 4275, + "Ġresistance": 4276, + "Ġactual": 4277, + "Ġcommonly": 4278, + "ĠCong": 4279, + "ĠJournal": 4280, + "ĠChapter": 4281, + "array": 4282, + "Ġhappens": 4283, + "Ġcommerc": 4284, + "Ġeasier": 4285, + "Ġregions": 4286, + "Ġsexual": 4287, + "cast": 4288, + "'.": 4289, + "ĠBlack": 4290, + "ĠChar": 4291, + "Ġrequirements": 4292, + "enty": 4293, + "Ġplaced": 4294, + "Ġbecoming": 4295, + "Ġdeeper": 4296, + "orith": 4297, + "rid": 4298, + "Ġstrength": 4299, + "à¤": 4300, + "Ġatmosp": 4301, + "Ġformer": 4302, + "rix": 4303, + "going": 4304, + "cember": 4305, + "Ġexhib": 4306, + "Ġhelping": 4307, + "Ġexperiment": 4308, + "Ġrat": 4309, + "comm": 4310, + "ĠSince": 4311, + "xiety": 4312, + "Ġpresence": 4313, + "anish": 4314, + "Ġsample": 4315, + "ructure": 4316, + "Ġhappen": 4317, + "ifying": 4318, + "Ġprice": 4319, + "Ġtrack": 4320, + "zing": 4321, + "Ġpregn": 4322, + "Ġpopulations": 4323, + "Ġevol": 4324, + "Ġanyone": 4325, + "do": 4326, + "Ġthousands": 4327, + "Ġexcess": 4328, + "Ġidentified": 4329, + "Ġfeeling": 4330, + "Ġformed": 4331, + "ĠChe": 4332, + "Ġmonit": 4333, + "Ġvital": 4334, + "Ġstarting": 4335, + "Ġdrugs": 4336, + "Ġsem": 4337, + "Ġunivers": 4338, + "Ġwinter": 4339, + "Ġchanging": 4340, + "Ġvary": 4341, + "Ġshowed": 4342, + "Ġurban": 4343, + "aign": 4344, + "Ġreducing": 4345, + "Ġrot": 4346, + "Ġsharing": 4347, + "Ġdiabetes": 4348, + "Ġprepar": 4349, + "call": 4350, + "Ġremove": 4351, + "Ġexpression": 4352, + "ĠUnion": 4353, + "Ġfruit": 4354, + "Ġdefined": 4355, + "ĠMex": 4356, + "omb": 4357, + "ĠLab": 4358, + "Ġforeign": 4359, + "Ġcounter": 4360, + "aters": 4361, + "Ġopin": 4362, + "ĠSpec": 4363, + "Ġgets": 4364, + "ĠEast": 4365, + "Ġtopics": 4366, + "Ġsolid": 4367, + "Ġlabel": 4368, + "Ġrandom": 4369, + "Sh": 4370, + "dis": 4371, + "ĠTr": 4372, + "Ġattract": 4373, + "eline": 4374, + "ĠLaw": 4375, + "Ġdirection": 4376, + "Ġunf": 4377, + "Ġadvanced": 4378, + "Ġhealthcare": 4379, + "Ġeventually": 4380, + "Ġtasks": 4381, + "Ġmal": 4382, + "ĠVir": 4383, + "ĠDNA": 4384, + "field": 4385, + "Ġletter": 4386, + "gs": 4387, + "Ġmouth": 4388, + "Ġ[]": 4389, + "ache": 4390, + "iveness": 4391, + "ĠCounty": 4392, + "Se": 4393, + "etime": 4394, + "Ġconnected": 4395, + "Ġcomprehens": 4396, + "Ġtox": 4397, + "Ġwa": 4398, + "gl": 4399, + "ouncil": 4400, + "Ġfeelings": 4401, + "roy": 4402, + "Ġsituations": 4403, + "house": 4404, + "Ġball": 4405, + "Ġplans": 4406, + "Ġvill": 4407, + "Ġadvance": 4408, + "semb": 4409, + "ovember": 4410, + "Ġboard": 4411, + "Ġfilled": 4412, + "np": 4413, + "ĠJewish": 4414, + "Ġmentioned": 4415, + "Ġhair": 4416, + "Ġimmune": 4417, + "Ġstim": 4418, + "Ġreaders": 4419, + "ĠAlso": 4420, + "Ġready": 4421, + "Ġresulting": 4422, + "Ġpen": 4423, + "Ġunc": 4424, + "Ġawareness": 4425, + "Ġconsumption": 4426, + "iable": 4427, + "train": 4428, + "ĠPy": 4429, + "Ġpartners": 4430, + "Ġlessons": 4431, + "Ġhop": 4432, + "Ġglass": 4433, + "orb": 4434, + "Ġdespite": 4435, + "Ġbond": 4436, + "lay": 4437, + "ĠWashington": 4438, + "Ġcausing": 4439, + "Ġsort": 4440, + "ightly": 4441, + "PA": 4442, + "Ġpieces": 4443, + "ĠĠĠĠĠ": 4444, + "Ġtrain": 4445, + "Ġconclusion": 4446, + "Ġseparate": 4447, + "ĠSeptember": 4448, + "Some": 4449, + "ĠJanuary": 4450, + "ĠOctober": 4451, + "hips": 4452, + "Ġign": 4453, + "ĠAdditionally": 4454, + "Ġsac": 4455, + "Ġlib": 4456, + "cking": 4457, + "ĠConf": 4458, + "ĠBi": 4459, + "However": 4460, + "Ġblue": 4461, + "Ġtele": 4462, + "Ġbed": 4463, + "Ġplaying": 4464, + "amental": 4465, + "encing": 4466, + "Ġthoughts": 4467, + "Ġchance": 4468, + "ĠRoman": 4469, + "ether": 4470, + "Ġspect": 4471, + "Ġexperim": 4472, + "Ġdial": 4473, + "atin": 4474, + "Ġeight": 4475, + "Ġtechnique": 4476, + "iest": 4477, + "Ġpref": 4478, + "ped": 4479, + "Ġgarden": 4480, + "Ġinterpret": 4481, + "rops": 4482, + "pected": 4483, + "Ġbelieved": 4484, + "Ġapproaches": 4485, + "Ġexperienced": 4486, + "ube": 4487, + "down": 4488, + "Ġinfl": 4489, + "ĠAut": 4490, + "Ġpick": 4491, + "Ġid": 4492, + "HE": 4493, + "Ġvision": 4494, + "Ġincreases": 4495, + "ĠDef": 4496, + "ĠArch": 4497, + "dat": 4498, + "ĠBo": 4499, + "Ġhom": 4500, + "US": 4501, + "Ġgave": 4502, + "Ad": 4503, + "Ġstaff": 4504, + "Ġrow": 4505, + "rant": 4506, + "Ġexpert": 4507, + "rick": 4508, + "Ġdepending": 4509, + "Ġsustainable": 4510, + "Ġmanage": 4511, + "ophy": 4512, + "Ġmedicine": 4513, + "Ġerror": 4514, + "OT": 4515, + "Ġbaby": 4516, + "Ġencourage": 4517, + "All": 4518, + "Ġ+=": 4519, + "Ġcultures": 4520, + "ĠGermany": 4521, + "rome": 4522, + "Ġbelong": 4523, + "Ġcompl": 4524, + "input": 4525, + "Ġdivid": 4526, + "Ġmission": 4527, + "ĠLondon": 4528, + "Ġpresented": 4529, + "Ġoutcomes": 4530, + "OS": 4531, + "ĠFeb": 4532, + "Ġbillion": 4533, + "Ġnative": 4534, + "Ġprofessor": 4535, + "iance": 4536, + "Ġobserved": 4537, + "Ġchurch": 4538, + "Ġcontrast": 4539, + "Ġfrequently": 4540, + "Ġappears": 4541, + "Ġcogn": 4542, + "Ġrelatively": 4543, + "ĠRel": 4544, + "PS": 4545, + "Ġincome": 4546, + "Ġclasses": 4547, + "Ġ{}": 4548, + "Ġwalk": 4549, + "raction": 4550, + "ographic": 4551, + "arser": 4552, + "lor": 4553, + "Ġbusinesses": 4554, + "Ġengage": 4555, + "Ġcolumn": 4556, + "respond": 4557, + "Ġwonder": 4558, + "Ġmajority": 4559, + "orch": 4560, + "Ġconv": 4561, + "Ġemissions": 4562, + "Ġ...": 4563, + "hand": 4564, + "fe": 4565, + "Ġplays": 4566, + "Ġsuggests": 4567, + "resents": 4568, + "Ġtruth": 4569, + "gra": 4570, + "Ġbuy": 4571, + "Ġdiscussion": 4572, + "Ġhelped": 4573, + "asion": 4574, + "Ġlanguages": 4575, + "ĠProf": 4576, + "Ġfiles": 4577, + "alt": 4578, + "url": 4579, + "rieved": 4580, + "Ġonto": 4581, + "After": 4582, + "alle": 4583, + "Ġcircum": 4584, + "Ġrecords": 4585, + "Ph": 4586, + "tered": 4587, + "Ġadvent": 4588, + "urance": 4589, + "Here": 4590, + "Ġheavy": 4591, + "Ġfelt": 4592, + "ris": 4593, + "Ġreference": 4594, + "Ġtissue": 4595, + "ĠThus": 4596, + "Ġcoord": 4597, + "Ġsounds": 4598, + "Ġcreation": 4599, + "cap": 4600, + "ressive": 4601, + "čĊĠĠĠĠĠĠĠĠĠĠĠ": 4602, + "ĠBar": 4603, + "Ġprocessing": 4604, + "antic": 4605, + "Ġap": 4606, + "no": 4607, + "Ġoffice": 4608, + "orge": 4609, + "Ġtransfer": 4610, + "Ġinternal": 4611, + "hetic": 4612, + "Ġplastic": 4613, + "Ġheight": 4614, + "gypt": 4615, + "Ġcharacteristics": 4616, + "ĠAustralia": 4617, + "ĠCor": 4618, + "ygen": 4619, + "flow": 4620, + "abase": 4621, + "Ġoption": 4622, + "ĠSom": 4623, + "Ġformat": 4624, + "Ġfert": 4625, + "Ġriver": 4626, + "ĠEnvironment": 4627, + "UT": 4628, + "Ġimproved": 4629, + "ĠSur": 4630, + "Ġreports": 4631, + "qual": 4632, + "cular": 4633, + "Ġincreasingly": 4634, + "code": 4635, + "Ġâ": 4636, + "uit": 4637, + "level": 4638, + "count": 4639, + "Ġprefer": 4640, + "ĠWestern": 4641, + "Ġturned": 4642, + "ĠWater": 4643, + "annel": 4644, + "ĠDecember": 4645, + "arning": 4646, + "Ġmotiv": 4647, + "othes": 4648, + "ĠFrance": 4649, + "Ġdisorder": 4650, + "ĠBecause": 4651, + "Ġliqu": 4652, + "ĠSan": 4653, + "Ġimmediately": 4654, + "Ġsav": 4655, + "icon": 4656, + "Ġalcohol": 4657, + "Ġnotes": 4658, + "Ġensuring": 4659, + "ĠGeneral": 4660, + "Ġdisorders": 4661, + "Ġmist": 4662, + "ributed": 4663, + "ĠUK": 4664, + "Ġengineering": 4665, + "Ġmuscle": 4666, + "action": 4667, + "Ġclinical": 4668, + "Ġrepresents": 4669, + "Ġclassroom": 4670, + "vision": 4671, + "Ġmale": 4672, + "iced": 4673, + "Ġindustrial": 4674, + "Ġgene": 4675, + "rame": 4676, + "Ġrace": 4677, + "Ġconflict": 4678, + "Ġinstitutions": 4679, + "ded": 4680, + "ĠSol": 4681, + "rest": 4682, + "Ġcolors": 4683, + "pat": 4684, + "ĠMedic": 4685, + "Ġgeneration": 4686, + "https": 4687, + "Ġiron": 4688, + "Ġvul": 4689, + "Ġalgorith": 4690, + "des": 4691, + "Ġdiversity": 4692, + "Ġanxiety": 4693, + "Ġinterests": 4694, + "Ġenhance": 4695, + "Ġdive": 4696, + "Ġparticipants": 4697, + "Ġelif": 4698, + "ĠHouse": 4699, + "ĠExpl": 4700, + "icense": 4701, + "ĠSociety": 4702, + "Ġjo": 4703, + "road": 4704, + "ilarly": 4705, + "Ġrelease": 4706, + "ruary": 4707, + "Ġcollege": 4708, + "being": 4709, + "Ġtransl": 4710, + "Ġhomes": 4711, + "ĠData": 4712, + "Ġcommercial": 4713, + "Ġtrig": 4714, + "plot": 4715, + "ref": 4716, + "ensions": 4717, + "Ġmetal": 4718, + "Ġmaintaining": 4719, + "Ġantib": 4720, + "ĠDi": 4721, + "Ġ->": 4722, + "Ġapproximately": 4723, + "osystem": 4724, + "ologists": 4725, + "Ġwin": 4726, + "Ġintroduced": 4727, + "ING": 4728, + "rations": 4729, + "ĠUnit": 4730, + "ĠAng": 4731, + "Ġparty": 4732, + "Ġleads": 4733, + "Ġelim": 4734, + "ails": 4735, + "ĠInstead": 4736, + "Ġviolence": 4737, + "Ġreligion": 4738, + "Ġchallenging": 4739, + "Ġfacilit": 4740, + "Ġremov": 4741, + "°": 4742, + "object": 4743, + "Ġingred": 4744, + "ĠNovember": 4745, + "ixt": 4746, + "aset": 4747, + "Ġconsequences": 4748, + "Ġvast": 4749, + "azing": 4750, + "Ġmeeting": 4751, + "Ġmo": 4752, + "ishing": 4753, + "ĠEgypt": 4754, + "oding": 4755, + "Ġdecades": 4756, + "Ġbreast": 4757, + "ĠSocial": 4758, + "Ġstorage": 4759, + "Ġadvoc": 4760, + "acing": 4761, + "empl": 4762, + "Ġclearly": 4763, + "Ġtemperatures": 4764, + "Ġjustice": 4765, + "Ġfreedom": 4766, + "ĊĊĠĠĠĠĠĠĠĠĠĠĠ": 4767, + "ords": 4768, + "icated": 4769, + "Ġtour": 4770, + "Ġfilm": 4771, + "Ġcourt": 4772, + "uses": 4773, + "Ġpp": 4774, + "Ġaren": 4775, + "Ġhuge": 4776, + "Ġnutrition": 4777, + "Ġspeech": 4778, + "Ġterrit": 4779, + "eding": 4780, + "ĠIts": 4781, + "Ġfocused": 4782, + "Ġinsect": 4783, + "Ġunits": 4784, + "Ġmulti": 4785, + "Ġpractical": 4786, + "ĠSee": 4787, + "Ġmilk": 4788, + "Ġbuildings": 4789, + "ĠMoreover": 4790, + "Ġindependent": 4791, + "Imagine": 4792, + "leg": 4793, + "const": 4794, + "Ġcareer": 4795, + "LE": 4796, + "akers": 4797, + "Ġengaging": 4798, + "Ġstrategy": 4799, + "icial": 4800, + "Ġemotions": 4801, + "tee": 4802, + "Ġpric": 4803, + "Ġassessment": 4804, + "UR": 4805, + "sol": 4806, + "enth": 4807, + "ux": 4808, + "Another": 4809, + "box": 4810, + "Ġseek": 4811, + "Ġbatter": 4812, + "ortunately": 4813, + "Ġstatement": 4814, + "omas": 4815, + "ĠMat": 4816, + "?\"": 4817, + "cript": 4818, + "Ġreplace": 4819, + "Type": 4820, + "gin": 4821, + "ĠFurthermore": 4822, + "ĠSch": 4823, + "Ġexcell": 4824, + "Ġkeeping": 4825, + "oma": 4826, + "ĠRev": 4827, + "Mod": 4828, + "zer": 4829, + "vironments": 4830, + "Ġdri": 4831, + "ibilities": 4832, + "Ġcreative": 4833, + "Ġcycle": 4834, + "Ġminor": 4835, + "Ġstudying": 4836, + "ĠPublic": 4837, + "Ġtreated": 4838, + "erved": 4839, + "Ġsettings": 4840, + "ĠOb": 4841, + "itage": 4842, + "Ġextremely": 4843, + "Ġphenomen": 4844, + "Ġexperts": 4845, + "ĠAssociation": 4846, + "shape": 4847, + "ĠAv": 4848, + "join": 4849, + "atically": 4850, + "Ġcontinues": 4851, + "aint": 4852, + "spec": 4853, + "Ġinterested": 4854, + "Ġcorrespond": 4855, + "Ġprimarily": 4856, + "Ġcook": 4857, + "Ġconducted": 4858, + "Ġdepression": 4859, + "Ġcollabor": 4860, + "tra": 4861, + "ctor": 4862, + "Ġpret": 4863, + "ĠPal": 4864, + "mary": 4865, + "Ġelectricity": 4866, + "Ġsurvey": 4867, + "db": 4868, + "Ġbottom": 4869, + "Ġstar": 4870, + "Ġju": 4871, + "Ġtrou": 4872, + "ĠPlan": 4873, + "Ġisol": 4874, + "Ġhear": 4875, + "Ġtrib": 4876, + "ii": 4877, + "Ġcampaign": 4878, + "Ġwis": 4879, + "Ġorganic": 4880, + "Ġpul": 4881, + "ĠTherefore": 4882, + "enses": 4883, + "Ġflex": 4884, + "][": 4885, + "ĠHar": 4886, + "Ġnotice": 4887, + "then": 4888, + "Ġwidely": 4889, + "Ġefficiency": 4890, + "Ġcarried": 4891, + "iverse": 4892, + "Ġdram": 4893, + "Ġprepared": 4894, + "DA": 4895, + "ĠWhy": 4896, + "Ġspot": 4897, + "Why": 4898, + "gment": 4899, + "inn": 4900, + "Ġlegis": 4901, + "Ġgenerations": 4902, + "Ġsand": 4903, + "Ġframew": 4904, + "Ġgrant": 4905, + "poses": 4906, + "Ġbud": 4907, + "ressed": 4908, + "ĠDevelopment": 4909, + "ĠGreen": 4910, + "Ġsecret": 4911, + "ĠBra": 4912, + "ĠWrit": 4913, + "Ġbone": 4914, + "rum": 4915, + "pen": 4916, + "result": 4917, + "rep": 4918, + "Ġhighest": 4919, + "eria": 4920, + "Ġspring": 4921, + "Ġsynt": 4922, + "Ġwall": 4923, + "ĠGra": 4924, + "Ġcombination": 4925, + "Ġdrive": 4926, + "Ġpros": 4927, + "Ġstring": 4928, + "Ġhousehold": 4929, + "Ġextract": 4930, + "ĠJapanese": 4931, + "Ġfavorite": 4932, + "da": 4933, + "ĠAN": 4934, + "Ġmoved": 4935, + "Ġartists": 4936, + "Ġmovements": 4937, + "Ġinvent": 4938, + "Ġperspective": 4939, + "Ġperformed": 4940, + "inger": 4941, + "Ġfamiliar": 4942, + "Ġthick": 4943, + "Ġplayed": 4944, + "ĠMor": 4945, + "lege": 4946, + "Ġrecommended": 4947, + "They": 4948, + "Ġconservation": 4949, + "ĠFound": 4950, + "Ġchronic": 4951, + "output": 4952, + "Ġoperation": 4953, + "ĠUN": 4954, + "Ġspiritual": 4955, + "Ġsong": 4956, + "Ġspent": 4957, + "orial": 4958, + "Ġfundamental": 4959, + "Ġgather": 4960, + "top": 4961, + "Ġseven": 4962, + "ĠGreek": 4963, + "ste": 4964, + "ologist": 4965, + "iling": 4966, + "ĠWilliam": 4967, + "emic": 4968, + "Ġworldwide": 4969, + "oyal": 4970, + "Ġlibrary": 4971, + "Ġmeant": 4972, + "Ġsignal": 4973, + "Ġresponsibility": 4974, + "Ġchoices": 4975, + "Ġsaying": 4976, + "Ġbeliefs": 4977, + "Ġenvironments": 4978, + "Ġfine": 4979, + "Ġcultiv": 4980, + "Ġvolume": 4981, + "ĠRetrieved": 4982, + "Ġoxygen": 4983, + "Ġconver": 4984, + "reed": 4985, + "Ġvulner": 4986, + "Ġsuppl": 4987, + "SA": 4988, + "Ġple": 4989, + "Ġadding": 4990, + "Ġprofessionals": 4991, + "Ġconsult": 4992, + "Ġcovered": 4993, + "ĠMr": 4994, + "Ġdoub": 4995, + "ĠHuman": 4996, + "Ġfailure": 4997, + "Ġkid": 4998, + "ĠProgram": 4999, + "Ġproperly": 5000, + "osen": 5001, + "Ġmel": 5002, + "Ġpoly": 5003, + "Ġexternal": 5004, + "process": 5005, + "Ġuniversity": 5006, + "Ġremind": 5007, + "Ġpal": 5008, + "Ġincred": 5009, + "Ġdra": 5010, + "Ġsyn": 5011, + "igure": 5012, + "ĠĠĠĠĠĠ": 5013, + "isation": 5014, + "Ġlandscape": 5015, + "sec": 5016, + "Ġsignificance": 5017, + "imal": 5018, + "Ġserved": 5019, + "cal": 5020, + "Ġembra": 5021, + "ĠST": 5022, + "âĢĿ,": 5023, + "Ġhappened": 5024, + "ĠOrgan": 5025, + "Ġarm": 5026, + "Ġdegrees": 5027, + "image": 5028, + "Ġimpacts": 5029, + "ocal": 5030, + "http": 5031, + "Ġarticles": 5032, + "Ġitem": 5033, + "Ġcenturies": 5034, + "Ġseeds": 5035, + "oted": 5036, + "ĠJames": 5037, + "Ġtitle": 5038, + "dim": 5039, + "Ġlesson": 5040, + "roph": 5041, + "Ġadvice": 5042, + "rence": 5043, + "Ġcast": 5044, + "Ġexamine": 5045, + "Ġdogs": 5046, + "Ġseed": 5047, + "ĠIslam": 5048, + "Ġplot": 5049, + "oke": 5050, + "Ġgenerate": 5051, + "oper": 5052, + "rating": 5053, + "Ġcarefully": 5054, + "ingly": 5055, + "En": 5056, + "Ġpapers": 5057, + "dent": 5058, + "Ġsamples": 5059, + "Ġupper": 5060, + "ĠCongress": 5061, + "Ġorigin": 5062, + "rics": 5063, + "ĠUsing": 5064, + "Ġocean": 5065, + "Ġagg": 5066, + "Ġhighlight": 5067, + "ĠMark": 5068, + "Ġsmart": 5069, + "Ġmere": 5070, + "ĠSpanish": 5071, + "label": 5072, + "Ġletters": 5073, + "icians": 5074, + "Ġround": 5075, + "Ġclosely": 5076, + "Ġcomponent": 5077, + "Ġscreen": 5078, + "Ġarray": 5079, + "Ind": 5080, + "ĠEvery": 5081, + "apping": 5082, + "Ġmer": 5083, + "Ġsatis": 5084, + "Ġcontaining": 5085, + "otal": 5086, + "Ġfinally": 5087, + "Ġvolunt": 5088, + "Ġroll": 5089, + "Ġfigures": 5090, + "Ġsend": 5091, + "Ġwealth": 5092, + "ĠInternet": 5093, + "Ġpreviously": 5094, + "ulf": 5095, + "ĠFebruary": 5096, + "ĠAir": 5097, + "ĠFood": 5098, + "ĠMary": 5099, + "za": 5100, + "Ġpotentially": 5101, + "Ġimpl": 5102, + "Ġrul": 5103, + "othing": 5104, + "anch": 5105, + "Ġecosystem": 5106, + "())": 5107, + "Ġadop": 5108, + "Ġamounts": 5109, + "lines": 5110, + "'),": 5111, + "ĠOff": 5112, + "last": 5113, + "().": 5114, + "Ġnetworks": 5115, + "Ġinflamm": 5116, + "Ġlooks": 5117, + "Ġreleased": 5118, + "ĠSub": 5119, + "anges": 5120, + "Cont": 5121, + "Ġerr": 5122, + "map": 5123, + "Ġreferred": 5124, + "Ġdescribe": 5125, + "essage": 5126, + "Data": 5127, + "Ġinjury": 5128, + "Ġflood": 5129, + "rich": 5130, + "unk": 5131, + "Ġpurposes": 5132, + "Col": 5133, + "((": 5134, + "RI": 5135, + "Ġvegetables": 5136, + "CC": 5137, + "active": 5138, + "Ġowners": 5139, + "ball": 5140, + "Ġhttps": 5141, + "Ġdestroy": 5142, + "Ġconfirm": 5143, + "pathy": 5144, + "ĠLa": 5145, + "Ġaid": 5146, + "Ġnuclear": 5147, + "ĠBoth": 5148, + "ĠMal": 5149, + "Ġlinked": 5150, + "ĠLord": 5151, + "Ġjobs": 5152, + "ĠVol": 5153, + "Ġpu": 5154, + "Ġseeking": 5155, + "eli": 5156, + "ollow": 5157, + "Ġpages": 5158, + "ĠMich": 5159, + "estion": 5160, + "Ġaccurate": 5161, + "write": 5162, + "Ġadvantage": 5163, + "wargs": 5164, + "Ġpresident": 5165, + "Ġourselves": 5166, + "rm": 5167, + "Ġgod": 5168, + "Ġtum": 5169, + "Ġleaving": 5170, + "Ġradio": 5171, + "stream": 5172, + "Ġstraight": 5173, + "Ġtraditions": 5174, + "Ġconvent": 5175, + "Ġmeat": 5176, + "Ġdangerous": 5177, + "Ġremoved": 5178, + "Ġsurgery": 5179, + "nic": 5180, + "Ġcapable": 5181, + "Ġbattle": 5182, + "Ġestimated": 5183, + "Ġformation": 5184, + "Ġongoing": 5185, + "Ġcredit": 5186, + "ida": 5187, + "Ġpromoting": 5188, + "Ġcomment": 5189, + "Ġroots": 5190, + "Ġroles": 5191, + "Ġexplained": 5192, + "Ġtail": 5193, + "ĠChildren": 5194, + "That": 5195, + "Ġmaybe": 5196, + "itness": 5197, + "bi": 5198, + "Ġmostly": 5199, + "Ġradiation": 5200, + "Ġreb": 5201, + "Ġenable": 5202, + "inations": 5203, + "Ġpossess": 5204, + "ĠStudents": 5205, + "Ġpollution": 5206, + "Ġsou": 5207, + "Ġsets": 5208, + ".__": 5209, + "which": 5210, + "inent": 5211, + "From": 5212, + "Ġrelative": 5213, + "Ġotherwise": 5214, + "Ġapart": 5215, + "ificial": 5216, + "Ġhorm": 5217, + "Ġgrade": 5218, + "Ġsubjects": 5219, + "Ġpush": 5220, + "Ġrecognize": 5221, + "Ġsquare": 5222, + "rapy": 5223, + "ĠSy": 5224, + "Ġvess": 5225, + "body": 5226, + "ipped": 5227, + "Ġguidelines": 5228, + "CH": 5229, + "No": 5230, + "anguage": 5231, + "Ġvictim": 5232, + "Ġneuro": 5233, + "Ġcharg": 5234, + "ĠEv": 5235, + "ĠAD": 5236, + "ĠSupp": 5237, + "asure": 5238, + "Ġphase": 5239, + "[:": 5240, + "Ġupd": 5241, + "ĠCollege": 5242, + "ogue": 5243, + "ellect": 5244, + "Ġrevolution": 5245, + "Ġeggs": 5246, + "MS": 5247, + "'m": 5248, + "Ġrain": 5249, + "Ġdetermined": 5250, + "aker": 5251, + "Ġtal": 5252, + "Ġsecure": 5253, + "Ġargument": 5254, + "ĠAsia": 5255, + "aughter": 5256, + "](": 5257, + "ĠRemember": 5258, + "ĠDavid": 5259, + "ĠPhys": 5260, + "ĠRepublic": 5261, + "otic": 5262, + "Ġfaced": 5263, + "Ġatmosphere": 5264, + "ĠProject": 5265, + "ĠFore": 5266, + "Ġmotor": 5267, + "roc": 5268, + "Ġvitamin": 5269, + "Ġpun": 5270, + "ij": 5271, + "ĠWeb": 5272, + "ypes": 5273, + "Ġvoice": 5274, + "ensor": 5275, + "Ġcombined": 5276, + "Ġnor": 5277, + "Ġdefinition": 5278, + "Ġtreatments": 5279, + "ĠRef": 5280, + "arrow": 5281, + ".;": 5282, + "Ġfarmers": 5283, + "Ġgenes": 5284, + "Ġinfections": 5285, + "ĠImagine": 5286, + "uted": 5287, + "Ġsports": 5288, + "Ġtechnical": 5289, + "Ġintelligence": 5290, + "Ġargs": 5291, + "Equal": 5292, + "Ġmonitoring": 5293, + "ĠMake": 5294, + "Ġgrand": 5295, + "cs": 5296, + "ĠProt": 5297, + "Ġcircumst": 5298, + "ĠCouncil": 5299, + "Ġappreciate": 5300, + "Ġearn": 5301, + "Ġsupported": 5302, + "Ġreaction": 5303, + "ĠMet": 5304, + "faces": 5305, + "hist": 5306, + "Ġfacts": 5307, + "Pl": 5308, + "Ġtaught": 5309, + "ĠHave": 5310, + "ĠBel": 5311, + "ĠTur": 5312, + "Ġfrequency": 5313, + "Ġdict": 5314, + "Many": 5315, + "Ġannual": 5316, + "Ġmanufacture": 5317, + "reet": 5318, + "riage": 5319, + "lig": 5320, + "Ġworry": 5321, + "Ġinvolving": 5322, + "iled": 5323, + "Ġperiods": 5324, + "ĠAlex": 5325, + "Ġofficial": 5326, + "rastructure": 5327, + "Ġlooked": 5328, + "riculum": 5329, + "ĠLife": 5330, + "Ġfaster": 5331, + "Ġnoted": 5332, + "well": 5333, + "Ġkn": 5334, + "CT": 5335, + "Ġbarri": 5336, + "Ġwhom": 5337, + "ĠDem": 5338, + "Ġcollaboration": 5339, + "Ġoffered": 5340, + "Ġknew": 5341, + "ĠCre": 5342, + "ald": 5343, + "Ġspend": 5344, + "First": 5345, + "zy": 5346, + "Ġcognitive": 5347, + "Ġtalking": 5348, + "hent": 5349, + "pping": 5350, + "Ġauthority": 5351, + "asp": 5352, + "Ġhour": 5353, + "Ġultimately": 5354, + "Ġnations": 5355, + "Ġhelpful": 5356, + "Ġrenew": 5357, + "ndrome": 5358, + "Ġslightly": 5359, + "Ġanswers": 5360, + "Ġplease": 5361, + "ĠHel": 5362, + "Ġcharge": 5363, + "Ġhearing": 5364, + "lo": 5365, + "Ġdiscrim": 5366, + "python": 5367, + "Ġalign": 5368, + "Ġshowing": 5369, + "ĠGeorge": 5370, + "Ġcompleted": 5371, + "Ġgrass": 5372, + "ĠBas": 5373, + "essor": 5374, + "Ġkilled": 5375, + "Ġscholars": 5376, + "Ġlung": 5377, + "ĠIsland": 5378, + "Ġmit": 5379, + "Ġhit": 5380, + "icks": 5381, + "Ġideal": 5382, + "Ġtiny": 5383, + "isher": 5384, + "uilding": 5385, + "Ġconsid": 5386, + "Ġexistence": 5387, + "Ġreached": 5388, + "ĠMuseum": 5389, + "Ġstream": 5390, + "Ġcere": 5391, + "arp": 5392, + "ĠHistor": 5393, + "yles": 5394, + "ĠOpt": 5395, + "cell": 5396, + "ĠClass": 5397, + "****": 5398, + "ĠGet": 5399, + "ns": 5400, + "ario": 5401, + "iration": 5402, + "ĠPort": 5403, + "uster": 5404, + "Ġsubstant": 5405, + "return": 5406, + "ĠFam": 5407, + "astern": 5408, + "OD": 5409, + "Ġdescription": 5410, + "Ġvent": 5411, + "Ġexcellent": 5412, + "Ġcris": 5413, + "ycl": 5414, + "á": 5415, + "Ġtruly": 5416, + "Ġperspectives": 5417, + "Ġimproving": 5418, + "ĠAdd": 5419, + "Ġsalt": 5420, + "Ġreduction": 5421, + "sum": 5422, + "Ġsmooth": 5423, + "ossible": 5424, + "Our": 5425, + "pred": 5426, + "ĠSet": 5427, + "Ġmaximum": 5428, + "Ġtooth": 5429, + "ĠSun": 5430, + "AB": 5431, + "Ġisland": 5432, + "Ġproposed": 5433, + "alysis": 5434, + "lete": 5435, + "inant": 5436, + "Ġdie": 5437, + "making": 5438, + "iant": 5439, + "ander": 5440, + "umber": 5441, + "Ġtraffic": 5442, + "Ġknows": 5443, + "Ġenab": 5444, + "ĠUp": 5445, + "ĠPhD": 5446, + "ĠBudd": 5447, + "crete": 5448, + "According": 5449, + "Ġyield": 5450, + "Ġexposed": 5451, + "Ġobvious": 5452, + "Ġbrief": 5453, + "Ġkept": 5454, + "ĠPaul": 5455, + "Ġglob": 5456, + "ĠSam": 5457, + "ĠRober": 5458, + "ĠHIV": 5459, + "Ġphone": 5460, + "Ġbank": 5461, + "Ġcandid": 5462, + "wood": 5463, + "Ġelectrical": 5464, + "ĠBen": 5465, + "Ġlayers": 5466, + "pass": 5467, + "Field": 5468, + "Ġparticles": 5469, + "ĠÐ": 5470, + "ĠSk": 5471, + "normal": 5472, + "Ġinterview": 5473, + "lib": 5474, + "ĠSuch": 5475, + "but": 5476, + "ĠTex": 5477, + "Ġchemicals": 5478, + "Ġkinds": 5479, + "long": 5480, + "ested": 5481, + "Ġsolve": 5482, + "Ġacknow": 5483, + "ria": 5484, + "Ġamazing": 5485, + "Ġdeliver": 5486, + "Ġexchange": 5487, + "ya": 5488, + "Ġraised": 5489, + "icit": 5490, + "Ġparties": 5491, + "Ġintended": 5492, + "ĠCath": 5493, + "fit": 5494, + "ĠOut": 5495, + "Ġoperating": 5496, + "TS": 5497, + "ĠCult": 5498, + "Ġsufficient": 5499, + "Ġdiscipl": 5500, + "Ġmuscles": 5501, + "Ġremained": 5502, + "Ġgoods": 5503, + "Ġflowers": 5504, + "ague": 5505, + "Ġoffering": 5506, + "More": 5507, + "Ġcertainly": 5508, + "ĠMount": 5509, + "Ġdrawing": 5510, + "Ġcoal": 5511, + "Ġfirm": 5512, + "Ġsche": 5513, + "ĠArab": 5514, + "ago": 5515, + "ĠList": 5516, + "Ġban": 5517, + "json": 5518, + "Have": 5519, + "ĠGovernment": 5520, + "Ġindicate": 5521, + "Ġmotion": 5522, + "oughly": 5523, + "coming": 5524, + "Ġimmig": 5525, + "gi": 5526, + "Ġsubsequ": 5527, + "step": 5528, + "New": 5529, + "Ġcomputers": 5530, + "nes": 5531, + "Ġextreme": 5532, + "Ġregional": 5533, + "Ġselected": 5534, + "Ġthemes": 5535, + "Ġgovernments": 5536, + "Ġmarg": 5537, + "ĠService": 5538, + "stract": 5539, + "Ġraw": 5540, + "ras": 5541, + "Ġviews": 5542, + "Ġregul": 5543, + "win": 5544, + "ĠKeep": 5545, + "tenance": 5546, + "Ġaffects": 5547, + "ĠâĢ¦": 5548, + "ĠÃ": 5549, + "ĠMiddle": 5550, + "eer": 5551, + "Ġdepends": 5552, + "Ġliquid": 5553, + "Ġsett": 5554, + "arsh": 5555, + "ĠSer": 5556, + "Ġhyper": 5557, + "Ġfollows": 5558, + "ville": 5559, + "clusive": 5560, + "Ġdouble": 5561, + "Ġflat": 5562, + "ĠJews": 5563, + "icious": 5564, + "ĠRich": 5565, + "inding": 5566, + "Ġcloser": 5567, + "ny": 5568, + "Ġyouth": 5569, + "'],": 5570, + "Ġresist": 5571, + "ado": 5572, + "ĠCentral": 5573, + "Ġfruits": 5574, + "Ġship": 5575, + "DF": 5576, + "cers": 5577, + "Ġregularly": 5578, + "Key": 5579, + "Ġfunding": 5580, + "aturally": 5581, + "Ġdro": 5582, + "---": 5583, + "Ġnutrients": 5584, + "itors": 5585, + "(),": 5586, + "Ġhappy": 5587, + "what": 5588, + "Ġappoint": 5589, + "Ġconclud": 5590, + "ictionary": 5591, + "....": 5592, + "Ġcreates": 5593, + "Ġinternet": 5594, + "Ġedge": 5595, + "Ġfrag": 5596, + "cest": 5597, + "Ġreturned": 5598, + "params": 5599, + "Ġspaces": 5600, + "Ġfort": 5601, + "conomic": 5602, + "Ġwasn": 5603, + "Ġtexts": 5604, + "Ġhandle": 5605, + "group": 5606, + "Ġthin": 5607, + "Ġtips": 5608, + "ĠPract": 5609, + "Ġdiscovery": 5610, + "Ġmort": 5611, + "rows": 5612, + "Ġsuggested": 5613, + "Ġfab": 5614, + "Ġbird": 5615, + "Ġrein": 5616, + "Ġasking": 5617, + "Ġcert": 5618, + "Ġkill": 5619, + "ĠCourt": 5620, + "roid": 5621, + "ĠIN": 5622, + "stood": 5623, + "acific": 5624, + "Ġhospital": 5625, + "Ġnerv": 5626, + "while": 5627, + "CE": 5628, + "den": 5629, + "Ġmainly": 5630, + "Ġhidden": 5631, + "Ġinformed": 5632, + "UN": 5633, + "Ġbegins": 5634, + "Ġinnovative": 5635, + "Ġdedicated": 5636, + "eless": 5637, + "ifies": 5638, + "ĠDirect": 5639, + "band": 5640, + "Ġmedium": 5641, + "Ġinvestment": 5642, + "Ġprocedure": 5643, + "orking": 5644, + "Ġrapidly": 5645, + "ĠAI": 5646, + "ĠMexico": 5647, + "Ġabuse": 5648, + "Ġcareful": 5649, + "Gen": 5650, + "ĠCivil": 5651, + "ogether": 5652, + "nam": 5653, + "Ġproteins": 5654, + "Ġtried": 5655, + "Ġwaters": 5656, + "Ġforced": 5657, + "uls": 5658, + "Ġabsol": 5659, + "Ġdocuments": 5660, + "Ġdoll": 5661, + "onic": 5662, + "ĠLearning": 5663, + "ĠÎ": 5664, + "ĠSecond": 5665, + "ounced": 5666, + "parent": 5667, + "Ġdisapp": 5668, + "othe": 5669, + "Ġstorm": 5670, + "ĠLatin": 5671, + "plicated": 5672, + "wid": 5673, + "ears": 5674, + "Ġclim": 5675, + "Ġdiagnosis": 5676, + "Ġsouthern": 5677, + "Ġtoxic": 5678, + "ĠBritain": 5679, + "valid": 5680, + "Ġbright": 5681, + "Ġsupporting": 5682, + "ĠWhite": 5683, + "ĠHen": 5684, + "ĠAtt": 5685, + "Ġmoist": 5686, + "Ġcircumstances": 5687, + "Ġclient": 5688, + "Ġfluid": 5689, + "weight": 5690, + "Ġoccurred": 5691, + "Ġstone": 5692, + "Ġbehaviors": 5693, + "Ġleadership": 5694, + "Ġprocedures": 5695, + "post": 5696, + "Ġprepare": 5697, + "Äģ": 5698, + "html": 5699, + "Ġwindow": 5700, + "aks": 5701, + "Ġleader": 5702, + "Ġstars": 5703, + "istan": 5704, + "ifications": 5705, + "Ġfoundation": 5706, + "Ġconsistent": 5707, + "ĠDist": 5708, + "anged": 5709, + "Ġmanner": 5710, + "Ġmillions": 5711, + "Ġsuitable": 5712, + "ĠTwo": 5713, + "rust": 5714, + "Ġintellect": 5715, + "Ġsector": 5716, + "Ġbrother": 5717, + "ilience": 5718, + "Ġselection": 5719, + "Ġpoet": 5720, + "Ġlies": 5721, + "ĠNav": 5722, + "Ġmode": 5723, + "Ġyellow": 5724, + "free": 5725, + "Ġemployees": 5726, + "Ġpictures": 5727, + "Ġ!": 5728, + "Ġstation": 5729, + "Ġinfrastructure": 5730, + "ĠMuslim": 5731, + "Ġloved": 5732, + "ĠMac": 5733, + "instance": 5734, + "doc": 5735, + "Ġaccompl": 5736, + "api": 5737, + "Ġmorning": 5738, + "ĠNet": 5739, + "Ġpretty": 5740, + "Ġera": 5741, + "herent": 5742, + "ĠNAS": 5743, + "ĠSpace": 5744, + "dden": 5745, + "sk": 5746, + "Ġdomestic": 5747, + "Ġbiological": 5748, + "Ġingredients": 5749, + "Ġunderlying": 5750, + "rec": 5751, + "Ġexplan": 5752, + "Ġskill": 5753, + "Ġdecide": 5754, + "atever": 5755, + "Ġvehicle": 5756, + "Ġjoin": 5757, + "Ġmatch": 5758, + "Ġinteractions": 5759, + "Ġbow": 5760, + "Ġnorthern": 5761, + "yp": 5762, + "ĠOld": 5763, + "Ġformal": 5764, + "method": 5765, + "Ġdu": 5766, + "Ġsettle": 5767, + "Ġdrop": 5768, + "Ġinstrument": 5769, + "Ġprices": 5770, + "Ġcollected": 5771, + "Ġthor": 5772, + "urity": 5773, + "Ġpray": 5774, + "HO": 5775, + "bed": 5776, + "Ġwear": 5777, + "ĠTexas": 5778, + "lick": 5779, + "Ġwalls": 5780, + "ools": 5781, + "Ġobst": 5782, + "Ġguidance": 5783, + "ĠCam": 5784, + "Ġinstruction": 5785, + "ĠPost": 5786, + "osite": 5787, + "Although": 5788, + "Ġelev": 5789, + "Ġdelve": 5790, + "Ġneighb": 5791, + "ician": 5792, + "Ġwet": 5793, + "Ġharmful": 5794, + "Ġpersist": 5795, + "Ġappearance": 5796, + "Ġrecorded": 5797, + "Ġvirtual": 5798, + "berg": 5799, + "Ġoral": 5800, + "verty": 5801, + "gal": 5802, + "Ġclick": 5803, + "ĠTechnology": 5804, + "filename": 5805, + "Ġsnow": 5806, + "Ġhaz": 5807, + "Ġcorpor": 5808, + "Ġpoverty": 5809, + "IR": 5810, + "Ġvariable": 5811, + "exp": 5812, + "rolog": 5813, + "Ġsudden": 5814, + "Ġextent": 5815, + "ĠJe": 5816, + "Ġdatabase": 5817, + "rian": 5818, + "IG": 5819, + "Name": 5820, + "Us": 5821, + "Ġremark": 5822, + "Ġlinks": 5823, + "nel": 5824, + "la": 5825, + "CS": 5826, + "ĠManagement": 5827, + "Ġdriving": 5828, + "ĠInc": 5829, + "wer": 5830, + "mas": 5831, + "Ġfostering": 5832, + "ĠQue": 5833, + "Ġfacilities": 5834, + "ups": 5835, + "Ġcourses": 5836, + "ĠGoogle": 5837, + "Ġresol": 5838, + "ĠAnother": 5839, + "Ġfoss": 5840, + "Ġ('": 5841, + "Ġmoral": 5842, + "ĠDesign": 5843, + "ancer": 5844, + "Ġdrinking": 5845, + "Ġwest": 5846, + "Ġwait": 5847, + "assertEqual": 5848, + "Ġdiscussed": 5849, + "Ġfeedback": 5850, + "Ġemergency": 5851, + "uing": 5852, + "rates": 5853, + "omic": 5854, + "Ġtro": 5855, + "Ġdepth": 5856, + "Ġsensitive": 5857, + "Ġstrengthen": 5858, + "Ġamb": 5859, + "Ġserves": 5860, + "Ġdetailed": 5861, + "Ġblog": 5862, + "ĠMart": 5863, + "Ġentirely": 5864, + "Ġcommunicate": 5865, + "Ġfilter": 5866, + "iform": 5867, + "De": 5868, + "Ġminimum": 5869, + "ĠMiss": 5870, + "Ġcutting": 5871, + "Ġlisten": 5872, + "Ġpresc": 5873, + "ĠThomas": 5874, + "check": 5875, + "Ġfill": 5876, + "ĠStand": 5877, + "ĠLike": 5878, + "Ġdefine": 5879, + "Ġstruggle": 5880, + "Des": 5881, + "Ġsides": 5882, + "ĠInf": 5883, + "Not": 5884, + "ĠTime": 5885, + "Ġinstitution": 5886, + "Ġintroduction": 5887, + "Ġrecovery": 5888, + "osa": 5889, + "Ġlots": 5890, + "Ġchain": 5891, + "ĠSal": 5892, + "Ġexamining": 5893, + "Ġmessages": 5894, + "Ġtouch": 5895, + "Ġsen": 5896, + "ĠBible": 5897, + "Ġagricultural": 5898, + "ĠBr": 5899, + "Ġshel": 5900, + "Ġgirls": 5901, + "Ġperman": 5902, + "version": 5903, + "scale": 5904, + "ĠPython": 5905, + "cel": 5906, + "that": 5907, + "kes": 5908, + "Ġstarts": 5909, + "arant": 5910, + "Ġshif": 5911, + "Ġclaims": 5912, + "Ġhero": 5913, + "Ġspeaking": 5914, + "ĠJer": 5915, + "split": 5916, + "ĠWork": 5917, + "Ġcontrolled": 5918, + "ĠEnergy": 5919, + "Ġcomprehensive": 5920, + "Ab": 5921, + "Ġinnovation": 5922, + "Ġtypical": 5923, + "west": 5924, + "ĠLeg": 5925, + "Ġattacks": 5926, + "agon": 5927, + "Ġresponses": 5928, + "Ġshaping": 5929, + "Ġregulations": 5930, + "string": 5931, + "Ġlargely": 5932, + "Ġstages": 5933, + "Ġenem": 5934, + "roke": 5935, + "Ġaudience": 5936, + "Ġaddressing": 5937, + "ĠSometimes": 5938, + "Ġmatters": 5939, + "Ġpaid": 5940, + "under": 5941, + "utive": 5942, + "ĠBay": 5943, + "Ġvaccine": 5944, + "position": 5945, + "Ġlose": 5946, + "Ġrural": 5947, + "Ġsell": 5948, + "Ġpark": 5949, + "ĠPsych": 5950, + "Ġgrown": 5951, + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 5952, + "ĠKore": 5953, + "Ġrecognized": 5954, + "ceived": 5955, + "Ġconsists": 5956, + "create": 5957, + "Ġchosen": 5958, + "ditional": 5959, + "ĠCare": 5960, + "Ġexists": 5961, + "ĠMedicine": 5962, + "LA": 5963, + "lean": 5964, + "My": 5965, + "Ġtraum": 5966, + "ĠPower": 5967, + "Ġdrink": 5968, + "Ġliver": 5969, + "ĠStep": 5970, + "Ġmechanisms": 5971, + "Ġsequence": 5972, + "Ġcm": 5973, + "IM": 5974, + "Ġband": 5975, + "Ġahead": 5976, + "ensus": 5977, + "Ġrestrict": 5978, + "ĠWhe": 5979, + "icing": 5980, + "Ġhabitat": 5981, + "ĠMedical": 5982, + "ĠEmp": 5983, + "Ġtorch": 5984, + "Ġaccepted": 5985, + "Ġmetab": 5986, + "Ġintervention": 5987, + "Ġwants": 5988, + "Ġcars": 5989, + "umin": 5990, + "ĠLou": 5991, + "Ġtrial": 5992, + "Ġpolitics": 5993, + "Ġnode": 5994, + "Ġagriculture": 5995, + "Ġancest": 5996, + "Ġpolice": 5997, + "ĠRec": 5998, + "Ġfro": 5999, + "Ġreprodu": 6000, + "Ġweap": 6001, + "Ġ(\"": 6002, + "arter": 6003, + "hi": 6004, + "Ġadequ": 6005, + "Ġaimed": 6006, + "Ġassistance": 6007, + "Ġlatest": 6008, + "ĠMem": 6009, + "Ġdiam": 6010, + "Ġprompt": 6011, + "ĠDise": 6012, + "agers": 6013, + "ĠSen": 6014, + "ĠSaf": 6015, + "ĠOF": 6016, + "Ġcooking": 6017, + "Ġment": 6018, + "Ġinteraction": 6019, + "Ġcrops": 6020, + "Ġopening": 6021, + "Ġopinion": 6022, + "ĠJud": 6023, + "Ġabsorb": 6024, + "Ġneut": 6025, + "Ġsuccessfully": 6026, + "anes": 6027, + "Ġsin": 6028, + "Ġphr": 6029, + "Ġstudied": 6030, + "Ġvariables": 6031, + "Ġfiction": 6032, + "Ġstret": 6033, + "Ġdut": 6034, + "Ġnarratives": 6035, + "ican": 6036, + "Ġharv": 6037, + "ĠWomen": 6038, + "ĠMil": 6039, + "Ġknowing": 6040, + "Ġproport": 6041, + "ĠFranc": 6042, + "Ġnit": 6043, + "Go": 6044, + "ĠTreat": 6045, + "Ġstem": 6046, + "ĠCommon": 6047, + "Ġscript": 6048, + "ĠAny": 6049, + "Ġbudget": 6050, + "Ġcrisis": 6051, + "estyle": 6052, + "Ġwave": 6053, + "ĠRussia": 6054, + "oxide": 6055, + "ava": 6056, + "ĠVirgin": 6057, + "gu": 6058, + "ĠEngine": 6059, + "expected": 6060, + "Ġhundreds": 6061, + "ester": 6062, + "Ġcatch": 6063, + "Ġserver": 6064, + "uous": 6065, + "Ġdivided": 6066, + "ĠMicro": 6067, + "erving": 6068, + "ĠDec": 6069, + "raint": 6070, + "Ġindigenous": 6071, + "ĠElect": 6072, + "Ġreform": 6073, + "Ġadopt": 6074, + "Ġcouple": 6075, + "Americ": 6076, + "Be": 6077, + "sis": 6078, + "ĠBer": 6079, + "Ġtransition": 6080, + "Ġrelax": 6081, + "Ġentry": 6082, + "Ġafford": 6083, + "ĠIr": 6084, + "Ġdiscussions": 6085, + "Ġprotected": 6086, + "conds": 6087, + "ĠNASA": 6088, + "Ġresidents": 6089, + "Ġmeasured": 6090, + "rot": 6091, + "Ġsurvival": 6092, + "Ġdoctors": 6093, + "Ġsession": 6094, + "rat": 6095, + "Ġapparent": 6096, + "Ġdownload": 6097, + "Ġaccounts": 6098, + "Ġnaturally": 6099, + "Ġcalls": 6100, + "Most": 6101, + "Ġallerg": 6102, + "ĠRussian": 6103, + "Ġacts": 6104, + "node": 6105, + "List": 6106, + "Ġneighbor": 6107, + "itudes": 6108, + "icate": 6109, + "Ġvehicles": 6110, + "host": 6111, + "Ġcritic": 6112, + "Ġprinciple": 6113, + "orous": 6114, + "Ġpositions": 6115, + "Ġparameters": 6116, + "ĠInformation": 6117, + "Ġsuffering": 6118, + "perty": 6119, + "Ġmachines": 6120, + "Before": 6121, + "Ġbeauty": 6122, + "Ġgar": 6123, + "ĠStudies": 6124, + "ĠPacific": 6125, + "ĠAtl": 6126, + "Ġalt": 6127, + "Ġuniverse": 6128, + "racy": 6129, + "lers": 6130, + "Ġimplications": 6131, + "Ġstock": 6132, + "Ġrepresentation": 6133, + "chers": 6134, + "Ġhunt": 6135, + "Ġaf": 6136, + "Ġbrand": 6137, + "Ġmedications": 6138, + "Ġwalking": 6139, + "ocratic": 6140, + "Ġexploration": 6141, + "Ġtherm": 6142, + "Ġattend": 6143, + "Ġreject": 6144, + "Ġresilience": 6145, + "Ġshapes": 6146, + "Ġwaves": 6147, + "organ": 6148, + "iate": 6149, + "{}": 6150, + "Ġdepartment": 6151, + "erals": 6152, + "Ġtun": 6153, + "Ġnearby": 6154, + "aud": 6155, + "agues": 6156, + "main": 6157, + "Ġethical": 6158, + "Ġdistingu": 6159, + "ÃŃ": 6160, + "Ġcoff": 6161, + "Ġconscious": 6162, + "Ġsimpl": 6163, + "ĠForm": 6164, + "Ġtrends": 6165, + "Ġastron": 6166, + "NAME": 6167, + "Ġcreativity": 6168, + "rants": 6169, + "Ġmaintenance": 6170, + "Ġgenerated": 6171, + "ael": 6172, + "ĠFe": 6173, + "Ġintric": 6174, + "pers": 6175, + "using": 6176, + "Ġboundaries": 6177, + "Ġvisible": 6178, + "ĠAcadem": 6179, + "ĠRights": 6180, + "ĠSimilarly": 6181, + "Ġunderstood": 6182, + "Ġsan": 6183, + "Ġstronger": 6184, + "Ġshift": 6185, + "Ġce": 6186, + "van": 6187, + "IP": 6188, + "orrow": 6189, + "BC": 6190, + "Ġcardi": 6191, + "Ġwire": 6192, + "Ġconcerned": 6193, + "Ġcurriculum": 6194, + "Ġbroader": 6195, + "Ġprevention": 6196, + "Get": 6197, + "Ġframe": 6198, + "Ġwildlife": 6199, + "Ġtells": 6200, + "Ġimmun": 6201, + "erent": 6202, + "Ġconcentration": 6203, + "Ġconfidence": 6204, + "float": 6205, + "Ġportion": 6206, + "Ġmassive": 6207, + "ĠFoundation": 6208, + "cience": 6209, + "Ġinner": 6210, + "Ġframework": 6211, + "olf": 6212, + "ENT": 6213, + "Ġboost": 6214, + "ascular": 6215, + "Ġproducing": 6216, + "Ġsick": 6217, + "ĠKnow": 6218, + "Ġremaining": 6219, + "Ġmobile": 6220, + "Ġwife": 6221, + "Ġkil": 6222, + "Ġhabits": 6223, + "inet": 6224, + "ĠBet": 6225, + "ĠBook": 6226, + "Ġrig": 6227, + "Of": 6228, + "Ġofficials": 6229, + "Ġimplementation": 6230, + "ĠNews": 6231, + "Ġassemb": 6232, + "Ġgained": 6233, + "ĠWind": 6234, + "Ġsubstance": 6235, + "Ġabilities": 6236, + "Ġarmy": 6237, + "Ġobtained": 6238, + "Ġengagement": 6239, + "Ġmanaged": 6240, + "alian": 6241, + "Ġmanaging": 6242, + "Ġsweet": 6243, + "ĠWho": 6244, + "ums": 6245, + "ca": 6246, + "Ġsignals": 6247, + "Do": 6248, + "Ġcloud": 6249, + "Ġgreatest": 6250, + "Ġeast": 6251, + "section": 6252, + "Ġdesired": 6253, + "Ġappeared": 6254, + "eal": 6255, + "Ġprogramming": 6256, + "mic": 6257, + "ĠExper": 6258, + "elled": 6259, + "Ġnarrow": 6260, + "Ġswitch": 6261, + "range": 6262, + "ĠMass": 6263, + "Ġnoise": 6264, + "olicy": 6265, + "img": 6266, + "Ġwitness": 6267, + "Ġseeing": 6268, + "Ġsed": 6269, + "annels": 6270, + "Ġadvis": 6271, + "ĠPers": 6272, + "Ġnurs": 6273, + "Ġfif": 6274, + "pol": 6275, + "Ġath": 6276, + "Ġarchitecture": 6277, + "ampl": 6278, + "DE": 6279, + "Ġexpensive": 6280, + "Ġimprovement": 6281, + "Ġoverl": 6282, + "Ġconventional": 6283, + "ĠSov": 6284, + "Ġexplains": 6285, + "Ġdemonstrate": 6286, + "ads": 6287, + "ĠControl": 6288, + "Ġfloor": 6289, + "ĠArmy": 6290, + "Ġreader": 6291, + "oto": 6292, + "VID": 6293, + "Ġcrim": 6294, + "ansion": 6295, + "request": 6296, + "ĠCommission": 6297, + "Ġdesigns": 6298, + "bar": 6299, + "Ġnan": 6300, + "dev": 6301, + "Ġdecrease": 6302, + "Ġrecognition": 6303, + "Ġpregnancy": 6304, + "Ġexperiments": 6305, + "ishes": 6306, + "During": 6307, + "Ġfold": 6308, + "Ġtaste": 6309, + "Test": 6310, + "status": 6311, + "iday": 6312, + "Ġmanip": 6313, + "Ġstored": 6314, + "Ġsuc": 6315, + "Ġimpossible": 6316, + "Qu": 6317, + "Ġelectronic": 6318, + "Ġmarked": 6319, + "Ġimper": 6320, + "aming": 6321, + "pet": 6322, + "acts": 6323, + "Ġpure": 6324, + "ship": 6325, + "Ġtested": 6326, + "pha": 6327, + "asive": 6328, + "Ġ]": 6329, + "Ġsentence": 6330, + "ĠDisc": 6331, + "Ġlocations": 6332, + "Ġsoldiers": 6333, + "ĠNor": 6334, + "ka": 6335, + "Ġsatell": 6336, + "ipe": 6337, + "bert": 6338, + "cium": 6339, + "Read": 6340, + "Ġgun": 6341, + "Ġpig": 6342, + "Ġinflammation": 6343, + "Ġfailed": 6344, + "Ġinjuries": 6345, + "Ġparalle": 6346, + "values": 6347, + "Ġcustomers": 6348, + "Ġpersons": 6349, + "Ġmanufacturing": 6350, + "Ġslowly": 6351, + "Ġprev": 6352, + "Bl": 6353, + "Ġbrown": 6354, + "cules": 6355, + "ĠRobert": 6356, + "ultane": 6357, + "Ġrail": 6358, + "ashion": 6359, + "Ġphilosophy": 6360, + "Ġconsidering": 6361, + "ĠTim": 6362, + "ĉĉĉĉ": 6363, + "oom": 6364, + "Ġunless": 6365, + "Ġfoster": 6366, + "Ġtransportation": 6367, + "iosity": 6368, + "Ġtoler": 6369, + "Ġclosed": 6370, + "Ġfacing": 6371, + "ĠDespite": 6372, + "cher": 6373, + "ĠDel": 6374, + "Ġvs": 6375, + "Ġsky": 6376, + "rey": 6377, + "Ġwestern": 6378, + "Ġexercises": 6379, + "ĠConn": 6380, + "Ġkm": 6381, + "Ġcapture": 6382, + "ĠEnvironmental": 6383, + "ota": 6384, + "Ġrecip": 6385, + "ĠProv": 6386, + "Ġhoriz": 6387, + "Ġinstructions": 6388, + "Ġeveryday": 6389, + "Ġparticipate": 6390, + "Ġhorse": 6391, + "Ġindeed": 6392, + "Ġplayers": 6393, + "Ġfle": 6394, + "Ġdefic": 6395, + "Ġenables": 6396, + "ĠScient": 6397, + "ĠVis": 6398, + "Ġages": 6399, + "ĠKey": 6400, + "ato": 6401, + "Ġpand": 6402, + "Once": 6403, + "ĠGroup": 6404, + "Ġrevealed": 6405, + "Ġkit": 6406, + "Me": 6407, + "Ġplatforms": 6408, + "BN": 6409, + "Ġprem": 6410, + "Ġprison": 6411, + "Ġexciting": 6412, + "table": 6413, + "================": 6414, + "Ġagreement": 6415, + "Ġartificial": 6416, + "Ġtherap": 6417, + "ĠCourse": 6418, + "ocab": 6419, + "Ġstick": 6420, + "Ġcos": 6421, + "ĠGood": 6422, + "ĠSmith": 6423, + "Ġmac": 6424, + "ixture": 6425, + "LO": 6426, + "ĠSea": 6427, + "Ġrhy": 6428, + "Ġcrop": 6429, + "otion": 6430, + "Ġremote": 6431, + "urd": 6432, + "ifier": 6433, + "Ġshop": 6434, + "Ġderived": 6435, + "ĠDiv": 6436, + "Ġdental": 6437, + "lements": 6438, + "Ġinches": 6439, + "ĠDet": 6440, + "pack": 6441, + "Ġsecondary": 6442, + "Ġstands": 6443, + "ML": 6444, + "Ġcompetition": 6445, + "ango": 6446, + "ĠNature": 6447, + "Ġtit": 6448, + "dule": 6449, + "Ġfixed": 6450, + "Ġpil": 6451, + "ĠIdent": 6452, + "kwargs": 6453, + "Ġagreed": 6454, + "Ġpair": 6455, + "Ġmonitor": 6456, + "Ġincorporating": 6457, + "Ġfloat": 6458, + "Ġcomposition": 6459, + "Ġrub": 6460, + "Ġconsumers": 6461, + "ĠTHE": 6462, + "vity": 6463, + "names": 6464, + "open": 6465, + "wo": 6466, + "appy": 6467, + "Ġmixed": 6468, + "Ġphotos": 6469, + "Ġextended": 6470, + "Ġheritage": 6471, + "inity": 6472, + "Ġchart": 6473, + "umes": 6474, + "lected": 6475, + "ĠLake": 6476, + "App": 6477, + "Ġpsychological": 6478, + "Ġstanding": 6479, + "ĠPhil": 6480, + "ĠSte": 6481, + "Ġpossibly": 6482, + "ĠMont": 6483, + "ĠInv": 6484, + "о": 6485, + "Ġusage": 6486, + "ipping": 6487, + "ĠFlor": 6488, + "Ġsyndrome": 6489, + "Ġvibr": 6490, + "?âĢĿ": 6491, + "Ġarrange": 6492, + "SE": 6493, + "Ġuns": 6494, + "Ġforests": 6495, + "Ġplate": 6496, + "Ġturns": 6497, + "Ġensures": 6498, + "Ġdynamics": 6499, + "Ġdepict": 6500, + "Ġpip": 6501, + "Dr": 6502, + "ada": 6503, + "Ġinspired": 6504, + "operation": 6505, + "rc": 6506, + "ĠSec": 6507, + "Ġmuseum": 6508, + "esh": 6509, + "Ġdirector": 6510, + "а": 6511, + "Ġincredible": 6512, + "Ġsole": 6513, + "Ġrepeated": 6514, + "Ġauthent": 6515, + "ourse": 6516, + "Ġdeaths": 6517, + "default": 6518, + "keys": 6519, + "Val": 6520, + "Ġpassion": 6521, + "ien": 6522, + "Ġevaluation": 6523, + "Ġanalyze": 6524, + "pace": 6525, + "Sc": 6526, + "ĠFin": 6527, + "Ġshell": 6528, + "Ġprotocol": 6529, + "Ġmathematics": 6530, + "ĠStudy": 6531, + "Ġsusp": 6532, + "ĠCatholic": 6533, + "Ġbeneficial": 6534, + "Ġwriter": 6535, + "Ġpull": 6536, + "client": 6537, + "ini": 6538, + "Ġexamination": 6539, + "fortunately": 6540, + "Ġ!=": 6541, + "Ġbones": 6542, + "Ġbot": 6543, + "Ġintellectual": 6544, + "ĠThink": 6545, + "Ġliterary": 6546, + "Ġagencies": 6547, + "Ġarms": 6548, + "Ġstated": 6549, + "Ġtheore": 6550, + "Ġachieved": 6551, + "Ġunknown": 6552, + "ĠSar": 6553, + "Ġorganized": 6554, + "cycl": 6555, + "Ġmedication": 6556, + "Ġexpectations": 6557, + "Ġresolution": 6558, + "ĠCD": 6559, + "Ġvillage": 6560, + "Conclusion": 6561, + "Ġmarine": 6562, + "umps": 6563, + "Ġaccuracy": 6564, + "UL": 6565, + "Ġthread": 6566, + "ĠSum": 6567, + "Ġemployed": 6568, + "Ġsupports": 6569, + "Ġwhereas": 6570, + "itivity": 6571, + "Ġopened": 6572, + "Ġerrors": 6573, + "ented": 6574, + "wing": 6575, + "imer": 6576, + "ĠCreat": 6577, + "Ġwriters": 6578, + "Ġmeaningful": 6579, + "Ġconfident": 6580, + "Ġscore": 6581, + "Ġadopted": 6582, + "Ġlimits": 6583, + "uation": 6584, + "Ġcategories": 6585, + "ĠMain": 6586, + "asters": 6587, + "Ġdust": 6588, + "aser": 6589, + "nn": 6590, + "Ġrecycl": 6591, + "Ġdeeply": 6592, + "erated": 6593, + "ĠAP": 6594, + "ĠBre": 6595, + "Ġbio": 6596, + "ĠComput": 6597, + "iat": 6598, + "Ġpowers": 6599, + "Ġarts": 6600, + "Ġdescribes": 6601, + "ye": 6602, + "Ġfunctional": 6603, + "Ġarguments": 6604, + "dered": 6605, + "ĠCarol": 6606, + "function": 6607, + "Ġchildhood": 6608, + "Ġethnic": 6609, + "Ġrepresented": 6610, + "Ġevaluate": 6611, + "Ġarrived": 6612, + "Ġdemonstrated": 6613, + "orter": 6614, + "Ġtur": 6615, + "Ġforget": 6616, + "dep": 6617, + "Ġhar": 6618, + "Ġemerging": 6619, + "Ġreactions": 6620, + "Ġscene": 6621, + "Ġlect": 6622, + "Ġcomments": 6623, + "throp": 6624, + "ulin": 6625, + "Ġmanif": 6626, + "ulating": 6627, + "oral": 6628, + "icking": 6629, + "Ġexplo": 6630, + "arity": 6631, + "BT": 6632, + "Ġbrings": 6633, + "Ġconversation": 6634, + "Ġabund": 6635, + "Ġdistributed": 6636, + "Ġappreciation": 6637, + "Ġrealized": 6638, + "Ġdynamic": 6639, + "uh": 6640, + "Ġfell": 6641, + "Ġadministration": 6642, + "е": 6643, + "Ġdoor": 6644, + "zen": 6645, + "ĠAmong": 6646, + "ĠNative": 6647, + "Ġhouses": 6648, + "Ġinhab": 6649, + "Ġholds": 6650, + "Ġlisted": 6651, + "Ġsuffer": 6652, + "!\"": 6653, + "Ġrely": 6654, + "Ġwisdom": 6655, + "Ġextensive": 6656, + "Ġcart": 6657, + "ocation": 6658, + "urns": 6659, + "ĠCharles": 6660, + "ĠHenry": 6661, + ".'": 6662, + "},": 6663, + "essions": 6664, + "ĠJose": 6665, + "length": 6666, + "hus": 6667, + "ĠWild": 6668, + "Ġaqu": 6669, + "ports": 6670, + "osc": 6671, + "Ġworse": 6672, + "Ġble": 6673, + "iology": 6674, + "Ġcollective": 6675, + "AA": 6676, + "Ġbehaviour": 6677, + "Ġnegot": 6678, + "Ġgrew": 6679, + "Ġpump": 6680, + "Ġaccel": 6681, + "ĠIntroduction": 6682, + "Ġdecline": 6683, + "ĠWil": 6684, + "Ġsupplement": 6685, + "Ġindustries": 6686, + "Ġdiss": 6687, + "Ġflight": 6688, + "ĠConsider": 6689, + "SS": 6690, + "she": 6691, + "item": 6692, + "world": 6693, + "Ġfewer": 6694, + "Ġleaf": 6695, + "rip": 6696, + "Ġinsurance": 6697, + "ĠAcc": 6698, + "Ġunus": 6699, + "Ġtransmission": 6700, + "Ġinfected": 6701, + "aria": 6702, + "Ġblocks": 6703, + "Ġintake": 6704, + "Ġhealing": 6705, + "esity": 6706, + "obj": 6707, + "Ġzero": 6708, + "Ġpresentation": 6709, + "ala": 6710, + "tage": 6711, + "usiness": 6712, + "color": 6713, + "Ġratio": 6714, + "Ġcamera": 6715, + "Ġfertil": 6716, + "Ġpossibility": 6717, + "Ġtechnological": 6718, + "Ġalongside": 6719, + "Ġchief": 6720, + "ĠCompany": 6721, + "update": 6722, + "Ġimmediate": 6723, + "Ġmarriage": 6724, + "ĠExt": 6725, + "ersonal": 6726, + "hemical": 6727, + "Ġcoffee": 6728, + "ributes": 6729, + "ocracy": 6730, + "ĠSoviet": 6731, + "Te": 6732, + "phone": 6733, + "Ġcreatures": 6734, + "athe": 6735, + "Ġmatrix": 6736, + "'d": 6737, + "riend": 6738, + "Ġnormally": 6739, + "Ġmountain": 6740, + "ĠOx": 6741, + "Ġdiscrimination": 6742, + "ena": 6743, + "Inst": 6744, + "Ġseemed": 6745, + "irt": 6746, + "Ġempathy": 6747, + "models": 6748, + "rons": 6749, + "ĠLibrary": 6750, + "pread": 6751, + "Ġsteel": 6752, + "Ġsurvive": 6753, + "ĠYet": 6754, + "Ġfighting": 6755, + "Ġmolecules": 6756, + "Ġtwice": 6757, + "indu": 6758, + "Ġdensity": 6759, + "Ġgall": 6760, + "Ġcomfortable": 6761, + "ĠThose": 6762, + "ĠPC": 6763, + "Ġmarkets": 6764, + "Ġreturns": 6765, + "such": 6766, + "ĠDiff": 6767, + "gent": 6768, + "ĠReview": 6769, + "lets": 6770, + "Ġdesire": 6771, + "Ġnumpy": 6772, + "Ġindicates": 6773, + "words": 6774, + "actions": 6775, + "Ġnavigate": 6776, + "Bob": 6777, + "how": 6778, + "Ġlearners": 6779, + "Ġtall": 6780, + "war": 6781, + "Ġmissing": 6782, + "Ġmoon": 6783, + "Ġapplying": 6784, + "ĠProfessor": 6785, + "Ġcolleagues": 6786, + "ivalent": 6787, + "ĠSl": 6788, + "Ġcouldn": 6789, + "Ġauthorities": 6790, + "Ġlatter": 6791, + "Ġbroken": 6792, + "Ġalle": 6793, + "frame": 6794, + "itative": 6795, + "Ġwish": 6796, + "âĢĻ.": 6797, + "Ġdin": 6798, + "mm": 6799, + "omach": 6800, + "AG": 6801, + "ĠGlobal": 6802, + "Ġexpressed": 6803, + "Ġbreathing": 6804, + "ĠCanadian": 6805, + "ĠIP": 6806, + "message": 6807, + "Ġinsight": 6808, + "Ġpursu": 6809, + "ĠAbout": 6810, + "Ġcompare": 6811, + "'])": 6812, + "Ġyounger": 6813, + "Ġlifestyle": 6814, + "Ġsocieties": 6815, + "Ġadvantages": 6816, + "ventions": 6817, + "ĠMo": 6818, + "Ġwilling": 6819, + "Ġguess": 6820, + "Ġsocietal": 6821, + "base": 6822, + "Ġpublication": 6823, + "Ġprove": 6824, + "Ġstyles": 6825, + "Ġobservations": 6826, + "ighter": 6827, + "assion": 6828, + "ctic": 6829, + "mean": 6830, + "sm": 6831, + "gest": 6832, + "Ġinject": 6833, + "Ġnecessarily": 6834, + "Ġpublish": 6835, + "det": 6836, + "cluding": 6837, + "bra": 6838, + "burg": 6839, + "ĠMag": 6840, + "ropical": 6841, + "ribe": 6842, + "claim": 6843, + "Ġstrict": 6844, + "Ġsimultane": 6845, + "Ġgal": 6846, + "Ġpainting": 6847, + "idx": 6848, + "rovers": 6849, + "Ġupdate": 6850, + "Ġoptimal": 6851, + "Ġcommitment": 6852, + "page": 6853, + "stone": 6854, + "Ġfant": 6855, + "ona": 6856, + "Ġmamm": 6857, + "Ġlistening": 6858, + "sor": 6859, + "Ġcontinuous": 6860, + "Ġhousing": 6861, + "born": 6862, + "aked": 6863, + "Ġsupplies": 6864, + "Ġcrime": 6865, + "Ġdebate": 6866, + "Ġaxis": 6867, + "Act": 6868, + "Ġ['": 6869, + "Ġfocuses": 6870, + "Ġagency": 6871, + "\"),": 6872, + "Ġshut": 6873, + "ĠBro": 6874, + "ĠEss": 6875, + "Ġvulnerable": 6876, + "Ġmyth": 6877, + "Ġconstit": 6878, + "edy": 6879, + "ĠLong": 6880, + "Ġcategory": 6881, + "Or": 6882, + "ĠHam": 6883, + "Ġcompr": 6884, + "Ġcoun": 6885, + "PR": 6886, + "ĠFinally": 6887, + "Ġsucceed": 6888, + "Ġfav": 6889, + "Ġparticipation": 6890, + "Through": 6891, + "ĠEst": 6892, + "Ġaer": 6893, + "Ġtf": 6894, + "adata": 6895, + "Ġorganisms": 6896, + "rays": 6897, + "ibl": 6898, + "Ġgreatly": 6899, + "called": 6900, + "oves": 6901, + "Ġdomain": 6902, + "Ġadventure": 6903, + "escription": 6904, + "Ġpreval": 6905, + "ĠOnly": 6906, + "Ġinstruments": 6907, + "Ġaccum": 6908, + "Ġoriginally": 6909, + "ĠOh": 6910, + "points": 6911, + "ĠLouis": 6912, + "Ġfabric": 6913, + "Ġthereby": 6914, + "loss": 6915, + "ua": 6916, + "Ġfly": 6917, + "real": 6918, + "Ġdepos": 6919, + "ĠGold": 6920, + "hav": 6921, + "Ġelectron": 6922, + "Ġear": 6923, + "Ġsections": 6924, + "dem": 6925, + "Ġcircuit": 6926, + "atal": 6927, + "ĠLand": 6928, + "Ġeld": 6929, + "width": 6930, + "dr": 6931, + "Ġregist": 6932, + "Ġdealing": 6933, + "Ġengaged": 6934, + "angle": 6935, + "Ġverb": 6936, + "Other": 6937, + "ĠAp": 6938, + "Ġturning": 6939, + "idespread": 6940, + "Ġdifficulty": 6941, + "Ġemerged": 6942, + "Ġbreath": 6943, + "Ġphysics": 6944, + "Ġphotograph": 6945, + "cm": 6946, + "Ġends": 6947, + "ĠAustralian": 6948, + "Ġartist": 6949, + "ĠNations": 6950, + "ployment": 6951, + "Ġthreats": 6952, + "ĠVirginia": 6953, + "Ġthanks": 6954, + "Ġfellow": 6955, + "Ġbread": 6956, + "ĠTem": 6957, + "Ġmechanism": 6958, + "ĠLanguage": 6959, + "Ġmeal": 6960, + "Ġholding": 6961, + "Ġaccessible": 6962, + "Ġorient": 6963, + "Ġdeli": 6964, + "ittle": 6965, + "ĠLicense": 6966, + "Ġindependence": 6967, + "Ġsight": 6968, + "Ġindu": 6969, + "Ġconsideration": 6970, + "ĠTre": 6971, + "ĠEth": 6972, + "Ġdistrict": 6973, + "Ġwhatever": 6974, + "holders": 6975, + "anda": 6976, + "III": 6977, + "Ġguarant": 6978, + "Ġbattery": 6979, + "ambda": 6980, + "Ġske": 6981, + "hesis": 6982, + "Ġgrid": 6983, + "Ġteams": 6984, + "Ġemployment": 6985, + "fulness": 6986, + "Ġobjective": 6987, + "Ġmagnetic": 6988, + "ĠRevolution": 6989, + "Ġantibiot": 6990, + "Ġcomplicated": 6991, + "Ġserving": 6992, + "ĠBefore": 6993, + "hop": 6994, + "Ġaircraft": 6995, + "Ġempt": 6996, + "Ġfunds": 6997, + "CD": 6998, + "target": 6999, + "ĠNon": 7000, + "Ġwarming": 7001, + "Ġreliable": 7002, + "Ġwaiting": 7003, + "Ġstability": 7004, + "Ġcards": 7005, + "ao": 7006, + "ĠCurrent": 7007, + "oples": 7008, + "Finally": 7009, + "esting": 7010, + "Ġopposite": 7011, + "Ġbear": 7012, + "Ġdrain": 7013, + "ĠFrank": 7014, + "MP": 7015, + "allow": 7016, + "Ġaccident": 7017, + "Ġtrained": 7018, + "sts": 7019, + "gans": 7020, + "Ġroutine": 7021, + "Ġtrip": 7022, + "ĠCheck": 7023, + "Ġuncertain": 7024, + "inction": 7025, + "Le": 7026, + "Ġinsects": 7027, + "Ġdoubt": 7028, + "zed": 7029, + "ĠFederal": 7030, + "obs": 7031, + "source": 7032, + "cor": 7033, + "Ġmaps": 7034, + "Ġsod": 7035, + "]:": 7036, + "Ġdelivery": 7037, + "Ġtap": 7038, + "Ġunexpected": 7039, + "Ġoccasion": 7040, + "press": 7041, + "ĠParis": 7042, + "Ġchick": 7043, + "ĠAdv": 7044, + "Ġsought": 7045, + "Ġadministr": 7046, + "pring": 7047, + "Ġflag": 7048, + "ĠEarly": 7049, + "ĠCommit": 7050, + "Ġlaun": 7051, + "Ġmeals": 7052, + "Ġaffecting": 7053, + "ĠOffice": 7054, + "RA": 7055, + "Ġeditor": 7056, + "ĠEmpire": 7057, + "Ġlogging": 7058, + "Ġconsumer": 7059, + "Ġpreparation": 7060, + "ictor": 7061, + "Ġnoticed": 7062, + "Ġmodule": 7063, + "Ġattached": 7064, + "Ġfalse": 7065, + "elihood": 7066, + "Ġspending": 7067, + "Ġcharacterized": 7068, + "ĠStr": 7069, + "content": 7070, + "Ġreduces": 7071, + "liament": 7072, + "Ġconcerning": 7073, + "Ġsplit": 7074, + "Ġstake": 7075, + "author": 7076, + "Ġacids": 7077, + "Ġsubstances": 7078, + "osph": 7079, + "ĠRad": 7080, + "Ġplayer": 7081, + "Ġdemands": 7082, + "Ġinitially": 7083, + "issues": 7084, + "Ġencounter": 7085, + "ulty": 7086, + "ĠIndigenous": 7087, + "Ġplt": 7088, + "bin": 7089, + "ĠType": 7090, + "ĠLabor": 7091, + "Ġtheories": 7092, + "Ġcuriosity": 7093, + "Ġstable": 7094, + "Ġbeings": 7095, + "ometry": 7096, + "jango": 7097, + "rog": 7098, + "rus": 7099, + "Ġheavily": 7100, + "Ġalter": 7101, + ".|": 7102, + "ette": 7103, + "Ġfossil": 7104, + "ĠCy": 7105, + "Ġadm": 7106, + "Ġcomparison": 7107, + "ĠUSA": 7108, + "kin": 7109, + "Over": 7110, + "rine": 7111, + "Ġborder": 7112, + "OL": 7113, + "anches": 7114, + "ĠOpen": 7115, + "ĊĠĠĠĠĊĠĠĠ": 7116, + "Ġvessels": 7117, + "Ġcup": 7118, + "Ġcorn": 7119, + "Ġteen": 7120, + "Ġbutter": 7121, + "Ġsales": 7122, + "Ġwidespread": 7123, + "Ġproduces": 7124, + "inder": 7125, + "pare": 7126, + "Ġsummary": 7127, + "ipal": 7128, + "ella": 7129, + "Ġcalcium": 7130, + "Ġpurchase": 7131, + "Ġmathematical": 7132, + "Ġenthus": 7133, + "Under": 7134, + "ĠEnd": 7135, + "Ġpartner": 7136, + "ĠDig": 7137, + "ora": 7138, + "ĠSym": 7139, + "Ref": 7140, + "Ġdrawn": 7141, + "Ġregardless": 7142, + "Set": 7143, + "Ġnewsp": 7144, + "Ġstomach": 7145, + "Ġforth": 7146, + "Ġcomplexity": 7147, + "TP": 7148, + "SP": 7149, + "ocket": 7150, + "ommod": 7151, + "ĠConstitution": 7152, + "esson": 7153, + "Ġcompounds": 7154, + "Ġremarkable": 7155, + "Ġprofound": 7156, + "Ġsurve": 7157, + "ĠItaly": 7158, + "ĠIll": 7159, + "itter": 7160, + "Ġfiber": 7161, + "ĠFlorida": 7162, + "ailed": 7163, + "Ġhumanity": 7164, + "ptions": 7165, + "Pe": 7166, + "Ġdf": 7167, + "Ġunable": 7168, + "Ġreven": 7169, + "ü": 7170, + "comfort": 7171, + "ĠHome": 7172, + "icide": 7173, + "isk": 7174, + "reshold": 7175, + "Chapter": 7176, + "fold": 7177, + "parse": 7178, + "ĠColumb": 7179, + "Ġdance": 7180, + "Ob": 7181, + "Ġnone": 7182, + "Ġinherent": 7183, + "ĠMill": 7184, + "asts": 7185, + "Ġcong": 7186, + "Ġlic": 7187, + "Ġtea": 7188, + "Ġracial": 7189, + "Ġpron": 7190, + "ĠCOVID": 7191, + "Ġputting": 7192, + "Ġpermanent": 7193, + "ĠSouthern": 7194, + "Ġcontributions": 7195, + "ĠAccess": 7196, + "Ġinhib": 7197, + "Ġlaunch": 7198, + "ribed": 7199, + "Ġrid": 7200, + "Ġmood": 7201, + "Ġadequate": 7202, + "ĠRob": 7203, + "Ġclothing": 7204, + "Ġperm": 7205, + "ishment": 7206, + "Ġtroops": 7207, + "Ġreserv": 7208, + "čĊč": 7209, + "ĠNatural": 7210, + "Ġpreventing": 7211, + "rd": 7212, + "Ġsmoking": 7213, + "ĠLib": 7214, + "child": 7215, + "ĠStreet": 7216, + "Ġhus": 7217, + "Ġconvey": 7218, + "Ġproceed": 7219, + "Ġinfluenced": 7220, + "Ġjson": 7221, + "Ġexpansion": 7222, + "Ġdelay": 7223, + "Rem": 7224, + "Ġlegs": 7225, + "Ġsurfaces": 7226, + "MA": 7227, + "Ġcriteria": 7228, + "Ġhappening": 7229, + "Since": 7230, + "rency": 7231, + "Stud": 7232, + "Ġreplaced": 7233, + "Ġswim": 7234, + "ĠBur": 7235, + "Ġoperate": 7236, + "Ġoblig": 7237, + "Ġjoined": 7238, + "terol": 7239, + "orph": 7240, + "Ġtrouble": 7241, + "ĠModern": 7242, + "Ġsubsequent": 7243, + "Ġoverw": 7244, + "Ġcommitted": 7245, + "Ġcul": 7246, + "Ġlens": 7247, + "opic": 7248, + "ĠKh": 7249, + "Ġlimitations": 7250, + "Ġinitiatives": 7251, + "Ġmand": 7252, + "ĠFre": 7253, + "draw": 7254, + "Ġdecade": 7255, + "Ġangle": 7256, + "Ġconcrete": 7257, + "Ġinsert": 7258, + "Ġforg": 7259, + "title": 7260, + "ĠAnn": 7261, + "ĠFrancis": 7262, + "ĠISBN": 7263, + "Ġsubstantial": 7264, + "asy": 7265, + "Med": 7266, + "Ġsubs": 7267, + "ĠRome": 7268, + "Ġtu": 7269, + "Ġgone": 7270, + "ĠHaw": 7271, + "Ġmys": 7272, + "isters": 7273, + "ĠTer": 7274, + "ĠEnc": 7275, + "rooms": 7276, + "edge": 7277, + "Ġasp": 7278, + "Ġchannel": 7279, + "Ġstreet": 7280, + "Ġfocusing": 7281, + "Ġcraft": 7282, + "________": 7283, + "ĠDisease": 7284, + "ĠTake": 7285, + "Ġdent": 7286, + "Ġrefuge": 7287, + "ĠPeter": 7288, + "Ġcryst": 7289, + "olesterol": 7290, + "Ġhypothes": 7291, + "Ġcenters": 7292, + "EP": 7293, + "Ġconference": 7294, + "ĠDan": 7295, + "Ġprotecting": 7296, + "Ġdisturb": 7297, + "first": 7298, + "ĠColor": 7299, + "ĠPub": 7300, + "Ġconflicts": 7301, + "Ġcolour": 7302, + "ĠMean": 7303, + "Ġfacilitate": 7304, + "Ġterritory": 7305, + "Can": 7306, + "Ġfract": 7307, + "earchers": 7308, + "Par": 7309, + "Ġvac": 7310, + "Ġpercentage": 7311, + "fun": 7312, + "Ġruns": 7313, + "Ġtut": 7314, + "Ġchrom": 7315, + "Ġlaboratory": 7316, + "Ġfashion": 7317, + "atial": 7318, + "Ġrealize": 7319, + "orig": 7320, + "Ġmild": 7321, + "Ġlabels": 7322, + "Ġzone": 7323, + "ulary": 7324, + "ĠReport": 7325, + "zil": 7326, + "Ġreward": 7327, + "Ġintroduce": 7328, + "Ġq": 7329, + "Ġgluc": 7330, + "Ġaims": 7331, + "vol": 7332, + "opyright": 7333, + "Your": 7334, + "Ġminds": 7335, + "Ġwouldn": 7336, + "erior": 7337, + "ĊĠĠĠĠĠĠĠĠĠ": 7338, + "Ġdetection": 7339, + "ographical": 7340, + "Ġrice": 7341, + "ó": 7342, + "iratory": 7343, + "Ġroof": 7344, + "Ġseconds": 7345, + "Ġathlet": 7346, + "Ġpreserve": 7347, + "asty": 7348, + "Ġsymbols": 7349, + "Ġru": 7350, + "ĠAge": 7351, + "Ġresulted": 7352, + "Ġ{'": 7353, + "soft": 7354, + "Ġdecor": 7355, + "Alice": 7356, + "ĠOcean": 7357, + "idity": 7358, + "Ġcontrovers": 7359, + "Ġintent": 7360, + "ĠIre": 7361, + "Ġinequ": 7362, + "Ġreveal": 7363, + "Ġtrials": 7364, + "ãģ": 7365, + "abs": 7366, + "Ġflour": 7367, + "Ġveter": 7368, + "ĠDoes": 7369, + "Ġsacr": 7370, + "Ġgap": 7371, + "ĠTV": 7372, + "Ġinstalled": 7373, + "Ġtheme": 7374, + "eenth": 7375, + "Ġinvestigation": 7376, + "Ġproof": 7377, + "current": 7378, + "Ġjump": 7379, + "uts": 7380, + "Ġsheet": 7381, + "irus": 7382, + "agraph": 7383, + "Ġconstitution": 7384, + "ffective": 7385, + "Ġstuff": 7386, + "Ġneck": 7387, + "Ġdaughter": 7388, + "forcement": 7389, + "Ġneighborhood": 7390, + "ĠClin": 7391, + "Ġalike": 7392, + "Su": 7393, + "ĠTor": 7394, + "Ġbridge": 7395, + "ĊĠĠĠĠĠĠĠĠĠĠĠĠ": 7396, + "Ġmitig": 7397, + "Ġdisrupt": 7398, + "Ġlibr": 7399, + "Ġrecommendations": 7400, + "Ġidentifying": 7401, + "ih": 7402, + "ĠExamples": 7403, + "SD": 7404, + "eties": 7405, + "Ġinterf": 7406, + "=[": 7407, + "Ġadj": 7408, + "onia": 7409, + "Ġroute": 7410, + "Ġprominent": 7411, + "kins": 7412, + "ĠCap": 7413, + "plant": 7414, + "Ġbiggest": 7415, + "ita": 7416, + "Ġconven": 7417, + "Ġreceiving": 7418, + "Ġshot": 7419, + "Ġencourages": 7420, + "iated": 7421, + "Ġfeels": 7422, + "ĠItalian": 7423, + "Ġgraduate": 7424, + "Ġdepart": 7425, + "Ġenabling": 7426, + "conf": 7427, + "argument": 7428, + "Ġpassage": 7429, + "CL": 7430, + "ĠEastern": 7431, + "Ġwarn": 7432, + "Ġgram": 7433, + "example": 7434, + "rint": 7435, + "Ġcurious": 7436, + "Ġemotion": 7437, + "Ġrelation": 7438, + "Ġcontained": 7439, + "Ġargue": 7440, + "American": 7441, + "fish": 7442, + "Ġgradually": 7443, + "TH": 7444, + "hma": 7445, + "Ġexcessive": 7446, + "oven": 7447, + "Ġcorner": 7448, + "heast": 7449, + "sey": 7450, + "Ġthesis": 7451, + "Ġconstantly": 7452, + "ĠNorthern": 7453, + "ocabulary": 7454, + "Ġbarriers": 7455, + "Ġdream": 7456, + "Ġhydrogen": 7457, + "ĠAsian": 7458, + "ett": 7459, + "Ġengineers": 7460, + "initely": 7461, + "Ġnine": 7462, + "cho": 7463, + "Id": 7464, + "Ġmembr": 7465, + "ö": 7466, + "Ġcrow": 7467, + "Ġunw": 7468, + "Figure": 7469, + "Ġliv": 7470, + "Ġentertain": 7471, + "ĠUt": 7472, + "ĠMad": 7473, + "Ġintegrated": 7474, + "Ġmerely": 7475, + "ĠSpain": 7476, + "outs": 7477, + ".âĢĻ": 7478, + "Introduction": 7479, + "Ġproviders": 7480, + "utch": 7481, + "Ġneur": 7482, + "sl": 7483, + "icago": 7484, + "ĠAND": 7485, + "tery": 7486, + "Time": 7487, + "Ġmoves": 7488, + "Ġdialogue": 7489, + "Ġhole": 7490, + "irty": 7491, + "Ġequivalent": 7492, + "Ġestimate": 7493, + "Ġpra": 7494, + "aph": 7495, + "Ġsustainability": 7496, + "Ġdoi": 7497, + "Ġfounded": 7498, + "Ġgreenhouse": 7499, + "âĢĻ,": 7500, + "Ġfeeding": 7501, + "bridge": 7502, + "Ġpresents": 7503, + "Ġinterpretation": 7504, + "Ġbiology": 7505, + "Ġanalys": 7506, + "Ġvote": 7507, + "Ġadvert": 7508, + "ĠJoseph": 7509, + "Ġprinting": 7510, + "usal": 7511, + "Ġaccommod": 7512, + "Ġimplemented": 7513, + "itan": 7514, + "Ġstatistics": 7515, + "Ġmusical": 7516, + "ediat": 7517, + "uality": 7518, + "bing": 7519, + "ĠMult": 7520, + "Ġsatisf": 7521, + "Ġtwenty": 7522, + "Ġamid": 7523, + "OC": 7524, + "Ed": 7525, + "fts": 7526, + "Ġevolved": 7527, + "istical": 7528, + "Ġcalculate": 7529, + "Ġseg": 7530, + "Ġagents": 7531, + "Ġhonor": 7532, + "fill": 7533, + "Ġdifferently": 7534, + "quality": 7535, + "Ġcorrectly": 7536, + "Ġeducators": 7537, + "ĠSign": 7538, + "Ġrecept": 7539, + "Ġartistic": 7540, + "Ġpossibilities": 7541, + "Ġmoisture": 7542, + "Ġexpertise": 7543, + "case": 7544, + "Ġabstract": 7545, + "Ġnerve": 7546, + "Ġrobust": 7547, + "DP": 7548, + "Ġcolonial": 7549, + "Ġgrad": 7550, + "Ġrising": 7551, + "Ġtreating": 7552, + "Ġmarried": 7553, + "chen": 7554, + "Ġshad": 7555, + "Ġsupposed": 7556, + "Ġthousand": 7557, + "itory": 7558, + "oving": 7559, + "medi": 7560, + "grad": 7561, + "Ġwhenever": 7562, + "earing": 7563, + "Ġintricate": 7564, + "mented": 7565, + "ilation": 7566, + "spe": 7567, + "Ġplenty": 7568, + "Ġended": 7569, + "everal": 7570, + "ontal": 7571, + "onents": 7572, + "Ġdivision": 7573, + "See": 7574, + "ĠSing": 7575, + "Ġmyself": 7576, + "awn": 7577, + "Ġinterventions": 7578, + "Ġmeasurements": 7579, + "inates": 7580, + "Ġconversations": 7581, + "Ġequally": 7582, + "Model": 7583, + "Ġcontamin": 7584, + "Ġmeasurement": 7585, + "Ġepid": 7586, + "Ġunusual": 7587, + "Ġspok": 7588, + "Ġinstances": 7589, + "Ġdifficulties": 7590, + "Ġtargets": 7591, + "Ġlegislation": 7592, + "################################": 7593, + "orses": 7594, + "Ġrelief": 7595, + "Ġcapabilities": 7596, + "ĠIreland": 7597, + "ĠRoyal": 7598, + "Ġcust": 7599, + "Ġdioxide": 7600, + "ikip": 7601, + "Ġsys": 7602, + "ĠPop": 7603, + "Ġcombat": 7604, + "Ġrequiring": 7605, + "ĠTitle": 7606, + "Ġbranch": 7607, + "bles": 7608, + "mes": 7609, + "Ġmm": 7610, + "Ġbringing": 7611, + "Ġpool": 7612, + "Ġphenomenon": 7613, + "Ġestimates": 7614, + "Ġowner": 7615, + "Ġoutcome": 7616, + "ushed": 7617, + "File": 7618, + "|'": 7619, + "Ġdebt": 7620, + "ĠMars": 7621, + "Ġped": 7622, + "Ġparallel": 7623, + "Ġoverwhel": 7624, + "ĠMax": 7625, + "Ġrivers": 7626, + "OP": 7627, + "ĠAdminist": 7628, + "irds": 7629, + "Ġobjectives": 7630, + "Ġmechanical": 7631, + "ĠCommittee": 7632, + "close": 7633, + "Ġeffectiveness": 7634, + "Ġassume": 7635, + "ĠBC": 7636, + "eers": 7637, + "utils": 7638, + "response": 7639, + "eras": 7640, + "ugh": 7641, + "ĠPan": 7642, + "Ġnic": 7643, + "Ġnob": 7644, + "ĠSpe": 7645, + "andon": 7646, + "find": 7647, + "neys": 7648, + "Ġcontrols": 7649, + "esis": 7650, + "Ġtissues": 7651, + "Ġdestroyed": 7652, + "Ġdiscussing": 7653, + "Ġille": 7654, + "ĠWhere": 7655, + "ĠLiter": 7656, + "Ġintegration": 7657, + "gers": 7658, + "antly": 7659, + "Ġod": 7660, + "ĠResp": 7661, + "ĠChange": 7662, + "Ġspecified": 7663, + "ĠFree": 7664, + "ceptions": 7665, + "Ġovercome": 7666, + "Ġsched": 7667, + "etch": 7668, + "Per": 7669, + "Ġpaint": 7670, + "Ġobesity": 7671, + "oir": 7672, + "Ġdiagnosed": 7673, + "Ġran": 7674, + "Ġacknowled": 7675, + "Ġcomprom": 7676, + "Ġstimul": 7677, + "var": 7678, + "Ġwww": 7679, + "Ġcats": 7680, + "lights": 7681, + "osion": 7682, + "Ġoutl": 7683, + "Add": 7684, + "Ġpassing": 7685, + "ĠImp": 7686, + "anta": 7687, + "Ġalgorithms": 7688, + "health": 7689, + "Ġminimize": 7690, + "Ġperforming": 7691, + "lik": 7692, + "Ġminerals": 7693, + "Ġbiod": 7694, + "Ġwel": 7695, + "Ġclients": 7696, + "Ġjoy": 7697, + "Ġrepair": 7698, + "Ġfairly": 7699, + "Ġmeth": 7700, + "Ġpup": 7701, + "Ġdisput": 7702, + "Ġnotable": 7703, + "Ġmovie": 7704, + "ĠCamp": 7705, + "Ġboy": 7706, + "batch": 7707, + "Ġfurn": 7708, + "Ġhistoric": 7709, + "Ġaward": 7710, + "itz": 7711, + "illa": 7712, + "Ġsolving": 7713, + "Ġcontributing": 7714, + "ĠPM": 7715, + "ĠModel": 7716, + "Ġbatch": 7717, + "Ġexplanation": 7718, + "Ġexplicit": 7719, + "ĠFollow": 7720, + "Ġfinished": 7721, + "Ġfrequent": 7722, + "Ġfarming": 7723, + "Ġflav": 7724, + "Ġcovers": 7725, + "yroid": 7726, + "Ġreput": 7727, + "Ġconvert": 7728, + "Ġhandling": 7729, + "ĠCancer": 7730, + "acles": 7731, + "teen": 7732, + "ritis": 7733, + "ĠStart": 7734, + "etics": 7735, + "ĠGard": 7736, + "Ġuniversities": 7737, + "itical": 7738, + "Ġrocks": 7739, + "Ġdevelopments": 7740, + "Ġdanger": 7741, + "Ġcustomer": 7742, + "ĠGeorg": 7743, + "Ġparser": 7744, + "Ġkne": 7745, + "Ġmyst": 7746, + "Ġdataset": 7747, + "Ġalgorithm": 7748, + "ĠBank": 7749, + "Ġtransc": 7750, + "Ġlights": 7751, + "Ġexperiencing": 7752, + "Ġcholesterol": 7753, + ")))": 7754, + "pop": 7755, + "Ġmur": 7756, + "Ġstrongly": 7757, + "Despite": 7758, + "ĠHistorical": 7759, + "ĠSchol": 7760, + "Ġships": 7761, + "iki": 7762, + "ĠScot": 7763, + "Man": 7764, + "âĢĺ": 7765, + "root": 7766, + "Ġstructural": 7767, + "Ġexception": 7768, + "Ġsimultaneously": 7769, + "BS": 7770, + "Ġtag": 7771, + "tic": 7772, + "een": 7773, + "Ġscan": 7774, + "Ġuniversal": 7775, + "aws": 7776, + "ĠAnalysis": 7777, + "ĠRichard": 7778, + "ĠCreate": 7779, + "Ġorgans": 7780, + "conc": 7781, + "Ġforming": 7782, + "Ġscores": 7783, + "ĠCa": 7784, + "Ġvideos": 7785, + "ikipedia": 7786, + "Ġspecialized": 7787, + "ĠCommunity": 7788, + "arks": 7789, + "ĠTimes": 7790, + ">>": 7791, + "Ġshed": 7792, + "[:,": 7793, + "Ġpharm": 7794, + "Ġneither": 7795, + "Ġnewly": 7796, + "ograp": 7797, + "Ġembed": 7798, + "Ġfest": 7799, + "Ġvictims": 7800, + "eries": 7801, + "capes": 7802, + "Ġvisitors": 7803, + "Ġsizes": 7804, + "Ġspin": 7805, + "save": 7806, + "Ġsport": 7807, + "Ġbath": 7808, + "Ġnervous": 7809, + "ĠRom": 7810, + "Ġcleaning": 7811, + "itals": 7812, + "car": 7813, + "axis": 7814, + "Ġrealm": 7815, + "Ġassociation": 7816, + "ĠWood": 7817, + "raining": 7818, + "ocy": 7819, + "Ġnu": 7820, + "Ġstores": 7821, + "Ġdys": 7822, + "ruption": 7823, + "Ġdamaged": 7824, + "ĠâĢ¢": 7825, + "Ġeastern": 7826, + "Ġrespectively": 7827, + "Ġencouraged": 7828, + "ĠBoard": 7829, + "Ġtrauma": 7830, + "Lear": 7831, + "itt": 7832, + "sequently": 7833, + "Ġrepresenting": 7834, + "ĠMa": 7835, + "Ġelectro": 7836, + "Ġtank": 7837, + "Ġsessions": 7838, + "Ġfu": 7839, + "ĠClimate": 7840, + "Ġvoltage": 7841, + "Ġcircle": 7842, + "Ġinfluences": 7843, + "Ġcontributed": 7844, + "Ġadds": 7845, + "Ġoutbre": 7846, + "Ġicon": 7847, + "ĠInit": 7848, + "rox": 7849, + "ĠScott": 7850, + "Ġfer": 7851, + "ervice": 7852, + "fn": 7853, + "IA": 7854, + "Ġ'''": 7855, + "Ġdefe": 7856, + "attr": 7857, + "Ġsharp": 7858, + "Ġpractition": 7859, + "ĠIns": 7860, + "Ġobserve": 7861, + "ĠFamily": 7862, + "Ġcorrel": 7863, + "Ġsmoke": 7864, + "onym": 7865, + "ola": 7866, + "Ġcomputing": 7867, + "Ġstatements": 7868, + "env": 7869, + "ĠGuide": 7870, + "Sub": 7871, + "и": 7872, + "ĠPenn": 7873, + "agram": 7874, + "opes": 7875, + "Ġlaunched": 7876, + "ĠGal": 7877, + "Ġresident": 7878, + "Last": 7879, + "Ġreaching": 7880, + "Ġpeoples": 7881, + "Ġbigger": 7882, + "Ġmining": 7883, + "Ġmyster": 7884, + "Ġbutton": 7885, + "Today": 7886, + "rier": 7887, + "ctive": 7888, + "Ġreson": 7889, + "Ġmolecular": 7890, + "ĠWorks": 7891, + "ostic": 7892, + "Ġrhyth": 7893, + "gov": 7894, + "Ġtack": 7895, + "]]": 7896, + "Ġequality": 7897, + "ĠAgricult": 7898, + "types": 7899, + "Ġpoetry": 7900, + "Ġattempts": 7901, + "Ġintense": 7902, + "ĠWill": 7903, + ",'": 7904, + "ĠEU": 7905, + "ä¸": 7906, + "ĠEc": 7907, + "Ġbanks": 7908, + "Ġblind": 7909, + "Ġextraord": 7910, + "gener": 7911, + "itual": 7912, + "Ġmice": 7913, + "peut": 7914, + "Ġcoastal": 7915, + "search": 7916, + "Ġintegr": 7917, + "Ġtransformation": 7918, + "ieval": 7919, + "Ġgent": 7920, + "Ġweapons": 7921, + "Ġmir": 7922, + "Ġisinstance": 7923, + "Ġflo": 7924, + "ĠHy": 7925, + "Ġpsychology": 7926, + "izers": 7927, + "Ġobservation": 7928, + "iences": 7929, + "amine": 7930, + "Ġpuzz": 7931, + "Ġsomewhat": 7932, + "ĠValley": 7933, + "Ġcontainer": 7934, + "Ġempower": 7935, + "Ġqualities": 7936, + "ĠMichael": 7937, + "Ġbranches": 7938, + "Ġcriminal": 7939, + "ĠThough": 7940, + "ressing": 7941, + "files": 7942, + "Ġregulation": 7943, + "Ġcarb": 7944, + "ĠSciences": 7945, + "olesc": 7946, + "ells": 7947, + "ĠMaybe": 7948, + "ĠBrown": 7949, + "Ġ},": 7950, + "ĠMethod": 7951, + "Ġfriendly": 7952, + "theless": 7953, + "Ġinn": 7954, + "ureau": 7955, + "Ġwatching": 7956, + "Ġshaped": 7957, + "connect": 7958, + "kl": 7959, + "Ġauton": 7960, + "Ġformula": 7961, + "property": 7962, + "Ġrom": 7963, + "Ġempty": 7964, + "Ġincorporate": 7965, + "Ġissued": 7966, + "Ġbonds": 7967, + "Ġarchae": 7968, + "Reg": 7969, + "ĠHappy": 7970, + "Ġfever": 7971, + "View": 7972, + "ql": 7973, + "Ġlinear": 7974, + "Ġfaces": 7975, + "Ġwebsites": 7976, + "abled": 7977, + "aining": 7978, + "number": 7979, + "Ġcarrying": 7980, + "aired": 7981, + "ĠOR": 7982, + "uke": 7983, + "ĠStat": 7984, + "ĠFind": 7985, + "Ġmoments": 7986, + "fast": 7987, + "ĠReal": 7988, + "acher": 7989, + "athered": 7990, + "Ġdefense": 7991, + "Ġdigest": 7992, + "bur": 7993, + "Ġstroke": 7994, + "ĠVer": 7995, + ".\"\"\"": 7996, + "Ġagent": 7997, + "Ġproductivity": 7998, + "Ġentered": 7999, + "Ġrect": 8000, + "Ġsitting": 8001, + "Ġassigned": 8002, + "Ġphoto": 8003, + "ailable": 8004, + "Ġboys": 8005, + "%.": 8006, + "Ġmos": 8007, + "ĠNever": 8008, + "Ġessentially": 8009, + "igma": 8010, + "ĠAcademy": 8011, + "ali": 8012, + "ĠWord": 8013, + "Ġrank": 8014, + "ĠSpecial": 8015, + "ĠVictor": 8016, + "Ġvariations": 8017, + "Ġpoison": 8018, + "ĠIndust": 8019, + "Ġconstructed": 8020, + "HD": 8021, + "Ġpermission": 8022, + "airy": 8023, + "Ġinher": 8024, + "Ġcaptured": 8025, + "ani": 8026, + "ĠChicago": 8027, + "isp": 8028, + "Ġmarks": 8029, + "Ġcorresponding": 8030, + "Pre": 8031, + "Ġ),": 8032, + "Ġchances": 8033, + "Ġschedule": 8034, + "Ġdescript": 8035, + "Ġblow": 8036, + "Ġencouraging": 8037, + "unning": 8038, + "Ġabandon": 8039, + "Ġdestruction": 8040, + "Ġcaught": 8041, + "va": 8042, + "Ġstead": 8043, + "Ġupdated": 8044, + "sim": 8045, + "Ġviruses": 8046, + "Ġcompassion": 8047, + "Ġjudge": 8048, + "HT": 8049, + "ĠBrazil": 8050, + "eness": 8051, + "Ġmask": 8052, + "Ġliteracy": 8053, + "Ġdispl": 8054, + "Ġplus": 8055, + "Ġpeak": 8056, + "Ġprinted": 8057, + "arios": 8058, + "rowing": 8059, + "Text": 8060, + "ĠTry": 8061, + "Ġcompens": 8062, + "Ġwellbeing": 8063, + "Ġranging": 8064, + "ĠChristianity": 8065, + "ymph": 8066, + "Ġvolcan": 8067, + "Ġwidth": 8068, + "orate": 8069, + "Part": 8070, + "ults": 8071, + "oga": 8072, + "amination": 8073, + "abil": 8074, + "apse": 8075, + "SC": 8076, + "random": 8077, + "urrent": 8078, + "rary": 8079, + "Ġescape": 8080, + "acco": 8081, + "Ġactively": 8082, + "ï¼": 8083, + "Don": 8084, + "Ġrobot": 8085, + "ĠBab": 8086, + "token": 8087, + "Ġpersonality": 8088, + "Ġpit": 8089, + "asses": 8090, + "Ġenemy": 8091, + "Ġstrategic": 8092, + "Ġundert": 8093, + "ba": 8094, + "ĠBig": 8095, + "Ġversions": 8096, + "Ġcyber": 8097, + "rac": 8098, + "ĠSecurity": 8099, + "friend": 8100, + "Ġsurprising": 8101, + "Ġglucose": 8102, + "Sp": 8103, + "Ġmodified": 8104, + "erring": 8105, + "Ġefficiently": 8106, + "IF": 8107, + "ĠServices": 8108, + "ĠWelcome": 8109, + "Ġburning": 8110, + "Ġworkshe": 8111, + "Am": 8112, + "She": 8113, + "ĠLast": 8114, + "di": 8115, + "has": 8116, + "quit": 8117, + "Ġsunlight": 8118, + "ami": 8119, + "Ġarise": 8120, + "Ġinspect": 8121, + "Ġrab": 8122, + "ano": 8123, + "ĠYoung": 8124, + "Ġsla": 8125, + "column": 8126, + "Ġimplementing": 8127, + "ĠValue": 8128, + "stack": 8129, + "otton": 8130, + "ĠViet": 8131, + "Form": 8132, + "Ġecosystems": 8133, + "Ġrenewable": 8134, + "Ġpromise": 8135, + "Ġampl": 8136, + "Ġmeters": 8137, + "Ġhun": 8138, + "ki": 8139, + "ĠIII": 8140, + "reek": 8141, + "ĠWhether": 8142, + "amins": 8143, + "Ġawait": 8144, + "Ġpracticing": 8145, + "orted": 8146, + "ĠCarolina": 8147, + "})": 8148, + "Ġnarrative": 8149, + "Ġcav": 8150, + "Ġdates": 8151, + "Sim": 8152, + "utrition": 8153, + "Ġemphasis": 8154, + "Even": 8155, + "plete": 8156, + "RC": 8157, + "Ġtables": 8158, + "Ġapproved": 8159, + "Ġposit": 8160, + "Ġfemales": 8161, + "Ġmarketing": 8162, + "Ġpreferences": 8163, + "ocking": 8164, + "ĠSarah": 8165, + "Ġnose": 8166, + "Ġexplored": 8167, + "Ġcomposed": 8168, + "vance": 8169, + "Ġclassic": 8170, + "Ġtub": 8171, + "charge": 8172, + "ĠIran": 8173, + "core": 8174, + "ĠParty": 8175, + "Ġplanned": 8176, + "Ġsad": 8177, + "','": 8178, + "ĠOper": 8179, + "Ġgirl": 8180, + "estions": 8181, + "ĠFace": 8182, + "Ġdesert": 8183, + "dist": 8184, + "Ġweakness": 8185, + "ston": 8186, + "Ġkidney": 8187, + "sem": 8188, + "Ġdisaster": 8189, + "iar": 8190, + "esides": 8191, + "Ġautomatically": 8192, + "ĠSil": 8193, + "opath": 8194, + "Ġannounced": 8195, + "Ġmixture": 8196, + "ĠChristians": 8197, + "PE": 8198, + "ĠPlant": 8199, + "ading": 8200, + "Ġscientist": 8201, + "bug": 8202, + "Ġurl": 8203, + "Ġmortality": 8204, + "Ġassets": 8205, + "Ġbabies": 8206, + "Ġordinary": 8207, + "Ġexpressions": 8208, + "Ġimprovements": 8209, + "Ġpurs": 8210, + "Ġkeeps": 8211, + "Ġprecise": 8212, + "Ġdimensions": 8213, + "Ġslavery": 8214, + "Ġrender": 8215, + "Ġpoem": 8216, + "Ġindicated": 8217, + "Ġanalyzing": 8218, + "ĠTogether": 8219, + "Ġproven": 8220, + "Ġconsiderable": 8221, + "connected": 8222, + "Ġtube": 8223, + "tem": 8224, + "Ġmales": 8225, + "ensional": 8226, + "Ġfalls": 8227, + "azine": 8228, + "Ġlingu": 8229, + "ĠUlt": 8230, + "Ġparas": 8231, + "this": 8232, + "Ġring": 8233, + "utely": 8234, + "Inter": 8235, + "Ġattach": 8236, + "Ġbrush": 8237, + "Ġinspiration": 8238, + "Ġsigned": 8239, + "door": 8240, + "Trans": 8241, + "EST": 8242, + "Ġlegisl": 8243, + "ovascular": 8244, + "egin": 8245, + "Ġguard": 8246, + "Ġchannels": 8247, + "Ġinsulin": 8248, + "Ġprofile": 8249, + "Ġdb": 8250, + "wind": 8251, + "Ġavailability": 8252, + "Ġpanel": 8253, + "yal": 8254, + "Ġresid": 8255, + "elesc": 8256, + "Ġstrain": 8257, + "Ġproportion": 8258, + "Ġlaid": 8259, + "Ġtraits": 8260, + "otype": 8261, + "elfare": 8262, + "ady": 8263, + "Ġwonderful": 8264, + "ĠSat": 8265, + "lower": 8266, + "inson": 8267, + "Ġpin": 8268, + "Ġmemories": 8269, + "Ġcash": 8270, + "Ġproved": 8271, + "ĠFort": 8272, + "ude": 8273, + "Ġtons": 8274, + "Ġdeclared": 8275, + "Ġdispar": 8276, + "ĠProcess": 8277, + "ĠHoly": 8278, + "ĠBack": 8279, + "Ġmeasuring": 8280, + "Ġuniform": 8281, + "rypt": 8282, + "Ġcycl": 8283, + "Ġfinds": 8284, + "Ġorigins": 8285, + "ĠUnfortunately": 8286, + "Ġdisabilities": 8287, + "ĠDev": 8288, + "Ġwine": 8289, + "Ġextend": 8290, + "Ġtargeted": 8291, + "UM": 8292, + "iture": 8293, + "Ġvarieties": 8294, + "Ġrac": 8295, + "Ġcounsel": 8296, + "Ġheating": 8297, + "show": 8298, + "Ġsenior": 8299, + "Ġdependent": 8300, + "čĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 8301, + "Ġperception": 8302, + "Ġplane": 8303, + "Ġsatellite": 8304, + "Ġsensitivity": 8305, + "azon": 8306, + ")]": 8307, + "Ġepis": 8308, + "ourage": 8309, + "iah": 8310, + "------------": 8311, + "Ġpreparing": 8312, + "Ġenhancing": 8313, + "Ġpreserving": 8314, + "sen": 8315, + "Ġnorms": 8316, + "Aut": 8317, + "Ġattitudes": 8318, + "Ġidentification": 8319, + "you": 8320, + "Ġtact": 8321, + "lessly": 8322, + "Ġclub": 8323, + "Ġscenario": 8324, + "ĠPot": 8325, + "ĠNote": 8326, + "ĠOptional": 8327, + "Ġexhibit": 8328, + "Ġmold": 8329, + "Ġdefend": 8330, + "roat": 8331, + "edu": 8332, + "ĠNaz": 8333, + "Ġinterface": 8334, + "ĠIrish": 8335, + "Ġusual": 8336, + "Ġtension": 8337, + "ounce": 8338, + "Ġelection": 8339, + "Ġprovider": 8340, + "telling": 8341, + "Ġsafely": 8342, + "lock": 8343, + "onal": 8344, + "Ġequation": 8345, + "Ġmicrob": 8346, + "Ġcounty": 8347, + "project": 8348, + "Ġchest": 8349, + "night": 8350, + "Ġprivacy": 8351, + "Ġremoval": 8352, + "otypes": 8353, + "Ġquiet": 8354, + "ÑĤ": 8355, + "Ġcontribution": 8356, + "Ġscope": 8357, + "Ġdollars": 8358, + "Ġinhabit": 8359, + "Ġhusband": 8360, + "Ġpeer": 8361, + "Ġchoosing": 8362, + "ĠBob": 8363, + "Ġroads": 8364, + "Ġvel": 8365, + "ĠSystems": 8366, + "Ġhem": 8367, + "Ġinspire": 8368, + "Ġsampl": 8369, + "Ġrespiratory": 8370, + "link": 8371, + "Ġmetabol": 8372, + "Ġsensors": 8373, + "Ġvocabulary": 8374, + "Ġcelebrate": 8375, + "Ġwound": 8376, + "Ġconnecting": 8377, + "ĠKingdom": 8378, + "Ġouter": 8379, + "Ġtract": 8380, + "Ġintensity": 8381, + "Ġextraordinary": 8382, + "Ġexperimental": 8383, + "opol": 8384, + "ĠMel": 8385, + "ĠMen": 8386, + "Ġfacility": 8387, + "ĠStrateg": 8388, + "Ġaudio": 8389, + "Ġmarginal": 8390, + "ĠBuilding": 8391, + "Ġfaculty": 8392, + "Ġwindows": 8393, + "ĠPo": 8394, + "Ġecological": 8395, + "graph": 8396, + "ĠApplic": 8397, + "Ġritual": 8398, + "Ġprotective": 8399, + "Ġfinger": 8400, + "akistan": 8401, + "%)": 8402, + "Che": 8403, + "Ġdispos": 8404, + "EE": 8405, + "Ġdriven": 8406, + "Ġirrit": 8407, + "haust": 8408, + "brid": 8409, + "heric": 8410, + "ĠHand": 8411, + "Example": 8412, + "uid": 8413, + "Ġimaging": 8414, + "Ġturb": 8415, + "items": 8416, + "={": 8417, + "Ġwarning": 8418, + "Ġhorses": 8419, + "Ġgut": 8420, + "Ġfeat": 8421, + "Ġdecreased": 8422, + "Ġlie": 8423, + "Ġmaintained": 8424, + "Ġprospect": 8425, + "Ġcoverage": 8426, + "Ġminute": 8427, + "Ġopinions": 8428, + "emia": 8429, + "Ġstere": 8430, + "Ġvector": 8431, + "ĠLook": 8432, + "query": 8433, + "Ġessays": 8434, + "Ġabsolute": 8435, + "Ġgalax": 8436, + "Ġtheoretical": 8437, + "ĠIslamic": 8438, + "Ġspectrum": 8439, + "Ġmicrosc": 8440, + "Ġalive": 8441, + "Ġhonest": 8442, + "Ġdriver": 8443, + "ĠJohnson": 8444, + "ĠYear": 8445, + "Ġinteractive": 8446, + "Ġprohib": 8447, + "ĠImport": 8448, + "Ġcalculated": 8449, + "Ġhoney": 8450, + "ivered": 8451, + "ustain": 8452, + "Ġsoph": 8453, + "cf": 8454, + "Ġgiant": 8455, + "ĠZeal": 8456, + "Ġintrig": 8457, + "ĠLearn": 8458, + "Ġcoc": 8459, + "ĠBusiness": 8460, + "ipher": 8461, + "Ġcaptiv": 8462, + "Ġstrange": 8463, + "ĠAtlantic": 8464, + "IDS": 8465, + "Ġdietary": 8466, + "sg": 8467, + "Ġearthqu": 8468, + "rous": 8469, + "Ġadvances": 8470, + "Ġanywhere": 8471, + "Ġhur": 8472, + "Ġpounds": 8473, + "Ġdefect": 8474, + "emplate": 8475, + "ailing": 8476, + "Ġspir": 8477, + "ĠMartin": 8478, + "itamin": 8479, + "Ġbreeding": 8480, + "ĠAst": 8481, + "ohyd": 8482, + "Ġtranslation": 8483, + "Ġprocessed": 8484, + "Ġtempl": 8485, + "ĠSuper": 8486, + "hyd": 8487, + "iological": 8488, + "tr": 8489, + "Ġvarying": 8490, + "iox": 8491, + "ĠInteg": 8492, + "CP": 8493, + "Ġcooperation": 8494, + "oded": 8495, + "ideo": 8496, + "Ġofficers": 8497, + "ĠSafety": 8498, + "Ġsilver": 8499, + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 8500, + "ĠHall": 8501, + "Ġabnormal": 8502, + "ĠGrand": 8503, + "ĠForest": 8504, + "Ġevil": 8505, + "Ġceremon": 8506, + "working": 8507, + "oric": 8508, + "Tra": 8509, + "Ġparagraph": 8510, + "Ġvan": 8511, + "ĠPlay": 8512, + "Ġencomp": 8513, + "itarian": 8514, + "igan": 8515, + "Ġrecover": 8516, + "uris": 8517, + "Ġreporting": 8518, + "Ġholes": 8519, + "Ġquery": 8520, + "DS": 8521, + "Ġrarely": 8522, + "Hist": 8523, + "ĠSecret": 8524, + "Ġflower": 8525, + "ĠOxford": 8526, + "Ġcomplications": 8527, + "Ġlosses": 8528, + "Ġmigration": 8529, + "Class": 8530, + "Ġtick": 8531, + "Ġprincipal": 8532, + "FA": 8533, + "Ġeliminate": 8534, + "Ġreverse": 8535, + "Ġcovering": 8536, + "Ġscenarios": 8537, + "Ġintest": 8538, + "igned": 8539, + "Ġhaven": 8540, + "Ġreasonable": 8541, + "Ġbias": 8542, + "Ġprofit": 8543, + "Ġ;": 8544, + "Ġsentences": 8545, + "Ġaccompan": 8546, + "·": 8547, + "Ġcopper": 8548, + "Ġcream": 8549, + "iber": 8550, + "nals": 8551, + "Ġtelevision": 8552, + "Ġroughly": 8553, + "ĠResources": 8554, + "ĠDou": 8555, + "Ġrecall": 8556, + "Ġtaxes": 8557, + "ernel": 8558, + "Ġabsence": 8559, + "Ġcentre": 8560, + "ĠEp": 8561, + "ync": 8562, + "ĠFund": 8563, + "prene": 8564, + "filter": 8565, + "Ġseemingly": 8566, + "Ġpackage": 8567, + "Ġcompound": 8568, + "Ġperceived": 8569, + "Ġdominant": 8570, + "Ġclaimed": 8571, + "Ġcommittee": 8572, + "ĠZealand": 8573, + "ĠEngineering": 8574, + "archy": 8575, + "Ġfault": 8576, + "Ġcommission": 8577, + "Ġhardware": 8578, + "feed": 8579, + "Ġflavor": 8580, + "ĠTom": 8581, + "Ġphysically": 8582, + "Ġembracing": 8583, + "alog": 8584, + "mentation": 8585, + "Ġtrace": 8586, + "peutic": 8587, + "Ġislands": 8588, + "Ġaccurately": 8589, + "ĠAlice": 8590, + "Ġorbit": 8591, + "Ġconsume": 8592, + "ĠBill": 8593, + "Ġcollections": 8594, + "Ġfunctioning": 8595, + "Ġpregnant": 8596, + "Ġmutual": 8597, + "Ġcoding": 8598, + "ĠSup": 8599, + "Every": 8600, + "Ġdil": 8601, + "eping": 8602, + "rance": 8603, + "Ġreflection": 8604, + "Ġsuscept": 8605, + "Ġradical": 8606, + "Ġcab": 8607, + "reprene": 8608, + "Ġbalanced": 8609, + "ĠConsequently": 8610, + "Ġven": 8611, + "Ġcrew": 8612, + "Ġvariation": 8613, + "Ġmemor": 8614, + "=(": 8615, + "ĠChristmas": 8616, + "including": 8617, + "Ġtip": 8618, + "osh": 8619, + "ĠNum": 8620, + "ĠNetwork": 8621, + "ĠLead": 8622, + "Ġfing": 8623, + "Ġminimal": 8624, + "chain": 8625, + "Ġdish": 8626, + "ĠHT": 8627, + "ĠIndians": 8628, + "Ġfourth": 8629, + "ĠOrig": 8630, + "Ġlogic": 8631, + "Ġembark": 8632, + "Ġconqu": 8633, + "Ġflows": 8634, + "aska": 8635, + "Ġconfirmed": 8636, + "miss": 8637, + "Ġedition": 8638, + "Ġlists": 8639, + "ĠAgency": 8640, + "Ġarrest": 8641, + "found": 8642, + "Ġharder": 8643, + "cyclop": 8644, + "Ġlock": 8645, + "ĠOnline": 8646, + "ECT": 8647, + "Ġheads": 8648, + "Ġrequests": 8649, + "Ġconsciousness": 8650, + "Ġov": 8651, + "uscript": 8652, + "Because": 8653, + "Ġdesigning": 8654, + "ocolate": 8655, + "Ġwheel": 8656, + "Ġinvestigate": 8657, + "Ġtow": 8658, + "Ġbreaking": 8659, + "Ġflexibility": 8660, + "Ġnodes": 8661, + "ga": 8662, + "Ġgrain": 8663, + "Ġsoul": 8664, + "Ġcham": 8665, + "Ġreferences": 8666, + "Ġinfo": 8667, + "Ġexamined": 8668, + "ĠMove": 8669, + "heimer": 8670, + "Ġquantum": 8671, + "igue": 8672, + "ĠHill": 8673, + "ĠSwed": 8674, + "Ġfo": 8675, + "rection": 8676, + "PL": 8677, + "Ġbatt": 8678, + "Ġwondered": 8679, + "ensed": 8680, + "Ġvertical": 8681, + "ulpt": 8682, + "ĠOrganization": 8683, + "ersion": 8684, + "Ġvibrant": 8685, + "Ġflexible": 8686, + "Ġduration": 8687, + "Ġopposed": 8688, + "Ġrational": 8689, + "Ġlake": 8690, + "ĠEqu": 8691, + "cut": 8692, + "Next": 8693, + "ĠLim": 8694, + "otherapy": 8695, + "ĠThree": 8696, + "rize": 8697, + "Ġherself": 8698, + "csv": 8699, + "ĠMer": 8700, + "emb": 8701, + "alities": 8702, + "Ġlighting": 8703, + "ĠFact": 8704, + "ĠAR": 8705, + "ĠNorm": 8706, + "Ġye": 8707, + "common": 8708, + "Ġparameter": 8709, + "Ġbrow": 8710, + "ruit": 8711, + "hema": 8712, + "ĠBal": 8713, + "Ġauthentic": 8714, + "Ġphrase": 8715, + "ĠHosp": 8716, + "Ġchlor": 8717, + "Ġmountains": 8718, + "Ġcontributes": 8719, + "reams": 8720, + "abeth": 8721, + "Ġgranted": 8722, + "Ġlibraries": 8723, + "Cons": 8724, + "Ġfishing": 8725, + "Ġscreening": 8726, + "Ġbag": 8727, + "ĠLittle": 8728, + "ĠContin": 8729, + "etary": 8730, + "Ġsurprise": 8731, + "ĠDen": 8732, + "anted": 8733, + "Ġsuperior": 8734, + "Ġacquired": 8735, + "ĠAuthor": 8736, + "Ġmanifest": 8737, + "covery": 8738, + "Ġrose": 8739, + "Ġspark": 8740, + "Ġhazard": 8741, + "Ġanticip": 8742, + "Ġcalling": 8743, + "icy": 8744, + "sex": 8745, + "Ġprobability": 8746, + "Ġcalories": 8747, + "Ġresearcher": 8748, + "Ġachieving": 8749, + "Ġcurve": 8750, + "Ġdetected": 8751, + "ĠCle": 8752, + "Ġdelivered": 8753, + "Ġworship": 8754, + "Ġpond": 8755, + "idation": 8756, + "Ġbene": 8757, + "Ġmineral": 8758, + "Ġgrows": 8759, + "Just": 8760, + "Ġtempor": 8761, + "Ġloop": 8762, + "ura": 8763, + "Ġsensor": 8764, + "ĠPlease": 8765, + "Ġclassical": 8766, + "Ġfra": 8767, + "Ġlandscapes": 8768, + "Ġexceed": 8769, + "Ġpeers": 8770, + "Ġdose": 8771, + "IO": 8772, + "Ġsaved": 8773, + "Ġnumer": 8774, + "uten": 8775, + "Ġsculpt": 8776, + "Ġtemple": 8777, + "Ġpreced": 8778, + "ĠPoint": 8779, + "Ġextension": 8780, + "Ġcompetitive": 8781, + "Ġpropag": 8782, + "Ġphenomena": 8783, + "olar": 8784, + "Ġmotivation": 8785, + "Ġsongs": 8786, + ".).": 8787, + "Ġglobe": 8788, + "ĠPolicy": 8789, + "Ġappeal": 8790, + "Ġdemocracy": 8791, + "Def": 8792, + "Ġinfant": 8793, + "Ġabsor": 8794, + "Ġunders": 8795, + "pie": 8796, + "Ġvisited": 8797, + "irms": 8798, + "ĠFigure": 8799, + "clusions": 8800, + "Ġease": 8801, + "ĠReading": 8802, + "Ġbiom": 8803, + "venile": 8804, + "Ġdiameter": 8805, + "Ġdishes": 8806, + "Ġisolated": 8807, + "peror": 8808, + "Ġclothes": 8809, + "eta": 8810, + "ĠPractice": 8811, + "ĠAdministration": 8812, + "ĠHeb": 8813, + "Ġcooling": 8814, + "ĠCross": 8815, + "Ġdetermining": 8816, + "uis": 8817, + "oston": 8818, + "amps": 8819, + "Ġtowns": 8820, + "čĊčĊĠĠĠ": 8821, + "Ġcopyright": 8822, + "Ġbeneath": 8823, + "Ġpassword": 8824, + "ĠAssess": 8825, + "through": 8826, + "Ġexpanded": 8827, + "Ġcas": 8828, + "Ġdetermination": 8829, + "raints": 8830, + "н": 8831, + "Ġpandemic": 8832, + "Ġadvancements": 8833, + "ĠJul": 8834, + "oln": 8835, + "mask": 8836, + "Ġalternatives": 8837, + "acent": 8838, + "Ġsurge": 8839, + "Ġstations": 8840, + "ĠPakistan": 8841, + "left": 8842, + "Ġenhanced": 8843, + "Ġneural": 8844, + "Ġsuffered": 8845, + "Ġcompos": 8846, + "ĠConnect": 8847, + "Ġfrust": 8848, + "Ġtemporary": 8849, + "ogenic": 8850, + "ptic": 8851, + "Table": 8852, + "Ġgast": 8853, + "roud": 8854, + "ĠLow": 8855, + "Ġchemistry": 8856, + "power": 8857, + "perm": 8858, + "unct": 8859, + "xy": 8860, + "Ġcontexts": 8861, + "ĠAngel": 8862, + "Ġversus": 8863, + "Ġmanager": 8864, + "Ġhabitats": 8865, + "ĊĊĠ": 8866, + "Ġraising": 8867, + "ĠWindows": 8868, + "oons": 8869, + "Ġdisability": 8870, + "Ġbreed": 8871, + "ĠMoon": 8872, + "rin": 8873, + "adder": 8874, + "ĠWithout": 8875, + "anger": 8876, + "aped": 8877, + "Ġlosing": 8878, + "Ġaest": 8879, + "Ġgrains": 8880, + "Ġstakeholders": 8881, + "ĠDistrict": 8882, + "aved": 8883, + "Ġblank": 8884, + "Ġordered": 8885, + "clude": 8886, + "ĠObs": 8887, + "Ġelsewhere": 8888, + "Ġkeys": 8889, + "Ġelder": 8890, + "'))": 8891, + "Ġgathered": 8892, + "Ġwheat": 8893, + "fix": 8894, + "Ġunity": 8895, + "Ġvisiting": 8896, + "Ġles": 8897, + "math": 8898, + "ĠDown": 8899, + "Ġhier": 8900, + "Ġsubmit": 8901, + "product": 8902, + "iana": 8903, + "OW": 8904, + "Ġluck": 8905, + "Ġhappiness": 8906, + "kind": 8907, + "Ġdrag": 8908, + "Ġadolesc": 8909, + "quir": 8910, + "advant": 8911, + "Ġearliest": 8912, + "Ġhence": 8913, + "Ġaddressed": 8914, + "Ġhormone": 8915, + "Ġexcited": 8916, + "Ġtribes": 8917, + "riz": 8918, + "ĠCrit": 8919, + "ĠFour": 8920, + "creen": 8921, + "Ġsuddenly": 8922, + "ĠRoad": 8923, + "Ġcontrolling": 8924, + "mail": 8925, + "Ġexhaust": 8926, + "ĠID": 8927, + "Note": 8928, + "icular": 8929, + "onent": 8930, + "rolled": 8931, + "Ġtelling": 8932, + "Ġaged": 8933, + "Ġconj": 8934, + "Ġcolumns": 8935, + "ĠSpirit": 8936, + "Ġacute": 8937, + "Ġedges": 8938, + "Ġdirections": 8939, + "Ġasc": 8940, + "Ġtropical": 8941, + "oured": 8942, + "Ġcountless": 8943, + "Ġparad": 8944, + "Ġsaving": 8945, + "Ġvoices": 8946, + "Ġacting": 8947, + "ĠMath": 8948, + "Ġmine": 8949, + "ema": 8950, + "Ġhunting": 8951, + "Ġseat": 8952, + "Ġterror": 8953, + "ricts": 8954, + "ĠPath": 8955, + "Ġbuff": 8956, + "ĠSir": 8957, + "Ġbomb": 8958, + "Co": 8959, + "oids": 8960, + "Ġmanual": 8961, + "Ġviewed": 8962, + "Ġsatisfact": 8963, + "Ġunion": 8964, + "NS": 8965, + "ĠHarv": 8966, + "Ġdisag": 8967, + "ĠCast": 8968, + "ĠLog": 8969, + "CA": 8970, + "rh": 8971, + "ĠArticle": 8972, + "Ġdecay": 8973, + "aration": 8974, + "mal": 8975, + "Ġstopped": 8976, + "ĠRock": 8977, + "TER": 8978, + "only": 8979, + "ĠCentre": 8980, + "books": 8981, + "vi": 8982, + "Ġoccurring": 8983, + "Ġchose": 8984, + "ATION": 8985, + "Ġfed": 8986, + "cult": 8987, + "Ġintegrity": 8988, + "Ġstones": 8989, + "ĠWall": 8990, + "Ġcandidate": 8991, + "ĠTop": 8992, + "Ġcombine": 8993, + "ĠVen": 8994, + "ĠJac": 8995, + "Ġpreferred": 8996, + "anned": 8997, + "α": 8998, + "asant": 8999, + "msg": 9000, + "context": 9001, + "Ġthermal": 9002, + "Ġscr": 9003, + "Ġnitrogen": 9004, + "ega": 9005, + "Ġpestic": 9006, + "ometric": 9007, + "ĠHor": 9008, + "Ġlegacy": 9009, + "ui": 9010, + "pdf": 9011, + "iability": 9012, + "izabeth": 9013, + "Ġgently": 9014, + "Ġcluster": 9015, + "Ġachievement": 9016, + "ĠLight": 9017, + "Ġstreets": 9018, + "Ġmagic": 9019, + "pi": 9020, + "exist": 9021, + "Ġfarms": 9022, + "ä": 9023, + "Ġphosph": 9024, + "Ġshoot": 9025, + "Inf": 9026, + "Ġfalling": 9027, + "Ġremoving": 9028, + "Ġtales": 9029, + "Ġtight": 9030, + "Ġequipped": 9031, + "mond": 9032, + "non": 9033, + "Ġspatial": 9034, + "Ġamidst": 9035, + "Ġgrades": 9036, + "Ġbacterial": 9037, + "Ġattributes": 9038, + "ĠProp": 9039, + "Ġinvolvement": 9040, + "Ġhighlights": 9041, + "Ne": 9042, + "Ġvig": 9043, + "Ġquantity": 9044, + "Ġgenu": 9045, + "ĠCase": 9046, + "txt": 9047, + "Ġdefinitely": 9048, + "ĠCE": 9049, + "Ġasthma": 9050, + "century": 9051, + "cipe": 9052, + "Ġevening": 9053, + "Ġillegal": 9054, + "QL": 9055, + "best": 9056, + "Ġpaying": 9057, + "likely": 9058, + "ĠMach": 9059, + "Ġduty": 9060, + "char": 9061, + "ĠPass": 9062, + "fields": 9063, + "Ġwearing": 9064, + "Ġvitamins": 9065, + "Ġsuit": 9066, + "Ġdirected": 9067, + "Ġcort": 9068, + "Ġelected": 9069, + "regation": 9070, + "Ġcalm": 9071, + "Ġdiscipline": 9072, + "Ġpointed": 9073, + "ioxid": 9074, + "Ġseparated": 9075, + "Ġnutrient": 9076, + "Ġmagical": 9077, + "duate": 9078, + "Ġplain": 9079, + "zheimer": 9080, + "ATE": 9081, + "angered": 9082, + "Ġauto": 9083, + "omer": 9084, + "Welcome": 9085, + "imm": 9086, + "iments": 9087, + "CR": 9088, + "inition": 9089, + "ĠUr": 9090, + "ĠTable": 9091, + "acies": 9092, + "irth": 9093, + "Ġdiffer": 9094, + "Ġwrites": 9095, + "ĠKorea": 9096, + "ĠReturns": 9097, + "Ġtrigger": 9098, + "ctors": 9099, + "Ġdivine": 9100, + "Ġmistakes": 9101, + "Ġbreaks": 9102, + "ĠCoast": 9103, + "Ġpd": 9104, + "raq": 9105, + "una": 9106, + "Ġownership": 9107, + "Ġspan": 9108, + "Ġmanufacturers": 9109, + "after": 9110, + "pload": 9111, + "Ġorders": 9112, + "Ġphilosoph": 9113, + "SI": 9114, + "Ġphysician": 9115, + "ĠDigital": 9116, + "ĠDar": 9117, + "ĠMD": 9118, + "People": 9119, + "ĠSund": 9120, + "ependent": 9121, + "Ġlaser": 9122, + "ĠColumbia": 9123, + "ĠAvoid": 9124, + "Ġdictionary": 9125, + "build": 9126, + "Ġsolely": 9127, + "Ġshock": 9128, + "ĠWay": 9129, + "Ġcourts": 9130, + "Ġresponsibilities": 9131, + "ocity": 9132, + "ĠPet": 9133, + "Ġsegment": 9134, + "Ġflying": 9135, + "HA": 9136, + "Ġplanting": 9137, + "Ġconcentrations": 9138, + "incoln": 9139, + "oder": 9140, + "Ġfatty": 9141, + "Out": 9142, + "Ġnom": 9143, + "predict": 9144, + "Ġlogger": 9145, + "Ġpaths": 9146, + "vals": 9147, + "Ġ?": 9148, + "Ġsacred": 9149, + "bel": 9150, + "command": 9151, + "Ġfats": 9152, + "ĠImm": 9153, + "Ġgentle": 9154, + "Ġlip": 9155, + "ĠDom": 9156, + "eting": 9157, + "Ġsecre": 9158, + "Ġgases": 9159, + "Ġdoors": 9160, + "ĠCir": 9161, + "unicip": 9162, + "ĠFire": 9163, + "Ġperpet": 9164, + "ivation": 9165, + "ĠCode": 9166, + "Ġargued": 9167, + "Ġhealthier": 9168, + "Ġinclusive": 9169, + "Ġalert": 9170, + "ĠGr": 9171, + "arters": 9172, + "Ġtoys": 9173, + "Ġneutral": 9174, + "ÑĢ": 9175, + "Ġperfectly": 9176, + "Ġdrought": 9177, + "Ġaddiction": 9178, + "layer": 9179, + "Ġpairs": 9180, + "duction": 9181, + "isely": 9182, + "ĠSupreme": 9183, + "Ġdramatic": 9184, + "ĠConservation": 9185, + "urolog": 9186, + "Ġdegrad": 9187, + "Ġspecim": 9188, + "block": 9189, + "oys": 9190, + "Ġclock": 9191, + "Ġchair": 9192, + "ĠMaster": 9193, + "ila": 9194, + "Ġmetals": 9195, + "zone": 9196, + "[-": 9197, + "ĊĠĠĠĠĠĠĠĠĊĠĠĠĠĠĠĠ": 9198, + "Ġfinish": 9199, + "Ġcattle": 9200, + "Ġbiodiversity": 9201, + "Ġroyal": 9202, + "specific": 9203, + "tag": 9204, + "Ġmic": 9205, + "ĠAL": 9206, + "Sm": 9207, + "Ġincident": 9208, + "Ġmg": 9209, + "achers": 9210, + "made": 9211, + "$$": 9212, + "Ġobstacles": 9213, + "Ġpanels": 9214, + "Are": 9215, + "Ġdipl": 9216, + "Ġanalyses": 9217, + "ĠIss": 9218, + "Ġslaves": 9219, + "Ġchap": 9220, + "Ġfought": 9221, + "ricted": 9222, + "alm": 9223, + "\"],": 9224, + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 9225, + "oul": 9226, + "Source": 9227, + "Ġtough": 9228, + "bits": 9229, + "ĠYes": 9230, + "Ġcharacteristic": 9231, + "OM": 9232, + "Ġrecognizing": 9233, + "exec": 9234, + "Ġspoken": 9235, + "Ġcardiovascular": 9236, + "labels": 9237, + "Ġtone": 9238, + "Ġnice": 9239, + "Ġsubt": 9240, + "Ġton": 9241, + "ĠPrevention": 9242, + "Ġenorm": 9243, + "Ġplanets": 9244, + "Ġentering": 9245, + "Ġmock": 9246, + "vania": 9247, + "ESS": 9248, + "ĠHeart": 9249, + "Ġworst": 9250, + "ĠPen": 9251, + "ĠFacebook": 9252, + "Ġslave": 9253, + "issance": 9254, + "Ġpla": 9255, + "Ġimagination": 9256, + "ĠFil": 9257, + "aret": 9258, + "Ġmanuscript": 9259, + "ĠInvest": 9260, + "ptom": 9261, + "Ġpractitioners": 9262, + "friendly": 9263, + "Ġadvers": 9264, + "Ġspots": 9265, + "Ġcandidates": 9266, + "erge": 9267, + "Image": 9268, + "fs": 9269, + "Ġbehavioral": 9270, + "Ġestablishing": 9271, + "ĠFuture": 9272, + "ĠProg": 9273, + "ĠIndeed": 9274, + "ĠCr": 9275, + "Ġclar": 9276, + "erman": 9277, + "bean": 9278, + "Ġgraphic": 9279, + "Ġmoderate": 9280, + "ĠProtection": 9281, + "Ġpriority": 9282, + "Ġexpanding": 9283, + "Ġnotion": 9284, + "Ġhurt": 9285, + "Ġstaying": 9286, + "Ġaudiences": 9287, + "Ġatoms": 9288, + "Ġcontents": 9289, + "aware": 9290, + "ĠScotland": 9291, + "Eng": 9292, + "Ġconcluded": 9293, + "enter": 9294, + "Ġcharged": 9295, + "Ġclust": 9296, + "ĠChall": 9297, + "green": 9298, + "syl": 9299, + "endar": 9300, + "Ġcombining": 9301, + "Rep": 9302, + "havior": 9303, + "ropri": 9304, + "Ġpion": 9305, + "direct": 9306, + "ivate": 9307, + "ĠLee": 9308, + "Ġadapted": 9309, + "à¥": 9310, + "elta": 9311, + "Ġavoiding": 9312, + "Ġom": 9313, + "Throughout": 9314, + "ĠMah": 9315, + "Ġidentities": 9316, + "bas": 9317, + "Ġstood": 9318, + "Ġexport": 9319, + "Ġintention": 9320, + "ĠDutch": 9321, + "plt": 9322, + "opher": 9323, + "EX": 9324, + "Ret": 9325, + "Ġoldest": 9326, + "Ġtransmit": 9327, + "Ġexped": 9328, + "Ġpredicted": 9329, + "Also": 9330, + "iva": 9331, + "Ġwat": 9332, + "enger": 9333, + "Ġsettlement": 9334, + "Pub": 9335, + "arness": 9336, + "ugg": 9337, + "Ġpopularity": 9338, + "Ġtob": 9339, + "Ġparams": 9340, + "oster": 9341, + "ĠEmb": 9342, + "Ċĉĉĉ": 9343, + "ysical": 9344, + "HS": 9345, + "Ġdrivers": 9346, + "Ġcustoms": 9347, + "Ġtong": 9348, + "ĠIde": 9349, + "Ġevident": 9350, + "Ġlungs": 9351, + "ĠSupport": 9352, + "Ġcommunications": 9353, + "Ġgravity": 9354, + "ĠHebrew": 9355, + "Ġbees": 9356, + "Ġwise": 9357, + "Ġgest": 9358, + "inv": 9359, + "fol": 9360, + "iblical": 9361, + "lat": 9362, + "erty": 9363, + "Ġlecture": 9364, + "Ġwelfare": 9365, + "********": 9366, + "Py": 9367, + "mode": 9368, + "Ġpatience": 9369, + "ĠPalest": 9370, + "ounder": 9371, + "etts": 9372, + "ĠPlace": 9373, + "Ġenterpr": 9374, + "zym": 9375, + "Ġwider": 9376, + "Ġaccomplish": 9377, + "ĠText": 9378, + "ĠBooks": 9379, + "Ġinitiative": 9380, + "ouds": 9381, + "Ñģ": 9382, + "ĠEffect": 9383, + "Ġflash": 9384, + "Ġrestaur": 9385, + "arding": 9386, + "Using": 9387, + "Ġregarded": 9388, + "May": 9389, + "ĠMS": 9390, + "Ġoccas": 9391, + "Ġgif": 9392, + "Art": 9393, + "Ġowned": 9394, + "ĠAlzheimer": 9395, + "Ġengines": 9396, + "Ġcotton": 9397, + "swe": 9398, + "Ġgrab": 9399, + "ĠBoston": 9400, + "Ġquarter": 9401, + "Ġlasting": 9402, + "Ġsteam": 9403, + "Ġreflects": 9404, + "ansas": 9405, + "ĠMinister": 9406, + "Ġmeditation": 9407, + "Ġregulatory": 9408, + "Ġstruggles": 9409, + "Ġpromising": 9410, + "Ġfilms": 9411, + "asures": 9412, + "ĠHead": 9413, + "jud": 9414, + "ĠBeing": 9415, + "Ġrestrictions": 9416, + "Ġselling": 9417, + "ilipp": 9418, + "Ġdelicious": 9419, + "ĠBattle": 9420, + "Ġcontinuing": 9421, + "Ġstrike": 9422, + "ĠJustice": 9423, + "izz": 9424, + "ceive": 9425, + "Ġtumor": 9426, + "roups": 9427, + "ĠUnlike": 9428, + "Ġhospitals": 9429, + "ĠAsk": 9430, + "Ġreveals": 9431, + "Ġphotographs": 9432, + "bot": 9433, + "EF": 9434, + "plex": 9435, + "Ġestablishment": 9436, + "ĠPur": 9437, + "Ġmeetings": 9438, + "Ġconsistently": 9439, + "Ġillustrate": 9440, + "apped": 9441, + "Cre": 9442, + "urches": 9443, + "Ġmouse": 9444, + "Ġbuying": 9445, + "ĠEdward": 9446, + "Ġaging": 9447, + "Google": 9448, + "ĠOften": 9449, + "Ġcrypt": 9450, + "Ġanalog": 9451, + "Ġspl": 9452, + "Object": 9453, + "worth": 9454, + "Ġantibiotics": 9455, + "`.": 9456, + "sign": 9457, + "Ġfemin": 9458, + "Ġattitude": 9459, + "Ġtric": 9460, + "ĠLy": 9461, + "Ġfur": 9462, + "pub": 9463, + "ĠLG": 9464, + "access": 9465, + "Ġrelie": 9466, + "drop": 9467, + "isticated": 9468, + "wan": 9469, + "Ġreviews": 9470, + "ĠSand": 9471, + "ĠCall": 9472, + "agnetic": 9473, + "Ġdevast": 9474, + "Ġirrig": 9475, + "Ġadverse": 9476, + "Ġtom": 9477, + "Ġshares": 9478, + "Ġtobacco": 9479, + "pay": 9480, + "aterials": 9481, + "Comm": 9482, + "RL": 9483, + "Ġjuris": 9484, + "ĠJeff": 9485, + "Ġillnesses": 9486, + "ĠWriting": 9487, + "Ge": 9488, + "Ġpolar": 9489, + "ĠAgain": 9490, + "Ġsciences": 9491, + "ometers": 9492, + "~~": 9493, + "ĠKen": 9494, + "Ġconsumed": 9495, + "taining": 9496, + "ĠCat": 9497, + "ishop": 9498, + "blem": 9499, + "berry": 9500, + "Ġathletes": 9501, + "Ġmothers": 9502, + "egu": 9503, + "Ġnovels": 9504, + "ĠNov": 9505, + "ĠSelf": 9506, + "Ġjudgment": 9507, + "ima": 9508, + "achus": 9509, + "Ġdistances": 9510, + "Ġcelebrated": 9511, + "igious": 9512, + "Ġbatteries": 9513, + "ĠIraq": 9514, + "Ġbelieves": 9515, + "Ġhall": 9516, + "ĠWrite": 9517, + "Ġexecutive": 9518, + "Ass": 9519, + "Ġtherapeutic": 9520, + "Ġthreatened": 9521, + "Ġunlikely": 9522, + "Ġ[\"": 9523, + "Ġtracking": 9524, + "Ġvaccines": 9525, + "rink": 9526, + "Ġapps": 9527, + "ĠNext": 9528, + "Ġweigh": 9529, + "Ġacceptance": 9530, + "istant": 9531, + "ercury": 9532, + "::": 9533, + "Ġadaptation": 9534, + "arming": 9535, + "ĠIV": 9536, + "Ġcarbohyd": 9537, + "Ġconversion": 9538, + "Ġcord": 9539, + "ethe": 9540, + "Ġentreprene": 9541, + "Ġwars": 9542, + "Ġtransformed": 9543, + "Ġfuels": 9544, + "ĠExp": 9545, + "ĠBul": 9546, + "Ġdirectory": 9547, + "Writ": 9548, + "ĠTO": 9549, + "hire": 9550, + "dataset": 9551, + "Ġprime": 9552, + "ĠImpro": 9553, + "Ġassignment": 9554, + "ĠEmer": 9555, + "PD": 9556, + "Ġexisted": 9557, + "ĠCambridge": 9558, + "Ġsupplements": 9559, + "Ġcond": 9560, + "Ġscenes": 9561, + "supp": 9562, + "Ġconfusion": 9563, + "Ġeverywhere": 9564, + "ĠLin": 9565, + "unit": 9566, + "ĠCard": 9567, + "ĠQueen": 9568, + "Ġlifetime": 9569, + "Ġdiscoveries": 9570, + "Ġpose": 9571, + "Ġmembrane": 9572, + "rt": 9573, + "Ġprivile": 9574, + "ĠSurvey": 9575, + "Where": 9576, + "Ġinputs": 9577, + "uate": 9578, + "ĠPerhaps": 9579, + "Ġprogramme": 9580, + "Ġenum": 9581, + "Ġentities": 9582, + "Ġ{\"": 9583, + "itting": 9584, + "sylvania": 9585, + "event": 9586, + "Ġfatigue": 9587, + "Ġhygi": 9588, + "Lesson": 9589, + "Ġacres": 9590, + "Ġthrive": 9591, + "device": 9592, + "Ġreinfor": 9593, + "Ġinfluential": 9594, + "Ġjournals": 9595, + "Ġconsent": 9596, + "ĠHospital": 9597, + "Ġstatistical": 9598, + "Ġpayment": 9599, + "parts": 9600, + "Ġthreshold": 9601, + "ĠShould": 9602, + "Ġcritically": 9603, + "ashes": 9604, + "Ġpromotes": 9605, + "Ġcodes": 9606, + "Ġeru": 9607, + "style": 9608, + "Ġapplicable": 9609, + "Ġchicken": 9610, + "Ġstorytelling": 9611, + "â": 9612, + "Ġsending": 9613, + ")),": 9614, + "Ġessence": 9615, + "ĠEconomic": 9616, + "=": 10888, + "ternoon": 10889, + "pert": 10890, + "Ġhistorians": 10891, + "Ġinspiring": 10892, + "ĠLater": 10893, + "Ġcosm": 10894, + "TR": 10895, + "ĠCreek": 10896, + "Ġbought": 10897, + "Ġarrival": 10898, + "Ġthrow": 10899, + "Ġreturning": 10900, + "bury": 10901, + "Ġsleeping": 10902, + "ĠKids": 10903, + "Ġcontinent": 10904, + "pa": 10905, + "sv": 10906, + "Ġok": 10907, + "Ġgolden": 10908, + "vy": 10909, + "ĠApple": 10910, + "ĠAppro": 10911, + "Date": 10912, + "arium": 10913, + "formance": 10914, + "Ġrestricted": 10915, + "ĠKorean": 10916, + "Ġdesk": 10917, + "Ġloose": 10918, + "Ġvillages": 10919, + "src": 10920, + "ĠNO": 10921, + "Ġ''": 10922, + "Ġsediment": 10923, + "Ġneurolog": 10924, + "Ġoutline": 10925, + "Ġobj": 10926, + "ika": 10927, + "Ġsurveys": 10928, + "Ġknee": 10929, + "Ġintersection": 10930, + "Ġconsequence": 10931, + "Ġdried": 10932, + "ĠOS": 10933, + "ushing": 10934, + "Ġpredom": 10935, + "han": 10936, + "Ġtill": 10937, + "Ġtranslated": 10938, + "Ġdiving": 10939, + "Ġstabil": 10940, + "ĠHop": 10941, + "urse": 10942, + "Ġsimulation": 10943, + "Ġmobility": 10944, + "ela": 10945, + "Ġlocally": 10946, + "Ġelections": 10947, + "Ġbleeding": 10948, + "Ġ>>>": 10949, + "Ġunem": 10950, + "ĠUnivers": 10951, + "Ġeleph": 10952, + "Ġtherapies": 10953, + "ĠVitamin": 10954, + "ependence": 10955, + "ĠConvention": 10956, + "Ġgeographical": 10957, + "tics": 10958, + "Ġoceans": 10959, + "Ġelevated": 10960, + "Ġenabled": 10961, + "Ġcertific": 10962, + "Ġelab": 10963, + "ĠChief": 10964, + "ĠFocus": 10965, + "ĠLat": 10966, + "Ġcolored": 10967, + "regon": 10968, + "xx": 10969, + "ĠEs": 10970, + "Ġworkshops": 10971, + "iliation": 10972, + "Ġcontrad": 10973, + "ĠAM": 10974, + "Ġoste": 10975, + "Ġtoy": 10976, + "Ġrainf": 10977, + "ĠDie": 10978, + "Ġaffairs": 10979, + "astics": 10980, + "Ġherbs": 10981, + "mates": 10982, + "ĠPay": 10983, + "Ġabundant": 10984, + "Hand": 10985, + "ĠRNA": 10986, + "ĠHence": 10987, + "irical": 10988, + "western": 10989, + "otional": 10990, + "Ġimmigration": 10991, + "GE": 10992, + "thur": 10993, + "Ġaffordable": 10994, + "Ġsetup": 10995, + "terior": 10996, + "ĠSus": 10997, + "uity": 10998, + "Ġrefused": 10999, + "Ġendangered": 11000, + "Ġloan": 11001, + "Ġcounts": 11002, + "ocate": 11003, + "Ġgenuine": 11004, + "Ġrays": 11005, + "Ġimproves": 11006, + "âĸ": 11007, + "thood": 11008, + "Ġproducers": 11009, + "cluded": 11010, + "ĠTurkey": 11011, + "ĠCR": 11012, + "Ġgray": 11013, + "options": 11014, + "ador": 11015, + "Ġovers": 11016, + "ĠCorpor": 11017, + "DL": 11018, + "Ġprogressive": 11019, + "ĠColl": 11020, + "Ġster": 11021, + "Ġempire": 11022, + "ĠEPA": 11023, + "Lab": 11024, + "adelphia": 11025, + "ĠBol": 11026, + "ĠPaper": 11027, + "strip": 11028, + "Ġupdates": 11029, + "ivals": 11030, + "Ġride": 11031, + "uct": 11032, + "ĠAud": 11033, + "Ġirrigation": 11034, + "nds": 11035, + "ĠCell": 11036, + "uda": 11037, + "Ġbits": 11038, + "olph": 11039, + "Ġnursing": 11040, + "ĠSecretary": 11041, + "Ġhack": 11042, + "pm": 11043, + "Ġtourism": 11044, + "Ġcable": 11045, + "Ġcarries": 11046, + "Ġpathways": 11047, + "site": 11048, + "ĠValueError": 11049, + "Ġintriguing": 11050, + "Ġadministrative": 11051, + "elly": 11052, + "Ġdescend": 11053, + "orship": 11054, + "Ġcann": 11055, + "ĠRather": 11056, + "Ġconsisting": 11057, + "olds": 11058, + "Ġracism": 11059, + "asets": 11060, + "ĠPL": 11061, + "Os": 11062, + "Ġarthritis": 11063, + "Ġactors": 11064, + "Ġinterviews": 11065, + "ĠJam": 11066, + "ĠThroughout": 11067, + "uction": 11068, + "full": 11069, + "Ġflavors": 11070, + "ĠTurk": 11071, + "Ġabundance": 11072, + "Ġhopes": 11073, + "del": 11074, + "Ġexplicitly": 11075, + "Ġachievements": 11076, + "Ġdefining": 11077, + "ĠAlways": 11078, + "inance": 11079, + "anz": 11080, + "Ġmistake": 11081, + "quiry": 11082, + "Ġft": 11083, + "Ġcontamination": 11084, + "Activity": 11085, + "worm": 11086, + "Ġbinary": 11087, + "develop": 11088, + "rying": 11089, + "Ġradi": 11090, + "Ġdistinction": 11091, + "odox": 11092, + "redit": 11093, + "Ġteens": 11094, + "Health": 11095, + "Ġincredibly": 11096, + "ĠWales": 11097, + "Ġinfectious": 11098, + "Ĥ¬": 11099, + "ãĥ": 11100, + "Follow": 11101, + "Ġgro": 11102, + "ynt": 11103, + "Ġrobots": 11104, + "ometimes": 11105, + "ropriate": 11106, + "izational": 11107, + "Ġsheep": 11108, + "ghan": 11109, + "ĠScientists": 11110, + "Ġemphasize": 11111, + "ffe": 11112, + "Ġwinds": 11113, + "Fe": 11114, + "Ġcultivate": 11115, + "Ġbinding": 11116, + "Start": 11117, + "Ġdrives": 11118, + "issipp": 11119, + "Ġattempted": 11120, + "\"))": 11121, + "ĠUser": 11122, + "inals": 11123, + "Ġretail": 11124, + "Ġunnecessary": 11125, + "User": 11126, + "Ġhob": 11127, + "Ġerosion": 11128, + "Ġpython": 11129, + "har": 11130, + "ĠAS": 11131, + "ĠArea": 11132, + "ĠAT": 11133, + "Ġkg": 11134, + "Ġfilling": 11135, + "Ġdementia": 11136, + "Ġdiarr": 11137, + "Ġtrick": 11138, + "Ġchecks": 11139, + "Ġstew": 11140, + "Ġadolescents": 11141, + "enda": 11142, + "Ġdiplom": 11143, + "Ġcircles": 11144, + "Ġinvasion": 11145, + "Ġtyping": 11146, + "Ġseasonal": 11147, + "Ġstems": 11148, + "ĠMic": 11149, + "Ġphilosophical": 11150, + "ĠSenate": 11151, + "raid": 11152, + "Ġpipe": 11153, + "Ġentertainment": 11154, + "MI": 11155, + "ĠMoses": 11156, + "Ġfilename": 11157, + "ĠAntar": 11158, + "Ġjew": 11159, + "Ġchecking": 11160, + "Ġhide": 11161, + "ogram": 11162, + "Ġallergies": 11163, + "Ġsettlers": 11164, + ".),": 11165, + "eted": 11166, + "Ġbron": 11167, + "Ġevaluating": 11168, + "bec": 11169, + "cr": 11170, + ".:": 11171, + "Ġdiver": 11172, + "Ġassistant": 11173, + "Ġsemi": 11174, + "Ġapproval": 11175, + "ĠEval": 11176, + "Ġbrowser": 11177, + "Ġgre": 11178, + "arious": 11179, + "è": 11180, + "ĊĠĠ": 11181, + "hematic": 11182, + "Ġadvocate": 11183, + "Ġamino": 11184, + "ĠDam": 11185, + "ĠSP": 11186, + "ĠMajor": 11187, + "itic": 11188, + "Ġalpha": 11189, + "Ġfunctionality": 11190, + "cls": 11191, + "Based": 11192, + "'''": 11193, + "breaking": 11194, + "Ġimagery": 11195, + "Ġhes": 11196, + "Ġliberal": 11197, + "Ġrealistic": 11198, + "oop": 11199, + "Lay": 11200, + "Ġenzymes": 11201, + "Ġfacial": 11202, + "Ġcomplexities": 11203, + "aven": 11204, + "Ġundergo": 11205, + "iano": 11206, + "ĠBrain": 11207, + "Ġ(âĢľ": 11208, + "elect": 11209, + "Ġprotocols": 11210, + "Ġemit": 11211, + "ospel": 11212, + "ĠOcc": 11213, + "ancial": 11214, + "Ġcomprehend": 11215, + "Ġseeks": 11216, + "iop": 11217, + "Ġalumin": 11218, + "Ġcalculations": 11219, + "stic": 11220, + "Ġactivation": 11221, + "ello": 11222, + "Box": 11223, + "orient": 11224, + "Ġbeam": 11225, + "ĠRail": 11226, + "Ġholy": 11227, + "Ġrainfall": 11228, + "Ġbrilli": 11229, + "ocated": 11230, + "Ġtrail": 11231, + "Ġdemonstrating": 11232, + "Ġcharges": 11233, + "ĠCA": 11234, + "Ġrigorous": 11235, + "plotlib": 11236, + "attered": 11237, + "Ġrejected": 11238, + "Ġheal": 11239, + "ĠEgyptian": 11240, + "Ġlunch": 11241, + "Ġorganize": 11242, + "ĠIllinois": 11243, + "Ġcloth": 11244, + "patch": 11245, + "some": 11246, + "answer": 11247, + "Ġdistribut": 11248, + "Ġnam": 11249, + "Ġtumors": 11250, + "ĠNutrition": 11251, + "essional": 11252, + "Ġexcav": 11253, + "Dep": 11254, + "Ġtast": 11255, + "ĠOl": 11256, + "âĶ": 11257, + "avirus": 11258, + "ĊĠĠĠĠĠĠĠĠĠĠ": 11259, + "Ġpiv": 11260, + "logger": 11261, + "Ġdiagram": 11262, + "bage": 11263, + "ĠPhilos": 11264, + "World": 11265, + "mers": 11266, + "river": 11267, + "Ġabandoned": 11268, + "Ġimperial": 11269, + "nia": 11270, + "Ġmas": 11271, + "Ġattended": 11272, + "ĠGarden": 11273, + "yard": 11274, + "Ġintermedi": 11275, + "ĠCT": 11276, + "Ġarranged": 11277, + "Mon": 11278, + "Ġvot": 11279, + "Ġmissions": 11280, + "ĠNeuro": 11281, + "next": 11282, + "WS": 11283, + "Ġsle": 11284, + "ĠFair": 11285, + "ĠEN": 11286, + "Ġreceives": 11287, + "ranch": 11288, + "Ġelementary": 11289, + "obic": 11290, + "Det": 11291, + "Ġmultipl": 11292, + "angel": 11293, + "Ġvine": 11294, + "ĠJava": 11295, + "Ġarrive": 11296, + "Ġanch": 11297, + "cies": 11298, + "Ġpatent": 11299, + "_{": 11300, + "Ġarchitectural": 11301, + "burn": 11302, + "oly": 11303, + "Ġexplores": 11304, + "Ġcameras": 11305, + "Ġgran": 11306, + "Ġshoulder": 11307, + "CN": 11308, + "Ġframeworks": 11309, + "Ġstretch": 11310, + "Ġarter": 11311, + "posed": 11312, + "ĠStill": 11313, + "Ġtwelve": 11314, + "entieth": 11315, + "Ġshopping": 11316, + "fly": 11317, + "Ġlanding": 11318, + "ĠAssessment": 11319, + "Ġpride": 11320, + "utical": 11321, + "Ġpatch": 11322, + "ynasty": 11323, + "Ġcircular": 11324, + "bat": 11325, + "Ġcareers": 11326, + "Ġconfused": 11327, + "ĠHit": 11328, + "omers": 11329, + "Ġbind": 11330, + "Ġstrains": 11331, + "aylor": 11332, + "Ġmetabolic": 11333, + "Ġsecrets": 11334, + "ifer": 11335, + "Ġdischarge": 11336, + "Ġrehab": 11337, + "ĠBest": 11338, + "Ġintelligent": 11339, + "Learn": 11340, + "Ġrhythm": 11341, + "Ġafternoon": 11342, + "iary": 11343, + "Ġhung": 11344, + "Ġbeta": 11345, + "abases": 11346, + "Ġkindness": 11347, + "Ġcamps": 11348, + "Ġhearts": 11349, + "Ġpollut": 11350, + "Ġprogression": 11351, + "ropol": 11352, + "arer": 11353, + "ussian": 11354, + "two": 11355, + "Ġanat": 11356, + "Ġperf": 11357, + "Ġadjacent": 11358, + "Ġentitled": 11359, + "ĠKent": 11360, + "Ġsubsid": 11361, + "MM": 11362, + "Ġstraw": 11363, + "Ġfeatured": 11364, + "ĠMovement": 11365, + "Ġcombinations": 11366, + "Ġatmospheric": 11367, + "Ġwake": 11368, + "ĠOffic": 11369, + "Ġgains": 11370, + "Ġbust": 11371, + "kg": 11372, + "ĠLess": 11373, + "onymous": 11374, + "ĠRab": 11375, + "Ġindicators": 11376, + "Ġmolecule": 11377, + "Ġspons": 11378, + "Ġinflation": 11379, + "Research": 11380, + "rose": 11381, + "ĠFDA": 11382, + "Ġswelling": 11383, + "Ġrepresentatives": 11384, + "Ġcontroversial": 11385, + "cost": 11386, + "ĠFollowing": 11387, + "Ġcollapse": 11388, + "Ġintroducing": 11389, + "Ġtrav": 11390, + "ĠCarib": 11391, + "Ġtendency": 11392, + "Ġsons": 11393, + "Ġanx": 11394, + "Ġintens": 11395, + "Ġinvented": 11396, + "Ġfifth": 11397, + "ulative": 11398, + "?**": 11399, + "Ġcorrelation": 11400, + "Ġcalendar": 11401, + "Ġcelebration": 11402, + "Ġdigit": 11403, + "Ġharmon": 11404, + "Ġeconomies": 11405, + "ĠDat": 11406, + "ĠLuc": 11407, + "away": 11408, + "Ġraises": 11409, + "Ġcooked": 11410, + "dess": 11411, + "ĠFed": 11412, + "mock": 11413, + "Ġfriendship": 11414, + "Ġprol": 11415, + "Ġinstant": 11416, + "Ġ~": 11417, + "learn": 11418, + "ĠFac": 11419, + "Ġearned": 11420, + "Ġasks": 11421, + "Ġelig": 11422, + "Ġcompletion": 11423, + "Ġfate": 11424, + "perties": 11425, + "Ġbee": 11426, + "Ġbold": 11427, + "features": 11428, + "ĠCommunication": 11429, + "issippi": 11430, + "ĠAlaska": 11431, + "Exception": 11432, + "Ġcompeting": 11433, + "ĠEncourage": 11434, + "Ġ©": 11435, + "ĠRelations": 11436, + "ĠOregon": 11437, + "Ġweekly": 11438, + "pool": 11439, + "Ġfibers": 11440, + "ĠCond": 11441, + "Ġinjured": 11442, + "Ġpublishing": 11443, + "++": 11444, + "itzer": 11445, + "ĠÏ": 11446, + "uple": 11447, + "ĠNeed": 11448, + "help": 11449, + "Ġmes": 11450, + "gency": 11451, + "ĠBerlin": 11452, + "ĠStation": 11453, + "ĠIndex": 11454, + "Ġmeanings": 11455, + "ĠScript": 11456, + "Ġoptional": 11457, + "oil": 11458, + "yr": 11459, + "ĠWilson": 11460, + "Ġpersonally": 11461, + "reating": 11462, + "\"])": 11463, + "ĠON": 11464, + "Ġspine": 11465, + "ĠConclusion": 11466, + "orus": 11467, + "Ġguides": 11468, + "Ġencompass": 11469, + "Ġadventures": 11470, + "BL": 11471, + "ĠCommons": 11472, + "Ġcombines": 11473, + "td": 11474, + "Ġrelating": 11475, + "Ġcampus": 11476, + "ĠTips": 11477, + "ĠDiet": 11478, + "Ġworksheets": 11479, + "gence": 11480, + "Ġconsistency": 11481, + "Ġagreements": 11482, + "Ġevaluated": 11483, + "çļ": 11484, + "swered": 11485, + "ĠHyd": 11486, + "Ġpale": 11487, + "Ġmi": 11488, + "ĠIntellig": 11489, + "law": 11490, + "healthy": 11491, + "Ġcope": 11492, + "Researchers": 11493, + "Ġdinner": 11494, + "Ġangles": 11495, + "omal": 11496, + "inite": 11497, + "Ġkernel": 11498, + "Ġlemon": 11499, + "ĠInterest": 11500, + "ĠSn": 11501, + "Ġgerm": 11502, + "ders": 11503, + "Ġreviewed": 11504, + "forms": 11505, + "ĠObama": 11506, + "]),": 11507, + "ĠPrin": 11508, + "Ġnod": 11509, + "aa": 11510, + "Ġheader": 11511, + "ç": 11512, + "Ġpresenting": 11513, + "ĠBody": 11514, + "Ġpoems": 11515, + "hard": 11516, + "ν": 11517, + "they": 11518, + "template": 11519, + "Ġuncover": 11520, + "Ġhip": 11521, + "Ġhistories": 11522, + "itutes": 11523, + "ĠSTEM": 11524, + "ĠMountain": 11525, + "BD": 11526, + "there": 11527, + "ĠLED": 11528, + "otten": 11529, + "itus": 11530, + "Ġnoun": 11531, + "efits": 11532, + "ercise": 11533, + "ĠSanta": 11534, + "Ġweren": 11535, + "ĠResearchers": 11536, + "Ġbroadcast": 11537, + "Ġcyl": 11538, + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 11539, + "ĠNic": 11540, + "Ġconvenient": 11541, + "ouri": 11542, + "Ġimmense": 11543, + "Ġcontinuously": 11544, + "makers": 11545, + "rizona": 11546, + "ĠJr": 11547, + "Ġoperated": 11548, + "screen": 11549, + "eric": 11550, + "height": 11551, + "Ġassignments": 11552, + "Ġfirms": 11553, + "ĠPhiladelphia": 11554, + "Ġpartly": 11555, + "ĠMother": 11556, + "Ġposted": 11557, + "Ġmirror": 11558, + "Ġcataly": 11559, + "ĠMarc": 11560, + "Ġinstitutional": 11561, + "isations": 11562, + "ĠMap": 11563, + "Ġearthquake": 11564, + "Ġglobally": 11565, + "Ġmetadata": 11566, + "çļĦ": 11567, + "ĠFarm": 11568, + "Ġdeposits": 11569, + "herence": 11570, + "owers": 11571, + "Ġgeometry": 11572, + "TY": 11573, + "Ġofficially": 11574, + "white": 11575, + "Ġarbit": 11576, + "Ġdistress": 11577, + "prov": 11578, + "Scient": 11579, + "iors": 11580, + "aine": 11581, + "parameters": 11582, + "ĠRen": 11583, + "click": 11584, + "ĠBlood": 11585, + "Ġmetap": 11586, + "Ġcontaminated": 11587, + "Ġsystemic": 11588, + "ĠVisual": 11589, + "Ġmutations": 11590, + "Ġthirty": 11591, + "ĠTwitter": 11592, + "oking": 11593, + "Ġrecipe": 11594, + "Ġoffices": 11595, + "Ġinvited": 11596, + "report": 11597, + "coin": 11598, + "Ġemployers": 11599, + "Ġbull": 11600, + "itar": 11601, + "space": 11602, + "kens": 11603, + "Mat": 11604, + "Ġrepresentations": 11605, + "Ġabsorbed": 11606, + "istent": 11607, + "ĠSchools": 11608, + "Ġdepartments": 11609, + "Ġmarkers": 11610, + "Ġfavour": 11611, + "Ġmagazine": 11612, + "claimed": 11613, + "Ġguided": 11614, + "Ġshade": 11615, + "ĠWeek": 11616, + "race": 11617, + "Ġpredators": 11618, + "orer": 11619, + "Ġsacrifice": 11620, + "Ġsteady": 11621, + "Ġrefugees": 11622, + "Ġinsu": 11623, + "etically": 11624, + "Ġsupportive": 11625, + "ĠTrade": 11626, + "Ġattempting": 11627, + "ĠMaking": 11628, + "Ġtransparency": 11629, + "Ġrend": 11630, + "success": 11631, + "imals": 11632, + "ĠMi": 11633, + "who": 11634, + "Ġstrive": 11635, + "Ġpainted": 11636, + "Ġtower": 11637, + "ĠBase": 11638, + "fam": 11639, + "ĠMarg": 11640, + "ĠFish": 11641, + "thew": 11642, + "ĠOrder": 11643, + "Ġiter": 11644, + "Ġqualified": 11645, + "tree": 11646, + "seud": 11647, + "Ġpesticides": 11648, + "yan": 11649, + "Ġinvesting": 11650, + "AF": 11651, + "ĠSpring": 11652, + "Hel": 11653, + "Ġseal": 11654, + "ĠFriday": 11655, + "control": 11656, + "Ġwritings": 11657, + "ĠParam": 11658, + "Ġsch": 11659, + "Ġvag": 11660, + "Ġdescriptions": 11661, + "Ġfootprint": 11662, + "Ġsurvived": 11663, + "enaissance": 11664, + "unar": 11665, + "ĠOpp": 11666, + "placement": 11667, + "Ġexhibition": 11668, + "Ġthickness": 11669, + "ishers": 11670, + "Ġdoses": 11671, + "Ġchamber": 11672, + "initial": 11673, + "PC": 11674, + "Ġmeets": 11675, + "ĠBern": 11676, + "ĠNa": 11677, + "Ġpest": 11678, + "ammad": 11679, + "ĠFig": 11680, + "Ġgaining": 11681, + "Ġslight": 11682, + "ĠADHD": 11683, + "VER": 11684, + "ĠRole": 11685, + "Ġmindfulness": 11686, + "Ġhumidity": 11687, + "ĠIndividual": 11688, + "ĠMental": 11689, + "Ġstatic": 11690, + "Ġpests": 11691, + "Ġow": 11692, + "clusively": 11693, + "Ġwondering": 11694, + "Ġsorts": 11695, + "weet": 11696, + "Ġmonthly": 11697, + "ĠClinical": 11698, + "bro": 11699, + "metric": 11700, + "Ġsalmon": 11701, + "ĠAsh": 11702, + "Ġorganism": 11703, + "ĠMcC": 11704, + "Click": 11705, + "Ġtiming": 11706, + "Ġphrases": 11707, + "Ġmart": 11708, + "anth": 11709, + "select": 11710, + ":`": 11711, + "ĠJones": 11712, + "Ġfont": 11713, + "Ġassociations": 11714, + "Ġrelatives": 11715, + "ĠDecl": 11716, + "Ġelectronics": 11717, + "BI": 11718, + "ĠSem": 11719, + "Ġfolk": 11720, + "aceutical": 11721, + "ĠRepresent": 11722, + "gged": 11723, + "').": 11724, + "Moreover": 11725, + "eps": 11726, + "Ġcommod": 11727, + "ĠLiterature": 11728, + "Ġpartially": 11729, + "Ġmanufacturer": 11730, + "riction": 11731, + "Ġlift": 11732, + "Further": 11733, + "atre": 11734, + "illy": 11735, + "Ġgrapp": 11736, + "Ġpleasure": 11737, + "inely": 11738, + "Ġanswered": 11739, + "nc": 11740, + "Ġheter": 11741, + "Ġworn": 11742, + "Ġchat": 11743, + "ipation": 11744, + "QU": 11745, + "Ġendless": 11746, + "Ġdispers": 11747, + "Ġtalks": 11748, + "Ġblo": 11749, + "Ġaccompany": 11750, + "ĠShort": 11751, + "Ġdoctrine": 11752, + "Ġimpression": 11753, + "Ġdefines": 11754, + "Ġsynthesis": 11755, + "Ġdentist": 11756, + "Ġadvertising": 11757, + "ĠMarx": 11758, + "Ġentrance": 11759, + "ĠAssembly": 11760, + "Ġcoordination": 11761, + "Ġtitles": 11762, + "Ġbattles": 11763, + "Ġorganizing": 11764, + "ifiers": 11765, + "Ġmodify": 11766, + "Ġcategor": 11767, + "lict": 11768, + "Ġrefrig": 11769, + "Ġaccessibility": 11770, + "istically": 11771, + "Ġfolks": 11772, + "effective": 11773, + "Ġphotograp": 11774, + "Ġarrangements": 11775, + "Ġatom": 11776, + "National": 11777, + "Ġmerg": 11778, + "ĠNether": 11779, + "Life": 11780, + "Ġprevalent": 11781, + "Down": 11782, + "Ġyields": 11783, + "ĠAbraham": 11784, + "Ġburned": 11785, + "Ġdiscourse": 11786, + "Ġsustained": 11787, + "Ġhighlighted": 11788, + "Ġwashing": 11789, + "Ġenzyme": 11790, + "lux": 11791, + "Ġappointment": 11792, + "PV": 11793, + "orative": 11794, + "income": 11795, + "Ġwage": 11796, + "Ġber": 11797, + "Ġincorrect": 11798, + "ĠWorking": 11799, + "Ġimplies": 11800, + "sys": 11801, + "ĠKn": 11802, + "Ġsurveillance": 11803, + "dot": 11804, + "Ġinterval": 11805, + "doi": 11806, + "Ġextends": 11807, + "datetime": 11808, + "ĠCra": 11809, + "month": 11810, + "Car": 11811, + "Ġtied": 11812, + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠ": 11813, + "Ġminister": 11814, + "equal": 11815, + "Ġdiamond": 11816, + "owed": 11817, + "ĠVari": 11818, + "Ġbrothers": 11819, + "Ġpressures": 11820, + "charg": 11821, + "ĠMathemat": 11822, + "Ġwarrant": 11823, + "Ġutilizing": 11824, + "Ġprinter": 11825, + "Ġunpre": 11826, + "Ġlimiting": 11827, + "Ġsubsequently": 11828, + "Ġfears": 11829, + "Ġafraid": 11830, + "Ġbasket": 11831, + "Ġaccomplished": 11832, + "ĠLuther": 11833, + "Ġexecuted": 11834, + "po": 11835, + "pective": 11836, + "ummy": 11837, + "marks": 11838, + "Ġacquisition": 11839, + "Ġcave": 11840, + "Ġmail": 11841, + "ĠPersonal": 11842, + "Ġrooted": 11843, + "arest": 11844, + "ĠAdam": 11845, + "pres": 11846, + "ĠMarine": 11847, + "actic": 11848, + "ĠRo": 11849, + "solving": 11850, + "Ġoffs": 11851, + "riends": 11852, + "Ġgrants": 11853, + "Ġtraditionally": 11854, + "represent": 11855, + "Ġpneum": 11856, + "ĠHard": 11857, + "ĠGar": 11858, + "Ġdrops": 11859, + "ques": 11860, + "ĠMississippi": 11861, + "Ġasset": 11862, + "etheless": 11863, + "Ġpsychiat": 11864, + "iciency": 11865, + "Ġpitch": 11866, + "Ġpartnerships": 11867, + "oard": 11868, + "Ġsurprised": 11869, + "Create": 11870, + "Ġphysicians": 11871, + "Ġaspir": 11872, + "ĠTree": 11873, + "reatment": 11874, + "cultural": 11875, + "ĠPeace": 11876, + "children": 11877, + "Ġmuc": 11878, + "Ġinfluenza": 11879, + "Ġul": 11880, + "ĠFa": 11881, + "isible": 11882, + "Ġtribe": 11883, + "Ġmodes": 11884, + "Ġpayments": 11885, + "ntil": 11886, + ":||": 11887, + "Ġdying": 11888, + "ĠArm": 11889, + "ĠShow": 11890, + "Ġartwork": 11891, + "Ġcontracts": 11892, + "Ġtracks": 11893, + "Ġpine": 11894, + "berries": 11895, + "ĠOrth": 11896, + "Ġ],": 11897, + "stru": 11898, + "ropy": 11899, + "ĠAngeles": 11900, + "ĠAfghan": 11901, + "athan": 11902, + "public": 11903, + "Ġenjoying": 11904, + "Ġassault": 11905, + "verb": 11906, + "Line": 11907, + "Ġcrafts": 11908, + "ibli": 11909, + "Ġsimilarities": 11910, + "UD": 11911, + "Ġgau": 11912, + "Ġprox": 11913, + "Ġgrat": 11914, + "Ġcompleting": 11915, + "Ġbills": 11916, + "vit": 11917, + "ĠAllah": 11918, + "Ġdangers": 11919, + "Ġprovisions": 11920, + "Ġfulf": 11921, + "ĠScientific": 11922, + "Ġevolve": 11923, + "ĠMaria": 11924, + "ĠCharl": 11925, + "ardship": 11926, + "Ġpeaceful": 11927, + "erves": 11928, + "Wind": 11929, + "Ġsail": 11930, + "Ġadmin": 11931, + "ĠTherapy": 11932, + "Find": 11933, + "ounters": 11934, + "ighth": 11935, + "energy": 11936, + "ĠPsychology": 11937, + "á¹": 11938, + "Ġquad": 11939, + "Ġcouncil": 11940, + "may": 11941, + "verages": 11942, + "engine": 11943, + "Ġabol": 11944, + "ocent": 11945, + "uming": 11946, + "ĠArizona": 11947, + "ĠBon": 11948, + "yt": 11949, + "ĠRenaissance": 11950, + "Ġrevolutionary": 11951, + "His": 11952, + "ĠStudent": 11953, + "plement": 11954, + "Ġarrangement": 11955, + "ĠFunction": 11956, + "UP": 11957, + "ĠHarr": 11958, + "Av": 11959, + "ĠMess": 11960, + "ĠThird": 11961, + "Ġconstitutional": 11962, + "ĠHem": 11963, + "Ġvolumes": 11964, + "Ġmysterious": 11965, + "Ġchains": 11966, + "ĠAnimal": 11967, + "ĠLewis": 11968, + "arded": 11969, + "Ġsoap": 11970, + "Ġextr": 11971, + "ĠAccount": 11972, + "Ġpicked": 11973, + "Ġexpressing": 11974, + "images": 11975, + "Ġoccupation": 11976, + "Ġapple": 11977, + "lication": 11978, + "ĠBuddhist": 11979, + "school": 11980, + "ĠCaribbean": 11981, + "Ġdisasters": 11982, + "Ġenemies": 11983, + "ĠQuestions": 11984, + "Ġcompensation": 11985, + "Ġpink": 11986, + "ĠOnt": 11987, + "Ġexit": 11988, + "Ġnamely": 11989, + "Ġallergic": 11990, + "ĠSE": 11991, + "Ġworkshop": 11992, + "Ġseiz": 11993, + "Ġvom": 11994, + "Ġprone": 11995, + "Ġindoor": 11996, + "Ġingredient": 11997, + "Ġslic": 11998, + "eram": 11999, + "Ġatomic": 12000, + "ι": 12001, + ",,": 12002, + "ulsion": 12003, + "Ġprofessors": 12004, + "iotic": 12005, + "ington": 12006, + "Ġprescription": 12007, + "inch": 12008, + "Ġminimizing": 12009, + "Ġvice": 12010, + "ĠTechniques": 12011, + "Ġoperator": 12012, + "urally": 12013, + "Ġshowc": 12014, + "arians": 12015, + "account": 12016, + "Ġdedication": 12017, + "good": 12018, + "arts": 12019, + "Ġphon": 12020, + "writing": 12021, + "cycle": 12022, + "Ġtanks": 12023, + "ĠCore": 12024, + "Ġfulfill": 12025, + "hero": 12026, + "Ġsinging": 12027, + "Ġreplied": 12028, + "Ġric": 12029, + "Ġpackaging": 12030, + "Ġalien": 12031, + "Ġobviously": 12032, + "render": 12033, + "åı": 12034, + "Ġexceptional": 12035, + "Ġ'/": 12036, + "Students": 12037, + "ĠEncyclopedia": 12038, + "Ġyoga": 12039, + "ushes": 12040, + "LS": 12041, + "estamp": 12042, + "Ġillustrated": 12043, + "ĠStandards": 12044, + "ouch": 12045, + "ĠCN": 12046, + "ĠGP": 12047, + "ricane": 12048, + "Ġconstitutes": 12049, + "closure": 12050, + "ener": 12051, + "AV": 12052, + "ĠClub": 12053, + "Info": 12054, + "Ġapproached": 12055, + "ibration": 12056, + "integ": 12057, + "enges": 12058, + "Ġbeloved": 12059, + "mind": 12060, + "Ġonset": 12061, + "ĠExec": 12062, + "ĠHan": 12063, + "Ġseasons": 12064, + "Ġcareg": 12065, + "ĠExample": 12066, + "ĠBehavior": 12067, + "ĠCDC": 12068, + "Ġfertility": 12069, + "ĠBa": 12070, + "Ġcoins": 12071, + "ĠHig": 12072, + "Ġwages": 12073, + "Ġpotassium": 12074, + "thal": 12075, + "layers": 12076, + "ĠAPI": 12077, + "channel": 12078, + "MC": 12079, + "Ġperceptions": 12080, + "ĠShakespeare": 12081, + "Ġtags": 12082, + "Ġimposed": 12083, + "Ġaug": 12084, + "ĠConc": 12085, + "RS": 12086, + "Ġboards": 12087, + "utter": 12088, + "ĠRand": 12089, + "Ġawarded": 12090, + "Ġkilometers": 12091, + "ĠBegin": 12092, + "ĠFun": 12093, + "Ġbike": 12094, + "Ġcaring": 12095, + "Ġplasma": 12096, + "Ġoriginated": 12097, + "Ġbutt": 12098, + "Ġediting": 12099, + "auc": 12100, + "Ġmurder": 12101, + "Ġma": 12102, + "ĠDesc": 12103, + "make": 12104, + "ĠRisk": 12105, + "Ġdismiss": 12106, + "ĠURL": 12107, + "Ġworried": 12108, + "ãĢ": 12109, + "ĠFile": 12110, + "ĠFOR": 12111, + "Ġmim": 12112, + "Ġappet": 12113, + "ĠApplications": 12114, + "ĠPeriod": 12115, + "Ġcrust": 12116, + "Di": 12117, + "ĠBit": 12118, + "ucky": 12119, + "Ġshallow": 12120, + "ĠAC": 12121, + "Ġfurniture": 12122, + "Ġcod": 12123, + "agog": 12124, + "Ġ'.": 12125, + "Ġpotatoes": 12126, + "etry": 12127, + "Ġenv": 12128, + "Ġimmers": 12129, + "personal": 12130, + "Ġintegrate": 12131, + "Ġimbal": 12132, + "ramew": 12133, + "ĠJim": 12134, + "Ġclassrooms": 12135, + "Ġmixing": 12136, + "hour": 12137, + "Ġinsist": 12138, + "Ġimmunity": 12139, + "Ġdegradation": 12140, + "Ġnumerical": 12141, + "Ġvaccination": 12142, + "Ġeco": 12143, + "ĠFull": 12144, + "folder": 12145, + "Ġjoining": 12146, + "Ġstereotypes": 12147, + "ĠCold": 12148, + "Ġclusters": 12149, + "Ġheated": 12150, + "Ġextraction": 12151, + "Ġsour": 12152, + "ĠJersey": 12153, + "Ġconcert": 12154, + "fa": 12155, + "seed": 12156, + "Ġspelling": 12157, + "Ġwireless": 12158, + "rell": 12159, + "ĠProtest": 12160, + "Ġfluor": 12161, + "Ġinterpretations": 12162, + "req": 12163, + "lem": 12164, + "ashed": 12165, + "Ġreproduction": 12166, + "onin": 12167, + "Ġverse": 12168, + "Ġcanal": 12169, + "Ġpoliticians": 12170, + "aug": 12171, + "card": 12172, + "inflamm": 12173, + "Ġvisually": 12174, + "Ġtreaty": 12175, + "Node": 12176, + "ĠTenn": 12177, + "Ġcontrary": 12178, + "distance": 12179, + "ĠBio": 12180, + "Ġalignment": 12181, + "ĠNY": 12182, + "Current": 12183, + "Ġprisoners": 12184, + "Ġrecommendation": 12185, + "Mar": 12186, + "Ġmarker": 12187, + "Ġerect": 12188, + "rophic": 12189, + "ermat": 12190, + "Ġdecreases": 12191, + "High": 12192, + "Ġhang": 12193, + "speed": 12194, + "Ġprejud": 12195, + "ĠLu": 12196, + "Ġfrozen": 12197, + "Ġverify": 12198, + "ACT": 12199, + "Ġfrequencies": 12200, + "Ġfluids": 12201, + "ĠQuality": 12202, + "Ġexempl": 12203, + "Ġtorn": 12204, + "leton": 12205, + "Ġreservoir": 12206, + "Ġdefects": 12207, + "ĠWars": 12208, + "Ġwarfare": 12209, + "Ġstuck": 12210, + "adequ": 12211, + "eering": 12212, + "FS": 12213, + "ĠEvolution": 12214, + "Pat": 12215, + "holder": 12216, + "Ġpurchasing": 12217, + "unci": 12218, + "Ġquote": 12219, + "Ġextinction": 12220, + "Ġportions": 12221, + "Ġabroad": 12222, + "Ġbridges": 12223, + "Ġeaten": 12224, + "Ġtoxins": 12225, + "perature": 12226, + "Ġpushed": 12227, + "ĠGene": 12228, + "Ġmusicians": 12229, + "Ġgenetics": 12230, + "Ġirregular": 12231, + "Ġobsc": 12232, + "Supp": 12233, + "ĠMinnes": 12234, + "Ġfees": 12235, + "FC": 12236, + "Ġmainstream": 12237, + "ĠSource": 12238, + "Ġfatal": 12239, + "ĠTrends": 12240, + "Ġrailroad": 12241, + "Ġemphasizing": 12242, + "uisine": 12243, + "Ġkwargs": 12244, + "Ġloans": 12245, + "ĠYOU": 12246, + "second": 12247, + "Ġmonument": 12248, + "Ġnineteenth": 12249, + "Ġsmoothly": 12250, + "Ġcreature": 12251, + "Ġexams": 12252, + "Ġargues": 12253, + "sized": 12254, + "omon": 12255, + "ĠNetherlands": 12256, + "cmd": 12257, + "Ġcompute": 12258, + "iph": 12259, + "Ġreliability": 12260, + "Ġavoided": 12261, + "Ġemergence": 12262, + "Ġantibodies": 12263, + "Ġmile": 12264, + "ilib": 12265, + "gered": 12266, + "Ext": 12267, + "Ġlin": 12268, + "Ġfeas": 12269, + "Ġstrand": 12270, + "Ġgrams": 12271, + "Ġdual": 12272, + "Ġstunning": 12273, + "Ġtrusted": 12274, + "acon": 12275, + "Ġlarv": 12276, + "ĠSearch": 12277, + "dest": 12278, + "Ġchapters": 12279, + "ulates": 12280, + "Ġtens": 12281, + "Ġgifts": 12282, + "PDF": 12283, + "ĠWed": 12284, + "ĠHitler": 12285, + "Ġconsensus": 12286, + "alg": 12287, + "ĠDE": 12288, + "inian": 12289, + "Ġassessed": 12290, + "pur": 12291, + "activity": 12292, + "Ġpoorly": 12293, + "Ġpenc": 12294, + "tein": 12295, + "Ġdeleg": 12296, + "bet": 12297, + "numpy": 12298, + "Ġbands": 12299, + "pus": 12300, + "ĠEssay": 12301, + "Ġalgebra": 12302, + "Ġdatabases": 12303, + "doors": 12304, + "early": 12305, + "ĠTeachers": 12306, + "Ġartifacts": 12307, + "ĠBuddhism": 12308, + "Ġprolonged": 12309, + "anas": 12310, + "Ġeducated": 12311, + "ĠNazi": 12312, + "Ġpatri": 12313, + "Ġprofits": 12314, + "Ġmalaria": 12315, + "ĠSoftware": 12316, + "web": 12317, + "Ġhumor": 12318, + "Ġnerves": 12319, + "Ġbaking": 12320, + "Children": 12321, + "Ġvalley": 12322, + "Ġsenses": 12323, + "Ġties": 12324, + "Ġalgae": 12325, + "Ġstops": 12326, + "struct": 12327, + "ryption": 12328, + "Ġaccountability": 12329, + "Ġtactics": 12330, + "Ġtar": 12331, + "\\\\": 12332, + "password": 12333, + "generation": 12334, + "Ġà¤": 12335, + "named": 12336, + "iro": 12337, + "plan": 12338, + "entially": 12339, + "Ġenduring": 12340, + "Ġdecent": 12341, + "Ġblend": 12342, + "Ġmira": 12343, + "iative": 12344, + "Ġstrings": 12345, + "Ġcounterparts": 12346, + "Ġdepr": 12347, + "Ġviewing": 12348, + "Ġbeet": 12349, + "Ċĉĉĉĉ": 12350, + "Ġattain": 12351, + "Ġrevealing": 12352, + "Ġattacked": 12353, + "ĠSO": 12354, + "ĠJun": 12355, + "ĠPrince": 12356, + "Ġspecimens": 12357, + "Ġwavel": 12358, + "Ġpupp": 12359, + "ĠAz": 12360, + "flies": 12361, + "vation": 12362, + "idate": 12363, + "Ġtired": 12364, + "Ġodd": 12365, + "Ġtoile": 12366, + "disc": 12367, + "angular": 12368, + "SO": 12369, + "Ġmodules": 12370, + "uclear": 12371, + "Ġexpense": 12372, + "TC": 12373, + "cos": 12374, + "Ġtransparent": 12375, + "omical": 12376, + "cache": 12377, + "Ġpriorit": 12378, + "Ġnurses": 12379, + "Ġlabeled": 12380, + "Ġfollowers": 12381, + "Ġcups": 12382, + "plus": 12383, + "Ġnegatively": 12384, + "Gu": 12385, + "AND": 12386, + "Ġmotivated": 12387, + "Ġctx": 12388, + "Ġcarbohydrates": 12389, + "desc": 12390, + "Ġvacuum": 12391, + "Ġefficacy": 12392, + "Ġmarginalized": 12393, + "Ġretrie": 12394, + "ĠIsa": 12395, + "Ġdisappear": 12396, + "ĠMonday": 12397, + "Ġexert": 12398, + "ĠHot": 12399, + "Ġweapon": 12400, + "ĠTri": 12401, + "govern": 12402, + "rison": 12403, + "ĠSav": 12404, + "ĠJane": 12405, + "ĠLeague": 12406, + "ĠSamuel": 12407, + "Dict": 12408, + "ĠWW": 12409, + "ĠCollect": 12410, + "Ġflooding": 12411, + "Param": 12412, + "Ġformats": 12413, + "rors": 12414, + "Ġdign": 12415, + "Ġchamp": 12416, + "Ġintra": 12417, + "Ġbeef": 12418, + "Ġcasual": 12419, + "don": 12420, + "ez": 12421, + "Ġbearing": 12422, + "ĠGraph": 12423, + "Ġirre": 12424, + "EMA": 12425, + "Ġpassive": 12426, + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 12427, + "ĠArabic": 12428, + "Ġenl": 12429, + "Ġmeta": 12430, + "ĠGuard": 12431, + "remove": 12432, + "Ġmachinery": 12433, + "ĠMinnesota": 12434, + "Ġprediction": 12435, + "ĠHon": 12436, + "FO": 12437, + "ĠAqu": 12438, + "Ġphases": 12439, + "Ġheroes": 12440, + "piece": 12441, + "Ġrelat": 12442, + "Ġconcentrated": 12443, + "ĠGame": 12444, + "imedia": 12445, + "ben": 12446, + "ĠMissouri": 12447, + "Ġvoting": 12448, + "ĠHu": 12449, + "Ġdiscovering": 12450, + "Ġbiblical": 12451, + "ĠPoland": 12452, + "Ġadmitted": 12453, + "osaur": 12454, + "ATH": 12455, + "ĠSpecifically": 12456, + "Ġdelivering": 12457, + "Ġreconc": 12458, + "owners": 12459, + "Ġpursuing": 12460, + "Ġedit": 12461, + "restr": 12462, + "Response": 12463, + "ĠTyp": 12464, + "Hz": 12465, + "Ġguns": 12466, + "Ġschem": 12467, + "match": 12468, + "ĠJacob": 12469, + "Ġignored": 12470, + "rels": 12471, + "Ġverbal": 12472, + "note": 12473, + "forming": 12474, + "Ġdialect": 12475, + "header": 12476, + "Ġvalve": 12477, + "Ag": 12478, + "akh": 12479, + "Ġfertilizer": 12480, + "pot": 12481, + "ĠKnowledge": 12482, + "ĠArchitect": 12483, + "squ": 12484, + "Ġhorn": 12485, + "Ġenumerate": 12486, + "Ġclues": 12487, + "plet": 12488, + "Ġsubstr": 12489, + "Ġfans": 12490, + "ĠCollab": 12491, + "Ġorganizational": 12492, + "Ġdrawings": 12493, + "temp": 12494, + "Ġtubes": 12495, + "ĠMarsh": 12496, + "Ġshipping": 12497, + "Ġstructured": 12498, + "ĠPope": 12499, + "angers": 12500, + "Ġrelaxation": 12501, + "ĠStephen": 12502, + "Ġaggreg": 12503, + "nea": 12504, + "Ġbowl": 12505, + "Ġmagnet": 12506, + "ĠDemocratic": 12507, + "ĠParticip": 12508, + "ulent": 12509, + "acerb": 12510, + "Ġly": 12511, + "Ġfails": 12512, + "Ġsyll": 12513, + "teenth": 12514, + "Whe": 12515, + "Ġconstitute": 12516, + "Ġtravels": 12517, + "Ġchron": 12518, + ",âĢĻ": 12519, + "RNA": 12520, + "ĠTeaching": 12521, + "General": 12522, + "Ġsegments": 12523, + "ĠHung": 12524, + "Ġtremend": 12525, + "ader": 12526, + "feeding": 12527, + "Ġthinks": 12528, + "effic": 12529, + "pts": 12530, + "âĶĢ": 12531, + "ĠLiving": 12532, + "Ġsacrific": 12533, + "ĠBasic": 12534, + "ĠBuddha": 12535, + "Ġcoral": 12536, + "Ġoperators": 12537, + "Ġfeather": 12538, + "ocaust": 12539, + "quarters": 12540, + "Ġsupervisor": 12541, + "ĠDeath": 12542, + "ĠPresent": 12543, + "ĠMes": 12544, + "ĠTai": 12545, + "consin": 12546, + "Ġrubber": 12547, + "Ġequitable": 12548, + "icked": 12549, + "Ġphysiological": 12550, + "Ġfallen": 12551, + "]['": 12552, + "uri": 12553, + "Size": 12554, + "Ġdevastating": 12555, + "Second": 12556, + "Ġexpedition": 12557, + "ĠPolitical": 12558, + "arten": 12559, + "Ġpolicym": 12560, + "ĠLinux": 12561, + "Ġreserves": 12562, + "Ġrelies": 12563, + "Ġcolleges": 12564, + "Ġlambda": 12565, + "exists": 12566, + "Ġalphabet": 12567, + "Norm": 12568, + "iac": 12569, + "Ġdisparities": 12570, + "bone": 12571, + "ĠNation": 12572, + "emed": 12573, + "Ġdevoted": 12574, + "Ġangry": 12575, + "Recent": 12576, + "ĠContext": 12577, + "Ġcorporations": 12578, + "Ġnecessity": 12579, + "Max": 12580, + "Ġtraveled": 12581, + "Met": 12582, + "complete": 12583, + "ĠDeep": 12584, + "ĠBell": 12585, + "Ġprevented": 12586, + "Ġfestival": 12587, + "Ġuncomfort": 12588, + "Ġnavigation": 12589, + "Ġcommem": 12590, + "meta": 12591, + "Ġepisode": 12592, + "\"):": 12593, + "Ġchallenged": 12594, + "ĠIndustrial": 12595, + "nodes": 12596, + "Ġfounder": 12597, + "ĠSweden": 12598, + "ĠFront": 12599, + "Ġrewards": 12600, + "Ġpap": 12601, + "Ġshifting": 12602, + "Ġleak": 12603, + "ĠMaryland": 12604, + "ouring": 12605, + "Ġaster": 12606, + "Ġstiff": 12607, + "lob": 12608, + "when": 12609, + "Ġhills": 12610, + "Ġdecom": 12611, + "insula": 12612, + "ĠBuild": 12613, + "cedented": 12614, + "Water": 12615, + "atories": 12616, + "Ġfoundations": 12617, + "Ġought": 12618, + "ĠBan": 12619, + "Ġcaution": 12620, + "whe": 12621, + "Ġpracticed": 12622, + "Ġstressed": 12623, + "bn": 12624, + "ĠArist": 12625, + "orney": 12626, + "cir": 12627, + "Ġprofiles": 12628, + "liers": 12629, + "aments": 12630, + "ALL": 12631, + "Ġtriggers": 12632, + "Ġcompact": 12633, + "Ġreferring": 12634, + "Ġwatched": 12635, + "ĠAk": 12636, + "Ġvalued": 12637, + "Ġfits": 12638, + "Ġconfront": 12639, + "epoch": 12640, + "Ġcounting": 12641, + "Ġmeter": 12642, + "Ġmatches": 12643, + "Ġviable": 12644, + "Mean": 12645, + "ĠCape": 12646, + "Ġsimilarly": 12647, + "ĠGermans": 12648, + "ingle": 12649, + "option": 12650, + "Ant": 12651, + "sq": 12652, + "Take": 12653, + "Dec": 12654, + "xual": 12655, + "Ġhazardous": 12656, + "ĠLove": 12657, + "Ġresponded": 12658, + "Item": 12659, + "Ġfles": 12660, + "unks": 12661, + "ĠStone": 12662, + "Ġcatast": 12663, + "Ġruling": 12664, + "Ġsymbolic": 12665, + "Ġenhances": 12666, + "ÙĦ": 12667, + "Ġneedle": 12668, + "Ġretire": 12669, + "Ġdrainage": 12670, + "riers": 12671, + "dominal": 12672, + "Ġvon": 12673, + "Ġemphasizes": 12674, + "hetics": 12675, + "Ġmitigate": 12676, + "Ġemission": 12677, + "Ġcapability": 12678, + "ĠMand": 12679, + "acity": 12680, + "л": 12681, + "Ġbeer": 12682, + "Ġexacerb": 12683, + "ĠPhysics": 12684, + "Ġpediatric": 12685, + "ĠRecogn": 12686, + "Ġspirits": 12687, + "ITY": 12688, + "ensing": 12689, + "requency": 12690, + "Ġcorruption": 12691, + "Ġincidents": 12692, + "ĠCit": 12693, + "ĠTaylor": 12694, + "Ġintim": 12695, + "inology": 12696, + "Ġslide": 12697, + "Ġbelongs": 12698, + "Ġverbose": 12699, + "Ġpredominant": 12700, + "rock": 12701, + "ĠEmperor": 12702, + "Ġliberty": 12703, + "================================": 12704, + "Ġorb": 12705, + "Ġhistorically": 12706, + "Ġwinning": 12707, + "bad": 12708, + "Ġinterrupt": 12709, + "ĠRE": 12710, + "ĠJon": 12711, + "Ġexpend": 12712, + "ko": 12713, + "Ġfluctu": 12714, + "oult": 12715, + "ĠIdentify": 12716, + "Ġtensions": 12717, + "Ġgenus": 12718, + "ceeds": 12719, + "Ġbreathe": 12720, + "Ġdefeat": 12721, + "Ġfloating": 12722, + "ĠSuccess": 12723, + "Ġdow": 12724, + "Ġshield": 12725, + "Ġmaximize": 12726, + "Ġlocate": 12727, + "Ġpuzzle": 12728, + "Ġentrepreneurs": 12729, + "had": 12730, + "ylon": 12731, + "torch": 12732, + "ĠTeam": 12733, + "classes": 12734, + "embered": 12735, + "Ġstimulate": 12736, + "Ġrituals": 12737, + "Ġpermitted": 12738, + "closed": 12739, + ".-": 12740, + "Ġaffirm": 12741, + "Ġdominated": 12742, + "hr": 12743, + "cam": 12744, + "Ġdamaging": 12745, + "ĠStatistics": 12746, + "Ġeducate": 12747, + "Christ": 12748, + "inth": 12749, + "Ġgardening": 12750, + "Ġfosters": 12751, + "Ġintervals": 12752, + "ĠScottish": 12753, + "Sym": 12754, + "metry": 12755, + "Ġreinforce": 12756, + "record": 12757, + "plane": 12758, + "Ġautomated": 12759, + "Ġholistic": 12760, + "ĠIntelligence": 12761, + "hot": 12762, + "Ġexclusively": 12763, + "ĠDarwin": 12764, + "Ġhardly": 12765, + "ignment": 12766, + "Ġentries": 12767, + "Ġhypert": 12768, + "Ġadul": 12769, + "INE": 12770, + "iy": 12771, + "Ġpalm": 12772, + "Ġmagnesium": 12773, + "Ġmechanics": 12774, + "Ġchecked": 12775, + "Ġrelates": 12776, + "clean": 12777, + "ĠMuh": 12778, + "Ġattracted": 12779, + "jo": 12780, + "eday": 12781, + "Ġlawn": 12782, + "Ġdetermines": 12783, + "Ġtutorial": 12784, + "Ġbulk": 12785, + "Ġexploitation": 12786, + "Ġunited": 12787, + "olk": 12788, + "Ġaids": 12789, + "Ġrod": 12790, + "ĠInnov": 12791, + "nan": 12792, + "Ġmetrics": 12793, + "Ġdiagnose": 12794, + "Min": 12795, + "Ġdollar": 12796, + "rank": 12797, + "Ġescap": 12798, + "ĠNep": 12799, + "Call": 12800, + "master": 12801, + "SH": 12802, + "seq": 12803, + "Ġadministered": 12804, + "ĠContemporary": 12805, + "ĠRa": 12806, + "Ġrecur": 12807, + "asis": 12808, + "fu": 12809, + "Ġculinary": 12810, + "ogene": 12811, + "ĠLGBTQ": 12812, + "prob": 12813, + "ón": 12814, + "Ġcritics": 12815, + "Ġtalked": 12816, + "ĠMuch": 12817, + "Ġmetric": 12818, + "Ġflowing": 12819, + "Prot": 12820, + "prefix": 12821, + "Ġstir": 12822, + "ppers": 12823, + "Ġinfluencing": 12824, + "Ġjaw": 12825, + "assment": 12826, + "Ġyeast": 12827, + "ĠTib": 12828, + "Ġsucceeded": 12829, + "anol": 12830, + "ï¼Į": 12831, + "Ġvolunteer": 12832, + "Ġbrave": 12833, + "Ġcookies": 12834, + "ĠFem": 12835, + "diction": 12836, + "late": 12837, + "Ġmisunder": 12838, + "feature": 12839, + "Ġrepeatedly": 12840, + "rup": 12841, + "Ġger": 12842, + "Ġrocket": 12843, + "adays": 12844, + "ein": 12845, + "Ġderiv": 12846, + "Make": 12847, + "Ġpars": 12848, + "Ġelectrom": 12849, + "MO": 12850, + "ressions": 12851, + "Ġinjection": 12852, + "ĠFlu": 12853, + "edies": 12854, + "rices": 12855, + "otechnology": 12856, + "Both": 12857, + "ĠCharacter": 12858, + "Ġuncomfortable": 12859, + "Ġdeadly": 12860, + "ĠCommand": 12861, + "Ġstorms": 12862, + "groups": 12863, + "argo": 12864, + "Ġparse": 12865, + "Ġweaken": 12866, + "heart": 12867, + "mus": 12868, + "Red": 12869, + "Ġcls": 12870, + "Ġaddict": 12871, + "âĢĿ)": 12872, + "Ġhistorian": 12873, + "idays": 12874, + "Ġunderm": 12875, + "ĠDun": 12876, + "ĠSleep": 12877, + "Ġgraphics": 12878, + ".]": 12879, + "eland": 12880, + "disciplinary": 12881, + "uesday": 12882, + "Ġinflammatory": 12883, + "Ġdens": 12884, + "Ġtear": 12885, + "ordan": 12886, + "nex": 12887, + "Ġexplos": 12888, + "Ġcreations": 12889, + "ĠIndonesia": 12890, + "Ġinsufficient": 12891, + "Ġterminal": 12892, + "Ġnick": 12893, + "Ġlying": 12894, + "agger": 12895, + "agle": 12896, + "ĠDavis": 12897, + "ĠPict": 12898, + "ĠSep": 12899, + "Ġtreats": 12900, + "rared": 12901, + "Ġpackages": 12902, + "oline": 12903, + "Ġservers": 12904, + "(*": 12905, + "cler": 12906, + ".*": 12907, + "Though": 12908, + "risk": 12909, + "antine": 12910, + "Ġpor": 12911, + "Ġepidemic": 12912, + "Ġwealthy": 12913, + "Ġgenerator": 12914, + "Ġcircuits": 12915, + "Ġpreference": 12916, + "Ġgarlic": 12917, + "transform": 12918, + "Ġsupplied": 12919, + "zzle": 12920, + "CI": 12921, + "Ġspecialists": 12922, + "Ġink": 12923, + "sever": 12924, + "Ġmeteor": 12925, + "Ġsunny": 12926, + "Ġreads": 12927, + "ĠHom": 12928, + "ĠNG": 12929, + "Ġupset": 12930, + "Ġdistinguished": 12931, + "Ġdiarrhea": 12932, + "Ġintensive": 12933, + "Ġautomatic": 12934, + "Ġinvestigations": 12935, + "loads": 12936, + "blems": 12937, + "Ġfolder": 12938, + "Ġoccurrence": 12939, + "ĠCorps": 12940, + "Ġdisposal": 12941, + "ognitive": 12942, + "burgh": 12943, + "Ġmacro": 12944, + "restrial": 12945, + "Ġaccommodate": 12946, + "ĠAh": 12947, + "ĠLay": 12948, + "Ġunprecedented": 12949, + "heres": 12950, + "aft": 12951, + "Ġgland": 12952, + "ĠResource": 12953, + "Ġdisabled": 12954, + "Ġbuilds": 12955, + "Ġdomains": 12956, + "Ġcoordinates": 12957, + "ĠFranklin": 12958, + "Ġhind": 12959, + "Ġ×": 12960, + "Ġillustrations": 12961, + "plicit": 12962, + "idae": 12963, + "ochond": 12964, + "velt": 12965, + "Orig": 12966, + "urated": 12967, + "Ġnewspapers": 12968, + "Ġrou": 12969, + "Ġpublicly": 12970, + "Ġbugs": 12971, + "Ġaquatic": 12972, + "Ġgeography": 12973, + "Ġconsiderably": 12974, + "Ġassumption": 12975, + "Ġautonomy": 12976, + "Ġsurvivors": 12977, + "Ġbrilliant": 12978, + "Ġterrain": 12979, + "job": 12980, + "Ġdelves": 12981, + "Ġencoding": 12982, + "Ġfraud": 12983, + "ĠSab": 12984, + "Ġmarvel": 12985, + "Ġromantic": 12986, + "ĠYe": 12987, + "ROM": 12988, + "ilibrium": 12989, + "ĠRomans": 12990, + "Ġalarm": 12991, + "ĠCenters": 12992, + ")[": 12993, + "appropriate": 12994, + "ĠQur": 12995, + "Ġnurse": 12996, + "ĠUrban": 12997, + "Did": 12998, + "Ġvivid": 12999, + "Ġprotects": 13000, + "ĠDaily": 13001, + "čĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 13002, + "Ġsignature": 13003, + ".||": 13004, + "ĠGovernor": 13005, + "Ġhunger": 13006, + "Ġsearc": 13007, + "heastern": 13008, + "Ġperipher": 13009, + "Ġsituated": 13010, + "history": 13011, + "Ġlapt": 13012, + "okes": 13013, + "Number": 13014, + "sn": 13015, + "ĠAIDS": 13016, + "Ġframes": 13017, + "Ġhosts": 13018, + "Ġreceptors": 13019, + "Ġarom": 13020, + "Ġbases": 13021, + "ĠGir": 13022, + "Ġvert": 13023, + "ĠTax": 13024, + "arma": 13025, + "Ġreadings": 13026, + "Ġchip": 13027, + "Ġcontradict": 13028, + "rend": 13029, + "ĠHay": 13030, + "Ġundergraduate": 13031, + "linear": 13032, + "Ġcoordinate": 13033, + "Ġtries": 13034, + "Ġmol": 13035, + "Ġcoping": 13036, + "ĠBalt": 13037, + "Public": 13038, + "Ġclosest": 13039, + "pair": 13040, + "Ġrefine": 13041, + "Ġlig": 13042, + "Ġtransaction": 13043, + "users": 13044, + "ĠTy": 13045, + "button": 13046, + "Ġvulnerability": 13047, + "Ġtargeting": 13048, + "Ġloaded": 13049, + "ĠOil": 13050, + "entials": 13051, + "Ġgeographic": 13052, + "uble": 13053, + "Ġzinc": 13054, + "Ġmasses": 13055, + "Ġplots": 13056, + "secution": 13057, + "center": 13058, + "mt": 13059, + "esteem": 13060, + "ĠId": 13061, + "ĠComb": 13062, + "Index": 13063, + "ursday": 13064, + "ĠWisconsin": 13065, + "ĠMaterials": 13066, + "velation": 13067, + "Ġswallow": 13068, + "father": 13069, + "Ġaluminum": 13070, + "Ġheadaches": 13071, + "kal": 13072, + "rots": 13073, + "Ġadvocates": 13074, + "Ġnas": 13075, + "Ġexclusive": 13076, + "efully": 13077, + "Ġbiases": 13078, + "chem": 13079, + "pret": 13080, + "Ġrecycled": 13081, + "Ġorganisation": 13082, + "Ġhill": 13083, + "()`": 13084, + "Ġmatching": 13085, + "steps": 13086, + "GR": 13087, + "Ġvocal": 13088, + "Ġwed": 13089, + "Ġmodifications": 13090, + "ĠGuidelines": 13091, + "Ġunemployment": 13092, + "Ġconclude": 13093, + "ĠNi": 13094, + "Ġbell": 13095, + ")/": 13096, + "ĠGrant": 13097, + "grim": 13098, + "Ġbriefly": 13099, + "Ġregression": 13100, + "Ġloads": 13101, + "Ġgalaxies": 13102, + "olves": 13103, + "Ġtensor": 13104, + "Ġadopting": 13105, + "Ġinvestigated": 13106, + "Ġcrossing": 13107, + "ASE": 13108, + "Ġfut": 13109, + "ORT": 13110, + "ĠVolume": 13111, + "oT": 13112, + "Ġbark": 13113, + "Ġgastro": 13114, + "Ġempirical": 13115, + "iversary": 13116, + "ĠCreative": 13117, + "network": 13118, + "ĠCompar": 13119, + "Ġnort": 13120, + "xf": 13121, + "Ġpathogens": 13122, + "ĠSeries": 13123, + "Ġthumb": 13124, + "Ġadmit": 13125, + "Cent": 13126, + "ĠZh": 13127, + "Ġscreens": 13128, + "Ġprosperity": 13129, + "Ġsuspected": 13130, + "Ġsatellites": 13131, + "Ġvalidation": 13132, + "cd": 13133, + "ilton": 13134, + "Ġbeds": 13135, + "Ġtire": 13136, + "asting": 13137, + "ĠStay": 13138, + "Ġcoinc": 13139, + "Ġpathway": 13140, + "ramework": 13141, + "Ġallergy": 13142, + "Ġunwanted": 13143, + "Ġlets": 13144, + "Ġpromised": 13145, + "Ġbehave": 13146, + "Ġpowered": 13147, + "erial": 13148, + "olescent": 13149, + "Ġclarity": 13150, + "Ġreminder": 13151, + "imeter": 13152, + "xb": 13153, + "Integ": 13154, + "Ġshadow": 13155, + "Ġsorted": 13156, + "Parser": 13157, + "hedral": 13158, + "Ġfootball": 13159, + "Ġdisappoint": 13160, + "building": 13161, + "Ġcel": 13162, + "ĠPR": 13163, + "script": 13164, + "ĠSex": 13165, + "ĠCook": 13166, + "uty": 13167, + "Ġbes": 13168, + "Vis": 13169, + "ĠSher": 13170, + "Ġperformances": 13171, + "ĠMarket": 13172, + "ĠThom": 13173, + "ĠWatch": 13174, + "Ġcues": 13175, + "Ġrats": 13176, + "Ġindicator": 13177, + "Ġdepicted": 13178, + "element": 13179, + "Ġmethodology": 13180, + "ĠOntario": 13181, + "End": 13182, + "Ġconservative": 13183, + "gender": 13184, + "ilty": 13185, + "ĠPrime": 13186, + "anium": 13187, + "obe": 13188, + "counter": 13189, + "ĠMP": 13190, + "Ġdisputes": 13191, + "ĠAges": 13192, + "learning": 13193, + "semble": 13194, + "Ġreplacing": 13195, + "inea": 13196, + "Ġwalked": 13197, + "Ġflags": 13198, + "Ġsomeday": 13199, + "ĠIron": 13200, + "Ġcompromise": 13201, + "opathy": 13202, + "ĠAvailable": 13203, + "nesday": 13204, + "igs": 13205, + "Ġchips": 13206, + "Ġoxid": 13207, + "Pres": 13208, + "ĠVirt": 13209, + "Ġarc": 13210, + "emet": 13211, + "ĠGa": 13212, + "Ġlux": 13213, + "ĠGrade": 13214, + "Ġenact": 13215, + "iley": 13216, + "Ġcomparable": 13217, + "clusivity": 13218, + "Sign": 13219, + "icides": 13220, + "Ġanten": 13221, + "arse": 13222, + "Ġå": 13223, + "Ġoutdoors": 13224, + "ĠContact": 13225, + "Ġdarkness": 13226, + "ĠCop": 13227, + "Ġmissed": 13228, + "Ġdelete": 13229, + "Ġkin": 13230, + "orse": 13231, + "ĠHur": 13232, + "Ġsocially": 13233, + "iscal": 13234, + "Ġdeterior": 13235, + "Ġparliament": 13236, + "'][": 13237, + "Ġtrips": 13238, + "ĠAdvanced": 13239, + "Ġoptimize": 13240, + "Ġ//": 13241, + "Ġencounters": 13242, + "Ġcensus": 13243, + "perial": 13244, + "ĠJean": 13245, + "Ġpromotion": 13246, + "Ġgalaxy": 13247, + "apore": 13248, + "itoring": 13249, + "yers": 13250, + "Ġmysteries": 13251, + "embed": 13252, + "Ġcrystal": 13253, + "Ġimported": 13254, + "Ġcombust": 13255, + "Ġbars": 13256, + "Ġtwentieth": 13257, + "Ġpulled": 13258, + "Ġaccused": 13259, + "Ġprecipitation": 13260, + "âĶĢâĶĢ": 13261, + "ĠCalcul": 13262, + "igating": 13263, + "phal": 13264, + "Ġspecify": 13265, + "ĠHab": 13266, + "Ġconstitu": 13267, + "Ġpriorities": 13268, + "Ġcoin": 13269, + "Ġinformal": 13270, + "ĠMos": 13271, + "ĊĊĊĠĠĠ": 13272, + "Ġintu": 13273, + "Ġpriest": 13274, + "eto": 13275, + "Ġfee": 13276, + "ancies": 13277, + "Ġwonders": 13278, + "Ġinherited": 13279, + "čĊčĊĠĠĠĠĠĠĠ": 13280, + "Ġpipeline": 13281, + "onto": 13282, + "Ġsperm": 13283, + "acular": 13284, + "dy": 13285, + "review": 13286, + "Ġindivid": 13287, + "deg": 13288, + "ĠCut": 13289, + "Ġhoping": 13290, + "ĠSymptoms": 13291, + "ĠStrategies": 13292, + "ilateral": 13293, + "ĠHas": 13294, + "Ġplag": 13295, + "Ġepidem": 13296, + "Ġsteep": 13297, + "Ġlith": 13298, + "ĠSD": 13299, + "ĠDu": 13300, + "ttes": 13301, + "inflammatory": 13302, + "Ġadvocacy": 13303, + "tensor": 13304, + "Ġpresum": 13305, + "eu": 13306, + "Ġprotest": 13307, + "Ġpollutants": 13308, + "ĠVictoria": 13309, + "Ġcalculation": 13310, + "ignt": 13311, + "sun": 13312, + "Ġgenerates": 13313, + "ĠRub": 13314, + "Ġretention": 13315, + "Ġrestored": 13316, + "Comp": 13317, + "ĠLower": 13318, + "Ġrecommends": 13319, + "ĠYears": 13320, + "Ġterrible": 13321, + "ĠEstab": 13322, + "Ġadjustments": 13323, + "samples": 13324, + "ĠRos": 13325, + "Ġcollaborate": 13326, + "ĠKansas": 13327, + "Ġexplanations": 13328, + "Ġiconic": 13329, + "ĠSac": 13330, + "profile": 13331, + "mia": 13332, + "Ġfusion": 13333, + "Ġinstructor": 13334, + "Ġreleases": 13335, + "iasm": 13336, + "overs": 13337, + "Ġincl": 13338, + "Ġpries": 13339, + "Ġmercury": 13340, + "Ġsmallest": 13341, + "effect": 13342, + "insic": 13343, + "ĠNE": 13344, + "fiction": 13345, + "Ġwhales": 13346, + "Ġcrowd": 13347, + "eous": 13348, + "Ġmethane": 13349, + "Ġinadequ": 13350, + "Ġenters": 13351, + "Group": 13352, + "Ġenterprise": 13353, + "columns": 13354, + "nowned": 13355, + "swer": 13356, + "ĠActivity": 13357, + "Ġadvancing": 13358, + "Ġolive": 13359, + "olly": 13360, + "Ġstandardized": 13361, + "ĠTam": 13362, + "ĠBush": 13363, + "oeconomic": 13364, + "annot": 13365, + "Ġyard": 13366, + "Ġkings": 13367, + "Ġdeclined": 13368, + "Ġbehalf": 13369, + "SR": 13370, + "ĠRout": 13371, + ":]": 13372, + "Ġtraject": 13373, + "ĠBelg": 13374, + "Ġsocio": 13375, + "uese": 13376, + "Ġaccordance": 13377, + "(__": 13378, + "Ġcitation": 13379, + "Ġremembered": 13380, + "Ġfailures": 13381, + "Ġvomiting": 13382, + "Ġcite": 13383, + "Ġcompete": 13384, + "ĠDepression": 13385, + "Ġattachment": 13386, + "Ġfungi": 13387, + "ĠTransport": 13388, + ".')": 13389, + "Ġfict": 13390, + "ĠChemical": 13391, + "Ġpursuit": 13392, + "wd": 13393, + "stat": 13394, + "Ġpointing": 13395, + "Ġnecessit": 13396, + "oosevelt": 13397, + "Ġreserve": 13398, + "Ġaccessed": 13399, + "ĠMachine": 13400, + "Ġrear": 13401, + "Ġactivists": 13402, + "expl": 13403, + "Ġplacement": 13404, + "Ġmembership": 13405, + "Ġepoch": 13406, + "ĠGDP": 13407, + "ĠPlanning": 13408, + "Ġtraged": 13409, + "oxic": 13410, + "Ġmanipulation": 13411, + "ĠElectric": 13412, + "Ġrings": 13413, + "Ġoverse": 13414, + "Ġstrengthening": 13415, + "Ġfung": 13416, + "Ġposes": 13417, + "Ġdialog": 13418, + "Ġdot": 13419, + "Ġtrains": 13420, + "icism": 13421, + "FR": 13422, + "Ġconsol": 13423, + "Ġconce": 13424, + "ĠBh": 13425, + "exper": 13426, + "umbled": 13427, + "Ġseverely": 13428, + "mans": 13429, + "Ġhepat": 13430, + "Ġniche": 13431, + "Ġinherit": 13432, + "alpha": 13433, + "Ġanalytical": 13434, + "letter": 13435, + "ĠWalk": 13436, + "Ġcerv": 13437, + "ĠPap": 13438, + "Ġinver": 13439, + "ĠKim": 13440, + "Ġassessing": 13441, + "uffer": 13442, + "Ġbelt": 13443, + "Ġfactories": 13444, + "VD": 13445, + "Ġcheaper": 13446, + "Ġcomputational": 13447, + "Ġpacked": 13448, + "Ġtherapist": 13449, + "ni": 13450, + "enna": 13451, + "cfg": 13452, + "alin": 13453, + "ĠPRO": 13454, + "ĠGh": 13455, + "Ġextending": 13456, + "('/": 13457, + "Ġmud": 13458, + "ĠSpecies": 13459, + "iencies": 13460, + "Ġperceive": 13461, + "ĠAbs": 13462, + "ĠKar": 13463, + "Ġantibiotic": 13464, + "NO": 13465, + "inces": 13466, + "Ġcompression": 13467, + "umer": 13468, + "Ġmush": 13469, + "forest": 13470, + "Ġmilit": 13471, + "Ġdirt": 13472, + "Ġkeyboard": 13473, + "phe": 13474, + "Ġalleg": 13475, + "ĠPerson": 13476, + "Ġtranslate": 13477, + "Ġlesser": 13478, + "eared": 13479, + "ĠBridge": 13480, + "Ġ^": 13481, + "Ġbladder": 13482, + "ĠDougl": 13483, + "Ġupload": 13484, + "accept": 13485, + "Fact": 13486, + "Ġinterpreted": 13487, + "lon": 13488, + "ilem": 13489, + "Ġscattered": 13490, + "Ġsuited": 13491, + "Ġparticipated": 13492, + "metadata": 13493, + "ĠAllow": 13494, + "Ġaesthetic": 13495, + "ĠEns": 13496, + "Ġfarmer": 13497, + "Ġconferences": 13498, + "Ġrival": 13499, + "Ġcounties": 13500, + "lings": 13501, + "Ġdrama": 13502, + "ignty": 13503, + "Ġexecute": 13504, + "Ġdy": 13505, + "anna": 13506, + "Ġtalent": 13507, + "Ġseaf": 13508, + "iffs": 13509, + "Ġsphere": 13510, + "plicity": 13511, + "Ġalb": 13512, + "Ġinventory": 13513, + "Ġsne": 13514, + "Ġneglect": 13515, + "\\_": 13516, + "ĠJefferson": 13517, + "Ġ°": 13518, + "Request": 13519, + "ĠMong": 13520, + "ĠPoll": 13521, + "Ġadaptive": 13522, + "Ġtribal": 13523, + "ĠSkills": 13524, + "ĠNap": 13525, + "Ġlever": 13526, + "Ġpromises": 13527, + "Ġfundament": 13528, + "Ġcontra": 13529, + "ĠTimmy": 13530, + "Ġspeaks": 13531, + "Ġanymore": 13532, + "imity": 13533, + "Ġdigestion": 13534, + "PRO": 13535, + "Ġsmile": 13536, + "viously": 13537, + "Ġmakers": 13538, + "gon": 13539, + "Ġorganisations": 13540, + "Ġgenetically": 13541, + "ĠDepending": 13542, + "Ġwhilst": 13543, + "Ġbench": 13544, + "ĠSyria": 13545, + "odynam": 13546, + "aturday": 13547, + "........": 13548, + "Ġrolling": 13549, + "ership": 13550, + "Ġcostly": 13551, + "ĠAdapt": 13552, + "ĠTraditional": 13553, + "Ġguiding": 13554, + "aki": 13555, + "emetery": 13556, + "Ġrum": 13557, + "Ġ::": 13558, + "Ġ·": 13559, + "tmp": 13560, + "ĠGames": 13561, + "ensively": 13562, + "Ġemployer": 13563, + "ĠReserve": 13564, + "Ġoverweight": 13565, + "omed": 13566, + "black": 13567, + "ochemical": 13568, + "Ġannounce": 13569, + "Ġdivor": 13570, + "Ġcomic": 13571, + "roller": 13572, + "ithub": 13573, + "MT": 13574, + "owa": 13575, + "ĠTypes": 13576, + "Ġbottles": 13577, + "ĠGolden": 13578, + "ationally": 13579, + "ĠWas": 13580, + "ĠYellow": 13581, + "Prof": 13582, + "Ïģ": 13583, + "ergarten": 13584, + "Ġappetite": 13585, + "usr": 13586, + "Ġaltogether": 13587, + "ULT": 13588, + "icultural": 13589, + "Ġwires": 13590, + "ĉĉĉĉĉĉĉĉ": 13591, + "Ġcastle": 13592, + "Ġlicensed": 13593, + "Ġoutputs": 13594, + "Ġtunnel": 13595, + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 13596, + "Ġnuanced": 13597, + "occer": 13598, + "Ġtextbook": 13599, + "Ġpipes": 13600, + "Ġinterference": 13601, + "Disc": 13602, + "Ġlighter": 13603, + "orious": 13604, + "Ġchim": 13605, + "Ġabsent": 13606, + "ĠPred": 13607, + "Ġpolicymakers": 13608, + "ixed": 13609, + "iotics": 13610, + "Ġinitiated": 13611, + "estry": 13612, + "uma": 13613, + "ĠWHO": 13614, + "Ġquantitative": 13615, + "Ġnetworking": 13616, + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 13617, + "ysics": 13618, + "giving": 13619, + "Ġnegotiations": 13620, + "Ġsimulations": 13621, + "Ġunderwater": 13622, + "Ġinvestigating": 13623, + "Ġseparately": 13624, + "iating": 13625, + "gt": 13626, + "oub": 13627, + "amation": 13628, + "Fil": 13629, + "Ġcannab": 13630, + "Ġbay": 13631, + "ĠReturn": 13632, + "amiliar": 13633, + "Ġorn": 13634, + "Ġsupre": 13635, + "Ġgaming": 13636, + "ĠBox": 13637, + "ĠSustainable": 13638, + "Ġdatasets": 13639, + "ĠHTML": 13640, + "ĠSix": 13641, + "Ġdeciding": 13642, + "Ġstrip": 13643, + "Ġcardiac": 13644, + "Ġglasses": 13645, + "Color": 13646, + "Ġcaffe": 13647, + "Ġgroundwater": 13648, + "Ġsubstitute": 13649, + "Ġrescue": 13650, + "ĠWould": 13651, + "ĠDynam": 13652, + "Ġinsulation": 13653, + "ardless": 13654, + "jpg": 13655, + "pip": 13656, + "ĠMit": 13657, + "Ġdesires": 13658, + "iolet": 13659, + "aunt": 13660, + "Ġradius": 13661, + "Ġoperates": 13662, + "OK": 13663, + "Ġdesirable": 13664, + "Ġodds": 13665, + "Ġannot": 13666, + "Ġstrictly": 13667, + "Ġconceptual": 13668, + "pc": 13669, + "Ġregistration": 13670, + "have": 13671, + "Ġdemanding": 13672, + "ĠTen": 13673, + "Ġappropriately": 13674, + "IONS": 13675, + "ĠKennedy": 13676, + "igion": 13677, + "ĠAmendment": 13678, + "ĠThings": 13679, + "days": 13680, + "ĠSche": 13681, + "Ġrequested": 13682, + "Ġrelying": 13683, + "DB": 13684, + "Ġrises": 13685, + "window": 13686, + "mid": 13687, + "Ġconvict": 13688, + "Ġecho": 13689, + "Ġlenses": 13690, + "ĠâĢĿ": 13691, + "Ġwarmer": 13692, + "Ġfragments": 13693, + "Ġoptimization": 13694, + "util": 13695, + "ĠFive": 13696, + "ĠLeon": 13697, + "Ġtelephone": 13698, + "hol": 13699, + "ĠMountains": 13700, + "AI": 13701, + "ĠSud": 13702, + "ĠFall": 13703, + "Ġpecul": 13704, + "Ġeleg": 13705, + "ĠArthur": 13706, + "ĠArgs": 13707, + "Ġceremony": 13708, + "Ġdehyd": 13709, + "Ġtranscript": 13710, + "Ġneighboring": 13711, + "ĠFer": 13712, + "Ġcro": 13713, + "*:": 13714, + "Ġreforms": 13715, + "Ġtemporal": 13716, + "academ": 13717, + "Ġprophe": 13718, + "will": 13719, + "Ġconvention": 13720, + "Ġfreed": 13721, + "Ġsurely": 13722, + "zero": 13723, + "Ġanxious": 13724, + "Ġobtaining": 13725, + "ĠTreaty": 13726, + "ilient": 13727, + "estinal": 13728, + "driven": 13729, + "Ġschemes": 13730, + "Ġlaugh": 13731, + "Ġsucc": 13732, + "cursor": 13733, + "Ġcoupled": 13734, + "Ġhate": 13735, + "utri": 13736, + "Ġcapturing": 13737, + "md": 13738, + "ĠRay": 13739, + "Ġforb": 13740, + "Ġoutlined": 13741, + "ĠPear": 13742, + "GL": 13743, + "register": 13744, + "scill": 13745, + "ĠMuhammad": 13746, + "Ġclosing": 13747, + "Intern": 13748, + "week": 13749, + "ĠOverview": 13750, + "ĠMilitary": 13751, + "Ġtrium": 13752, + "Ġarchaeological": 13753, + "ĠRepublican": 13754, + "Bel": 13755, + "ĠCaptain": 13756, + "Ġartic": 13757, + "Mus": 13758, + "Ġtomorrow": 13759, + "к": 13760, + "Ġslope": 13761, + "Ġacademia": 13762, + "ĠRoosevelt": 13763, + "Sum": 13764, + "ĠArgent": 13765, + "Ġconnects": 13766, + "ĠCountry": 13767, + "Ġboats": 13768, + "ĠTurkish": 13769, + "Ġmounted": 13770, + "ĠHolocaust": 13771, + "ĠCorporation": 13772, + "*.": 13773, + "Ġarrays": 13774, + "utf": 13775, + "Ġtelescope": 13776, + "unciation": 13777, + "Ġpad": 13778, + "Ġblockchain": 13779, + "Ġforgotten": 13780, + "Ġrespected": 13781, + "Ġpharmac": 13782, + "alo": 13783, + "Ġproc": 13784, + "Ġindividually": 13785, + "Ġcelebrating": 13786, + "Ġcondem": 13787, + "Ġpromoted": 13788, + "Ġtimber": 13789, + "Ġastronaut": 13790, + "Ġdrew": 13791, + "ĠPersian": 13792, + "El": 13793, + "Ġcommunicating": 13794, + "Main": 13795, + "Ġfirmly": 13796, + "KEY": 13797, + "ĠTibet": 13798, + "keep": 13799, + "lighten": 13800, + "Ġallev": 13801, + "ĠFreedom": 13802, + "Ġobligations": 13803, + "Ġtempt": 13804, + "Ġzip": 13805, + "ĠSa": 13806, + "Ġgovernor": 13807, + "ĠFord": 13808, + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 13809, + "Ġposture": 13810, + "Ġvolcanic": 13811, + "Diff": 13812, + "held": 13813, + "essee": 13814, + "Ġinduced": 13815, + "Ġexceptions": 13816, + "instein": 13817, + "ĠHealthy": 13818, + "Ġpresentations": 13819, + "Ġchaos": 13820, + "ĠForeign": 13821, + "Message": 13822, + "ĠRun": 13823, + "Ġ\"\"": 13824, + "Ġshortly": 13825, + "Ġjewel": 13826, + "ĠPH": 13827, + "ĠHind": 13828, + "Ġweaknesses": 13829, + "else": 13830, + "Ġscheduled": 13831, + "ĠEdition": 13832, + "ĠPrize": 13833, + "ĠConvers": 13834, + "ĠPrior": 13835, + "Ġenthusiasm": 13836, + "Ġpreschool": 13837, + "Ġeditors": 13838, + "ĠMechan": 13839, + "Ġimpacted": 13840, + "Ġrecovered": 13841, + "Ġcache": 13842, + "ĠGive": 13843, + "ĠEventually": 13844, + "Ġraces": 13845, + "oen": 13846, + "Ġconcentrate": 13847, + "Ġbreakfast": 13848, + "chi": 13849, + "Ġprotagon": 13850, + "Ġroutines": 13851, + "Ġextracted": 13852, + "ĠCirc": 13853, + "elson": 13854, + "Ġapples": 13855, + "obi": 13856, + "Ġlectures": 13857, + "Ġda": 13858, + "FL": 13859, + "Her": 13860, + "ĠLind": 13861, + "Ġbom": 13862, + "Ġtimely": 13863, + "Ġmomentum": 13864, + "Ġpivotal": 13865, + "Sometimes": 13866, + "ĠVersion": 13867, + "ĠPolish": 13868, + "Ġfifty": 13869, + "Ġprest": 13870, + "History": 13871, + "ĠSpr": 13872, + "ĠMIT": 13873, + "Ġpepper": 13874, + "ĠCL": 13875, + "Ġmedian": 13876, + "organisms": 13877, + "ĠBad": 13878, + "Ġsilent": 13879, + "peat": 13880, + "ausea": 13881, + "otle": 13882, + "Common": 13883, + "Ġmutation": 13884, + "RAN": 13885, + "Ġtomatoes": 13886, + "Ġceram": 13887, + "ĠDuke": 13888, + "Ġthrilling": 13889, + "Ġendeav": 13890, + "ricks": 13891, + "overing": 13892, + "ergies": 13893, + "Ġprogrammes": 13894, + "Ġstays": 13895, + "Mult": 13896, + "Ġmetres": 13897, + "Ġtestim": 13898, + "Ġrebell": 13899, + "Ġmagnific": 13900, + "ĠEducational": 13901, + "ĠGreg": 13902, + "Ġlarvae": 13903, + "Ġwitnessed": 13904, + "ĠCompan": 13905, + "global": 13906, + "orne": 13907, + "ĠRog": 13908, + "Ġions": 13909, + "Ġusername": 13910, + "Ġdestro": 13911, + "ĠConcept": 13912, + "Ġpassengers": 13913, + "sens": 13914, + "ĠTalk": 13915, + "ĠAfghanistan": 13916, + "Ġgrey": 13917, + "kh": 13918, + "Ġneurological": 13919, + "ĠTal": 13920, + "Ġmigrations": 13921, + "ĠFinancial": 13922, + "itics": 13923, + "Ġpremature": 13924, + "Ġsugars": 13925, + "Ġinquiry": 13926, + "arettes": 13927, + "Opt": 13928, + "sleep": 13929, + "Ġbuffer": 13930, + "stra": 13931, + "Ġpossession": 13932, + "ĠPhilippines": 13933, + "ĠLarge": 13934, + "rolling": 13935, + "Ġmiscon": 13936, + "Ġemotionally": 13937, + "Ġwhites": 13938, + "upiter": 13939, + "Ġeligible": 13940, + "Ġfier": 13941, + "Ġhint": 13942, + "aund": 13943, + "Ġaccumulation": 13944, + "Ġmanipulate": 13945, + "Ġmanufactured": 13946, + "ĠPa": 13947, + "Ġriding": 13948, + "ĠMission": 13949, + "BO": 13950, + "Ġmorality": 13951, + "Ġbrut": 13952, + "ĠArmen": 13953, + "Ġposed": 13954, + "Ġasync": 13955, + "ĠOs": 13956, + "ĠAlong": 13957, + "Ġplanes": 13958, + "oths": 13959, + "Ġomega": 13960, + "ĠTrump": 13961, + "Event": 13962, + "lied": 13963, + "Ġcuisine": 13964, + "Ġblacks": 13965, + "ĠDate": 13966, + "optim": 13967, + "hester": 13968, + "Ġtraced": 13969, + "ĠMagn": 13970, + "Ġoneself": 13971, + "Ġresponding": 13972, + "Ġmelan": 13973, + "Ġchop": 13974, + "Element": 13975, + "ĠCollection": 13976, + "jan": 13977, + "uncture": 13978, + "Ġpolymer": 13979, + "Ġcharts": 13980, + "aux": 13981, + "Ġrepos": 13982, + "ĠOwn": 13983, + "execute": 13984, + "Ġgums": 13985, + "bool": 13986, + "Ġthy": 13987, + "ĠMiller": 13988, + "Ġvapor": 13989, + "Ġtransist": 13990, + "ĠPast": 13991, + "Ġelaborate": 13992, + "âĦ": 13993, + "SON": 13994, + "ĠAdvent": 13995, + "four": 13996, + "ova": 13997, + "Ġaligned": 13998, + "proof": 13999, + "Ġflies": 14000, + "arms": 14001, + "Ġalleged": 14002, + "Ġdispute": 14003, + "Ġmelting": 14004, + "Ġlegitimate": 14005, + "wait": 14006, + "Ġbowel": 14007, + "weights": 14008, + "Ġgenres": 14009, + "Ġenvironmentally": 14010, + "ulture": 14011, + "Ġunfair": 14012, + "five": 14013, + "Ġconfron": 14014, + "Ġadvised": 14015, + "ĠRap": 14016, + "terns": 14017, + "ĠMatthew": 14018, + "Ġintermediate": 14019, + "Ġslower": 14020, + "Ġpollen": 14021, + "âĪĴ": 14022, + "Ġpulse": 14023, + "ĠCru": 14024, + "Ġdisp": 14025, + "Scientists": 14026, + "Ġskull": 14027, + "Ġoccasions": 14028, + "Ġbod": 14029, + "Ġsocioeconomic": 14030, + "Ġacknowledging": 14031, + "Ġphysic": 14032, + "----------------------------": 14033, + "oultry": 14034, + "Ġepic": 14035, + "available": 14036, + "Ġpharmaceutical": 14037, + "('--": 14038, + "ĠAgree": 14039, + "fin": 14040, + "ĠMoh": 14041, + "offset": 14042, + "ĠDefense": 14043, + "Ġdenied": 14044, + "Ġcontroversy": 14045, + "urred": 14046, + "Ġbon": 14047, + "ĠHispan": 14048, + "Ġcavity": 14049, + "ikh": 14050, + "isphere": 14051, + "ighters": 14052, + "Ġconsp": 14053, + "ĠPil": 14054, + "Ġbustling": 14055, + "ĠNig": 14056, + "Ġbreakthrough": 14057, + "Ġconvinced": 14058, + "Ġsubstantially": 14059, + "Ġblame": 14060, + "Ġconjunction": 14061, + "orie": 14062, + "Ġcum": 14063, + "Ġjurisdiction": 14064, + "Ġsynthes": 14065, + "Ġoffspring": 14066, + "Ġmarch": 14067, + "Ġsecular": 14068, + ".\",": 14069, + "Free": 14070, + "itime": 14071, + "Ġforcing": 14072, + "articles": 14073, + "Ġ\",": 14074, + "ĠKat": 14075, + "Ġincons": 14076, + "esty": 14077, + "ĠSingapore": 14078, + "Ġrelieve": 14079, + "Ġcivilizations": 14080, + "ĠPlants": 14081, + "Ġanest": 14082, + "engu": 14083, + "ĠCensus": 14084, + "Ġtremendous": 14085, + "Mr": 14086, + "Ġmultif": 14087, + "ĠBoy": 14088, + "Ġtitled": 14089, + "Ġsatisfied": 14090, + "osphere": 14091, + "idel": 14092, + "Ġwax": 14093, + "Ġarises": 14094, + "insert": 14095, + "Ġresidence": 14096, + "pytest": 14097, + "Ġthrown": 14098, + "ĠMu": 14099, + "Ġdeemed": 14100, + "bled": 14101, + "Ġdivisions": 14102, + "Ġpassionate": 14103, + "Ġrenowned": 14104, + "ĠDiego": 14105, + "TA": 14106, + "xml": 14107, + "ĠBird": 14108, + "pling": 14109, + "Ġappealing": 14110, + "Aug": 14111, + "ĠObserv": 14112, + "usive": 14113, + "Ġlegally": 14114, + "©": 14115, + "Ġambig": 14116, + "Several": 14117, + "ĠHunt": 14118, + "Ġdear": 14119, + "language": 14120, + "Ġunclear": 14121, + "bral": 14122, + "shot": 14123, + "Ġsauce": 14124, + "Ġfertile": 14125, + "ĠHawaii": 14126, + "Ġbrick": 14127, + "ulas": 14128, + "Copyright": 14129, + "Ġradar": 14130, + "Num": 14131, + "resses": 14132, + "ĠMonth": 14133, + "ĠClark": 14134, + "Ġcitizenship": 14135, + "ĠPortuguese": 14136, + "Ġsends": 14137, + "Ġwool": 14138, + "ĠĠĠĠĠĠĠĠĠĠĠĠ": 14139, + "imated": 14140, + "Ġ',": 14141, + "PP": 14142, + "esome": 14143, + "wiki": 14144, + "Ġjudges": 14145, + "eft": 14146, + "ĠThompson": 14147, + "Ġlegislative": 14148, + "dt": 14149, + "Ġworkforce": 14150, + "dam": 14151, + "olecular": 14152, + "Ġgay": 14153, + "produ": 14154, + "Ġanyway": 14155, + "proto": 14156, + "Ġhub": 14157, + "ĠOp": 14158, + "Ġprojected": 14159, + "Ġunfamiliar": 14160, + "ĠCustom": 14161, + "ĠEthiop": 14162, + "prehens": 14163, + "Ġhandy": 14164, + "ĠHold": 14165, + "Ġdignity": 14166, + "ĠBow": 14167, + "Ġsolved": 14168, + "Ġflesh": 14169, + "ĠBall": 14170, + "ĠAustria": 14171, + "Web": 14172, + "ophers": 14173, + "super": 14174, + "Acc": 14175, + "ĠLily": 14176, + "aren": 14177, + "ĠChile": 14178, + "induced": 14179, + "Ġreceptor": 14180, + "letal": 14181, + "Ġprostate": 14182, + "mouth": 14183, + "Ġabdominal": 14184, + "Ġreass": 14185, + "ĠJo": 14186, + "ĠUtil": 14187, + "ĠIndependence": 14188, + "Ġinvisible": 14189, + "ĠChallenges": 14190, + "God": 14191, + "SM": 14192, + "Ä«": 14193, + "clip": 14194, + "âĤ¬": 14195, + "tests": 14196, + "ĠNorway": 14197, + "Ġemphasized": 14198, + "?)": 14199, + "fat": 14200, + "GB": 14201, + "Ġconsisted": 14202, + "Ġsurviving": 14203, + "Ġrevision": 14204, + "rasound": 14205, + "Ġimpaired": 14206, + "ĠPoly": 14207, + "Ġplaque": 14208, + "Ġ'__": 14209, + "ĠLo": 14210, + "Ġletting": 14211, + "ĠResponse": 14212, + "IX": 14213, + "Ġclassmates": 14214, + "Ġprost": 14215, + "Ġenjoyable": 14216, + "stats": 14217, + "ĠAboriginal": 14218, + "monary": 14219, + "Ġedited": 14220, + "ĠCreating": 14221, + "accur": 14222, + "ĠSmart": 14223, + "Ġtablets": 14224, + "lass": 14225, + "Ġtreasure": 14226, + "Ġworksheet": 14227, + "Ġranks": 14228, + "Good": 14229, + "Ġpurple": 14230, + "ĠLands": 14231, + "ĠDisorder": 14232, + "Ġspr": 14233, + "GA": 14234, + "lies": 14235, + "ĠArk": 14236, + "interest": 14237, + "except": 14238, + "tesy": 14239, + "ε": 14240, + "Ġwounds": 14241, + "Ġnotably": 14242, + "information": 14243, + "channels": 14244, + "ĠIsraeli": 14245, + "ATA": 14246, + "Jan": 14247, + "ĠUsually": 14248, + "Ġtheater": 14249, + "ĠEX": 14250, + "km": 14251, + "Ġbrows": 14252, + "Ġaven": 14253, + "ARS": 14254, + "Ġsilence": 14255, + "Ġinclusivity": 14256, + "ĠTour": 14257, + "Ġlacking": 14258, + "Ġstrikes": 14259, + "Ġsalary": 14260, + "ĠHad": 14261, + "Ġbanking": 14262, + "ellar": 14263, + "Ġip": 14264, + "Ġsupervision": 14265, + "Ġmelt": 14266, + "ĠIce": 14267, + "news": 14268, + "Ġecology": 14269, + "Black": 14270, + "olith": 14271, + "Ġsimpler": 14272, + "acke": 14273, + "ĠEffects": 14274, + "odge": 14275, + "Ġtrap": 14276, + "Ġdos": 14277, + "imation": 14278, + "Ġoxide": 14279, + "ĠDeterm": 14280, + "Ġuniqu": 14281, + "Ġcultivating": 14282, + "ĠProtect": 14283, + "ĠOw": 14284, + "ĠAnne": 14285, + "Ġpoisoning": 14286, + "ĠUtah": 14287, + "Europe": 14288, + "Ġvariability": 14289, + "Ġpersonalized": 14290, + "ims": 14291, + "Ġdecreasing": 14292, + "Ġcarcin": 14293, + "Ġflux": 14294, + "mn": 14295, + "Ġwheels": 14296, + "Open": 14297, + "ERE": 14298, + "admin": 14299, + "IND": 14300, + "Ġunhealthy": 14301, + "ĠSyndrome": 14302, + "ĠProphet": 14303, + "Ġstoring": 14304, + "ĠWH": 14305, + "Ent": 14306, + "hash": 14307, + "ĠTele": 14308, + "Ġnaval": 14309, + "Ġdece": 14310, + "Ġspont": 14311, + "Ġautonomous": 14312, + "Ġincentives": 14313, + "ĠAmb": 14314, + "mill": 14315, + "Ġidentifies": 14316, + "Ġrehabilitation": 14317, + "ĠRaj": 14318, + "ĠResults": 14319, + "Ġstretching": 14320, + "Ġsnake": 14321, + "ounding": 14322, + "Ġkidneys": 14323, + "Ġballs": 14324, + "vement": 14325, + "Load": 14326, + "ĠFlow": 14327, + "Vol": 14328, + "Ġpotent": 14329, + "Ġmast": 14330, + "Ġintact": 14331, + "tail": 14332, + "Ġcrafting": 14333, + "exit": 14334, + "ĠAdams": 14335, + "ĠPublishing": 14336, + "-------": 14337, + "ĠAlbert": 14338, + "Ġseas": 14339, + "ĠLouisiana": 14340, + "Ġambit": 14341, + "Ġagenda": 14342, + "Ġopenly": 14343, + "Thus": 14344, + "ruce": 14345, + "Ġgross": 14346, + "inton": 14347, + "Ġcertified": 14348, + "Ġdefeated": 14349, + "osaurs": 14350, + "especially": 14351, + "ĠSi": 14352, + ")**": 14353, + "ĠFA": 14354, + "ĠPA": 14355, + "Non": 14356, + "ĠNat": 14357, + "Ġrigid": 14358, + "Those": 14359, + "people": 14360, + "Ġmathematic": 14361, + "Return": 14362, + "owing": 14363, + "weed": 14364, + "wich": 14365, + "Fi": 14366, + "ĠParents": 14367, + "ĠFiction": 14368, + "ĠSite": 14369, + "third": 14370, + "Ġrefined": 14371, + "ĠGenerally": 14372, + "ĠSoutheast": 14373, + "Ġdiscusses": 14374, + "uana": 14375, + "Ġcontinually": 14376, + "ĠTennessee": 14377, + "Ġanniversary": 14378, + "Ġ):": 14379, + "Ġexplosion": 14380, + "Ġthreatening": 14381, + "Ġignor": 14382, + "itu": 14383, + "tainer": 14384, + "Ġproblematic": 14385, + "reach": 14386, + "ĠCho": 14387, + "Ġcrash": 14388, + "Ġrestaurants": 14389, + "Ġadvocating": 14390, + "agrams": 14391, + "Ġeliminating": 14392, + "Ġdenom": 14393, + "Ġdump": 14394, + "Sw": 14395, + "zens": 14396, + "ricular": 14397, + "rative": 14398, + "ods": 14399, + ")-": 14400, + "Ġsor": 14401, + "Ġshops": 14402, + "Oct": 14403, + "Ġrating": 14404, + "vised": 14405, + "cker": 14406, + "erce": 14407, + "elong": 14408, + "Ġstro": 14409, + "erald": 14410, + "Ġglands": 14411, + "Ġbalancing": 14412, + "Which": 14413, + "Ben": 14414, + "Ġadhes": 14415, + "ACK": 14416, + "Ġmaintains": 14417, + "Ġcertificate": 14418, + "Ġtraces": 14419, + "venue": 14420, + "Ġtriumph": 14421, + "Ġciv": 14422, + "Ġaffili": 14423, + "Ġtuple": 14424, + "Ġmenstru": 14425, + "Ġpyram": 14426, + "Ġstimulation": 14427, + ")*": 14428, + "Ġventure": 14429, + "Fore": 14430, + "lastname": 14431, + "ĠTeacher": 14432, + "Learning": 14433, + "ĠDeclaration": 14434, + "sole": 14435, + "ĊĊĉ": 14436, + "Ġequilibrium": 14437, + "Ġcertification": 14438, + "Ġenfor": 14439, + "ĠChap": 14440, + "Ġcounseling": 14441, + "ĠKong": 14442, + "Ġwells": 14443, + "adian": 14444, + "Ġcows": 14445, + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 14446, + "Ġsynchron": 14447, + "Ġmyths": 14448, + "Ġglue": 14449, + "Ġartery": 14450, + "Ġfake": 14451, + "Ġdancing": 14452, + "ĠPack": 14453, + "connection": 14454, + "Ġpanic": 14455, + "Ġdamp": 14456, + "asted": 14457, + "Ġsomehow": 14458, + "itzerland": 14459, + "\",\"": 14460, + "Ġscholar": 14461, + "achment": 14462, + "ĠDiabetes": 14463, + "Ġfled": 14464, + "Ġfounding": 14465, + "adi": 14466, + "Ġpaste": 14467, + "Ġmargin": 14468, + "ĠHong": 14469, + "vely": 14470, + "Ġpassages": 14471, + "anny": 14472, + "Ġvirtue": 14473, + "Tube": 14474, + "Ġmaternal": 14475, + "Ġcov": 14476, + "Ġgreet": 14477, + "abetic": 14478, + "Ġbip": 14479, + "izable": 14480, + "inging": 14481, + "Ġposter": 14482, + "æľ": 14483, + "Ġsrc": 14484, + "eded": 14485, + "Ġbreakdown": 14486, + ")?": 14487, + "ĠCarbon": 14488, + "Ġoppression": 14489, + "Ġadversity": 14490, + "Ġneighborhoods": 14491, + "URL": 14492, + "verts": 14493, + "Ġacknowledged": 14494, + "intestinal": 14495, + "Ġprefix": 14496, + "Ġpermits": 14497, + "Ġquot": 14498, + "tz": 14499, + "Ġresort": 14500, + "Ġsore": 14501, + ")(": 14502, + "DC": 14503, + "ĠNobel": 14504, + "Ġdwell": 14505, + "Ġnoting": 14506, + "Ġapproaching": 14507, + "ĠJuda": 14508, + "Ġstocks": 14509, + "Ġforty": 14510, + "oolean": 14511, + "Ġimpul": 14512, + "Ġgluten": 14513, + "ÏĦ": 14514, + "Ġmonetary": 14515, + "Module": 14516, + "Ġdough": 14517, + "shore": 14518, + "powered": 14519, + "Ġpert": 14520, + "portion": 14521, + "Ġjun": 14522, + "imb": 14523, + "ĠLesson": 14524, + "Mark": 14525, + "jamin": 14526, + "Ġinterfere": 14527, + "FP": 14528, + "Ġarteries": 14529, + "Ġoct": 14530, + "ĠJordan": 14531, + "Ġsovereignty": 14532, + "Ġtender": 14533, + "Ġabd": 14534, + "Ġurgent": 14535, + "Ġlact": 14536, + "ĠGas": 14537, + "Ġtrapped": 14538, + "apsed": 14539, + "Ġprobe": 14540, + "Ġsho": 14541, + "tan": 14542, + "keley": 14543, + "Ġuter": 14544, + "Ġmastering": 14545, + "ĠCert": 14546, + "states": 14547, + "amel": 14548, + "ĠLink": 14549, + "Bar": 14550, + "otive": 14551, + "ĠBesides": 14552, + "Ġgrave": 14553, + "expr": 14554, + "EA": 14555, + "Ġvisualize": 14556, + "Ġscholarship": 14557, + "comb": 14558, + "anting": 14559, + "Ġplastics": 14560, + "Ġupcoming": 14561, + "Ġsoup": 14562, + "Ġregulated": 14563, + "rology": 14564, + "opter": 14565, + "Ġmythology": 14566, + "Ġvoters": 14567, + "Ġbitter": 14568, + "Ġconsultation": 14569, + "Ġconventions": 14570, + "Ġoven": 14571, + "olas": 14572, + "Ġbasin": 14573, + "Ġelevation": 14574, + "uning": 14575, + "ĠLoss": 14576, + "Ġskip": 14577, + "Ġrhet": 14578, + "Ġdysfunction": 14579, + "ĠGPS": 14580, + "ĠGreeks": 14581, + "Ġextensively": 14582, + "Ġdownt": 14583, + "Ġtransit": 14584, + "åĪ": 14585, + "Ġfailing": 14586, + "domain": 14587, + "Ġsnap": 14588, + "urgery": 14589, + "rade": 14590, + "Ġdamages": 14591, + "lightenment": 14592, + "Ġmasks": 14593, + "Ġlunar": 14594, + "Ġdependence": 14595, + "ilingual": 14596, + "Ġsoda": 14597, + "Ġconfined": 14598, + "ĠSimple": 14599, + "Ġwolf": 14600, + "Ġpraise": 14601, + "times": 14602, + "Ġguests": 14603, + "Ġvoluntary": 14604, + "aping": 14605, + "Ġobese": 14606, + "ĠEveryone": 14607, + "seen": 14608, + "ĠSimilar": 14609, + "pton": 14610, + "Ġhierarch": 14611, + "Ġepisodes": 14612, + "Ġgel": 14613, + "ĠAffairs": 14614, + "Ġapi": 14615, + "ĠBapt": 14616, + "oriented": 14617, + "MR": 14618, + "qa": 14619, + "Ġoutstanding": 14620, + "stock": 14621, + "Ġstrat": 14622, + "Ġtourists": 14623, + "Ġloyalty": 14624, + "Ġcf": 14625, + "Ġ\".": 14626, + "Ġdispro": 14627, + "sort": 14628, + "Ġdiscount": 14629, + "xc": 14630, + "bestos": 14631, + "Ġpulumi": 14632, + "Ġallies": 14633, + "Ġsensation": 14634, + "Ġwithdrawal": 14635, + "Ġhasn": 14636, + "ĠStories": 14637, + "urations": 14638, + "ĠBot": 14639, + "Ġloves": 14640, + "Ġprovinces": 14641, + "mount": 14642, + "Ġmesh": 14643, + "Ġdilem": 14644, + "ctx": 14645, + "atern": 14646, + "Ġdraws": 14647, + "ante": 14648, + "Sur": 14649, + "olerance": 14650, + "ĠExcel": 14651, + "Ġmodification": 14652, + "Ġruler": 14653, + "Ġglow": 14654, + "Ġepit": 14655, + "Ġidx": 14656, + "docs": 14657, + "lav": 14658, + "Ġrecru": 14659, + "Ġveterin": 14660, + "itations": 14661, + "Ġcurrents": 14662, + "Ġindication": 14663, + "lades": 14664, + "Ġnewborn": 14665, + "Photo": 14666, + "Ġmonitored": 14667, + "Ġpigs": 14668, + "Ġ||": 14669, + "Ġseats": 14670, + "Ġmatplotlib": 14671, + "ĠPatients": 14672, + "ĠPMID": 14673, + "Ġcaffeine": 14674, + "Ġguilty": 14675, + "Ġaltitude": 14676, + "ĠCertain": 14677, + "xchange": 14678, + "Ġduct": 14679, + "stage": 14680, + "Ġpatches": 14681, + "Ġsmok": 14682, + "Ġdifferential": 14683, + "Ġgradient": 14684, + "Ġtouching": 14685, + "ĠPi": 14686, + "atherine": 14687, + "Ġambitious": 14688, + "ĠParameters": 14689, + "Ġyours": 14690, + "Ġsaturated": 14691, + "Ġstayed": 14692, + "erating": 14693, + "Ġmindful": 14694, + "ĠHal": 14695, + "rocery": 14696, + "Ġconfusing": 14697, + "ĠCloud": 14698, + "angles": 14699, + "Ġfriction": 14700, + "Ġheaded": 14701, + "Ġtransforming": 14702, + "educ": 14703, + "ĠBroad": 14704, + "Ġbrands": 14705, + "Ġwellness": 14706, + "Ġimprison": 14707, + "Ġthreads": 14708, + "Ġnumb": 14709, + "Ġmines": 14710, + "Ġappliances": 14711, + "Ġpeculiar": 14712, + "ĠJupiter": 14713, + "Ñĥ": 14714, + "ottom": 14715, + "ĠBah": 14716, + "gate": 14717, + "Ġvoy": 14718, + "Ġshar": 14719, + "Ġglory": 14720, + "ĠBenefits": 14721, + "ĠConfederate": 14722, + "Ġindices": 14723, + "Ġintentions": 14724, + "Ġinvite": 14725, + "ussion": 14726, + "Ġcarp": 14727, + "Ġresolved": 14728, + "ĠIssue": 14729, + "autions": 14730, + "Ġenthusiasts": 14731, + "Ġfluores": 14732, + "Ġbiomass": 14733, + "Ġtriggered": 14734, + "Ġdescent": 14735, + "Ġcorners": 14736, + "\"{": 14737, + "Ġviewers": 14738, + "Ġmuseums": 14739, + "ographies": 14740, + "ivism": 14741, + "Ġheaders": 14742, + "ĠProtocol": 14743, + "Ġelectromagnetic": 14744, + "ackexchange": 14745, + "iblings": 14746, + "Ġscholarly": 14747, + "Does": 14748, + "Ġarrested": 14749, + "Ġaccepting": 14750, + "rosion": 14751, + "Ġdeepen": 14752, + "rones": 14753, + "ĠDocument": 14754, + "ĠLady": 14755, + "ĠAstron": 14756, + "look": 14757, + "ĠSound": 14758, + "Ġwarmth": 14759, + "Ġteenagers": 14760, + "Ġanimation": 14761, + "Ġhoped": 14762, + "Ġhypertension": 14763, + "Ġmagnificent": 14764, + "isa": 14765, + "ĠFriends": 14766, + "zech": 14767, + "Ġinteracting": 14768, + "Ġpresidential": 14769, + "ĠIC": 14770, + "achelor": 14771, + "mi": 14772, + "Ġrepublic": 14773, + "Ġdelayed": 14774, + "Among": 14775, + "Ùİ": 14776, + "Top": 14777, + "ĠRod": 14778, + "WH": 14779, + "imental": 14780, + "Ġjet": 14781, + "Ġstopping": 14782, + "Pol": 14783, + "Ġresearching": 14784, + "hell": 14785, + "Ġeverybody": 14786, + "ĠØ": 14787, + "DI": 14788, + "Ġinspection": 14789, + "oors": 14790, + "ĠBlock": 14791, + "ĠKenya": 14792, + "iser": 14793, + "ĠNort": 14794, + "Ġmetaphor": 14795, + "Ġports": 14796, + "Ġcolours": 14797, + "ODO": 14798, + "Ġvectors": 14799, + "ifting": 14800, + "ĠTuesday": 14801, + "acre": 14802, + "Ġnutrit": 14803, + "Ġimagined": 14804, + "Ġgroundbreaking": 14805, + "Dev": 14806, + "Ġlining": 14807, + "Ġconform": 14808, + "Ġcement": 14809, + "ĠMathematics": 14810, + "ĠImperial": 14811, + "sent": 14812, + "oty": 14813, + "Ġintestinal": 14814, + "ĠUkraine": 14815, + "Ġcous": 14816, + "ĠDub": 14817, + "Ġevac": 14818, + "ventional": 14819, + "Ġlawyer": 14820, + "agus": 14821, + "ĠGer": 14822, + "onut": 14823, + "âĦ¢": 14824, + "Bas": 14825, + "Ġgang": 14826, + "Ġdistribute": 14827, + "Ġemploying": 14828, + "Ġsubmission": 14829, + "Ġcarrier": 14830, + "Ġnucleus": 14831, + "Ġfairness": 14832, + "bird": 14833, + "TSD": 14834, + "ĠLegal": 14835, + "ĠConsult": 14836, + "LC": 14837, + "kit": 14838, + "Ġalternate": 14839, + "Ġfictional": 14840, + "Know": 14841, + "incial": 14842, + "inputs": 14843, + "Ġtrag": 14844, + "eeze": 14845, + "Ġconstructing": 14846, + "Ġsew": 14847, + "Ġsoldier": 14848, + "rubs": 14849, + "Ġcock": 14850, + "Ġallocation": 14851, + "asa": 14852, + "Ġ\"/": 14853, + "plug": 14854, + "Ġrecruit": 14855, + "ĠMalays": 14856, + "Ġstraightforward": 14857, + "ĠJoh": 14858, + "Ġbulbs": 14859, + "Ġholidays": 14860, + "nl": 14861, + "Ġsoccer": 14862, + "Ġfart": 14863, + "Ġsink": 14864, + "Ġvend": 14865, + "Ġshells": 14866, + "Ġokay": 14867, + "']:": 14868, + "Ġcontroller": 14869, + "ynthesis": 14870, + "crit": 14871, + "ĠRoss": 14872, + "tech": 14873, + "Ġrevised": 14874, + "Unfortunately": 14875, + "Ġfreshwater": 14876, + "Ġantioxidants": 14877, + "ĠExecutive": 14878, + "Ġvotes": 14879, + "ucks": 14880, + "Ġshooting": 14881, + "AGE": 14882, + "Ġinstructional": 14883, + "cha": 14884, + "Ġassim": 14885, + "Ġtapestry": 14886, + "ĠCastle": 14887, + "Ġspices": 14888, + "roleum": 14889, + "ĠMethods": 14890, + "udden": 14891, + "Project": 14892, + "cluster": 14893, + "DO": 14894, + "keeping": 14895, + "ĠAlab": 14896, + "Ġbillions": 14897, + "Ġyog": 14898, + "Ġpytest": 14899, + "Ġtalents": 14900, + "English": 14901, + "Ġemails": 14902, + "ĠVin": 14903, + "food": 14904, + "Ġnoble": 14905, + "Ġovert": 14906, + "Ġmul": 14907, + "ĠPit": 14908, + "Ġamph": 14909, + "merce": 14910, + "stackexchange": 14911, + "controlled": 14912, + "ĠEle": 14913, + "Ġcompanion": 14914, + "Ġproposals": 14915, + "ĠPrimary": 14916, + "Human": 14917, + "ĠUC": 14918, + "Ġadjusted": 14919, + "cription": 14920, + "ige": 14921, + "ikes": 14922, + "ĠSri": 14923, + "Following": 14924, + "Est": 14925, + "Ġunfold": 14926, + "Ġheading": 14927, + "Ġintroduces": 14928, + "Ġtraumatic": 14929, + "Ġcrystals": 14930, + "ĠEaster": 14931, + "ĠKit": 14932, + "Ġcouples": 14933, + "written": 14934, + "ĠPhilosophy": 14935, + "Ġsettlements": 14936, + "ĠCapital": 14937, + "Ġnobody": 14938, + "INT": 14939, + "avy": 14940, + "Ġvow": 14941, + "Ġworthy": 14942, + "resistant": 14943, + "ogenesis": 14944, + "Ġmotif": 14945, + "Ġimpairment": 14946, + "Ġdemonstration": 14947, + "ĠElement": 14948, + "ĠAnti": 14949, + "fred": 14950, + "onial": 14951, + "Ġgam": 14952, + "ĠPhilip": 14953, + "Ġfleet": 14954, + "amous": 14955, + "ĠRegional": 14956, + "Ġmaj": 14957, + "bian": 14958, + "Ġhiding": 14959, + "ĠCab": 14960, + "ĠNight": 14961, + "Ġvariant": 14962, + "ĠThursday": 14963, + "ĠMaya": 14964, + "Select": 14965, + "ĠRadio": 14966, + "bling": 14967, + "Ġmicrobes": 14968, + "ĠAy": 14969, + "obia": 14970, + "aman": 14971, + "Ġtransitions": 14972, + "Ġtriangle": 14973, + "Ġgravit": 14974, + "analysis": 14975, + "ĠVill": 14976, + "ĠEarl": 14977, + "aga": 14978, + "matic": 14979, + "ĠQuant": 14980, + "ti": 14981, + "folio": 14982, + "ĠHub": 14983, + "Ġactivated": 14984, + "ĠTaking": 14985, + "ĠSaturday": 14986, + "ĠFest": 14987, + "ĠTech": 14988, + "Ġdestructive": 14989, + "Ġinevitable": 14990, + "eton": 14991, + "unes": 14992, + "Ġguilt": 14993, + "Ġtemples": 14994, + "Ġclubs": 14995, + "factory": 14996, + "Ġcrossed": 14997, + "Ġuncon": 14998, + "Ġundertaken": 14999, + "Ġinstinct": 15000, + "Ġdesigner": 15001, + "Dat": 15002, + "Ġconnectivity": 15003, + "ĠIndustry": 15004, + "ĠNich": 15005, + "your": 15006, + "ĠPV": 15007, + "Const": 15008, + "}{": 15009, + "Ġgratitude": 15010, + "Ġconfidential": 15011, + "immune": 15012, + "Ġhanging": 15013, + "akota": 15014, + "Oper": 15015, + "Ġfoundational": 15016, + "Only": 15017, + "Ġillustrates": 15018, + "Ġlongest": 15019, + "Ġbore": 15020, + "Ġrenewed": 15021, + "usually": 15022, + "ĠBCE": 15023, + "Spe": 15024, + "mother": 15025, + "Ġdozen": 15026, + "layout": 15027, + "Ġexamines": 15028, + "Ġerad": 15029, + "ĠWi": 15030, + "ĠSwitzerland": 15031, + "Ġunto": 15032, + "ĠMemorial": 15033, + "lan": 15034, + "Ġasym": 15035, + "Ġshots": 15036, + "Åį": 15037, + "Ġtruck": 15038, + "prof": 15039, + "coord": 15040, + "ĠTerrit": 15041, + "uuid": 15042, + "Ġtears": 15043, + "Ġlikes": 15044, + "ĠStruct": 15045, + "Ġbaseline": 15046, + "/{": 15047, + "Ġresilient": 15048, + "Ġbapt": 15049, + "Ġradioactive": 15050, + "Author": 15051, + "market": 15052, + "ĠArchae": 15053, + "ĠUpon": 15054, + "ĠRespons": 15055, + "Ġinserted": 15056, + "ulator": 15057, + "aran": 15058, + "Ġgoddess": 15059, + "Ġwhis": 15060, + "Ġheadache": 15061, + "Ġveins": 15062, + "Ġvalidate": 15063, + "Day": 15064, + "Ġinadequate": 15065, + "Ġencryption": 15066, + "reshape": 15067, + "Access": 15068, + "----------------------------------------------------------------": 15069, + "Ġlateral": 15070, + "Ġmemorable": 15071, + "django": 15072, + "views": 15073, + "ĠFreder": 15074, + "ĠCV": 15075, + "ä»": 15076, + "astically": 15077, + "omics": 15078, + "riad": 15079, + "ĠGil": 15080, + "GET": 15081, + "Ġexcluded": 15082, + "ĠWednesday": 15083, + "ennis": 15084, + "ĠFisher": 15085, + "Ġcultivation": 15086, + "Ġoutbreaks": 15087, + "Long": 15088, + "isite": 15089, + "ĠRose": 15090, + "Ġpartition": 15091, + "edic": 15092, + "Ġsequencing": 15093, + "uf": 15094, + "Ġank": 15095, + "urtles": 15096, + "atis": 15097, + "ĠKind": 15098, + "Ġprelim": 15099, + "Ġhungry": 15100, + "eman": 15101, + "Ġopio": 15102, + "required": 15103, + "via": 15104, + "acial": 15105, + "Ġplural": 15106, + "ĠðŁ": 15107, + "ĠWy": 15108, + "urgical": 15109, + "ĠPos": 15110, + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 15111, + "Ġjourneys": 15112, + "ĠJour": 15113, + "Ġthriving": 15114, + "Ġovernight": 15115, + "ĠIndiana": 15116, + "Ġwarnings": 15117, + "Ġcompatible": 15118, + "ĠStore": 15119, + "oscow": 15120, + "Ġreproduce": 15121, + "Ġreleasing": 15122, + "figure": 15123, + "training": 15124, + "Ġpa": 15125, + "Ġeternal": 15126, + "Early": 15127, + "Ġbreeds": 15128, + "Ġeliminated": 15129, + "Ġhepatitis": 15130, + "Elect": 15131, + "raul": 15132, + "Ġparamount": 15133, + "Ġcomics": 15134, + "both": 15135, + "Ġlifes": 15136, + "?<": 15137, + "Ġcontacts": 15138, + "ĠAlabama": 15139, + "ĠNC": 15140, + "Ġgrounded": 15141, + "ĠSQL": 15142, + "ĠRain": 15143, + "ĠAnton": 15144, + "ĠHarm": 15145, + "rator": 15146, + "Ġwrap": 15147, + "Ġmillenn": 15148, + "aml": 15149, + "severance": 15150, + "din": 15151, + "Ġoverlooked": 15152, + "created": 15153, + "Ġversatile": 15154, + "Ġcoating": 15155, + "stable": 15156, + "ĠPier": 15157, + "ocide": 15158, + "agent": 15159, + "mercial": 15160, + "ĠLawrence": 15161, + "ĠProfessional": 15162, + "Ġheightened": 15163, + "Ġconsiders": 15164, + "Ġ).": 15165, + "Ġblocked": 15166, + "Ġchemotherapy": 15167, + "Ġcatalog": 15168, + "ĠTesting": 15169, + "Ġhandled": 15170, + "Ġvisualization": 15171, + "Ġmitochond": 15172, + "Ġvigil": 15173, + "ĠVideo": 15174, + "Ġprints": 15175, + "onts": 15176, + "Ġjack": 15177, + "Ġparasites": 15178, + "ĠTravel": 15179, + "Ġdesper": 15180, + "ĠChemistry": 15181, + "ĠĊĠĠĠĠĠĠĠ": 15182, + "eron": 15183, + "Ġdelta": 15184, + "Ġfacilitating": 15185, + "UG": 15186, + "Ġarising": 15187, + "Widget": 15188, + "indices": 15189, + "heum": 15190, + "Ġlocals": 15191, + "Anal": 15192, + "Ġdrying": 15193, + "oubted": 15194, + "Ġafterwards": 15195, + "=-": 15196, + "ĠBrad": 15197, + "ocur": 15198, + "Ġuncommon": 15199, + "Ġexhibits": 15200, + "}\")": 15201, + "ĠDiseases": 15202, + "ĠVeter": 15203, + "ĠTools": 15204, + "ĠQt": 15205, + "Ġvalidity": 15206, + "ropolitan": 15207, + "Ġbirthday": 15208, + "Ġmosquito": 15209, + "Social": 15210, + "ĠTerm": 15211, + "Ġdemographic": 15212, + "Ġdividing": 15213, + "minded": 15214, + "Ġsake": 15215, + "Ġventilation": 15216, + "izoph": 15217, + "ĠSoon": 15218, + "Ġtoll": 15219, + "rophy": 15220, + "Ġpere": 15221, + "Ġmobil": 15222, + "Ġconvenience": 15223, + "ĠFactors": 15224, + "erto": 15225, + "Ġcorrection": 15226, + "ĠSong": 15227, + "Ġclarify": 15228, + "Ġnausea": 15229, + "Ġvisibility": 15230, + "Ġescal": 15231, + "ĠQuestion": 15232, + "Ġconsec": 15233, + "Ġvariants": 15234, + "Food": 15235, + "foo": 15236, + "ĠSant": 15237, + "Ġrestaurant": 15238, + "Ġloving": 15239, + "Ġexpose": 15240, + "Ġadministrators": 15241, + "EMAIL": 15242, + "=['": 15243, + "Ġconditioning": 15244, + "economic": 15245, + "Ġperiodic": 15246, + "Ġcaut": 15247, + "aughters": 15248, + "ĠPractices": 15249, + "Ġadulthood": 15250, + "Search": 15251, + "Ġmandatory": 15252, + "ĠLie": 15253, + "ĠUpper": 15254, + "factor": 15255, + "icut": 15256, + "Ġextinct": 15257, + "ĠAra": 15258, + "manager": 15259, + "ĠDor": 15260, + "Ġ[],": 15261, + "Ġcapitalism": 15262, + "Ident": 15263, + "ĠDal": 15264, + "Ġmant": 15265, + "Ġoscill": 15266, + "Ġdisplacement": 15267, + "Ġcruel": 15268, + "Ġberries": 15269, + "Ġstain": 15270, + "Ġcleaner": 15271, + "Ġpurely": 15272, + "Ġbanned": 15273, + "ĠJamie": 15274, + "ĠKal": 15275, + "rosis": 15276, + "zip": 15277, + "ĠSports": 15278, + "Ġdele": 15279, + "ethyl": 15280, + "ĠOttoman": 15281, + "Ġcombustion": 15282, + "Ġpeas": 15283, + "player": 15284, + "oglob": 15285, + "Ġimplant": 15286, + "Ġdescendants": 15287, + "gly": 15288, + "Ġadapting": 15289, + "čĊĉ": 15290, + "Ġsurgeon": 15291, + "ĠStock": 15292, + "izophren": 15293, + "zo": 15294, + "ĠTrib": 15295, + "Ġremedies": 15296, + "ERR": 15297, + "Ġlasted": 15298, + "Ġloading": 15299, + "Ġlesions": 15300, + "estab": 15301, + "Ġfinancing": 15302, + "Ġrelied": 15303, + "ĠActivities": 15304, + "boards": 15305, + "Ġalleviate": 15306, + "ĠBBC": 15307, + "Ġthrone": 15308, + "irk": 15309, + "ĠOK": 15310, + "Ġstatue": 15311, + "asia": 15312, + "audi": 15313, + "sql": 15314, + "olia": 15315, + "Ġeconomically": 15316, + "parents": 15317, + "Ġmicrobial": 15318, + "La": 15319, + "xe": 15320, + "Ġstamp": 15321, + "ĠVirtual": 15322, + "Ġappend": 15323, + "display": 15324, + "Ġpanc": 15325, + "Ġtransported": 15326, + "Ġram": 15327, + "Ġinteger": 15328, + "Ġwolves": 15329, + "ĠFat": 15330, + "handler": 15331, + "Ġpunct": 15332, + "AST": 15333, + "ridge": 15334, + "Ġcomparative": 15335, + "Ġtemporarily": 15336, + "Ġozone": 15337, + "ĠHans": 15338, + "Ġautumn": 15339, + "Ġbats": 15340, + "ĠSC": 15341, + "ĠLes": 15342, + "illes": 15343, + "ĠCool": 15344, + "Ġhash": 15345, + "Ġquestioning": 15346, + "Ġretained": 15347, + "Ġtroubles": 15348, + "ĠProtestant": 15349, + "ĠCham": 15350, + "ĠWhit": 15351, + "#!": 15352, + "alling": 15353, + "Ġharvesting": 15354, + "Ġclever": 15355, + "Ġwanting": 15356, + "ĠBanglades": 15357, + "Ġutilization": 15358, + "houses": 15359, + "Ġinh": 15360, + "Ġhorizon": 15361, + "Ġspell": 15362, + "Level": 15363, + "ĠPra": 15364, + "Ġexotic": 15365, + "erk": 15366, + "Ġmaturity": 15367, + "ĠYouth": 15368, + "Ġdrill": 15369, + "Ġautomation": 15370, + "Ġdilig": 15371, + "ĠHait": 15372, + "Ġoccasional": 15373, + "ĠZe": 15374, + "Ġsq": 15375, + "Ġmicrobi": 15376, + "his": 15377, + "itched": 15378, + "Ġmasters": 15379, + "Ġfavorable": 15380, + "Ju": 15381, + "ĠExercise": 15382, + ":-": 15383, + "Ġgrocery": 15384, + "species": 15385, + "ĠEuropeans": 15386, + "ĠApplication": 15387, + "ĠCro": 15388, + "Ġwetlands": 15389, + "Ġrecreational": 15390, + "ride": 15391, + "omial": 15392, + "xd": 15393, + "agu": 15394, + "ĠBarb": 15395, + "ĠTypically": 15396, + "Ġimplied": 15397, + "ugar": 15398, + "ĠSimon": 15399, + "SN": 15400, + "ĠAristotle": 15401, + "Ġpriests": 15402, + "ĠGi": 15403, + "ĠCass": 15404, + "Ġhierarchy": 15405, + "ĠOrthodox": 15406, + "ĠEuro": 15407, + "Ġwounded": 15408, + "Ġphilosopher": 15409, + "FIL": 15410, + "Ġbesides": 15411, + "Ġcosmic": 15412, + "enh": 15413, + "Ġtrim": 15414, + "Ġrailway": 15415, + "HR": 15416, + "Ġgym": 15417, + "Ġrandomly": 15418, + "Ġresting": 15419, + "Green": 15420, + "Ġsufficiently": 15421, + "Ġunint": 15422, + "Given": 15423, + "nut": 15424, + "Ġgauge": 15425, + "Ġenforce": 15426, + "Ġslides": 15427, + "Ġcram": 15428, + "ockets": 15429, + "Mem": 15430, + "threat": 15431, + "Having": 15432, + "ĠFox": 15433, + "Ġburst": 15434, + "Ġpandas": 15435, + "elle": 15436, + "ĠReflect": 15437, + "Ġperme": 15438, + "national": 15439, + "illery": 15440, + "Ġaspiring": 15441, + "Âł": 15442, + "Ġproximity": 15443, + "Ġquotes": 15444, + "eld": 15445, + "ixtures": 15446, + "Ġfossils": 15447, + "ĠGrowth": 15448, + "Ġpoultry": 15449, + "Ġtwe": 15450, + "NAL": 15451, + "than": 15452, + "Ġreset": 15453, + "bes": 15454, + "Ġdeployed": 15455, + "rosc": 15456, + "Ġassuming": 15457, + "ĠWIT": 15458, + "article": 15459, + "Ġpotato": 15460, + "ĠJudaism": 15461, + "ĠStaff": 15462, + "Ġcollectively": 15463, + "SU": 15464, + "ĠThank": 15465, + "ĠEV": 15466, + "move": 15467, + "ĠAuthority": 15468, + "Ġdwar": 15469, + "Ġhotel": 15470, + "Column": 15471, + "Ġregards": 15472, + "Ġshoulders": 15473, + "Ġtutor": 15474, + "Ġmankind": 15475, + "Ġspite": 15476, + "Ġcohes": 15477, + "Ġcharging": 15478, + "Ġpreliminary": 15479, + "Ġmad": 15480, + "racing": 15481, + "Ġreply": 15482, + "Ġearthquakes": 15483, + "ensis": 15484, + "ĠCritical": 15485, + "Ġna": 15486, + "ĠEmily": 15487, + "Ġsexuality": 15488, + "Ġpronounced": 15489, + "Ġsanct": 15490, + "ĠBeach": 15491, + "alia": 15492, + "ĠÃĹ": 15493, + "ĠED": 15494, + "sin": 15495, + "urrection": 15496, + "ĠChi": 15497, + "________________": 15498, + "iolence": 15499, + "ĠToronto": 15500, + "Ġvic": 15501, + "Ġburial": 15502, + "Ġsilk": 15503, + "Ġwarned": 15504, + "ĠNigeria": 15505, + "Ġsingular": 15506, + "thread": 15507, + "posure": 15508, + "ĠProblem": 15509, + "PN": 15510, + "Ġfancy": 15511, + "Ġbicy": 15512, + "Ġsword": 15513, + "Ġportable": 15514, + "Ġfloods": 15515, + "ovenant": 15516, + "Ġreconstruct": 15517, + "Ġore": 15518, + "emat": 15519, + "Ġadmission": 15520, + "Map": 15521, + "Ġpicking": 15522, + "Ġstimuli": 15523, + "Ġib": 15524, + "Ġtragedy": 15525, + "ĠLastly": 15526, + "rish": 15527, + "loop": 15528, + "oubtedly": 15529, + "Ġ##": 15530, + "Ġdated": 15531, + "Ġutf": 15532, + "Cur": 15533, + "Ġghost": 15534, + "utor": 15535, + "Process": 15536, + "ĊĠĠĠĠĠĠ": 15537, + "ĠKentucky": 15538, + "short": 15539, + "aza": 15540, + "Ġsiblings": 15541, + "Ġprotests": 15542, + "WA": 15543, + "Ġshowcase": 15544, + "Ġswitching": 15545, + "argv": 15546, + "istle": 15547, + "ivia": 15548, + "arette": 15549, + "Ġnurturing": 15550, + "iasis": 15551, + "ĠArchives": 15552, + "ĠCuba": 15553, + "rable": 15554, + "Ġorch": 15555, + "Ġcomprised": 15556, + "Ġquit": 15557, + "Ġtomb": 15558, + "Ġtodd": 15559, + "Ġembod": 15560, + "stan": 15561, + "isan": 15562, + "Ġate": 15563, + "Ġdeployment": 15564, + "ĠYouTube": 15565, + "dependent": 15566, + "Ġdiscern": 15567, + "Develop": 15568, + "Ġadvertise": 15569, + "Ġuntreated": 15570, + "ania": 15571, + "Ġlinking": 15572, + "iller": 15573, + "ĠWords": 15574, + "Ġprototype": 15575, + "Ġadaptations": 15576, + "ĠStress": 15577, + "ĠKings": 15578, + "uz": 15579, + "Ġbuttons": 15580, + "Ġillustration": 15581, + "Ġtrash": 15582, + "Ġpoets": 15583, + "ĠInitiative": 15584, + "github": 15585, + "ĠDiagn": 15586, + "ĠEconomics": 15587, + "Ġwherever": 15588, + "Ġlivelihood": 15589, + "Ġbytes": 15590, + "volume": 15591, + "ĠAgricultural": 15592, + "commit": 15593, + "alid": 15594, + "Ġprocessor": 15595, + "Ġentails": 15596, + "ĠOm": 15597, + "minute": 15598, + "serial": 15599, + "ĠTask": 15600, + "Ġleather": 15601, + ".<": 15602, + "Ġcommerce": 15603, + "UC": 15604, + "Ġsignaling": 15605, + "Ġsilicon": 15606, + "Ġnour": 15607, + "ĠUniverse": 15608, + "ndarray": 15609, + "Ġneat": 15610, + "determ": 15611, + "Ġbloom": 15612, + "Ġsuperhero": 15613, + "Ġexercising": 15614, + "Ġfired": 15615, + "ioned": 15616, + "ĠHistoric": 15617, + "Ġpropose": 15618, + "Ġsumm": 15619, + "ĠSM": 15620, + "Ġdissolved": 15621, + "Ġmetall": 15622, + "Ġbureau": 15623, + "emen": 15624, + "Ġgraphs": 15625, + "Ġremedy": 15626, + "Ġnutritious": 15627, + "pher": 15628, + "Ġwoods": 15629, + "Ġbug": 15630, + "ĠOt": 15631, + "uating": 15632, + "ĠCzech": 15633, + "Ġparticipant": 15634, + "Great": 15635, + "directory": 15636, + "ã": 15637, + "levant": 15638, + "Ġhomeless": 15639, + "ĠStanford": 15640, + "Ġdrilling": 15641, + "Handler": 15642, + "emption": 15643, + "ĠDenmark": 15644, + "TestCase": 15645, + "Ġfirstname": 15646, + "ĠCand": 15647, + "Ġpneumonia": 15648, + "Ġcompiled": 15649, + "Ġinability": 15650, + "ĠMoscow": 15651, + "roximately": 15652, + "ĠSpect": 15653, + "Book": 15654, + "ogg": 15655, + "Ġlisting": 15656, + "Ġcooler": 15657, + "Ġcomprises": 15658, + "bb": 15659, + "isol": 15660, + "never": 15661, + "Ġpulling": 15662, + "Ġoffensive": 15663, + "area": 15664, + "Ġmodest": 15665, + "Ġretirement": 15666, + "ĠUSDA": 15667, + "Ġtoilet": 15668, + "ĠFeed": 15669, + "renal": 15670, + "Ġelite": 15671, + "URE": 15672, + "Ġnearest": 15673, + "Ġcomposite": 15674, + "ĠGround": 15675, + "ĠCredit": 15676, + "Ġtuber": 15677, + "Af": 15678, + "Ġantioxidant": 15679, + "Ġadaptability": 15680, + "course": 15681, + "Ġwhale": 15682, + "æķ": 15683, + "Ġgrief": 15684, + "Ġinterven": 15685, + "bid": 15686, + "ĠIowa": 15687, + "ĠHarry": 15688, + "mble": 15689, + "inge": 15690, + "ĠCamb": 15691, + "oqu": 15692, + "ĠDark": 15693, + "ĠCoal": 15694, + "Ġ'-": 15695, + "Ġcommander": 15696, + "Head": 15697, + "uler": 15698, + "Ġsuppose": 15699, + "Ġformally": 15700, + "Ġpolym": 15701, + "ĠBetter": 15702, + "âĸĪ": 15703, + "ĠRegion": 15704, + "ĠBelow": 15705, + "Ġquestionna": 15706, + "mass": 15707, + "Ġsixth": 15708, + ":*": 15709, + "ĠSwedish": 15710, + "Ġlearner": 15711, + "ĠGre": 15712, + "Ġopposing": 15713, + "Ġshelf": 15714, + "sche": 15715, + "ĠOpportun": 15716, + "Ġpiano": 15717, + "ĠChen": 15718, + "Ġpropri": 15719, + "ĠMO": 15720, + "Ġshifted": 15721, + "Ev": 15722, + ")).": 15723, + "upuncture": 15724, + "Ġfragile": 15725, + "Ġconve": 15726, + "beat": 15727, + "ĠPatrick": 15728, + "Ġadjusting": 15729, + "cision": 15730, + "Ġqueen": 15731, + "metic": 15732, + "Ġscrut": 15733, + "hidden": 15734, + "Ġtransformative": 15735, + "Button": 15736, + "ĠEvidence": 15737, + "Ġsnack": 15738, + "ifiable": 15739, + "Str": 15740, + "Ġweeds": 15741, + "ĠConserv": 15742, + "Ġhits": 15743, + "Ġrust": 15744, + "Ġ\"\\": 15745, + "auto": 15746, + "ĠAlliance": 15747, + "Ġfluctuations": 15748, + "Ġinstrumental": 15749, + "~~~~": 15750, + "igo": 15751, + "tees": 15752, + "ĠVery": 15753, + "Ġdrum": 15754, + "Ġreminded": 15755, + "ĠPrinciples": 15756, + "ĠMas": 15757, + "Ġspecially": 15758, + "Ïī": 15759, + "Ġevenly": 15760, + "Ġpredominantly": 15761, + "Ġpseud": 15762, + "aus": 15763, + "Ġcultivated": 15764, + "Ġsatisfy": 15765, + "cp": 15766, + "ĠFacts": 15767, + "onics": 15768, + "Ġnewfound": 15769, + "Ġcharity": 15770, + "mo": 15771, + "klah": 15772, + "neath": 15773, + "Ġscratch": 15774, + "ĠBenjamin": 15775, + "Science": 15776, + "eros": 15777, + "ĠParkinson": 15778, + "Ġpencil": 15779, + "ipy": 15780, + "Ġlitter": 15781, + "Ġregen": 15782, + "ĠProb": 15783, + "Ġdisappeared": 15784, + "Ġprayers": 15785, + "Ġshame": 15786, + "clerosis": 15787, + "strong": 15788, + "FOR": 15789, + "custom": 15790, + "__':": 15791, + "Ġculturally": 15792, + "Ġsuggestion": 15793, + "ĠPrevent": 15794, + "ĠHo": 15795, + "Ġoccupational": 15796, + "Meanwhile": 15797, + "cv": 15798, + "ICE": 15799, + "CharField": 15800, + "wealth": 15801, + "Ġscatter": 15802, + "Ġglance": 15803, + "Types": 15804, + "Ġtie": 15805, + "aron": 15806, + "ĠHou": 15807, + "ailure": 15808, + "Ġdop": 15809, + ").__": 15810, + "mel": 15811, + "ĠRemove": 15812, + "Method": 15813, + "Ġflowering": 15814, + "usions": 15815, + "ollo": 15816, + "icode": 15817, + "Ġwishes": 15818, + "Ġclaiming": 15819, + "Ġphilosophers": 15820, + "ĠPalestine": 15821, + "Ġá": 15822, + "ĠTorah": 15823, + "Ġrulers": 15824, + "Lastly": 15825, + "Ġample": 15826, + "limited": 15827, + "ĠNA": 15828, + "bytes": 15829, + "ĠBud": 15830, + "ĠMoore": 15831, + "Code": 15832, + "category": 15833, + "Ġpumps": 15834, + "Ġmarking": 15835, + "Ġpermanently": 15836, + "ĠRoc": 15837, + "onder": 15838, + "Ġmosquitoes": 15839, + "gument": 15840, + "inar": 15841, + "Ġoverhead": 15842, + "Ġparental": 15843, + "ASS": 15844, + "writer": 15845, + "Ġratios": 15846, + "Ġcmd": 15847, + "Ġstating": 15848, + "aceted": 15849, + "htm": 15850, + "ĠIssues": 15851, + "Ġcomplementary": 15852, + "Ġutter": 15853, + "curs": 15854, + "Prov": 15855, + "Ġperipheral": 15856, + "Ġtoxicity": 15857, + "ĠKhan": 15858, + "Ġlifelong": 15859, + "flu": 15860, + "pill": 15861, + "DIR": 15862, + "welling": 15863, + "ĠPrepar": 15864, + "Ġinfinite": 15865, + "Client": 15866, + "Edit": 15867, + "Ġencompasses": 15868, + "ĠEli": 15869, + "Ġemperor": 15870, + "ĠLanc": 15871, + "ĠContent": 15872, + "login": 15873, + "âĢ¦.": 15874, + "arry": 15875, + "Ġhi": 15876, + "Ġwatering": 15877, + "ĠAdditional": 15878, + "Ġfantasy": 15879, + "Download": 15880, + "Ġinstantly": 15881, + "ĠArchived": 15882, + "ĠApproach": 15883, + "Ġtreasures": 15884, + "Ġmonarch": 15885, + "Page": 15886, + "Ġsemester": 15887, + "Ġarsen": 15888, + "\">": 15889, + "DataFrame": 15890, + "Ġps": 15891, + "lessness": 15892, + "Ġresidual": 15893, + "IB": 15894, + "Ġadvise": 15895, + "Ġpublisher": 15896, + "erer": 15897, + "Ġrendering": 15898, + "future": 15899, + "Ġlengths": 15900, + "Ġaggression": 15901, + "ĠPopulation": 15902, + "ĠNewton": 15903, + "Ġverses": 15904, + "Ġinvested": 15905, + "Ġstruggled": 15906, + "ĠBrook": 15907, + "Ġmicroscope": 15908, + "Ġpuzzles": 15909, + "ificant": 15910, + "ĠNorthwest": 15911, + "Ġfrost": 15912, + "Ġcoronavirus": 15913, + "ĠTaiwan": 15914, + "Ġobligation": 15915, + "PM": 15916, + "prim": 15917, + "Ġadvancement": 15918, + "Ġpenalty": 15919, + "Ġwherein": 15920, + "Ġclimbing": 15921, + "Ġsupporters": 15922, + "ĠPartners": 15923, + "ĠSyd": 15924, + "Ġarchitects": 15925, + "etric": 15926, + "Ġmicroorganisms": 15927, + "Ġanalytics": 15928, + "Ġwilderness": 15929, + "Ġsticks": 15930, + "orestation": 15931, + "Ġgeometric": 15932, + "SQL": 15933, + "ignant": 15934, + "ĠAnderson": 15935, + "ĠCos": 15936, + "ĠSummer": 15937, + "Ġtangible": 15938, + "Keep": 15939, + "ĠNurs": 15940, + "Ġgradual": 15941, + "ocytes": 15942, + "Ġfitting": 15943, + "Tensor": 15944, + "ĠSel": 15945, + "Ġinterpersonal": 15946, + "Ġindoors": 15947, + "Ġrejection": 15948, + "Ġjewelry": 15949, + "leys": 15950, + "tags": 15951, + "ĠDemocr": 15952, + "ĠVictorian": 15953, + "ouraging": 15954, + "esterday": 15955, + "MOD": 15956, + "leading": 15957, + "Ġfool": 15958, + "Ġgeneric": 15959, + "ĠSoil": 15960, + "Ġrefere": 15961, + "Ġacademics": 15962, + "Ġfeasible": 15963, + "THE": 15964, + "ĠFried": 15965, + "Ġsubjected": 15966, + "gb": 15967, + "ĠCart": 15968, + "Ġreluct": 15969, + "rove": 15970, + "]<": 15971, + "Ġoverlap": 15972, + "Ġwatershed": 15973, + "Ġfeathers": 15974, + "klahoma": 15975, + "Ġpacket": 15976, + "unc": 15977, + "Ġmyriad": 15978, + "Ġstumbled": 15979, + "fund": 15980, + "Ġsuppress": 15981, + "Ġabdomen": 15982, + "ĠNan": 15983, + "Ġsli": 15984, + "ĠTool": 15985, + "RN": 15986, + "Ġguitar": 15987, + "Ġclinic": 15988, + "owner": 15989, + "ĠPerformance": 15990, + "Commun": 15991, + "ĠDick": 15992, + "ĠBerkeley": 15993, + "Ġumb": 15994, + "hu": 15995, + "Ġho": 15996, + "Ġpole": 15997, + "Ġopponents": 15998, + "tab": 15999, + "Ġgig": 16000, + "Ġgamb": 16001, + "Ġjudicial": 16002, + "Ġappreciated": 16003, + "ĠAccessed": 16004, + "\";": 16005, + "ailand": 16006, + "ĠDeveloping": 16007, + "arbon": 16008, + "cores": 16009, + "Ġunions": 16010, + "Ġjustify": 16011, + "ĠHun": 16012, + "ĠJoint": 16013, + "Ġcurves": 16014, + "Ġdermat": 16015, + "Ġcarved": 16016, + "izza": 16017, + "ĠJob": 16018, + "prop": 16019, + "headers": 16020, + "policy": 16021, + "inence": 16022, + "Ġworms": 16023, + "Ġrabbit": 16024, + "Ġscarc": 16025, + "Ġoverwhelmed": 16026, + "Ġgravitational": 16027, + "Ġwalks": 16028, + "route": 16029, + "hind": 16030, + "Ġcompetitors": 16031, + "Ġrealizing": 16032, + "Ġoak": 16033, + "Ġexplorers": 16034, + "Ġupt": 16035, + "Ġdeck": 16036, + "Ġmentally": 16037, + "opor": 16038, + "rencies": 16039, + "Ġcitations": 16040, + "ĠWAR": 16041, + "Ġcaregivers": 16042, + "ĠWright": 16043, + "Ġtent": 16044, + "Ġhire": 16045, + "ĠTotal": 16046, + "Unit": 16047, + "Ġhandful": 16048, + "UE": 16049, + "ĠCommunist": 16050, + "ĠRecord": 16051, + "Ġpir": 16052, + "hesia": 16053, + "Ġenvelop": 16054, + "Ġbodily": 16055, + "ĠPs": 16056, + "Ġpean": 16057, + "atility": 16058, + "ighting": 16059, + "Status": 16060, + "Ġcraw": 16061, + "ĠWinter": 16062, + "cca": 16063, + "rite": 16064, + "ACE": 16065, + "ĠMs": 16066, + "Ġlowering": 16067, + "party": 16068, + "Ġammon": 16069, + "fficiency": 16070, + "Ġprivilege": 16071, + "Ġcarn": 16072, + "API": 16073, + "ĠDefinition": 16074, + "Yet": 16075, + "Ġaloud": 16076, + "ardo": 16077, + "Comput": 16078, + "star": 16079, + "Ġsecured": 16080, + "flat": 16081, + "ĠAward": 16082, + "ĠLakes": 16083, + "urban": 16084, + "nsic": 16085, + "ĠCurrently": 16086, + "Ġinduce": 16087, + "Home": 16088, + "ĠBat": 16089, + "ERT": 16090, + "EV": 16091, + "Ġclip": 16092, + "Ġdeliber": 16093, + "tml": 16094, + "Ġregulating": 16095, + "ĠSure": 16096, + "Ġdozens": 16097, + "Ġofferings": 16098, + "upp": 16099, + "ĠGenesis": 16100, + "wave": 16101, + "Ġwashed": 16102, + "ĠAllen": 16103, + "vo": 16104, + "ĠAutom": 16105, + "Ġpedagog": 16106, + "ĠâĢĻ": 16107, + "Ġrespondents": 16108, + "Ġdiffers": 16109, + "Ġtrucks": 16110, + "ĠByz": 16111, + "(\"\\": 16112, + "ĠMeasure": 16113, + "odd": 16114, + "Ġthoughtful": 16115, + "Cor": 16116, + "Ġconception": 16117, + "Direct": 16118, + "Ġbarely": 16119, + "ĠPeters": 16120, + "ABLE": 16121, + "Ġfiscal": 16122, + "\"][\"": 16123, + "'}": 16124, + "Ġsits": 16125, + "Ġintersect": 16126, + "Ġfreezing": 16127, + "ĠMemory": 16128, + "Ġlimbs": 16129, + "Ġcompanions": 16130, + "ĠProvide": 16131, + "rea": 16132, + "Ġrept": 16133, + "ograms": 16134, + "ORE": 16135, + "uy": 16136, + "ĠLtd": 16137, + "Ġweekend": 16138, + "ĠImmun": 16139, + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 16140, + "Ġfungus": 16141, + "cence": 16142, + "Ġana": 16143, + "ĠGand": 16144, + "ĠAli": 16145, + "Ġclicking": 16146, + "ho": 16147, + "ú": 16148, + "Ġreductions": 16149, + "Ġprecautions": 16150, + "ĠAgreement": 16151, + "Ġcontempl": 16152, + "Ġcortex": 16153, + "Ġcanon": 16154, + "ĠAround": 16155, + "Ġbibli": 16156, + "ĠDog": 16157, + "ĠInfect": 16158, + "ĠHart": 16159, + "Ġmeats": 16160, + "schema": 16161, + "riages": 16162, + "clamation": 16163, + "izophrenia": 16164, + "uated": 16165, + "sqrt": 16166, + "Ġgy": 16167, + "Ġelectroly": 16168, + "PubMed": 16169, + "Bet": 16170, + "Ra": 16171, + "ĠSay": 16172, + "Ġdelib": 16173, + "irie": 16174, + "threshold": 16175, + "Ġlanded": 16176, + "Ġsnakes": 16177, + "ĠTB": 16178, + "Ġabst": 16179, + "ulsive": 16180, + "Ġharassment": 16181, + "ertation": 16182, + "inus": 16183, + "ryst": 16184, + "positive": 16185, + "Ġcontinuity": 16186, + "Ġterritorial": 16187, + "Ġtransformations": 16188, + "Whether": 16189, + "ĠSyn": 16190, + "Ġadherence": 16191, + "Ġadolescent": 16192, + "Ġburns": 16193, + "ĠAnglo": 16194, + "ĠBangladesh": 16195, + "Ġretired": 16196, + "ĠImages": 16197, + "Ġspider": 16198, + "Ġproceedings": 16199, + "ĠSnow": 16200, + "maker": 16201, + "ĠEmploy": 16202, + "ĠSens": 16203, + "Ġguest": 16204, + "ĠReference": 16205, + "Ġkeen": 16206, + "Ġsquares": 16207, + "Ġnoteb": 16208, + "Ġanatomy": 16209, + "orrh": 16210, + "ĠEinstein": 16211, + "Ġattorney": 16212, + "icrob": 16213, + "Ġschedules": 16214, + "Ġinstability": 16215, + "Ġprimitive": 16216, + "ĠBitcoin": 16217, + "June": 16218, + "Ġlogs": 16219, + "Ġsensing": 16220, + "Ġfiled": 16221, + "ĠCould": 16222, + "Ġmanually": 16223, + "Ġinterfaces": 16224, + "Ġmedicinal": 16225, + "spect": 16226, + "Ġappearing": 16227, + "ĠSimply": 16228, + "logging": 16229, + "Ġrip": 16230, + "Ġfitted": 16231, + "places": 16232, + "ĠHamilton": 16233, + "Ġtightly": 16234, + "ĠRule": 16235, + "Ġmicrow": 16236, + "ĠDisorders": 16237, + "ĠANY": 16238, + "ĠSalt": 16239, + "hess": 16240, + "Ġrecognised": 16241, + "March": 16242, + "ede": 16243, + "zes": 16244, + "Ġtet": 16245, + "ĠIoT": 16246, + "Ġperseverance": 16247, + "Ġelastic": 16248, + "Ġtragic": 16249, + "ĠEffective": 16250, + "Ġterr": 16251, + "Ġsuspended": 16252, + "Ġcake": 16253, + "Ġtalented": 16254, + "Ġfrustration": 16255, + "Ġintimate": 16256, + "iage": 16257, + "acteria": 16258, + ".(": 16259, + "Ġstigma": 16260, + "Ġgrate": 16261, + "Ġdocumentary": 16262, + "aval": 16263, + "Ġpocket": 16264, + "esar": 16265, + "Ġscans": 16266, + "Ġrelaxed": 16267, + "ĠUntil": 16268, + "ĠUsed": 16269, + "Ġiv": 16270, + "Ġunlock": 16271, + "cludes": 16272, + "Ġselective": 16273, + "Ġconstructive": 16274, + "vable": 16275, + "ierra": 16276, + "Ġfriendships": 16277, + "Ġastronomers": 16278, + "Ġisot": 16279, + "Ġauthorized": 16280, + "ĠUnderstand": 16281, + "ĠEating": 16282, + "Ġmonaster": 16283, + "LD": 16284, + "Ġwre": 16285, + "SV": 16286, + "offs": 16287, + "Ġexagger": 16288, + "Ġenric": 16289, + "ĠGospel": 16290, + "ĠBeyond": 16291, + "untime": 16292, + "ĠVenus": 16293, + "Mc": 16294, + "ĠBeng": 16295, + "Ġinfrared": 16296, + "Ġliability": 16297, + "Ġflaw": 16298, + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 16299, + "Ġabortion": 16300, + "queue": 16301, + "Ġquoted": 16302, + "Ġhiring": 16303, + "Ġturtles": 16304, + "Ġlady": 16305, + "ĠSounds": 16306, + "Ġalkal": 16307, + "fed": 16308, + "Ġprolif": 16309, + "Ġdeny": 16310, + "Ġcycling": 16311, + "Ġgallons": 16312, + "è¯": 16313, + "Ġnewer": 16314, + "ĠImportance": 16315, + "asers": 16316, + "END": 16317, + "ĠFinn": 16318, + "ĠAnimals": 16319, + "Ġmunicipal": 16320, + "Ġdemanded": 16321, + "ĠMaine": 16322, + "vm": 16323, + "Ġforum": 16324, + "cross": 16325, + "ĠSave": 16326, + "Ġexcer": 16327, + "Ġarmies": 16328, + "itives": 16329, + "Ġsnacks": 16330, + "ĠSquare": 16331, + "pered": 16332, + "decode": 16333, + "]):": 16334, + "ĠArabia": 16335, + "Ġdiesel": 16336, + "Ġsuppliers": 16337, + "cretion": 16338, + "Sol": 16339, + "Layout": 16340, + "Ġdolph": 16341, + "cloud": 16342, + "ourses": 16343, + "Ġsubjective": 16344, + "pler": 16345, + "Ġsculpture": 16346, + "three": 16347, + "ceedings": 16348, + "Doc": 16349, + "otine": 16350, + "Ġbeaches": 16351, + "Ġbaseball": 16352, + "Ġgastrointestinal": 16353, + "arb": 16354, + "Ġseizures": 16355, + "xa": 16356, + "åIJ": 16357, + "artz": 16358, + "Ġproficiency": 16359, + "Ġflee": 16360, + "Dig": 16361, + "typ": 16362, + "Ġqualitative": 16363, + "Ġadminister": 16364, + "Ver": 16365, + "Ġchromosome": 16366, + "edit": 16367, + "Ġants": 16368, + "Ġfilament": 16369, + "Ġgad": 16370, + "Ġdir": 16371, + "Ġlawyers": 16372, + "eff": 16373, + "ĠExplain": 16374, + "Ġlightning": 16375, + "Ġintricacies": 16376, + "chat": 16377, + "Ġideals": 16378, + "ĠHigher": 16379, + "Ġclimb": 16380, + "Ġbund": 16381, + "Ġideology": 16382, + "Ġintestine": 16383, + "pad": 16384, + "Ġtherapists": 16385, + "PH": 16386, + "Ġtheology": 16387, + "Ġsql": 16388, + "ĠConnecticut": 16389, + "ĠĊĠĠĠ": 16390, + "Ġultrasound": 16391, + "Ġhypot": 16392, + "Ġsupernatural": 16393, + "Ġasleep": 16394, + "due": 16395, + "esian": 16396, + "Ġmembranes": 16397, + "Ġassass": 16398, + "Ġpile": 16399, + "Ġcorresponds": 16400, + "processing": 16401, + "iracy": 16402, + "ĠFaith": 16403, + "Ġsquir": 16404, + "ĠExpress": 16405, + "ĠMichel": 16406, + "lug": 16407, + "Ġupward": 16408, + "Ġunre": 16409, + "Ġfestivals": 16410, + "raulic": 16411, + "Init": 16412, + "Found": 16413, + "pulumi": 16414, + "Ġbush": 16415, + "try": 16416, + "Ġsegregation": 16417, + "Ġaxes": 16418, + "imgur": 16419, + "Educ": 16420, + "LL": 16421, + "git": 16422, + "Ġmastery": 16423, + "Ġcompress": 16424, + "Ġbullet": 16425, + "Ġpricing": 16426, + "sa": 16427, + "Ġsalvation": 16428, + "Ġwastewater": 16429, + "gments": 16430, + "Ġwand": 16431, + "Ġcentres": 16432, + "Ġlion": 16433, + "Ġbeverages": 16434, + "ĠAnna": 16435, + "Ġstimulus": 16436, + "Ġacidic": 16437, + "Ġfox": 16438, + "Ġgamma": 16439, + "ĠSaturn": 16440, + "#!/": 16441, + "mg": 16442, + "ĠER": 16443, + "Ġarrow": 16444, + "Ġresonate": 16445, + "encode": 16446, + "Ġsolidarity": 16447, + "Ġcommunal": 16448, + "ductor": 16449, + "mu": 16450, + "empty": 16451, + "Ġparking": 16452, + "Ġscrap": 16453, + "leans": 16454, + "ĠBlu": 16455, + "Ġcursor": 16456, + "ĠLank": 16457, + "ĠStalin": 16458, + "symb": 16459, + "bies": 16460, + "Ġauth": 16461, + "isco": 16462, + "ĠBasin": 16463, + "в": 16464, + "Ġdeter": 16465, + "ĠComplex": 16466, + "æ": 16467, + "Ġcommentary": 16468, + "Ġdye": 16469, + "ĠSkin": 16470, + "Ġpixel": 16471, + "NE": 16472, + "Ġequals": 16473, + "imore": 16474, + "Ġtrails": 16475, + "Ġreliance": 16476, + "Ġtourist": 16477, + "ĠEat": 16478, + "LOG": 16479, + "Ġcredits": 16480, + "ĠString": 16481, + "Ġportrait": 16482, + "Array": 16483, + "Ġcomply": 16484, + "ĠExtension": 16485, + "Ġ'\\": 16486, + "Ġcreators": 16487, + "Ġcompetence": 16488, + "Ġsubstrate": 16489, + "Ġfoliage": 16490, + "Title": 16491, + "Ġnationwide": 16492, + "handle": 16493, + "Ġcables": 16494, + "Ġcanvas": 16495, + "ĠGram": 16496, + "small": 16497, + "Ġmitigation": 16498, + "Ġunconscious": 16499, + "Ġlaying": 16500, + "Ġadjustment": 16501, + "Ġharvested": 16502, + "Ġrespectful": 16503, + "Ġtastes": 16504, + "*,": 16505, + "ĊĊĊ": 16506, + "prog": 16507, + "Ġastronomy": 16508, + "antry": 16509, + "Ġ'--": 16510, + "ragon": 16511, + "Ġcervical": 16512, + "CV": 16513, + "Ġcivilian": 16514, + "+'": 16515, + "Feb": 16516, + "Ġbelieving": 16517, + "Ġcrises": 16518, + "Ġlasts": 16519, + "Ġune": 16520, + "Action": 16521, + "Ġanswering": 16522, + "celand": 16523, + "Ġguaranteed": 16524, + "à¥į": 16525, + "Ġblocking": 16526, + "ringe": 16527, + "Ġdirty": 16528, + "ĠConnection": 16529, + "Ġprejudice": 16530, + "Ġsexually": 16531, + "Ġdivorce": 16532, + "Ġtrunk": 16533, + "Ġabnormalities": 16534, + "Dist": 16535, + "Ġphyl": 16536, + "flower": 16537, + "Ġgrazing": 16538, + "Ġgloves": 16539, + "****************": 16540, + "Ġmu": 16541, + "Ġshower": 16542, + "Ġcomparisons": 16543, + "ĠEM": 16544, + "Ġcargo": 16545, + "Ġreconstruction": 16546, + "Ġdeserve": 16547, + "olen": 16548, + "ellers": 16549, + "Ġreplic": 16550, + "Ġassembled": 16551, + "Ġdynasty": 16552, + "Ġ($": 16553, + "ĠOlympic": 16554, + "Ġ'<": 16555, + "%),": 16556, + "ĠSequ": 16557, + "Ġearning": 16558, + "ĠGender": 16559, + "ĠMultiple": 16560, + "gevity": 16561, + "ARE": 16562, + "Qt": 16563, + "opard": 16564, + "Ġstressful": 16565, + "ĠReligion": 16566, + "oustic": 16567, + "Ġcorrupt": 16568, + "TE": 16569, + "ĠSydney": 16570, + "defined": 16571, + "Ġdeficit": 16572, + "Ġnights": 16573, + "itated": 16574, + "ĠFle": 16575, + "Ġfathers": 16576, + "ĠTa": 16577, + "ĠHell": 16578, + "Ġtablet": 16579, + "present": 16580, + "Ġacted": 16581, + "manship": 16582, + "Ġsprou": 16583, + "Ġattraction": 16584, + "ĠIdentity": 16585, + "PATH": 16586, + "Ġbulb": 16587, + "klore": 16588, + "ĠPolice": 16589, + "emon": 16590, + "blue": 16591, + "Ġknock": 16592, + "reading": 16593, + "patient": 16594, + "ĠTR": 16595, + "Ġparish": 16596, + "Ġthinkers": 16597, + "Ġliquids": 16598, + "Ġrash": 16599, + "ĠTODO": 16600, + "weg": 16601, + "Ġremn": 16602, + "Ġpalace": 16603, + "Ġpremium": 16604, + "ĠBarn": 16605, + "evol": 16606, + "Ġformerly": 16607, + "Ġsie": 16608, + "Ġlimb": 16609, + "ĠAlexand": 16610, + "LP": 16611, + "ĠDer": 16612, + "Ġbrighter": 16613, + "ĠInflu": 16614, + "ĠApply": 16615, + "Ġassumes": 16616, + "walk": 16617, + "ĠChair": 16618, + "assertTrue": 16619, + "enium": 16620, + "ĠLic": 16621, + "Ġdecides": 16622, + "Ġretreat": 16623, + "Ġmindset": 16624, + "ĠOklahoma": 16625, + "Ġawesome": 16626, + "Ġkick": 16627, + "Ġminorities": 16628, + "Ġpassenger": 16629, + "Ġimperative": 16630, + "ĠBabylon": 16631, + "ĠJoe": 16632, + "Ġprospective": 16633, + "uru": 16634, + "ĠLoc": 16635, + "Ġpatron": 16636, + "ĠMargaret": 16637, + "Ġscra": 16638, + "Ġrewarding": 16639, + "cards": 16640, + "ĠWin": 16641, + "ĠNile": 16642, + "Ġlucky": 16643, + "Ġpedest": 16644, + "Ġtranscend": 16645, + "ĠHaz": 16646, + "ĠMembers": 16647, + "Ġaesthetics": 16648, + "uto": 16649, + "rians": 16650, + "ĠWalter": 16651, + "Ġstrongest": 16652, + "Ms": 16653, + "Off": 16654, + "liver": 16655, + "ĠNuclear": 16656, + "Ġpreventive": 16657, + "Ġunfortunately": 16658, + "dtype": 16659, + "Ġgerms": 16660, + "Ġrendered": 16661, + "ĠImplement": 16662, + "Ġdeclining": 16663, + "country": 16664, + "limit": 16665, + "ousing": 16666, + "Ġexploit": 16667, + "zi": 16668, + "Ġtense": 16669, + "Ġballoon": 16670, + "Ġspotted": 16671, + "Ġlips": 16672, + "Ġinstalling": 16673, + "μ": 16674, + "ĠStructure": 16675, + "ĠProper": 16676, + "ĠDouglas": 16677, + "oporosis": 16678, + "Cross": 16679, + "Ġcoloring": 16680, + "Ġcleaned": 16681, + "upper": 16682, + "Ġjumping": 16683, + "Ġexclusion": 16684, + "Ġgreens": 16685, + "Ġliked": 16686, + "ĠMagazine": 16687, + "coma": 16688, + "Ġfunc": 16689, + "Ġcompositions": 16690, + "ĠChanges": 16691, + "Ġministry": 16692, + "??": 16693, + "oos": 16694, + "Ġcin": 16695, + "estial": 16696, + "ĠSaudi": 16697, + "ĠProduction": 16698, + "ĠGetting": 16699, + "Ġasbestos": 16700, + "Ġconvince": 16701, + "Ġinterpreting": 16702, + "family": 16703, + "ĠThailand": 16704, + "Three": 16705, + "ĠPrograms": 16706, + "Furthermore": 16707, + "ĠHeat": 16708, + "Ġethnicity": 16709, + "Ġslip": 16710, + "ĠBos": 16711, + "Ġreviewing": 16712, + "half": 16713, + "vector": 16714, + "staticmethod": 16715, + "changed": 16716, + "Ġaboard": 16717, + "Ġje": 16718, + "Ġinterdisciplinary": 16719, + "ciously": 16720, + "Being": 16721, + "ZE": 16722, + "Ġpots": 16723, + "Ġdescriptive": 16724, + "Ġscary": 16725, + "sky": 16726, + "Ġleuk": 16727, + "ĠPlanet": 16728, + "ĠBor": 16729, + "Ġdefensive": 16730, + "ĠFlore": 16731, + "April": 16732, + "Cong": 16733, + "Ġunderstands": 16734, + "Ġaccidentally": 16735, + "äº": 16736, + "ĠParks": 16737, + "½": 16738, + "Ãł": 16739, + "ĠFoot": 16740, + "Ġproducer": 16741, + "Ġfright": 16742, + "ouble": 16743, + "ĠRot": 16744, + "riors": 16745, + "Ġenroll": 16746, + "ĠLev": 16747, + "Ġreflective": 16748, + "agonal": 16749, + "ĠNapole": 16750, + "Ġinnocent": 16751, + "ĠPharm": 16752, + "edience": 16753, + "ĠDead": 16754, + "Ġblade": 16755, + "anga": 16756, + "ĠExperiment": 16757, + "hn": 16758, + "ĠSH": 16759, + "Ġknife": 16760, + "Ġsanitation": 16761, + "ĠDatabase": 16762, + "Ġmeticul": 16763, + "Ġfifteen": 16764, + "ĠOk": 16765, + "ansk": 16766, + "Ġracing": 16767, + "Ġsparked": 16768, + "ĠBrig": 16769, + "Ġdurable": 16770, + "ĠChannel": 16771, + "ĠEye": 16772, + "Ġreflex": 16773, + "Ġconverting": 16774, + "fi": 16775, + "Ġpound": 16776, + "\"].": 16777, + "ĠĠĠĠĠĠĠĠĠĠ": 16778, + "ĠMRI": 16779, + "Ġunderneath": 16780, + "azines": 16781, + "ĠFrederick": 16782, + "raits": 16783, + "Ġceremonies": 16784, + "acterial": 16785, + "lywood": 16786, + "Ġsocket": 16787, + "Ġadhere": 16788, + "Ġperenn": 16789, + "Ġperforms": 16790, + "Ġgasoline": 16791, + "ĠOak": 16792, + "Ġbackup": 16793, + "Ġmotors": 16794, + "Ġauthenticity": 16795, + "usage": 16796, + "ĠApache": 16797, + "Ġprohibited": 16798, + "Ġaccompanying": 16799, + "Ġdorm": 16800, + "Perhaps": 16801, + "Ġswift": 16802, + "ĠPrepare": 16803, + "Ġdawn": 16804, + "Ġweed": 16805, + "ĠOri": 16806, + "Ġsmartphones": 16807, + "Ġadequately": 16808, + "Ġpadding": 16809, + "video": 16810, + "Sept": 16811, + "ĠBishop": 16812, + "rames": 16813, + "Additionally": 16814, + "isl": 16815, + "Ġhired": 16816, + "Think": 16817, + "eches": 16818, + "Ġsurprisingly": 16819, + "ĠRF": 16820, + "çĶ": 16821, + "Ġembarr": 16822, + "Ġredirect": 16823, + "othy": 16824, + "estones": 16825, + "Ġpays": 16826, + "cop": 16827, + "Ġreuse": 16828, + "ĠLive": 16829, + "ĠSS": 16830, + "ĠBrand": 16831, + "Ġinfest": 16832, + "ĠEmergency": 16833, + "ĠPhoto": 16834, + "Ġsimilarity": 16835, + "Ġ----------": 16836, + "imeters": 16837, + "Ġsubmar": 16838, + "hum": 16839, + "Ġflip": 16840, + "application": 16841, + "oni": 16842, + "theta": 16843, + "ito": 16844, + "changing": 16845, + "Ġdelays": 16846, + "Ġurinary": 16847, + "ĠRegister": 16848, + "vec": 16849, + "iri": 16850, + "agh": 16851, + "ĠEditor": 16852, + "Ġsins": 16853, + "Ġreefs": 16854, + "aten": 16855, + "idated": 16856, + "Ġinferior": 16857, + "heads": 16858, + "ĠWeight": 16859, + "Ġviolation": 16860, + "ocene": 16861, + "Ġdepths": 16862, + "rer": 16863, + "je": 16864, + "Consider": 16865, + "Ġexchanges": 16866, + "rod": 16867, + "Ġdeforestation": 16868, + "ĠColomb": 16869, + "Port": 16870, + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 16871, + "ĠSafe": 16872, + "Dav": 16873, + "wed": 16874, + "Ġmentions": 16875, + "Ġcelebrations": 16876, + "existing": 16877, + "Ġveterans": 16878, + "ĠSolomon": 16879, + "iquity": 16880, + "culosis": 16881, + "Ġundoubtedly": 16882, + "Ġterminology": 16883, + "ulus": 16884, + "Ñı": 16885, + "Ġensl": 16886, + "ĠLO": 16887, + "Ġdischarg": 16888, + "Ġcooperative": 16889, + "Ġanticipated": 16890, + "Ġboiling": 16891, + "ĠDict": 16892, + "Ġinjust": 16893, + "Ġhobby": 16894, + "RT": 16895, + "Ġoun": 16896, + "ĠRange": 16897, + "axon": 16898, + "azy": 16899, + "questions": 16900, + "Ġtricks": 16901, + "ĠGM": 16902, + "ĠBron": 16903, + "ĠMcG": 16904, + "Ġmerge": 16905, + "rule": 16906, + "Ġrefuse": 16907, + "ĠSolutions": 16908, + "Ġprevailing": 16909, + "Ġappar": 16910, + "ĠColumn": 16911, + "Oh": 16912, + "Ġtmp": 16913, + "ĠDakota": 16914, + "Aust": 16915, + "Ġpi": 16916, + "Ġcommissioned": 16917, + "Ġancestral": 16918, + "isure": 16919, + "ĠTher": 16920, + "ĠBiological": 16921, + "track": 16922, + "Work": 16923, + "Ġdaughters": 16924, + "ĠDental": 16925, + "pine": 16926, + "Ġspill": 16927, + "Ġfarther": 16928, + "IVE": 16929, + "Ġcivic": 16930, + "ĠVisit": 16931, + "Ġdeposit": 16932, + "Ġstrokes": 16933, + "Ġshr": 16934, + "Ġgoverned": 16935, + "ĠÙ": 16936, + "Thanks": 16937, + "Ġdur": 16938, + "othic": 16939, + "Ġpasswords": 16940, + "aturated": 16941, + "aders": 16942, + "Ġbroadly": 16943, + "ĠManufact": 16944, + "Ġsweat": 16945, + "Ġacceleration": 16946, + "Ġclimates": 16947, + "Ġsimplicity": 16948, + "Ste": 16949, + "Ġapost": 16950, + "Ġcrystall": 16951, + "irts": 16952, + "Ġpractically": 16953, + "Exper": 16954, + "Ġtenure": 16955, + "GP": 16956, + "ĠMun": 16957, + "Ġtextbooks": 16958, + "ĠCitiz": 16959, + "Ġdeviation": 16960, + "ĠToo": 16961, + "ctica": 16962, + "Ġcognition": 16963, + "ĠĠĠĠĠĠĠĠĠĠĠ": 16964, + "ĠRA": 16965, + "Ġstresses": 16966, + "Ġimpart": 16967, + "Ġbutterflies": 16968, + "Ġseism": 16969, + "Ġadject": 16970, + "Ġherbal": 16971, + "ĠExplore": 16972, + "Ġcannabis": 16973, + "Ġrighteous": 16974, + "Ġpilgrim": 16975, + "ĠAntarctic": 16976, + "prom": 16977, + "Ġtrait": 16978, + "ĠWorkshe": 16979, + "čĊčĊč": 16980, + "Ġattendance": 16981, + "Ġneeding": 16982, + "Ġrebellion": 16983, + "Ġtheatre": 16984, + "Ġcoh": 16985, + "classmethod": 16986, + "ijuana": 16987, + "eprint": 16988, + "ĠMarshall": 16989, + "ĠStage": 16990, + "ĠAnnual": 16991, + "Ġcubic": 16992, + "Ġhay": 16993, + "ĠAmericas": 16994, + "Ġvascular": 16995, + "Ġrif": 16996, + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 16997, + "Ġpermissions": 16998, + "ĠDry": 16999, + "ĠDI": 17000, + "elsh": 17001, + "erion": 17002, + "Ġgeological": 17003, + "Ġ±": 17004, + "ĠExploration": 17005, + "ĠBrother": 17006, + "ĠActive": 17007, + "Ġprospects": 17008, + "social": 17009, + "Ġdecorative": 17010, + "lie": 17011, + "ĠKu": 17012, + "Ġdisproportion": 17013, + "ĠUnless": 17014, + "ĠIntrodu": 17015, + "Ġexperimentation": 17016, + "thony": 17017, + "Ġweakened": 17018, + "Ġrecess": 17019, + "Ġnonprofit": 17020, + "ĠManual": 17021, + "ĠTechnical": 17022, + "Ġtrillion": 17023, + "properties": 17024, + "Ġfunny": 17025, + "ĠBrun": 17026, + "Control": 17027, + "regn": 17028, + "ĠComprehens": 17029, + "Ġsmartphone": 17030, + "ão": 17031, + "Ġelephant": 17032, + "Ġclot": 17033, + "standard": 17034, + "Ġnasal": 17035, + "Ġoverseas": 17036, + "Ġtrafficking": 17037, + "nosis": 17038, + "ravel": 17039, + "Ġgrape": 17040, + "ucket": 17041, + "Ġhosting": 17042, + "Ġflights": 17043, + "psych": 17044, + "ĠLoad": 17045, + "Ġdisruption": 17046, + "Ġtricky": 17047, + "Ġtomato": 17048, + "cio": 17049, + "DNA": 17050, + "Ġlag": 17051, + "ĠHug": 17052, + "ĠWolf": 17053, + "Ġblending": 17054, + "Ġdetecting": 17055, + "Ġdisciples": 17056, + "Ġsurf": 17057, + "Ġbelonged": 17058, + "into": 17059, + "boxes": 17060, + "Ġslice": 17061, + "ĠCompet": 17062, + "ĠArchitecture": 17063, + "auses": 17064, + "umen": 17065, + "Ġlaptop": 17066, + "ESCO": 17067, + "ocker": 17068, + "Ġtonnes": 17069, + "ĠAcademic": 17070, + "ĠEnh": 17071, + "Ġthou": 17072, + "ĠPrice": 17073, + "iii": 17074, + "ĠDrawing": 17075, + "should": 17076, + "Ġaver": 17077, + "ĠPeninsula": 17078, + "Ġdiscre": 17079, + "Ġcruc": 17080, + "arring": 17081, + "Ġauthentication": 17082, + "Ġwhereby": 17083, + "Ġrecognizes": 17084, + "Ġcalculating": 17085, + "åħ": 17086, + "Ġarguing": 17087, + "Environment": 17088, + "Ġscanning": 17089, + "oria": 17090, + "ĠLuke": 17091, + "Ġtaxon": 17092, + "ĠPeru": 17093, + "lit": 17094, + "Ġsketch": 17095, + "ĠGab": 17096, + "Ġæ": 17097, + "Ġdots": 17098, + "Ġquiz": 17099, + "ĠPuerto": 17100, + "Ġsomebody": 17101, + "Ġflora": 17102, + "VA": 17103, + "Ġprotections": 17104, + "Ġstrips": 17105, + "Ġdisadvantages": 17106, + "Willi": 17107, + "ĠHTTP": 17108, + "Ġmultiply": 17109, + "birds": 17110, + "tol": 17111, + "ingham": 17112, + "ĠEver": 17113, + "ĠSwiss": 17114, + "ĠUniversal": 17115, + "threatening": 17116, + "Ġathe": 17117, + "Ġouts": 17118, + "ĠVerm": 17119, + "ĠOd": 17120, + "Ġdealt": 17121, + "sd": 17122, + "ĠPolitics": 17123, + "aho": 17124, + "ĠDra": 17125, + "Ġblu": 17126, + "ĠWeather": 17127, + "ĠPow": 17128, + "ĠGib": 17129, + "iarism": 17130, + "Ġfeminist": 17131, + "ĠFortunately": 17132, + "Ġfoam": 17133, + "yg": 17134, + "Ġdeclare": 17135, + "STR": 17136, + "nas": 17137, + "Ġdarker": 17138, + "ĠMulti": 17139, + "Sk": 17140, + "Ġimplicit": 17141, + "Ġdetermin": 17142, + "Look": 17143, + "Ġantim": 17144, + "Ġelephants": 17145, + "async": 17146, + "Ġprompted": 17147, + "ptical": 17148, + "ubric": 17149, + "brate": 17150, + ":%": 17151, + "Ġpetition": 17152, + "Ġresonance": 17153, + "ĠCEO": 17154, + "Ġpropaganda": 17155, + "scope": 17156, + "isive": 17157, + "ĠRO": 17158, + "Ġcoach": 17159, + "Ġhollow": 17160, + "Ġfractions": 17161, + "λ": 17162, + "setup": 17163, + "Ġgestures": 17164, + "Ġglobalization": 17165, + "University": 17166, + "Ġeasiest": 17167, + "Ġlifting": 17168, + "Ġrush": 17169, + "Tim": 17170, + "ĠQueens": 17171, + "Ġcomplaints": 17172, + "Ġhumanitarian": 17173, + "oned": 17174, + "Ġwrapped": 17175, + "rost": 17176, + "ĠTs": 17177, + "ĠStop": 17178, + "Ġaquarium": 17179, + "Ġlikewise": 17180, + "ĠPsychiat": 17181, + "inis": 17182, + "Ġthrust": 17183, + "ĠMonitoring": 17184, + "Ġhumble": 17185, + "Ġimports": 17186, + "Ġbiop": 17187, + "Ġleverage": 17188, + "Ġutils": 17189, + "ĠTruth": 17190, + "Ġkilomet": 17191, + "ĠBed": 17192, + "oping": 17193, + "Ġramp": 17194, + "omorph": 17195, + "Ġcrude": 17196, + "rades": 17197, + "Ġbrushing": 17198, + "ĠOtherwise": 17199, + "Ġresemble": 17200, + "Ġgri": 17201, + "birth": 17202, + "iti": 17203, + "ĠAllied": 17204, + "region": 17205, + "Ġrecipient": 17206, + "choice": 17207, + "Cs": 17208, + "missions": 17209, + "Ġspecimen": 17210, + "Ġdistributions": 17211, + "erget": 17212, + "Label": 17213, + "big": 17214, + "tex": 17215, + "ouns": 17216, + "Contin": 17217, + "Ġpixels": 17218, + "Ġfracture": 17219, + "ĠSA": 17220, + "ĠQuebec": 17221, + "Old": 17222, + "Ġexhibited": 17223, + "Ġlaughter": 17224, + "ĠTob": 17225, + "Ġstd": 17226, + "Ġsyntax": 17227, + "Ġ»": 17228, + "Ġbass": 17229, + "ĠManager": 17230, + "Ġinstructors": 17231, + "wal": 17232, + "Ġthrowing": 17233, + "ophil": 17234, + "Ġdisturbances": 17235, + "ĠOrleans": 17236, + "ĠSudan": 17237, + "uced": 17238, + "Ġtimeline": 17239, + "inos": 17240, + "Ġdiagrams": 17241, + "\"'": 17242, + "}\\": 17243, + "vic": 17244, + "ighed": 17245, + "Ġcontest": 17246, + "ĠCov": 17247, + "Ġdeaf": 17248, + "Run": 17249, + "Ġthir": 17250, + "paths": 17251, + "Ġbreastfeeding": 17252, + "ĠNonetheless": 17253, + "final": 17254, + "Ġsulfur": 17255, + "itably": 17256, + "Ġreceiver": 17257, + "Ġsecuring": 17258, + "ĠServer": 17259, + "Men": 17260, + "ista": 17261, + "Ġencrypt": 17262, + "Ġbucket": 17263, + "Ġsouls": 17264, + "Ġtestimony": 17265, + "ĠiP": 17266, + "Ġpleasant": 17267, + "Stand": 17268, + "ĠTell": 17269, + "Global": 17270, + "Ġjazz": 17271, + "Ġmatched": 17272, + "Ġembraced": 17273, + "Ġexports": 17274, + "Ġbloodstream": 17275, + "wareness": 17276, + "Ġupl": 17277, + "Ġmemorial": 17278, + "Ġbadly": 17279, + "ĠCC": 17280, + "Ġshortage": 17281, + "sea": 17282, + "Ġparadigm": 17283, + "paper": 17284, + "plants": 17285, + "Ġbend": 17286, + "Ġtoes": 17287, + "Ġcounted": 17288, + "Ġviolations": 17289, + "ĠDomin": 17290, + "Sch": 17291, + "Ġprize": 17292, + "isy": 17293, + "Ġviewpoints": 17294, + "ĠFederation": 17295, + "Ġenerget": 17296, + "ĠVR": 17297, + "Equ": 17298, + "mac": 17299, + "ĠIceland": 17300, + "Ġbackward": 17301, + "Ġmuscular": 17302, + "Ġreactor": 17303, + "ĠNotes": 17304, + "ĠNev": 17305, + "Ġpear": 17306, + "ĠBand": 17307, + "Therefore": 17308, + "Ġevap": 17309, + "Ġtowers": 17310, + "Ġaspirations": 17311, + "Related": 17312, + "ĠWang": 17313, + "Ġoutlines": 17314, + "condition": 17315, + "Ġpressed": 17316, + "European": 17317, + "-----": 17318, + "amon": 17319, + "Ġrestriction": 17320, + "ANT": 17321, + "ĠNelson": 17322, + "Ġscarce": 17323, + "Ġtune": 17324, + "Ġbelievers": 17325, + "ĠArgentina": 17326, + "Graph": 17327, + "ĠProblems": 17328, + "Ġplanetary": 17329, + "ĠRecords": 17330, + "ĠâĨij": 17331, + "ĠCompanies": 17332, + "Ġmultifaceted": 17333, + "ju": 17334, + "Ġterrestrial": 17335, + "odia": 17336, + "Ġpeaks": 17337, + "ĠDelhi": 17338, + "Ġsharks": 17339, + "ĠAlber": 17340, + "Ġcoli": 17341, + "phase": 17342, + "ĠHoward": 17343, + "frequency": 17344, + "Ġlabs": 17345, + "Ġcylinder": 17346, + "Ġmimic": 17347, + "RES": 17348, + "Ġcorrosion": 17349, + "Ġfocal": 17350, + "opa": 17351, + "Ġcredibility": 17352, + "Ġenterprises": 17353, + "Ġspectacular": 17354, + "Ġboot": 17355, + "Ġcontaminants": 17356, + "ĠPTSD": 17357, + "omnia": 17358, + "ĠProgress": 17359, + "Ġstewardship": 17360, + "ervers": 17361, + "Ġseafood": 17362, + "School": 17363, + "ĠHouston": 17364, + "ĠKy": 17365, + "Ġirritation": 17366, + "ĠNumPy": 17367, + "Ġutilities": 17368, + "Ġrepetitive": 17369, + "Ġheadquarters": 17370, + "Ġimply": 17371, + "historic": 17372, + "Organ": 17373, + "ĠDownload": 17374, + "story": 17375, + "ĠVI": 17376, + "ĠĠĠĠĠĠĠĠĠ": 17377, + "Ġmaneu": 17378, + "generate": 17379, + "Ġpronunciation": 17380, + "apes": 17381, + "expression": 17382, + "ĠRat": 17383, + "Ġcigarettes": 17384, + "Ġmultiplication": 17385, + "ĠFast": 17386, + "ugs": 17387, + "Ġheights": 17388, + "Ġlogin": 17389, + "ĠIng": 17390, + "ĠProceedings": 17391, + "Ġdinosaurs": 17392, + "July": 17393, + "agic": 17394, + "heumat": 17395, + "/.": 17396, + "rl": 17397, + "Ġacre": 17398, + "ĠConfig": 17399, + "think": 17400, + "ĠFramework": 17401, + "('\\": 17402, + "Ġodor": 17403, + "illary": 17404, + "kyo": 17405, + "Ġdonor": 17406, + "errors": 17407, + "Ġhostile": 17408, + "olics": 17409, + "Ġ$$": 17410, + "August": 17411, + "Ġiod": 17412, + "azed": 17413, + "Ġtruths": 17414, + "nutrition": 17415, + "ulph": 17416, + "Ġaffection": 17417, + "Ġmonopol": 17418, + "associ": 17419, + "Ġpayload": 17420, + "Ġrounded": 17421, + "Ġdragon": 17422, + "Sl": 17423, + "Ġtheor": 17424, + "atar": 17425, + "ĠPun": 17426, + "ĠChristopher": 17427, + "Ġarchive": 17428, + "REE": 17429, + "ĠRace": 17430, + "Ġdepressed": 17431, + "ĠHud": 17432, + "Ġmarijuana": 17433, + "Ġcoconut": 17434, + "falls": 17435, + "itudinal": 17436, + "dm": 17437, + "Ġconcludes": 17438, + "period": 17439, + "Their": 17440, + "btn": 17441, + "Ġlocked": 17442, + "Ġlistened": 17443, + "ĠStrong": 17444, + "Ġturtle": 17445, + "ĠFinland": 17446, + "oup": 17447, + "Ġarche": 17448, + "Women": 17449, + "Ġimagin": 17450, + "Ġceiling": 17451, + "Ġintrinsic": 17452, + "Ġmethodologies": 17453, + "Ġrefugee": 17454, + "\"?": 17455, + "ĠKa": 17456, + "ĠCurriculum": 17457, + "ĠMontana": 17458, + "ĠEmbracing": 17459, + "roit": 17460, + "cession": 17461, + "Ġcasting": 17462, + "Ġincon": 17463, + "edges": 17464, + "udge": 17465, + "clock": 17466, + "ordon": 17467, + "tox": 17468, + "Ġvisitor": 17469, + "dose": 17470, + "amboo": 17471, + "Ġpist": 17472, + "igraph": 17473, + "Ġlimestone": 17474, + "Ġhosted": 17475, + "eur": 17476, + "apply": 17477, + "Ġplague": 17478, + "Ġunpredict": 17479, + "Ġreper": 17480, + "Ġ(-": 17481, + "Ġawa": 17482, + "document": 17483, + "beit": 17484, + "Ġargparse": 17485, + "Bre": 17486, + "Ġtasty": 17487, + "Ġdownstream": 17488, + "ĠBull": 17489, + "Ġpulmonary": 17490, + "Ġnuances": 17491, + "timestamp": 17492, + "iw": 17493, + "Ġwore": 17494, + "gage": 17495, + "ĠPed": 17496, + "Integer": 17497, + "Ġshrubs": 17498, + "cellular": 17499, + "ĠACT": 17500, + "ĠMember": 17501, + "ibles": 17502, + "Ġclause": 17503, + "utable": 17504, + "Course": 17505, + "ĠRow": 17506, + "Ġdecorated": 17507, + "pk": 17508, + "ĠSad": 17509, + "achine": 17510, + "Ġrunoff": 17511, + "Ġculmin": 17512, + "ulous": 17513, + "Ġserum": 17514, + "Ġveterinarian": 17515, + "ithmetic": 17516, + "price": 17517, + "brates": 17518, + "Ġsimplest": 17519, + "Ġflame": 17520, + "Ġshark": 17521, + "Ġdisinf": 17522, + "Ġactor": 17523, + "Ġincub": 17524, + "Ġtermed": 17525, + "Ġpersistence": 17526, + "Ġic": 17527, + "stones": 17528, + "ĠAlcohol": 17529, + "aceous": 17530, + "driver": 17531, + "Ġrepository": 17532, + "ĠCoord": 17533, + "Ġrecreation": 17534, + "Ġyards": 17535, + "ĠChem": 17536, + "Ġvein": 17537, + "Ġpm": 17538, + "ĠIBM": 17539, + "ĠDefault": 17540, + "Ġpersecution": 17541, + "Ġlearns": 17542, + "ĠOccup": 17543, + "nx": 17544, + "ĠCatal": 17545, + "ĠMR": 17546, + "Ġdiffering": 17547, + "Context": 17548, + "odont": 17549, + "Ġcryptocur": 17550, + "Ġheavier": 17551, + "ĠTro": 17552, + "ĠPubl": 17553, + "Ġtouched": 17554, + "ĠConstruction": 17555, + "Modern": 17556, + "Ġsubtract": 17557, + "erred": 17558, + "Ġlamp": 17559, + "Ġbiography": 17560, + "Ġseventh": 17561, + "workers": 17562, + "Ġconstell": 17563, + "Result": 17564, + "beta": 17565, + "ĠTu": 17566, + "ĠHispanic": 17567, + "ĠLang": 17568, + "ĠInitial": 17569, + "POST": 17570, + "Ġknees": 17571, + "Ġsooner": 17572, + "Ġoccupy": 17573, + "Ġsuccesses": 17574, + "ĠStew": 17575, + "Ġvegg": 17576, + "Ġturbines": 17577, + "resol": 17578, + "ĠApplying": 17579, + "ĠPortugal": 17580, + "phy": 17581, + "Ġdams": 17582, + "Ġware": 17583, + "Ġvacation": 17584, + "Ġ'%": 17585, + "Ġfeeds": 17586, + "because": 17587, + "Ġpolitically": 17588, + "modern": 17589, + "ĠDoctor": 17590, + "Ġpulp": 17591, + "Ġfisheries": 17592, + "?!": 17593, + "Ġexpon": 17594, + "Rad": 17595, + "Ġpools": 17596, + "Output": 17597, + "serv": 17598, + "Ġinappropriate": 17599, + "ĠApollo": 17600, + "Ġdisplaced": 17601, + "Ġenvision": 17602, + "Ġhighway": 17603, + "enic": 17604, + "Ġreasonably": 17605, + "ĠProgramme": 17606, + "Ġfiring": 17607, + "Ġfungal": 17608, + "Ġaccelerate": 17609, + "Ġempowerment": 17610, + "ographics": 17611, + "Ġlongevity": 17612, + "ĠHopkins": 17613, + "Ġcarriers": 17614, + "Ġsigning": 17615, + "Ġimmigrant": 17616, + "font": 17617, + "ivated": 17618, + "pleted": 17619, + "Ġpsychologists": 17620, + "Ang": 17621, + "Ġdip": 17622, + "Ġaviation": 17623, + "Ġneedles": 17624, + "Ġreinforced": 17625, + "Ġnoqa": 17626, + "Ġearnings": 17627, + "Ġinformative": 17628, + "Ġub": 17629, + "Ġinternationally": 17630, + "flag": 17631, + "lasting": 17632, + "Ġtended": 17633, + "tuple": 17634, + "Ġelimination": 17635, + "ĠMalaysia": 17636, + "mont": 17637, + "ĠABC": 17638, + "loader": 17639, + "ĠEthiopia": 17640, + "Ġbru": 17641, + "Ġell": 17642, + "scient": 17643, + "ĠThor": 17644, + "ĠForum": 17645, + "Ġexcel": 17646, + "Total": 17647, + "Ġproactive": 17648, + "ĠHyper": 17649, + "Ġcompassionate": 17650, + "ogly": 17651, + "ĠFestival": 17652, + "break": 17653, + "Ġpave": 17654, + "utenant": 17655, + "Enter": 17656, + "mitt": 17657, + "ĠScripture": 17658, + "Ġsealed": 17659, + "Ġenrolled": 17660, + "-%": 17661, + "Ġtide": 17662, + "Ġboil": 17663, + "ĠGuinea": 17664, + "Ġcommercially": 17665, + "ĠTechnologies": 17666, + "uddenly": 17667, + "ĠRon": 17668, + "sheet": 17669, + "Ġanchor": 17670, + "ĠEC": 17671, + "ĠDur": 17672, + "IH": 17673, + "Ġcourtesy": 17674, + "Ġmistaken": 17675, + "Ġsurrender": 17676, + "ĠPent": 17677, + "Ġairport": 17678, + "DT": 17679, + "timeout": 17680, + "ĠShel": 17681, + "Ġacquiring": 17682, + "ĠAB": 17683, + "allel": 17684, + "Ġfractures": 17685, + "Ġerected": 17686, + "ĠPoor": 17687, + "ĠCrime": 17688, + "ĠNear": 17689, + "Ġmarry": 17690, + "Ġdepicting": 17691, + "orations": 17692, + "ĠMcK": 17693, + "oof": 17694, + "construction": 17695, + "ĠEric": 17696, + "ĠAnat": 17697, + "adic": 17698, + "pletion": 17699, + "Ġcens": 17700, + "Ġfreeze": 17701, + "Ġcolonization": 17702, + "Ġmagazines": 17703, + "Update": 17704, + "Ġantibody": 17705, + "Ġphosphorus": 17706, + "UI": 17707, + "Ġhook": 17708, + "ĠCas": 17709, + "Ġfinite": 17710, + "Ġcompromised": 17711, + "Ġreferen": 17712, + "headed": 17713, + "Ġproportions": 17714, + "organic": 17715, + "heat": 17716, + "Brit": 17717, + "expensive": 17718, + "Ġhect": 17719, + "units": 17720, + "ĠChron": 17721, + "ĠTrail": 17722, + "sections": 17723, + "ediatrics": 17724, + "Ġmonuments": 17725, + "gex": 17726, + "Ġspawn": 17727, + "negative": 17728, + "academia": 17729, + "fc": 17730, + "Ġasteroid": 17731, + "watch": 17732, + "Ġethn": 17733, + "ĠEvaluation": 17734, + "Ġcivilians": 17735, + "ijing": 17736, + "Ġanth": 17737, + "Ġsnipp": 17738, + "Phone": 17739, + "Ġinheritance": 17740, + "ĠIF": 17741, + "ĠSeattle": 17742, + "Ġrhythms": 17743, + "Ġpurchases": 17744, + "Ġdefence": 17745, + "Ġinviting": 17746, + "Ġdetector": 17747, + "Ġedible": 17748, + "Ġsaves": 17749, + "Ġdeclaration": 17750, + "Ġaerial": 17751, + "speaking": 17752, + "ĠVision": 17753, + "Ġexterior": 17754, + "Ġcleans": 17755, + "ĠCPU": 17756, + "thens": 17757, + "Ġsisters": 17758, + "Ġnesting": 17759, + "ĠPick": 17760, + "Ġmanuscripts": 17761, + "otor": 17762, + "Ġ[[": 17763, + "Ġamphib": 17764, + "Ġcontinents": 17765, + "estyles": 17766, + "Ġverbs": 17767, + "ĠStrategy": 17768, + "Ġsubset": 17769, + "Ġcracks": 17770, + "Ġdestroying": 17771, + "quer": 17772, + "Ġfrontier": 17773, + "Ġcritique": 17774, + "ĠLikewise": 17775, + "Ġbubbles": 17776, + "Command": 17777, + "idating": 17778, + "Ġprosec": 17779, + "oi": 17780, + "Ġsticky": 17781, + "ispens": 17782, + "hetical": 17783, + "Ġfeast": 17784, + "storage": 17785, + "itat": 17786, + "Ġdifferentiation": 17787, + "ference": 17788, + "Ġautoimmune": 17789, + "ancers": 17790, + "respons": 17791, + "Ġbites": 17792, + "ĠPalestinian": 17793, + "################################################################": 17794, + "ĠAgainst": 17795, + "ixty": 17796, + "astype": 17797, + "ĠExperience": 17798, + "ĠRobinson": 17799, + "Ġwelding": 17800, + "ĠIsaac": 17801, + "itol": 17802, + "umble": 17803, + "Ġempowering": 17804, + ":.": 17805, + "Parent": 17806, + "Ġincoming": 17807, + "Ġschema": 17808, + "ĠExchange": 17809, + "Ġportfolio": 17810, + "Ġactivism": 17811, + "Ġposterior": 17812, + "Ġhanded": 17813, + "ĠSummary": 17814, + "æĸ": 17815, + "Ġgates": 17816, + "Ġswitches": 17817, + "Ġathlete": 17818, + "ĠAndroid": 17819, + "Ġμ": 17820, + "ĠAntarctica": 17821, + "ĠâĨĴ": 17822, + "Ġindirectly": 17823, + "Ġanemia": 17824, + "ĠBirth": 17825, + "metrics": 17826, + "ĠSN": 17827, + "Ġ\"--": 17828, + "Ġcorrelated": 17829, + "âĢ²": 17830, + "Ġfaithful": 17831, + "Physical": 17832, + "olithic": 17833, + "asi": 17834, + "Ġmeg": 17835, + "Ġenjoyment": 17836, + "Ġtokens": 17837, + "Ġpunish": 17838, + "Ġmicroscopic": 17839, + "Pop": 17840, + "Ġpodcast": 17841, + "és": 17842, + "osexual": 17843, + "Ġrevelation": 17844, + "Ġvoted": 17845, + "ĠCyber": 17846, + "dra": 17847, + "Ġdeveloper": 17848, + "Ġregim": 17849, + "Ġdeserves": 17850, + "ĠSusan": 17851, + "ĠCB": 17852, + "aby": 17853, + "ĠClinic": 17854, + "olis": 17855, + "Ġcsv": 17856, + "Ġhed": 17857, + "pleasant": 17858, + "}}": 17859, + "ulatory": 17860, + "Ġinterplay": 17861, + "around": 17862, + "Ġannoy": 17863, + "án": 17864, + "Pos": 17865, + "ĠFif": 17866, + "Ġremainder": 17867, + "м": 17868, + "ULL": 17869, + "Ġwillingness": 17870, + "ĠBart": 17871, + "Question": 17872, + "Ġjustified": 17873, + "scores": 17874, + "(['": 17875, + "bus": 17876, + "ĠAlg": 17877, + "Content": 17878, + "fires": 17879, + "Ġexh": 17880, + "Ġrespecting": 17881, + "Ġcoordinated": 17882, + "Enc": 17883, + "ĠExam": 17884, + "Ġastronauts": 17885, + "Such": 17886, + "Ġnov": 17887, + "Ġtechnically": 17888, + "idis": 17889, + "Ġconvincing": 17890, + "thirds": 17891, + "Ġ\"__": 17892, + "../": 17893, + "rimental": 17894, + "otte": 17895, + "ĠBaltimore": 17896, + "ĠMonitor": 17897, + "Ġspinning": 17898, + "odus": 17899, + "Ġshowcasing": 17900, + "reset": 17901, + "Ġcompressed": 17902, + "Ġinvalid": 17903, + "Ġcreator": 17904, + "ĠPicture": 17905, + "ĠMort": 17906, + "years": 17907, + "Ġspreads": 17908, + "criptions": 17909, + "Ġreinforcing": 17910, + "Pass": 17911, + "vest": 17912, + "Ġalliance": 17913, + "Ġendurance": 17914, + "Ġlovely": 17915, + "ĠFoods": 17916, + "Ġencouragement": 17917, + "ĠBelgium": 17918, + "ateur": 17919, + "Ġtrajectory": 17920, + "Examples": 17921, + "Ġdifferentiate": 17922, + "Ġpetroleum": 17923, + "Ġcandy": 17924, + "hill": 17925, + "Ġsickness": 17926, + "elli": 17927, + "Ġproving": 17928, + "Ġhappier": 17929, + "ĠApplied": 17930, + "ollen": 17931, + "member": 17932, + "ĠML": 17933, + "Ġcommitments": 17934, + "Ġtravelers": 17935, + "Arch": 17936, + "Ġincomplete": 17937, + "Ġfastest": 17938, + "tar": 17939, + "Ġsuccession": 17940, + "ĠIndividuals": 17941, + "Ġwoven": 17942, + "Ġvariance": 17943, + "Ġimpose": 17944, + "Ġemitted": 17945, + "Ġgem": 17946, + "aky": 17947, + "Ġdecimal": 17948, + "helial": 17949, + "actly": 17950, + "ĠVacc": 17951, + "ĠCommunications": 17952, + "Ġschizophrenia": 17953, + "Ġescaped": 17954, + "Ġdissertation": 17955, + "Ġbacks": 17956, + "Ġspirituality": 17957, + "ĠMoz": 17958, + "ribing": 17959, + "Exp": 17960, + "ĠPopular": 17961, + "environment": 17962, + "ĠConversely": 17963, + "ELECT": 17964, + "ĠRoberts": 17965, + "Ġvet": 17966, + "Ġhex": 17967, + "Ġfinishing": 17968, + "ĠChallenge": 17969, + "Ġpainter": 17970, + "Ġling": 17971, + "Ġfluoride": 17972, + "Ġaccounted": 17973, + "Ġbronze": 17974, + "ĠDeg": 17975, + "opause": 17976, + "ĠLen": 17977, + "Ġdominance": 17978, + "Article": 17979, + "cuda": 17980, + "ĠSin": 17981, + "Ġpositioned": 17982, + "without": 17983, + "Ġ{}\".": 17984, + "before": 17985, + "Ġgotten": 17986, + "Ġrecordings": 17987, + "ratulations": 17988, + "Ġcontinental": 17989, + "Ġcollision": 17990, + "Ġbunch": 17991, + "arin": 17992, + "Ġcalculator": 17993, + "Ġassisted": 17994, + "ĠIR": 17995, + "__,": 17996, + "Ġimbalance": 17997, + "semin": 17998, + "erers": 17999, + "Resource": 18000, + "Ġchord": 18001, + "rett": 18002, + "ĠLam": 18003, + "Ġunrest": 18004, + "Ġwithstand": 18005, + "ĠImportant": 18006, + "Ġconserve": 18007, + "ucing": 18008, + "comed": 18009, + "Ġsket": 18010, + "Ġmaritime": 18011, + "Ġpositioning": 18012, + "ĠVarious": 18013, + "Ġthreaten": 18014, + "rene": 18015, + "bola": 18016, + "Ġuncovered": 18017, + "ĠTun": 18018, + "Ġgraduates": 18019, + "Ġconsulting": 18020, + "Ġreminds": 18021, + "Ġmerit": 18022, + "Ġparallels": 18023, + "Additional": 18024, + "variable": 18025, + "ĠEngaging": 18026, + "October": 18027, + "_(": 18028, + "Ġelegant": 18029, + "Ġlad": 18030, + "ĠSierra": 18031, + "ĠUSB": 18032, + "Ġlandmark": 18033, + "wick": 18034, + "wikipedia": 18035, + "Ġcolleague": 18036, + "Ġpromptly": 18037, + "Ġruins": 18038, + "rev": 18039, + "Ġarbitrary": 18040, + "program": 18041, + "ĠBeaut": 18042, + "Service": 18043, + "Ġgrateful": 18044, + "filled": 18045, + "Ġchi": 18046, + "ĠStyle": 18047, + "Ġ((": 18048, + "ĠEra": 18049, + "ycle": 18050, + "Ġvolcano": 18051, + "rob": 18052, + "resolution": 18053, + "ĠVeget": 18054, + "ĠCris": 18055, + "Ġ\"<": 18056, + "ĠExc": 18057, + "Micro": 18058, + "Ġupgrad": 18059, + "brush": 18060, + "Ġimmersive": 18061, + "ĠCognitive": 18062, + "ĠBenny": 18063, + "Ġbackyard": 18064, + "Ġconverts": 18065, + "ĠMoney": 18066, + "Ġdetrimental": 18067, + "Ġvinegar": 18068, + "Ġarose": 18069, + "Ġauditory": 18070, + "Ġbutterfly": 18071, + "Ġsymbolism": 18072, + "ĠOperation": 18073, + "Filter": 18074, + "ा": 18075, + "Ġopponent": 18076, + "Ġapt": 18077, + "Ġroutinely": 18078, + "Ġnests": 18079, + "Ġmethyl": 18080, + "anical": 18081, + "Produ": 18082, + "NOT": 18083, + "andal": 18084, + "arking": 18085, + "ĠPul": 18086, + "Ġloops": 18087, + "Ġwitnesses": 18088, + "Ġbid": 18089, + "Ġprovincial": 18090, + "Ġpoles": 18091, + "Ġparagraphs": 18092, + "Unlike": 18093, + "Ġexperimenting": 18094, + "unique": 18095, + "mir": 18096, + "ĠInstitution": 18097, + "Ġinnate": 18098, + "ĠRegardless": 18099, + "ĠInput": 18100, + "pox": 18101, + "South": 18102, + "Ġincorporates": 18103, + "TYPE": 18104, + "oro": 18105, + "Ġcoefficient": 18106, + "Ġmedi": 18107, + "Ġdisparate": 18108, + "Ġtheft": 18109, + "Ġawards": 18110, + "Ġprophet": 18111, + "Ġlibert": 18112, + "umm": 18113, + "Ġremembering": 18114, + "ĠIM": 18115, + "ĠIg": 18116, + "Ġairplane": 18117, + "ĠPale": 18118, + "ĠBreak": 18119, + "Ġbasketball": 18120, + "Ġexclude": 18121, + "annah": 18122, + "Ġremot": 18123, + "Ġliberation": 18124, + "ĠObservatory": 18125, + "ĠLith": 18126, + "ĠConstant": 18127, + ">,": 18128, + "Ġvisc": 18129, + "Ġindispens": 18130, + "Ġmushrooms": 18131, + "]+": 18132, + "lyn": 18133, + "Ġunrelated": 18134, + "Ġquarters": 18135, + "ĠContinue": 18136, + "Ġwavelength": 18137, + "ĠLate": 18138, + "Ġlegends": 18139, + "media": 18140, + "Ġpsychiatric": 18141, + "Ġlawsu": 18142, + "Ġbonding": 18143, + "uba": 18144, + "ĠReligious": 18145, + "Ġcelestial": 18146, + "otics": 18147, + "Ġthunder": 18148, + "Ġpopulated": 18149, + "icrobial": 18150, + "UB": 18151, + "Ġhurd": 18152, + "Ġresin": 18153, + "lr": 18154, + "ÃŃa": 18155, + "Ġaccumulate": 18156, + "Ġqueue": 18157, + "Ġintentional": 18158, + "ĠBatt": 18159, + "ĠPalace": 18160, + "Ġcatastrophic": 18161, + "Serial": 18162, + "ĠHPV": 18163, + "Ġabbre": 18164, + "ilage": 18165, + "Ġrisky": 18166, + "Ġsafeguard": 18167, + "Ġfacilitates": 18168, + "frac": 18169, + "Ġfasting": 18170, + "ĠSteve": 18171, + "ĠBY": 18172, + "Ġmirrors": 18173, + "utation": 18174, + "hyth": 18175, + "ĠColumbus": 18176, + "Press": 18177, + "Ġbent": 18178, + "chy": 18179, + "Ġdressed": 18180, + "idency": 18181, + "ĠAnthony": 18182, + "Ġemergencies": 18183, + "ocrine": 18184, + "Ġspokes": 18185, + "ĠPerm": 18186, + "ĠHarris": 18187, + "pick": 18188, + "Ġtranslations": 18189, + "Ġtones": 18190, + "ploys": 18191, + "Ġwip": 18192, + "Ġnm": 18193, + "ĠHyp": 18194, + "Ġrestoring": 18195, + "Ġaccumulated": 18196, + "erican": 18197, + "Ġaccomplishments": 18198, + "ĠAlternatively": 18199, + "ĠWelsh": 18200, + "utt": 18201, + "Ġspecifications": 18202, + "dit": 18203, + "ĠBurn": 18204, + "Ġbeautifully": 18205, + "}\"": 18206, + "isted": 18207, + "Ġsuits": 18208, + "ĠHE": 18209, + "memory": 18210, + "Ġaggregate": 18211, + "ĠMix": 18212, + "Ġcommodity": 18213, + "Ġgrapes": 18214, + "ĠInsp": 18215, + "Ġbacked": 18216, + "Ġtraders": 18217, + "Ġpesticide": 18218, + "oda": 18219, + "null": 18220, + "Ġrolled": 18221, + "Ġslopes": 18222, + "ÙĨ": 18223, + "Ġestrogen": 18224, + "Ġgambling": 18225, + "Function": 18226, + "ĠDelta": 18227, + "dirname": 18228, + "Ġremoves": 18229, + "Ġtraps": 18230, + "Ġservants": 18231, + "Ġmigrants": 18232, + "Ġromance": 18233, + "ĠSky": 18234, + "().__": 18235, + "Ġticks": 18236, + "Ġmarc": 18237, + "Ġposters": 18238, + "Ġentrepreneur": 18239, + "oglobin": 18240, + "anskrit": 18241, + "Ġjournalists": 18242, + "inators": 18243, + "Ġpour": 18244, + "Ġfulfilling": 18245, + "Ġunstable": 18246, + "Ġretro": 18247, + "Ġinitiate": 18248, + "ĠSah": 18249, + "Ġmakeup": 18250, + "Ġgrasses": 18251, + "ĠVienna": 18252, + "Ġminus": 18253, + "ĠComplete": 18254, + "Ġpassions": 18255, + "ĠLetters": 18256, + "inical": 18257, + "Ġgloss": 18258, + "ĠInvestig": 18259, + "Ġdelightful": 18260, + "Ġprojection": 18261, + "ĠAfricans": 18262, + "ivo": 18263, + "occup": 18264, + "æķ°": 18265, + "Ġleisure": 18266, + "artha": 18267, + "lad": 18268, + "ĠDanish": 18269, + "Ġundergoing": 18270, + "Ġcoalition": 18271, + "buffer": 18272, + "ĠEld": 18273, + "Ġqualify": 18274, + "Ġtransistors": 18275, + "è¿": 18276, + "Gs": 18277, + "Å«": 18278, + "ĠSent": 18279, + "Ġads": 18280, + "__)": 18281, + "Ġteamwork": 18282, + "ĠDesert": 18283, + "Ġgarbage": 18284, + "ĠForces": 18285, + "Ġparenting": 18286, + "Ġquestioned": 18287, + "ĠEnsure": 18288, + "las": 18289, + "binary": 18290, + "ĠPle": 18291, + "}'": 18292, + "ĠKid": 18293, + "Ġlithium": 18294, + "Ġfeared": 18295, + "Ġspanning": 18296, + "inctions": 18297, + "ochemistry": 18298, + "PER": 18299, + "ructions": 18300, + "Ġchromosomes": 18301, + "cpu": 18302, + "Ġhitting": 18303, + "Ġdefinitive": 18304, + "Ġdub": 18305, + "Ġformulas": 18306, + "Ġtimeless": 18307, + "ĠIncreased": 18308, + "EXT": 18309, + "å®": 18310, + "uffle": 18311, + "ĠPsychological": 18312, + "osaic": 18313, + "Ġequip": 18314, + "Ġimproper": 18315, + "ĠAlmost": 18316, + "Ġaccessing": 18317, + "ĠCommunities": 18318, + "icus": 18319, + "Contact": 18320, + "ĠPand": 18321, + "ĠThinking": 18322, + "Ġkindergarten": 18323, + "ĠInnovation": 18324, + "Ġvoc": 18325, + "Ġrotating": 18326, + "compat": 18327, + "Ġobey": 18328, + "__()": 18329, + "Ġphysiology": 18330, + "swith": 18331, + "Ġultra": 18332, + ".**": 18333, + ".[": 18334, + "NC": 18335, + "Ġ'_": 18336, + "ĠNepal": 18337, + "Ġwedding": 18338, + "Ġgrinding": 18339, + "Ġamend": 18340, + "Ġbrack": 18341, + "ĠKeeping": 18342, + "osterone": 18343, + "Ġpdf": 18344, + "Ġchickens": 18345, + "Ġyogurt": 18346, + "summary": 18347, + "Ġsteadily": 18348, + "Jew": 18349, + "Ġcomprising": 18350, + "Ġcongress": 18351, + "icularly": 18352, + "Ġsecretary": 18353, + "Ġgenerous": 18354, + "Ġgolf": 18355, + "optional": 18356, + "Ġmate": 18357, + "environ": 18358, + "isers": 18359, + "Ġpolyn": 18360, + "Ġrated": 18361, + "Ġaccountable": 18362, + "Ġvulnerabilities": 18363, + "raviolet": 18364, + "NASA": 18365, + "Ġtours": 18366, + "hex": 18367, + "Ġamendment": 18368, + "ĠIL": 18369, + "ockey": 18370, + "Ġhelic": 18371, + "ĠBerg": 18372, + "Ġstudio": 18373, + "Ġeruption": 18374, + "Ġfabrics": 18375, + "Ġtran": 18376, + "Ġerupt": 18377, + "ĠEngineers": 18378, + "ĠVar": 18379, + "./": 18380, + "Ġrobotic": 18381, + "correct": 18382, + "ĠBrief": 18383, + "Ġinvestigators": 18384, + "ĠSW": 18385, + "ĠDh": 18386, + "Ġimplants": 18387, + "Ġrepetition": 18388, + "astical": 18389, + "ĠLeadership": 18390, + "ĠXML": 18391, + "Ġconsequently": 18392, + "Ġpreceding": 18393, + "liness": 18394, + "Ġ\"-": 18395, + "Ġasyn": 18396, + "Ġunh": 18397, + "Ġuphold": 18398, + "Ġturbine": 18399, + "Ġyesterday": 18400, + "Ġteasp": 18401, + "ĠArkansas": 18402, + "System": 18403, + "Ġscaling": 18404, + "Ġinherently": 18405, + "ĠReports": 18406, + "Ġsprings": 18407, + "Ñĭ": 18408, + "published": 18409, + "Ġstance": 18410, + "ĠFab": 18411, + "orting": 18412, + "Ġrealities": 18413, + "prising": 18414, + "Ġrealism": 18415, + "Ġresponsive": 18416, + "ĠOrigins": 18417, + "Ġtwin": 18418, + "Ġtranslates": 18419, + "Ġcomprise": 18420, + "Ġworm": 18421, + "anyon": 18422, + "Ġperfection": 18423, + "Ġreviewers": 18424, + "Ġepile": 18425, + "Ġhurricane": 18426, + "ĠTar": 18427, + "ĠAddress": 18428, + "Ġdisplaying": 18429, + "Ġforgiveness": 18430, + "many": 18431, + "ilk": 18432, + "emade": 18433, + ")+": 18434, + "Ġtin": 18435, + "ĠSeven": 18436, + "safe": 18437, + "Ġaccelerated": 18438, + "Ġscared": 18439, + "Ġeditorial": 18440, + "Ġwrist": 18441, + "Ġunpleasant": 18442, + "Core": 18443, + "Ġesoph": 18444, + "ĠNAT": 18445, + "Ġapparatus": 18446, + "ĠGate": 18447, + "dup": 18448, + "pix": 18449, + "ctory": 18450, + "ĠFROM": 18451, + "ĠChris": 18452, + "heim": 18453, + "Description": 18454, + "ĠRio": 18455, + "worms": 18456, + "AIDS": 18457, + "Earth": 18458, + "Ġdetox": 18459, + "Ġcharter": 18460, + "Ġwelcomed": 18461, + "Ġcavities": 18462, + "Ġsimulate": 18463, + "Ġarchives": 18464, + "ĠCrown": 18465, + "Ġimaginary": 18466, + "php": 18467, + "ĠPic": 18468, + "ĠDeb": 18469, + "------------------------------------------------": 18470, + "Ġadorn": 18471, + "Ġancestor": 18472, + "parameter": 18473, + "Ġmotivations": 18474, + "Ġnanop": 18475, + "Ġrouter": 18476, + "TT": 18477, + "Ġpredicting": 18478, + "Ġrobotics": 18479, + "GI": 18480, + "Link": 18481, + "ĠLaws": 18482, + "Ġkills": 18483, + "ĠCampaign": 18484, + "Ġproves": 18485, + "Ġfiltered": 18486, + "Ġscripts": 18487, + "wegian": 18488, + "ecting": 18489, + "ĠMinor": 18490, + "package": 18491, + "nings": 18492, + "Ġrelay": 18493, + "ĠDonald": 18494, + "Ġket": 18495, + "planes": 18496, + "although": 18497, + "Ġrevenues": 18498, + "ecess": 18499, + "Ġcorrespondence": 18500, + "Ġpizza": 18501, + "Ġorche": 18502, + "Ġhydraulic": 18503, + "SF": 18504, + "Ġboss": 18505, + "Ġdefinite": 18506, + "Ġdisturbance": 18507, + "worthy": 18508, + "Ġrefining": 18509, + "Ġcabin": 18510, + "built": 18511, + "Ġsprink": 18512, + "ĠCommonwealth": 18513, + "ados": 18514, + "alled": 18515, + "Ġupright": 18516, + "startswith": 18517, + "Ġhunters": 18518, + "Ġdeliberately": 18519, + "Ġcompatibility": 18520, + "ĠPlate": 18521, + "Ġunderest": 18522, + "ĠMotor": 18523, + "ĠEcology": 18524, + "VE": 18525, + "Ġplum": 18526, + "Ġuterus": 18527, + "ĠKarl": 18528, + "ĠSymbol": 18529, + "Ġsovereign": 18530, + "Ġbother": 18531, + "Ġfiltering": 18532, + "Ġgrip": 18533, + "Ġendemic": 18534, + "Ġreplication": 18535, + "single": 18536, + "Ġprioritize": 18537, + "Ġleveraging": 18538, + "liter": 18539, + "Ġmarble": 18540, + "Ġkilometres": 18541, + "erable": 18542, + "Definition": 18543, + "Ġfibre": 18544, + "ĠGallery": 18545, + "ĠAwareness": 18546, + "ĠCM": 18547, + "Ġranked": 18548, + "FAULT": 18549, + "ĠShah": 18550, + "ĠProducts": 18551, + "Ġnotions": 18552, + "ĠWorkers": 18553, + "%).": 18554, + "ĠFu": 18555, + "Ġavenues": 18556, + "Ġnaked": 18557, + "Ġspiders": 18558, + "Ġpertaining": 18559, + "Ġdevotion": 18560, + "Ġsummit": 18561, + "Ġsculptures": 18562, + "Ġarriving": 18563, + "September": 18564, + "ĠCover": 18565, + "phan": 18566, + "ĠChronic": 18567, + "ĠHarbor": 18568, + "ĠUpdate": 18569, + "ricula": 18570, + "generative": 18571, + "Ġaiming": 18572, + "transmit": 18573, + "ĠSide": 18574, + "Ġmounting": 18575, + "ĠTarget": 18576, + "ertility": 18577, + "Ġmerchant": 18578, + "ĠPlato": 18579, + "Ġluxury": 18580, + "exception": 18581, + "ĠEverything": 18582, + "Ġathletic": 18583, + "Vari": 18584, + "Ġcylind": 18585, + "Ġvalves": 18586, + "ĠAlfred": 18587, + "Build": 18588, + "Ġfinancially": 18589, + "Ġinjected": 18590, + "Ġindispensable": 18591, + "ituted": 18592, + "ĠMercury": 18593, + "Ġcoronary": 18594, + "download": 18595, + "ayan": 18596, + "Ġinventions": 18597, + "Ġfortune": 18598, + "icient": 18599, + "ĠArtificial": 18600, + "Ġì": 18601, + "Ġcentr": 18602, + "Ġpsychologist": 18603, + "Ġradicals": 18604, + "kn": 18605, + "Ġrope": 18606, + "ĠTransportation": 18607, + "Ġonions": 18608, + "ĠOral": 18609, + "ĠInternal": 18610, + "Ġpilots": 18611, + "ĠAvenue": 18612, + "Ġclinicians": 18613, + "å¤": 18614, + "stick": 18615, + "Ġparasite": 18616, + "Ġciting": 18617, + "Ġdeposited": 18618, + "Ġfloors": 18619, + "ĠNam": 18620, + "Block": 18621, + "plication": 18622, + "ĠClinton": 18623, + "ÏĤ": 18624, + "colors": 18625, + "Ġethanol": 18626, + "degree": 18627, + "Ġsmiled": 18628, + "White": 18629, + "ĠLA": 18630, + "Ġpancreat": 18631, + "Ġinexpensive": 18632, + "ĠYang": 18633, + "Ġstrengthens": 18634, + "Ġlifespan": 18635, + "Ġenergies": 18636, + "oic": 18637, + "Ġdigits": 18638, + "Ġvaccinated": 18639, + "Instead": 18640, + "Ġgenius": 18641, + "Ġnails": 18642, + "Ġclinics": 18643, + "ĠSuppose": 18644, + "ä½": 18645, + "Ġthirst": 18646, + "carbon": 18647, + "Ġcarrots": 18648, + "Ġinhabited": 18649, + "Ġhormonal": 18650, + "ĠAth": 18651, + "Ġunittest": 18652, + "mun": 18653, + "amount": 18654, + "ĠPrinceton": 18655, + "licted": 18656, + "ĠHudson": 18657, + "mess": 18658, + "Ġsyrup": 18659, + "ĠAlan": 18660, + "Ġunsure": 18661, + "Ġpic": 18662, + "Ġsystematically": 18663, + "Window": 18664, + "aic": 18665, + "Ġengineered": 18666, + "ĠTeach": 18667, + "Ġstepping": 18668, + "ĠTower": 18669, + "ussels": 18670, + "Ġdehydration": 18671, + "Ġmotifs": 18672, + "cover": 18673, + "Ġlightly": 18674, + "ĠBaptist": 18675, + "Ġnail": 18676, + "Ġcontag": 18677, + "addr": 18678, + "validate": 18679, + "great": 18680, + "Ġattent": 18681, + "čĊčĊ": 18682, + "Ġendeavors": 18683, + "ĠSilver": 18684, + "ĠTel": 18685, + "Ġingen": 18686, + "Ġrabbits": 18687, + "ĠDescription": 18688, + "Ġwinner": 18689, + "Ġbipolar": 18690, + "Ġloses": 18691, + "OH": 18692, + "Ġgrie": 18693, + "Ġadrenal": 18694, + "araoh": 18695, + "Ġblades": 18696, + "ione": 18697, + "Ġnevertheless": 18698, + "Ġrenal": 18699, + "Almost": 18700, + "ĠIllust": 18701, + "Ġobscure": 18702, + "ogeneous": 18703, + "Ġprobable": 18704, + "Ġpursued": 18705, + "Ġcoherent": 18706, + "ĠPriv": 18707, + "ÏĢ": 18708, + "ĠArticles": 18709, + "ĠTip": 18710, + "ĠRailroad": 18711, + "Ġlubric": 18712, + "Bs": 18713, + "ĠSubst": 18714, + "Ġactivist": 18715, + "Ġproportional": 18716, + "Ġcigarette": 18717, + "ĠDiversity": 18718, + "pection": 18719, + "Ġpottery": 18720, + "Ġhorror": 18721, + "ĠSubject": 18722, + "Ġcleared": 18723, + "Ġneglected": 18724, + "Design": 18725, + "Ġnationalism": 18726, + "hou": 18727, + "Published": 18728, + "Ġward": 18729, + "Ġworkout": 18730, + "Ġrepeating": 18731, + "Ġconfidently": 18732, + "Ġdeceased": 18733, + "ften": 18734, + "ĠMorgan": 18735, + "ür": 18736, + "ean": 18737, + "ĠLanka": 18738, + "Prim": 18739, + "Ġsewage": 18740, + "Ġcompetent": 18741, + "ĠJuan": 18742, + "Ġcorporation": 18743, + "Ġ[-": 18744, + "Ġevaluations": 18745, + "ĠJos": 18746, + "Ġbelly": 18747, + "Ġsusceptibility": 18748, + "Ġkeywords": 18749, + "ivial": 18750, + "Ïĥ": 18751, + "nu": 18752, + "åŃ": 18753, + "Import": 18754, + "Ġblooms": 18755, + "ĠCatholics": 18756, + "Right": 18757, + "Ġenacted": 18758, + "Ġhinder": 18759, + "Ġswing": 18760, + "Ġcommanded": 18761, + "Space": 18762, + "Ġdeposition": 18763, + "ĠAle": 18764, + "Ġcommittees": 18765, + "Ġempowers": 18766, + "Ġratings": 18767, + "Ġlatitude": 18768, + "awareness": 18769, + "Ġenlarg": 18770, + "Ġmatrices": 18771, + "Ġintentionally": 18772, + "Ġmascul": 18773, + "Ġenergetic": 18774, + "Ġconting": 18775, + "China": 18776, + "Ġelic": 18777, + "Ġshadows": 18778, + "Ġartillery": 18779, + "grass": 18780, + "Ġshaft": 18781, + "Ġplayground": 18782, + "ĠLiteracy": 18783, + "ĠProcessing": 18784, + "omething": 18785, + "ĠNevada": 18786, + "asury": 18787, + "imag": 18788, + "Ġexposures": 18789, + "rb": 18790, + "NG": 18791, + "ĠZone": 18792, + "ĠAthens": 18793, + "Ġgi": 18794, + "Ġqueries": 18795, + "eda": 18796, + "ĠUNESCO": 18797, + "Ġrecognise": 18798, + "Ġbarg": 18799, + "ĠYale": 18800, + "gel": 18801, + "Ġsensations": 18802, + "ĠMorris": 18803, + "ĠTitan": 18804, + "rise": 18805, + "Ġshades": 18806, + "Ġmarrow": 18807, + "anning": 18808, + "Ġdownward": 18809, + "Ġbrainstorm": 18810, + "ĠÅ": 18811, + "Ġprojections": 18812, + "ĠOverall": 18813, + "Ġcredentials": 18814, + "NET": 18815, + "Ġcautious": 18816, + "DD": 18817, + "every": 18818, + "Ġhandles": 18819, + "ĠSetting": 18820, + "Ġportrayed": 18821, + "ĠJohann": 18822, + "percent": 18823, + "Ġsadness": 18824, + "cked": 18825, + "represented": 18826, + "Ġdecentral": 18827, + "ĠStreng": 18828, + "pathetic": 18829, + "Ġdiary": 18830, + "Ġdiabetic": 18831, + "Ġdropping": 18832, + "Ġfertilizers": 18833, + "ĠRandom": 18834, + "ĠElements": 18835, + "Ġblur": 18836, + "kernel": 18837, + "ĠBry": 18838, + "ĠEgg": 18839, + "Ġcozy": 18840, + "ĠAdult": 18841, + "Ġurge": 18842, + "Ġworkflow": 18843, + "blog": 18844, + "Ġregimes": 18845, + "Ġsaliva": 18846, + "blank": 18847, + "Ġrichness": 18848, + "Ġgallery": 18849, + "čĊĠĠĠĠĠĠĠĠ": 18850, + "Ġspiral": 18851, + "Ġfrustrated": 18852, + "Mal": 18853, + "Ġtradem": 18854, + "ĠCanal": 18855, + "ĠProvince": 18856, + "leaf": 18857, + "Ġlaboratories": 18858, + "onian": 18859, + "Manager": 18860, + "phen": 18861, + "âķ": 18862, + "ĠBeth": 18863, + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 18864, + "Ġglaciers": 18865, + "VAL": 18866, + "Ġmidst": 18867, + "Ġdigging": 18868, + "âĢ¦âĢ¦": 18869, + "reference": 18870, + "Ġcad": 18871, + "quant": 18872, + "Ġresponds": 18873, + "secret": 18874, + "Ġpork": 18875, + "Ġneglig": 18876, + "often": 18877, + "Ġquicker": 18878, + "topic": 18879, + "cht": 18880, + "aphy": 18881, + "bsite": 18882, + "Ġhtml": 18883, + "Ġignorance": 18884, + "bearing": 18885, + "Ġmarsh": 18886, + "ĠActs": 18887, + "efficients": 18888, + "ĠJourney": 18889, + "ĠJosh": 18890, + "itous": 18891, + "alion": 18892, + "ĠStatus": 18893, + "ĠDim": 18894, + "Ġbuzz": 18895, + "Ġrectangular": 18896, + "Ġfolklore": 18897, + "Ġverification": 18898, + "LY": 18899, + "ĠClear": 18900, + "electric": 18901, + "ĠNag": 18902, + "intend": 18903, + "Ġguy": 18904, + "general": 18905, + "Ġfence": 18906, + "Ġbaked": 18907, + "ĠEgyptians": 18908, + "Ġmartial": 18909, + "ĠGeographic": 18910, + "Ġjurisdict": 18911, + "Ġceramic": 18912, + "ĠCBD": 18913, + "exc": 18914, + "Ġhopefully": 18915, + "bourne": 18916, + "Ġoutward": 18917, + "Ġhadn": 18918, + "Ġcoil": 18919, + "ĠCreation": 18920, + "ĠBeijing": 18921, + "Ġmenstrual": 18922, + "Ġguys": 18923, + "Ġrepairs": 18924, + "Ġdelving": 18925, + "Ġdiscrete": 18926, + "Ġflew": 18927, + "Ġlimitation": 18928, + "ĠCrow": 18929, + "ĠMB": 18930, + "Ġbehaviours": 18931, + "ĠDynasty": 18932, + "ensation": 18933, + "owned": 18934, + "ĠNotice": 18935, + "ĠIdentifying": 18936, + "ĠDream": 18937, + "average": 18938, + "pent": 18939, + "ainted": 18940, + "ĠHR": 18941, + "Ġindul": 18942, + "Ġtransgender": 18943, + "Ġsklearn": 18944, + "Ġdiminished": 18945, + "between": 18946, + "Ġstats": 18947, + "Ġglad": 18948, + "bey": 18949, + "ĠPrivate": 18950, + "Ġjournalist": 18951, + "Ġfrogs": 18952, + "__\":": 18953, + "Phot": 18954, + "Ġcurved": 18955, + "Ġphil": 18956, + "ĠPhoen": 18957, + "Ġchambers": 18958, + "rences": 18959, + "Ġsouthwest": 18960, + "Ġlegendary": 18961, + "Ġworries": 18962, + "Ġstimulating": 18963, + "icion": 18964, + "hicle": 18965, + "iche": 18966, + "resources": 18967, + "ĠPhill": 18968, + "Ġabolition": 18969, + "research": 18970, + "Ġobserver": 18971, + "ĠOrganic": 18972, + "North": 18973, + "ĠCanyon": 18974, + "ĠEthics": 18975, + "ĠCollins": 18976, + "fuel": 18977, + "Ġbeads": 18978, + "ractice": 18979, + "Ġseniors": 18980, + "Ġdeficiencies": 18981, + "á¸": 18982, + "Ġlively": 18983, + "ĠIl": 18984, + "ĠPages": 18985, + "Ask": 18986, + "ĠOfficer": 18987, + "Tree": 18988, + "ĠMol": 18989, + "Ġcontributors": 18990, + "Ġsearches": 18991, + "Ġoffshore": 18992, + "extract": 18993, + "ĠIndependent": 18994, + "Ġmassage": 18995, + "trained": 18996, + "ccoli": 18997, + "ĠLaur": 18998, + "mesh": 18999, + "tk": 19000, + "leveland": 19001, + "ĠAntonio": 19002, + "ĠMaj": 19003, + "Ġmonitors": 19004, + "Ġexpenditure": 19005, + "lavery": 19006, + "aunting": 19007, + "ĠDial": 19008, + "ĠDiscovery": 19009, + "ĠByzantine": 19010, + "Ġbloss": 19011, + "ĠReform": 19012, + "Ġ%(": 19013, + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 19014, + "voc": 19015, + "Ġexpectation": 19016, + "Ġveterinary": 19017, + "Ġbicycle": 19018, + "Cam": 19019, + "events": 19020, + "Ġaston": 19021, + "Ġtranscription": 19022, + "Ġdeliberate": 19023, + "Ġpredictive": 19024, + "Ġsentiment": 19025, + "pend": 19026, + "ĠISO": 19027, + "Ġbubble": 19028, + "essert": 19029, + "Ġevid": 19030, + "Ġsubprocess": 19031, + "Ġbeside": 19032, + "Ġlid": 19033, + "Ġlap": 19034, + "creas": 19035, + "Ġdrove": 19036, + "ĠUg": 19037, + "Ġdominate": 19038, + "Ġsalad": 19039, + "Ġprinters": 19040, + "adow": 19041, + "ĠLeban": 19042, + "Ġcatching": 19043, + "poly": 19044, + "Ġmating": 19045, + "Ġwholes": 19046, + "ĠWat": 19047, + "Ġblast": 19048, + "Ġfascinated": 19049, + "Ġbrightness": 19050, + "IOS": 19051, + "heit": 19052, + "Ġfonts": 19053, + "Ġassured": 19054, + "ĠCele": 19055, + "authorized": 19056, + "ĠRecovery": 19057, + "ĠOperations": 19058, + "pb": 19059, + "Ġexpectancy": 19060, + "ĠPO": 19061, + "Ġservant": 19062, + "Ġpaints": 19063, + "ĠGoals": 19064, + "ĠHerm": 19065, + "Ġpossessed": 19066, + "Logger": 19067, + "Ġnorthwest": 19068, + "ĠPas": 19069, + "ĠZion": 19070, + "Ġanticipate": 19071, + "Ġprestigious": 19072, + "overty": 19073, + "Within": 19074, + "ĠCauses": 19075, + "ãĢĤ": 19076, + "ĠEsc": 19077, + "Ġactivate": 19078, + "Govern": 19079, + "ĠBorn": 19080, + "ĠTokyo": 19081, + "Ġdisadvantage": 19082, + "wear": 19083, + "Ġfame": 19084, + "International": 19085, + "uci": 19086, + "Ġrotate": 19087, + "KS": 19088, + "growing": 19089, + "town": 19090, + "Ġcarbohydrate": 19091, + "ĠWalker": 19092, + "ĠMaterial": 19093, + "ĠInstitutes": 19094, + "Ġattacking": 19095, + "Ġelders": 19096, + "Ġproliferation": 19097, + "js": 19098, + "ĠRecomm": 19099, + "Ġnoticeable": 19100, + "Ġeg": 19101, + "Ġvoyage": 19102, + "ĠHey": 19103, + "Ġdesktop": 19104, + "Ġankle": 19105, + "ĠTow": 19106, + "ĠRussell": 19107, + "joint": 19108, + "Ġlav": 19109, + "...\"": 19110, + "Ġoutlets": 19111, + "Ġoxidation": 19112, + "Ġsage": 19113, + "Ġ\"%": 19114, + "Ġconquest": 19115, + "ĠLiver": 19116, + "eterm": 19117, + "]*": 19118, + "Ġdwarf": 19119, + "Ġaccred": 19120, + "Ġgrading": 19121, + "Ġrecurring": 19122, + "HC": 19123, + "Ġaux": 19124, + "Ġlegislature": 19125, + "Ġyarn": 19126, + "acious": 19127, + "Ġgenocide": 19128, + "___": 19129, + "liance": 19130, + "Ġsatisfying": 19131, + "ĠAbsol": 19132, + "²": 19133, + "clipse": 19134, + "opathic": 19135, + "ĠSize": 19136, + "techn": 19137, + "rimp": 19138, + "Ġtolerate": 19139, + "ommy": 19140, + "ardi": 19141, + "ĠClassroom": 19142, + "ĠGhana": 19143, + "ĠStra": 19144, + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 19145, + "Mac": 19146, + "ĠEve": 19147, + "Ġhumid": 19148, + "Exec": 19149, + "amy": 19150, + "Ġfacets": 19151, + "ENSE": 19152, + "'\\": 19153, + "dates": 19154, + "Ġsponsored": 19155, + "Ġray": 19156, + "Ġderive": 19157, + "bath": 19158, + "special": 19159, + "ĠSurgery": 19160, + "Write": 19161, + "Ġinstitute": 19162, + "attribute": 19163, + "Bey": 19164, + "Ġhipp": 19165, + "ouncing": 19166, + "Ġpredecess": 19167, + "Conf": 19168, + "ilis": 19169, + "Ġordering": 19170, + "ĠBear": 19171, + "December": 19172, + "Ġphotosynthesis": 19173, + "intage": 19174, + "DM": 19175, + "Ġshrink": 19176, + "Ġharmless": 19177, + "âĢĿ).": 19178, + "Ġapartment": 19179, + "nels": 19180, + "}.": 19181, + "Ġot": 19182, + "ĠEpid": 19183, + "Ġideological": 19184, + "htaking": 19185, + "Ġmigrate": 19186, + "Ġmonkeys": 19187, + "Ġbuses": 19188, + "Ġpier": 19189, + "collect": 19190, + "Ġdiplomatic": 19191, + "Ġtsun": 19192, + "istence": 19193, + "Ġanomal": 19194, + "Ġprivileges": 19195, + "Desc": 19196, + "paste": 19197, + "Ġstretched": 19198, + ":\\": 19199, + "UST": 19200, + "atson": 19201, + "olon": 19202, + "Ġdemol": 19203, + "letion": 19204, + "coholic": 19205, + "Ġnicotine": 19206, + "FIG": 19207, + "otonin": 19208, + "pless": 19209, + "Ġshine": 19210, + "authors": 19211, + "ĠPlot": 19212, + "Ġcustomized": 19213, + "vings": 19214, + "Ġdrastically": 19215, + "positions": 19216, + "ĠAuto": 19217, + "Ġseamlessly": 19218, + "ĠOliver": 19219, + "Peer": 19220, + "Ġstrangers": 19221, + "Ġfilt": 19222, + "Ġalmond": 19223, + "ĠCongo": 19224, + "'{": 19225, + "ĠBE": 19226, + "Ġdisable": 19227, + "repr": 19228, + "Low": 19229, + "Ġemploys": 19230, + "Ġrape": 19231, + "Ġtransforms": 19232, + "Ġcapacities": 19233, + "Ġmandate": 19234, + "otions": 19235, + "Ġeluc": 19236, + "extend": 19237, + "ĠFinal": 19238, + "Ġpeppers": 19239, + "Ġseedlings": 19240, + "Ġpublishers": 19241, + "Ġstub": 19242, + "Ġboom": 19243, + "Ġjar": 19244, + "othermal": 19245, + "United": 19246, + "Ġreconciliation": 19247, + "ĠMolecular": 19248, + "cert": 19249, + "Ġconceived": 19250, + "Ġmanure": 19251, + "Ġloos": 19252, + "Ġmercy": 19253, + "ibling": 19254, + "ĠNorman": 19255, + "Information": 19256, + "Ġdurability": 19257, + "FILE": 19258, + "Ġdeeds": 19259, + "syn": 19260, + "Ġminiature": 19261, + "Ġcfg": 19262, + "д": 19263, + "enum": 19264, + "Ġterrorism": 19265, + "Ġshout": 19266, + "ĠLyn": 19267, + "ĠPhotos": 19268, + "ĠAddressing": 19269, + "Ġranking": 19270, + "Ġcybersecurity": 19271, + "Ġrealization": 19272, + "Ġapnea": 19273, + "Ġmargins": 19274, + "Ġreversed": 19275, + "enable": 19276, + "Ġretina": 19277, + "Ġcurricula": 19278, + "Ġguarantees": 19279, + "Ġnost": 19280, + "ĠET": 19281, + "Ġgravel": 19282, + "Ġcomplaint": 19283, + "Ġrocky": 19284, + "Ġsinus": 19285, + "Ġgraduated": 19286, + "Ġsemicon": 19287, + "Ġparadox": 19288, + "Ġtiles": 19289, + "Ġboring": 19290, + "ĠGalile": 19291, + "ĠAustin": 19292, + "Cle": 19293, + "brain": 19294, + "Ġcemetery": 19295, + "Ġech": 19296, + "**.": 19297, + "Ġuranium": 19298, + "Ġdrones": 19299, + "ĠKath": 19300, + "widget": 19301, + "Ġwhit": 19302, + "Ġlacks": 19303, + "Ġfinances": 19304, + "ĠMoroc": 19305, + "January": 19306, + ">',": 19307, + "Ġurged": 19308, + "Ġcopied": 19309, + "Ġmainland": 19310, + "Ġyearly": 19311, + "enez": 19312, + "Ġmentor": 19313, + "google": 19314, + "ĠSpeech": 19315, + "Treatment": 19316, + "Ġspeeches": 19317, + "West": 19318, + "Ġlightweight": 19319, + "UTH": 19320, + "Ġosteoporosis": 19321, + "IAL": 19322, + "outputs": 19323, + "tool": 19324, + "Ġdefending": 19325, + "Conv": 19326, + "expand": 19327, + "Ġjury": 19328, + "Ġacne": 19329, + "Ġforemost": 19330, + "ĠMike": 19331, + "Ġadolescence": 19332, + "focus": 19333, + "ĠPel": 19334, + "Ġcrushed": 19335, + "Ġemerges": 19336, + "Ġconfigurations": 19337, + "design": 19338, + "Ġbreathtaking": 19339, + "Interest": 19340, + "izard": 19341, + "plets": 19342, + "Due": 19343, + "native": 19344, + "Air": 19345, + "Sem": 19346, + "ando": 19347, + "Ġnegotiate": 19348, + "ĠRules": 19349, + "namese": 19350, + "ĠMobile": 19351, + "Ġbypass": 19352, + "ĠHumans": 19353, + "Ġseamless": 19354, + "Ġdiscrep": 19355, + "ĠChand": 19356, + "ĠHighway": 19357, + "Ġambient": 19358, + "notes": 19359, + "Ġtransfers": 19360, + "Ġprofitable": 19361, + "Ġcant": 19362, + "icine": 19363, + "Ġresh": 19364, + "Ġherd": 19365, + "Ġpersonalities": 19366, + "Ġcompensate": 19367, + "PAS": 19368, + ">.": 19369, + "enabled": 19370, + "ĠInterestingly": 19371, + "(\"/": 19372, + "ĠInside": 19373, + "erns": 19374, + "Ġmicrowave": 19375, + "Ġlengthy": 19376, + "elescope": 19377, + "âĸĪâĸĪ": 19378, + "Ġcapitalist": 19379, + "ét": 19380, + "Ġclearer": 19381, + "aire": 19382, + "hering": 19383, + "Ġpept": 19384, + "()[": 19385, + "Ġexcellence": 19386, + "Ġreinforcement": 19387, + "ĠLucy": 19388, + "aculture": 19389, + "ĠBirds": 19390, + "Var": 19391, + "pieces": 19392, + "ĠNaval": 19393, + "ĠCaesar": 19394, + "ĠPhase": 19395, + "Imple": 19396, + "ĠWARRAN": 19397, + "elsius": 19398, + "Ġmalicious": 19399, + "Ġlowered": 19400, + "ĠErn": 19401, + "lined": 19402, + "tok": 19403, + "ooting": 19404, + "elivery": 19405, + "Ġaccommodation": 19406, + "(\\": 19407, + "Ġfortun": 19408, + "ixon": 19409, + "Ġgeology": 19410, + "Posted": 19411, + "Ġincentive": 19412, + "compet": 19413, + "ĠJay": 19414, + "Ġlined": 19415, + "Ġseq": 19416, + "Ġcalorie": 19417, + "pattern": 19418, + "Ġcaterpill": 19419, + "Ġanterior": 19420, + "Ġgenerators": 19421, + "deep": 19422, + "shine": 19423, + "their": 19424, + "Ġuneven": 19425, + "Ġstretches": 19426, + "PI": 19427, + "Ġail": 19428, + "ĠComment": 19429, + "ricanes": 19430, + "Ġinstallations": 19431, + ")\"": 19432, + "Ġlumin": 19433, + "ĠLaure": 19434, + "Ġtuberculosis": 19435, + "ĠLE": 19436, + "Ġfloss": 19437, + "Ġsty": 19438, + "empor": 19439, + "Rev": 19440, + "Ġwr": 19441, + "urdy": 19442, + "Beyond": 19443, + "none": 19444, + "incre": 19445, + "ĠDivine": 19446, + "Ġprotagonist": 19447, + "()))": 19448, + "Ġnortheast": 19449, + "verbal": 19450, + "ificance": 19451, + "Ġcredited": 19452, + "Ġfellows": 19453, + "gone": 19454, + "ĠNavigating": 19455, + "oS": 19456, + "ĠAdjust": 19457, + "Ġhoused": 19458, + "Ġowing": 19459, + "Ġanonymous": 19460, + "Ġhonour": 19461, + "ĠEncouraging": 19462, + "dings": 19463, + "Ġgospel": 19464, + "essed": 19465, + "ĠFamilies": 19466, + "rators": 19467, + "Ġseals": 19468, + "Ġupwards": 19469, + "ĠHealthcare": 19470, + "ĠUkrain": 19471, + "Ġfirsthand": 19472, + "Ġobservers": 19473, + "Ġsupreme": 19474, + "kill": 19475, + "ĠPapers": 19476, + "growth": 19477, + "ĠMade": 19478, + "Ġnonfiction": 19479, + "cott": 19480, + "ĠWol": 19481, + "assed": 19482, + "Ġsuccessive": 19483, + "Ġconcise": 19484, + "Ġsuspension": 19485, + "arange": 19486, + "uder": 19487, + "dump": 19488, + "frames": 19489, + "ĠMis": 19490, + "Ġsupplementation": 19491, + "Ġnaming": 19492, + "ĠGenetic": 19493, + "Ġfragment": 19494, + "geo": 19495, + "oske": 19496, + "Ġperv": 19497, + "ĠNorwegian": 19498, + "Ġresembles": 19499, + "Ġveggies": 19500, + "bank": 19501, + "mentioned": 19502, + "Thank": 19503, + "ieve": 19504, + "Ġredist": 19505, + "Ġhesitate": 19506, + "aple": 19507, + "eltic": 19508, + "separ": 19509, + "Ġideologies": 19510, + "ĠEmotional": 19511, + "Ġchlorine": 19512, + "Ġmonks": 19513, + "Bi": 19514, + "ashi": 19515, + "Professor": 19516, + "Ġphy": 19517, + "upload": 19518, + "Ġcollectors": 19519, + "Ġpleased": 19520, + "Ġα": 19521, + "EEE": 19522, + "Help": 19523, + "Symptoms": 19524, + "Never": 19525, + "}/": 19526, + "ĠEt": 19527, + "rimination": 19528, + "Ġstepped": 19529, + "Ġgraduation": 19530, + "products": 19531, + "WR": 19532, + "Ġlush": 19533, + "Ġplacebo": 19534, + "Afric": 19535, + "Ġsymmetry": 19536, + "mile": 19537, + "ĠNapoleon": 19538, + "UV": 19539, + "ĠFinding": 19540, + "subject": 19541, + "Local": 19542, + "ĠGent": 19543, + "ribes": 19544, + "ĠNicholas": 19545, + "OUT": 19546, + "Ġmerchants": 19547, + "Ġbronch": 19548, + "Ġcomet": 19549, + "orthy": 19550, + "Ġcomputed": 19551, + "iothe": 19552, + "Ġtouches": 19553, + "Ġsafeguarding": 19554, + "Creating": 19555, + "Hello": 19556, + "ĠTan": 19557, + "Ġoutlet": 19558, + "Ġworrying": 19559, + "ĠASD": 19560, + "ĠInj": 19561, + "ĠBrah": 19562, + "Ġresume": 19563, + "riminal": 19564, + "Ġcabinet": 19565, + "Ġanalogy": 19566, + "dumps": 19567, + "ĠMason": 19568, + "gging": 19569, + "Ġglimp": 19570, + "Ġglimpse": 19571, + "YS": 19572, + "Ġ$\\": 19573, + "Ġticket": 19574, + "ĠProperty": 19575, + "ĠIdeas": 19576, + "Ġbor": 19577, + "quet": 19578, + "ĠNormal": 19579, + "sigma": 19580, + "ographs": 19581, + "Ġangel": 19582, + "Ġcomfortably": 19583, + "ĠFamiliar": 19584, + "Ġnons": 19585, + "Ġburd": 19586, + "Ġeducating": 19587, + "Ġpersuasive": 19588, + "ĠGordon": 19589, + "ordered": 19590, + "Ġprincip": 19591, + "Ġpreparations": 19592, + "Fam": 19593, + "Ġsoutheast": 19594, + "ĠHandbook": 19595, + "Ġdialogues": 19596, + "dx": 19597, + "ĠBrazilian": 19598, + "Instance": 19599, + "ĠAustrian": 19600, + "ĠSynt": 19601, + "ĠCompare": 19602, + "ĠFirstly": 19603, + "oyd": 19604, + "chell": 19605, + "uddy": 19606, + "Ġwisely": 19607, + "Ġsacrifices": 19608, + "Ġlime": 19609, + "Ġdissemin": 19610, + "Ġcorrected": 19611, + "Ġponds": 19612, + "Ġconstipation": 19613, + "ĠPotential": 19614, + "Ġmulticultural": 19615, + "Ġvolatile": 19616, + "Ġproxy": 19617, + "uthors": 19618, + "six": 19619, + "Ġliteral": 19620, + "jar": 19621, + "Four": 19622, + "Que": 19623, + "Ġinhibitors": 19624, + "vars": 19625, + "Ġpredis": 19626, + "Ġwit": 19627, + "Ġangels": 19628, + "older": 19629, + "ĠGlass": 19630, + "Ġcriminals": 19631, + "inse": 19632, + "merged": 19633, + "Ġgatherings": 19634, + "ĠIU": 19635, + "umption": 19636, + "ĠRepeat": 19637, + "ĠFeel": 19638, + "rella": 19639, + "owered": 19640, + "ĠApart": 19641, + "ĠEL": 19642, + "Ġnecessitates": 19643, + "ĠMorm": 19644, + "ĠSalmon": 19645, + "cology": 19646, + "ĠGeological": 19647, + "ahren": 19648, + "Ġhonesty": 19649, + "Ġderivative": 19650, + "isting": 19651, + "Ġdeadline": 19652, + "ĠTab": 19653, + "Ess": 19654, + "ulence": 19655, + "Ġclergy": 19656, + "Ġlisteners": 19657, + "Ġlocom": 19658, + "ĠAlt": 19659, + "Ġmonkey": 19660, + "ĠVolunt": 19661, + "Ġretrieve": 19662, + "Ġcroc": 19663, + "Ġdors": 19664, + "Ġshy": 19665, + "Ġsuppression": 19666, + "':'": 19667, + "NN": 19668, + "Ġappreciating": 19669, + "Ġformations": 19670, + "Making": 19671, + "Ġdrift": 19672, + "ortunate": 19673, + "span": 19674, + "Ġcaves": 19675, + "Ġantenna": 19676, + "Ġperiodically": 19677, + "Ġcongestion": 19678, + "Ġagrees": 19679, + "ĠRelated": 19680, + "ĠLegisl": 19681, + "ripp": 19682, + "ĠSanskrit": 19683, + "ĠGray": 19684, + "Ġrains": 19685, + "Ġblogs": 19686, + "links": 19687, + "Location": 19688, + "pared": 19689, + "ĠRoom": 19690, + "Ġbuds": 19691, + "GM": 19692, + "Japan": 19693, + "ĠIQ": 19694, + "Ġreflections": 19695, + "Ġpins": 19696, + "ĠComprehensive": 19697, + "BE": 19698, + "Ġpioneer": 19699, + "Hy": 19700, + "Ġsuperf": 19701, + "ĠSurv": 19702, + "Ġench": 19703, + "Ġnowadays": 19704, + "Ġexposing": 19705, + "testing": 19706, + "Ġallocated": 19707, + "ILL": 19708, + "Ġfacilitated": 19709, + "Ġfutures": 19710, + "ĠLibr": 19711, + "ugging": 19712, + "Ġkiller": 19713, + "Ġphylogen": 19714, + "Ġchewing": 19715, + "Ġtile": 19716, + "ounded": 19717, + "ĠGradu": 19718, + "Ġlam": 19719, + "inav": 19720, + "ĠSharing": 19721, + "Ġwarriors": 19722, + "Ġshedding": 19723, + "Ġdull": 19724, + "Ġstolen": 19725, + "ĠAlb": 19726, + "station": 19727, + "aca": 19728, + "Ġsuccessor": 19729, + "Ġsubord": 19730, + "looking": 19731, + "itching": 19732, + "visory": 19733, + "Ġalterations": 19734, + "Ġcoaches": 19735, + "usable": 19736, + "ski": 19737, + "shell": 19738, + "cephal": 19739, + "Ġdeparture": 19740, + "Ġcompromising": 19741, + "ographer": 19742, + "ĠCel": 19743, + "Ġapplicants": 19744, + "ĠEstablish": 19745, + "tools": 19746, + "}')": 19747, + "racle": 19748, + "ĠStev": 19749, + "Ġresponsibly": 19750, + "Ġpursuits": 19751, + "ĠCI": 19752, + "ĠError": 19753, + "aha": 19754, + "Ġdependency": 19755, + "Ġgrandfather": 19756, + "ĠSenior": 19757, + "Ġcumulative": 19758, + "ratio": 19759, + "Ġscroll": 19760, + "Ġviewer": 19761, + "Ġacet": 19762, + "ĠHills": 19763, + "Ġdopamine": 19764, + "ĠWaste": 19765, + "braska": 19766, + "Ġvirtues": 19767, + "Ġsubsidies": 19768, + "Ġenlist": 19769, + "Ġpathogen": 19770, + "Ġfermentation": 19771, + "Ġsheer": 19772, + "Ġdining": 19773, + "Ġweird": 19774, + "Ġunified": 19775, + "Ġsociology": 19776, + "Ġmint": 19777, + "Ġshake": 19778, + "Ġintertw": 19779, + "Ġfundamentally": 19780, + "actor": 19781, + "ĠSingh": 19782, + "hered": 19783, + "Ġinevitably": 19784, + "Ġtreaties": 19785, + "Ġplaus": 19786, + "King": 19787, + "Sequ": 19788, + "/'": 19789, + "warning": 19790, + "Ġtracing": 19791, + "Ġcrowded": 19792, + "ĠGandhi": 19793, + "Leg": 19794, + "Ġsurveyed": 19795, + "Ġtimeout": 19796, + "Ġabsurd": 19797, + "Below": 19798, + "ĠDR": 19799, + "database": 19800, + "Ġdistractions": 19801, + "irl": 19802, + "ĠMadison": 19803, + "ĠHaiti": 19804, + "æĪ": 19805, + "nered": 19806, + "Ġestimation": 19807, + "hole": 19808, + "ultural": 19809, + "Ġredund": 19810, + "ĠMust": 19811, + "Ġconflicting": 19812, + "ĠAtlanta": 19813, + "Ġbeetles": 19814, + "Natural": 19815, + "Ġhered": 19816, + "Ġdeclines": 19817, + "umbing": 19818, + "ĠSlow": 19819, + "Ġeventual": 19820, + "ĠMagic": 19821, + "Foreign": 19822, + "Ġcone": 19823, + "Ġstrengthened": 19824, + "ducive": 19825, + "ĠBiblical": 19826, + "ĠFlight": 19827, + "iliary": 19828, + "Ġhobbies": 19829, + "Ġbishop": 19830, + "menu": 19831, + "ONE": 19832, + "bias": 19833, + "Ġbeams": 19834, + "ĠEight": 19835, + "ĠDB": 19836, + "={'": 19837, + "Ġtoss": 19838, + "Ġlex": 19839, + "Year": 19840, + "delta": 19841, + "ĠAnswer": 19842, + "Ġclearing": 19843, + "ĠRidge": 19844, + "Ġcartilage": 19845, + "Ġacoustic": 19846, + "Ġpurity": 19847, + "Ġlemonade": 19848, + "apper": 19849, + "ospace": 19850, + "German": 19851, + "Ġcontextual": 19852, + "Ġremotely": 19853, + "âĢ³": 19854, + "Ġdebug": 19855, + "Ġdisturbed": 19856, + "ĠSolution": 19857, + "Ġglut": 19858, + "derr": 19859, + "Ġpancreas": 19860, + "November": 19861, + "rof": 19862, + "Ġexempt": 19863, + "temperature": 19864, + "Ġorbital": 19865, + "Ġsolids": 19866, + "colonial": 19867, + "FI": 19868, + "ĠRoy": 19869, + "onds": 19870, + "Ġinsomnia": 19871, + "Ġpresumably": 19872, + "Ġseparating": 19873, + "Ġembryo": 19874, + "Incre": 19875, + "ĠLetter": 19876, + "rase": 19877, + "were": 19878, + "CAD": 19879, + "illo": 19880, + "ĠAbstract": 19881, + "Ġsuspicious": 19882, + "Ġnegotiation": 19883, + "ÑĮ": 19884, + "Ġnowhere": 19885, + "Ġspecification": 19886, + "Ġtextures": 19887, + "Ġtorture": 19888, + "Ġulcers": 19889, + "Ġharbor": 19890, + "ĠAnthrop": 19891, + "Ġelectr": 19892, + "Ġpickle": 19893, + "Ġleap": 19894, + "Ġrhetoric": 19895, + "Ġml": 19896, + "Ġstyl": 19897, + "Ġcheer": 19898, + "container": 19899, + "sym": 19900, + "Ġunpredictable": 19901, + "_,": 19902, + "Ġunderpin": 19903, + "Ġpasta": 19904, + "ĠPosition": 19905, + "Ġbuil": 19906, + "aluable": 19907, + "ĠInsurance": 19908, + "Ġconfronted": 19909, + "ĠTheod": 19910, + "ĠFalls": 19911, + "LR": 19912, + "Ġvegan": 19913, + "rov": 19914, + "Ġsoften": 19915, + "Ġdaylight": 19916, + "inner": 19917, + "cli": 19918, + "Ġcorrid": 19919, + "ocrates": 19920, + "Getting": 19921, + "Ġbamboo": 19922, + "ĠOrange": 19923, + "ĠBlog": 19924, + "Ġbuyers": 19925, + "Ġprompts": 19926, + "Ġconquered": 19927, + "Ġnozzle": 19928, + "cols": 19929, + "olicies": 19930, + "Ġcrus": 19931, + "sequence": 19932, + "Ġfauna": 19933, + "Ġinduction": 19934, + "doms": 19935, + "ĠEu": 19936, + "ĠLeft": 19937, + "ĠPressure": 19938, + "Ġblindness": 19939, + "Ġdonors": 19940, + "Ġposting": 19941, + "Ġsecurely": 19942, + "Ġaltering": 19943, + "platform": 19944, + "question": 19945, + "Ġbathroom": 19946, + "ĠElementary": 19947, + "Ġmighty": 19948, + "ĠHorse": 19949, + "ĠPanel": 19950, + "ouver": 19951, + "Ġours": 19952, + "Ġhammer": 19953, + "à®": 19954, + "assing": 19955, + "Ġsandy": 19956, + "ĠTerritory": 19957, + "filters": 19958, + "Ġhypotheses": 19959, + "Ġpropagation": 19960, + "ĠNarr": 19961, + "prise": 19962, + "ennial": 19963, + "Ġdemonstrations": 19964, + "ĠMom": 19965, + "Ġgovernmental": 19966, + "ĠIranian": 19967, + "ĠRivers": 19968, + "outheastern": 19969, + "Ġintend": 19970, + "Ġuniquely": 19971, + "Ġspacing": 19972, + "ceptive": 19973, + "Ġweaker": 19974, + "Ġmotions": 19975, + "Ġtoe": 19976, + "asian": 19977, + "ĠDays": 19978, + "Ġgrowers": 19979, + "ĠWhatever": 19980, + "ĠPublished": 19981, + "ĠCatherine": 19982, + "ĠGreenland": 19983, + "Ġslices": 19984, + "Ġmour": 19985, + "Ġcontrasting": 19986, + "ĠKaz": 19987, + "utrients": 19988, + "erates": 19989, + "ĠElectronic": 19990, + "rights": 19991, + "ilial": 19992, + "ĊĠĠĠĠĠĠĠĠĊĠĠĠ": 19993, + "central": 19994, + "ĠâĪ": 19995, + "Ġconsecutive": 19996, + "ĠFlorence": 19997, + "Ġfog": 19998, + "icating": 19999, + "ĠBrow": 20000, + "Ġdismissed": 20001, + "Ġbeginners": 20002, + "discovery": 20003, + "Ġsimplified": 20004, + "Ġacupuncture": 20005, + "Ġpills": 20006, + "Ġbic": 20007, + "Ġcatalyst": 20008, + "ĠYah": 20009, + "Ġstride": 20010, + "Try": 20011, + "collection": 20012, + "Americans": 20013, + "ĠEasy": 20014, + "SWORD": 20015, + "Ġsnippet": 20016, + "ĠCant": 20017, + "rational": 20018, + "ĠSecondly": 20019, + "ĠDetroit": 20020, + "Ġpractitioner": 20021, + "udal": 20022, + "ĠSpecific": 20023, + "kers": 20024, + "ĠEur": 20025, + "Ġembody": 20026, + "ĠCleveland": 20027, + "Ġequator": 20028, + "raises": 20029, + "ĠFresh": 20030, + "Ġhell": 20031, + "Ġstatistically": 20032, + "Ġregulators": 20033, + "ĠColonial": 20034, + "ativity": 20035, + "Ġprocessors": 20036, + "ĠCampbell": 20037, + "Ġlegitim": 20038, + "'},": 20039, + "ici": 20040, + "Ġconducive": 20041, + "ĠRice": 20042, + "Ġtraction": 20043, + "dl": 20044, + "ĠPE": 20045, + "ĠDent": 20046, + "Ġaccent": 20047, + "Ġcapita": 20048, + "Ġconfirmation": 20049, + "ĠComputing": 20050, + "Ġcyt": 20051, + "Sal": 20052, + "Ġcriticized": 20053, + "Ġpaired": 20054, + "ARD": 20055, + "ophys": 20056, + "áĥ": 20057, + "Ġinland": 20058, + "ectar": 20059, + "ĠScale": 20060, + "Ġavoc": 20061, + "ĠClaud": 20062, + "Ġbored": 20063, + "Ġbachelor": 20064, + "entity": 20065, + "Ġcancel": 20066, + "Ġlamps": 20067, + "convert": 20068, + "callback": 20069, + "semination": 20070, + "ĠMeeting": 20071, + "Ġcrafted": 20072, + "Ġcasualties": 20073, + "Ġwives": 20074, + "illation": 20075, + "Ġdessert": 20076, + "Ġplains": 20077, + "Ġconscience": 20078, + "Ġsurn": 20079, + "ĠAbuse": 20080, + "Ġrefres": 20081, + "extra": 20082, + "ĠEbola": 20083, + "(**": 20084, + "ĠPositive": 20085, + "direction": 20086, + "Ġpockets": 20087, + "sonian": 20088, + "Ġelectoral": 20089, + "Ġbandwidth": 20090, + "Op": 20091, + "ogenous": 20092, + "ĠConflict": 20093, + "('-": 20094, + "locking": 20095, + "FE": 20096, + "Watch": 20097, + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 20098, + "Ġadmissions": 20099, + "Ġlear": 20100, + "ĠScand": 20101, + "ĠJonathan": 20102, + ":,": 20103, + "bf": 20104, + "ĠDogs": 20105, + "ĠLessons": 20106, + "MB": 20107, + "ĠAssistant": 20108, + "Ġdoctr": 20109, + "ĠJSON": 20110, + "aceae": 20111, + "Ġcease": 20112, + "occus": 20113, + "Ġplagiarism": 20114, + "Building": 20115, + "ĠSally": 20116, + "Ġlifestyles": 20117, + "illas": 20118, + "Ġmaths": 20119, + "Ġmetallic": 20120, + "Ġseismic": 20121, + "Ġdrone": 20122, + "Ġspectral": 20123, + "Ġbirths": 20124, + "Ġconquer": 20125, + "Ġsurpass": 20126, + "phony": 20127, + "IGHT": 20128, + "taking": 20129, + "xis": 20130, + "eners": 20131, + "Ġseized": 20132, + "ĠKra": 20133, + "Ġhandler": 20134, + "Ġobstacle": 20135, + "Ġammonia": 20136, + "ĠGeneration": 20137, + "ĠAlberta": 20138, + "ĠRu": 20139, + "uilt": 20140, + "Tr": 20141, + "Ġdirectors": 20142, + "Ġoriented": 20143, + "Ġintuitive": 20144, + "Ġbrutal": 20145, + "Ġchunks": 20146, + "Ġflock": 20147, + "Ġminers": 20148, + "ENCE": 20149, + "Ġhomemade": 20150, + "Ġquietly": 20151, + "Ġforensic": 20152, + "oidal": 20153, + "]])": 20154, + "Ġgrouped": 20155, + "fetch": 20156, + "Ġmph": 20157, + "Care": 20158, + "ĠRegularly": 20159, + "online": 20160, + "creation": 20161, + "Ġunderscores": 20162, + "Ġgifted": 20163, + "Ġopioid": 20164, + "ĠBrian": 20165, + "tick": 20166, + "Ġrenov": 20167, + "Ġoverlapping": 20168, + "ĠLimited": 20169, + "square": 20170, + "idepress": 20171, + "Ġspare": 20172, + "Ġkeyword": 20173, + "ée": 20174, + "Ġlabeling": 20175, + "ĠWik": 20176, + "Ġhaunt": 20177, + "adium": 20178, + "ĠCanadians": 20179, + "GER": 20180, + "Ins": 20181, + "Ġrandomized": 20182, + "yroidism": 20183, + "Ġdetective": 20184, + "Ġpupil": 20185, + "Ġbins": 20186, + "Ġappointments": 20187, + "pressure": 20188, + "confidence": 20189, + "Ġwished": 20190, + "ido": 20191, + "ĠMyth": 20192, + "ĠBarbara": 20193, + "Ġpads": 20194, + "Ġdoubled": 20195, + "Ġhumility": 20196, + "ĠCrus": 20197, + "ĠColombia": 20198, + "Ġslee": 20199, + "Ut": 20200, + "Ġinert": 20201, + "ĠWard": 20202, + "Ġcoup": 20203, + "Ġcolonialism": 20204, + "ĠClar": 20205, + "irtual": 20206, + "pd": 20207, + "Ġundertake": 20208, + "Ġlava": 20209, + "ĠViolence": 20210, + "relu": 20211, + "roots": 20212, + "ĠAbd": 20213, + "Donald": 20214, + "Ġskies": 20215, + "ĠEnjoy": 20216, + "Ġenslaved": 20217, + "isen": 20218, + "Ġdonated": 20219, + "ĠFourth": 20220, + "Ġrecomb": 20221, + "Ġcaptain": 20222, + "abel": 20223, + "Ġmemoir": 20224, + "ĠMeaning": 20225, + "mant": 20226, + "enguin": 20227, + "Ġneighbour": 20228, + "ĠBreast": 20229, + "Print": 20230, + "cra": 20231, + "Ġvalleys": 20232, + "blocks": 20233, + "odynamic": 20234, + "iden": 20235, + "coll": 20236, + "Ġrecruitment": 20237, + "hs": 20238, + "ĠBL": 20239, + "ĠGran": 20240, + "izzes": 20241, + "ĠDemocrats": 20242, + "ustainability": 20243, + "otted": 20244, + "commands": 20245, + "Ġschooling": 20246, + "Ġtravelling": 20247, + "Ġreside": 20248, + "ĠSeason": 20249, + "Ġstatues": 20250, + "February": 20251, + "Ġbuildup": 20252, + "ĠVo": 20253, + "ĠNumbers": 20254, + "Join": 20255, + "Power": 20256, + "Ġmills": 20257, + "Ġarist": 20258, + "ĠBrid": 20259, + "Ġcerebral": 20260, + "Ġautobi": 20261, + "forget": 20262, + "ĠDescribe": 20263, + "ountain": 20264, + "ORY": 20265, + "Ġoutreach": 20266, + "Ġsteal": 20267, + "Ġundes": 20268, + "Ġricher": 20269, + "Ġarithmetic": 20270, + "ĠArn": 20271, + "ĠEither": 20272, + "orns": 20273, + "Ġdestinations": 20274, + "Ġwiring": 20275, + "Ġdug": 20276, + "ĠHeaven": 20277, + "Ġpredictable": 20278, + "Ġmanifestations": 20279, + "Video": 20280, + "ĠCities": 20281, + "Ġsurplus": 20282, + "icidal": 20283, + "ĠAreas": 20284, + "Ġmalware": 20285, + "Ġchloride": 20286, + "Ġmerc": 20287, + "âĢIJ": 20288, + "Ġcongen": 20289, + "opus": 20290, + "Ġclosure": 20291, + "ariat": 20292, + "Ġprompting": 20293, + "Ġinhibit": 20294, + "Ġspontaneous": 20295, + "colored": 20296, + "Ġdeleted": 20297, + "Ġultraviolet": 20298, + "herical": 20299, + "Ġplantations": 20300, + "Ġhydroc": 20301, + "wra": 20302, + "Ġginger": 20303, + "auer": 20304, + "Ġimperfect": 20305, + "»": 20306, + "Ġexaminations": 20307, + "Ġcirculating": 20308, + "lla": 20309, + "ĠDecision": 20310, + "immer": 20311, + "ĠBMI": 20312, + "ĠKam": 20313, + "Will": 20314, + "eliness": 20315, + "Ġguards": 20316, + "Property": 20317, + "Ġmotivate": 20318, + "ĠWa": 20319, + "ĠRecently": 20320, + "Ġinclined": 20321, + "Ġthee": 20322, + "naissance": 20323, + "Ġformatting": 20324, + "usc": 20325, + "Ġbetray": 20326, + "Ġmilestones": 20327, + "Ġunaware": 20328, + "Ġlend": 20329, + "Ġcomputation": 20330, + "Sec": 20331, + "Ġhemisphere": 20332, + "ĠEconomy": 20333, + "Ġfavourite": 20334, + "ı": 20335, + "ĠWoman": 20336, + "ĠVietnamese": 20337, + "Ġsmokers": 20338, + "bottom": 20339, + "Ġbricks": 20340, + "Ġnodded": 20341, + "Ġreck": 20342, + "Ġhatch": 20343, + "Ġexile": 20344, + "Ġuseless": 20345, + "Full": 20346, + "Mode": 20347, + "Rob": 20348, + "ĠMend": 20349, + "Ġevoke": 20350, + "Ġinvites": 20351, + "Ġuptake": 20352, + "Ġqueer": 20353, + "attributes": 20354, + "Short": 20355, + "Ġbombs": 20356, + "Ġrevis": 20357, + "Ġvendors": 20358, + "ĠMatter": 20359, + "umatic": 20360, + "Ġ\")": 20361, + "ĠDefine": 20362, + "stdout": 20363, + "bins": 20364, + "Ġskeleton": 20365, + "ĠTelescope": 20366, + "Ġrisen": 20367, + "Ġtelescopes": 20368, + "BB": 20369, + "ĠĊĠĠĠĠĠĠĠĠĠĠĠ": 20370, + "ahn": 20371, + "Ġwaist": 20372, + "ĠResistance": 20373, + "Ġapproximate": 20374, + "Ġpossesses": 20375, + "supported": 20376, + "Ġunderscore": 20377, + "Ġquadr": 20378, + "ĠEngage": 20379, + "ĠVillage": 20380, + "Ġtires": 20381, + "ĠLinks": 20382, + "Ġstriving": 20383, + "management": 20384, + "Ġtendencies": 20385, + "Ġmitigating": 20386, + "ĠTanz": 20387, + "phi": 20388, + "ĠDOI": 20389, + "micro": 20390, + "ĠEmma": 20391, + "ĠSources": 20392, + "ĠPrad": 20393, + "ICENSE": 20394, + "Ġreputable": 20395, + "quire": 20396, + "COL": 20397, + "Ġfrog": 20398, + "ĠES": 20399, + "ĠDA": 20400, + "ĠMig": 20401, + "innamon": 20402, + "ĠKnowing": 20403, + "Ġiodine": 20404, + "Ġimpacting": 20405, + "ĠAtmosp": 20406, + "Ġpackets": 20407, + "Ġunsafe": 20408, + "Ġindent": 20409, + "ĠThreat": 20410, + "enz": 20411, + "ĠPD": 20412, + "Ġimpressed": 20413, + "ĠYoga": 20414, + "Ġhomeland": 20415, + "ĠAch": 20416, + "Ġlem": 20417, + "Ġenamel": 20418, + "ĠPin": 20419, + "Ġoverly": 20420, + "ategories": 20421, + "eye": 20422, + "Real": 20423, + "went": 20424, + "ĠDest": 20425, + "ĠUl": 20426, + "Ġcollector": 20427, + "ĠBaby": 20428, + "Big": 20429, + "Ġchunk": 20430, + "Ġnotation": 20431, + "Ġcoefficients": 20432, + "esters": 20433, + "Ġlent": 20434, + "uer": 20435, + "ĠDouble": 20436, + "multi": 20437, + "Ġendorse": 20438, + "requently": 20439, + "Ġautomobile": 20440, + "Ġeighteenth": 20441, + "Ġreptiles": 20442, + "ĠDNS": 20443, + "ĠBengal": 20444, + "conduct": 20445, + "opolitical": 20446, + "anic": 20447, + "ĠJoy": 20448, + "ishops": 20449, + "Ġapprent": 20450, + "ITE": 20451, + "avg": 20452, + "merge": 20453, + "apses": 20454, + "Ġarchaeologists": 20455, + "Ġneurotransmit": 20456, + "Ġcapsule": 20457, + "Emb": 20458, + "ilon": 20459, + "ĠKle": 20460, + "hearted": 20461, + "alam": 20462, + "Ġpenalties": 20463, + "Ġpyramid": 20464, + "Ġoutlook": 20465, + "opot": 20466, + "Ġconviction": 20467, + "Ġconcurrent": 20468, + "ĠKash": 20469, + "Ġfierce": 20470, + "Mart": 20471, + "Ġdaunting": 20472, + "ĠBruce": 20473, + "Ġperennial": 20474, + "Program": 20475, + "Ġfavored": 20476, + "flags": 20477, + "contrib": 20478, + "ĠIntegration": 20479, + "Ġhiking": 20480, + "Ġinjustice": 20481, + "ĠRuth": 20482, + "Ġcoexist": 20483, + "Ġillusion": 20484, + "Ġrupt": 20485, + "Central": 20486, + "Ġreplicate": 20487, + "Ġimped": 20488, + "Ġbackdrop": 20489, + "series": 20490, + "/)": 20491, + "Ġdiscontin": 20492, + "Policy": 20493, + "Ġelbow": 20494, + "trace": 20495, + "cov": 20496, + "drawn": 20497, + "Ġsized": 20498, + "ovak": 20499, + "ĠEvents": 20500, + "ulu": 20501, + "ĠCole": 20502, + "riel": 20503, + "Ġinvaded": 20504, + "ĠMeta": 20505, + "atra": 20506, + "eno": 20507, + "Ġinverse": 20508, + "ĠBAS": 20509, + "Ġbarrel": 20510, + "Share": 20511, + "ĠBring": 20512, + "ĠNegro": 20513, + "Ġcommodities": 20514, + "blood": 20515, + "release": 20516, + "Ġsediments": 20517, + "Ġwavelengths": 20518, + "Ġprescribe": 20519, + "coal": 20520, + "Ġcookie": 20521, + "Play": 20522, + "ĠBuff": 20523, + "anti": 20524, + "Ġbiopsy": 20525, + "Ġbarn": 20526, + "Ġpatents": 20527, + "computer": 20528, + "Pal": 20529, + "Ġresidue": 20530, + "compile": 20531, + "Ġpioneering": 20532, + "Ġchopped": 20533, + "aba": 20534, + "centered": 20535, + "east": 20536, + "ĠCathedral": 20537, + ",,,,": 20538, + "uded": 20539, + "ĠNazis": 20540, + "Ġmultimedia": 20541, + "ĠCosta": 20542, + "apolis": 20543, + "mos": 20544, + "oba": 20545, + "construct": 20546, + "emp": 20547, + "Ġairborne": 20548, + "ĠSingle": 20549, + "Ġfluorescent": 20550, + "ahrenheit": 20551, + "Looking": 20552, + "idering": 20553, + "Ġvoid": 20554, + "Ġrecurrent": 20555, + "Ġyoungest": 20556, + "Ġnursery": 20557, + "Fin": 20558, + "Ġ-------": 20559, + "Ġvest": 20560, + "ĠBaker": 20561, + "Ġblessed": 20562, + "ammy": 20563, + "Ġfetal": 20564, + "successful": 20565, + "uter": 20566, + "Ġmanages": 20567, + "Ġremem": 20568, + "Ġunfortunate": 20569, + "Ġstip": 20570, + "Ġrecycle": 20571, + "Ġprag": 20572, + "ĠGN": 20573, + "Ïħ": 20574, + "ĠMC": 20575, + "Ġillustrating": 20576, + "ĠLiberty": 20577, + "Ġexcerpt": 20578, + "Ġunderway": 20579, + "lishes": 20580, + "Ġshiny": 20581, + "irements": 20582, + "Ġdiffusion": 20583, + "Ġpruning": 20584, + "Ġexpans": 20585, + "Without": 20586, + "Ġrolls": 20587, + "ĠCrisis": 20588, + "turn": 20589, + "ĠCelsius": 20590, + "governmental": 20591, + "Ġdonation": 20592, + "Ġantiv": 20593, + "Ġcompetitions": 20594, + "ployed": 20595, + "Ġtheological": 20596, + "Ġbean": 20597, + "rik": 20598, + "Ġattr": 20599, + "ĠArmed": 20600, + "eq": 20601, + "ر": 20602, + "ĠTut": 20603, + "ĠAld": 20604, + "ĠVice": 20605, + "Ġpulses": 20606, + "Ġidi": 20607, + "Ġweighing": 20608, + "Ġmanageable": 20609, + "ĠEssential": 20610, + "ĠThanksgiving": 20611, + "Ġjunior": 20612, + "Ġmisleading": 20613, + "ĠInteraction": 20614, + "Ġcage": 20615, + "ĠHope": 20616, + "Ġcriterion": 20617, + "ĠHungary": 20618, + "Flow": 20619, + "Ġflourish": 20620, + "]],": 20621, + "raise": 20622, + "Ġarrives": 20623, + "Ġlos": 20624, + "ĠHob": 20625, + "plots": 20626, + "Ġjustification": 20627, + "ÃĹ": 20628, + "Ġreception": 20629, + "ĠSuddenly": 20630, + "ortium": 20631, + "ĠHinduism": 20632, + "Ġeighth": 20633, + "Ġremarks": 20634, + "Ġrecipients": 20635, + "Ġcube": 20636, + "Ġsimulated": 20637, + "Ġversa": 20638, + "Ġdinosaur": 20639, + "Ġendeavor": 20640, + "Ġcousin": 20641, + "opia": 20642, + "ĠNames": 20643, + "Ġlobby": 20644, + "Ġcovenant": 20645, + "Should": 20646, + "ĠJohns": 20647, + "onyms": 20648, + "ĠRevolutionary": 20649, + "Ġelusive": 20650, + "Ġdependencies": 20651, + "Ġstainless": 20652, + "px": 20653, + "Ġeleven": 20654, + "Ġjudged": 20655, + "ĠTA": 20656, + "Ġenclosed": 20657, + "ĠGIS": 20658, + "Ġshortages": 20659, + "Ġcaptures": 20660, + "Ġaccessories": 20661, + "Ġcontraction": 20662, + "ovirus": 20663, + "Ġavoidance": 20664, + "Ġpsy": 20665, + "Ġgroom": 20666, + "ĠOptions": 20667, + "Ġannouncement": 20668, + "Ġtel": 20669, + "Ġdiction": 20670, + "Ġreun": 20671, + "ĠLack": 20672, + "Ġ-=": 20673, + "Smith": 20674, + "ĠMut": 20675, + "Ġeducator": 20676, + "ĠBehind": 20677, + "Ġscheduling": 20678, + "*(": 20679, + "PASSWORD": 20680, + "Ġinfantry": 20681, + "pyplot": 20682, + "Ġbedtime": 20683, + "Ġaph": 20684, + ")}": 20685, + "Ġlions": 20686, + "verbose": 20687, + "Ult": 20688, + "Ġcompuls": 20689, + "ealous": 20690, + "|'\\": 20691, + "onstr": 20692, + "ĠHep": 20693, + "Ġrecount": 20694, + "ĠHurricane": 20695, + "Ġclimatic": 20696, + "season": 20697, + "Ġdad": 20698, + "Ġcharacterization": 20699, + "ĠGreater": 20700, + "Ġscarcity": 20701, + "sets": 20702, + "oscopy": 20703, + "ĠCooper": 20704, + "Ġqualifications": 20705, + "generated": 20706, + "Ġterrorist": 20707, + "Ġmaize": 20708, + "Austral": 20709, + "ĠMedieval": 20710, + "controller": 20711, + "Ġtaxation": 20712, + "Ġwors": 20713, + "former": 20714, + "Ġdressing": 20715, + "ĠColonel": 20716, + "ĠDefining": 20717, + "ĠListen": 20718, + "ĠTests": 20719, + "ĠWyoming": 20720, + "city": 20721, + "ĠIgn": 20722, + "Ġproposition": 20723, + "Ġcherished": 20724, + "mk": 20725, + "ĠRico": 20726, + "Ġdespair": 20727, + "bee": 20728, + "ĠRud": 20729, + "Ġlineage": 20730, + "inburgh": 20731, + "ĠLooking": 20732, + "Ġreviewer": 20733, + "Ġneon": 20734, + "ĠCarter": 20735, + "axes": 20736, + "Ġsmarter": 20737, + "geries": 20738, + "Device": 20739, + "Ġdash": 20740, + "')),": 20741, + "ypical": 20742, + "Ġhorizons": 20743, + "ĠBackground": 20744, + "xia": 20745, + "Ġmisc": 20746, + "ĠSic": 20747, + "venth": 20748, + "Ġ###": 20749, + "ĠJenn": 20750, + "Ġdivides": 20751, + "Ġspinach": 20752, + "Ġstaple": 20753, + "regulation": 20754, + "ï¬": 20755, + "inqu": 20756, + "ivores": 20757, + "chart": 20758, + "Ġjail": 20759, + "leen": 20760, + "Ġaftermath": 20761, + "Ġskeletal": 20762, + "({'": 20763, + "Ġovere": 20764, + "Ġgoats": 20765, + "bors": 20766, + "Ġpagan": 20767, + "ilization": 20768, + "Ġsung": 20769, + "Ġdownloaded": 20770, + "Ġdeficits": 20771, + "redients": 20772, + "ĠHoriz": 20773, + "Ġgrapple": 20774, + "Ġsab": 20775, + "anguages": 20776, + "Ġaccommodations": 20777, + "journal": 20778, + "Ġreminis": 20779, + "Ġluc": 20780, + "Ġjudgments": 20781, + "vs": 20782, + "Ġrecalled": 20783, + "Ġtackling": 20784, + "Ġoy": 20785, + "Ġpaved": 20786, + "Ġmites": 20787, + "Ġswitched": 20788, + "uela": 20789, + "Ġgrandmother": 20790, + "ĠClassical": 20791, + "Ġreactive": 20792, + "čĊĉĉ": 20793, + "Alex": 20794, + "Ġalbeit": 20795, + "Ġsocialist": 20796, + "Ġnotebook": 20797, + "urnal": 20798, + "Climate": 20799, + "Ġdolphins": 20800, + "structure": 20801, + "Ġstup": 20802, + "reader": 20803, + "Ġanimated": 20804, + "AMP": 20805, + "ĠGothic": 20806, + "Ġski": 20807, + "ORS": 20808, + "ylum": 20809, + "Ġwasted": 20810, + "afety": 20811, + "Ġfiltration": 20812, + "IES": 20813, + "usters": 20814, + "ronics": 20815, + "Ġbeginnings": 20816, + "Ġpinpoint": 20817, + "ĠJere": 20818, + "Ġpara": 20819, + "Ġmisunderstand": 20820, + "Ġquestionnaire": 20821, + "James": 20822, + "ourge": 20823, + "Still": 20824, + "Ġepist": 20825, + "ĠâĪĴ": 20826, + "otyping": 20827, + "Normal": 20828, + "owl": 20829, + "Ġresurrection": 20830, + "Ġtendon": 20831, + "Overall": 20832, + "Ġcomposer": 20833, + "'\"": 20834, + "private": 20835, + "Ġcertainty": 20836, + "ĠParad": 20837, + "Ġreflux": 20838, + "iens": 20839, + "Ġrounds": 20840, + "ĠRate": 20841, + "Ġtrop": 20842, + "ĠApost": 20843, + "abus": 20844, + "ĠDa": 20845, + "ĠReality": 20846, + "Ġphotographer": 20847, + "Å¡": 20848, + "Ġbeats": 20849, + "Ġ§": 20850, + "Ġvegetarian": 20851, + "duration": 20852, + "iae": 20853, + "shift": 20854, + "Token": 20855, + "posing": 20856, + "running": 20857, + "Ġpumping": 20858, + "Ġinconsistent": 20859, + "ĠNothing": 20860, + "Ġbiologists": 20861, + "vet": 20862, + "ĠDrive": 20863, + "Ġpigment": 20864, + "MENT": 20865, + "ropract": 20866, + "ĠAssociated": 20867, + "--------------------------------------------": 20868, + "Ġenforced": 20869, + "odium": 20870, + "Ġwastes": 20871, + "oft": 20872, + "ĠNovel": 20873, + "Ġjournalism": 20874, + "Ġimaginative": 20875, + "Ġcartoon": 20876, + "oise": 20877, + "uart": 20878, + "Ġcaf": 20879, + "ĠInstruction": 20880, + "ĠConsumer": 20881, + "Ġoptimizer": 20882, + "Ġscrutiny": 20883, + "Ġflatten": 20884, + "Ġreportedly": 20885, + "Ġstrands": 20886, + "ç»": 20887, + "ĠSyrian": 20888, + "President": 20889, + "Ġforbidden": 20890, + "Ġcrazy": 20891, + "ĠQueensland": 20892, + "Ġmars": 20893, + "Ġentertaining": 20894, + "ĠSexual": 20895, + "essment": 20896, + "Ġspur": 20897, + "__.": 20898, + "Ġlbs": 20899, + "Ġextensions": 20900, + "Ġtextile": 20901, + "âĢł": 20902, + "ĠBiol": 20903, + "ĠAutism": 20904, + "TIES": 20905, + "Ġwins": 20906, + "Ġshelves": 20907, + "Ġengra": 20908, + "Ġgrandparents": 20909, + "Small": 20910, + "inas": 20911, + "Christian": 20912, + "Ġbenign": 20913, + "Ġconsole": 20914, + "Ġretaining": 20915, + "simple": 20916, + "Ġmurdered": 20917, + "Ġorganised": 20918, + "ĠMigration": 20919, + "Ġvolcanoes": 20920, + "adding": 20921, + "Ġnitrate": 20922, + "Ġgadgets": 20923, + "atics": 20924, + "ĠAdding": 20925, + "ĠOrigin": 20926, + "Ġubiqu": 20927, + "Ġshores": 20928, + "ĠLif": 20929, + "Ġtriple": 20930, + "Ġenhancement": 20931, + "ĠNik": 20932, + "Ġbrass": 20933, + "ĠAdm": 20934, + "Ġphotographers": 20935, + "urls": 20936, + "Ġlaunching": 20937, + "chemy": 20938, + "VM": 20939, + "ĠGot": 20940, + "ezing": 20941, + "Ġforums": 20942, + "Ġmorphology": 20943, + "Ġcents": 20944, + "Ġvibration": 20945, + "Ġconstants": 20946, + "Ġsummarize": 20947, + "WHO": 20948, + "William": 20949, + "blow": 20950, + "Ġblended": 20951, + "Ġbreach": 20952, + "ĠRefuge": 20953, + "uint": 20954, + "ĠNebraska": 20955, + "Ġtemplates": 20956, + "Ġhypothetical": 20957, + "Ġnets": 20958, + "Ġcountryside": 20959, + "Ġdisagreements": 20960, + "ĠCeltic": 20961, + "ĠFra": 20962, + "Ġblessing": 20963, + "Ġharnessing": 20964, + "Ġepilepsy": 20965, + "ĠManc": 20966, + "ĠIdaho": 20967, + "=_": 20968, + "dc": 20969, + "fake": 20970, + "fits": 20971, + "Ġpeat": 20972, + "ĠOrd": 20973, + "ĠPCR": 20974, + "Ġexchanged": 20975, + "ĠOP": 20976, + "Ġflush": 20977, + "Ġdevised": 20978, + "ĠInitially": 20979, + "Ġcohort": 20980, + "License": 20981, + "Crit": 20982, + "Rich": 20983, + "bind": 20984, + "ĠGH": 20985, + "tokens": 20986, + "umbling": 20987, + "Ġrelatable": 20988, + "ĠSeek": 20989, + "Begin": 20990, + "freq": 20991, + "Ġsixty": 20992, + "omatic": 20993, + "urities": 20994, + "Ġsunscreen": 20995, + "Guid": 20996, + "Ġcardboard": 20997, + "Ġanesthesia": 20998, + "ĠPray": 20999, + "Ġsimplify": 21000, + "Ġcortisol": 21001, + "ĠLatino": 21002, + "addle": 21003, + "Ġâī": 21004, + "Ġsuffix": 21005, + "visors": 21006, + ">'": 21007, + "usp": 21008, + "ĠGather": 21009, + "ĠGy": 21010, + "Ġfuneral": 21011, + "Ġadvocated": 21012, + "ĠRou": 21013, + "Ġshrub": 21014, + "Ġrecession": 21015, + "Ġisolate": 21016, + "ĠKnown": 21017, + "Parameter": 21018, + "Ġstool": 21019, + "Ġcaval": 21020, + "ĠPom": 21021, + "Ġcitrus": 21022, + "Ġvitro": 21023, + "Ġamateur": 21024, + "ĠMt": 21025, + "Ġzoom": 21026, + "Ġsoluble": 21027, + "Firstly": 21028, + "ĠME": 21029, + "Ġmultitude": 21030, + "Ġesp": 21031, + "attery": 21032, + "Ġchampion": 21033, + "Ġkits": 21034, + "Ġoptimum": 21035, + "Ġinventor": 21036, + "News": 21037, + "Similarly": 21038, + "ĠMurray": 21039, + "BR": 21040, + "ĠHi": 21041, + "ĠConditions": 21042, + "Ġfal": 21043, + "Ġcharm": 21044, + "Ġresearched": 21045, + "tically": 21046, + "Ġpyl": 21047, + "ĠAF": 21048, + "ieu": 21049, + "Ġmetaph": 21050, + "Ġlifted": 21051, + "alis": 21052, + "ĠSeg": 21053, + "Ġintolerance": 21054, + "Ġdisturbing": 21055, + "Ġtablesp": 21056, + "established": 21057, + "mag": 21058, + "Ġtennis": 21059, + "Ġinaccur": 21060, + "Ġsalts": 21061, + "plain": 21062, + "enson": 21063, + "Ġvisions": 21064, + "Ġbankrupt": 21065, + "ĠProced": 21066, + "ancouver": 21067, + "ĠRepublicans": 21068, + "generational": 21069, + "David": 21070, + "Ġstark": 21071, + "ĠParticipants": 21072, + "Ġsailing": 21073, + "Ġpossessions": 21074, + "Ġancestry": 21075, + "Ġcontagious": 21076, + "Ġlocalized": 21077, + "within": 21078, + "Interface": 21079, + "Ġvaginal": 21080, + "Ġsturdy": 21081, + "Ġintroductory": 21082, + "begin": 21083, + "ĠClose": 21084, + "Ġaeros": 21085, + "Ġprehistoric": 21086, + "arius": 21087, + "ĠSteel": 21088, + "ĠMarie": 21089, + "Mix": 21090, + "PY": 21091, + "Ġstarch": 21092, + "Ġgoodness": 21093, + "Ġsaints": 21094, + "Ġembodied": 21095, + "Ġenlarged": 21096, + "eled": 21097, + "eroids": 21098, + "Ġâ": 21099, + "ĠFew": 21100, + "Ġsuffers": 21101, + "Ġadministrator": 21102, + "Ġdosage": 21103, + "Ġopenness": 21104, + "Ġcausal": 21105, + "Ġdevote": 21106, + "oken": 21107, + "Ġforage": 21108, + "Techn": 21109, + "Ġexplosive": 21110, + "Ġkiss": 21111, + "Ġrefract": 21112, + "ĠCF": 21113, + "ĠGun": 21114, + "Ġflaws": 21115, + "Ġexpecting": 21116, + "ungle": 21117, + "κ": 21118, + "Ġdances": 21119, + "Ġshoe": 21120, + "Ġencoded": 21121, + "dims": 21122, + "Ġstiffness": 21123, + "Bra": 21124, + "ĠPrem": 21125, + "Ġnectar": 21126, + "aying": 21127, + "Ġportraits": 21128, + "ĠIsraelites": 21129, + "Ġphysicist": 21130, + "icans": 21131, + "Ġmetast": 21132, + "ĠSeeing": 21133, + "Ġseldom": 21134, + "Ġwart": 21135, + "Ġserotonin": 21136, + "evin": 21137, + "Ġinstructed": 21138, + "ĠCovid": 21139, + "alone": 21140, + "appro": 21141, + "hibition": 21142, + "Ġhotels": 21143, + "ĠSARS": 21144, + "Ġcommunist": 21145, + "ophyll": 21146, + "Ġcanopy": 21147, + "Ds": 21148, + "gas": 21149, + "ratory": 21150, + "Ġeconomists": 21151, + "Ġantagon": 21152, + "Ġlogistics": 21153, + "Ġcollagen": 21154, + "ĠPlains": 21155, + "Draw": 21156, + "`:": 21157, + "Ġinvaluable": 21158, + "Ġcrowds": 21159, + "Ġlipid": 21160, + "ĠPitts": 21161, + "follow": 21162, + "Ġprose": 21163, + "signal": 21164, + "communications": 21165, + "lived": 21166, + "symbol": 21167, + "Ġaden": 21168, + "ĠMatt": 21169, + "Ġdwelling": 21170, + "ĠChick": 21171, + "Ġborrowed": 21172, + "ĠFill": 21173, + "Ġpoetic": 21174, + "Show": 21175, + "Ġ:,": 21176, + "ĠScholars": 21177, + "Ġregeneration": 21178, + "opotam": 21179, + "selling": 21180, + "Ġcellul": 21181, + "ĠDisney": 21182, + "aths": 21183, + "Ġprintable": 21184, + "ĠVers": 21185, + "Ġboasts": 21186, + "Ġmessaging": 21187, + "Ġinaug": 21188, + "ĠNut": 21189, + "Ġscoring": 21190, + "ĠMontreal": 21191, + "aan": 21192, + "ĊĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 21193, + "iza": 21194, + "Ġscipy": 21195, + "ĠArg": 21196, + "Choose": 21197, + "><": 21198, + "Ġaccidental": 21199, + "reviewed": 21200, + "ĠSoph": 21201, + "uni": 21202, + "Ġlethal": 21203, + "Ġdenial": 21204, + "team": 21205, + "skip": 21206, + "Enum": 21207, + "xcc": 21208, + "Ġoversight": 21209, + "Sah": 21210, + "ellite": 21211, + "ĠJoin": 21212, + "scribe": 21213, + "Ġconsultant": 21214, + "Ġculp": 21215, + "ĠHost": 21216, + "ĠEquipment": 21217, + "Ġhectares": 21218, + "Ġimmort": 21219, + "Ġplantation": 21220, + "Ġvicinity": 21221, + "biology": 21222, + "Ġaerobic": 21223, + "Ġfare": 21224, + "shire": 21225, + "Ġoverload": 21226, + "ĠProjects": 21227, + "Ġfulfillment": 21228, + "associated": 21229, + "ĠMia": 21230, + "ĠRele": 21231, + "Ġencaps": 21232, + "Ġspecialty": 21233, + "Ġastronomical": 21234, + "asci": 21235, + "ĠCooking": 21236, + "Ġmucus": 21237, + "Ġcandles": 21238, + "Ġrodents": 21239, + "Ġbrowsing": 21240, + "Ġmapped": 21241, + "ĠConsiderations": 21242, + "Cap": 21243, + "iece": 21244, + "flight": 21245, + "prior": 21246, + "ISE": 21247, + "Ġaudit": 21248, + "Argument": 21249, + "ĠFlood": 21250, + "Ġautomotive": 21251, + "SIZE": 21252, + "London": 21253, + "Ġsap": 21254, + "ĠNord": 21255, + "Ġgenital": 21256, + "Ġfulfilled": 21257, + "Ġmaker": 21258, + "ĠTes": 21259, + "ĠNick": 21260, + "hattan": 21261, + "Ġapolog": 21262, + "CDC": 21263, + "inatory": 21264, + "seconds": 21265, + "Ġtuned": 21266, + "ĠCornell": 21267, + "Word": 21268, + "ĠSugar": 21269, + "ĠMine": 21270, + "ĠArc": 21271, + "Ġcran": 21272, + "Ġanalysts": 21273, + "Ġcompares": 21274, + "ilitating": 21275, + "Ġfixing": 21276, + "UND": 21277, + "ĠTopics": 21278, + "heid": 21279, + "definition": 21280, + "Ġsorting": 21281, + "Invalid": 21282, + "developed": 21283, + "Ġmerged": 21284, + "Ġbanana": 21285, + "Ġfingerprint": 21286, + "Ġjurisdictions": 21287, + "Ġmoss": 21288, + "Ġpause": 21289, + "Ġmening": 21290, + "Ġcereal": 21291, + "Ġjelly": 21292, + "Ġaz": 21293, + "Ġswept": 21294, + "ĠRailway": 21295, + "Ġbounds": 21296, + "Ġperformers": 21297, + "offic": 21298, + "verbs": 21299, + "Ġnewsletter": 21300, + "Ġbattlefield": 21301, + "Ġcooper": 21302, + "methods": 21303, + "Ġdesignation": 21304, + "usk": 21305, + "keeper": 21306, + "Ġpoorer": 21307, + "ĠQuick": 21308, + "Online": 21309, + "Ġpioneers": 21310, + ")])": 21311, + "PORT": 21312, + "ĠTol": 21313, + "Ġbree": 21314, + "ĠCauc": 21315, + "ĠGA": 21316, + "ussions": 21317, + "Ġurbanization": 21318, + "mund": 21319, + "ĠWet": 21320, + "recogn": 21321, + "details": 21322, + "Ġvigorous": 21323, + "Lim": 21324, + "Ġmutually": 21325, + "tight": 21326, + "elia": 21327, + "ĠTrain": 21328, + "ricting": 21329, + "ĠWarren": 21330, + "Ġconson": 21331, + "ĠZoo": 21332, + "Ġripe": 21333, + "Ġbarley": 21334, + "Ġgenealog": 21335, + "Ġmarriages": 21336, + "ĠAssociate": 21337, + "ĠRoll": 21338, + "п": 21339, + "Ġsulph": 21340, + "Ġexceeds": 21341, + "Ġflask": 21342, + "Ġdiscarded": 21343, + "ELL": 21344, + "Ġignoring": 21345, + "ĠDelaware": 21346, + "ĠScandinav": 21347, + "PUT": 21348, + "abi": 21349, + "Answer": 21350, + "verted": 21351, + "ĠDynamic": 21352, + "Ġprince": 21353, + "Ġpenetrate": 21354, + "corn": 21355, + "roscopy": 21356, + "Ġren": 21357, + "Ġ\"_": 21358, + "Ġros": 21359, + "variables": 21360, + "Miss": 21361, + "Ġcath": 21362, + "ĠCou": 21363, + "NT": 21364, + "Ġzoo": 21365, + "ĠOpportunities": 21366, + "ĠOutput": 21367, + "nuts": 21368, + "ovol": 21369, + "Ġcolonists": 21370, + "Lead": 21371, + "Ġcasc": 21372, + "Ġdegeneration": 21373, + "ĠLORD": 21374, + "()),": 21375, + "ĠShan": 21376, + "čĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 21377, + "pectives": 21378, + "Ġresolving": 21379, + "Ġsurgeons": 21380, + "abad": 21381, + "Ġfamine": 21382, + "Ġsuite": 21383, + "ĠCountries": 21384, + "Ġcollapsed": 21385, + "circ": 21386, + "iably": 21387, + "Dem": 21388, + "Ġenlarge": 21389, + "upt": 21390, + "ĠFahrenheit": 21391, + "Ġeyel": 21392, + "------------------------": 21393, + "Ġfigured": 21394, + "ĠClearly": 21395, + "Ġbilingual": 21396, + "urved": 21397, + "Ġhasattr": 21398, + "Ġexploited": 21399, + "Ġsaint": 21400, + "ĠNH": 21401, + "Paul": 21402, + "Ġheir": 21403, + "ĠFern": 21404, + "ĠFL": 21405, + "ĠRound": 21406, + "Ġcertificates": 21407, + "Ġslowing": 21408, + "aucoma": 21409, + "Ġsensit": 21410, + "atom": 21411, + "ĠConduct": 21412, + "ĠNetworks": 21413, + "double": 21414, + "lag": 21415, + "×Ļ": 21416, + "ivan": 21417, + "ĠGR": 21418, + "Ġmarketplace": 21419, + "Ġ>>": 21420, + "alph": 21421, + "urers": 21422, + "Ġfiref": 21423, + "Ġassistants": 21424, + "Ġgreed": 21425, + "Ġincomes": 21426, + "Ġreminding": 21427, + "services": 21428, + "/(": 21429, + "Ġjunk": 21430, + "zema": 21431, + "cred": 21432, + "ĠHapp": 21433, + "Ġcolder": 21434, + "ĠClay": 21435, + "Ġlacked": 21436, + "ĠFormation": 21437, + "ĠHamps": 21438, + "Ġlyrics": 21439, + "determination": 21440, + "messages": 21441, + "Ġfighters": 21442, + "Ġcores": 21443, + "ĠRoger": 21444, + "mc": 21445, + "Ġpains": 21446, + "Ġupdating": 21447, + "Ġrefrigerator": 21448, + "Ġiteration": 21449, + "Ġidentifier": 21450, + "Ġinternally": 21451, + "Ġimbalances": 21452, + "ĠPediatrics": 21453, + "Ġundermine": 21454, + "Ġconstituents": 21455, + "opsis": 21456, + "Ġfreedoms": 21457, + "ocular": 21458, + "Ġdoubts": 21459, + "Custom": 21460, + "Ġpunch": 21461, + "Ġpasture": 21462, + "ĠLect": 21463, + "Results": 21464, + "Review": 21465, + "ĠMessage": 21466, + "Ġneuroscience": 21467, + "ĠStarting": 21468, + "Ġattracting": 21469, + "Range": 21470, + "Self": 21471, + "zzy": 21472, + "ĠGregory": 21473, + "Ġupgrade": 21474, + "anners": 21475, + "Tw": 21476, + "onies": 21477, + "ĠTibetan": 21478, + "Session": 21479, + "Ġelong": 21480, + "Ġnatives": 21481, + "idi": 21482, + "ĠLinear": 21483, + "Ep": 21484, + "erobic": 21485, + "Ġlovers": 21486, + "Ġstamps": 21487, + "Ġpoisonous": 21488, + "ĠHampshire": 21489, + "dish": 21490, + "Ġreactors": 21491, + "Ġtunnels": 21492, + "oam": 21493, + "Ġcaste": 21494, + "ARY": 21495, + "ĠChildhood": 21496, + "Meta": 21497, + "ĠKos": 21498, + "Ġcarpet": 21499, + "balance": 21500, + "Ġturkey": 21501, + "Ġhatred": 21502, + "Ġoxidative": 21503, + "opping": 21504, + "ĠStorage": 21505, + "Ġcollaborations": 21506, + "Ġmould": 21507, + "Ġformulated": 21508, + "Ġsignatures": 21509, + "curities": 21510, + "Ġdebts": 21511, + "ĠVIII": 21512, + "Ġangular": 21513, + "Ġinhal": 21514, + "ĠVenez": 21515, + "Ġdome": 21516, + "abwe": 21517, + "Ġdenotes": 21518, + "LOC": 21519, + "ĠBulgar": 21520, + "ĠHawaiian": 21521, + "Ġharmonious": 21522, + "duino": 21523, + "Ġformulation": 21524, + "pora": 21525, + "Ġproudly": 21526, + "bullying": 21527, + "UK": 21528, + "Ġfighter": 21529, + "ĠSample": 21530, + "ipple": 21531, + "Ġlearnt": 21532, + "Ġshrimp": 21533, + "ĠBullet": 21534, + "Until": 21535, + "ĠLock": 21536, + "ificate": 21537, + "ĠVenice": 21538, + "Ġimmersion": 21539, + "Ġswollen": 21540, + "San": 21541, + "atum": 21542, + "Ġappeals": 21543, + "Ġinequalities": 21544, + "ilated": 21545, + "Ġheater": 21546, + "Stat": 21547, + "Ġverified": 21548, + "Ġenj": 21549, + "Ġendure": 21550, + "interval": 21551, + "Ġselenium": 21552, + "Light": 21553, + "Ġds": 21554, + "ĠEff": 21555, + "ultan": 21556, + "ĠAdults": 21557, + "ĠReason": 21558, + "Ġdepicts": 21559, + "gia": 21560, + "Ġtam": 21561, + "Ġcommitting": 21562, + "NR": 21563, + "ahl": 21564, + "rophe": 21565, + "Ġulcer": 21566, + "ĠCroat": 21567, + "Ġlev": 21568, + "Ġirrelevant": 21569, + "poll": 21570, + "licenses": 21571, + "ĠButter": 21572, + "ĠRussians": 21573, + "ĠHollywood": 21574, + "rys": 21575, + "Ġministers": 21576, + "ouncils": 21577, + "Ġmulch": 21578, + "\"\\": 21579, + "Ġbrake": 21580, + "Ġunexpl": 21581, + "arthritis": 21582, + "Ġzo": 21583, + "Ġfigur": 21584, + "ĠAtlas": 21585, + "ĠCuban": 21586, + "Ġimpulse": 21587, + "Ġintercept": 21588, + "Dom": 21589, + "ĠTrees": 21590, + "Ġteenage": 21591, + "validation": 21592, + "Currently": 21593, + "ĠSL": 21594, + "Studies": 21595, + "ĠBernard": 21596, + "imates": 21597, + "ĠSed": 21598, + "nik": 21599, + "Ġgon": 21600, + "Ġchairs": 21601, + "Ġspike": 21602, + "Ġcyan": 21603, + "pages": 21604, + "Ġalarming": 21605, + "ĠKan": 21606, + "ĠChamber": 21607, + "generator": 21608, + "ĠPI": 21609, + "ĠSouthwest": 21610, + "izziness": 21611, + "ĠProtein": 21612, + "Ġalbum": 21613, + "Ġideally": 21614, + "ĠMelbourne": 21615, + "Different": 21616, + "Ġcuc": 21617, + "Ġvirgin": 21618, + "ĠLabour": 21619, + "Ġpoured": 21620, + "Ġrheumat": 21621, + "modules": 21622, + "Ġlicensing": 21623, + "iour": 21624, + "ĠAid": 21625, + "ĠUsers": 21626, + "Ġattractions": 21627, + "ussia": 21628, + "ĠBP": 21629, + "Ġscent": 21630, + "Ġineffective": 21631, + "ĠWatson": 21632, + "ĠChamp": 21633, + "ĠVA": 21634, + "Ġambition": 21635, + "Ġhackers": 21636, + "ô": 21637, + "Ġexpands": 21638, + "Ġsettling": 21639, + "âĶĢâĶĢâĶĢâĶĢ": 21640, + "Term": 21641, + "false": 21642, + "Ġelectrodes": 21643, + "%(": 21644, + "natal": 21645, + "\");": 21646, + "Ġsticking": 21647, + "Ġheel": 21648, + "Ġremnants": 21649, + "esus": 21650, + "Ġtestament": 21651, + "ĠAssy": 21652, + "![": 21653, + "amorph": 21654, + "ĠBus": 21655, + "efined": 21656, + "Energy": 21657, + "oj": 21658, + "Ġfamilial": 21659, + "pherd": 21660, + "dal": 21661, + "ĠICT": 21662, + "ĠPatri": 21663, + "winning": 21664, + "Ġscrew": 21665, + "ĠQuarter": 21666, + "Ġteenager": 21667, + "Implemented": 21668, + "Ġilluminate": 21669, + "border": 21670, + "Ġsupplier": 21671, + "Ġstrides": 21672, + "ICAL": 21673, + "sensitive": 21674, + "idelity": 21675, + "endix": 21676, + "ĠImprove": 21677, + "ĠRapid": 21678, + "ĠCow": 21679, + "Ġdisreg": 21680, + "ĠGeography": 21681, + "Ġmissile": 21682, + "Ġsanctuary": 21683, + "Ġspheres": 21684, + "Ġprogresses": 21685, + "ĠModels": 21686, + "ĠProgramming": 21687, + "Ġwaterways": 21688, + "Ġinsign": 21689, + "ancell": 21690, + "ĠNeither": 21691, + "={}": 21692, + "Ġego": 21693, + "ĠJama": 21694, + "noise": 21695, + "Ġmathematicians": 21696, + "ĠRoot": 21697, + "Ġspores": 21698, + "Ġlogo": 21699, + "TEST": 21700, + "Ġworsh": 21701, + "Ġinfilt": 21702, + "Ġinterchange": 21703, + "ancipation": 21704, + "Ġmeasles": 21705, + "Ùħ": 21706, + "Best": 21707, + "]).": 21708, + "Ġbeverage": 21709, + "ĠGI": 21710, + "Ġclassify": 21711, + "issors": 21712, + "Ġalternating": 21713, + "Ġblanket": 21714, + "Ġenvelope": 21715, + "Ġgrappling": 21716, + "arre": 21717, + "andy": 21718, + "ĠAnxiety": 21719, + "Ġmasterpiece": 21720, + "ĠTamil": 21721, + "Rober": 21722, + "Ġlord": 21723, + "Ġgaze": 21724, + "ahu": 21725, + "thalm": 21726, + "Ġbun": 21727, + "Ġlasers": 21728, + "Ġcrater": 21729, + "Ġdiamonds": 21730, + "NING": 21731, + "wig": 21732, + "ÃĤ": 21733, + "airo": 21734, + "hl": 21735, + "ĠPoetry": 21736, + "activation": 21737, + "ĠInvent": 21738, + "ĠVII": 21739, + "Ġgenomic": 21740, + "ostics": 21741, + "ĠStre": 21742, + "Ġ[(": 21743, + "Ġsiege": 21744, + "include": 21745, + "Ġnationally": 21746, + "Ġstimulates": 21747, + "ĠRural": 21748, + "Ġ---": 21749, + "Ġcollisions": 21750, + "Ġassimilation": 21751, + "iciary": 21752, + "Ġii": 21753, + "ĠEdinburgh": 21754, + "Ġcentralized": 21755, + "ĠGovernments": 21756, + "Div": 21757, + "olo": 21758, + "Ġcooled": 21759, + "Ġgenuinely": 21760, + "ĠNGOs": 21761, + "Ġmisuse": 21762, + "ĠAccept": 21763, + "Ġdiscourag": 21764, + "Ġvague": 21765, + "ĠResolution": 21766, + "ustrial": 21767, + "Ġspends": 21768, + "Ġadditionally": 21769, + "}\".": 21770, + "------": 21771, + "Effective": 21772, + "Ġwx": 21773, + "ĠDirections": 21774, + "ĠFormat": 21775, + "grown": 21776, + "arus": 21777, + "tym": 21778, + "Ġ_,": 21779, + "irmingham": 21780, + "Place": 21781, + "ĠPearl": 21782, + "ĠUganda": 21783, + "è¡": 21784, + "Ġadditives": 21785, + "Ġroofs": 21786, + "Ġovarian": 21787, + "iguous": 21788, + "owski": 21789, + "Ġutilizes": 21790, + "ĠFoster": 21791, + "ĠDeal": 21792, + "Fast": 21793, + "Ġcoop": 21794, + "Ġstringent": 21795, + "Ġmurd": 21796, + "Ġseab": 21797, + "ĠUT": 21798, + "Ġbiologist": 21799, + "Ġgesture": 21800, + ",)": 21801, + "Ġbrit": 21802, + "relation": 21803, + "Ġcontributor": 21804, + "ĠFilm": 21805, + "ĠPlatform": 21806, + "Ġdt": 21807, + "Ġhomeowners": 21808, + "Ġinsisted": 21809, + "GO": 21810, + "Much": 21811, + "inars": 21812, + "Ġgrammat": 21813, + "MAP": 21814, + "Ġwitch": 21815, + "ĠChurchill": 21816, + "ø": 21817, + "ĠAchie": 21818, + "Ġleaks": 21819, + "ĠGO": 21820, + "Ġcalf": 21821, + "Ġsunset": 21822, + "Ġleafy": 21823, + "Lat": 21824, + "aque": 21825, + "à¦": 21826, + "Ġnoises": 21827, + "Ġshelters": 21828, + "iodiversity": 21829, + "ĠMonte": 21830, + "Steps": 21831, + "Ġsupposedly": 21832, + "Ġsibling": 21833, + "Ġhurricanes": 21834, + "Ġenjoys": 21835, + "Ġdread": 21836, + "Ġorbits": 21837, + "Ġabrupt": 21838, + "ĠConstruct": 21839, + "Ġanthropology": 21840, + "Special": 21841, + "kw": 21842, + "kward": 21843, + "erators": 21844, + "Ġestablishes": 21845, + "contact": 21846, + "Ġcaptive": 21847, + "Ġcongregation": 21848, + "Ġoptimistic": 21849, + "Ġexhausted": 21850, + "Ġfetus": 21851, + "Ġracist": 21852, + "Ġvigor": 21853, + "Ġcreatively": 21854, + "compute": 21855, + "Ġpeanut": 21856, + "ĠImplementing": 21857, + "gom": 21858, + "meal": 21859, + "ĠALL": 21860, + "Ġcathe": 21861, + "Ġextracts": 21862, + "ĠTransfer": 21863, + "Ġcollaborating": 21864, + "ĠMaintain": 21865, + "ĠCalculate": 21866, + "chair": 21867, + "ongo": 21868, + "doctor": 21869, + "calcul": 21870, + "ĠScientist": 21871, + "Ġhalt": 21872, + "ĠVoice": 21873, + "Ġscientifically": 21874, + "Ġargu": 21875, + "ĠReduce": 21876, + "Ġpremises": 21877, + "Ġdescended": 21878, + "cot": 21879, + "take": 21880, + "Ġduck": 21881, + "ĠElse": 21882, + "ovie": 21883, + "ylabel": 21884, + "Ġtant": 21885, + "ĠWash": 21886, + "Ġcoined": 21887, + "ĠImplications": 21888, + "ĠInstru": 21889, + "ĠPret": 21890, + "र": 21891, + "Rest": 21892, + "aneously": 21893, + "Ġdiagnoses": 21894, + "aurus": 21895, + "ĠFreud": 21896, + "ĠPLA": 21897, + "Ġantigen": 21898, + "beth": 21899, + "far": 21900, + "anche": 21901, + "Ġuniversally": 21902, + "processed": 21903, + "Study": 21904, + "Ġdisrupted": 21905, + "Ġridge": 21906, + "ĠRAM": 21907, + "Ġcondemned": 21908, + "Language": 21909, + "Ġeats": 21910, + "Ġinnoc": 21911, + "ĠRepresentatives": 21912, + "Es": 21913, + "andom": 21914, + "configuration": 21915, + "Ġmonastery": 21916, + "ĠHimal": 21917, + "itures": 21918, + "Ġspeculation": 21919, + "ocating": 21920, + "Ġpredator": 21921, + "ĠAV": 21922, + "ĠMir": 21923, + "Ġ{}'.": 21924, + "Ġseizure": 21925, + "ĠCort": 21926, + "Ġgetattr": 21927, + "install": 21928, + "ĠEssays": 21929, + "Ġdowntown": 21930, + "Dataset": 21931, + "-,": 21932, + "ril": 21933, + "Ġreluctant": 21934, + "India": 21935, + "issa": 21936, + "political": 21937, + "ĠRaw": 21938, + "Ġtraded": 21939, + "Ġsolo": 21940, + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 21941, + "alloween": 21942, + "Ġsourced": 21943, + "ĠCher": 21944, + "ansom": 21945, + "Ġumbrella": 21946, + "Writing": 21947, + "bucket": 21948, + "apple": 21949, + "Ġvalidated": 21950, + "Ġclocks": 21951, + "Ġstreaming": 21952, + "HOUT": 21953, + "Ġabsorbing": 21954, + "ĠGeneva": 21955, + "ĠCitizens": 21956, + "Ġtiger": 21957, + "illin": 21958, + "Ġdelivers": 21959, + "Ġwinters": 21960, + "ĠExcess": 21961, + "Ġtaxpay": 21962, + "ĠFinance": 21963, + "Ġgiants": 21964, + "Ġhast": 21965, + "Ġannex": 21966, + "Ġspoon": 21967, + "Ġcharacterize": 21968, + "ammed": 21969, + "lexia": 21970, + "containing": 21971, + "Ġesteem": 21972, + "Ġcrosses": 21973, + "Network": 21974, + "Ġshipped": 21975, + "Ġchew": 21976, + "Ġtil": 21977, + "ĠNit": 21978, + "ĠSuff": 21979, + "ĠHolland": 21980, + "Ġdeterioration": 21981, + "][\"": 21982, + "Ġproceeding": 21983, + "Ġbroccoli": 21984, + "Ġп": 21985, + "ĠÑģ": 21986, + "Ġattained": 21987, + "Ġfinest": 21988, + "swig": 21989, + "^{": 21990, + "Ġrelic": 21991, + "Ġhydrop": 21992, + "vier": 21993, + "idable": 21994, + "Ġretrieved": 21995, + "XXXX": 21996, + "ĠZhang": 21997, + "Cond": 21998, + "Ġmalnutrition": 21999, + "Ġneutr": 22000, + "Ġmang": 22001, + "Ġoverth": 22002, + "arson": 22003, + "Ġburge": 22004, + "Ġrebuild": 22005, + "Ġruin": 22006, + "Gra": 22007, + "ĠLyme": 22008, + "ĠLud": 22009, + "ĠVel": 22010, + "Ġskeptic": 22011, + "rament": 22012, + "share": 22013, + "ĠOptim": 22014, + "Ġdialects": 22015, + "ĠArmenian": 22016, + "ĠTensor": 22017, + "Ġdeform": 22018, + "Ġunequal": 22019, + "ĠRelationships": 22020, + "Taking": 22021, + "oren": 22022, + "ĠHousing": 22023, + "Ġlett": 22024, + "Ġdismant": 22025, + "ĠReich": 22026, + "oco": 22027, + "ĠSelection": 22028, + "glob": 22029, + "Put": 22030, + "Ġonion": 22031, + "ributions": 22032, + "ĠBeck": 22033, + "inational": 22034, + "ĠCe": 22035, + "lectric": 22036, + "ĠVermont": 22037, + "iots": 22038, + "Ġthereafter": 22039, + "Ġdefenses": 22040, + "Ġinterpol": 22041, + "Ġembryos": 22042, + "ĠRenew": 22043, + "Linear": 22044, + "fem": 22045, + "approx": 22046, + "Ġsubscription": 22047, + "Education": 22048, + "Ġcompelled": 22049, + "ĠFlag": 22050, + "Ġoptimizing": 22051, + "âĪ": 22052, + "ĠDance": 22053, + "Ġtemperate": 22054, + ".âĢĶ": 22055, + "LINE": 22056, + "ĠExactly": 22057, + "Format": 22058, + "viol": 22059, + "ĠKant": 22060, + "Ġprivately": 22061, + "ĠSprings": 22062, + "Ġthirteen": 22063, + "Ġreservoirs": 22064, + "Ġtrump": 22065, + "Ġevaporation": 22066, + "asuring": 22067, + "ño": 22068, + "ê": 22069, + "Ġincap": 22070, + "Ġsimultaneous": 22071, + "Ġviewpoint": 22072, + "ĠFlash": 22073, + "ĠGraham": 22074, + "Ġplausible": 22075, + "cb": 22076, + "isexual": 22077, + "Ġdestiny": 22078, + "ĠContract": 22079, + "Ġembarked": 22080, + "è®": 22081, + "elif": 22082, + "ĠJudge": 22083, + "relations": 22084, + "ĠMayor": 22085, + "Ġburnt": 22086, + "iji": 22087, + "Ġsailors": 22088, + "BER": 22089, + "Gold": 22090, + "inist": 22091, + "Ġvertically": 22092, + "Ġdilemmas": 22093, + "eered": 22094, + "Ġstressors": 22095, + "ĠYeah": 22096, + "Ġsolitary": 22097, + "ĠAcid": 22098, + "ographers": 22099, + "Ġlod": 22100, + "Ġunjust": 22101, + "Ġantidepress": 22102, + "Ġcured": 22103, + "Ġhats": 22104, + "ĠGuate": 22105, + "fr": 22106, + "Ġpillars": 22107, + "pretation": 22108, + "ĠBak": 22109, + "ĠGrowing": 22110, + "ĠSecondary": 22111, + "!).": 22112, + "imbabwe": 22113, + "ĠWARRANTIES": 22114, + "isans": 22115, + "ĠStatement": 22116, + "Ġregulates": 22117, + "Ġhemorrh": 22118, + "Ġindef": 22119, + "zek": 22120, + "ilia": 22121, + "jection": 22122, + "Ġcallback": 22123, + "iquid": 22124, + "ea": 22125, + "Ġaltar": 22126, + "bach": 22127, + "tri": 22128, + "ethical": 22129, + "Ġscaff": 22130, + "component": 22131, + "ĠNOAA": 22132, + "ĠPlans": 22133, + "ĠArabs": 22134, + "wild": 22135, + "istration": 22136, + "kee": 22137, + "idential": 22138, + "repo": 22139, + "ен": 22140, + "paced": 22141, + "ĠHubble": 22142, + "gamma": 22143, + "Ġweaving": 22144, + "Ġadmire": 22145, + "Ġarsenic": 22146, + "Ġdecipher": 22147, + "derived": 22148, + "warn": 22149, + "ĠVancouver": 22150, + "eliac": 22151, + "ĠSenator": 22152, + "Ġfundamentals": 22153, + "Ġsuperficial": 22154, + "ĠKir": 22155, + "Ġdecisive": 22156, + "ĠContents": 22157, + "Ġcoaching": 22158, + "Ġoriginate": 22159, + "ĠZero": 22160, + "PG": 22161, + "pal": 22162, + "Ġwicked": 22163, + "uniform": 22164, + "Ġembro": 22165, + "mapping": 22166, + "Ġhunter": 22167, + "Ġfres": 22168, + "ĠSie": 22169, + "Ġvibrations": 22170, + "producing": 22171, + "Lib": 22172, + "itism": 22173, + "Ġdiscord": 22174, + "ĠSmithsonian": 22175, + "Ġmicroscopy": 22176, + "Basic": 22177, + "æĺ": 22178, + "Ġdonations": 22179, + "metrical": 22180, + "ecd": 22181, + "Ġtextiles": 22182, + "saving": 22183, + "Ġrenamed": 22184, + "Ġlb": 22185, + "ĠBeat": 22186, + "Ġprophets": 22187, + "Task": 22188, + "ĠCells": 22189, + "ĠHalf": 22190, + "Ġmentors": 22191, + "Address": 22192, + "Ġamplitude": 22193, + "Script": 22194, + "components": 22195, + "orf": 22196, + "illus": 22197, + "Ġdroplets": 22198, + "ĠDiscussion": 22199, + "ĠUkrainian": 22200, + "Ġreq": 22201, + "adapt": 22202, + "ĠNode": 22203, + "Besides": 22204, + "oks": 22205, + "Ġstal": 22206, + "Ġcocaine": 22207, + "اÙĦ": 22208, + "ĠEnlightenment": 22209, + "ĠGenetics": 22210, + "Ġcoastline": 22211, + "Ġenriched": 22212, + "Del": 22213, + "acting": 22214, + "Ġevapor": 22215, + "brown": 22216, + "ĠCycl": 22217, + "ĠJen": 22218, + "Ġtopical": 22219, + "Ġempowered": 22220, + "Ġamendments": 22221, + "Ġdeport": 22222, + "Ġendpoint": 22223, + "elements": 22224, + "Ġinjections": 22225, + "Ġeagerly": 22226, + "=[\"": 22227, + "chlor": 22228, + "ergic": 22229, + "Ġmusician": 22230, + "ĠDublin": 22231, + "ĠWere": 22232, + "Br": 22233, + "Hey": 22234, + "β": 22235, + "entary": 22236, + "ĠPad": 22237, + "annab": 22238, + "ENS": 22239, + "Ġfairy": 22240, + "Ġbudgets": 22241, + "ĠFinnish": 22242, + "French": 22243, + "Ġvi": 22244, + "swers": 22245, + "ASH": 22246, + "Ġowns": 22247, + "ĠManaging": 22248, + "cycling": 22249, + "ĠCondition": 22250, + "British": 22251, + "Mich": 22252, + "Ġbios": 22253, + "Ġmelted": 22254, + "ĠOlympics": 22255, + "Ġcavalry": 22256, + "lins": 22257, + "mut": 22258, + "POS": 22259, + "Ġexceeded": 22260, + "Ġeagle": 22261, + "ĠStri": 22262, + "Ġstationary": 22263, + "Ġmitochondrial": 22264, + "Ġpygame": 22265, + "Ġnumbered": 22266, + "Ġwebpage": 22267, + "Ġmodifying": 22268, + "Ġdecomposition": 22269, + "ĠConcepts": 22270, + "Ġbackwards": 22271, + "Ġiterations": 22272, + "Ġfores": 22273, + "Ġdiscretion": 22274, + "xlabel": 22275, + "ifted": 22276, + "Ġscrub": 22277, + "ĠMaur": 22278, + "Ġaccus": 22279, + "Ġdistinctions": 22280, + "Ġreadiness": 22281, + "imentary": 22282, + "boat": 22283, + "ĠBalance": 22284, + "ĠValues": 22285, + "forgettable": 22286, + "uters": 22287, + "Ġprisoner": 22288, + "uria": 22289, + "Ġjunction": 22290, + "Ġholder": 22291, + "meaning": 22292, + "Ġevidenced": 22293, + "Ġcanals": 22294, + "worker": 22295, + "clesi": 22296, + "ĠWait": 22297, + "MAX": 22298, + "ĠSigns": 22299, + "Ġbibliography": 22300, + "ĠApr": 22301, + "Ġupstream": 22302, + "Ġovercoming": 22303, + "BP": 22304, + "Ġslot": 22305, + "Ġairway": 22306, + "Ġelectrode": 22307, + "diagn": 22308, + "crow": 22309, + "ĠGast": 22310, + "Ġallocate": 22311, + "Pack": 22312, + "say": 22313, + "Ġcategorized": 22314, + "Ġdeprivation": 22315, + "ĠGuardian": 22316, + "ĠRav": 22317, + "Inc": 22318, + "Ġoccurrences": 22319, + "Ġounces": 22320, + "ĠIndo": 22321, + "ĠPublications": 22322, + "Digital": 22323, + "Ġburgeoning": 22324, + "ĠGroups": 22325, + "Imp": 22326, + "Mock": 22327, + "counts": 22328, + "ĠSheet": 22329, + "ĠAbu": 22330, + "sterdam": 22331, + "ĠJoshua": 22332, + "Ġfranch": 22333, + "ifest": 22334, + "geon": 22335, + "Ġbackbone": 22336, + "Ġcaptivity": 22337, + "ĠHotel": 22338, + "ĠiPhone": 22339, + "cro": 22340, + "Ġrespects": 22341, + "ĊĊĊĊ": 22342, + "Ġcongenital": 22343, + "Ġcoated": 22344, + "Reading": 22345, + "toxic": 22346, + "Ġquantify": 22347, + "Version": 22348, + "ĠChes": 22349, + "Ġchefs": 22350, + "Ġterra": 22351, + "Ġindicative": 22352, + "Ġmortgage": 22353, + "keepers": 22354, + "Ġlivelihoods": 22355, + "ĠLives": 22356, + "Ġregain": 22357, + "ĠTemperature": 22358, + "urchase": 22359, + "Ġwaking": 22360, + "Ġcalibration": 22361, + "aphrag": 22362, + "ĠSikh": 22363, + "ructose": 22364, + "Effect": 22365, + "anmar": 22366, + "Ġanytime": 22367, + "affe": 22368, + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 22369, + "ĠExpression": 22370, + "Ġliberties": 22371, + "lists": 22372, + "performance": 22373, + "these": 22374, + "itating": 22375, + "lev": 22376, + "Ġ'{": 22377, + "ĠFear": 22378, + "Ġarchaeology": 22379, + "ĠExcell": 22380, + "ĠVict": 22381, + "Ġteaspoon": 22382, + "Ġdetectors": 22383, + "ĠStein": 22384, + "Ġscalp": 22385, + "each": 22386, + "Ġlandmarks": 22387, + "Ġtk": 22388, + "Ġspans": 22389, + "ĠHorn": 22390, + "Ġcorpus": 22391, + "ĠHarrison": 22392, + "peer": 22393, + "Ġalkaline": 22394, + "Ġmyel": 22395, + "Ġaugmented": 22396, + "tained": 22397, + "Ġhypoth": 22398, + "Ġther": 22399, + "Ġforecasts": 22400, + "ifts": 22401, + "FORM": 22402, + "%%": 22403, + "tailed": 22404, + "ĠRES": 22405, + "ĠTanzania": 22406, + "luent": 22407, + "Ġnarrator": 22408, + "Ġdepletion": 22409, + "Ġthereof": 22410, + "Ġbacking": 22411, + "Ġbarrels": 22412, + "Ġcomplain": 22413, + "Ġunlimited": 22414, + "Ġdesperate": 22415, + "pars": 22416, + "ĠLag": 22417, + "Ġenglish": 22418, + "ĠMeet": 22419, + "ĠHelen": 22420, + "Ġreminders": 22421, + "Ġhelmet": 22422, + "Ġconstructs": 22423, + "Ġmisconceptions": 22424, + "ĠLebanon": 22425, + "ĠCrypt": 22426, + "ĠExposure": 22427, + "Ġbasal": 22428, + "Ġrecovering": 22429, + "Ġgraphe": 22430, + "Ġallergens": 22431, + "iam": 22432, + "mol": 22433, + "Ġcoughing": 22434, + "Ġmenopause": 22435, + "Ġprairie": 22436, + "Ġproto": 22437, + "ĠPS": 22438, + "Ġanybody": 22439, + "Ġscored": 22440, + "Ġmeantime": 22441, + "ί": 22442, + "Ġhaw": 22443, + "large": 22444, + "Ġfel": 22445, + "ĠMT": 22446, + "Ġirres": 22447, + "ĠChart": 22448, + "Ġplanners": 22449, + "Ġrainforest": 22450, + "ĠLegacy": 22451, + "organization": 22452, + "Ġfishes": 22453, + "Ġconstellation": 22454, + "gomery": 22455, + "gard": 22456, + "Plane": 22457, + "ĠElectrical": 22458, + "once": 22459, + "Ġquizzes": 22460, + "Ġblues": 22461, + "ĠDiam": 22462, + "Ġsharply": 22463, + "Ġfootage": 22464, + "visible": 22465, + "sampl": 22466, + "Ġtidal": 22467, + "aternity": 22468, + "War": 22469, + "Ġmodelling": 22470, + "Ġsignifies": 22471, + "Ġopera": 22472, + "Ġomn": 22473, + "ĠInterior": 22474, + "ĠDistribution": 22475, + "Ġprow": 22476, + "Ġknowledgeable": 22477, + "Ġcalculus": 22478, + "Ġeclipse": 22479, + "earth": 22480, + "Ġmaneuver": 22481, + "Ġchol": 22482, + "Ġstranger": 22483, + "ĠWire": 22484, + "Ġspecializing": 22485, + "Journal": 22486, + "upus": 22487, + "ĠValent": 22488, + "Ġproclaimed": 22489, + "Ġblueprint": 22490, + "Ġcass": 22491, + "Ġthigh": 22492, + "ĠWaters": 22493, + "Ġlongitudinal": 22494, + "Ġfaint": 22495, + "ective": 22496, + "film": 22497, + "ĠPerspectives": 22498, + "basic": 22499, + "ĠRegiment": 22500, + "legend": 22501, + "FN": 22502, + "larg": 22503, + "ĠChanging": 22504, + "Ġdiscourage": 22505, + "Ġexpects": 22506, + "ĠSignificance": 22507, + "surface": 22508, + "Application": 22509, + "Ġvigilant": 22510, + "ECD": 22511, + "Ġantimicrobial": 22512, + "ĠHD": 22513, + "ustomed": 22514, + "oeing": 22515, + "Between": 22516, + "odic": 22517, + "Ġrud": 22518, + "ICT": 22519, + "Ġtimed": 22520, + "Ġtransferring": 22521, + "annon": 22522, + "Ġabbrev": 22523, + "Ġtsunami": 22524, + "ogan": 22525, + "ĠLit": 22526, + "Ġintuition": 22527, + "Ġnanoparticles": 22528, + "Length": 22529, + "Ġphotographic": 22530, + "Impro": 22531, + "bounds": 22532, + "Ġhips": 22533, + "Ġuncle": 22534, + "Ġmissionaries": 22535, + "Ġjuices": 22536, + "Ġcocoa": 22537, + "ERROR": 22538, + "Ġbending": 22539, + "rais": 22540, + "ĠDin": 22541, + "Ġgenomes": 22542, + "ĠBehav": 22543, + "ĠFitz": 22544, + "Ġunve": 22545, + "cells": 22546, + "Ġlistener": 22547, + "keras": 22548, + "ĠKur": 22549, + "ampus": 22550, + "Ġcatar": 22551, + "Ġopenings": 22552, + "Ġseasoned": 22553, + "oarthritis": 22554, + "ĠTru": 22555, + "ĠWear": 22556, + "Ġincarc": 22557, + "ĠCharter": 22558, + "Ġfortified": 22559, + "Abstract": 22560, + "Ġdeities": 22561, + "Channel": 22562, + "development": 22563, + "Layer": 22564, + "Ġoccupations": 22565, + "Ġgarments": 22566, + "Ġderivatives": 22567, + "ĠManhattan": 22568, + "etta": 22569, + "Ġdeadlines": 22570, + "Ġcrashes": 22571, + "Ġfond": 22572, + "Ġforefront": 22573, + "ĠEpidem": 22574, + "ĠBenn": 22575, + "Ġawake": 22576, + "Ġ": 22690, + "nih": 22691, + "ĠHus": 22692, + "Ġobedience": 22693, + "Ġtriangles": 22694, + "Its": 22695, + "ints": 22696, + "Ġranged": 22697, + "Ġhappily": 22698, + "dehy": 22699, + "Ġblessings": 22700, + "density": 22701, + "Ġlays": 22702, + "Ġbiased": 22703, + "ĠDynamics": 22704, + "Ġworsen": 22705, + "ĠStorm": 22706, + "Ġsympathetic": 22707, + "ĠOffer": 22708, + "anim": 22709, + "ĠBirmingham": 22710, + "delay": 22711, + "Ġfortunate": 22712, + "Ġlegacies": 22713, + "Ġdistracted": 22714, + "Ġwholly": 22715, + "abol": 22716, + "Ġrests": 22717, + "Ġencompassing": 22718, + "ĠIEEE": 22719, + "Cost": 22720, + "ĠTang": 22721, + "ĠWes": 22722, + "ĠVent": 22723, + "olding": 22724, + "engue": 22725, + "ĠLeave": 22726, + "Ġascertain": 22727, + "utral": 22728, + "sync": 22729, + "Ġappearances": 22730, + "Query": 22731, + "ĠSweet": 22732, + "uled": 22733, + "Ġtwins": 22734, + "Ġawkward": 22735, + "ĠGaussian": 22736, + "treatment": 22737, + "ĠScre": 22738, + "setting": 22739, + "berty": 22740, + "allas": 22741, + "Ġslaughter": 22742, + "ĠLiterary": 22743, + "done": 22744, + "Ġconvergence": 22745, + "Body": 22746, + "Ġcontend": 22747, + "Ġchapel": 22748, + "optimizer": 22749, + "Sam": 22750, + "ĠNiger": 22751, + "Ġvictories": 22752, + "Ġblowing": 22753, + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 22754, + "Ġtrivial": 22755, + "creat": 22756, + "mig": 22757, + "ĠConstraint": 22758, + "Ġtutorials": 22759, + "ĠMartha": 22760, + "ĠRN": 22761, + "Ġlegumes": 22762, + "ollar": 22763, + "Ġmiracle": 22764, + "ĠBir": 22765, + "ĠGE": 22766, + "Ġnominal": 22767, + "Ġadhering": 22768, + "Ġdrawbacks": 22769, + "ĠHarper": 22770, + "Ġtransmitting": 22771, + "Ġdispersed": 22772, + "onge": 22773, + "arrison": 22774, + "Ġsalaries": 22775, + "fp": 22776, + "Soft": 22777, + "Determ": 22778, + "ĠJuvenile": 22779, + "Ġfamiliarity": 22780, + "Ġcandle": 22781, + "ĠEvans": 22782, + "ĠMaps": 22783, + "Ġfueled": 22784, + "Ġsubmitting": 22785, + "ĠTag": 22786, + "ĠStanley": 22787, + "Ġsearched": 22788, + "Ġconvicted": 22789, + "Dir": 22790, + "Sun": 22791, + "ankton": 22792, + "ĠCoff": 22793, + "openh": 22794, + "ailability": 22795, + "Ġsincere": 22796, + "Ġceased": 22797, + "Ġsetbacks": 22798, + "Ġdistinguishing": 22799, + "aro": 22800, + "Ġdeity": 22801, + "ĠCommercial": 22802, + "arah": 22803, + "Ġfork": 22804, + "ĠAA": 22805, + "ĠSettings": 22806, + "Ġinterviewed": 22807, + "nb": 22808, + "ivist": 22809, + "Ġcarbs": 22810, + "Ġleukemia": 22811, + "idian": 22812, + "igg": 22813, + "ĠMaced": 22814, + "umed": 22815, + "Ġhonestly": 22816, + "kt": 22817, + "assador": 22818, + "Ġmonoxide": 22819, + "ĠExperts": 22820, + "dale": 22821, + "roughts": 22822, + "Ġtestosterone": 22823, + "Ġbrig": 22824, + "odynamics": 22825, + "Ġdilemma": 22826, + "ENTS": 22827, + "ĠNearly": 22828, + "borough": 22829, + "Ġtickets": 22830, + "acceptable": 22831, + "Ġexecuting": 22832, + "Ġundertaking": 22833, + "Avoid": 22834, + "ĠCounter": 22835, + "ĠLion": 22836, + "OWN": 22837, + "ocl": 22838, + "ĠThai": 22839, + "ERV": 22840, + "Ġcoatings": 22841, + "Family": 22842, + "EW": 22843, + "ĠLex": 22844, + "Ġheroic": 22845, + "insp": 22846, + "ĠMilky": 22847, + "Ġunforgettable": 22848, + "VII": 22849, + "ĠParker": 22850, + "ĠBehavioral": 22851, + "Saharan": 22852, + "atitis": 22853, + "Ġproceeds": 22854, + "Ġbiochemical": 22855, + "Ġlandfill": 22856, + "Ġexpressive": 22857, + "organized": 22858, + "Ġsuppressed": 22859, + "Ġcrying": 22860, + "Ġbananas": 22861, + "ĠLeo": 22862, + "Ġretailers": 22863, + "abolic": 22864, + "Ġintermitt": 22865, + "fitting": 22866, + "Ġarguably": 22867, + "ĠBranch": 22868, + "ellows": 22869, + "solete": 22870, + "Ġsurgeries": 22871, + "Ġcorps": 22872, + "Ġwarrior": 22873, + "ĠEthical": 22874, + ">\"": 22875, + "middle": 22876, + "alach": 22877, + "Ġgarn": 22878, + "Ġstatistic": 22879, + "ĠRequest": 22880, + "Ñĩ": 22881, + "ĠPregn": 22882, + "ĠLl": 22883, + "Ġsquad": 22884, + "ĠPortland": 22885, + "Ġresolutions": 22886, + "XR": 22887, + "neigh": 22888, + "moil": 22889, + "production": 22890, + "gene": 22891, + "Ġhydrated": 22892, + "Ġdisappointed": 22893, + "ĠSolid": 22894, + "cool": 22895, + "Ġcustomary": 22896, + "atonin": 22897, + "ĠVul": 22898, + "ANG": 22899, + "Ġµ": 22900, + "rill": 22901, + "rout": 22902, + "ardships": 22903, + "brids": 22904, + "attrs": 22905, + "checked": 22906, + "ĠGriff": 22907, + "Ġbump": 22908, + "ĠEmail": 22909, + "Ġhydrox": 22910, + "since": 22911, + "Ġimpressions": 22912, + "Ġgoat": 22913, + "Ġexpresses": 22914, + "Ġmonarchy": 22915, + "Ġprogrammed": 22916, + "Ġmanipulating": 22917, + "Ġvowel": 22918, + "ĠKelly": 22919, + "ĠAthen": 22920, + "Ġmalignant": 22921, + "Server": 22922, + "Ġenlight": 22923, + "ä¸Ģ": 22924, + "ĠGirl": 22925, + "ĠWITHOUT": 22926, + "ĠCemetery": 22927, + "Ġafterward": 22928, + "RIG": 22929, + "ĠSpeed": 22930, + "agles": 22931, + "plementation": 22932, + "Ġsilly": 22933, + "ĠSurface": 22934, + "ĠMilk": 22935, + "Ġdisproportionately": 22936, + "ulators": 22937, + "Ġfabrication": 22938, + "ĠFine": 22939, + "Ann": 22940, + "ĠPole": 22941, + "functions": 22942, + "abstract": 22943, + "Ġallied": 22944, + "Ġmisunderstandings": 22945, + "ĠRT": 22946, + "Ġnewest": 22947, + "gray": 22948, + "Ġfaults": 22949, + "Ġregimen": 22950, + "Ġlamb": 22951, + "ĠFunctions": 22952, + "/%": 22953, + "Ġprofessions": 22954, + "Tag": 22955, + "encer": 22956, + "Ġfetch": 22957, + "ĠLever": 22958, + "Super": 22959, + "armed": 22960, + "Third": 22961, + "Ġmetropolitan": 22962, + "Ġintestines": 22963, + "((-": 22964, + "Ġvillagers": 22965, + "calc": 22966, + "Ġindications": 22967, + "Ġgardeners": 22968, + "ĠPreparation": 22969, + "Serializer": 22970, + "Ġvintage": 22971, + "ĠRol": 22972, + "ĠNy": 22973, + "ĠZika": 22974, + "Ġrav": 22975, + "azi": 22976, + "Order": 22977, + "Ġroller": 22978, + "ĠBalancing": 22979, + "Ġimpulses": 22980, + "Ġdorsal": 22981, + "idy": 22982, + "ĠDetermine": 22983, + "Ġstagn": 22984, + "Ġdisclosure": 22985, + "ĠGrass": 22986, + "Ġhereditary": 22987, + "ourable": 22988, + "Ġeuro": 22989, + "ĠLad": 22990, + "Ġformidable": 22991, + "etus": 22992, + "ĠRis": 22993, + "Ġaggress": 22994, + "Ġmoons": 22995, + "ĠCycle": 22996, + "Ġubiquitous": 22997, + "ĠSR": 22998, + "Ġsensible": 22999, + "ĠCreator": 23000, + "linked": 23001, + "ĠAcross": 23002, + "Ġforecasting": 23003, + "ĠĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 23004, + "usa": 23005, + "Ġcompass": 23006, + "Ġmoderation": 23007, + "Ġtrout": 23008, + "Pred": 23009, + "ophobia": 23010, + "Ġtowel": 23011, + "Ġbeating": 23012, + "Standard": 23013, + "etal": 23014, + "ĠKi": 23015, + "meter": 23016, + "ĠSit": 23017, + "pliance": 23018, + "Ġimpress": 23019, + "ĠStream": 23020, + "Ġbombing": 23021, + "åĽ": 23022, + "abe": 23023, + "\"]:": 23024, + "ĠGirls": 23025, + "Ġclips": 23026, + "ĠPatient": 23027, + "Ġcommented": 23028, + "ĠBM": 23029, + "Ġsometime": 23030, + "Ġexcuse": 23031, + "Ġwetland": 23032, + "DATA": 23033, + "too": 23034, + "з": 23035, + "informed": 23036, + "Ġalloy": 23037, + "ĠSupplement": 23038, + "pron": 23039, + "ĠRing": 23040, + "Ġtrades": 23041, + "Ast": 23042, + "SET": 23043, + "same": 23044, + "Ġdeprived": 23045, + "Ġchooses": 23046, + "ancel": 23047, + "ĠLithuan": 23048, + "roe": 23049, + "ĠFailure": 23050, + "urgy": 23051, + "crop": 23052, + "inians": 23053, + "Ġunderwent": 23054, + "Ġbroaden": 23055, + "Ġwelcoming": 23056, + "spl": 23057, + "Ġcrick": 23058, + "Ġbil": 23059, + "amas": 23060, + "ĠRegulation": 23061, + "Ġreusable": 23062, + "ĠQuran": 23063, + "pendicular": 23064, + "PAR": 23065, + "Ġadditions": 23066, + "ĠNoah": 23067, + "Ġlicenses": 23068, + "Dan": 23069, + "Ġpg": 23070, + "Ġladder": 23071, + "ĠBald": 23072, + "Ġspy": 23073, + "Ġeyeb": 23074, + "Ġconductor": 23075, + "ĠSurve": 23076, + "Ġirony": 23077, + "Ġmathematician": 23078, + "Save": 23079, + "ĠTurner": 23080, + "oque": 23081, + "Ġoutdated": 23082, + "added": 23083, + "Options": 23084, + "Ġtoxin": 23085, + "ĠMedicare": 23086, + "ĠSchedule": 23087, + "çĶ¨": 23088, + "major": 23089, + "Ġsmells": 23090, + "population": 23091, + "oval": 23092, + "tlement": 23093, + "Ġproficient": 23094, + "Ġmosaic": 23095, + "Ġarrows": 23096, + "Recipe": 23097, + "γ": 23098, + "ĠRecognizing": 23099, + "HER": 23100, + "Ġshaking": 23101, + "Ġtwists": 23102, + "Ġpremise": 23103, + "Medical": 23104, + "Ġexcavation": 23105, + "Ġanomalies": 23106, + "Ġsuperv": 23107, + "hoe": 23108, + "Ġrods": 23109, + "ESC": 23110, + "ĠCoastal": 23111, + "Ġtravelled": 23112, + ".\\": 23113, + "Ġhardships": 23114, + "urbs": 23115, + "Ġsocialism": 23116, + "Ġgraders": 23117, + "Ġted": 23118, + "Ġally": 23119, + "Ġversatility": 23120, + "Report": 23121, + "quis": 23122, + "Ġtimer": 23123, + "Ġcopying": 23124, + "ĠPatterns": 23125, + "Ġilluminated": 23126, + "Ġdissemination": 23127, + "thernet": 23128, + "ebra": 23129, + "ynamic": 23130, + "fixture": 23131, + "ĠFal": 23132, + "ĠGro": 23133, + "USE": 23134, + "Ġvastly": 23135, + "Series": 23136, + "Ġchalk": 23137, + "Ġcurs": 23138, + "Ġrelaxing": 23139, + "ĠTerms": 23140, + "digit": 23141, + "Ġowl": 23142, + "Obs": 23143, + "Ġunauthorized": 23144, + "Ġdebated": 23145, + "Ġsampled": 23146, + "Ġgateway": 23147, + ":\",": 23148, + "Target": 23149, + "^^": 23150, + "âĹ": 23151, + "Ġclog": 23152, + "ĠTea": 23153, + "Ġfiguring": 23154, + "Ġpatriarch": 23155, + "Ġcohesion": 23156, + "mad": 23157, + "Ġstripes": 23158, + "ðĿ": 23159, + "Ġtails": 23160, + "ĠSib": 23161, + "ĠWays": 23162, + "Ġgraves": 23163, + "ĠGardens": 23164, + "Ġanarch": 23165, + "atican": 23166, + "interface": 23167, + "Ġheadlines": 23168, + "regulated": 23169, + "âĢĿ),": 23170, + "Ġpreventative": 23171, + "Adv": 23172, + "Ġstabilize": 23173, + "ĠLayer": 23174, + "ĠRichmond": 23175, + "ĠEspecially": 23176, + "ForeignKey": 23177, + "Ġolig": 23178, + "ocom": 23179, + "ĠWA": 23180, + "egrad": 23181, + "Ġanalyse": 23182, + "mate": 23183, + "ĠAccordingly": 23184, + "Ġsteering": 23185, + "Ġeditions": 23186, + "ĠDean": 23187, + "ĠTI": 23188, + "ppe": 23189, + "si": 23190, + "initions": 23191, + "ĠKrish": 23192, + "([[": 23193, + "ĠIncorpor": 23194, + "ĠInstall": 23195, + "members": 23196, + "idisciplinary": 23197, + "assertRaises": 23198, + "Ġbravery": 23199, + "[:-": 23200, + "Ġboosting": 23201, + "Ġshoots": 23202, + "Ġpostdoc": 23203, + "ĠSpot": 23204, + "Ġhurdles": 23205, + "character": 23206, + "lated": 23207, + "ĠTropical": 23208, + "living": 23209, + "ĠEug": 23210, + "utrient": 23211, + "Ġburdens": 23212, + "åĬ": 23213, + "Ġnap": 23214, + "Ġflourished": 23215, + "Ġswallowing": 23216, + "Ġsailed": 23217, + "ialog": 23218, + "ĠDragon": 23219, + "Ġjealous": 23220, + "Ġcereals": 23221, + "ĠMiami": 23222, + "Ġeps": 23223, + "Ġappre": 23224, + "Ġchairman": 23225, + "bishop": 23226, + "âĨ": 23227, + "iculture": 23228, + "balanced": 23229, + "aton": 23230, + "ĠPradesh": 23231, + "urer": 23232, + "rigger": 23233, + "ĠNT": 23234, + "Ġprecursor": 23235, + "nee": 23236, + "Ġnonetheless": 23237, + "ĠNeeds": 23238, + "unittest": 23239, + "ĠDys": 23240, + "ĠVit": 23241, + "Ġoffenders": 23242, + "prev": 23243, + "ĠSteven": 23244, + "Ġshuttle": 23245, + "Ġphysicists": 23246, + "Ġpant": 23247, + "Ġreminiscent": 23248, + "Ġtenth": 23249, + "Ġauction": 23250, + "Ġmonster": 23251, + "Ġoriginating": 23252, + "Ġconcentrating": 23253, + "lia": 23254, + "Ġcomposting": 23255, + "Ġgraphene": 23256, + "lycer": 23257, + "Ġspecifies": 23258, + "ĠExpect": 23259, + "Optional": 23260, + "Ġimprisonment": 23261, + "Ġprepares": 23262, + "Ġnicely": 23263, + "Ġtorque": 23264, + "ĠCambodia": 23265, + "lasses": 23266, + "Ox": 23267, + "Ġanalysed": 23268, + "Ġexceeding": 23269, + "Ġeruptions": 23270, + "Ġbloody": 23271, + "Ġdetailing": 23272, + "racies": 23273, + "æĹ": 23274, + "edes": 23275, + "Ġanecd": 23276, + "Ġinfamous": 23277, + "ĠCup": 23278, + "ortions": 23279, + "elles": 23280, + "ĠImaging": 23281, + "belie": 23282, + "Ġmicrobiome": 23283, + "Ġfights": 23284, + "processor": 23285, + "aderie": 23286, + "Product": 23287, + "araderie": 23288, + "ĠAmsterdam": 23289, + "ĠSupply": 23290, + "tasks": 23291, + "Ġredemption": 23292, + "acs": 23293, + "Ġsecurities": 23294, + "Ġbedroom": 23295, + "Plan": 23296, + "Python": 23297, + "rules": 23298, + "ĠAverage": 23299, + "ĠBudget": 23300, + "ĠTheore": 23301, + "ĠAdvance": 23302, + "ĠAdmiral": 23303, + "ovolta": 23304, + "Ġpresidency": 23305, + "lene": 23306, + "oku": 23307, + "ĠFeatures": 23308, + "ï¿": 23309, + "edar": 23310, + "ĠFel": 23311, + "Ġpopul": 23312, + "Ġintegers": 23313, + "Ġimpairments": 23314, + "ĠManchester": 23315, + "Ġculprit": 23316, + "MIN": 23317, + "arently": 23318, + "ĠFilip": 23319, + "Ġbreakthroughs": 23320, + "GT": 23321, + "Ġestimating": 23322, + "ĠAustralians": 23323, + "ĠNova": 23324, + "Ġambiguity": 23325, + "ĠMak": 23326, + "Ġcoarse": 23327, + "ĠMayo": 23328, + "ĠExplorer": 23329, + "UNT": 23330, + "ĠWor": 23331, + "ighted": 23332, + "study": 23333, + "Gui": 23334, + "oux": 23335, + "ĠBreat": 23336, + "Ġexpenditures": 23337, + "ourt": 23338, + "ÙĬ": 23339, + "ĠContinental": 23340, + "ĠPsychiatry": 23341, + "WE": 23342, + "Ġtransient": 23343, + "claimer": 23344, + "library": 23345, + "ĠSeed": 23346, + "BV": 23347, + "Eth": 23348, + "gering": 23349, + "Ġshale": 23350, + "Ġconfirms": 23351, + "Indeed": 23352, + "Engine": 23353, + "Ġbelts": 23354, + "Ġstartup": 23355, + "Ġdemographics": 23356, + "Ġstrategically": 23357, + "ĠPractical": 23358, + "ruits": 23359, + "Ġparalysis": 23360, + "âĢ¦âĢĿ": 23361, + "Ġinvitation": 23362, + "fuels": 23363, + "ĠWorksheets": 23364, + "Ġtread": 23365, + "ĠBun": 23366, + "Ġintros": 23367, + "ĠSomething": 23368, + "ĠSlav": 23369, + "ĠCharacteristics": 23370, + "aci": 23371, + "Ġeds": 23372, + "Ġneutron": 23373, + "iesel": 23374, + "uez": 23375, + "Ġurgency": 23376, + "Ġprobabilities": 23377, + "CF": 23378, + "reth": 23379, + "ĠToxic": 23380, + "ĠFol": 23381, + "ĠArchive": 23382, + "Ġsquash": 23383, + "ĠClassification": 23384, + "uber": 23385, + "čĊĠĠĠĠ": 23386, + "Ġmeaningfully": 23387, + "ĠGrace": 23388, + "yaml": 23389, + "Blue": 23390, + "ĠMack": 23391, + "ĠHearing": 23392, + "Altern": 23393, + "Ġailments": 23394, + "ĠFou": 23395, + "Ġantiquity": 23396, + "itutional": 23397, + "ILITY": 23398, + "Ġcomedy": 23399, + "ĠLI": 23400, + "ĠGay": 23401, + "Ġmeasurable": 23402, + "ĠBeginning": 23403, + "Ġhandwriting": 23404, + "define": 23405, + "Ġinsecurity": 23406, + "ĠBened": 23407, + "ĠDemocracy": 23408, + "Ġmism": 23409, + "Ġhug": 23410, + "chr": 23411, + "Ġdecoration": 23412, + "ĠProviding": 23413, + "Ġrevenge": 23414, + "Ġsplend": 23415, + "rocess": 23416, + "Change": 23417, + "Ġheavens": 23418, + "Ġpelvic": 23419, + "Hum": 23420, + "amph": 23421, + "Ġmantle": 23422, + "ĠIntel": 23423, + "Ġrecharge": 23424, + "Ġsuspicion": 23425, + "oter": 23426, + "Ġcalculates": 23427, + "SELECT": 23428, + "yellow": 23429, + "Ġamerican": 23430, + "Ġvolt": 23431, + "HTTP": 23432, + "edical": 23433, + "Ġportal": 23434, + "Ġcontracted": 23435, + "Ġweighted": 23436, + "Ġsquee": 23437, + "STAT": 23438, + "Ġmelody": 23439, + "Ġorbiting": 23440, + "LU": 23441, + "ĠGon": 23442, + "phthalm": 23443, + "encoder": 23444, + "Ġmelanoma": 23445, + "=%": 23446, + "Ġfines": 23447, + "DEFAULT": 23448, + "perture": 23449, + "nets": 23450, + "Ġabuses": 23451, + "Ġevangel": 23452, + "measure": 23453, + "Ġextremes": 23454, + "otheli": 23455, + "Ġbolster": 23456, + "Perm": 23457, + "rtype": 23458, + "ĠKab": 23459, + "Everyone": 23460, + "Ġta": 23461, + "topl": 23462, + "Ġdizziness": 23463, + "ĠDVD": 23464, + "Ġmarkings": 23465, + "Ġconductivity": 23466, + "Ġauthorship": 23467, + "runt": 23468, + "ĠPittsburgh": 23469, + "Ġstric": 23470, + "Ġaccustomed": 23471, + "ĠAlexandria": 23472, + "Ġcorals": 23473, + "ĠCorinth": 23474, + "ĠRosen": 23475, + "Ġxml": 23476, + "Ġenthusiastic": 23477, + "Ġassure": 23478, + "Ġflames": 23479, + "ĠNotImplemented": 23480, + "Ġvas": 23481, + "talk": 23482, + "Thomas": 23483, + "Stream": 23484, + "essori": 23485, + "Ġambiguous": 23486, + "Ġinfer": 23487, + "Ġduplicate": 23488, + "invasive": 23489, + "Ġimprisoned": 23490, + "Pan": 23491, + "ĠPredict": 23492, + "Ġmodeled": 23493, + "orithm": 23494, + "ĠCNN": 23495, + "dead": 23496, + "Ġshocking": 23497, + "ATCH": 23498, + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĊĠĠĠĠĠĠĠĠĠĠĠ": 23499, + "Ġskepticism": 23500, + "Ġenclosure": 23501, + "Ġforestry": 23502, + "ĠModule": 23503, + "ĠCharlotte": 23504, + "Jewish": 23505, + "Ġms": 23506, + "ĠZimbabwe": 23507, + "Ġunusually": 23508, + "Ġbaptism": 23509, + "Roman": 23510, + "requent": 23511, + "ĠInfantry": 23512, + "ĠMorocco": 23513, + "might": 23514, + "ĠPant": 23515, + "Auto": 23516, + "gz": 23517, + "analy": 23518, + "ĠFriend": 23519, + "Ġrecruited": 23520, + "ĠBod": 23521, + "Ġherpes": 23522, + "Ġcamaraderie": 23523, + "Ġpervasive": 23524, + "ÉĻ": 23525, + "oratory": 23526, + "Ġattribut": 23527, + "ĠDiscover": 23528, + "Ġnurture": 23529, + "Summary": 23530, + "Pot": 23531, + "ĠLost": 23532, + "Ġcurv": 23533, + "Master": 23534, + "orect": 23535, + "acea": 23536, + "atha": 23537, + "ĠBloom": 23538, + "Ġpolynomial": 23539, + "Ġape": 23540, + "idad": 23541, + "ĠTas": 23542, + "Ġinterrog": 23543, + "gun": 23544, + "anation": 23545, + "Ġpeninsula": 23546, + "Ġcustody": 23547, + "Ġpenn": 23548, + "Ġbred": 23549, + "eston": 23550, + "Ġdisruptions": 23551, + "athon": 23552, + "Ġpuls": 23553, + "Hen": 23554, + "Ġpredicts": 23555, + "Plant": 23556, + "LOW": 23557, + "Ġturmoil": 23558, + "Ġcleanup": 23559, + "ĠSalv": 23560, + "OLD": 23561, + "Ġprotagonists": 23562, + "Ġitching": 23563, + "Ġadditive": 23564, + "Ġlitigation": 23565, + "ĠButton": 23566, + "Ġexercised": 23567, + "Ġts": 23568, + "racted": 23569, + "Ġrespiration": 23570, + "Ġskeptical": 23571, + "Default": 23572, + "Ġdictionaries": 23573, + "ĠDifficult": 23574, + "Ġbiomedical": 23575, + "Ġrevival": 23576, + "Ġneuron": 23577, + "ĠStatistical": 23578, + "Histor": 23579, + "Ġdisagreement": 23580, + "ĠFaculty": 23581, + "ĠLibraries": 23582, + "Ġpals": 23583, + "ĠBert": 23584, + "Ġoptimized": 23585, + "ĠAirport": 23586, + "´": 23587, + "Ġstove": 23588, + "Ġexhibitions": 23589, + "Ġcongreg": 23590, + "Connection": 23591, + "rass": 23592, + "ographically": 23593, + "Ġnouns": 23594, + "Recently": 23595, + "Ġutens": 23596, + "\"}": 23597, + "orp": 23598, + "Ġrelent": 23599, + "Ġgastric": 23600, + "Cy": 23601, + "ĠStuart": 23602, + "ĠCommissioner": 23603, + "Jesus": 23604, + "ĠSustainability": 23605, + "ĠDow": 23606, + "ĠShi": 23607, + "ICS": 23608, + "ĠHein": 23609, + "Dele": 23610, + "Ġdifferentiated": 23611, + "Ġensured": 23612, + "Ġcompetencies": 23613, + "functional": 23614, + "bis": 23615, + "ĠEndangered": 23616, + "Ġaccepts": 23617, + "rah": 23618, + "Ġenlightenment": 23619, + "Ġdiscriminatory": 23620, + "ĠRichards": 23621, + "scal": 23622, + "Ġindustrialization": 23623, + "Ġpeasants": 23624, + "ĠMW": 23625, + "_.": 23626, + "ĠGem": 23627, + "Ġpreparedness": 23628, + "ĠLane": 23629, + "Ġinference": 23630, + "beck": 23631, + "Ġwidow": 23632, + "invalid": 23633, + "Ġhull": 23634, + "ĠYan": 23635, + "Ġcherry": 23636, + "ĠSuccessful": 23637, + "ĠChoosing": 23638, + "ĠAdvisory": 23639, + "Ġsterile": 23640, + "Bo": 23641, + "Ġflooded": 23642, + "soriasis": 23643, + "Ġfrustrating": 23644, + "Cell": 23645, + "READ": 23646, + "igraphy": 23647, + "UCT": 23648, + "uned": 23649, + "Ġdiaphrag": 23650, + "Ġlatent": 23651, + "Ġexistential": 23652, + "ĠInstagram": 23653, + "consider": 23654, + "Ġworthwhile": 23655, + "Ġcabbage": 23656, + "ĠPartnership": 23657, + "orable": 23658, + "imming": 23659, + "istine": 23660, + "ocard": 23661, + "ĠKil": 23662, + "Ġundergone": 23663, + "protected": 23664, + "Ġintervene": 23665, + "eracy": 23666, + "Ġmayor": 23667, + "affected": 23668, + "Ġcredible": 23669, + "Ġsedentary": 23670, + "ĠMontgomery": 23671, + "Ġdocumenting": 23672, + "ĠAG": 23673, + "Ġseated": 23674, + "ĠGRE": 23675, + "lington": 23676, + "Ġcinema": 23677, + "ipes": 23678, + "Ġherds": 23679, + "Ġesc": 23680, + "Ġcontacted": 23681, + "Reference": 23682, + "ĠCoalition": 23683, + "Ġcompulsory": 23684, + "Sil": 23685, + "Psych": 23686, + "llib": 23687, + "Ġregret": 23688, + "why": 23689, + "igers": 23690, + "Ġreporter": 23691, + "Ġcoloured": 23692, + "Ġfried": 23693, + "Ġpolitician": 23694, + "Ġcontracting": 23695, + "Ġmodular": 23696, + "Ġlandowners": 23697, + "Ġfascination": 23698, + "Ġsanctions": 23699, + "ĠOccupational": 23700, + "Ġjudgement": 23701, + "ĠBulletin": 23702, + "Ġdaytime": 23703, + "Ġviability": 23704, + "Ġunderstandable": 23705, + "ĠExternal": 23706, + "Ġbenz": 23707, + "Ġ«": 23708, + "Ġconfigured": 23709, + "Ġrectangle": 23710, + "Ġencrypted": 23711, + "Ġthrew": 23712, + "ĠSI": 23713, + "Ġsparse": 23714, + "Ġdeserts": 23715, + "Ġicons": 23716, + "Ġadorned": 23717, + "Ġprocure": 23718, + "Ġlessen": 23719, + "/>": 23720, + "segment": 23721, + "Ġdefendant": 23722, + "ĠPublishers": 23723, + "reaching": 23724, + "ĠVas": 23725, + "Ġeval": 23726, + "Ġfurnace": 23727, + "ÑĢа": 23728, + "Ġbeetle": 23729, + "fac": 23730, + "ĠBour": 23731, + "Ġexplorer": 23732, + "plugin": 23733, + "Ġserm": 23734, + "itas": 23735, + "Ġgraphical": 23736, + "Management": 23737, + "Ġdissolve": 23738, + "Ġsoutheastern": 23739, + "Ġabnorm": 23740, + "ĠCircuit": 23741, + "Mass": 23742, + "dark": 23743, + "Ġrehe": 23744, + "Ġlease": 23745, + "scar": 23746, + "ĠSteps": 23747, + "Ġadvisable": 23748, + "ĠSatan": 23749, + "Ġmerits": 23750, + "Ġexceptionally": 23751, + "ĠHalloween": 23752, + "acking": 23753, + "ĠStrait": 23754, + "Ġpolluted": 23755, + "ĠArtists": 23756, + "Ġpolymers": 23757, + "cale": 23758, + "reason": 23759, + "ĠBurg": 23760, + "ĠFO": 23761, + "ĠLDL": 23762, + "Ġclan": 23763, + "Ġcurb": 23764, + "INFO": 23765, + "arvation": 23766, + "ĠMail": 23767, + "outube": 23768, + "ĠEmphas": 23769, + "consuming": 23770, + "ĠRabbi": 23771, + "apture": 23772, + "Ġrebels": 23773, + "Po": 23774, + "Ġunsuccessful": 23775, + "Ġrover": 23776, + "ĠPreservation": 23777, + "ĠTransform": 23778, + "primary": 23779, + "stery": 23780, + "ogy": 23781, + "ousands": 23782, + "ĠWallace": 23783, + "Ġpunctuation": 23784, + "Ġspp": 23785, + "Ġrunner": 23786, + "ĠClient": 23787, + "ĠPowerPoint": 23788, + "Ġunconventional": 23789, + "Ġlazy": 23790, + "Ġdistorted": 23791, + "ĠProperties": 23792, + "ĠClare": 23793, + "Ġphotons": 23794, + "Ġprogressively": 23795, + "Ġgranting": 23796, + "cn": 23797, + "Ġdire": 23798, + "čĊĠ": 23799, + "Ġderives": 23800, + "jah": 23801, + "Ġoffense": 23802, + "utory": 23803, + "ĠMesopotam": 23804, + "Ġcollects": 23805, + "ĠExperimental": 23806, + "Ap": 23807, + "ĠTi": 23808, + "Ġspherical": 23809, + "ĠShaw": 23810, + "grav": 23811, + "Ġarmor": 23812, + "rusted": 23813, + "Ġunchanged": 23814, + "Ġswings": 23815, + "ontally": 23816, + "Ġ})": 23817, + "ĠOrganizations": 23818, + "NF": 23819, + "iruses": 23820, + "Ġpainters": 23821, + "enes": 23822, + "Ġmotives": 23823, + "USER": 23824, + "ĠOmega": 23825, + "quisition": 23826, + "unal": 23827, + "Ġentang": 23828, + "Ġproposes": 23829, + "Working": 23830, + "chin": 23831, + "payload": 23832, + "Ġgoogle": 23833, + "ĠAtmospheric": 23834, + "mala": 23835, + "ivitis": 23836, + "ĠESA": 23837, + "Ġprominence": 23838, + "Ġcoursework": 23839, + "attice": 23840, + "Ġbasement": 23841, + "+\"": 23842, + "Ġcarbonate": 23843, + "Fun": 23844, + "getLogger": 23845, + "Ġgras": 23846, + "rading": 23847, + "ĠLiberal": 23848, + ")\",": 23849, + "lantic": 23850, + "quest": 23851, + "ĠNR": 23852, + "Ġunderstandings": 23853, + "Ġbehavioural": 23854, + "Could": 23855, + "Washington": 23856, + "raising": 23857, + "Vs": 23858, + "gold": 23859, + "Ġbyte": 23860, + "Ġspaced": 23861, + "Ġselfish": 23862, + "Ġregiment": 23863, + "Ġsemantic": 23864, + "ĠRocky": 23865, + "Ġcinnamon": 23866, + "Ġwomb": 23867, + "chief": 23868, + "Ġlecturer": 23869, + "Ġresembling": 23870, + "Ġ'',": 23871, + "ascar": 23872, + "Ġbundle": 23873, + "ourgeois": 23874, + "Ġtirelessly": 23875, + "Sat": 23876, + "Ġenrollment": 23877, + "vantages": 23878, + "Tips": 23879, + "ĠTao": 23880, + "Ġspat": 23881, + "Ġdemocr": 23882, + "Ġmissionary": 23883, + "ĠHindus": 23884, + "Prior": 23885, + "oct": 23886, + "Ġcarot": 23887, + "Ġcounselor": 23888, + "ocaly": 23889, + "ĠKIND": 23890, + "Ġsanit": 23891, + "Ġsolvent": 23892, + "ĠDisabilities": 23893, + "iper": 23894, + "sometimes": 23895, + "åľ": 23896, + "quin": 23897, + "ĠLot": 23898, + "rounded": 23899, + "commerce": 23900, + "(\"%": 23901, + "Ġmund": 23902, + "ĠKevin": 23903, + "ĠRegulations": 23904, + "celain": 23905, + "ĠJudah": 23906, + "Ġlettuce": 23907, + "Ġdancers": 23908, + "Ġabused": 23909, + "ĠNursing": 23910, + "Congratulations": 23911, + "Ġbile": 23912, + "Ġdroughts": 23913, + "sched": 23914, + "Ġhemp": 23915, + "Ġinvari": 23916, + "Ġconstituted": 23917, + "Ġmeticulous": 23918, + "Ġspear": 23919, + "Individual": 23920, + "Ah": 23921, + "respect": 23922, + "Ġpoorest": 23923, + "ĠCircle": 23924, + "omaly": 23925, + "ĠCategory": 23926, + "chanical": 23927, + "Ġmanifestation": 23928, + "Ġrationale": 23929, + "ĠCod": 23930, + "ggle": 23931, + "Ġbrowse": 23932, + "Ġinconsist": 23933, + "ĠSut": 23934, + "Ġprosperous": 23935, + "Ġmunicipalities": 23936, + "Ġenrichment": 23937, + "ĠDIY": 23938, + "ÙĪ": 23939, + "Ġwines": 23940, + "Ġnec": 23941, + "ĠMedicaid": 23942, + "Ġexacerbate": 23943, + "anus": 23944, + "ibular": 23945, + "ĠArduino": 23946, + "Ġв": 23947, + "negie": 23948, + "Ġesophagus": 23949, + "ĠHend": 23950, + "ĠRs": 23951, + "Ġshining": 23952, + "ĠAlban": 23953, + "CoV": 23954, + "/\"": 23955, + "emann": 23956, + "ĠMeteor": 23957, + "George": 23958, + "education": 23959, + "GH": 23960, + "ĠATP": 23961, + "Ġexting": 23962, + "Ġparliamentary": 23963, + "}'.": 23964, + "ĠHat": 23965, + "ĠGates": 23966, + "Ġchores": 23967, + "ĠDoctors": 23968, + "innitus": 23969, + "×ķ": 23970, + "Ġlending": 23971, + "ĠBath": 23972, + "izards": 23973, + "Ġtoddlers": 23974, + "Ġpall": 23975, + "posium": 23976, + "Ġcontractors": 23977, + "Ġsigma": 23978, + "Ġfals": 23979, + "etc": 23980, + "Ġtransporting": 23981, + "Ġlaund": 23982, + "Ġprogrammers": 23983, + "ĠWag": 23984, + "ĠEagle": 23985, + "Ġunravel": 23986, + "Ġinscription": 23987, + "ĠAllies": 23988, + "Ġirrevers": 23989, + "ĠManufacturing": 23990, + "wrap": 23991, + "Ġtect": 23992, + "irling": 23993, + "ĠMul": 23994, + "Ġclue": 23995, + "Ġsupplying": 23996, + "Ġpunished": 23997, + "Ġcrews": 23998, + "Ġpersuade": 23999, + "Ġpeacefully": 24000, + "ĠCheroke": 24001, + "ĠOrganisation": 24002, + "ĠPanama": 24003, + "Ġdistortion": 24004, + "Ġadmired": 24005, + "ов": 24006, + "Ġsemiconductor": 24007, + "fills": 24008, + "ipel": 24009, + "Ġadvertisements": 24010, + "ĠĠĠĠĠĠĠĠĠĠĠĠĠ": 24011, + "Ġexcessively": 24012, + "Ġtransplantation": 24013, + "dehyde": 24014, + "Hyd": 24015, + "ĠProdu": 24016, + "\"][": 24017, + "ĠAugustine": 24018, + "ĠDivide": 24019, + "Ġtravers": 24020, + "Ġjoke": 24021, + "?âĢĻ": 24022, + "MRI": 24023, + "åº": 24024, + "Ġsubmerged": 24025, + "Ġrebuilt": 24026, + "utan": 24027, + "Ġalcoholic": 24028, + "Ġnavy": 24029, + "Ġrevolt": 24030, + "fname": 24031, + "Ġcact": 24032, + "itious": 24033, + "acchar": 24034, + "Ġtoddler": 24035, + "Ġtan": 24036, + "ĠChoice": 24037, + "designed": 24038, + "Ġvolunteering": 24039, + "Ġmystical": 24040, + "ĠHarmony": 24041, + "Fire": 24042, + "lead": 24043, + "ĠReformation": 24044, + "Ġperiodontal": 24045, + "Er": 24046, + "Middle": 24047, + "VR": 24048, + "ĠMyanmar": 24049, + "compatible": 24050, + "Ġknot": 24051, + "lecting": 24052, + "Ġsums": 24053, + "ĠPine": 24054, + "Ġcans": 24055, + "Ġleague": 24056, + "Ġregisters": 24057, + "Ġproponents": 24058, + "ĠWide": 24059, + "ĠConnections": 24060, + "aning": 24061, + "ĠFruit": 24062, + "ĠAdobe": 24063, + "ĠMarketing": 24064, + "harm": 24065, + "Ġequival": 24066, + "Ġirrational": 24067, + "Ġprobiotics": 24068, + "Ġpreventable": 24069, + "Ġsqueeze": 24070, + "ĠBrooklyn": 24071, + "mith": 24072, + "Ġcott": 24073, + "oxy": 24074, + "Ġeconomical": 24075, + "ĠRespect": 24076, + "ĠDoing": 24077, + "Ġsinger": 24078, + "spot": 24079, + "ĠPrivacy": 24080, + "urious": 24081, + "INS": 24082, + "Ġtuition": 24083, + "ĠOriginally": 24084, + "ĠTesla": 24085, + "Ġborne": 24086, + "ĠSAT": 24087, + "asso": 24088, + "protein": 24089, + "Ġpacking": 24090, + "ĠPolar": 24091, + "ĠWhenever": 24092, + "Ġbiting": 24093, + "ĠCu": 24094, + "Ġconfigure": 24095, + "ĠPerspective": 24096, + "ĠUtilizing": 24097, + "Ġexaggerated": 24098, + "Clean": 24099, + "Ġlocks": 24100, + "secure": 24101, + "ĠRadiation": 24102, + "Ġbuilder": 24103, + "Ġrevital": 24104, + "ĠTypeError": 24105, + "Ġconveyed": 24106, + "Ġlamin": 24107, + "ĠDM": 24108, + "ĠElder": 24109, + "sided": 24110, + "Ġcush": 24111, + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 24112, + "Ġdenying": 24113, + "ĠTreasury": 24114, + "Ġpuppy": 24115, + "ĠStewart": 24116, + "Ġslu": 24117, + "Ġsewing": 24118, + "rising": 24119, + "those": 24120, + "Ġvertex": 24121, + "]/": 24122, + "Ġ')": 24123, + "translate": 24124, + "oust": 24125, + "Ġinfancy": 24126, + "export": 24127, + "ÃŃs": 24128, + "Ġundesirable": 24129, + "cand": 24130, + "ĠPharaoh": 24131, + "ĠCareer": 24132, + "Ġfishermen": 24133, + "Ġhierarchies": 24134, + "Ġquar": 24135, + "ĠTraffic": 24136, + "Ġmigratory": 24137, + "Ġvertebra": 24138, + "Protocol": 24139, + "sil": 24140, + "Ġendocrine": 24141, + "coords": 24142, + "panish": 24143, + "naments": 24144, + "Ġpraised": 24145, + "Ġsheds": 24146, + "Ġsatisfactory": 24147, + "wheel": 24148, + "Ġrecurs": 24149, + "ĠVatican": 24150, + "Ġsupervised": 24151, + "Pool": 24152, + "Ġnortheastern": 24153, + "ĠBond": 24154, + "ĠBuck": 24155, + "ĠGit": 24156, + "ĠThought": 24157, + "adj": 24158, + "Ġinfestation": 24159, + "Ġweighed": 24160, + "ĠWel": 24161, + "Ġcompile": 24162, + "ĠWheel": 24163, + "Ġtolerant": 24164, + ">\",": 24165, + "anza": 24166, + "Ġresent": 24167, + "ĠIncrease": 24168, + "iso": 24169, + "astrous": 24170, + "aja": 24171, + "Ġbeaten": 24172, + "urom": 24173, + "ĠLas": 24174, + "Ġdonate": 24175, + "ĠChapel": 24176, + "ortic": 24177, + "Ġengages": 24178, + "backend": 24179, + "Ġβ": 24180, + "Ġstimulated": 24181, + "Computer": 24182, + "Ur": 24183, + "kan": 24184, + "ipper": 24185, + "evolving": 24186, + "xuality": 24187, + "arnation": 24188, + "Ġgeneralized": 24189, + "Ġsweep": 24190, + "Ġhomeschool": 24191, + "gre": 24192, + "Ġpens": 24193, + "Ġoverflow": 24194, + "Ġdeficient": 24195, + "purpose": 24196, + "ĠHughes": 24197, + "iotherapy": 24198, + "plate": 24199, + "ĠVirus": 24200, + "ĠConstitutional": 24201, + "Turn": 24202, + "Ġcompose": 24203, + "Ġdetention": 24204, + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 24205, + "ĠDemonstr": 24206, + "depend": 24207, + "Ġlowers": 24208, + "occur": 24209, + "Ġthinner": 24210, + "�": 24211, + "Ġpiles": 24212, + "Ġorphan": 24213, + "ĠNar": 24214, + "setter": 24215, + "Ġconspiracy": 24216, + "Document": 24217, + "ĠCAD": 24218, + "Ġcurrencies": 24219, + "ĠPeoples": 24220, + "ĠWWII": 24221, + "Sn": 24222, + "Ġinduct": 24223, + "Ġstairs": 24224, + "Ġcalibr": 24225, + "ACH": 24226, + "orum": 24227, + "Ġthematic": 24228, + "Ġ:]": 24229, + "ĠApproximately": 24230, + "Ġprofoundly": 24231, + "ĠLieutenant": 24232, + "yards": 24233, + "ĠHemisphere": 24234, + "Ġarous": 24235, + "inently": 24236, + "Ġont": 24237, + "orers": 24238, + "Ġbuilders": 24239, + "ĠQual": 24240, + "adjust": 24241, + "ĠHond": 24242, + "means": 24243, + "Ġrouting": 24244, + "Ġnuclei": 24245, + "ĠLabel": 24246, + "Ġhints": 24247, + "anding": 24248, + "orneys": 24249, + "omo": 24250, + "chrom": 24251, + "ĠLisa": 24252, + "Ġfactual": 24253, + "ĠPluto": 24254, + "Ġcray": 24255, + "ĠMasters": 24256, + "ĠIsaiah": 24257, + "eight": 24258, + "uristic": 24259, + "ĠReef": 24260, + "Ġpurification": 24261, + "Ġwartime": 24262, + "lett": 24263, + "mot": 24264, + "ĠMining": 24265, + "ĠMamm": 24266, + "intensity": 24267, + "Ġproceeded": 24268, + "Ġlesbian": 24269, + "Ġlumber": 24270, + "ĠMerc": 24271, + "Ġresiding": 24272, + "Ġcoerc": 24273, + "Ġveteran": 24274, + "ensen": 24275, + "Ġsustaining": 24276, + "Ġreplen": 24277, + "ĠIncome": 24278, + "brand": 24279, + "Ġtribut": 24280, + "Ġgn": 24281, + "ĠCome": 24282, + "Ġwinding": 24283, + "Ġtriggering": 24284, + "ĠCarlos": 24285, + "ĠNATO": 24286, + "Ġpushes": 24287, + "LI": 24288, + "Ġlane": 24289, + "ĠConfuci": 24290, + "ĠDifference": 24291, + "ĠLiu": 24292, + "ĠGuy": 24293, + "Ġsquirrels": 24294, + "tens": 24295, + "Ġstair": 24296, + "ĠCriminal": 24297, + "Ġmodalities": 24298, + "***": 24299, + "Ġcruise": 24300, + "Ġeczema": 24301, + "ĠNHS": 24302, + "Ġmigraine": 24303, + "Ġdormant": 24304, + "cig": 24305, + "renched": 24306, + "asonry": 24307, + "Ġsubstitution": 24308, + "Ġchore": 24309, + "ĠRyan": 24310, + "Ġacknowledges": 24311, + "Ġblown": 24312, + "Ġmonumental": 24313, + "Ġost": 24314, + "ĠAuthent": 24315, + "ĠLaura": 24316, + "gated": 24317, + "ĠHerbert": 24318, + "ĠONE": 24319, + "critical": 24320, + "Ġdyes": 24321, + "Ġboots": 24322, + "Ġkinetic": 24323, + "Eval": 24324, + "Ġrefresh": 24325, + "ivided": 24326, + "Ġpretend": 24327, + "ĠDevice": 24328, + ")],": 24329, + "aq": 24330, + "sten": 24331, + "Ġcalming": 24332, + "Ġobservational": 24333, + "bc": 24334, + "ĠAlpha": 24335, + "Ġgeothermal": 24336, + "ĠiPad": 24337, + "rf": 24338, + "Ġnarc": 24339, + "Ġperpendicular": 24340, + "Ġformative": 24341, + "Ġriders": 24342, + "Western": 24343, + "ĠCoc": 24344, + "ĠNad": 24345, + "clinical": 24346, + "Ġreddish": 24347, + "ĠJake": 24348, + "Ġcostumes": 24349, + "align": 24350, + "Ġdefended": 24351, + "ĠRein": 24352, + "Ġelevate": 24353, + "Ġridicul": 24354, + "Similar": 24355, + "Ġconjug": 24356, + "socket": 24357, + "ĠKo": 24358, + "Ġhelper": 24359, + "Ġlottery": 24360, + "Ġgranite": 24361, + "}$": 24362, + "Ġrestrictive": 24363, + "Often": 24364, + "beans": 24365, + "Ġmammal": 24366, + "moving": 24367, + "Ġoh": 24368, + "Ġnoisy": 24369, + "arguments": 24370, + "Ġcathedral": 24371, + "Ġinvestigator": 24372, + "Ġpouring": 24373, + "Ġproductions": 24374, + "cit": 24375, + "Ġgrammatical": 24376, + "Law": 24377, + "ĠGrow": 24378, + "transpose": 24379, + "faction": 24380, + "Ġclustering": 24381, + "Ġlately": 24382, + "Ġdiscol": 24383, + "Ġhardy": 24384, + "Ġoptic": 24385, + "suff": 24386, + "icture": 24387, + "oplast": 24388, + "Ġclo": 24389, + "Ġliable": 24390, + "iquette": 24391, + "ĠCommerce": 24392, + "Ġkingdoms": 24393, + "Ġpuberty": 24394, + "ĠCats": 24395, + "ARCH": 24396, + "Ġslows": 24397, + "Ġmouths": 24398, + "Ġpigments": 24399, + "Ġnormalize": 24400, + "Little": 24401, + "oulder": 24402, + "(\"--": 24403, + "Ġcounselors": 24404, + "Mad": 24405, + "business": 24406, + "cases": 24407, + "Ġnotification": 24408, + "Ġuniqueness": 24409, + "something": 24410, + "ĠDiscovering": 24411, + "Bot": 24412, + "Ġprognosis": 24413, + "Ġstatute": 24414, + "Ġassertion": 24415, + "Ġsweeping": 24416, + "Ġaccomplishment": 24417, + "ĠIdeally": 24418, + "progress": 24419, + "!\")": 24420, + "Ġmissiles": 24421, + "Ġscripture": 24422, + "ĠNathan": 24423, + "needed": 24424, + "obiles": 24425, + "Ġrotor": 24426, + "Ġintertwined": 24427, + "orectal": 24428, + "Ġeras": 24429, + "Ġfeminine": 24430, + "ucking": 24431, + "similar": 24432, + "ropolis": 24433, + "ingles": 24434, + "ĠPere": 24435, + "ractical": 24436, + "ISH": 24437, + "ĠHistorically": 24438, + "Ġvault": 24439, + "radius": 24440, + "Ġtimestamp": 24441, + "Ġobstruction": 24442, + "Ġastonishing": 24443, + "would": 24444, + "ench": 24445, + "Ġonwards": 24446, + "Ġblamed": 24447, + "Ġmediation": 24448, + "Ġviolated": 24449, + "Ġfortress": 24450, + "Ġvocational": 24451, + "Ġinvestor": 24452, + "helper": 24453, + "etermined": 24454, + "Ġsights": 24455, + "Ġadvisors": 24456, + "Ġarid": 24457, + "Ġchimpan": 24458, + "Ġsarc": 24459, + "Ġprerequ": 24460, + "Ġthoughtfully": 24461, + "Ġaspirin": 24462, + "ĠMead": 24463, + "ternally": 24464, + "Ġbride": 24465, + "Ġvaccinations": 24466, + "Ġconfidentiality": 24467, + "Ġalliances": 24468, + "Ġstunt": 24469, + "ĠPlastic": 24470, + "idding": 24471, + "Ġdiagnosing": 24472, + "Ġreferenced": 24473, + "Ġscaled": 24474, + "Ġthrows": 24475, + "Ġrealise": 24476, + "Ġoppose": 24477, + "Ġdevil": 24478, + "TIME": 24479, + "Ġtrajectories": 24480, + "ĠPollution": 24481, + "uffs": 24482, + "Ġadmiration": 24483, + "Ġscattering": 24484, + "asket": 24485, + "Ġtrademark": 24486, + "Ok": 24487, + "ĠÄ": 24488, + "Ġobsolete": 24489, + "Ġconfuse": 24490, + "ĠDomestic": 24491, + ")\\": 24492, + "Ġtart": 24493, + "ĠArray": 24494, + "ĠFarmers": 24495, + "certain": 24496, + "Ġexperiential": 24497, + "ynes": 24498, + "Analy": 24499, + "Ġbilateral": 24500, + "Ġfolded": 24501, + "Ġnegotiating": 24502, + "Ġlawsuit": 24503, + "facts": 24504, + "Ġsunshine": 24505, + "Ġseparates": 24506, + "ĠAnyone": 24507, + "ĠComparison": 24508, + "Ġhort": 24509, + "Ġ[{": 24510, + "âĢ¦]": 24511, + "ĠUpdated": 24512, + "Ġimperialism": 24513, + "Tem": 24514, + "erately": 24515, + "Ġfills": 24516, + "ĠWid": 24517, + "ĠWave": 24518, + "Ġsuffrage": 24519, + "imo": 24520, + "Ġobl": 24521, + "ossibly": 24522, + "Ġaffinity": 24523, + "Ġfiling": 24524, + "handed": 24525, + "Ġfn": 24526, + "Ġoutwe": 24527, + "atered": 24528, + "acid": 24529, + "ĠCoron": 24530, + "Ġaromatic": 24531, + "Ġreperto": 24532, + "ĠGrid": 24533, + "Ġurging": 24534, + "ĠEco": 24535, + "Ġrainy": 24536, + "IGN": 24537, + "Ġtranqu": 24538, + "uli": 24539, + "Ġconditional": 24540, + "Ġcrab": 24541, + "Ġbonus": 24542, + "RNAs": 24543, + "Ġsta": 24544, + "Ġhedge": 24545, + "arine": 24546, + "Ġnullable": 24547, + "Ġdisastrous": 24548, + "fired": 24549, + "avoid": 24550, + "sexual": 24551, + "Ġevacuation": 24552, + "Ġladies": 24553, + "OB": 24554, + "ategy": 24555, + "////": 24556, + "witz": 24557, + "Ġgreener": 24558, + "constant": 24559, + "Ġprowess": 24560, + "Ġpaving": 24561, + "Ġ\"[": 24562, + "Ġcanine": 24563, + "plastic": 24564, + "ĠReagan": 24565, + "Ġwrink": 24566, + "ĠIbid": 24567, + "ections": 24568, + "ĠBrist": 24569, + "Ġdiagonal": 24570, + "Ġbasil": 24571, + "curricular": 24572, + "ĠReduction": 24573, + "ĠRestoration": 24574, + "Ġarticulate": 24575, + "ĠRachel": 24576, + "Ġbran": 24577, + "Ġaligns": 24578, + "Ġdermatitis": 24579, + "ĠCord": 24580, + "Ġrelativity": 24581, + "avers": 24582, + "jour": 24583, + "pse": 24584, + "Ġhone": 24585, + "Ġdrained": 24586, + "ilian": 24587, + "ĠWoods": 24588, + "Ġmillennia": 24589, + "Ġeigen": 24590, + "otrop": 24591, + "ĠHipp": 24592, + "ĠLung": 24593, + "Ġrainbow": 24594, + "ĠPotter": 24595, + "Ġtheta": 24596, + "ichi": 24597, + "Ġunite": 24598, + "Ġacron": 24599, + "ĠRelease": 24600, + "Ġdrastic": 24601, + "Ġmeanwhile": 24602, + "Ġprofessionally": 24603, + "Ġcornerstone": 24604, + "ĠRomantic": 24605, + "pipeline": 24606, + "GD": 24607, + "ĠPrevious": 24608, + "Loss": 24609, + "pra": 24610, + "istered": 24611, + "ĠCollaboration": 24612, + "Ġwipe": 24613, + "Ġregener": 24614, + "ĠBee": 24615, + "Ġdecorations": 24616, + "Ġmigrant": 24617, + "Ġguardians": 24618, + "Ġhorns": 24619, + "Ġusable": 24620, + "Ġinfertility": 24621, + "Ġaffair": 24622, + "ĠViking": 24623, + "Hol": 24624, + "RY": 24625, + "woman": 24626, + "Ġmalf": 24627, + "randint": 24628, + "Ġvitality": 24629, + "ĠHamlet": 24630, + "anne": 24631, + "ĠHz": 24632, + "entric": 24633, + "ilitary": 24634, + "Ġ\"{": 24635, + "ovo": 24636, + "skin": 24637, + "ighthouse": 24638, + "Ġmaple": 24639, + "ĠBasically": 24640, + "Ġcakes": 24641, + "peace": 24642, + "Ġoutright": 24643, + "remote": 24644, + "ĠMidwest": 24645, + "Ġpension": 24646, + "Ġspeculative": 24647, + "()]": 24648, + "Ġcomplexes": 24649, + ".',": 24650, + "Ġhuh": 24651, + "izontal": 24652, + "Ġconstraint": 24653, + "Ġrhyme": 24654, + "ĠBronze": 24655, + "Ġsketches": 24656, + "ĠCha": 24657, + "ĠYOUR": 24658, + "Attribute": 24659, + "Ġadhesive": 24660, + "ĠFrances": 24661, + "IDE": 24662, + "Ġtrustworthy": 24663, + "Record": 24664, + "ĠKum": 24665, + "Ġfrank": 24666, + "Ġhonored": 24667, + "trl": 24668, + "Ġgrouping": 24669, + "Ġwildfires": 24670, + "Ġcounterpart": 24671, + "ĠMetal": 24672, + "Ġhorizontally": 24673, + "ÑģÑĤ": 24674, + "ĠRogers": 24675, + "ĠPoverty": 24676, + "ĠGrey": 24677, + "Ġbeforehand": 24678, + "Age": 24679, + "Ġlac": 24680, + "ĠFib": 24681, + "endered": 24682, + "Ġinvaders": 24683, + "Ġinterst": 24684, + "exceptions": 24685, + "IE": 24686, + "enario": 24687, + "Ġlur": 24688, + "scan": 24689, + "ĠCalvin": 24690, + "Ġpackaged": 24691, + "Ġvenue": 24692, + "ĠRhode": 24693, + "ĠAaron": 24694, + "ĠFlat": 24695, + "Quant": 24696, + "Ġfoil": 24697, + "Ġatten": 24698, + "Ġcarving": 24699, + "']))": 24700, + "controll": 24701, + "ĠSabbath": 24702, + "mul": 24703, + "ĠInn": 24704, + "Ġhybrids": 24705, + "ĠAmy": 24706, + "Ġholders": 24707, + "ĠIdentification": 24708, + "rinted": 24709, + "Ġcancell": 24710, + "Ġrelational": 24711, + "Ġsliding": 24712, + "ï¼ļ": 24713, + "âĢĿ?": 24714, + "Ġfamously": 24715, + "ĠStrategic": 24716, + "engineering": 24717, + "Ġsubscribe": 24718, + "brow": 24719, + "arations": 24720, + "Ġsolace": 24721, + "ĠLocation": 24722, + "Ġhydration": 24723, + "Ġtasked": 24724, + "Ġreproduced": 24725, + "Ber": 24726, + "Creat": 24727, + "Ġppm": 24728, + "Ġimplicated": 24729, + "Ġauthoritative": 24730, + "Ġunwilling": 24731, + "ĠAnalyzing": 24732, + "cod": 24733, + "Ġcomposers": 24734, + "hig": 24735, + "Ġhose": 24736, + "ĠActually": 24737, + "push": 24738, + "imet": 24739, + "oslav": 24740, + "ĠDH": 24741, + "Ġworkings": 24742, + "important": 24743, + "Ġexecut": 24744, + "Fre": 24745, + "Hub": 24746, + "Ġentrepreneurship": 24747, + "Ġligaments": 24748, + "JECT": 24749, + "Ġboiled": 24750, + "ĠPerfect": 24751, + "ĠCarn": 24752, + "ĠVik": 24753, + "culture": 24754, + "isha": 24755, + "oxin": 24756, + "Ġmaximizing": 24757, + "Ġeliminates": 24758, + "ĠExtra": 24759, + "Ġglaucoma": 24760, + "Ġgrids": 24761, + "ĠEdge": 24762, + "Ġadvisory": 24763, + "ĠSummit": 24764, + "Ġlegitimacy": 24765, + "fail": 24766, + "Ġdisposable": 24767, + "inx": 24768, + "Ġatop": 24769, + "Ġ______": 24770, + "communication": 24771, + "Ġchampions": 24772, + "itality": 24773, + "Ġwoodland": 24774, + "again": 24775, + "iko": 24776, + "ĠConstantin": 24777, + "Ġlump": 24778, + "Ġpatrol": 24779, + "Ġsequential": 24780, + "ĠFuk": 24781, + "Ġanticipation": 24782, + "Ġattainment": 24783, + "ĠAbsolutely": 24784, + "Prom": 24785, + "watering": 24786, + "ĠOlder": 24787, + "ontology": 24788, + "Ġacidity": 24789, + "Later": 24790, + "Ġarena": 24791, + "ĠMale": 24792, + "Ġretros": 24793, + "Ġboiler": 24794, + "ĠMontessori": 24795, + "Ġvertices": 24796, + "eming": 24797, + "ĠObviously": 24798, + "Institutions": 24799, + "ĠAuthors": 24800, + "intensive": 24801, + "Ġquartz": 24802, + "ĠApproaches": 24803, + "Ġforaging": 24804, + "ĠCIA": 24805, + "archive": 24806, + "Ġshowcases": 24807, + "Ġlaptops": 24808, + "esthetic": 24809, + "ĠLip": 24810, + "Ġfounders": 24811, + "Ġdrills": 24812, + "Ġpercentages": 24813, + "=\\": 24814, + "ivating": 24815, + "ĠLiv": 24816, + "Ġstealing": 24817, + "sha": 24818, + "Ġdoctrines": 24819, + "Mor": 24820, + "Position": 24821, + "vents": 24822, + "props": 24823, + "ophysical": 24824, + "Ġreverence": 24825, + "Ġnucleot": 24826, + "ĠDrugs": 24827, + "ĠCause": 24828, + "ĠPont": 24829, + "ĠLLC": 24830, + "Ġwasting": 24831, + "âĢĿ;": 24832, + "ĠProc": 24833, + "behavior": 24834, + "inai": 24835, + "ĠVolcan": 24836, + "ĠReviews": 24837, + "éĢ": 24838, + "ĠExamining": 24839, + "ĠAstronomy": 24840, + "Ġinforming": 24841, + "USA": 24842, + "anthrop": 24843, + "edged": 24844, + "Ġjointly": 24845, + "Ġdrains": 24846, + "Ġcoats": 24847, + "Ġcollaborators": 24848, + "yst": 24849, + "udence": 24850, + "Ġinflux": 24851, + "Upon": 24852, + "Generally": 24853, + "Ġaccelerating": 24854, + "Ġleakage": 24855, + "ĠLandscape": 24856, + "ĠRig": 24857, + "Ġstellar": 24858, + "Ġfourteen": 24859, + "enguins": 24860, + "complex": 24861, + "ĠPoints": 24862, + "munition": 24863, + "cnt": 24864, + "Ġsynd": 24865, + "Ġpersec": 24866, + "ĠTwenty": 24867, + "missing": 24868, + "Explore": 24869, + ")',": 24870, + "Indian": 24871, + "ĠMongol": 24872, + "BUG": 24873, + "apache": 24874, + "eca": 24875, + "Ġclearance": 24876, + "Ġsync": 24877, + "ĠAPA": 24878, + "STEM": 24879, + "Ġcomparatively": 24880, + "Ġdiscouraged": 24881, + "ĠSomeone": 24882, + "Ġpige": 24883, + "Ġvoter": 24884, + "\"},": 24885, + "Poly": 24886, + "Ġasylum": 24887, + "Ġrenewal": 24888, + "Ġcosmos": 24889, + "background": 24890, + "Ġcontrollers": 24891, + "Ġpetals": 24892, + "Simple": 24893, + "ĠShip": 24894, + "Ġconnective": 24895, + "Ġdensities": 24896, + "past": 24897, + "atts": 24898, + "Ġbiotechnology": 24899, + "Ġdigitally": 24900, + "dp": 24901, + "mix": 24902, + "Ġsuck": 24903, + "uador": 24904, + "Ġfolding": 24905, + "Fs": 24906, + "lst": 24907, + "ĠSession": 24908, + "rylic": 24909, + "Less": 24910, + "Ġemig": 24911, + "Ġrepay": 24912, + "ĠExpert": 24913, + "smart": 24914, + "ND": 24915, + "ĠBound": 24916, + "ĠInuit": 24917, + "brance": 24918, + "Ġornamental": 24919, + "angar": 24920, + "Ġgeomet": 24921, + "impro": 24922, + "amic": 24923, + "ivari": 24924, + "Chinese": 24925, + "Ġarchitectures": 24926, + "ĠâĤ¬": 24927, + "Ġfaulty": 24928, + "ĠRoute": 24929, + "Ts": 24930, + "cribed": 24931, + "artments": 24932, + "ĠZen": 24933, + "Ġdelegates": 24934, + "Ġadviser": 24935, + "Ġborrowing": 24936, + "Ġsoybean": 24937, + "Ġaugment": 24938, + "machine": 24939, + "Ġpending": 24940, + "adan": 24941, + "ĠPion": 24942, + "Ġcrest": 24943, + "rystal": 24944, + "Ġdecentralized": 24945, + "ĠFly": 24946, + "ongs": 24947, + "ĠStudio": 24948, + "Ġcapacitor": 24949, + "Ġdepictions": 24950, + "Wild": 24951, + "ĠDeut": 24952, + "Ġhardest": 24953, + "Selection": 24954, + "ĠArmstrong": 24955, + "Ġfeasibility": 24956, + "Ġcatheter": 24957, + "й": 24958, + "ĠWebsite": 24959, + "Tom": 24960, + "tu": 24961, + "Ġspor": 24962, + "ĠGods": 24963, + "Ġoval": 24964, + "Ġunintended": 24965, + "icc": 24966, + "############": 24967, + "Ġpsychotherapy": 24968, + "Islam": 24969, + "Ġadjective": 24970, + "Parents": 24971, + "Ġdepleted": 24972, + "Ġplumbing": 24973, + "Along": 24974, + "partial": 24975, + "ĠRus": 24976, + "ĠRick": 24977, + "ĠNJ": 24978, + "agascar": 24979, + "ĠEdwards": 24980, + "intern": 24981, + "ĠHomer": 24982, + "ucked": 24983, + "Ġexported": 24984, + "secondary": 24985, + "Batch": 24986, + "Names": 24987, + "ĠThan": 24988, + "Ġrevisions": 24989, + "Ġabolished": 24990, + "Ġilleg": 24991, + "Ġtwisted": 24992, + "Ġpri": 24993, + "Ġinward": 24994, + "olin": 24995, + "ĠTE": 24996, + "ĠBiodiversity": 24997, + "ĠExped": 24998, + "Ġyummy": 24999, + "Ġmultidisciplinary": 25000, + "colm": 25001, + "ĠDenver": 25002, + "Ġsporting": 25003, + "lar": 25004, + "Initial": 25005, + "ĠBach": 25006, + "Ġtornado": 25007, + "Account": 25008, + "boy": 25009, + "itories": 25010, + "Ġrap": 25011, + "ĠWritten": 25012, + "arbons": 25013, + "jobs": 25014, + "soon": 25015, + "Ġrifle": 25016, + "Pay": 25017, + "wt": 25018, + "rama": 25019, + "Ġsynonymous": 25020, + "sal": 25021, + "Ġrim": 25022, + "reduce": 25023, + "proxy": 25024, + "Ġsurprises": 25025, + "ĠConcern": 25026, + "}:": 25027, + "igmat": 25028, + "ĠQuantum": 25029, + "Ġassemble": 25030, + "Ġhelpless": 25031, + "ajo": 25032, + "Ġmilestone": 25033, + "Ġgroundwork": 25034, + "Ġknots": 25035, + "guard": 25036, + "Ġmonopoly": 25037, + "Ġanonym": 25038, + "Ġmilitia": 25039, + "Ġsweating": 25040, + "ĠWool": 25041, + "plicates": 25042, + "ĠIndonesian": 25043, + "otation": 25044, + "ĠRanch": 25045, + "Ġcryptocurrency": 25046, + "Ġmoth": 25047, + "ĠWu": 25048, + "mium": 25049, + "wic": 25050, + "Ġtrainer": 25051, + "rological": 25052, + "Ġcorrelations": 25053, + "ĠSend": 25054, + "ĠCharacters": 25055, + "ĠIvan": 25056, + "ĠBanks": 25057, + "Ġtyr": 25058, + "ĠFisheries": 25059, + "Ġstarvation": 25060, + "modified": 25061, + "Ġseminal": 25062, + "lance": 25063, + "Ġrevel": 25064, + "ĠMeg": 25065, + "Entry": 25066, + "iduous": 25067, + "Ġempath": 25068, + "bek": 25069, + "ĠWhereas": 25070, + "reported": 25071, + "ĠGradually": 25072, + "Ġhardship": 25073, + "ĠIbn": 25074, + "izarre": 25075, + "problem": 25076, + "Ġglacier": 25077, + "African": 25078, + "Ġgenera": 25079, + "Ġendors": 25080, + "filepath": 25081, + "etooth": 25082, + "pty": 25083, + "Area": 25084, + "osocial": 25085, + "ĠYug": 25086, + "Ġbreaths": 25087, + "adv": 25088, + "ORK": 25089, + "Ġtensorflow": 25090, + "Ġpirates": 25091, + "inel": 25092, + "Ġinorganic": 25093, + "icable": 25094, + "ĠTuple": 25095, + "Ġperimeter": 25096, + "ĠEssentially": 25097, + "Ġdentists": 25098, + "Historical": 25099, + "Ġcruelty": 25100, + "cum": 25101, + "Ġ----------------------------------------------------------------": 25102, + "ĠBomb": 25103, + "ĠKnight": 25104, + "Ġoppressive": 25105, + "ĠIraqi": 25106, + "Ġunhappy": 25107, + "ĠDave": 25108, + "ĠKon": 25109, + "Ġintercourse": 25110, + "Bio": 25111, + "ĠHO": 25112, + "Ġredness": 25113, + "Ġidol": 25114, + "Ġhelicopter": 25115, + "à¨": 25116, + "ĠCompared": 25117, + "ĠAcad": 25118, + "ĠSomalia": 25119, + "Ġtoothpaste": 25120, + "ennon": 25121, + "Ġinflamed": 25122, + "Ġexponential": 25123, + "Mind": 25124, + "dn": 25125, + "tor": 25126, + "Ġorganizers": 25127, + "Ġkindly": 25128, + "origin": 25129, + "osomes": 25130, + "ĠKin": 25131, + "Ġchemically": 25132, + "haus": 25133, + "Ġhopeless": 25134, + "ĠRomania": 25135, + "Ġlonely": 25136, + "ĠMessiah": 25137, + "LICENSE": 25138, + "ĠPars": 25139, + "ĠBalk": 25140, + "ĠNancy": 25141, + "Ġentropy": 25142, + "ĠÏĢ": 25143, + "Visual": 25144, + "ĠHoney": 25145, + "dense": 25146, + "amines": 25147, + "Ġoversee": 25148, + "Ġsummarized": 25149, + "Sty": 25150, + "Ġhorr": 25151, + "Ġdisadvantaged": 25152, + "ertiary": 25153, + "stim": 25154, + "ayana": 25155, + "ivorous": 25156, + "Ġmagnets": 25157, + "Ġcosmetic": 25158, + "hythm": 25159, + "ĠVector": 25160, + "ĠReconstruction": 25161, + "ĠRush": 25162, + "Ġtuning": 25163, + "Ġinsult": 25164, + "Pers": 25165, + "nick": 25166, + "Ġoverhe": 25167, + "ĠIdea": 25168, + "Tech": 25169, + "ĠLem": 25170, + "Ġpend": 25171, + "Ġframing": 25172, + "Ġspectrom": 25173, + "Ġshocked": 25174, + "ĠBaltic": 25175, + "Ġpolio": 25176, + "Ġdubbed": 25177, + "ĠAer": 25178, + "Ġoffline": 25179, + "oka": 25180, + "Ġfluency": 25181, + "rowned": 25182, + "grand": 25183, + "seg": 25184, + "agne": 25185, + "untary": 25186, + "Ġpastoral": 25187, + "ĠUSD": 25188, + "Ġmentioning": 25189, + "Ġchaotic": 25190, + "inine": 25191, + "ppings": 25192, + "Ġprobes": 25193, + "ĠNeurolog": 25194, + "ĠUSSR": 25195, + "Ġgarment": 25196, + "Ġtunes": 25197, + "ĠIX": 25198, + "Ġsupers": 25199, + "climate": 25200, + "Ġretains": 25201, + "Ġcelebrates": 25202, + "ĠLeader": 25203, + "ĠEmerging": 25204, + "ĠDiss": 25205, + "Ġcalves": 25206, + "AMA": 25207, + "rites": 25208, + "byter": 25209, + "Ġheartbeat": 25210, + "Ġobliged": 25211, + "Born": 25212, + "igms": 25213, + "ĠRalph": 25214, + "Ġexhaustion": 25215, + "ĠAyurved": 25216, + "Ġpollinators": 25217, + "olerant": 25218, + "ĠYemen": 25219, + "ĠShar": 25220, + "minster": 25221, + "Ġtriangular": 25222, + "-------------------------------": 25223, + "Ġdischarged": 25224, + "Ġhockey": 25225, + "Ġshirt": 25226, + "Ġnationality": 25227, + "Ġdiminish": 25228, + "Ġbinds": 25229, + "ĠCere": 25230, + "ocon": 25231, + "Ġmidnight": 25232, + "Ġdictators": 25233, + "Ġfertilization": 25234, + "chronous": 25235, + "ĠCharlie": 25236, + "rocy": 25237, + "ĠNixon": 25238, + "Ġcamping": 25239, + "Ġgallon": 25240, + "Publication": 25241, + "sequences": 25242, + "Ġjokes": 25243, + "ignore": 25244, + "Ġbathing": 25245, + "Ġweighs": 25246, + "Ġloneliness": 25247, + "holm": 25248, + "ËĪ": 25249, + "omi": 25250, + "ĠSaints": 25251, + "Ġrepent": 25252, + "Ġundersc": 25253, + "Want": 25254, + "Ġunle": 25255, + "Ġprohibit": 25256, + "bye": 25257, + "Ġshortest": 25258, + "Ġguideline": 25259, + "Ġpreceded": 25260, + "union": 25261, + "Ġcontempor": 25262, + "Ġamp": 25263, + "Ġassists": 25264, + "Ġmorally": 25265, + "flowers": 25266, + "Ġaffiliated": 25267, + "Robert": 25268, + "Cir": 25269, + "ĠEar": 25270, + "Ġsuburban": 25271, + "ĠExamination": 25272, + "ĠGoing": 25273, + "Ġdisruptive": 25274, + "á»": 25275, + "abc": 25276, + "Ġprogressed": 25277, + "ectomy": 25278, + "ocracies": 25279, + "Thread": 25280, + "Ġinhibition": 25281, + "ĠLevels": 25282, + "Windows": 25283, + "Ġhippoc": 25284, + "Cut": 25285, + "qdm": 25286, + "Ġelectroc": 25287, + "én": 25288, + "Ġspikes": 25289, + "Ġindiff": 25290, + "Ġapplicant": 25291, + "Ġamplify": 25292, + "ĠBone": 25293, + "Ġbishops": 25294, + "Ġlandfills": 25295, + "Ġfolds": 25296, + "ĠAnalyze": 25297, + "ĠCSS": 25298, + "Ġcane": 25299, + "Ġepigen": 25300, + "Ġnamespace": 25301, + "Ġpleasing": 25302, + "Ġassassination": 25303, + "ftime": 25304, + "Ġthreatens": 25305, + "Ġclinically": 25306, + "Redu": 25307, + "internal": 25308, + "Ġpants": 25309, + "Ġbourgeois": 25310, + "berger": 25311, + "Ġapprove": 25312, + "Ġreinforces": 25313, + "Float": 25314, + "[(": 25315, + "Ġcompiler": 25316, + "ISS": 25317, + "Ġestablishments": 25318, + "Ġmultiplied": 25319, + "ĠNotImplementedError": 25320, + "Fr": 25321, + "Ġmanners": 25322, + "ĠPrec": 25323, + "isode": 25324, + "oodle": 25325, + "Ġflank": 25326, + "Ġcircadian": 25327, + "innings": 25328, + "ĠKashmir": 25329, + "hart": 25330, + "AE": 25331, + "Ġsewer": 25332, + "ĠYu": 25333, + "Ġrunners": 25334, + "Ġrainwater": 25335, + "ĠChan": 25336, + "Ġprotons": 25337, + "IDs": 25338, + "ĠCarm": 25339, + "Ġwarmly": 25340, + "anto": 25341, + "âĢĿ:": 25342, + "ĠMatrix": 25343, + "Ġinterrupted": 25344, + "iang": 25345, + "roids": 25346, + "ĠCad": 25347, + "ĠFREE": 25348, + "Ġnoct": 25349, + "Ġsuprem": 25350, + "kets": 25351, + "ceptual": 25352, + "visual": 25353, + "ĠDevices": 25354, + "Ġdegraded": 25355, + "ubes": 25356, + "ĠVPN": 25357, + "Ġbiomark": 25358, + "Ġmitochondria": 25359, + "Ġelectrolyte": 25360, + "ĠSocrates": 25361, + "ĠMI": 25362, + "ĠLuck": 25363, + "ĠNortheast": 25364, + "ḥ": 25365, + "Ġmelodies": 25366, + "ĠBuy": 25367, + "ĠWonder": 25368, + "Ġrecalls": 25369, + "Ġbowls": 25370, + "jet": 25371, + "ageal": 25372, + "ĠOg": 25373, + "Ġscissors": 25374, + "Ġsufferers": 25375, + "helm": 25376, + "driving": 25377, + "Ġincorrectly": 25378, + "Sample": 25379, + "eas": 25380, + "Ġfibr": 25381, + "Ġhostility": 25382, + "Ġbreasts": 25383, + "Ġmiracles": 25384, + "ĠUtilize": 25385, + "Ġdrunk": 25386, + "ĠNotably": 25387, + "Ġoz": 25388, + "Ġcyst": 25389, + "eyer": 25390, + "Ġdebilitating": 25391, + "ĠNeigh": 25392, + "Ġsugary": 25393, + "ĠGaz": 25394, + "Ġfibres": 25395, + "Ġseventy": 25396, + "ĠOwl": 25397, + "NUM": 25398, + "ĠToy": 25399, + "ĠBent": 25400, + "Ġresign": 25401, + "Ġpathogenic": 25402, + "fruit": 25403, + "|'.": 25404, + "TM": 25405, + "examples": 25406, + "oscopic": 25407, + "them": 25408, + "Ġpumpkin": 25409, + "Ġmigrated": 25410, + "Ġpedagogical": 25411, + "Occ": 25412, + "Ġcouncils": 25413, + "odo": 25414, + "million": 25415, + "erie": 25416, + "Ġlanes": 25417, + "cemia": 25418, + "Ġhelm": 25419, + "iota": 25420, + "Ġsyllabus": 25421, + "ĠVincent": 25422, + "Land": 25423, + "PF": 25424, + "Ter": 25425, + "ĠNIH": 25426, + "Ġrides": 25427, + "Ġamazed": 25428, + "Ġinsertion": 25429, + "NAT": 25430, + "Ġgrasslands": 25431, + "ĠWisdom": 25432, + "ĠGuatemala": 25433, + "Ġcontractor": 25434, + "asionally": 25435, + "Ġtranslating": 25436, + "Ġjumped": 25437, + "ĠWITH": 25438, + "cancer": 25439, + "Ġpent": 25440, + "Ġstitch": 25441, + "ĠSor": 25442, + "ĠHoo": 25443, + "Ġamyl": 25444, + "casting": 25445, + "Ġcatering": 25446, + "Ġbrowsers": 25447, + "Ġmarched": 25448, + "asg": 25449, + "branch": 25450, + "ĠImag": 25451, + "Ġconveying": 25452, + "urate": 25453, + "ĠBelt": 25454, + "ĠYam": 25455, + "Ġbrew": 25456, + "ččĊĠĠĠĠĠĠĠĠĠĠĠ": 25457, + "Ġstandpoint": 25458, + "Ġbenefited": 25459, + "aeus": 25460, + "Ġsilica": 25461, + "Ġoccupies": 25462, + "Ġio": 25463, + "Instruction": 25464, + "Ġenriching": 25465, + "BY": 25466, + "Ġvap": 25467, + "ĠNine": 25468, + "proc": 25469, + "Ġstreamline": 25470, + "Ġchiefly": 25471, + "Ġsuperiority": 25472, + "ĠPhoenix": 25473, + "Works": 25474, + "wy": 25475, + "athetic": 25476, + "Ġtray": 25477, + "assic": 25478, + "Ġaggrav": 25479, + "Ġreacts": 25480, + "him": 25481, + "Ġreservation": 25482, + "Ġsubspecies": 25483, + "Ġallowance": 25484, + "Ġfacet": 25485, + "Ġoptimism": 25486, + "Ġpencils": 25487, + "sorted": 25488, + "Ġcute": 25489, + "Ġpreferably": 25490, + "ĠHarold": 25491, + "audio": 25492, + "ĠIntegrating": 25493, + "Bal": 25494, + "ĠBright": 25495, + "Ġgeo": 25496, + "ĠHarvey": 25497, + "Ġastronomer": 25498, + "ĠHonor": 25499, + "ĠRise": 25500, + "Ġhighways": 25501, + "Ġabsorbs": 25502, + "lap": 25503, + "Ġdishon": 25504, + "itans": 25505, + "Ġpersisted": 25506, + "Ġproprietary": 25507, + "wart": 25508, + "ĠGary": 25509, + "Ġshear": 25510, + "ĠKaren": 25511, + "inoids": 25512, + "PRE": 25513, + "Ġsorrow": 25514, + "ĠAnswers": 25515, + "ĠInstance": 25516, + "Ġdomination": 25517, + "ĠTurks": 25518, + "Ġsurname": 25519, + "Har": 25520, + "atization": 25521, + "Ġstatutes": 25522, + "Ġmanipulated": 25523, + "Solar": 25524, + "Ġretinal": 25525, + "Ġceramics": 25526, + "ĠInsect": 25527, + "âĢĿâĢĶ": 25528, + "ĠTransition": 25529, + "Ġcoordinating": 25530, + "Ġturbulent": 25531, + "ĠCarnegie": 25532, + "Ġhood": 25533, + "Ġconfine": 25534, + "\":\"": 25535, + "Ġsexes": 25536, + "Ġwidget": 25537, + "Coll": 25538, + "bai": 25539, + "ĠVoy": 25540, + "ĠScout": 25541, + "optic": 25542, + "nm": 25543, + "Ġchords": 25544, + "ĠLanguages": 25545, + "bg": 25546, + "Ġaverages": 25547, + "Ġcess": 25548, + "ĠInvestment": 25549, + "ĠWow": 25550, + "uebl": 25551, + "Ġsnapshot": 25552, + "ĠPersia": 25553, + "Ġpipelines": 25554, + "Ġvern": 25555, + "Ġcentimeters": 25556, + "Ġairplanes": 25557, + "Ġcancerous": 25558, + "igmoid": 25559, + "merse": 25560, + "axy": 25561, + "ĠShen": 25562, + "extension": 25563, + "Ġcatal": 25564, + "Ġrigor": 25565, + "Ġcooperate": 25566, + "Ġvines": 25567, + "Ġoptics": 25568, + "Ġspecifics": 25569, + "itarianism": 25570, + "ĠTodd": 25571, + "urous": 25572, + "eworthy": 25573, + "Ġrevise": 25574, + "Ġinformational": 25575, + "Ċĉĉĉĉĉ": 25576, + "Certain": 25577, + "nature": 25578, + "Ġrinse": 25579, + "Ġupside": 25580, + "THER": 25581, + "Ġcondemn": 25582, + "ente": 25583, + "ĠCounsel": 25584, + "Ġunreal": 25585, + "sson": 25586, + "(\"-": 25587, + "targets": 25588, + "Ġrepaired": 25589, + "ĠPlaces": 25590, + "Ġparasitic": 25591, + "Ġimplements": 25592, + "Ġclauses": 25593, + "Ġba": 25594, + "selection": 25595, + "Ġunacceptable": 25596, + "trade": 25597, + "ĠHundred": 25598, + "ibia": 25599, + "ertil": 25600, + "Ġaddictive": 25601, + "Ġgears": 25602, + "initialize": 25603, + "uding": 25604, + "Ġenerg": 25605, + "ĠIsn": 25606, + "ĠAbove": 25607, + "Ġfatalities": 25608, + "ĠPyram": 25609, + "ĠFactor": 25610, + "waters": 25611, + "opal": 25612, + "ĠPrinting": 25613, + "ĠAzte": 25614, + "inalg": 25615, + "kar": 25616, + "ĠTed": 25617, + "usch": 25618, + "Ġindividuality": 25619, + "ĠMetropolitan": 25620, + "Ġtapping": 25621, + "ĠCave": 25622, + "RECT": 25623, + "Ġempires": 25624, + "aspberry": 25625, + "Loader": 25626, + "ĠLenin": 25627, + ")âĢĶ": 25628, + "CAS": 25629, + "IZ": 25630, + "Job": 25631, + "enne": 25632, + "luence": 25633, + "ĠImplementation": 25634, + "Ġsixteen": 25635, + "Internet": 25636, + "ayer": 25637, + "Ġrally": 25638, + "traditional": 25639, + "ĠBritann": 25640, + "Ġerg": 25641, + "ĠEmployment": 25642, + "miah": 25643, + "Ġslowed": 25644, + "Ġsplitting": 25645, + "ĠPolicies": 25646, + "Ġdissent": 25647, + "Ġdispose": 25648, + "Ġlogged": 25649, + "ĠScots": 25650, + "Admin": 25651, + "ĠArnold": 25652, + "Mary": 25653, + "sci": 25654, + "oodles": 25655, + "ĠRehab": 25656, + "Ġmonk": 25657, + "Ġaffiliation": 25658, + "Ġhopeful": 25659, + "Feature": 25660, + "icates": 25661, + "Ġmangan": 25662, + "Ġrugged": 25663, + "Ġexpeditions": 25664, + "Grid": 25665, + "ĠMann": 25666, + "ĠHamm": 25667, + "Ġplank": 25668, + "ambia": 25669, + "Ġcommunicated": 25670, + "Returns": 25671, + "Ġnecessitating": 25672, + "Multi": 25673, + "Ġanalogous": 25674, + "MET": 25675, + "~~~~~~~~": 25676, + "Frank": 25677, + "feld": 25678, + "Ġpope": 25679, + "ĠAndre": 25680, + "Ġtagged": 25681, + "Ġphilosophies": 25682, + "ĠVenezuela": 25683, + "ĠFiles": 25684, + "Ġdeclaring": 25685, + "Ġhemoglobin": 25686, + "atenate": 25687, + "Fund": 25688, + "stad": 25689, + "Ġcanned": 25690, + "ĠMedal": 25691, + "particularly": 25692, + "Ġwaited": 25693, + "ÙIJ": 25694, + "Ġplayful": 25695, + "ĠMini": 25696, + "Ġwitnessing": 25697, + "East": 25698, + "âĤ": 25699, + "icals": 25700, + "Ġgeopolitical": 25701, + "Ġceremonial": 25702, + "Ġutensils": 25703, + "Ġvivo": 25704, + "upon": 25705, + "venous": 25706, + "Ġantique": 25707, + "Ġingestion": 25708, + "References": 25709, + "prisingly": 25710, + "Cr": 25711, + "Ġpits": 25712, + "ĠTM": 25713, + "ĠBec": 25714, + "ĠRica": 25715, + "Ġtyph": 25716, + "ĠMeasures": 25717, + "Ġcustomize": 25718, + "Ġtendons": 25719, + "uki": 25720, + "Depending": 25721, + "chel": 25722, + "η": 25723, + "Ġlou": 25724, + "Stop": 25725, + "Ġcoordinator": 25726, + "ĠWriters": 25727, + "Ġfermented": 25728, + "ĠFifth": 25729, + "ĠSites": 25730, + "Ġproclaim": 25731, + "ĠAnglic": 25732, + "structured": 25733, + "ĠRic": 25734, + "ĠNash": 25735, + "ĠHerod": 25736, + "ĠJulius": 25737, + "Ġammunition": 25738, + "ĠPrison": 25739, + "ĠReader": 25740, + "lier": 25741, + "ĠHands": 25742, + "ĠYourself": 25743, + "Ġrheumatoid": 25744, + "Business": 25745, + "Ġsender": 25746, + "Ġlandl": 25747, + "Ġcollar": 25748, + "ĠTimothy": 25749, + "Ġcensorship": 25750, + "ĠLimit": 25751, + "opts": 25752, + "ĠLis": 25753, + "ĠFR": 25754, + "Ġcontinuation": 25755, + "Ġattracts": 25756, + "Ġtuna": 25757, + "Bur": 25758, + "mand": 25759, + "θ": 25760, + "cemic": 25761, + "cipline": 25762, + "Ġorthodox": 25763, + "ococ": 25764, + "rizes": 25765, + "ĠTasman": 25766, + "Ġinefficient": 25767, + "ĠFro": 25768, + "centric": 25769, + "detail": 25770, + "ĠOttawa": 25771, + "atri": 25772, + "ĠConv": 25773, + "Ġrevolutionized": 25774, + "ĠTCP": 25775, + "Ġjungle": 25776, + "Ġprimates": 25777, + "Ġpropulsion": 25778, + "Ġrhythmic": 25779, + "Ġembryonic": 25780, + "Ġexpelled": 25781, + "ĠÃł": 25782, + "Ġcorrections": 25783, + "Ġninth": 25784, + "termin": 25785, + "Ġrack": 25786, + "Ġhumming": 25787, + "whether": 25788, + "Ġtaxa": 25789, + "Ġhalluc": 25790, + "evaluate": 25791, + "Ġè": 25792, + "Ġantis": 25793, + "ĠAfro": 25794, + "ĠZeus": 25795, + "ivable": 25796, + "('%": 25797, + "Ġstained": 25798, + "Ġopts": 25799, + "ĠReddit": 25800, + "Ġcontrasts": 25801, + "Ġsam": 25802, + "Ġgor": 25803, + "operator": 25804, + "ĠBeautiful": 25805, + "ĠVa": 25806, + "Ġsupernov": 25807, + "Ġeighteen": 25808, + "feedback": 25809, + "Ġmuscul": 25810, + "eating": 25811, + "ĠSid": 25812, + "Ġvenues": 25813, + "Ġdisinfect": 25814, + "Ġmundane": 25815, + "ccentric": 25816, + "Ġbackend": 25817, + "Ġembodies": 25818, + "Ġhonoring": 25819, + "Ġrockets": 25820, + "alism": 25821, + "ĠWelfare": 25822, + "ĠArabian": 25823, + "ĠUses": 25824, + "Ġlun": 25825, + "ĠIter": 25826, + "Ġrefusal": 25827, + "Ġcytok": 25828, + "Ġmorphological": 25829, + "Ġunethical": 25830, + "Ġswap": 25831, + "Ġdenote": 25832, + "Ġdisposed": 25833, + "closures": 25834, + "oplan": 25835, + "Ġflawed": 25836, + "ĠHair": 25837, + "Random": 25838, + "Ġhumanities": 25839, + ")](": 25840, + "scre": 25841, + "Äĵ": 25842, + "ĠWarm": 25843, + "acht": 25844, + "Ġendomet": 25845, + "ĠEngagement": 25846, + "Ġswine": 25847, + "WARE": 25848, + "Ġdeepest": 25849, + "Ġconverter": 25850, + "ĠImproved": 25851, + "Ġwandering": 25852, + "Ġsep": 25853, + "Ġtowering": 25854, + "ĠLOG": 25855, + "Ġpresently": 25856, + "live": 25857, + "Ġfade": 25858, + "ĠPerform": 25859, + "sr": 25860, + "Ġdre": 25861, + "Ġconserving": 25862, + "ĠAntib": 25863, + "student": 25864, + "Ġrede": 25865, + "ĠFasc": 25866, + "infected": 25867, + "omans": 25868, + "Ġdesp": 25869, + "Ġcob": 25870, + "logs": 25871, + "ĠSherman": 25872, + "accuracy": 25873, + "SEC": 25874, + "Ġsway": 25875, + "Ġgrassroots": 25876, + "Ġprivileged": 25877, + "Ġheavenly": 25878, + "Ġfootprints": 25879, + "Ġretrieval": 25880, + "ĠFuel": 25881, + "Ġillicit": 25882, + "ophical": 25883, + "Ġdictate": 25884, + "Teaching": 25885, + "mediated": 25886, + "latest": 25887, + "Ġmushroom": 25888, + "ĠVeterinary": 25889, + "Tests": 25890, + "asured": 25891, + "efit": 25892, + "Ġinfringe": 25893, + "Ġspecificity": 25894, + "Ġembarking": 25895, + "ĠObesity": 25896, + "Editor": 25897, + ":\"": 25898, + "Ġoutlining": 25899, + "Ġlinguistics": 25900, + "Ġcompartment": 25901, + "Ġmoderately": 25902, + "Ġantip": 25903, + "Ġjoins": 25904, + "sch": 25905, + "Ġbeginner": 25906, + "ĠPersonality": 25907, + "wb": 25908, + "Ġindividualized": 25909, + "')[": 25910, + "Ġencode": 25911, + "hetically": 25912, + "Ġaperture": 25913, + "ĠOracle": 25914, + "Ġinvade": 25915, + "Ġprophecy": 25916, + "Ve": 25917, + "imir": 25918, + "Ġglean": 25919, + "ĠAppalach": 25920, + "Ġsouthwestern": 25921, + "Ġsands": 25922, + "Ġscreened": 25923, + "ĠDietary": 25924, + "ĠBrigade": 25925, + "sig": 25926, + "Ġprofitability": 25927, + "Ġrites": 25928, + "ghai": 25929, + "Ġendured": 25930, + "estead": 25931, + "jected": 25932, + "Ġhelium": 25933, + "ĠNeural": 25934, + "ĠEcuador": 25935, + "ĠFamiliarize": 25936, + "ĠSport": 25937, + "ĠUnits": 25938, + "ATED": 25939, + "Ġsandwich": 25940, + "ĠPrinciple": 25941, + "Ġhemat": 25942, + "Ġensemble": 25943, + "ĠWells": 25944, + "Ġneighbouring": 25945, + "material": 25946, + "Ġë": 25947, + "Ġpt": 25948, + "Ġaroma": 25949, + "ĠVeterans": 25950, + "ĠConstantinople": 25951, + "Card": 25952, + "EU": 25953, + "ÅĤ": 25954, + "ĠBag": 25955, + "ĠBenedict": 25956, + "Ġbeast": 25957, + "osting": 25958, + "Ġcliff": 25959, + "acked": 25960, + "Written": 25961, + "yon": 25962, + "itant": 25963, + "ĠOriginal": 25964, + "Ġcarcinoma": 25965, + "arial": 25966, + "Ġmodulation": 25967, + "ullivan": 25968, + "ukary": 25969, + "provider": 25970, + "Ġmetaphors": 25971, + "ï": 25972, + "Ġcords": 25973, + "Technology": 25974, + "ĠSales": 25975, + "Comb": 25976, + "Ġmasterpieces": 25977, + "scatter": 25978, + "Active": 25979, + "arta": 25980, + "Ġtopography": 25981, + "ĠInto": 25982, + "ĠBrothers": 25983, + "ĠBristol": 25984, + "Ġfins": 25985, + "urized": 25986, + "oche": 25987, + "udes": 25988, + "Ġunused": 25989, + "ungal": 25990, + "ĠCONDIT": 25991, + "Ġlaundry": 25992, + ":',": 25993, + "Hard": 25994, + "ĠSY": 25995, + "oderm": 25996, + "Ġshred": 25997, + "Ġpresidents": 25998, + "Ġbotanical": 25999, + "Mel": 26000, + "Would": 26001, + "ĠTap": 26002, + "ĠRequired": 26003, + "ĠPhillips": 26004, + "Ġbisexual": 26005, + "ĠTrauma": 26006, + "rendered": 26007, + "stroke": 26008, + "ĠAur": 26009, + "Ġclots": 26010, + "soever": 26011, + "ĠShiva": 26012, + "ĠCohen": 26013, + "Ġexcavations": 26014, + "ĠPF": 26015, + "ĠHeavy": 26016, + "Ġfragmented": 26017, + "Ġmanganese": 26018, + "lb": 26019, + "icator": 26020, + "getter": 26021, + "Ġinsol": 26022, + "Ġsuperst": 26023, + "AAAA": 26024, + "stderr": 26025, + "ĠEis": 26026, + "ĠJoan": 26027, + "Ġbrace": 26028, + "ĠSerb": 26029, + "Ġdistributing": 26030, + "ĠCopper": 26031, + "ĠFriedrich": 26032, + "ĠPunj": 26033, + "Ġquo": 26034, + "argon": 26035, + "Ġrepell": 26036, + "Ġguardian": 26037, + "Ġcones": 26038, + "Ġflare": 26039, + "EMENT": 26040, + "focused": 26041, + "Ġpersists": 26042, + "Ġhib": 26043, + "Ġspice": 26044, + "Ġsentenced": 26045, + "Ġgeologic": 26046, + "ĠChrom": 26047, + "Ġpolished": 26048, + "ĠMadagascar": 26049, + "ĠLEDs": 26050, + "Ġprestige": 26051, + "hook": 26052, + "repos": 26053, + "ĠmRNA": 26054, + "Ġunderrepresented": 26055, + "ĠVariable": 26056, + "binding": 26057, + "Ġneo": 26058, + "Ġresides": 26059, + "Ġshoreline": 26060, + "Ġmajestic": 26061, + "Na": 26062, + "asse": 26063, + "Ġsells": 26064, + "Wood": 26065, + "Ġmetamorph": 26066, + "Ġfracking": 26067, + "Ġcrocod": 26068, + "'+": 26069, + "inarily": 26070, + "isch": 26071, + "outer": 26072, + "Ġrepertoire": 26073, + "ĠMatters": 26074, + "ancellor": 26075, + "Major": 26076, + "Ġducks": 26077, + "ĠCurt": 26078, + "Ġvoluntarily": 26079, + "ĠEmbrace": 26080, + "ĠGraphic": 26081, + "doctoral": 26082, + "Ġscram": 26083, + "ĠDetails": 26084, + "Ġgradients": 26085, + "ĠTourism": 26086, + "Ġrearr": 26087, + "Ġcares": 26088, + "ullah": 26089, + "ĠPublication": 26090, + "Ġoriginates": 26091, + "ĠReferences": 26092, + "Ġapprentices": 26093, + "stead": 26094, + "Ġoverdose": 26095, + "Ġhardness": 26096, + "Ġdestined": 26097, + "Israel": 26098, + "Ġfragmentation": 26099, + "ĠEvaluate": 26100, + "Primary": 26101, + "hours": 26102, + "peak": 26103, + "Ġnotify": 26104, + "Ġconsciously": 26105, + "Ġirrad": 26106, + "Ġpregnancies": 26107, + "Ġbasins": 26108, + "ĠHenri": 26109, + "ĠCherokee": 26110, + "Very": 26111, + "ά": 26112, + "Ġdisks": 26113, + "inda": 26114, + "ĠKor": 26115, + "Ġpointer": 26116, + "could": 26117, + "ĠJa": 26118, + "Ġunderp": 26119, + "porter": 26120, + "ĠShape": 26121, + "Ġcrushing": 26122, + "Ġconsulted": 26123, + "Ġrebel": 26124, + "Ġmastered": 26125, + "Ġbiographies": 26126, + "digital": 26127, + "Matrix": 26128, + "Bul": 26129, + "oufl": 26130, + "stri": 26131, + "ĠIMP": 26132, + "Ġdisob": 26133, + "Ġpores": 26134, + "aptic": 26135, + "Ġamphibians": 26136, + "Ġerupted": 26137, + "OF": 26138, + "ortex": 26139, + "Ġroses": 26140, + "umping": 26141, + "ĠPalm": 26142, + "ĠEcosystem": 26143, + "unity": 26144, + "Ġcler": 26145, + "Ġpumped": 26146, + "Ġmultiplying": 26147, + "ĠGhost": 26148, + "Ġspecifying": 26149, + "Ġcommonplace": 26150, + "Ġpostp": 26151, + "STM": 26152, + "ĠMaintenance": 26153, + "dropout": 26154, + "ĠPHP": 26155, + "Ġlover": 26156, + "ĠChin": 26157, + "Ġscrews": 26158, + "Ġsnails": 26159, + "Ġoverlook": 26160, + "Ġseventeenth": 26161, + "Ġcubes": 26162, + "Starting": 26163, + "Aud": 26164, + "ĠBasil": 26165, + "Ġinspections": 26166, + "ĠRelationship": 26167, + "ounces": 26168, + "contract": 26169, + "Ġcramps": 26170, + "Ġingenuity": 26171, + "enberg": 26172, + "essential": 26173, + "ĠSevere": 26174, + "Ġmillennium": 26175, + "Ġbureaucr": 26176, + "Ġrighteousness": 26177, + "ĠPrag": 26178, + "ĠMicrob": 26179, + "Ġrubbing": 26180, + "Ġprohibition": 26181, + "ĠDrinking": 26182, + "Ġfibrosis": 26183, + "fif": 26184, + "sat": 26185, + "oprote": 26186, + "ospels": 26187, + "oskeletal": 26188, + "ĠMao": 26189, + "osomal": 26190, + "Ġsummers": 26191, + "Ġconnector": 26192, + "ĠGross": 26193, + "ĠProfile": 26194, + "Ġsympathy": 26195, + "ĠReserved": 26196, + "ucker": 26197, + "ĠMode": 26198, + "formatics": 26199, + "ĠWorkshop": 26200, + "maps": 26201, + "Ġowe": 26202, + "ĠFlex": 26203, + "__.__": 26204, + "ĠFigures": 26205, + "Ġcommemorate": 26206, + "physical": 26207, + "Ġambitions": 26208, + "ĠModeling": 26209, + "Visit": 26210, + "Ġbenchmark": 26211, + "Mo": 26212, + "until": 26213, + "Ġinsightful": 26214, + "Ġshutil": 26215, + "ĠTraditionally": 26216, + "åĩ": 26217, + "ĠSoc": 26218, + "ĠDallas": 26219, + "Ġpatrons": 26220, + "Ġdevise": 26221, + "autical": 26222, + "Ġsaturation": 26223, + "ĠAdvoc": 26224, + "Ġdragons": 26225, + "Continue": 26226, + "Ġconstituent": 26227, + "gpu": 26228, + "ĠAttribution": 26229, + "Ġuncertainties": 26230, + "Ġsulfate": 26231, + "Ġfructose": 26232, + "Ġdeformation": 26233, + "ĠHorm": 26234, + "osexuality": 26235, + "Ġtrapping": 26236, + "Ġamended": 26237, + "---------": 26238, + "Ġadaptable": 26239, + "Ġrequesting": 26240, + "Ġdimensional": 26241, + "Ġasteroids": 26242, + "Ġculminating": 26243, + "erential": 26244, + "DateTime": 26245, + "LAB": 26246, + "ĠSpread": 26247, + "hyper": 26248, + "Ġmediums": 26249, + "ĠAudio": 26250, + "Ġdiaphragm": 26251, + "Ġbursts": 26252, + "Ġdissip": 26253, + "enance": 26254, + "Ġfeudal": 26255, + "attention": 26256, + "Ġregulator": 26257, + "ĠOfficial": 26258, + "Ġparsed": 26259, + "rason": 26260, + "Ġau": 26261, + "Ġker": 26262, + "ĠIngredients": 26263, + "ĠBuffalo": 26264, + "$,": 26265, + "Ġbury": 26266, + "Ġregistry": 26267, + "Ġmatt": 26268, + "letes": 26269, + "ĠDataFrame": 26270, + "Ġmythical": 26271, + "Ġafore": 26272, + "Ġlupus": 26273, + "ĠBru": 26274, + "identity": 26275, + "Ġingested": 26276, + "Ġhue": 26277, + "Ġretard": 26278, + "ortune": 26279, + "Ġwallet": 26280, + "Ġextingu": 26281, + "NP": 26282, + "ĠPowers": 26283, + "ĠHV": 26284, + "ĠLamb": 26285, + "actual": 26286, + "ĠArchaeology": 26287, + "olved": 26288, + "ARC": 26289, + "ĠDifferences": 26290, + "AK": 26291, + "ucc": 26292, + "त": 26293, + "Ġscars": 26294, + "Ġrefusing": 26295, + "Ġdrow": 26296, + "Ġgarage": 26297, + "Ġgermination": 26298, + "Ġnationalist": 26299, + "ĠPeak": 26300, + "Ġyielding": 26301, + "inety": 26302, + "Ġsinking": 26303, + "Ġagility": 26304, + "ĠDisability": 26305, + "ĠHolmes": 26306, + "Ġalerts": 26307, + "zh": 26308, + "ermost": 26309, + "Ġpolite": 26310, + "Images": 26311, + "ĠRemote": 26312, + "Ġparadigms": 26313, + "Maybe": 26314, + "................": 26315, + "Ġ])": 26316, + "itiveness": 26317, + "Ġgalleries": 26318, + "Regular": 26319, + "Ġillumination": 26320, + "Ġrecurrence": 26321, + "ĠPeer": 26322, + "ĠDipl": 26323, + "Ġglacial": 26324, + "Ġwreck": 26325, + "ĠTony": 26326, + "Ġmosque": 26327, + "Ġexplosions": 26328, + "violent": 26329, + "Nav": 26330, + "ĠAw": 26331, + "ĠMoving": 26332, + "prus": 26333, + "ĠSpiritual": 26334, + "ĠExerc": 26335, + "ĠZo": 26336, + "Ġspreadsheet": 26337, + "Ġphotovolta": 26338, + "Ġenchanting": 26339, + "BUT": 26340, + "Personal": 26341, + "Ġtheolog": 26342, + "Ġautistic": 26343, + "Ġworkspace": 26344, + "Ġplat": 26345, + "ĠDaw": 26346, + "achi": 26347, + "ĠFathers": 26348, + "ĠGrammar": 26349, + "Brown": 26350, + "Ġquestionable": 26351, + "ĠLancet": 26352, + "uously": 26353, + "ĠLux": 26354, + "Ġquarant": 26355, + "Ġdemise": 26356, + "ĠPod": 26357, + "ĠAlgebra": 26358, + "Ġcracking": 26359, + "Ġattachments": 26360, + "official": 26361, + "Ġirreversible": 26362, + "oped": 26363, + "ère": 26364, + "Ġhath": 26365, + "vered": 26366, + "formal": 26367, + "Ġexcavated": 26368, + "later": 26369, + "ĠVlad": 26370, + "ĠImam": 26371, + "Ġboarding": 26372, + "ĠSocialist": 26373, + "Ġliabilities": 26374, + "Ġsubgen": 26375, + "Ġcrabs": 26376, + "ĠInteractive": 26377, + "ĠSpeaking": 26378, + "protocol": 26379, + "Focus": 26380, + "Ġspills": 26381, + "identified": 26382, + "ĠAuton": 26383, + "Ġinsignificant": 26384, + "City": 26385, + "wx": 26386, + "¢": 26387, + "Ġbrightly": 26388, + "Ġrestart": 26389, + "Ġtroubled": 26390, + "Ġhonors": 26391, + "hov": 26392, + "Ġbizarre": 26393, + "idates": 26394, + "ĠRy": 26395, + "INTER": 26396, + "Ġtoug": 26397, + "ĠHabitat": 26398, + "ĠProbably": 26399, + "Ġreclaim": 26400, + "raz": 26401, + "ĠBeg": 26402, + "Ġransom": 26403, + "Ġsentiments": 26404, + "Ġasserted": 26405, + "ĠBurma": 26406, + "Ġfuse": 26407, + "ĠMob": 26408, + "Ġlactose": 26409, + "Ġč": 26410, + "Ġé": 26411, + "Ġhive": 26412, + "ĠVed": 26413, + "ĠHunter": 26414, + "Ġdock": 26415, + "ĠBarc": 26416, + "eph": 26417, + "Ġacademically": 26418, + "antics": 26419, + "Ġdecode": 26420, + "Ġwinners": 26421, + "Ġchiropract": 26422, + "Five": 26423, + "vous": 26424, + "Ġfreight": 26425, + "Ġradial": 26426, + "Ill": 26427, + "arith": 26428, + "Ġstern": 26429, + "ĠRelevance": 26430, + "ĠCret": 26431, + "Ġ\"+": 26432, + "Ġdiscs": 26433, + "letons": 26434, + "ĠBiography": 26435, + "ocyte": 26436, + "Ġswiftly": 26437, + "openhagen": 26438, + "Ġintermittent": 26439, + "Ġsclerosis": 26440, + "Ġfixtures": 26441, + "ĠEquality": 26442, + "ĠXX": 26443, + "ĠImprovement": 26444, + "Ġstrawberries": 26445, + "Music": 26446, + "rgb": 26447, + "asions": 26448, + "ĠReyn": 26449, + "Ġachievable": 26450, + "ĠCooperative": 26451, + "Ġbuyer": 26452, + "ãģ®": 26453, + "ĠPassover": 26454, + "Ġsliced": 26455, + "Ġunman": 26456, + "ĠCommander": 26457, + "ĠHash": 26458, + "Ġ[âĢ¦]": 26459, + "Ġdecree": 26460, + "Ġcaul": 26461, + "addy": 26462, + "snap": 26463, + "Ġfist": 26464, + "Ġlaughing": 26465, + "rets": 26466, + "Ġscandal": 26467, + "encoding": 26468, + "Ġstripped": 26469, + "Ġeligibility": 26470, + "Ġivory": 26471, + "egradable": 26472, + "|'.'": 26473, + "URCE": 26474, + "ovakia": 26475, + "Ma": 26476, + "ĠSame": 26477, + "ĠFM": 26478, + "ĠGarc": 26479, + "Ġpedestrian": 26480, + "/',": 26481, + "Ġpoised": 26482, + "Ġsmoked": 26483, + "ĠRecommend": 26484, + "Ġinaccurate": 26485, + "Ġdevoid": 26486, + "fixed": 26487, + "Ġcleansing": 26488, + "tons": 26489, + "Ġaliens": 26490, + "assan": 26491, + "Ġtextual": 26492, + "ĠStudying": 26493, + "Ġcoupling": 26494, + "Ġintrigued": 26495, + "Ġmoths": 26496, + "('.": 26497, + "ANS": 26498, + "Ġforeigners": 26499, + "CSE": 26500, + "Particip": 26501, + "ĠLinda": 26502, + "raisal": 26503, + "ĠMakes": 26504, + "Ġdepended": 26505, + "Ġinitialize": 26506, + "ĠObst": 26507, + "ĠEnterprise": 26508, + "ĠJur": 26509, + "Ġrapp": 26510, + "Ġbreadth": 26511, + "lining": 26512, + "Ġinactive": 26513, + "ĠOdys": 26514, + "ĠRunning": 26515, + "Ġdias": 26516, + "playing": 26517, + "Ġplugin": 26518, + "æł": 26519, + "Ġdeed": 26520, + "ĠShell": 26521, + "tax": 26522, + "Ġmiracul": 26523, + "Need": 26524, + "linalg": 26525, + "ouched": 26526, + "need": 26527, + "Ġparticulate": 26528, + "productive": 26529, + "ĠSpringer": 26530, + "ĠPharmac": 26531, + "Ca": 26532, + "Give": 26533, + "Ġdyst": 26534, + "ĠTopic": 26535, + "soil": 26536, + "Ġdirecting": 26537, + "Ġglowing": 26538, + "Ġcaterpillars": 26539, + "strings": 26540, + "ĠAttention": 26541, + "Ġseller": 26542, + "Ġembedding": 26543, + "Ġinconven": 26544, + "ĠGilbert": 26545, + "templ": 26546, + "ë": 26547, + "Ġery": 26548, + "Ġinception": 26549, + "ogh": 26550, + "Ġscav": 26551, + "Ġdengue": 26552, + "Ġsurrounds": 26553, + "ĠNorse": 26554, + "Ġwarns": 26555, + "mom": 26556, + "wright": 26557, + "Ġissuing": 26558, + "Ġmessenger": 26559, + "Ġadversely": 26560, + "Ġmerging": 26561, + "Ġdice": 26562, + "ĠKirk": 26563, + "ĠAssistance": 26564, + "ĠListening": 26565, + "ĠMartian": 26566, + "ĠForms": 26567, + "Ġtransistor": 26568, + "Ïİ": 26569, + "isse": 26570, + "ĠSons": 26571, + "Ġchicks": 26572, + "ĠButler": 26573, + "angs": 26574, + "Ġsalinity": 26575, + "Ġspectroscopy": 26576, + "Ġtumour": 26577, + "Pur": 26578, + "Volume": 26579, + "rina": 26580, + "ĠSultan": 26581, + "ĠBrew": 26582, + "external": 26583, + "Struct": 26584, + "ĠTurtle": 26585, + "Ġoats": 26586, + "ĠWE": 26587, + "Ġairports": 26588, + "Ġcurvature": 26589, + "ĠJess": 26590, + "Ġmultic": 26591, + "ifug": 26592, + "confirm": 26593, + "iferous": 26594, + "advert": 26595, + "anton": 26596, + "Ġcharming": 26597, + "ĠJobs": 26598, + "Ġviolate": 26599, + "ĠSchw": 26600, + "ocyt": 26601, + "å¼": 26602, + "ĠTHIS": 26603, + "clide": 26604, + "phys": 26605, + "Ġprecedent": 26606, + "Ġligament": 26607, + "othelioma": 26608, + "introdu": 26609, + "Ġrealised": 26610, + "Ġspectra": 26611, + "ĠPhotography": 26612, + "phis": 26613, + "renches": 26614, + "Ġdiscovers": 26615, + "Ġtheoretically": 26616, + "CES": 26617, + "Ġnotorious": 26618, + "Ġpalette": 26619, + "escent": 26620, + "ĠPip": 26621, + "Notes": 26622, + "Ġinteracts": 26623, + "Ġdisappointment": 26624, + "Ġdeterminants": 26625, + "amo": 26626, + "ĠBilly": 26627, + "Ġrecognizable": 26628, + "Ġ{},": 26629, + "Ġhunted": 26630, + "obacter": 26631, + "Ġattorneys": 26632, + "ĠEdison": 26633, + "Ġescaping": 26634, + "chemical": 26635, + "Ġbounce": 26636, + "ĠWing": 26637, + "ìĿ": 26638, + "ĠRevelation": 26639, + "Ġsalads": 26640, + "COS": 26641, + "ĠLarg": 26642, + "Ġpreserv": 26643, + "ĠAbbey": 26644, + "Ġbald": 26645, + "ĠFoundations": 26646, + "Ġmelatonin": 26647, + "Ġpulls": 26648, + "pering": 26649, + "ĠLeaf": 26650, + "requires": 26651, + "Subject": 26652, + "integration": 26653, + "Ġcousins": 26654, + "pit": 26655, + "Ġjeopard": 26656, + "Ġpeasant": 26657, + "ĠMAT": 26658, + "plasia": 26659, + "Prog": 26660, + "Ġpitfalls": 26661, + "ogeneity": 26662, + "iman": 26663, + "Ġstuffed": 26664, + "ĠMapping": 26665, + "ĠOCD": 26666, + "liable": 26667, + "Ġrestricting": 26668, + "Ġdisrupting": 26669, + "Bad": 26670, + "ĠEdmund": 26671, + "ĠDrop": 26672, + "Ġprefers": 26673, + "ĠInfection": 26674, + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 26675, + "Sarah": 26676, + "Ġgenerosity": 26677, + "locations": 26678, + "Ġpalms": 26679, + "aggering": 26680, + "cook": 26681, + "ĠAffect": 26682, + "Ġplaster": 26683, + "ĠRobin": 26684, + "ĠNormally": 26685, + "Ġcounteract": 26686, + "Schema": 26687, + "Tip": 26688, + "Ġrealms": 26689, + "ushima": 26690, + "Ġrepeats": 26691, + "Native": 26692, + "Ġwithdrawn": 26693, + "Ġmicron": 26694, + "];": 26695, + "Ġmustard": 26696, + "º": 26697, + "ĠSmoking": 26698, + "Ġglyc": 26699, + "reverse": 26700, + "ĠSecure": 26701, + "Ġcraftsmanship": 26702, + "Role": 26703, + "comings": 26704, + "Ġlandsl": 26705, + "Ġturf": 26706, + "Ġpermitting": 26707, + "ĠPrincess": 26708, + "Ġfp": 26709, + "Ġdisg": 26710, + "phalt": 26711, + "ĠCuriosity": 26712, + "Ġrebuilding": 26713, + "Ġnobility": 26714, + "Ġprejudices": 26715, + "Ġporcelain": 26716, + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 26717, + "Ġtheirs": 26718, + "Ġspecializes": 26719, + "Ġurllib": 26720, + "epochs": 26721, + "Li": 26722, + "ĠAgg": 26723, + "ĠCCS": 26724, + "Ġraid": 26725, + "metics": 26726, + "Ġscalar": 26727, + "Ġá¼": 26728, + "Bro": 26729, + "nr": 26730, + "ĠPT": 26731, + "onsored": 26732, + "Ġdeputy": 26733, + "Ġantig": 26734, + "Ġsupervisors": 26735, + "Ġrevered": 26736, + "Ġstam": 26737, + "Ġuprising": 26738, + "Ġowning": 26739, + "Ġreferral": 26740, + "Memory": 26741, + "Ġloosely": 26742, + "namespace": 26743, + "Valid": 26744, + "ĠObjective": 26745, + "ĠRonald": 26746, + "uta": 26747, + "Ġchildbirth": 26748, + "apps": 26749, + "washing": 26750, + "ĠHugh": 26751, + "Mixin": 26752, + "Nature": 26753, + "{\\": 26754, + "atto": 26755, + "ĠRare": 26756, + "Ġcharitable": 26757, + "Ġencro": 26758, + "uckle": 26759, + "Canada": 26760, + "Ġsauces": 26761, + "Ġhots": 26762, + "ĠTak": 26763, + "Ġimmerse": 26764, + "**,": 26765, + "Ġcheating": 26766, + "ĠExodus": 26767, + "Ġporous": 26768, + "ocative": 26769, + "ICEF": 26770, + "Ġwestward": 26771, + "Ġcrawl": 26772, + "Ġjam": 26773, + "Ġinscriptions": 26774, + "ĠPresidential": 26775, + "Charles": 26776, + "ĠEnsuring": 26777, + "Ġdissect": 26778, + "Ġtenets": 26779, + "records": 26780, + "Ġmolten": 26781, + "Ġfellowship": 26782, + "ĠPrayer": 26783, + "ĠBR": 26784, + "Ġfostered": 26785, + "Ġbudding": 26786, + "Ġtaller": 26787, + "Ġtoilets": 26788, + "Ġmaid": 26789, + "ĠPries": 26790, + "Muslim": 26791, + "ĠOECD": 26792, + "ishable": 26793, + "Ġdomin": 26794, + "datasets": 26795, + "Success": 26796, + "ĠSense": 26797, + "ĠGoddess": 26798, + "Ġacquaint": 26799, + "ĠCorrect": 26800, + "Ġimmersed": 26801, + "does": 26802, + "imshow": 26803, + "Ġspam": 26804, + "ĠKB": 26805, + "Ġairflow": 26806, + "ĠIDE": 26807, + "Ġpertains": 26808, + "Ġgrav": 26809, + "Ġsupplemental": 26810, + "allowed": 26811, + "ĠComponents": 26812, + "Ġaided": 26813, + "Ġoath": 26814, + "Ġhues": 26815, + "ĠAlger": 26816, + "Ġbrushes": 26817, + "Ġibn": 26818, + "ĠCONDITIONS": 26819, + "Ġsi": 26820, + "ĠGust": 26821, + "]|": 26822, + "asus": 26823, + "ĠMall": 26824, + "Ġprisons": 26825, + "MES": 26826, + "Ġexcluding": 26827, + "abling": 26828, + "acillus": 26829, + "ĠBO": 26830, + "posite": 26831, + "Ġtransformer": 26832, + "Ġrewarded": 26833, + "Benefits": 26834, + "á½": 26835, + "arner": 26836, + "Ġbooster": 26837, + "Ġnickname": 26838, + "Left": 26839, + "etz": 26840, + "ĠOUT": 26841, + "Ġconserved": 26842, + "Hi": 26843, + "nament": 26844, + "Ġchin": 26845, + "byte": 26846, + "ĠMonument": 26847, + "Compar": 26848, + "ĠCapitol": 26849, + "Ġalgebraic": 26850, + "itian": 26851, + "ĠInclude": 26852, + "Ġfarmland": 26853, + "osphate": 26854, + "Ġtowels": 26855, + "ĠPalestinians": 26856, + "ĠYellowstone": 26857, + "Ġnemat": 26858, + "Ġdisclose": 26859, + "Ġcircumstance": 26860, + "America": 26861, + "Ġsyllables": 26862, + "Mex": 26863, + "arist": 26864, + "endpoint": 26865, + "ĠGraduate": 26866, + "Ġventures": 26867, + "Meet": 26868, + "directed": 26869, + "Ġrefreshing": 26870, + "andel": 26871, + "assy": 26872, + "ĠVes": 26873, + "etyl": 26874, + "ĠPCB": 26875, + "Ġilluminating": 26876, + "ingling": 26877, + "ĠMM": 26878, + "ĠFant": 26879, + "Ġdrums": 26880, + "Ġcysts": 26881, + "ĠBlake": 26882, + "ĠDrink": 26883, + "Ġmixtures": 26884, + "Ġspelled": 26885, + "ĊĊĊĠĠĠĠĠĠĠ": 26886, + "Ġshareholders": 26887, + "Vector": 26888, + "Ġquart": 26889, + "ĠLeaders": 26890, + "anism": 26891, + "Ġantit": 26892, + "Ġfrontal": 26893, + "Ġwiki": 26894, + "Ġdecolon": 26895, + "Ġvisuals": 26896, + "ĠCollections": 26897, + "Gal": 26898, + "pipe": 26899, + "yrin": 26900, + "Ġsmoother": 26901, + ")')": 26902, + "Email": 26903, + "Finding": 26904, + "ĠMold": 26905, + "Ġcohesive": 26906, + "ĠGenome": 26907, + "Ġmanifested": 26908, + "Ġsuspects": 26909, + "Calcul": 26910, + "Ġrefinement": 26911, + "Ġstray": 26912, + "()):": 26913, + "accessible": 26914, + "ĠTheodore": 26915, + "linspace": 26916, + "raines": 26917, + "ĠMira": 26918, + "floor": 26919, + "Ġdrafting": 26920, + "Ġcuring": 26921, + "arate": 26922, + "akening": 26923, + "Ġradically": 26924, + "Ċĉĉĉĉĉĉĉĉĉĉ": 26925, + "Xiv": 26926, + "Ġencountering": 26927, + "ugged": 26928, + "actively": 26929, + "incinn": 26930, + "Ġseawater": 26931, + "asgow": 26932, + "dry": 26933, + "umbs": 26934, + "updated": 26935, + "Ġdescending": 26936, + "Ġeconomist": 26937, + "Ġtermination": 26938, + "Ġlaborers": 26939, + "ĠFran": 26940, + "Ġnested": 26941, + "Ġgrit": 26942, + "Ġhen": 26943, + "Ġartific": 26944, + "Ġtranscends": 26945, + "Ġneatly": 26946, + "Ġcanonical": 26947, + "oing": 26948, + "Ġmorb": 26949, + "Ġdyslexia": 26950, + "个": 26951, + "Ġdisparity": 26952, + "uling": 26953, + "Ġpermiss": 26954, + "ĠDomain": 26955, + "ĠDiagnosis": 26956, + "Ġplateau": 26957, + "ĠNeuroscience": 26958, + "arers": 26959, + "ĠTrack": 26960, + "oseph": 26961, + "Parameters": 26962, + "Ġutterly": 26963, + "Ġpatented": 26964, + "Ġlice": 26965, + "Previous": 26966, + "Ġtracts": 26967, + "nem": 26968, + "Ġum": 26969, + "Ġpatriot": 26970, + "ĠGabriel": 26971, + "jug": 26972, + "Ġharmonic": 26973, + "Ġhalfway": 26974, + "Ġbake": 26975, + "omp": 26976, + "Ġmediated": 26977, + "Ġassociates": 26978, + "Ġscriptures": 26979, + "ĠAdventure": 26980, + "ĠKrishna": 26981, + "marg": 26982, + "Ġugly": 26983, + "ĠCraig": 26984, + "Person": 26985, + "å°": 26986, + "Ġdaring": 26987, + "staff": 26988, + "Ġseize": 26989, + "ĠNegative": 26990, + "Ġavocado": 26991, + "ĠAppendix": 26992, + "Ġfreshly": 26993, + "Ġcatastrophe": 26994, + "Ġreferend": 26995, + "Ġspells": 26996, + "ophone": 26997, + "runner": 26998, + "Far": 26999, + "osin": 27000, + "ĠWald": 27001, + "ĠRwanda": 27002, + "Ġjumps": 27003, + "Ġresistor": 27004, + "Ġmountainous": 27005, + "ĠChang": 27006, + "Prob": 27007, + "Ġbureauc": 27008, + "Ġsine": 27009, + "placed": 27010, + "ि": 27011, + "GF": 27012, + "Germ": 27013, + "acl": 27014, + "iban": 27015, + "Ġjars": 27016, + "Inv": 27017, + "paramet": 27018, + "Ġfamiliarize": 27019, + "ĠBASIS": 27020, + "verter": 27021, + "perhaps": 27022, + "Ġrenewables": 27023, + "ĠInfluence": 27024, + "Sen": 27025, + "iteration": 27026, + "Ġconsumes": 27027, + "ĠMuscle": 27028, + "ĠFeeling": 27029, + "Ġcue": 27030, + "Ġblends": 27031, + "oxins": 27032, + "Ġmandated": 27033, + "osome": 27034, + "holding": 27035, + "Ġarranging": 27036, + "Arthur": 27037, + "ĠProcesses": 27038, + "ERSION": 27039, + "...,": 27040, + "letters": 27041, + "ĠEmpower": 27042, + "ĠEfficiency": 27043, + "Ġdisposition": 27044, + "ronts": 27045, + "Ġgenders": 27046, + "rapeutic": 27047, + "thinking": 27048, + "aclass": 27049, + "Ġturnover": 27050, + "ĠSacred": 27051, + "Mill": 27052, + "WD": 27053, + "Ã¥": 27054, + "Ġranc": 27055, + "Ġanatomical": 27056, + "wire": 27057, + "ĠCul": 27058, + "Ġreliably": 27059, + "Ġamen": 27060, + "endswith": 27061, + "Ġkale": 27062, + "Ġreadable": 27063, + "guided": 27064, + "ĠFul": 27065, + "maybe": 27066, + "Ġtilt": 27067, + "Ġoranges": 27068, + "ĠStars": 27069, + "Ġinitiating": 27070, + "Ġlingering": 27071, + "ucaly": 27072, + "Ġobjection": 27073, + "assertIs": 27074, + "Ġintrospection": 27075, + "ĠCarr": 27076, + "photo": 27077, + "Ġdiffuse": 27078, + "Ġdepiction": 27079, + "chip": 27080, + "Ġsting": 27081, + "ĠSax": 27082, + "acic": 27083, + "ĠKepler": 27084, + "ABILITY": 27085, + "Ġintimidating": 27086, + "Ġsuperheroes": 27087, + "Ġaccredited": 27088, + "Ġtheat": 27089, + "Ġavian": 27090, + "ischer": 27091, + "ĠAttorney": 27092, + "ĠMunich": 27093, + "ipelago": 27094, + "ĠOste": 27095, + "Ġseminars": 27096, + "flatten": 27097, + "âĹı": 27098, + "bred": 27099, + "bows": 27100, + "ĠCopenhagen": 27101, + "resa": 27102, + "Ġevergreen": 27103, + "Ġpronouns": 27104, + "Ġechoes": 27105, + "ĠIan": 27106, + "Ġprosecution": 27107, + "ĠHaven": 27108, + "Ġauthorization": 27109, + "Ġterminals": 27110, + "Ġpolyg": 27111, + "Ġartifact": 27112, + "Ġadhesion": 27113, + "CRE": 27114, + "ĠPediatric": 27115, + "traumatic": 27116, + "ĠCBT": 27117, + "asha": 27118, + "ĠPlat": 27119, + "Ġdisciplinary": 27120, + "Ġalteration": 27121, + "ĠSandy": 27122, + "adows": 27123, + "Ġvicious": 27124, + "ĠUI": 27125, + "Ġconstrained": 27126, + "Ġimb": 27127, + "Ġpreaching": 27128, + "impact": 27129, + "Ġprogen": 27130, + "shared": 27131, + "Ġcracked": 27132, + "Books": 27133, + "awk": 27134, + "Exercise": 27135, + "BU": 27136, + "Remove": 27137, + "Ġneuronal": 27138, + "ĠScriptures": 27139, + "Japanese": 27140, + "ï¬ģ": 27141, + "Sep": 27142, + "atology": 27143, + "Ġreap": 27144, + "Ġ()": 27145, + "Ġjur": 27146, + "Ġdowns": 27147, + "Price": 27148, + "ĠSV": 27149, + "Ġperce": 27150, + "reflection": 27151, + "Blood": 27152, + "Ġdissatis": 27153, + "ĠMindfulness": 27154, + "ĠLeonardo": 27155, + "Ġabstraction": 27156, + "ĠKazakh": 27157, + "_%": 27158, + "wat": 27159, + "ĠMari": 27160, + "ĠWiley": 27161, + "Ġbroth": 27162, + "ICK": 27163, + "Ġmentoring": 27164, + "ĠFunctional": 27165, + "Font": 27166, + "ranging": 27167, + "enames": 27168, + "ĠSammy": 27169, + "ĠPAR": 27170, + "ĠStru": 27171, + "Ġsupremacy": 27172, + "ĠBA": 27173, + "Ġintergenerational": 27174, + "EPA": 27175, + "Ġflax": 27176, + "Ġlogically": 27177, + "Ġamuse": 27178, + "Ġindexes": 27179, + "Ġosteoarthritis": 27180, + "rescent": 27181, + "ĠVern": 27182, + "Ġsignify": 27183, + "Ġharms": 27184, + "ĠJulian": 27185, + "Ġsubstrates": 27186, + "ĠInfectious": 27187, + "cas": 27188, + "either": 27189, + "ĠCAN": 27190, + "ĠQtWidgets": 27191, + "ĠAnatomy": 27192, + "css": 27193, + "framework": 27194, + "ĠItem": 27195, + "Ġsecretly": 27196, + "Ġdefective": 27197, + "systems": 27198, + "midt": 27199, + "igrams": 27200, + "Ġrepo": 27201, + "Ġrestorative": 27202, + "Ġshortened": 27203, + "Ġsalv": 27204, + "configure": 27205, + "Ġthunderstorm": 27206, + "ĠJennifer": 27207, + "Ġatroc": 27208, + "Ġphysi": 27209, + "Rule": 27210, + "ĠKl": 27211, + "Ġgrind": 27212, + "baum": 27213, + "MAN": 27214, + "orr": 27215, + "Ġchase": 27216, + "Ġsolemn": 27217, + "Ġconvictions": 27218, + "éĩ": 27219, + "Ġbbox": 27220, + "Ġrecreate": 27221, + "Ġjudging": 27222, + "ĠPrincipal": 27223, + "Ġdensely": 27224, + "Ġaforementioned": 27225, + "Ġsatire": 27226, + "Ġbroadband": 27227, + "Ġnano": 27228, + "ĠEcological": 27229, + "Ġblankets": 27230, + "Ġinvertebrates": 27231, + "ĠCoffee": 27232, + "Ġpamph": 27233, + "Ġshellfish": 27234, + "Ġunemployed": 27235, + "Failed": 27236, + "ĠGL": 27237, + "Ġmortar": 27238, + "Ġconfronting": 27239, + "Ġcessation": 27240, + "facing": 27241, + "awed": 27242, + "Ġstatutory": 27243, + "Ġtelecommunications": 27244, + "ĠMalcolm": 27245, + "Ġpronounce": 27246, + "Media": 27247, + "Neg": 27248, + "bons": 27249, + "must": 27250, + "angible": 27251, + "Ġsoups": 27252, + "ValueError": 27253, + "Originally": 27254, + "intendent": 27255, + "icuous": 27256, + "obacteria": 27257, + "Ġmorbidity": 27258, + "Dim": 27259, + "umers": 27260, + "Ġcommunism": 27261, + "Ġmeticulously": 27262, + "Ġcreek": 27263, + "Ġlongitude": 27264, + "Ġrental": 27265, + "ĠPetersburg": 27266, + "Ġannoying": 27267, + "Feed": 27268, + "iates": 27269, + "reciation": 27270, + "Ġhospitality": 27271, + "Ġcrisp": 27272, + "Ġbison": 27273, + "Ġbeliever": 27274, + "Ġstupid": 27275, + "resize": 27276, + "ĠRosa": 27277, + "Ġappliance": 27278, + "Ġsuspense": 27279, + "Ġcaregiver": 27280, + "identifier": 27281, + "RIGHT": 27282, + "ĠGill": 27283, + "ĠCorp": 27284, + "?'": 27285, + "ĠMunicip": 27286, + "ĠPok": 27287, + "ĠDol": 27288, + "Ġpalp": 27289, + "Ġsoak": 27290, + "ĠChain": 27291, + "ĠTranslation": 27292, + "Ġknights": 27293, + "Ġcontradictory": 27294, + "Ġoutweigh": 27295, + "erton": 27296, + "Ġscare": 27297, + "ippers": 27298, + "ĠRequirements": 27299, + "Ġreconcile": 27300, + "ĠComparative": 27301, + "Gr": 27302, + "bread": 27303, + "Ġplaint": 27304, + "ANCE": 27305, + "Ġsanction": 27306, + "Ġexploiting": 27307, + "Ġsubtraction": 27308, + "Ġbolst": 27309, + "Ġopioids": 27310, + "Ġanalyst": 27311, + "ĠEdit": 27312, + "Origin": 27313, + "ĠSequence": 27314, + "Ġneighbourhood": 27315, + "ĠSinai": 27316, + "anni": 27317, + "IONAL": 27318, + "Ġchemist": 27319, + "urbed": 27320, + "legal": 27321, + "ships": 27322, + "ĠRib": 27323, + "Ġentail": 27324, + "Ġpredetermined": 27325, + "Ġballoons": 27326, + "ĠMaths": 27327, + "Ġallegedly": 27328, + "resolved": 27329, + "ĠJamaica": 27330, + "ĠRenewable": 27331, + "ĠLed": 27332, + "Ġroasted": 27333, + "Ġblunt": 27334, + "Ġtopology": 27335, + "Ġkilograms": 27336, + "quiries": 27337, + "tb": 27338, + "ĠRut": 27339, + "Ġjaws": 27340, + "Ġsteer": 27341, + "Ġsweets": 27342, + "ĠHimself": 27343, + "Around": 27344, + "idine": 27345, + "ertical": 27346, + "packages": 27347, + "Category": 27348, + "Saxon": 27349, + "arag": 27350, + "ĠCotton": 27351, + "Ġimpurities": 27352, + "Ġretin": 27353, + "Ġanaerobic": 27354, + "Prop": 27355, + "Ġcurr": 27356, + "Ġhalls": 27357, + "Ġ([": 27358, + "\"\")": 27359, + "Union": 27360, + "Ġtrench": 27361, + "Ġpsoriasis": 27362, + "otomy": 27363, + "ĠHiro": 27364, + "ĠRan": 27365, + "Ġdistraction": 27366, + "Ġshortness": 27367, + "Ġcontinuum": 27368, + "Ġperpetuate": 27369, + "Ġporn": 27370, + "Ġstaggering": 27371, + "Ġcliffs": 27372, + "Ġhotter": 27373, + "posts": 27374, + "nie": 27375, + "quisite": 27376, + "agar": 27377, + "Recomm": 27378, + "Ġbraces": 27379, + "Ġpilgrimage": 27380, + "ĠTrial": 27381, + "otyp": 27382, + "Ġspraying": 27383, + "Ġvigilance": 27384, + "Ġinspires": 27385, + "Ġsymbolize": 27386, + "Ġneutrality": 27387, + "inia": 27388, + "Ġplacent": 27389, + "Width": 27390, + "Ġrichest": 27391, + "thy": 27392, + "ĠLan": 27393, + "activated": 27394, + "ossil": 27395, + "Ġbuf": 27396, + "Ġcurse": 27397, + "ĠDetection": 27398, + "(\"\"\"": 27399, + "ĠTet": 27400, + "Ġforeground": 27401, + "Ġsquared": 27402, + "ĠFeature": 27403, + "causing": 27404, + "ĠVehicle": 27405, + "ĠGalileo": 27406, + "ivariate": 27407, + "Tool": 27408, + "ku": 27409, + "aceans": 27410, + "thening": 27411, + "Scale": 27412, + "yy": 27413, + "ĠBorder": 27414, + "ĠHort": 27415, + "ĠRoh": 27416, + "boats": 27417, + "Ġmanifests": 27418, + "ĠAllergy": 27419, + "flation": 27420, + "Ġtqdm": 27421, + "Ġakin": 27422, + "almost": 27423, + "rigued": 27424, + "Average": 27425, + "Ġtinnitus": 27426, + "Ġhing": 27427, + "ĠEthernet": 27428, + "ĠJason": 27429, + "concept": 27430, + "Ġhorrible": 27431, + "enos": 27432, + "alms": 27433, + "ĠReally": 27434, + "Ġautomobiles": 27435, + "Ġcircumference": 27436, + "Ġquotation": 27437, + "ت": 27438, + "ĠStick": 27439, + "mediately": 27440, + "Ġstirring": 27441, + "Ġstubborn": 27442, + "Ġcollaboratively": 27443, + "Department": 27444, + "Ġadministering": 27445, + "nom": 27446, + "ĠGently": 27447, + "ĠsetUp": 27448, + "Ġintimacy": 27449, + "occupied": 27450, + "Bay": 27451, + "ĠCanaan": 27452, + "Ġincorporation": 27453, + "Ġmisinformation": 27454, + "Sleep": 27455, + "Ġawe": 27456, + "entries": 27457, + "Ġproton": 27458, + "visit": 27459, + "Ġseminar": 27460, + "Ġmisunderstood": 27461, + "Ġaur": 27462, + "roads": 27463, + "Ġneighbours": 27464, + "Ġfeminism": 27465, + "Ġsacrificing": 27466, + "Ġbrakes": 27467, + "ĠMechanical": 27468, + "Guideline": 27469, + "ĠPossible": 27470, + "ĠKol": 27471, + "Ġimminent": 27472, + "practice": 27473, + "decl": 27474, + "Things": 27475, + "Ġserpent": 27476, + "ĠCarefully": 27477, + "Ġintellectuals": 27478, + "ĠPhilippine": 27479, + "([\"": 27480, + "oras": 27481, + "Ġpicks": 27482, + "fd": 27483, + "jun": 27484, + "Ġtides": 27485, + "Ġstakes": 27486, + "ĠJA": 27487, + "Ġunnot": 27488, + "Ġanimations": 27489, + "Ġsafeguards": 27490, + "ĠPink": 27491, + "ĠRM": 27492, + "Ġ'')": 27493, + "Ġturmeric": 27494, + "Ġvagina": 27495, + "Ġvendor": 27496, + "Ġrug": 27497, + "Ġunfore": 27498, + "Ġwhatsoever": 27499, + "Ġshowers": 27500, + "Ġoccupying": 27501, + "Ġsupplemented": 27502, + "Ġids": 27503, + "Ġhears": 27504, + "Ġsoothing": 27505, + "Ġmolds": 27506, + "chunk": 27507, + "Ġfearful": 27508, + "Ġthreading": 27509, + "TL": 27510, + "ked": 27511, + "lisher": 27512, + "ĠFellow": 27513, + "strftime": 27514, + "Ġdestroys": 27515, + "'^": 27516, + "Kids": 27517, + "Ġlan": 27518, + "ĠARE": 27519, + "ĠSter": 27520, + "Ġencephal": 27521, + "ĠEngineer": 27522, + "parametrize": 27523, + "vocab": 27524, + "Ö¼": 27525, + "ÛĮ": 27526, + "iloc": 27527, + "sworth": 27528, + "Ġframed": 27529, + "Ġusefulness": 27530, + "ĠMillenn": 27531, + "Ġdisputed": 27532, + "Ġspontaneously": 27533, + "Ġaveraged": 27534, + "ĠDisaster": 27535, + "Ċĉĉĉĉĉĉ": 27536, + "ĠEy": 27537, + "ĠDawn": 27538, + "Ġkeras": 27539, + "Ġairways": 27540, + "ISA": 27541, + "ĠInterface": 27542, + "DAT": 27543, + "enstein": 27544, + "orian": 27545, + "Ġbiofuels": 27546, + "ĠWayne": 27547, + "ĠFilter": 27548, + "Patients": 27549, + "Ġgreeted": 27550, + "Ġfrightening": 27551, + "incinnati": 27552, + "Cultural": 27553, + "Together": 27554, + "ayas": 27555, + "asset": 27556, + "ĠReed": 27557, + "ĠPersons": 27558, + "Ġwrapping": 27559, + "Ġprops": 27560, + "Ġante": 27561, + "teacher": 27562, + "Ġbrewing": 27563, + "Ġdomest": 27564, + "blob": 27565, + "Ġplotting": 27566, + "Ġreciproc": 27567, + "Setting": 27568, + "different": 27569, + "ĠBattalion": 27570, + "Ġoppressed": 27571, + "Ġsandstone": 27572, + "ĠBluetooth": 27573, + "pots": 27574, + "igator": 27575, + "Ġmenus": 27576, + "Ġeffortlessly": 27577, + "Ġhomosexual": 27578, + "Ġexacerbated": 27579, + "geoId": 27580, + "econom": 27581, + "Ġshortcomings": 27582, + "relative": 27583, + "ISC": 27584, + "ĠPLoS": 27585, + "ĠRecognize": 27586, + "pronounced": 27587, + "ÅĽ": 27588, + "ĠUnd": 27589, + "Ġprenatal": 27590, + "Ġdirectories": 27591, + "Ġreservations": 27592, + "Ġwatches": 27593, + "accessed": 27594, + "Ġmerchand": 27595, + "Ġmorale": 27596, + "ĠTradition": 27597, + "ĠMarxist": 27598, + "Ġoutrage": 27599, + "iliency": 27600, + "Ġthresholds": 27601, + "nostic": 27602, + "Ġplent": 27603, + "ĠKidney": 27604, + "ĠSew": 27605, + "agents": 27606, + "Ġhandic": 27607, + "ĠReducing": 27608, + "Ġafforded": 27609, + "ĠSignal": 27610, + "ĠCyprus": 27611, + "Ġornament": 27612, + ">\\": 27613, + "GG": 27614, + "ĠNW": 27615, + "Ġnoon": 27616, + "Ġtransmitter": 27617, + "Ġwarehouse": 27618, + "?,": 27619, + "TV": 27620, + "Ġbog": 27621, + "Ġspraw": 27622, + "crets": 27623, + "medicine": 27624, + "Ġnd": 27625, + "Ġbount": 27626, + "vectors": 27627, + "heet": 27628, + "esame": 27629, + "ĠElim": 27630, + "clusters": 27631, + "Ġraids": 27632, + "Ġgreatness": 27633, + "Traditional": 27634, + "ĠRuby": 27635, + "ĠPearson": 27636, + "UID": 27637, + "ĠProte": 27638, + "ĠNeil": 27639, + "Ġanthropogenic": 27640, + "ĠCob": 27641, + "umi": 27642, + "Ġeradicate": 27643, + "Ġattendees": 27644, + "sorption": 27645, + "ĠAccounting": 27646, + "Michael": 27647, + "ĠSpark": 27648, + "Chall": 27649, + "Ġrelieved": 27650, + "nge": 27651, + "Ġwired": 27652, + "ĠNSA": 27653, + "ormal": 27654, + "ĉĉĉ": 27655, + "Ġassigning": 27656, + "Ġrupture": 27657, + "ĠSicily": 27658, + "hemer": 27659, + "ĠCamera": 27660, + "ĠExpedition": 27661, + "impl": 27662, + "ĠTong": 27663, + "Ġgeared": 27664, + "ĠIUCN": 27665, + "ffiti": 27666, + "Ġkel": 27667, + "Ġfinishes": 27668, + "RET": 27669, + "ĠOriental": 27670, + "ĠYugoslav": 27671, + "Ġlattice": 27672, + "ourcing": 27673, + "ĠPlain": 27674, + "returns": 27675, + "ĠEllen": 27676, + "ĠInjury": 27677, + "HP": 27678, + "gran": 27679, + "hift": 27680, + "inters": 27681, + "opian": 27682, + "Ġformulate": 27683, + "Cisco": 27684, + "apeake": 27685, + "Ġrelics": 27686, + "paces": 27687, + "}_": 27688, + "Ġbinge": 27689, + "Ġ(<": 27690, + "rio": 27691, + "Ġunavailable": 27692, + "eyed": 27693, + "ydia": 27694, + "Ġpyramids": 27695, + "rists": 27696, + "ĠMotion": 27697, + "ĠOpin": 27698, + "ĠAna": 27699, + "Ġunexpectedly": 27700, + "Ġascending": 27701, + "Ġsoybeans": 27702, + "Ġelabor": 27703, + "Ultimately": 27704, + "GIS": 27705, + "Training": 27706, + "]-": 27707, + "waves": 27708, + "Ġç": 27709, + "Ġrushed": 27710, + "Ġabscess": 27711, + "Ġtriglycer": 27712, + "ĠBrussels": 27713, + "б": 27714, + "Ġnocturnal": 27715, + "hb": 27716, + "itance": 27717, + "omat": 27718, + "Ġpreview": 27719, + "Ġdeparted": 27720, + "Ġsquirrel": 27721, + "ĠAzer": 27722, + "Ġwiped": 27723, + "Ġbankruptcy": 27724, + "Ġcites": 27725, + "Ġvain": 27726, + "INGS": 27727, + "Ġavenue": 27728, + "Ġadjectives": 27729, + "Ġabusive": 27730, + "ismatic": 27731, + "ĠCooperation": 27732, + "ĠPerry": 27733, + "Ġdistinctly": 27734, + "ĠBoys": 27735, + "Ġantibacterial": 27736, + "Nor": 27737, + "kah": 27738, + "ĠMahar": 27739, + "Ġuncovering": 27740, + "enging": 27741, + "Ġwhistle": 27742, + "ostasis": 27743, + "ensitive": 27744, + "Ġnumeric": 27745, + "Diagn": 27746, + "ArgumentParser": 27747, + "clesiastical": 27748, + "د": 27749, + "itted": 27750, + "Ġmound": 27751, + "ĠRC": 27752, + "Ġamput": 27753, + "âĤ¬âĦ¢": 27754, + "Ġpeel": 27755, + "Ġcolorectal": 27756, + "Ġcreep": 27757, + "Ġposits": 27758, + "Ġcheckpoint": 27759, + "ĠPyth": 27760, + "ĠPresentation": 27761, + "experiment": 27762, + "Ġvowels": 27763, + "ĠSalvador": 27764, + "die": 27765, + "xiv": 27766, + "Ġ\"\",": 27767, + "Ġsounded": 27768, + "HTML": 27769, + "ĠClarke": 27770, + "Arab": 27771, + "Cat": 27772, + "ĠNest": 27773, + "Ġprogrammer": 27774, + "contents": 27775, + "ĠConstantine": 27776, + "BASE": 27777, + "Pacific": 27778, + "Talk": 27779, + "ĠReaders": 27780, + "Ġpods": 27781, + "atorial": 27782, + "Ġtitanium": 27783, + "Ġresonates": 27784, + "isia": 27785, + "ĠMOD": 27786, + "Ġsuicidal": 27787, + "Ġglorious": 27788, + "ĠExamine": 27789, + "checkpoint": 27790, + "Ġdiscrepancies": 27791, + "Ġgt": 27792, + "ĠEqual": 27793, + "ĠLaser": 27794, + "Ġdispat": 27795, + "angi": 27796, + "Ġoverride": 27797, + "Ġcastles": 27798, + "Ġcontradiction": 27799, + "Ġfeces": 27800, + "ĠPresbyter": 27801, + "ĠLogic": 27802, + "Henry": 27803, + "Äĩ": 27804, + "ĠMills": 27805, + "Ġcannon": 27806, + "Ġtreacher": 27807, + "Ġexecutives": 27808, + "Various": 27809, + "Ġspong": 27810, + "Ġrelapse": 27811, + "Ġhumankind": 27812, + "abspath": 27813, + "Smart": 27814, + "ĠCox": 27815, + "gemon": 27816, + "phant": 27817, + "RecipeSteps": 27818, + "ĠاÙĦ": 27819, + "ĠNeb": 27820, + "ĠChat": 27821, + "death": 27822, + "beam": 27823, + "Ġcostume": 27824, + "Ġsixteenth": 27825, + "Ġbrittle": 27826, + "ĠUnique": 27827, + "Ġdelim": 27828, + "Ġcrunch": 27829, + "æĺ¯": 27830, + "Has": 27831, + "ĠHealing": 27832, + "Ġslender": 27833, + "Phil": 27834, + "Ġmandates": 27835, + "Ġestates": 27836, + "Ġbroadcasting": 27837, + "Ġdwind": 27838, + "Ġhaem": 27839, + "á¹£": 27840, + "embedding": 27841, + "Ġinstincts": 27842, + "adoes": 27843, + "ĠFolk": 27844, + "Ġalloys": 27845, + "Api": 27846, + "Ġresur": 27847, + "----------------------------------": 27848, + "Ġcomplained": 27849, + "ĠMorning": 27850, + "Variable": 27851, + "/{}": 27852, + "itles": 27853, + "Ġups": 27854, + "Ġaffective": 27855, + "Ġdefaults": 27856, + "mits": 27857, + "caping": 27858, + "Ġpossessing": 27859, + "Ġlipids": 27860, + "codes": 27861, + "olation": 27862, + "Ġimpover": 27863, + "ĠJulia": 27864, + "Move": 27865, + "rez": 27866, + "seven": 27867, + "ONG": 27868, + "industrial": 27869, + "Ġdispersal": 27870, + "Math": 27871, + "Ġsocks": 27872, + "ĠHERE": 27873, + "popular": 27874, + "Ġstacked": 27875, + "Ġshrinking": 27876, + "ĠDominican": 27877, + "Ġneph": 27878, + "ĠOv": 27879, + "ĠUSS": 27880, + "ĠMarriage": 27881, + "Ġnormalized": 27882, + "cue": 27883, + "Ġrider": 27884, + "ĠLeak": 27885, + "ĠSadly": 27886, + "Ġbumps": 27887, + "Ġphyt": 27888, + "INK": 27889, + "Ġasyncio": 27890, + "Ġpag": 27891, + "Ġparticipatory": 27892, + "otta": 27893, + "ĠErnest": 27894, + "ĠHA": 27895, + "Ġassemblies": 27896, + "camera": 27897, + "æī": 27898, + "Ġmammalian": 27899, + "akedirs": 27900, + "bench": 27901, + "Ġartificially": 27902, + "sted": 27903, + "ĠSSL": 27904, + "ĠAmid": 27905, + "ĠWestminster": 27906, + "Ġresisted": 27907, + "Ġnegotiated": 27908, + "etti": 27909, + "Ġdivergence": 27910, + "[![": 27911, + "iets": 27912, + "ocese": 27913, + "Ġattacker": 27914, + "RIPT": 27915, + "ĠExperiences": 27916, + "Ġrabies": 27917, + "iciaries": 27918, + "reward": 27919, + "gee": 27920, + "essive": 27921, + "andra": 27922, + "Ġdeterg": 27923, + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 27924, + "IMIT": 27925, + "Ġribbon": 27926, + "ĠMaxim": 27927, + "Ġintrigue": 27928, + "Character": 27929, + "ĠLinked": 27930, + "Analysis": 27931, + "Ġexploded": 27932, + "Ġowls": 27933, + "Ġignorant": 27934, + "Ġdiligently": 27935, + "JSON": 27936, + "gall": 27937, + "arval": 27938, + "ilate": 27939, + "Ġlr": 27940, + "ĠStack": 27941, + "Ġmultinational": 27942, + "Ġdefenders": 27943, + "harv": 27944, + "Ġves": 27945, + "loaded": 27946, + "Ġadvantageous": 27947, + "ä¹": 27948, + "ĠIntellectual": 27949, + "ĠPhysiology": 27950, + "Ġtransitional": 27951, + "ithe": 27952, + "Ġholdings": 27953, + "Ġsynagogue": 27954, + "Ġnanotechnology": 27955, + "representation": 27956, + "erations": 27957, + "ĠSr": 27958, + "ĠLength": 27959, + "Ġfinely": 27960, + "Ġmarketed": 27961, + "Ġbikes": 27962, + "Ġmessy": 27963, + "inoa": 27964, + "Ġconsolidation": 27965, + "Ġparaph": 27966, + "Matthew": 27967, + "ré": 27968, + "ĠBund": 27969, + "forests": 27970, + "Ġ\":": 27971, + "Ġdeclares": 27972, + "ĠRelief": 27973, + "ña": 27974, + "Ġeccentric": 27975, + "Ġhumorous": 27976, + "Ġforehead": 27977, + "authent": 27978, + "Ġaerospace": 27979, + "Connect": 27980, + "ĠStructures": 27981, + "ĠImmigration": 27982, + "Ġportrayals": 27983, + "ĠCertainly": 27984, + "Ren": 27985, + "Ġcis": 27986, + "Ġpreserves": 27987, + "ische": 27988, + "atinum": 27989, + "Ġelicit": 27990, + "åį": 27991, + "Ġriot": 27992, + "scription": 27993, + "ĠParties": 27994, + "Ġmidw": 27995, + "Ġdomesticated": 27996, + "ĠChairman": 27997, + "Ġrefrain": 27998, + "idery": 27999, + "untu": 28000, + "ĠMaori": 28001, + "Ġcylindrical": 28002, + "Ġuniforms": 28003, + "ĠConfederacy": 28004, + "Ġplentiful": 28005, + "cible": 28006, + "chens": 28007, + "Ġcarc": 28008, + "Ġrhetorical": 28009, + "chall": 28010, + "iga": 28011, + "Ġarches": 28012, + "Ġfloral": 28013, + "Ġstatewide": 28014, + "Host": 28015, + "rogram": 28016, + "ĠSau": 28017, + "oshi": 28018, + "ĠEsp": 28019, + "ourism": 28020, + "Ġthrill": 28021, + "boarding": 28022, + "ĠMeasurement": 28023, + "ĠValentine": 28024, + "WW": 28025, + "Ġdend": 28026, + "Ġtechnician": 28027, + "Ġincrement": 28028, + "Ġmicrophone": 28029, + "ĠMadrid": 28030, + "ĠBelgian": 28031, + "Ġpolymorph": 28032, + "ĠEstate": 28033, + "Ġbells": 28034, + "Ġcatches": 28035, + "Ġsegmentation": 28036, + "ĠCardi": 28037, + "ĠNiño": 28038, + "gain": 28039, + "ĠBle": 28040, + "Ġobservable": 28041, + "Ġextracting": 28042, + "æį": 28043, + "ĠBil": 28044, + "phyl": 28045, + "ĠCompute": 28046, + "aisy": 28047, + "Fortunately": 28048, + "Ġpollination": 28049, + "Ġн": 28050, + "ĠCONT": 28051, + "manuel": 28052, + "Ġintersectionality": 28053, + "ĠArmenia": 28054, + "oblast": 28055, + "Ġgraded": 28056, + "Ġflown": 28057, + "Ġadventurous": 28058, + "ĠStructural": 28059, + "Ġfoul": 28060, + "closing": 28061, + "Lin": 28062, + "streng": 28063, + "ĠBattery": 28064, + "ĠStem": 28065, + "switch": 28066, + "ĠAck": 28067, + "ptune": 28068, + "ĠHero": 28069, + "Recogn": 28070, + "ĠBolshe": 28071, + "Ġepidemiology": 28072, + "Ġwag": 28073, + "ATIONS": 28074, + "builder": 28075, + "ĠUniversities": 28076, + "Operation": 28077, + "Ġpristine": 28078, + "Ġnewcom": 28079, + "umbar": 28080, + "ĠHomo": 28081, + "frag": 28082, + "atomic": 28083, + "ĠItal": 28084, + "Ġexplorations": 28085, + "dinand": 28086, + "Ġpeanuts": 28087, + "tot": 28088, + "orexia": 28089, + "Ġcuttings": 28090, + "castle": 28091, + "ĠCongressional": 28092, + "OA": 28093, + "ĠTalm": 28094, + "ĠScreen": 28095, + "Ġ\"#": 28096, + "Ġridges": 28097, + "Ġwears": 28098, + "Ġsoftly": 28099, + "IGH": 28100, + "âĢĶâĢĶ": 28101, + "attack": 28102, + "Ġqualification": 28103, + "Ġtemptation": 28104, + "bbox": 28105, + "Ġinflicted": 28106, + "Ġbiome": 28107, + "='',": 28108, + "Ġbleed": 28109, + "tm": 28110, + "alas": 28111, + "Ġsponge": 28112, + "ptomatic": 28113, + "Ġmiscar": 28114, + "Ġportrayal": 28115, + "ĠUnderground": 28116, + "APP": 28117, + "Ġsteril": 28118, + "ĠPilgrim": 28119, + "hello": 28120, + "Ġawaiting": 28121, + "Ġepistem": 28122, + "ĠLingu": 28123, + "ĠGut": 28124, + "Ġcorro": 28125, + "Ġheroin": 28126, + "CrossRef": 28127, + "ĠEP": 28128, + "venting": 28129, + "ariance": 28130, + "Ġtoothbrush": 28131, + "Ġunderestimate": 28132, + "Historically": 28133, + "Ten": 28134, + "ocities": 28135, + "ĠComments": 28136, + "Ġredes": 28137, + "rosclerosis": 28138, + "Ġannotation": 28139, + "rances": 28140, + "ĠDistance": 28141, + "ffy": 28142, + "Ġspo": 28143, + "ĠVish": 28144, + "ĠART": 28145, + "Ġwield": 28146, + "Ġsilic": 28147, + "Ġconstructions": 28148, + "Face": 28149, + "hm": 28150, + "¼": 28151, + "LAGS": 28152, + "ĠRhodes": 28153, + "Fem": 28154, + "LED": 28155, + "Ġomitted": 28156, + "riet": 28157, + "ĠOTHER": 28158, + "Ġdemocracies": 28159, + "newline": 28160, + "Ġnewborns": 28161, + "Ġnasty": 28162, + "bohyd": 28163, + "compar": 28164, + "Ġsuburbs": 28165, + "Ġcompressor": 28166, + "ĠEfforts": 28167, + "Bit": 28168, + "ĠMent": 28169, + "Ġwhoever": 28170, + "Ġskins": 28171, + "balls": 28172, + "ĠMAC": 28173, + "ĠElsevier": 28174, + "Ġdentistry": 28175, + "Ġrepairing": 28176, + "Ġworsening": 28177, + "Ġpledge": 28178, + "ĠPros": 28179, + "Ġdropout": 28180, + "ĠInfo": 28181, + "ĠLloyd": 28182, + "\\'": 28183, + "ĠBog": 28184, + "elfth": 28185, + "Ġmined": 28186, + "Ġtactical": 28187, + "projects": 28188, + "ĠSacrament": 28189, + "Ġphylogenetic": 28190, + "Ġcholera": 28191, + "Ġ))": 28192, + "Ġ__________": 28193, + "Ġovaries": 28194, + "today": 28195, + "Ġcooks": 28196, + "ĠGol": 28197, + "Ġprovoke": 28198, + "Ġcarriage": 28199, + "Ġelevations": 28200, + "ĠRS": 28201, + "Ġcompilation": 28202, + "ĠTruman": 28203, + "Seq": 28204, + "sentence": 28205, + "Ġshrine": 28206, + "Ġaudi": 28207, + "rieve": 28208, + "ĠUP": 28209, + "ĠSpectrum": 28210, + "RF": 28211, + "Ġdeception": 28212, + "enser": 28213, + "Ġsalty": 28214, + "knowledge": 28215, + "downs": 28216, + "Ġbudgeting": 28217, + "Ġexchanging": 28218, + "Ġannotations": 28219, + "rele": 28220, + "Rate": 28221, + "Ġctypes": 28222, + "Ġconceive": 28223, + "Ġprocedural": 28224, + "icillin": 28225, + "Ġhike": 28226, + "ĠFit": 28227, + "Ġearthly": 28228, + "Ġerrone": 28229, + "ĠCatholicism": 28230, + "Ġdenominations": 28231, + "Ġenlisted": 28232, + "Iter": 28233, + "south": 28234, + "Ġlizards": 28235, + "ĠTouch": 28236, + "ĠCav": 28237, + "ĠNeander": 28238, + "ĠÃī": 28239, + "ethylene": 28240, + "ĠSoy": 28241, + "ĠKrist": 28242, + "Ġagro": 28243, + "ĠSuggest": 28244, + "Ġdich": 28245, + "ĠBuch": 28246, + "Ġdivert": 28247, + "Ġprominently": 28248, + "Ġfaraway": 28249, + "ĠGlasgow": 28250, + "Ġdissolution": 28251, + "CONFIG": 28252, + "Ġenforcing": 28253, + "ĠNg": 28254, + "Ġspoil": 28255, + "Ġbushes": 28256, + "Ġtactile": 28257, + "Ġquadratic": 28258, + "ĠChest": 28259, + "ĠGiant": 28260, + "Ġblurred": 28261, + "Stay": 28262, + "Ġexposes": 28263, + "ĠMilton": 28264, + "clips": 28265, + "ĠComics": 28266, + "Ġbooklet": 28267, + "Ġtransg": 28268, + "Ġinterpreter": 28269, + "Ġlatency": 28270, + "Ġcomplication": 28271, + "á¹ĩ": 28272, + "ococcus": 28273, + "Ġriots": 28274, + "Ġemergent": 28275, + "Ġitchy": 28276, + "aku": 28277, + "ĠJung": 28278, + "ĠStrat": 28279, + "Ġbiologically": 28280, + "Ġelli": 28281, + "Ġcartoons": 28282, + "Ġunforeseen": 28283, + "Wil": 28284, + "ĠTou": 28285, + "changes": 28286, + "ensely": 28287, + "Ġquir": 28288, + "Ġdiffered": 28289, + "ĠHack": 28290, + "Ġfolders": 28291, + "={\"": 28292, + "Living": 28293, + "ĠSET": 28294, + "adr": 28295, + "Ġshuffle": 28296, + "Ġaches": 28297, + "Ġentrenched": 28298, + "Ġslim": 28299, + "loading": 28300, + "Ġheaters": 28301, + "Ġexhibiting": 28302, + "Ġbedding": 28303, + "VEL": 28304, + "Ġdeciduous": 28305, + "Ġextant": 28306, + "sufficient": 28307, + "Symbol": 28308, + "rocal": 28309, + "ĠFields": 28310, + "ĠDevelopmental": 28311, + "ĠClassic": 28312, + "erencing": 28313, + "California": 28314, + "Ġfranchise": 28315, + "ĠHomes": 28316, + "paralle": 28317, + "Ġventric": 28318, + "along": 28319, + "rika": 28320, + "Ġfactions": 28321, + "ĠJohannes": 28322, + "ĠAging": 28323, + "Ġunreason": 28324, + "ĠHav": 28325, + "Ġactu": 28326, + "Ġsmugg": 28327, + "Ġoccupants": 28328, + "Student": 28329, + "Ġdrafted": 28330, + "guild": 28331, + "sing": 28332, + "uras": 28333, + "ĠBib": 28334, + "Ġencyclopedia": 28335, + "Ġnostalg": 28336, + "Abs": 28337, + "Ġpes": 28338, + "ÃŃn": 28339, + "dictionary": 28340, + "Ġageing": 28341, + "Ġcontractions": 28342, + ",.": 28343, + ":])": 28344, + "xs": 28345, + "insky": 28346, + "ĠNowadays": 28347, + "levels": 28348, + "Ġforgot": 28349, + "ĠMang": 28350, + "endas": 28351, + "avi": 28352, + "agnet": 28353, + "ĠAddiction": 28354, + "Ġpellets": 28355, + "boot": 28356, + "âĢij": 28357, + "ĠWise": 28358, + "Ġscholarships": 28359, + "ĠLibya": 28360, + "Ġscanner": 28361, + "alus": 28362, + "Ġpac": 28363, + "Ġhives": 28364, + "ĠCruz": 28365, + "Ġmasculine": 28366, + "love": 28367, + "inous": 28368, + "Ġgira": 28369, + "Ġ'{}": 28370, + "ĠParts": 28371, + "Ġ\\\\": 28372, + "Ġapproximation": 28373, + "Ġcoasts": 28374, + "ĠRisks": 28375, + "Ġinfused": 28376, + "Ġgraft": 28377, + "NH": 28378, + "ĠStanding": 28379, + "Deb": 28380, + "Ġstitches": 28381, + "Ġutmost": 28382, + "Ġimmunization": 28383, + "Style": 28384, + "Ġmoll": 28385, + "ĠCourts": 28386, + "Ga": 28387, + "tub": 28388, + "onium": 28389, + "Ġseptic": 28390, + "Ġpedagogy": 28391, + ")'": 28392, + "fg": 28393, + "ete": 28394, + "Ġworldview": 28395, + "lessed": 28396, + "Ġcontacting": 28397, + "Ġanomaly": 28398, + "ressor": 28399, + "heng": 28400, + "Ġsurrendered": 28401, + "Ġchees": 28402, + "Ġhypers": 28403, + "Ġmicrobiota": 28404, + "Ġramifications": 28405, + "Center": 28406, + "Game": 28407, + "ĠBibli": 28408, + "rien": 28409, + "ĠGrande": 28410, + "ĠSupporting": 28411, + "Ide": 28412, + "Ġbuoy": 28413, + "ĠAdvert": 28414, + "religious": 28415, + "ĠInspired": 28416, + "Rs": 28417, + "Ġexquisite": 28418, + "ĠLodge": 28419, + "Ġphishing": 28420, + "Multiple": 28421, + "$.": 28422, + "ĠSams": 28423, + "ĠMÄģ": 28424, + "ĠSeeds": 28425, + "ĠWindow": 28426, + "ĠRepresentation": 28427, + "Row": 28428, + "Ġcoded": 28429, + "Ġga": 28430, + "ĠGrad": 28431, + "Ġboast": 28432, + "ĠClara": 28433, + "Ġpreferable": 28434, + "Ġsprouts": 28435, + "Ġfid": 28436, + "Ġgrounding": 28437, + "lickr": 28438, + "Ġprolific": 28439, + "ĠMathematical": 28440, + "Ġrailroads": 28441, + "Ġshingles": 28442, + "Ġauxiliary": 28443, + "warm": 28444, + "Ġstalk": 28445, + "ĠSilk": 28446, + "Ġblooming": 28447, + "Ġcryptocurrencies": 28448, + "Ġmotive": 28449, + "Ġobstruct": 28450, + "Ġenriches": 28451, + "Ġthermost": 28452, + "dst": 28453, + "Ġrage": 28454, + "attoo": 28455, + "Heart": 28456, + "Phys": 28457, + "DAY": 28458, + "Ġvertebrae": 28459, + "Rect": 28460, + "wana": 28461, + "ĠPull": 28462, + "licts": 28463, + "savefig": 28464, + "Ġcourageous": 28465, + "Ġdiligent": 28466, + "iao": 28467, + "ĠKate": 28468, + "ĠKill": 28469, + "Ġsubsistence": 28470, + "vertex": 28471, + "Ġ'#": 28472, + "Ġminimally": 28473, + "Ġshutter": 28474, + "Ġinterconnectedness": 28475, + "pickle": 28476, + "hom": 28477, + "tl": 28478, + "weh": 28479, + "essionals": 28480, + "ĠRi": 28481, + "ĠAviation": 28482, + "ĠChesapeake": 28483, + "sizes": 28484, + "ĠSaul": 28485, + "ĠIA": 28486, + "ferred": 28487, + "Ġpredictor": 28488, + "Ġratified": 28489, + "Ġinsecticides": 28490, + "Ġdownloading": 28491, + "slice": 28492, + "Ġabound": 28493, + "continent": 28494, + "Ġimplication": 28495, + "Ġsynthesized": 28496, + "Ever": 28497, + "Ġresigned": 28498, + "Ġparade": 28499, + "],[": 28500, + "Week": 28501, + "ĠCanon": 28502, + "Ġtutoring": 28503, + "Ġincubation": 28504, + "cock": 28505, + "ĠTroy": 28506, + "ĠGam": 28507, + "ĠOz": 28508, + "ĠIndies": 28509, + "Ġfoxes": 28510, + "lime": 28511, + "Ġpenguins": 28512, + "Ġartistry": 28513, + "ĠCertificate": 28514, + "Ġendorsed": 28515, + "ĠMau": 28516, + "ĠBurns": 28517, + "ĠLines": 28518, + "requests": 28519, + "Ġinventors": 28520, + "Ġinhibitor": 28521, + "Ġlinen": 28522, + "Too": 28523, + "Ġmell": 28524, + "racial": 28525, + "ĠSaw": 28526, + "agos": 28527, + "ECTION": 28528, + "posal": 28529, + "Ġinforms": 28530, + "ĠWHERE": 28531, + "×Ļ×": 28532, + "chant": 28533, + "ĠGaza": 28534, + "Ġcollaborated": 28535, + "ĠPlanck": 28536, + "Prepar": 28537, + "Community": 28538, + "dad": 28539, + "ulse": 28540, + "Ġcravings": 28541, + "rocessing": 28542, + "Ġillegally": 28543, + "Ġinoc": 28544, + "Ġavid": 28545, + "Ġnonlinear": 28546, + "Ġsummon": 28547, + "ĠHidden": 28548, + "Ġseating": 28549, + "Ġcontested": 28550, + "Ġendot": 28551, + "ĠFleet": 28552, + "Ġcellulose": 28553, + "ycin": 28554, + "Ġvents": 28555, + "ĠBPA": 28556, + "Ġfantastical": 28557, + "Ġunnoticed": 28558, + "Lou": 28559, + "Ġblockage": 28560, + "chery": 28561, + "Ġfishery": 28562, + "$',": 28563, + "above": 28564, + "ĠMons": 28565, + "sectional": 28566, + "ĠOpportunity": 28567, + "ucalypt": 28568, + "Sex": 28569, + "ĠLuis": 28570, + "Ġinvading": 28571, + "pixel": 28572, + "Government": 28573, + "ept": 28574, + "Ġbail": 28575, + "chu": 28576, + "ĊĊĠĠĠĠĠ": 28577, + "Ġmagma": 28578, + "ĠAchilles": 28579, + "Ġrever": 28580, + "Ġgorge": 28581, + "ĠFBI": 28582, + "Ġbaths": 28583, + "los": 28584, + "mor": 28585, + "Ġ\"{}": 28586, + "ĠKap": 28587, + "partum": 28588, + "ä¸Ń": 28589, + "ĠSurvival": 28590, + "ifix": 28591, + "ractions": 28592, + "Ġreplaces": 28593, + "markets": 28594, + "ĠDirectory": 28595, + "Large": 28596, + "ĠBoeing": 28597, + "ĠReach": 28598, + "wash": 28599, + "ĠDermat": 28600, + "Ġzeros": 28601, + "Ġmixes": 28602, + "Ġidle": 28603, + "Ġwrapper": 28604, + "Support": 28605, + "Ġscraps": 28606, + "Ġoutfit": 28607, + "Ġmigrating": 28608, + "constants": 28609, + "ĠMacbeth": 28610, + "Ġprohibits": 28611, + "Ġfidelity": 28612, + "ĠMeth": 28613, + "ĠEdd": 28614, + "Ġshocks": 28615, + "Star": 28616, + "zees": 28617, + "concatenate": 28618, + "ĠMethodist": 28619, + "ĠBachelor": 28620, + "Ġuphe": 28621, + "atta": 28622, + "Ġselectively": 28623, + "Ġbonded": 28624, + "ĠArgument": 28625, + "Ġherein": 28626, + "cup": 28627, + "isi": 28628, + "seek": 28629, + "udo": 28630, + "Ġforgetting": 28631, + "Ġdispersion": 28632, + "Train": 28633, + "isional": 28634, + "ribers": 28635, + "ronomy": 28636, + "truth": 28637, + "Ġcrystalline": 28638, + "Ġyouths": 28639, + "Ġ'+": 28640, + "Ġquestionnaires": 28641, + "Ġwander": 28642, + "Ġoverr": 28643, + "Ġremedi": 28644, + "ĠImproving": 28645, + "Ġconfrontation": 28646, + "ĠResponsibility": 28647, + "ĠSalmonella": 28648, + "LAN": 28649, + "Ġvisa": 28650, + "ĠAttribute": 28651, + "ĠGD": 28652, + "Ġfecal": 28653, + "Ġdrip": 28654, + "ĠObjects": 28655, + "Ġsurvivor": 28656, + "essing": 28657, + "Ġdemons": 28658, + "Ġsymbolizes": 28659, + "为": 28660, + "Ġdiseased": 28661, + "Emer": 28662, + "Ġyoungsters": 28663, + "Ġconcluding": 28664, + "Ġflourishing": 28665, + "Ġtomography": 28666, + "Ġpaddle": 28667, + "ĠGermanic": 28668, + "ĠFamous": 28669, + "Ġneutrons": 28670, + "Ġdevastated": 28671, + "ĠEstablishing": 28672, + "Ġresurg": 28673, + "becca": 28674, + "genic": 28675, + "ĠMilan": 28676, + "αι": 28677, + "({\"": 28678, + "ĠMans": 28679, + "ĠGov": 28680, + "Ġgraduating": 28681, + "ĠInfrastructure": 28682, + "stanbul": 28683, + "Apart": 28684, + "ĠTum": 28685, + "Ġcontinual": 28686, + "tti": 28687, + "ĠConsidering": 28688, + "Ġpositivity": 28689, + "Ġbreaches": 28690, + "ĠSiberia": 28691, + "Grade": 28692, + "Ns": 28693, + "Pa": 28694, + "urry": 28695, + "thren": 28696, + "ĠPig": 28697, + "ernels": 28698, + "Ġprototypes": 28699, + "ĠMyster": 28700, + "Wik": 28701, + "ĠTuring": 28702, + "emerg": 28703, + "Ġartworks": 28704, + "armac": 28705, + "ISPR": 28706, + "numbers": 28707, + "Ġtombs": 28708, + "Ġepochs": 28709, + "Warning": 28710, + "nell": 28711, + "orkshire": 28712, + "Ġdiagnostics": 28713, + "perors": 28714, + "Ġdetachment": 28715, + "Ġdeepening": 28716, + "Ġchiefs": 28717, + "Ġsightings": 28718, + "Ġincapable": 28719, + "igate": 28720, + "Sequence": 28721, + "tip": 28722, + "Ġbak": 28723, + "Ġyaml": 28724, + "ĠUran": 28725, + "Ġamplifier": 28726, + "Ġirritability": 28727, + "given": 28728, + "Ġsang": 28729, + "Ġalk": 28730, + "ĠTheater": 28731, + "ĠKurd": 28732, + "===": 28733, + "Ġmorals": 28734, + "ĠEquity": 28735, + "ynthetic": 28736, + "ĠAdventures": 28737, + "Ġpseudo": 28738, + "Ġpylint": 28739, + "makedirs": 28740, + "ongh": 28741, + "Ġvin": 28742, + "Ġworkouts": 28743, + "ĠReporting": 28744, + "OCs": 28745, + "Ġcongressional": 28746, + "ĠFut": 28747, + "Ġsustainably": 28748, + "ACC": 28749, + "Ġconfirming": 28750, + "Usually": 28751, + "Created": 28752, + "Background": 28753, + "ndon": 28754, + "ĠCopy": 28755, + "ĠPatent": 28756, + "ĠFranco": 28757, + "Ġhavoc": 28758, + "aways": 28759, + "Ġarchival": 28760, + "aith": 28761, + "erica": 28762, + "ĠRac": 28763, + "ĠGap": 28764, + "Invest": 28765, + "Ġavoids": 28766, + "Ġminimizes": 28767, + "Ġasserts": 28768, + "Args": 28769, + "ĠDocuments": 28770, + "Ġscrutin": 28771, + "TON": 28772, + "ĠComputers": 28773, + "women": 28774, + "Ġrode": 28775, + "ĠVic": 28776, + "Ġcomputations": 28777, + "Ġfluorescence": 28778, + "ocations": 28779, + "ĠGPA": 28780, + "Ġinstituted": 28781, + "Ġincremental": 28782, + "ĠBelief": 28783, + "FTWARE": 28784, + "ĠGrove": 28785, + "Ġreporters": 28786, + "scene": 28787, + "Ġcrush": 28788, + "logits": 28789, + "Ġvanilla": 28790, + "ĠCincinnati": 28791, + "absol": 28792, + "ĠRuntime": 28793, + "Ġvolts": 28794, + "ĠConcord": 28795, + "ĠTall": 28796, + "ĠCash": 28797, + "Ġglor": 28798, + "Ġidentifiable": 28799, + "sharing": 28800, + "ĠIPCC": 28801, + "ĠMesopotamia": 28802, + "Ġdst": 28803, + "Ġetym": 28804, + "Ġcommenced": 28805, + "Ġdoubling": 28806, + "ĠGNU": 28807, + "categories": 28808, + "Ġlyn": 28809, + "Ġspines": 28810, + "ĠHuang": 28811, + "Ġisotopes": 28812, + "Jul": 28813, + "Ġconductive": 28814, + "Ġskate": 28815, + "hetto": 28816, + "Ġirrespective": 28817, + "istles": 28818, + "Ġdisconnect": 28819, + "ĠKay": 28820, + "ĠQing": 28821, + "Ġstarter": 28822, + "Ġcrowns": 28823, + "Ġviscosity": 28824, + "ĠTowards": 28825, + "Ġmeningitis": 28826, + "WC": 28827, + "tha": 28828, + "Carbon": 28829, + "ĠWit": 28830, + "Ġrightly": 28831, + "Ġcharacterised": 28832, + "ĠKeith": 28833, + "Ġbelongings": 28834, + "Ġantidepressants": 28835, + "drug": 28836, + "enburg": 28837, + "entional": 28838, + "stride": 28839, + "Stack": 28840, + "ĠKeyError": 28841, + "ĠSpecialist": 28842, + "azes": 28843, + "ĠShut": 28844, + "MIT": 28845, + "ĠDrag": 28846, + "Ġcommence": 28847, + "Ġradon": 28848, + "interpre": 28849, + "Ġfurnish": 28850, + "Root": 28851, + "]}": 28852, + "Ġtariffs": 28853, + "ĠPowell": 28854, + "ĠPly": 28855, + "ĠChrome": 28856, + "Ġcamoufl": 28857, + "Ġbottled": 28858, + "Ġarterial": 28859, + "ĠIO": 28860, + "ĠMull": 28861, + "sett": 28862, + "ĠVinci": 28863, + "ĠCAR": 28864, + "Ġsmallpox": 28865, + "Keywords": 28866, + "Ġfridge": 28867, + "Ġmonasteries": 28868, + "Ġcu": 28869, + "ĠDjango": 28870, + "Ġetiquette": 28871, + "ĠTransl": 28872, + "ĠExtract": 28873, + "fried": 28874, + "kel": 28875, + "arynx": 28876, + "Ġcoy": 28877, + "ĠCreated": 28878, + "Ġclarification": 28879, + "ĠÏĦ": 28880, + "Prep": 28881, + "uracy": 28882, + "ĠHod": 28883, + "ĠChlor": 28884, + "shots": 28885, + "breeding": 28886, + "Ġdelegation": 28887, + "Ġnumbness": 28888, + "Ġpredecessors": 28889, + "Ġnecessitate": 28890, + "Ġtenant": 28891, + "Ġsegregated": 28892, + "ĠRochester": 28893, + "stress": 28894, + "Ġunanim": 28895, + "comments": 28896, + "ĠTechnological": 28897, + "Ġkidn": 28898, + "Ġharbour": 28899, + "ĠWorksheet": 28900, + "Ġstdout": 28901, + "iterate": 28902, + "ĠLor": 28903, + "ideos": 28904, + "Ġkins": 28905, + "Ġcultivars": 28906, + "belief": 28907, + "Ġpillar": 28908, + "================================================================": 28909, + "ĠHindi": 28910, + "paralleled": 28911, + "ĠdB": 28912, + "ĠIncludes": 28913, + "ĠOperating": 28914, + "ĠRebell": 28915, + "âķIJ": 28916, + "ĠPure": 28917, + "ĠWarsaw": 28918, + "still": 28919, + "ĠJet": 28920, + "nec": 28921, + "azar": 28922, + "Ġconcerts": 28923, + "Ġepithelial": 28924, + "Eating": 28925, + "alys": 28926, + "Ġmunicipality": 28927, + "tolist": 28928, + "ĠTobacco": 28929, + "Ġpredecessor": 28930, + "Jac": 28931, + "holes": 28932, + "Ġcoherence": 28933, + "Ġhym": 28934, + "Ġfreezer": 28935, + "subst": 28936, + "Ġapartheid": 28937, + "ĠEsther": 28938, + "Ġglyph": 28939, + "ĠThread": 28940, + "priv": 28941, + "Ġconducts": 28942, + "Ġstationed": 28943, + "ĠPrimitive": 28944, + "elona": 28945, + "Ġspicy": 28946, + "ructures": 28947, + "Close": 28948, + "panel": 28949, + "ĠBarack": 28950, + "']),": 28951, + "Ġvenom": 28952, + "basename": 28953, + "ĠPurpose": 28954, + "Ġunchecked": 28955, + "Ġdiscourses": 28956, + "Ġencoder": 28957, + "Collection": 28958, + "ĠTalmud": 28959, + "Liter": 28960, + "ĠHerald": 28961, + "ĠBritannica": 28962, + "ĠTrou": 28963, + "ĠTerror": 28964, + "ppery": 28965, + "Ġrefuses": 28966, + "Ġhoning": 28967, + "ĠMaintaining": 28968, + "assign": 28969, + "Ġdrank": 28970, + "Ġentirety": 28971, + "ĠDiamond": 28972, + "Ġoat": 28973, + "Ġnoteworthy": 28974, + "Ġobserves": 28975, + "Ġmassacre": 28976, + "Ġpraying": 28977, + "Ġaddicted": 28978, + "oyle": 28979, + "Ġbaskets": 28980, + "ĠIntervention": 28981, + "prediction": 28982, + "Ġherbicides": 28983, + "Ġdisappearance": 28984, + "ritic": 28985, + "Ġearnest": 28986, + "Ġallegations": 28987, + "ĠPretty": 28988, + "isle": 28989, + "iaz": 28990, + "Ġsunflower": 28991, + "ĠMurphy": 28992, + "ĠMing": 28993, + "ĠAssignment": 28994, + "ĠKyoto": 28995, + "Ġunderpinning": 28996, + "ĠShanghai": 28997, + "yrs": 28998, + "Ġobjections": 28999, + "curve": 29000, + "regate": 29001, + "ĠPreparing": 29002, + "Ġhelmets": 29003, + "ĠHttp": 29004, + "AVE": 29005, + "ĠVaccine": 29006, + "ĠPest": 29007, + "Ġembell": 29008, + "leness": 29009, + "Ġprocurement": 29010, + "thora": 29011, + "Ġchef": 29012, + "Ġempathetic": 29013, + "ĠMoral": 29014, + "ĠRoutledge": 29015, + "House": 29016, + "ĠCairo": 29017, + "ĠAfterward": 29018, + "feat": 29019, + "Ġknives": 29020, + "ĠSoviets": 29021, + "ĠDiagnostic": 29022, + "Ġxy": 29023, + "Ġastroph": 29024, + "Ġfuzzy": 29025, + "Metadata": 29026, + "nis": 29027, + "Ġsinks": 29028, + "ĠCPR": 29029, + "ĠFellows": 29030, + "Ġcortic": 29031, + "CB": 29032, + "ĠOption": 29033, + "Ġmonsters": 29034, + "Ġsweetness": 29035, + "ĠDouglass": 29036, + "Ġhomelessness": 29037, + "Gate": 29038, + "Pref": 29039, + "inj": 29040, + "Ġstaring": 29041, + "Ġconductors": 29042, + "uka": 29043, + "forth": 29044, + "Ġdx": 29045, + "Ġrivals": 29046, + "ĠiOS": 29047, + "Ġtransitioning": 29048, + "ĠClement": 29049, + "Ġneurom": 29050, + "ĠThr": 29051, + "Ġfluct": 29052, + "Ġballot": 29053, + "Teachers": 29054, + "ĠInsert": 29055, + "Ġrampant": 29056, + "ĠHood": 29057, + "Ġisolates": 29058, + "ĠNorfolk": 29059, + "ĠScotia": 29060, + "ĠFlowers": 29061, + "dise": 29062, + "ienced": 29063, + "Ġuuid": 29064, + "arel": 29065, + "aram": 29066, + "Ġacrylic": 29067, + "Ġimplementations": 29068, + "ĠTud": 29069, + "sep": 29070, + "Ġdedu": 29071, + "Ġrescued": 29072, + "opausal": 29073, + "approved": 29074, + "Civil": 29075, + "imps": 29076, + "ĠSke": 29077, + "Ġattribution": 29078, + "Ġdetached": 29079, + "Ġinspir": 29080, + "ĠSpeak": 29081, + "Protection": 29082, + "ĠJeremiah": 29083, + "Ġrehears": 29084, + "ĠFrequency": 29085, + "hee": 29086, + "Ġstains": 29087, + "Ġservings": 29088, + "Ġforgive": 29089, + "ĠFAQ": 29090, + "ĠThankfully": 29091, + "Ġrelentless": 29092, + "Ġregenerative": 29093, + "Ġmates": 29094, + "ĠNak": 29095, + "ĠNSW": 29096, + "Ġsubmissions": 29097, + "omson": 29098, + "ĠDeaf": 29099, + "precision": 29100, + "Ġwildfire": 29101, + "integer": 29102, + "Syn": 29103, + "urus": 29104, + "Ġdeline": 29105, + "Ġzebra": 29106, + "ĠAcute": 29107, + "Ġboosts": 29108, + "Ġamplification": 29109, + "angelo": 29110, + "Ġjacket": 29111, + "ĠPregnancy": 29112, + "Ġoc": 29113, + "Ġtemperament": 29114, + "ĠMaximum": 29115, + "Ġcorrelate": 29116, + "ĠJuliet": 29117, + "ĠBolivia": 29118, + "ĠStevens": 29119, + "ĠMN": 29120, + "Ġimpending": 29121, + "ordering": 29122, + "Ġorally": 29123, + "Ġmanned": 29124, + "Ġblows": 29125, + "Ġsummaries": 29126, + "Ġalmonds": 29127, + "youtube": 29128, + "Ġcolds": 29129, + "Ġtrunc": 29130, + "Ġfolic": 29131, + "gradu": 29132, + "Ġnanot": 29133, + "Ġreconsider": 29134, + "Ġlax": 29135, + "Ġscoop": 29136, + "ĠConcent": 29137, + "encil": 29138, + "Ġ%.": 29139, + "ĠOwen": 29140, + "Ġmourning": 29141, + "Ġhamm": 29142, + "iddles": 29143, + "Ġcapsules": 29144, + "ĠHydro": 29145, + "ĠCAP": 29146, + "Ġimporting": 29147, + "Ġscanned": 29148, + "Ġimagining": 29149, + "umberland": 29150, + "mediate": 29151, + "Period": 29152, + "ĠPlayers": 29153, + "Ġlesion": 29154, + "Ġacronym": 29155, + "Sir": 29156, + "å¾": 29157, + "ĠABS": 29158, + "thus": 29159, + "ensitivity": 29160, + "ĠInspect": 29161, + "ĠPsalm": 29162, + "ĠNF": 29163, + "Ġarrog": 29164, + "Ġsofter": 29165, + "Ġdeviations": 29166, + "Ġdiploma": 29167, + "Ġwarranted": 29168, + "obil": 29169, + "Ġsellers": 29170, + "ĠObserve": 29171, + "Ġexpansive": 29172, + "Ġsag": 29173, + "individual": 29174, + "Ġcompetency": 29175, + "Ġbridging": 29176, + "Ġundergoes": 29177, + "Ġpiston": 29178, + "enet": 29179, + "Ġprecon": 29180, + "ĠForward": 29181, + "riptor": 29182, + "Estab": 29183, + "æĸĩ": 29184, + "...]": 29185, + "Ġfillings": 29186, + "ĠProtecting": 29187, + "Ġauthored": 29188, + "Ġantiviral": 29189, + "ĠLeakage": 29190, + "enary": 29191, + "inds": 29192, + "Ġsandwic": 29193, + "Ġscratching": 29194, + "Ġstaging": 29195, + "Ġmilligrams": 29196, + "Ġlineages": 29197, + "Ġze": 29198, + "Ġformatted": 29199, + "Users": 29200, + "Accept": 29201, + "Ġpedestrians": 29202, + "Ġimmortal": 29203, + "Hung": 29204, + "Ġfences": 29205, + "aris": 29206, + "ĠPseud": 29207, + "ĠInner": 29208, + "Ġsedimentary": 29209, + "ĠCalcium": 29210, + "ĠMarian": 29211, + "ĠMcDonald": 29212, + "Associ": 29213, + "Member": 29214, + "Ġpuff": 29215, + "ĠErie": 29216, + "Plus": 29217, + "Ġfirmware": 29218, + "Ġsubordinate": 29219, + "Ġhydrocarbons": 29220, + "inspired": 29221, + "Ġdyn": 29222, + "Header": 29223, + "drew": 29224, + "Ġprizes": 29225, + "leted": 29226, + "ĠNSF": 29227, + "appa": 29228, + "Ġeyew": 29229, + "drive": 29230, + "ĠDickens": 29231, + "ĠReynolds": 29232, + "Template": 29233, + "Ġceliac": 29234, + "ĠTales": 29235, + "Ġplight": 29236, + "Ġspac": 29237, + "ITS": 29238, + "Ġducts": 29239, + "Ġcripp": 29240, + "Ġboolean": 29241, + "ĠCaval": 29242, + "ĠTherap": 29243, + "gp": 29244, + "ĠCust": 29245, + "doing": 29246, + "Questions": 29247, + "Ġamplified": 29248, + "Latin": 29249, + "waste": 29250, + "Ġinmates": 29251, + "Ġtheorists": 29252, + "ĠMock": 29253, + "amped": 29254, + "Ġ-->": 29255, + "/-": 29256, + "?:": 29257, + "ovich": 29258, + "Ġproposing": 29259, + "Ġorthodont": 29260, + "Ġechoed": 29261, + "Ġgigantic": 29262, + "ĠQuarterly": 29263, + "Tor": 29264, + "ĠPOW": 29265, + "rivers": 29266, + "COMM": 29267, + "Ġlobe": 29268, + "ĠFukushima": 29269, + "Ġunparalleled": 29270, + "Ġfueling": 29271, + "hovah": 29272, + "Files": 29273, + "ĠSask": 29274, + "ĠSlavery": 29275, + "Ġvanish": 29276, + "overe": 29277, + "Ġworkload": 29278, + "Ġimmature": 29279, + "Ġsaline": 29280, + "Ġconditioned": 29281, + "Ġelasticity": 29282, + "Ġexponentially": 29283, + "bard": 29284, + "olate": 29285, + "Ġparach": 29286, + "ĠPalmer": 29287, + "Final": 29288, + "Ġheels": 29289, + "heses": 29290, + "Ġbuffalo": 29291, + "Ġtriumphs": 29292, + "Menu": 29293, + "lugin": 29294, + "Ġsupermarket": 29295, + "Ġcriticisms": 29296, + "ĠCNC": 29297, + "Ġreconstructed": 29298, + ">": 29832, + "ovies": 29833, + "ĠArchbishop": 29834, + "ĠRamadan": 29835, + "ä¼": 29836, + "Ġng": 29837, + "withstanding": 29838, + "ĠLaunch": 29839, + "GEN": 29840, + "mist": 29841, + "andem": 29842, + "Ġmonastic": 29843, + "affirm": 29844, + "ĠCombining": 29845, + "Mrs": 29846, + "isfile": 29847, + "ĠSU": 29848, + "Ġquitting": 29849, + "Ġevidently": 29850, + "Ġsounding": 29851, + "Ġgrassland": 29852, + "Ġconcealed": 29853, + "Ġuploaded": 29854, + "Ġhibern": 29855, + "Ġfoo": 29856, + "Ġelites": 29857, + "Stage": 29858, + "Ġremarked": 29859, + "ĠDigest": 29860, + "entropy": 29861, + "ĠMagnetic": 29862, + "glass": 29863, + "tre": 29864, + "Ġspeculate": 29865, + "ĊĉĊ": 29866, + "ĠBaron": 29867, + "Ġgrandson": 29868, + "Ġtigers": 29869, + "ethoven": 29870, + "Ġswords": 29871, + "ĠCarroll": 29872, + "Ġrevisit": 29873, + "bag": 29874, + "dic": 29875, + "Ġhides": 29876, + "Ġthromb": 29877, + "ipot": 29878, + "veniles": 29879, + "Ġviolin": 29880, + "amburg": 29881, + "ĠMemphis": 29882, + "lv": 29883, + "ĠDS": 29884, + "Ġtrimes": 29885, + "Ġprecaution": 29886, + "Values": 29887, + "Ġuterine": 29888, + "Ġtetra": 29889, + "Ġmarshes": 29890, + "Ġgru": 29891, + "Ġcaption": 29892, + "ĠComing": 29893, + "Ġfireworks": 29894, + "ĠSOFTWARE": 29895, + "Ġattributable": 29896, + "istries": 29897, + "Ġpitu": 29898, + "Ġrevolves": 29899, + "ĠConservative": 29900, + "ĠAe": 29901, + "ĠCer": 29902, + "Ġemblem": 29903, + "Ġthinning": 29904, + "Ġfountain": 29905, + "aksh": 29906, + "ĠBlind": 29907, + "ĠSquad": 29908, + "Ġarte": 29909, + "uttering": 29910, + "Ġantigens": 29911, + "sid": 29912, + "otoxic": 29913, + "ĠLav": 29914, + "ĠGlac": 29915, + "Ġguessing": 29916, + "ãĢģ": 29917, + "ĠPictures": 29918, + "Rele": 29919, + "ĠWiki": 29920, + "arynge": 29921, + "listdir": 29922, + "Ġbleach": 29923, + "RAIN": 29924, + ")\".": 29925, + "ĠFlower": 29926, + "Ġagon": 29927, + "ĠMystery": 29928, + "ан": 29929, + "concat": 29930, + "Ġalcoholism": 29931, + "ĠPlayer": 29932, + "ĠJosé": 29933, + "Ġapprehens": 29934, + "Russian": 29935, + "Ġtrough": 29936, + "odied": 29937, + "Ġbackpack": 29938, + "Ġtrainers": 29939, + "ĠWebster": 29940, + "Ġlaunches": 29941, + "ĠSullivan": 29942, + "Cho": 29943, + "Ġsuperconduct": 29944, + "Measure": 29945, + "ĠObjectives": 29946, + "Ġsourcing": 29947, + "Ġisotope": 29948, + "Ġbrackets": 29949, + "Ġbedrock": 29950, + "rity": 29951, + "owitz": 29952, + "terbury": 29953, + "ĠLegislature": 29954, + ")\")": 29955, + "did": 29956, + "ĠmL": 29957, + "ĠBusinesses": 29958, + "Ġexhaustive": 29959, + "Ġdiminishing": 29960, + "Ġpituitary": 29961, + "ĠSK": 29962, + "ĠMennon": 29963, + "alchemy": 29964, + "Ġect": 29965, + "allclose": 29966, + "Ġdetects": 29967, + "Machine": 29968, + "thouse": 29969, + "ĠVocabulary": 29970, + "Ġharming": 29971, + "Ġи": 29972, + "ĠIPv": 29973, + "Ġanchored": 29974, + "Grand": 29975, + "Ġonc": 29976, + "Ġvolatility": 29977, + "ĠMaritime": 29978, + "ĠSatellite": 29979, + "ĠViews": 29980, + "Ġtrenches": 29981, + "Ġbob": 29982, + "ĠFitness": 29983, + "Ġplotted": 29984, + "Collect": 29985, + "ĠBuilt": 29986, + "disk": 29987, + "Ġchromium": 29988, + "ör": 29989, + "ĠOSHA": 29990, + "Ġknocked": 29991, + "KEN": 29992, + "Practice": 29993, + "Ġfreel": 29994, + "ĠUSGS": 29995, + "Ġphoton": 29996, + "ĠEdgar": 29997, + "ĠCorporate": 29998, + "Ġbreeze": 29999, + "}/{": 30000, + "Ġreim": 30001, + "Ġhegemon": 30002, + "Ġrooft": 30003, + "ĠTransformation": 30004, + "...\")": 30005, + "decor": 30006, + "ĠHarlem": 30007, + "Ġmacroph": 30008, + "Ġcondensation": 30009, + "ĠBarcelona": 30010, + "Iss": 30011, + "slug": 30012, + "Ġintends": 30013, + "ologous": 30014, + "defense": 30015, + "kinson": 30016, + "ĠNP": 30017, + "Ġintro": 30018, + "Ġka": 30019, + "Ġemancipation": 30020, + "Ġcornea": 30021, + "ĠNeo": 30022, + "Ġconformity": 30023, + "ĠAnthropology": 30024, + "Materials": 30025, + "romes": 30026, + "ĠGest": 30027, + "Ġdrafts": 30028, + "Ġdiscriminate": 30029, + "Regardless": 30030, + "Ġperpetuating": 30031, + "wre": 30032, + "Äį": 30033, + "onation": 30034, + "Ġphe": 30035, + "Ġinscribed": 30036, + "Ġdwellings": 30037, + "ĠPBS": 30038, + "Ġlabelled": 30039, + "ĠCOMM": 30040, + "ĠStrength": 30041, + "Ġdare": 30042, + "Ġcultured": 30043, + "ipples": 30044, + "Ġledger": 30045, + "Ġcelebrity": 30046, + "decay": 30047, + "broken": 30048, + "Ġredundant": 30049, + "Ġalarms": 30050, + "ĠPir": 30051, + "ĠJM": 30052, + "ituting": 30053, + "ĠMugh": 30054, + "Ġteeming": 30055, + "Ġeman": 30056, + "Ġconsultants": 30057, + "Ġremembers": 30058, + "Ġgout": 30059, + "Ġunseen": 30060, + "attering": 30061, + "consciously": 30062, + "Ġaggressively": 30063, + "Tab": 30064, + "eme": 30065, + "Ġpublicity": 30066, + "Ġzoning": 30067, + "ĠAllan": 30068, + "ENG": 30069, + "Ġbarren": 30070, + "ĠArchaeological": 30071, + "Ġtau": 30072, + "ĠEEG": 30073, + "Ġsprint": 30074, + "Ġappealed": 30075, + "ĠIslander": 30076, + "Virtual": 30077, + "editor": 30078, + "ĠWend": 30079, + "Ġwasps": 30080, + "Ġdecoding": 30081, + "Ġmemorize": 30082, + "iline": 30083, + "Ġgit": 30084, + "Ġeighty": 30085, + "Ġmotorcycle": 30086, + "ĠExcellence": 30087, + "FDA": 30088, + "ĠTon": 30089, + "Ġwithdrew": 30090, + "Ġskating": 30091, + "avement": 30092, + "AlmostEqual": 30093, + "ación": 30094, + "ĠGonz": 30095, + "bio": 30096, + "Ġpsychosocial": 30097, + "ĠFindings": 30098, + "Ġgreeting": 30099, + "ĠMHz": 30100, + "synt": 30101, + "ĠBreaking": 30102, + "Ġhurting": 30103, + "biased": 30104, + "ĠAdvances": 30105, + "Ġbiodegradable": 30106, + "Ġferment": 30107, + "ichever": 30108, + "vine": 30109, + "legged": 30110, + "amen": 30111, + "assisted": 30112, + "REG": 30113, + "AMS": 30114, + "ĠDefence": 30115, + "Ġaligning": 30116, + "ĠCombine": 30117, + "Ġenvisioned": 30118, + "Fort": 30119, + "unge": 30120, + "Ġgenerals": 30121, + "Ġpsychoan": 30122, + "Ġrotated": 30123, + "Ġdisappears": 30124, + "pairs": 30125, + "ĠGW": 30126, + "Ġplaques": 30127, + "invest": 30128, + "Option": 30129, + "Ġ(âĢĺ": 30130, + "ĠLegion": 30131, + "Ġsponsor": 30132, + "Ġrall": 30133, + "Ġflamm": 30134, + "Ġriches": 30135, + "Ġphilanthrop": 30136, + "?\",": 30137, + "fo": 30138, + "Ġexclaimed": 30139, + "legraph": 30140, + "ĠBulgaria": 30141, + "erner": 30142, + "Ġformulations": 30143, + "Ġmacular": 30144, + "Ġovulation": 30145, + "Ġbreeders": 30146, + "Ġprized": 30147, + "padding": 30148, + "ĠLunar": 30149, + "Ġparadise": 30150, + "zel": 30151, + "Ġging": 30152, + "quired": 30153, + "Ġprud": 30154, + "obalt": 30155, + "mighty": 30156, + "_)": 30157, + "åĮ": 30158, + "ĠFrag": 30159, + "Ġdelighted": 30160, + "cid": 30161, + "ĠWake": 30162, + "ellular": 30163, + "versely": 30164, + "isson": 30165, + "covered": 30166, + "Ġfused": 30167, + "ĠSak": 30168, + "Ġsafest": 30169, + "Ġconsultations": 30170, + "Ġchronological": 30171, + "Ġorchestra": 30172, + "ĠSul": 30173, + "Ġcomets": 30174, + "Ġbehaves": 30175, + "Ġpredatory": 30176, + "subplot": 30177, + "Ġowed": 30178, + "Ġcoils": 30179, + "Ġefficiencies": 30180, + "signature": 30181, + "nail": 30182, + "zig": 30183, + "Ġdries": 30184, + "Ġnar": 30185, + "Ġantiqu": 30186, + "backed": 30187, + "Ġimitation": 30188, + "ĠComposition": 30189, + "Ġtenderness": 30190, + "demand": 30191, + "Settings": 30192, + "Ġconcerted": 30193, + "HIV": 30194, + "opters": 30195, + "hyp": 30196, + "ĠWebb": 30197, + "Ġcatalysts": 30198, + "Den": 30199, + "Love": 30200, + "Ġshamp": 30201, + "Ġsolvents": 30202, + "Ùı": 30203, + "Ġeminent": 30204, + "Ġbarbar": 30205, + "ĠPattern": 30206, + "Obj": 30207, + "=[]": 30208, + "Ġcontemplation": 30209, + "Hot": 30210, + "Ġreused": 30211, + "ĠSaving": 30212, + "Ġpoaching": 30213, + "iscus": 30214, + "Ġphenotype": 30215, + "Contemporary": 30216, + "ĠQtGui": 30217, + "ĠGHG": 30218, + "wen": 30219, + "strap": 30220, + "ĠAim": 30221, + "ĠSpani": 30222, + "ĠAdaptation": 30223, + "Ġtx": 30224, + "seus": 30225, + "Ġperil": 30226, + "otech": 30227, + "ĠUsage": 30228, + "ä¸į": 30229, + "Ġpivot": 30230, + "Ġreferencing": 30231, + "Ġresentment": 30232, + "poor": 30233, + "Ġlogarith": 30234, + "Ġprimer": 30235, + "Ġanalytic": 30236, + "queous": 30237, + "ĠSolving": 30238, + "Ġapostles": 30239, + "Ġspawning": 30240, + "Ġinnocence": 30241, + "resid": 30242, + "oxid": 30243, + "Ġcleaners": 30244, + "Äģn": 30245, + "Ġsteadfast": 30246, + "Ġintravenous": 30247, + "DEL": 30248, + "Wed": 30249, + "retch": 30250, + "ĠIntersection": 30251, + "ultaneously": 30252, + "ĠHybrid": 30253, + "erian": 30254, + "isites": 30255, + "avar": 30256, + "arcin": 30257, + "ĠClaim": 30258, + "Ġcleanliness": 30259, + "Ġundet": 30260, + "ĠCultures": 30261, + "Ġinconsistencies": 30262, + "Six": 30263, + "wali": 30264, + "urface": 30265, + "Ġdegrade": 30266, + "Ġignition": 30267, + "Ġmortal": 30268, + "aiser": 30269, + "ĠLeveraging": 30270, + "Ġdisgust": 30271, + "Diet": 30272, + "ζ": 30273, + "roly": 30274, + "Ġperfor": 30275, + "metal": 30276, + "ĠSlave": 30277, + "Ġgracefully": 30278, + "Ġneurotransmitters": 30279, + "ĠCin": 30280, + "geometry": 30281, + "ogas": 30282, + "Ġsunk": 30283, + "ĠSerge": 30284, + "ĠKenneth": 30285, + "ĠDuncan": 30286, + "Ġmisconduct": 30287, + "near": 30288, + "ĠNu": 30289, + "Ġplac": 30290, + "Ġsmiling": 30291, + "filtered": 30292, + "Ġpersuaded": 30293, + "Ġgrooming": 30294, + "Ġicy": 30295, + "ĠPrel": 30296, + "ĠDy": 30297, + ".....": 30298, + "ERN": 30299, + "Ray": 30300, + "Ġincision": 30301, + "Ġdirects": 30302, + "Ġnarrowing": 30303, + "Ġdesperately": 30304, + "mort": 30305, + "orean": 30306, + "Ġinvoked": 30307, + "ĠShop": 30308, + "Ġeldest": 30309, + "Earl": 30310, + "agara": 30311, + "Ġimprint": 30312, + "Ġxen": 30313, + "čĊčĊĠĠĠĠĠĠĠĠĠĠĠ": 30314, + "ĠBrooks": 30315, + "MODEL": 30316, + "Typ": 30317, + "kov": 30318, + "abetics": 30319, + "Ġmoods": 30320, + "ĠMeditation": 30321, + "Ġobservance": 30322, + "rosso": 30323, + "Ġclimbed": 30324, + "Ġbrightest": 30325, + "ĠPakistani": 30326, + "ĠLeonard": 30327, + "nlm": 30328, + "Ġbaptized": 30329, + "Interestingly": 30330, + "Ġmemoirs": 30331, + "ĠCroatia": 30332, + "ð": 30333, + "Ġfeats": 30334, + "Ġremod": 30335, + "Ġinterconnect": 30336, + "']]": 30337, + "aea": 30338, + "Ġcloudy": 30339, + "Ġdraining": 30340, + "ĠJacques": 30341, + "Ġpediatrician": 30342, + "ĠTheology": 30343, + "ĠBiomed": 30344, + "ĠCritics": 30345, + "ĠCertified": 30346, + "Gard": 30347, + "ĠQU": 30348, + "ochastic": 30349, + "ĠGru": 30350, + "Ġmonsoon": 30351, + "Ġaluminium": 30352, + "Ġfleeing": 30353, + "ĠHoover": 30354, + "Hor": 30355, + "rax": 30356, + "Ġqui": 30357, + "Ġclassifications": 30358, + "Heat": 30359, + "Ġcelery": 30360, + "aphyl": 30361, + "philis": 30362, + "zzles": 30363, + "failed": 30364, + "á¿": 30365, + "company": 30366, + "ĠCameron": 30367, + "ĠDegree": 30368, + "Ġdisregard": 30369, + "suffix": 30370, + "Ġstif": 30371, + "psis": 30372, + "HOST": 30373, + "Ġimprovis": 30374, + "Ġdevastation": 30375, + "Points": 30376, + "Ġenlightened": 30377, + "another": 30378, + "ĠTale": 30379, + "Ġliters": 30380, + "rhosis": 30381, + "Ġ(~": 30382, + "COMP": 30383, + "rotation": 30384, + "igmatic": 30385, + "Feeling": 30386, + "ĠIntroducing": 30387, + "san": 30388, + "virus": 30389, + "Ġtempted": 30390, + "IntegerField": 30391, + "NOTE": 30392, + "KD": 30393, + "dynamic": 30394, + "Ö¸": 30395, + "ĠIcon": 30396, + "cycles": 30397, + "Ġsimmer": 30398, + "ĠCalif": 30399, + "Ġspotting": 30400, + "Ġcentrifug": 30401, + "Ġhelpers": 30402, + "HOW": 30403, + "multiple": 30404, + "ĠRebellion": 30405, + "Greek": 30406, + "LT": 30407, + "ĠSou": 30408, + "Ġexternally": 30409, + "ĠBacon": 30410, + "Ġclone": 30411, + "omencl": 30412, + "ĠBlockchain": 30413, + "ascii": 30414, + "ĠLact": 30415, + "achy": 30416, + "ĠRespond": 30417, + "ĠMint": 30418, + "Ġhyperactivity": 30419, + "Neuro": 30420, + "ĠSEO": 30421, + "Ġrivalry": 30422, + "WHAT": 30423, + "ĠInventory": 30424, + "Ġ(+": 30425, + "ĠNas": 30426, + "olecules": 30427, + "Ġtenants": 30428, + "ĠFocusing": 30429, + "Ġallegiance": 30430, + "hit": 30431, + "mpp": 30432, + "Ġconduction": 30433, + "iba": 30434, + "Ġbraking": 30435, + "Ġfirefighters": 30436, + "bly": 30437, + "Ġinvasions": 30438, + "ĠForests": 30439, + "Ġstalks": 30440, + "Ġbif": 30441, + "ĠAwards": 30442, + "ĠCraw": 30443, + "ĠâĢľâĢ¦": 30444, + "ĠLeaves": 30445, + "rews": 30446, + "Ġaggregation": 30447, + "Ġflea": 30448, + "ĠTaliban": 30449, + "setObjectName": 30450, + "sound": 30451, + "Ġdegenerative": 30452, + "ĠMLA": 30453, + "neur": 30454, + "lications": 30455, + "Ġstrife": 30456, + "Ġrevolutionize": 30457, + "itize": 30458, + "Ġpotting": 30459, + "Ġappropriation": 30460, + "ĠNeptune": 30461, + "assertAlmostEqual": 30462, + "ĠTemplate": 30463, + "ĠASC": 30464, + "umbers": 30465, + "ĠStim": 30466, + "Ġinvoluntary": 30467, + "Ġnovelty": 30468, + "ĠPrairie": 30469, + "Squ": 30470, + "bold": 30471, + "onna": 30472, + "Ġtyped": 30473, + "Weight": 30474, + "riptions": 30475, + "Ġwrath": 30476, + "OO": 30477, + "Risk": 30478, + "ĠGain": 30479, + "ĠKau": 30480, + "ĠUSE": 30481, + "ĠGeology": 30482, + "ANK": 30483, + "oscale": 30484, + "Ġwagon": 30485, + "Ġmats": 30486, + "ĠNoble": 30487, + "Development": 30488, + "largest": 30489, + "ĠHirosh": 30490, + "Ġapes": 30491, + "inp": 30492, + "ĠRomeo": 30493, + "aras": 30494, + "Ġleng": 30495, + "andas": 30496, + "iscopal": 30497, + "Ġcommanding": 30498, + "Ġruined": 30499, + "Ġgymn": 30500, + "Ġdictatorship": 30501, + "Ġ(`": 30502, + "Ġunatt": 30503, + "awing": 30504, + "Ġreacting": 30505, + "ĠForestry": 30506, + "payment": 30507, + "Ġtroublesh": 30508, + "Ġreplicated": 30509, + "Ġgarrison": 30510, + "versions": 30511, + "Ġvigorously": 30512, + "NY": 30513, + "wald": 30514, + "ĠADA": 30515, + "osl": 30516, + "ĠLocated": 30517, + "Ġindig": 30518, + "Ġagendas": 30519, + "Ġoveruse": 30520, + "Ġtimelines": 30521, + "Ġplasticity": 30522, + "mounted": 30523, + "Ġsubmarines": 30524, + "Ġpavement": 30525, + "Ġcactus": 30526, + "Ġmaze": 30527, + "Ġnoticing": 30528, + "cester": 30529, + "Ġdictated": 30530, + "Ġproofs": 30531, + "Ġmalfunction": 30532, + "ococcal": 30533, + "Ġresurgence": 30534, + "sources": 30535, + "vag": 30536, + "illet": 30537, + "ĠSB": 30538, + "Ġobsession": 30539, + "rupted": 30540, + "\"+": 30541, + "rex": 30542, + "ĠBecoming": 30543, + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 30544, + "Ġherbicide": 30545, + "Ġembodiment": 30546, + "ĠEisenhower": 30547, + "Ġsph": 30548, + "Ġlawmakers": 30549, + "Ġstormwater": 30550, + "ĠHVAC": 30551, + "×Ķ": 30552, + "Ġshields": 30553, + "ĠOH": 30554, + "Ġtransnational": 30555, + "Ġfilaments": 30556, + "Ġsummarizes": 30557, + "Ġphonics": 30558, + "ĠElectricity": 30559, + "juven": 30560, + "aphyloc": 30561, + "Sche": 30562, + "Ġinadvert": 30563, + "abric": 30564, + "ĠArms": 30565, + "ĠValidation": 30566, + "å½": 30567, + "ĠLoren": 30568, + "ggy": 30569, + "Allow": 30570, + "Ġthrives": 30571, + "Ġlibrarians": 30572, + "Ġreplica": 30573, + "Tex": 30574, + "solution": 30575, + "('_": 30576, + "ĠResilience": 30577, + "ĠPhone": 30578, + "Ġfurnished": 30579, + "predictions": 30580, + "à¥ĩ": 30581, + "Ġbullied": 30582, + "ĠBeauty": 30583, + "Ġpragmatic": 30584, + "ĠKarn": 30585, + "ermal": 30586, + "Ġtrek": 30587, + "Ġwheelchair": 30588, + "ĠLiberation": 30589, + "ĠPhotoshop": 30590, + "Ġflattened": 30591, + "ĠPyramid": 30592, + "Ġpledged": 30593, + "Ġpredation": 30594, + "Ġfloats": 30595, + "Ġtorped": 30596, + "Ġqueens": 30597, + "Ġorchestr": 30598, + "Ġpatriarchal": 30599, + "Boolean": 30600, + "trial": 30601, + "atoms": 30602, + "ĠOst": 30603, + "ensure": 30604, + "Ġcarrot": 30605, + "Ġparaly": 30606, + "ĠPerman": 30607, + "hya": 30608, + "ĠKindergarten": 30609, + "Ġpilgrims": 30610, + "Pet": 30611, + "fishing": 30612, + "verify": 30613, + "iku": 30614, + "ĠEvangel": 30615, + "Ġprevailed": 30616, + "ĠNicarag": 30617, + "ĠKitchen": 30618, + "ĠBS": 30619, + "ĠWalking": 30620, + "orithms": 30621, + "Genesis": 30622, + "Ġheterogeneous": 30623, + "------------------------------": 30624, + "Ġfauc": 30625, + "ĠFrame": 30626, + "neutral": 30627, + "Ġapopt": 30628, + "ĠHazard": 30629, + "walks": 30630, + "ĠHepatitis": 30631, + "dala": 30632, + "ethnic": 30633, + "Ġfluent": 30634, + "bladder": 30635, + "Ġallergen": 30636, + "ĠTorres": 30637, + "ĠAtomic": 30638, + "ieties": 30639, + "Ġstricter": 30640, + "dk": 30641, + "ingo": 30642, + "Ġanalyzes": 30643, + "Ġrotational": 30644, + "ĠLocke": 30645, + "Ġpalsy": 30646, + "itability": 30647, + "chle": 30648, + "Introdu": 30649, + "Ġselves": 30650, + "Ġrecruiting": 30651, + "uschwitz": 30652, + "Ġconject": 30653, + "ĠPill": 30654, + "Ġjog": 30655, + "ĠJohnston": 30656, + "ĠGenerate": 30657, + "न": 30658, + "ĠGiov": 30659, + "ï¸": 30660, + "ĠâĢľ[": 30661, + "ĠMonroe": 30662, + "ĠReduced": 30663, + "Ġantennas": 30664, + "ĠUCLA": 30665, + "Ġtectonic": 30666, + "thermal": 30667, + "Ġstrata": 30668, + "Ġfeeders": 30669, + "ĠRegulatory": 30670, + "Ġreceptive": 30671, + "ĠGazette": 30672, + "uscular": 30673, + "ĠThames": 30674, + "ĠDemand": 30675, + "Ġhacking": 30676, + "ĠEpidemiology": 30677, + "sensor": 30678, + "æĿ": 30679, + "Ġferv": 30680, + "Ġfiner": 30681, + "Ġsingers": 30682, + "orbid": 30683, + "Writer": 30684, + "ĠMarcus": 30685, + "Ġounce": 30686, + "imating": 30687, + "ĠPART": 30688, + "Ġperpetual": 30689, + "Ġstylistic": 30690, + "Ġreceipt": 30691, + "Ġhail": 30692, + "Ġscout": 30693, + "Ġpolls": 30694, + "...)": 30695, + "Whatever": 30696, + "Ġinstrumentation": 30697, + "Ġcockro": 30698, + "Ġoverturn": 30699, + "ĠRichardson": 30700, + "ĠEden": 30701, + "Ġseaweed": 30702, + "Ġwearable": 30703, + "Ġhurts": 30704, + "Ġcirculate": 30705, + "Available": 30706, + "Ġbrutality": 30707, + "ĠAssign": 30708, + "Ġinsecticide": 30709, + "Ġrins": 30710, + "license": 30711, + "ickness": 30712, + "Ġcheat": 30713, + "Ancient": 30714, + "Ġpanor": 30715, + "Ġirritable": 30716, + "bill": 30717, + "Ġslab": 30718, + "Ġremnant": 30719, + "Ġstall": 30720, + "ĠRew": 30721, + "ĠGaul": 30722, + "ĠIsle": 30723, + "Ġetched": 30724, + "Ġautobiography": 30725, + "ĠJenkins": 30726, + "ĠCretaceous": 30727, + "vr": 30728, + "ĠIstanbul": 30729, + "ĠPuebl": 30730, + "ĠHerc": 30731, + "ĠQuiz": 30732, + "Ġstarters": 30733, + "Ġpuppet": 30734, + "Ġaphids": 30735, + "î": 30736, + "Ġinnovators": 30737, + "educated": 30738, + "ephal": 30739, + "Ġbroch": 30740, + "ĠParas": 30741, + "COM": 30742, + "ĠOutside": 30743, + "Ġhospitalization": 30744, + "CLASS": 30745, + "æľī": 30746, + "ĠFilipino": 30747, + "Ġshines": 30748, + "Ġclaws": 30749, + "Profile": 30750, + "ĠOvercoming": 30751, + "ĠISS": 30752, + "Ġstickers": 30753, + "Ġflossing": 30754, + "Ġdrilled": 30755, + "contains": 30756, + "ĠAssociates": 30757, + "Cath": 30758, + "ĠJeffrey": 30759, + "Ġmetaphysical": 30760, + "ĠFourier": 30761, + "Ġpian": 30762, + "ĠPorter": 30763, + "ĠGren": 30764, + "Ġacquainted": 30765, + "Ġdeduct": 30766, + "woods": 30767, + "ĠAttend": 30768, + "ricia": 30769, + "Comment": 30770, + "Ġhomosexuality": 30771, + "Ġbg": 30772, + "peated": 30773, + "Ġlocating": 30774, + "Ġeloqu": 30775, + "Ġcorridors": 30776, + "ucalyptus": 30777, + "Ġdumb": 30778, + "Ġintently": 30779, + "Ġdusty": 30780, + "Ġintensely": 30781, + "Ġsynthesize": 30782, + "Dialog": 30783, + "haw": 30784, + "pole": 30785, + "ĠPush": 30786, + "Ġchasing": 30787, + "Ġethically": 30788, + "Ġunden": 30789, + "Ġtroop": 30790, + "aughed": 30791, + "Ġeradication": 30792, + "Ġclotting": 30793, + "Ġunexplained": 30794, + "Ġaccusations": 30795, + "Mur": 30796, + "assemb": 30797, + "phrine": 30798, + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 30799, + "Tele": 30800, + "oining": 30801, + "Ġtertiary": 30802, + "ĠMood": 30803, + "REQU": 30804, + "Params": 30805, + "Ġnuisance": 30806, + "Ġconfinement": 30807, + "Ġspleen": 30808, + "ĠDoct": 30809, + "Ġlatitudes": 30810, + "ĠWheat": 30811, + "Ġintrusion": 30812, + "Ġdivergent": 30813, + "Ġentrepreneurial": 30814, + "Ġdemolished": 30815, + "Incorpor": 30816, + "lys": 30817, + "ĠHelping": 30818, + "Healthy": 30819, + "Ġpirate": 30820, + "inism": 30821, + "fft": 30822, + "Ġintegrates": 30823, + "Ġlymphoma": 30824, + "ר": 30825, + "Ġlas": 30826, + "Ġconfisc": 30827, + "Ġordained": 30828, + "Ġrepercussions": 30829, + "ĠTort": 30830, + "ĠWinn": 30831, + "Ġurges": 30832, + "Ġconceal": 30833, + "establish": 30834, + "Ġpairing": 30835, + "Ġinterfering": 30836, + "ĠSoul": 30837, + "ĠFlying": 30838, + "Ġlifecycle": 30839, + "Ġfirearms": 30840, + "ĠTownship": 30841, + "Ġdenominator": 30842, + "iqued": 30843, + "otechn": 30844, + "sell": 30845, + "ĠBagh": 30846, + "Ġabre": 30847, + "Insp": 30848, + "Ġelk": 30849, + "ĠCOMP": 30850, + "oelectric": 30851, + "ĠSanct": 30852, + "ĠUNICEF": 30853, + "foundland": 30854, + "Ġsplits": 30855, + "'})": 30856, + "wet": 30857, + "Ġpans": 30858, + "adas": 30859, + "ĠBacteria": 30860, + "ĠGB": 30861, + "Ġscarring": 30862, + "Ġempir": 30863, + "Ġprevail": 30864, + "Ġcricket": 30865, + "Ġé": 30866, + "Ġtweet": 30867, + "ĠFarming": 30868, + "Ġoutpatient": 30869, + "Ġsustenance": 30870, + "ĠPolit": 30871, + "mkdir": 30872, + "rued": 30873, + "ĠReprodu": 30874, + "Ġmesothelioma": 30875, + "Ġsacrificed": 30876, + "Australia": 30877, + "ĠCran": 30878, + "Ġrude": 30879, + "ousse": 30880, + "printing": 30881, + "Ġreversal": 30882, + "pull": 30883, + "Ġration": 30884, + "curr": 30885, + "Ġscenic": 30886, + "ostering": 30887, + "ĠReuters": 30888, + "Ġpleas": 30889, + "Ġneuropathy": 30890, + "Myth": 30891, + "Ġpublishes": 30892, + "ĠOccasionally": 30893, + "Ġupholding": 30894, + "ĠAnglican": 30895, + "Ġclassics": 30896, + "Ġparan": 30897, + "maximum": 30898, + "Ġmotivating": 30899, + "Ġprescribing": 30900, + "Ġsecrecy": 30901, + "Ġchimpanzees": 30902, + "Ġquarantine": 30903, + "Bon": 30904, + "olutionary": 30905, + "Ġlinkage": 30906, + "vertical": 30907, + "ĠSubsequently": 30908, + "Equals": 30909, + "Ġhippocampus": 30910, + "Ġdreamed": 30911, + "yrinth": 30912, + "Der": 30913, + "س": 30914, + "Ġausp": 30915, + "Ġfumes": 30916, + "Ġmounds": 30917, + "oppy": 30918, + "ĠMü": 30919, + "ĠREM": 30920, + "prime": 30921, + "Ġcorrective": 30922, + "Ġinequities": 30923, + "Ġtempting": 30924, + "imize": 30925, + "ĠTempl": 30926, + "adors": 30927, + "ophen": 30928, + "Ġcarvings": 30929, + "ĠTemper": 30930, + "ĠGalaxy": 30931, + "Ġvelocities": 30932, + "Daniel": 30933, + "ĠMJ": 30934, + "unless": 30935, + "ardon": 30936, + "Ġintox": 30937, + "ĠVeg": 30938, + "ĠReplace": 30939, + "Ġо": 30940, + "Ġbolt": 30941, + "CONT": 30942, + "iq": 30943, + "Ġfaded": 30944, + "ochem": 30945, + "Ġweekends": 30946, + "Ġadjustable": 30947, + "VERSION": 30948, + "ĠHale": 30949, + "Ġsmiles": 30950, + "ĠAside": 30951, + "uga": 30952, + "ĠTooth": 30953, + "Ġdiversification": 30954, + "Ġhomogeneous": 30955, + "guide": 30956, + "ĠRaymond": 30957, + "AUTH": 30958, + "ktop": 30959, + "inoid": 30960, + "atars": 30961, + "Ġfry": 30962, + "Ġchill": 30963, + "Ġpathological": 30964, + "Ġthrived": 30965, + "Ġguessed": 30966, + "Ġinterpolation": 30967, + "elist": 30968, + "Ġliquor": 30969, + "Ġfleas": 30970, + "ĠCelebr": 30971, + "ĠManitoba": 30972, + "virtual": 30973, + "otations": 30974, + "inees": 30975, + "Ġimplying": 30976, + "Ġguinea": 30977, + "ĠGeometry": 30978, + "irectional": 30979, + "Ġelegance": 30980, + "'/": 30981, + "ĠLD": 30982, + "Ġconnectors": 30983, + "Ġmodernity": 30984, + "ĠWiFi": 30985, + "Ġfontsize": 30986, + "rarian": 30987, + "Ġbrom": 30988, + "Ġcontempt": 30989, + "Ġattaching": 30990, + "Ġmisery": 30991, + "ĠEthnic": 30992, + "ĠOlive": 30993, + "Ġspokesman": 30994, + "Mah": 30995, + "iosis": 30996, + "mare": 30997, + "ĠAndy": 30998, + "swick": 30999, + "Hill": 31000, + "Ġtearing": 31001, + "ĠMarl": 31002, + "Ġhealed": 31003, + "ĠWellington": 31004, + "ogo": 31005, + "onde": 31006, + "++++": 31007, + "ĠMozart": 31008, + "ĠDifficulty": 31009, + "Ġimpoverished": 31010, + "Ġheap": 31011, + "osal": 31012, + "ĠRED": 31013, + "Ġemitting": 31014, + "Ġopaque": 31015, + "Ġlayered": 31016, + "erala": 31017, + "Ġradiant": 31018, + "Adam": 31019, + "Ġcryptography": 31020, + "ozoic": 31021, + "kk": 31022, + "Ġimitate": 31023, + "Ġoffence": 31024, + "ĠClim": 31025, + "Ġnominated": 31026, + "Ġneurotransmitter": 31027, + "ĠIber": 31028, + "ĠPri": 31029, + "ĠBark": 31030, + "ĠND": 31031, + "Ġdiscard": 31032, + "Ġminimise": 31033, + "ridges": 31034, + "Ġδ": 31035, + "Ġfurry": 31036, + "Ġpharmaceuticals": 31037, + "Ġembroidery": 31038, + "Ġcottage": 31039, + "Ġcushion": 31040, + "yo": 31041, + "Ġonboard": 31042, + "marker": 31043, + "below": 31044, + "bri": 31045, + "ĠHil": 31046, + "inkle": 31047, + "horizontal": 31048, + "Ġfeeder": 31049, + ")!": 31050, + "Credit": 31051, + "opedia": 31052, + "Ġspecialised": 31053, + "Ġtornadoes": 31054, + "Ġmerchandise": 31055, + "æį®": 31056, + "aryngeal": 31057, + "Ġlaughed": 31058, + "Ġtram": 31059, + "ETE": 31060, + "Ġluxurious": 31061, + "ĠPythag": 31062, + "Dest": 31063, + "orption": 31064, + "ieves": 31065, + "egal": 31066, + "ĠDeputy": 31067, + "ĠCoral": 31068, + "xxxx": 31069, + "ĠCRISPR": 31070, + "Ġfir": 31071, + "Ġdunes": 31072, + "Ġlament": 31073, + "opened": 31074, + "Ġharmed": 31075, + "ILD": 31076, + "Ġtranslator": 31077, + "Ġmasculinity": 31078, + "Martin": 31079, + "nav": 31080, + "ĠPedro": 31081, + "VT": 31082, + "Ġtul": 31083, + "Ġmotto": 31084, + "runk": 31085, + "Hop": 31086, + "ĠThem": 31087, + "ĠKun": 31088, + "Ġamyg": 31089, + "sponsored": 31090, + "Ġoceanic": 31091, + "ĠReflection": 31092, + "Ġadmits": 31093, + "Ġphotographed": 31094, + "efficiency": 31095, + "Ġdrowning": 31096, + "Ġiris": 31097, + "Ġcelebrities": 31098, + "Ġbuckle": 31099, + "ĠNordic": 31100, + "Ġapex": 31101, + "sites": 31102, + "Ġweave": 31103, + "pects": 31104, + "Ġbatches": 31105, + "pel": 31106, + "treated": 31107, + "ĠArrange": 31108, + "Ġlandscaping": 31109, + "SY": 31110, + "Ġmoreover": 31111, + "Ġsludge": 31112, + "Updated": 31113, + "Ġlegislators": 31114, + "Ġmarginalization": 31115, + "CY": 31116, + "cwd": 31117, + "emotional": 31118, + "medical": 31119, + "ĠJehovah": 31120, + "OCK": 31121, + "Ġperpetrators": 31122, + "ĠLutheran": 31123, + "Ġincarceration": 31124, + "ometown": 31125, + "ĠLM": 31126, + "Ġdiode": 31127, + "inches": 31128, + "Ġrankings": 31129, + "ĠScreening": 31130, + "ĠCases": 31131, + "ĠarXiv": 31132, + "Ġinsulated": 31133, + "Ġmilling": 31134, + "amba": 31135, + "ĠISSN": 31136, + "Ġyellowish": 31137, + "ĠCommonly": 31138, + "Ġcorrelates": 31139, + "alter": 31140, + "Ġblueberries": 31141, + "rogens": 31142, + "Ġvenous": 31143, + "Ġmicrom": 31144, + "Ġtempo": 31145, + "apons": 31146, + ".\".": 31147, + "ĠEncyclop": 31148, + "Ġmenstruation": 31149, + "ĠPlymouth": 31150, + "gat": 31151, + "umann": 31152, + "Ġ\"'": 31153, + "Ġparity": 31154, + "Ġbiographical": 31155, + "============": 31156, + "ĠSurveillance": 31157, + "Ġsurvives": 31158, + "Ġhearings": 31159, + "ĠRespiratory": 31160, + "Ġchimney": 31161, + "RR": 31162, + "finder": 31163, + "Ġaunt": 31164, + "racks": 31165, + "ftp": 31166, + "Ġhumane": 31167, + "ushi": 31168, + "devices": 31169, + "Ġtablespoon": 31170, + "ĠChicken": 31171, + "Mont": 31172, + "Ãĥ": 31173, + "ĠINT": 31174, + "ĠAPIs": 31175, + "Positive": 31176, + "ĠBav": 31177, + "approximately": 31178, + "Ġcrypto": 31179, + "Mer": 31180, + "ĠOT": 31181, + "Ġbehold": 31182, + "Ġheadings": 31183, + "rice": 31184, + "ĠBerm": 31185, + "Ġexploits": 31186, + "Ġshading": 31187, + "Software": 31188, + "ilion": 31189, + "Ġantic": 31190, + "ĠPracticing": 31191, + "ĠCastro": 31192, + "Ġmesmer": 31193, + "/<": 31194, + "Ġ(*": 31195, + "ĠMeyer": 31196, + "ĠHers": 31197, + "ĠLoop": 31198, + "ĠChurches": 31199, + "Ġrecommending": 31200, + "iatric": 31201, + "PubMedGoogle": 31202, + "Drop": 31203, + "NESS": 31204, + "ĠStroke": 31205, + "ĠRevere": 31206, + "pathic": 31207, + "Ġverdict": 31208, + "Ġvertebrates": 31209, + "Ġworshipped": 31210, + "PLA": 31211, + "atism": 31212, + "Ġwarts": 31213, + "ĠHook": 31214, + "ĠGly": 31215, + "Ġweakening": 31216, + "uvian": 31217, + "Ġhymns": 31218, + "ĠInflamm": 31219, + "Ġspectators": 31220, + "Ġfooth": 31221, + "Ġtwisting": 31222, + "ĠGastro": 31223, + "atchewan": 31224, + "Ġabreast": 31225, + "ĠDJ": 31226, + "Ġsurrog": 31227, + "afer": 31228, + "Ġhottest": 31229, + "Ġtumult": 31230, + "Ġallevi": 31231, + "Library": 31232, + "Ġthirds": 31233, + "ĠSara": 31234, + "Ġbullets": 31235, + "canvas": 31236, + "ĠPMC": 31237, + "Ġbattling": 31238, + "Ġcategorize": 31239, + "Ġsulphur": 31240, + "vir": 31241, + "Ġcosting": 31242, + "Ġforthcoming": 31243, + "Ġpharmacy": 31244, + "omorphic": 31245, + "tun": 31246, + "emics": 31247, + "ĠNaturally": 31248, + "Ġsilently": 31249, + "giene": 31250, + "Mental": 31251, + "Ġmyocard": 31252, + "Ġfamed": 31253, + "Ġcheek": 31254, + "Ġerase": 31255, + "topics": 31256, + "Ġneurode": 31257, + "locked": 31258, + "ĠImmune": 31259, + "ĠLudwig": 31260, + "AWS": 31261, + "Ġsid": 31262, + "Ġischem": 31263, + "Ġblisters": 31264, + "ĠConsortium": 31265, + "Shape": 31266, + "Ġknight": 31267, + "Ġharb": 31268, + "Keeping": 31269, + "Ġgranular": 31270, + "Ġcoercion": 31271, + "bp": 31272, + "opold": 31273, + "ĠFerg": 31274, + "Ġmetre": 31275, + "ĠSalem": 31276, + "Ġaltru": 31277, + "Ġarbitration": 31278, + "Ġinaccessible": 31279, + "Ġorg": 31280, + "Ġexoplan": 31281, + "rious": 31282, + "ĠLt": 31283, + "Ġmodernization": 31284, + "checks": 31285, + "ĠAsthma": 31286, + "Signs": 31287, + "Ġconsolidated": 31288, + "Ġcascade": 31289, + "hoea": 31290, + "ĠCorinthians": 31291, + "nine": 31292, + "ĠMaz": 31293, + "ĠBin": 31294, + "unknown": 31295, + "ĠRoth": 31296, + "asser": 31297, + "ĠTrace": 31298, + "dirs": 31299, + "professional": 31300, + "Ġtaxonomy": 31301, + "Ir": 31302, + "ĠMist": 31303, + "ortment": 31304, + "Ġratt": 31305, + "cessions": 31306, + "everse": 31307, + "Ġhistogram": 31308, + "ĠThermal": 31309, + "Side": 31310, + "Ġdeletion": 31311, + "Ġunconst": 31312, + "ĠChocolate": 31313, + "ucose": 31314, + "Ġresearches": 31315, + "compare": 31316, + "ĠHumanities": 31317, + "ĠADD": 31318, + "Ġbotan": 31319, + "evaluation": 31320, + "echo": 31321, + "Execution": 31322, + "fan": 31323, + "toe": 31324, + "Ġspotlight": 31325, + "Ġpedal": 31326, + "ĠNGO": 31327, + "ĠAxis": 31328, + "avier": 31329, + "ĠTraditions": 31330, + "ĠTerry": 31331, + "Electric": 31332, + "Cancer": 31333, + "hey": 31334, + "ĠFashion": 31335, + "ognition": 31336, + "ĠAmish": 31337, + "Ġк": 31338, + "Ġabandonment": 31339, + "Experts": 31340, + "Offic": 31341, + "Ġstadium": 31342, + "ĠThousands": 31343, + "Ġodors": 31344, + "Ġconveys": 31345, + "ummies": 31346, + "Kit": 31347, + "Ġpolitely": 31348, + "ĠVenet": 31349, + "ĠChronicle": 31350, + "loo": 31351, + "Ġfus": 31352, + "Ġmedial": 31353, + "Ġstranded": 31354, + "ĠExcited": 31355, + "CADE": 31356, + "ĠYahweh": 31357, + "ĠVladimir": 31358, + "icum": 31359, + "Ġhid": 31360, + "ĠUz": 31361, + "Ġlayouts": 31362, + "Ġrainforests": 31363, + "Ġsophist": 31364, + "Ġterrorists": 31365, + "ĠArguments": 31366, + "tysburg": 31367, + "dar": 31368, + "Ġinterim": 31369, + "Ġlocality": 31370, + "ĠNeolithic": 31371, + "Ġultrason": 31372, + "matched": 31373, + "voltage": 31374, + "Ġpinch": 31375, + "Ġtattoo": 31376, + "opedic": 31377, + "ĠBUT": 31378, + "Ġtraverse": 31379, + "Ġemits": 31380, + "ĠSharp": 31381, + "Resources": 31382, + "Ġinvariably": 31383, + "PCR": 31384, + "kil": 31385, + "omials": 31386, + "Ġproclamation": 31387, + "tainment": 31388, + "avering": 31389, + ",,,,,,,,": 31390, + "Ġneonatal": 31391, + "fx": 31392, + "rack": 31393, + "llo": 31394, + "goal": 31395, + "ĠManip": 31396, + "ĠGuides": 31397, + "Ġseekers": 31398, + "ĠDataset": 31399, + "ĠOrient": 31400, + "radle": 31401, + "ĠAnalytics": 31402, + "ĠEnhanced": 31403, + "Ġridiculous": 31404, + "|','": 31405, + "Ġmasonry": 31406, + "agi": 31407, + "Ġrails": 31408, + "Ġpowdered": 31409, + "аÑĤ": 31410, + "wrapper": 31411, + "scalar": 31412, + "Pick": 31413, + "asarray": 31414, + "Ġjer": 31415, + "Ġfirewall": 31416, + "ĠJerry": 31417, + "]=": 31418, + "catch": 31419, + "verting": 31420, + "ĠMatch": 31421, + "Ġsept": 31422, + "Ġactivates": 31423, + "Ġpotentials": 31424, + "Ġradios": 31425, + "ĠFraser": 31426, + "Ġundist": 31427, + "ĠHousehold": 31428, + "Specific": 31429, + "browser": 31430, + "lm": 31431, + "inished": 31432, + "Ġgoose": 31433, + "essim": 31434, + "Ġflashes": 31435, + "ĠScar": 31436, + "ĠGeo": 31437, + "Lord": 31438, + "Ġhij": 31439, + "Ġproactively": 31440, + "iev": 31441, + "Ġguerr": 31442, + "Ġbattalion": 31443, + "initializer": 31444, + "Ġrecombination": 31445, + "Ġunreasonable": 31446, + "Mic": 31447, + "Tools": 31448, + "meg": 31449, + "ĠTalking": 31450, + "ĠAry": 31451, + "ectin": 31452, + "Ġresumed": 31453, + "ĠProtestants": 31454, + "Ġblossoms": 31455, + "Ġamusement": 31456, + "reeks": 31457, + "Ġsymmetric": 31458, + "burse": 31459, + "Ġcyberbullying": 31460, + "fighting": 31461, + "ب": 31462, + "ĠTus": 31463, + "čĊĠĠĠĠĠĠĠĠĠĠĠĠ": 31464, + "itone": 31465, + "ĠSpar": 31466, + "ĠSEC": 31467, + "ipolar": 31468, + "Ġtallest": 31469, + "Ġsucceeding": 31470, + "Ġdreaming": 31471, + "Ġsparkling": 31472, + "ĠStockholm": 31473, + "Ġplankton": 31474, + "ĠServe": 31475, + "spoken": 31476, + "Ġsynonyms": 31477, + "Ġpuppies": 31478, + "Lee": 31479, + "Site": 31480, + "Ġbacon": 31481, + "Ġconced": 31482, + "Ġans": 31483, + "Ġranch": 31484, + "Ġeroded": 31485, + "Ġgraphite": 31486, + "Ġpreached": 31487, + "destroy": 31488, + "Ġinclination": 31489, + "Ġshovel": 31490, + "Ġreshape": 31491, + "ĠCiv": 31492, + "ĠUTC": 31493, + "Ġdrier": 31494, + "Ġinduces": 31495, + "localhost": 31496, + "Ġadvertisement": 31497, + "Ġinex": 31498, + "urai": 31499, + "Ġteamm": 31500, + "ĠFormer": 31501, + "Ġaquifer": 31502, + "AGES": 31503, + "Ġsadly": 31504, + "thereum": 31505, + "Ġteas": 31506, + "Ġafflicted": 31507, + "Ġhandheld": 31508, + "marked": 31509, + "Ġfraudulent": 31510, + "Ġtropics": 31511, + "Ġfrig": 31512, + "odon": 31513, + "ĠWalt": 31514, + "epid": 31515, + "Ġrecol": 31516, + "Ġdetectable": 31517, + "rers": 31518, + "Ġadherent": 31519, + "Ġposing": 31520, + "ĠGeoff": 31521, + "Ġtrusting": 31522, + "Ġepidemiological": 31523, + "Migration": 31524, + "atz": 31525, + "Ġjargon": 31526, + "ported": 31527, + "idson": 31528, + "loom": 31529, + "Tell": 31530, + "ĠMight": 31531, + "ĠPie": 31532, + "ĠKatherine": 31533, + "Ġresultant": 31534, + "Guide": 31535, + "Secondly": 31536, + "Ġrepositories": 31537, + "orating": 31538, + "teness": 31539, + "ERC": 31540, + "termedi": 31541, + "Ġunearthed": 31542, + "Ġdred": 31543, + "ĠBend": 31544, + "ĠHier": 31545, + "amming": 31546, + "Ġfavourable": 31547, + "ĠRodrig": 31548, + "Ġlawsuits": 31549, + "Clear": 31550, + "Ġbureaucracy": 31551, + "Ġgust": 31552, + "Ġrushing": 31553, + "ĠFerr": 31554, + "Ġcommissions": 31555, + "Ġlongstanding": 31556, + "ABA": 31557, + "Ġimpartial": 31558, + "enzie": 31559, + "absolute": 31560, + "ĠAuschwitz": 31561, + "Ġquer": 31562, + "Ġtownship": 31563, + "Ġresponders": 31564, + "Ġfavors": 31565, + "Ġnegligible": 31566, + "ĠPrague": 31567, + "rar": 31568, + "informatics": 31569, + "alias": 31570, + "Ġmedically": 31571, + "ĠCampus": 31572, + "Ġinhalation": 31573, + "Ġbiomarkers": 31574, + "Safety": 31575, + "ĠPall": 31576, + "addWidget": 31577, + "Ġpharmacist": 31578, + "Ġprincipally": 31579, + "otypic": 31580, + "HV": 31581, + "tion": 31582, + "ĠChern": 31583, + "ĠRebecca": 31584, + "ĠWeber": 31585, + "Ġecclesiastical": 31586, + "Ġautomate": 31587, + "Ġsurveying": 31588, + "ĠRobotics": 31589, + "Ġmisconception": 31590, + "Ġdiscrepancy": 31591, + "Ġcried": 31592, + "opin": 31593, + "ĠDesigning": 31594, + "Ġtactic": 31595, + "GRO": 31596, + "lip": 31597, + "ĠSSD": 31598, + "Ġprinces": 31599, + "Ġgrandchildren": 31600, + "Ġreciprocal": 31601, + "Dar": 31602, + "hang": 31603, + "áº": 31604, + "prod": 31605, + "ĠSeb": 31606, + "ĠAhmed": 31607, + "Ġinverted": 31608, + "male": 31609, + "pv": 31610, + "Ġtherein": 31611, + "ITES": 31612, + "ĠTransmission": 31613, + "Ġdelegate": 31614, + ">=": 31615, + "yield": 31616, + "iminary": 31617, + "ĠJak": 31618, + "ĠKoh": 31619, + "Ġaccents": 31620, + "ĠEarlier": 31621, + "Fac": 31622, + "Ġthrilled": 31623, + "Ġcervix": 31624, + "delivery": 31625, + "Ġstren": 31626, + "Ġdirective": 31627, + "ĠAttack": 31628, + "Ġtasting": 31629, + "oya": 31630, + "Ġintellectually": 31631, + "ĠCSV": 31632, + "Ġslept": 31633, + "anse": 31634, + "odend": 31635, + "Ġsolic": 31636, + "ĠInstitutions": 31637, + "Ġcirculated": 31638, + "IK": 31639, + "ĠHelps": 31640, + "Ġtedious": 31641, + "Ġepigenetic": 31642, + "BF": 31643, + "ovis": 31644, + "Ġhandmade": 31645, + "dummy": 31646, + "elian": 31647, + "ĠLac": 31648, + "Ġpatiently": 31649, + "Ġhospitalized": 31650, + "Ġnarrower": 31651, + "Ġpioneered": 31652, + "ĠCassini": 31653, + "IU": 31654, + "Rout": 31655, + "Ġshook": 31656, + "aspx": 31657, + "nering": 31658, + "Ġti": 31659, + "ĠInteractions": 31660, + "Canadian": 31661, + "Ġbombard": 31662, + "rush": 31663, + "lli": 31664, + "ĠEducators": 31665, + "ĠAnything": 31666, + "iago": 31667, + "meth": 31668, + "inol": 31669, + "ĠEz": 31670, + "Ġflowed": 31671, + "Ġsalient": 31672, + "ĠCec": 31673, + "akra": 31674, + "=='": 31675, + "Ġcritiques": 31676, + "Ġeyesight": 31677, + "customer": 31678, + "Ġterrifying": 31679, + "Ġhref": 31680, + "Ġgenotype": 31681, + "Ġdedicate": 31682, + "ĠOpera": 31683, + "ĠBuildings": 31684, + "Ġreconnaissance": 31685, + "Ġvernacular": 31686, + "Ser": 31687, + "ratch": 31688, + "Ġdummy": 31689, + "Ġhass": 31690, + "ptr": 31691, + "ĠInequ": 31692, + "Ġmeadows": 31693, + "Ġequipping": 31694, + "ĠPapua": 31695, + "Ġcontraception": 31696, + "Ġskiing": 31697, + "Ġaureus": 31698, + "ĠLords": 31699, + "Ġclerk": 31700, + "Ġensuing": 31701, + "Ġimpactful": 31702, + "Ġtutors": 31703, + "Ġhydroph": 31704, + "Ġcardinal": 31705, + "TeX": 31706, + "HF": 31707, + "bps": 31708, + "Ġeq": 31709, + "measures": 31710, + "mostly": 31711, + "Ġdenoted": 31712, + "academic": 31713, + "Impact": 31714, + "Ġunrealistic": 31715, + "ĠPresbyterian": 31716, + "Paper": 31717, + "çĽ": 31718, + "imon": 31719, + "odiac": 31720, + "Ġunic": 31721, + "ĠScandinavian": 31722, + "ĠBehaviour": 31723, + "ĠLCD": 31724, + "ĠJin": 31725, + "Ġconsortium": 31726, + "Ġdiaries": 31727, + "ĠTelegraph": 31728, + "Ġrhymes": 31729, + "ол": 31730, + "ĠPompe": 31731, + "ĠSwe": 31732, + "ĠRacial": 31733, + "ribly": 31734, + "Ġbitcoin": 31735, + "Ġbanning": 31736, + "Ġmasked": 31737, + "ĠHellen": 31738, + "ĠExercises": 31739, + "mable": 31740, + "money": 31741, + "kef": 31742, + "Ġnotified": 31743, + "deletion": 31744, + "ĠBeethoven": 31745, + "Ġacademy": 31746, + "riday": 31747, + "inetics": 31748, + "Ġsymptomatic": 31749, + "lawful": 31750, + "Ġamyloid": 31751, + "ï¸ı": 31752, + "bered": 31753, + "Ġurination": 31754, + "Ġpolluting": 31755, + "Ġfootsteps": 31756, + "ĠLearners": 31757, + "Ġdetectives": 31758, + "Ġtroubling": 31759, + "ĠOutcomes": 31760, + "furt": 31761, + "inox": 31762, + "Ġalters": 31763, + "ĠAsper": 31764, + "landers": 31765, + "Ġtoolkit": 31766, + "Ġtumours": 31767, + "ĠChau": 31768, + "Ġovercrow": 31769, + "Ġrelocated": 31770, + "Ġmeaningless": 31771, + "ĠPhysicians": 31772, + "rystall": 31773, + "little": 31774, + "Ġdislike": 31775, + "Ġspins": 31776, + "ĠVisitors": 31777, + "ĠOxygen": 31778, + "Ġskeletons": 31779, + "Ġflavon": 31780, + "Ġcirculatory": 31781, + "oggles": 31782, + "cus": 31783, + "tier": 31784, + "Ġaust": 31785, + "Ġsprayed": 31786, + "profits": 31787, + "ĠCraft": 31788, + "artes": 31789, + "ĠMalay": 31790, + "********************************": 31791, + "Ġfaculties": 31792, + "Happy": 31793, + "Ġbeak": 31794, + "ĠMell": 31795, + "ĠDop": 31796, + "ĠGur": 31797, + "ás": 31798, + "-)": 31799, + "timer": 31800, + "Ġfeline": 31801, + "ematic": 31802, + "Ġsparks": 31803, + "quez": 31804, + "ĠImpacts": 31805, + "Transform": 31806, + "ĠParticipation": 31807, + "ĠLiverpool": 31808, + "Programming": 31809, + "Germany": 31810, + "Ġexcurs": 31811, + "irement": 31812, + "aji": 31813, + "Ġpictured": 31814, + "ILE": 31815, + "Ġsimplistic": 31816, + "Ġindefinitely": 31817, + "Ġtyranny": 31818, + ":\")": 31819, + "Rap": 31820, + "Ġwatt": 31821, + "ĠSever": 31822, + "ĠJazz": 31823, + "('<": 31824, + "Ġastrology": 31825, + "Ġheterosexual": 31826, + "Ġappendix": 31827, + "Ġmusculoskeletal": 31828, + "ĠPaint": 31829, + "quarter": 31830, + "ĠDas": 31831, + "ĠRank": 31832, + "Ġclash": 31833, + "ĠNewfoundland": 31834, + "Ġdolls": 31835, + "Ġaffirmative": 31836, + "Ġnotebooks": 31837, + "׾": 31838, + "Ġaqueous": 31839, + "Ġscrolling": 31840, + "Ġattic": 31841, + "Ġdistilled": 31842, + "Ġhardened": 31843, + "Ġcopyrighted": 31844, + "}]": 31845, + "ĠWitness": 31846, + "ĠCrafts": 31847, + "YPE": 31848, + "Ġprocession": 31849, + "Ġtermites": 31850, + "Ġromances": 31851, + "iberian": 31852, + "SB": 31853, + "§": 31854, + "ĠMouse": 31855, + "Ġlept": 31856, + "Ġmathematically": 31857, + "Ġinfestations": 31858, + "LIST": 31859, + "Nov": 31860, + "ĠFormula": 31861, + "Ġstakeholder": 31862, + "Ġwholesome": 31863, + "rather": 31864, + "sac": 31865, + "renew": 31866, + "iflower": 31867, + "Ġrashes": 31868, + "ĠRah": 31869, + "Columb": 31870, + "ĠMichelangelo": 31871, + "ĠLithuania": 31872, + "asper": 31873, + "idim": 31874, + "Ġspecialization": 31875, + "ĠMusical": 31876, + "sheets": 31877, + "ĠMachines": 31878, + "schedule": 31879, + "Ġdesserts": 31880, + "Daily": 31881, + "Ġleaking": 31882, + "Ġindel": 31883, + "Ġrestruct": 31884, + "Ġextracellular": 31885, + "fied": 31886, + "Ġnoodles": 31887, + "Ġagile": 31888, + "ĠVAT": 31889, + "Ġmaturation": 31890, + "Ġarticulated": 31891, + "melon": 31892, + "Ġjealousy": 31893, + "\\*": 31894, + "Ġcures": 31895, + "Ġelectronically": 31896, + "ĠArticleGoogle": 31897, + "Ġmartyr": 31898, + "ĠMillennium": 31899, + "Ġcc": 31900, + "terms": 31901, + "Ġrye": 31902, + "Ġavg": 31903, + "ochrom": 31904, + "Ġghosts": 31905, + "abolism": 31906, + "ayed": 31907, + "ĠBug": 31908, + "emeter": 31909, + "Ġrealizes": 31910, + "Ġconspicuous": 31911, + "ĠPlateau": 31912, + "Hyper": 31913, + "ĠVikings": 31914, + "Ġpc": 31915, + "stated": 31916, + "ondo": 31917, + "Ġpredefined": 31918, + "olytic": 31919, + "Ġpicnic": 31920, + "Ġinterstellar": 31921, + "Ġsophistication": 31922, + "Ġlords": 31923, + "ĠMales": 31924, + "Ġsoaked": 31925, + "Ġsympath": 31926, + "ALS": 31927, + "ĠExtreme": 31928, + "Ġharmoniously": 31929, + "Ġlawns": 31930, + "Growing": 31931, + "walls": 31932, + "à¹": 31933, + "atan": 31934, + "Ġfibrous": 31935, + "Ġferry": 31936, + "ĠParadise": 31937, + "Soci": 31938, + "esch": 31939, + "alignment": 31940, + "Ġhooked": 31941, + "quote": 31942, + "Ġinferred": 31943, + "ĠAdolesc": 31944, + "Ġkillings": 31945, + "Ġmentorship": 31946, + "Ġnomadic": 31947, + "Ġsteroid": 31948, + "WM": 31949, + "farm": 31950, + "ordable": 31951, + "Ġargumentative": 31952, + "Ġκ": 31953, + "ĠAccel": 31954, + "Ġdiaspora": 31955, + "gap": 31956, + "umni": 31957, + "DEX": 31958, + "cursors": 31959, + "Ġbans": 31960, + "etes": 31961, + "ĠFP": 31962, + "Storage": 31963, + "ĠInstruct": 31964, + "Ġethic": 31965, + "Ġsanitary": 31966, + "Ġmarkedly": 31967, + "ĠHebrews": 31968, + "Ġoysters": 31969, + "Economic": 31970, + "Rather": 31971, + "wau": 31972, + "amide": 31973, + "Ġcloning": 31974, + "ĠDeer": 31975, + "Ġstoryt": 31976, + "iscovered": 31977, + "subplots": 31978, + "Listen": 31979, + "Ġtubing": 31980, + "ĠAndrews": 31981, + "Ġasymptomatic": 31982, + "Methods": 31983, + "lich": 31984, + "ĠMET": 31985, + "acency": 31986, + "ĠBoulder": 31987, + "ĠRates": 31988, + "agul": 31989, + "Ġheartburn": 31990, + "colour": 31991, + "othesis": 31992, + "refresh": 31993, + "Ġstabilization": 31994, + "ĠCutting": 31995, + "Ġdolphin": 31996, + "yu": 31997, + "orry": 31998, + "pez": 31999, + "ertools": 32000, + "Ġgraffiti": 32001, + "Ġgrim": 32002, + "ĠPrussia": 32003, + "Ġosm": 32004, + "LV": 32005, + "xton": 32006, + "Ġschoolers": 32007, + "particip": 32008, + "Ġtrio": 32009, + "ĠBrunswick": 32010, + "bear": 32011, + "Ġrepur": 32012, + "Ġendowed": 32013, + "ORM": 32014, + "Ġburnout": 32015, + "ĠPoison": 32016, + "ĠCardinal": 32017, + "Wra": 32018, + "Ġcrashed": 32019, + "Ġextracurricular": 32020, + "ĠKnights": 32021, + "!')": 32022, + "independent": 32023, + "Ġmanor": 32024, + "Ġoutset": 32025, + "Ġjudicious": 32026, + "ĠTwelve": 32027, + "ĠInterpretation": 32028, + "ULAR": 32029, + "ĠWilderness": 32030, + "provoking": 32031, + "female": 32032, + "Ġpatriotism": 32033, + "jib": 32034, + "Ġflick": 32035, + "acia": 32036, + "ĠLAN": 32037, + "iffe": 32038, + "Ġapplicability": 32039, + "Ġrubric": 32040, + "Ġsponsors": 32041, + "enia": 32042, + "ĠShared": 32043, + "Ġfret": 32044, + "Ġheadline": 32045, + "submit": 32046, + "Ġnestled": 32047, + "ĠTelevision": 32048, + "esses": 32049, + "ĠLens": 32050, + "ussed": 32051, + "Ġantif": 32052, + "ĠCOPD": 32053, + "Ġcolloqu": 32054, + "Ġundermining": 32055, + "|')": 32056, + "ĠĠĊ": 32057, + "odal": 32058, + "Ġmango": 32059, + "Ġcondensed": 32060, + "ĠCombined": 32061, + "ĠCitizen": 32062, + "enta": 32063, + "ĠTub": 32064, + "ĠPew": 32065, + "Ġchili": 32066, + "Ġtablespoons": 32067, + "planned": 32068, + "ĠChad": 32069, + "Ġfacto": 32070, + "Ġunsustainable": 32071, + "ĠPainting": 32072, + "Ġfronts": 32073, + "elin": 32074, + "assis": 32075, + "Ġpartnered": 32076, + "Ġlogos": 32077, + "ĠLeone": 32078, + "ĠNorthwestern": 32079, + "Adding": 32080, + "Ġmethylation": 32081, + "ĠAlbany": 32082, + "velocity": 32083, + "aseous": 32084, + "Ġsocialization": 32085, + "Ġcalend": 32086, + "polar": 32087, + "ĠPropag": 32088, + "Ġtrimester": 32089, + "å¹": 32090, + "Ġreds": 32091, + "ĠBoh": 32092, + "bsp": 32093, + "ATER": 32094, + "ĠElectronics": 32095, + "Ġshutdown": 32096, + "Ġfederally": 32097, + "Ġlumbar": 32098, + "ocument": 32099, + "Ġintangible": 32100, + "ĠThirty": 32101, + "ĠNotable": 32102, + "Ġcollateral": 32103, + "Ġunwavering": 32104, + "Ġswallowed": 32105, + "ĠFeedback": 32106, + "oscience": 32107, + "ĠTeeth": 32108, + "Ġsymbolizing": 32109, + "Bu": 32110, + "Ġhometown": 32111, + "Ġinterfer": 32112, + "Ġcreams": 32113, + "Stress": 32114, + "apsing": 32115, + "gui": 32116, + "Ġblew": 32117, + "ĠENUM": 32118, + "ĠDialogue": 32119, + "having": 32120, + "wers": 32121, + "Ñħ": 32122, + "Ġtier": 32123, + "Ġnormalization": 32124, + "omenclature": 32125, + "Camp": 32126, + "Ġinline": 32127, + "ĠChal": 32128, + "Ġchoir": 32129, + "Ġgeese": 32130, + "ANN": 32131, + "ĠSchmidt": 32132, + "ĠTypical": 32133, + "utc": 32134, + "Sea": 32135, + "Ġpreschoolers": 32136, + "Ġsleeves": 32137, + "Heb": 32138, + "Si": 32139, + "TEM": 32140, + "Ġpenny": 32141, + "Ġnat": 32142, + "Ġheats": 32143, + "Ġincurred": 32144, + "Ġlaure": 32145, + "ĠMarines": 32146, + "Ġprogressing": 32147, + "ĠWriter": 32148, + "ĠSubstance": 32149, + "Agent": 32150, + "Ġcondu": 32151, + "Animal": 32152, + "ĠRegistry": 32153, + "transfer": 32154, + "Spring": 32155, + "apon": 32156, + "Ġpuzzled": 32157, + "ĠSnake": 32158, + "Ġpropriet": 32159, + "Jack": 32160, + "MAR": 32161, + "Ġfoc": 32162, + "ĠCred": 32163, + "esthesia": 32164, + "ĠWinston": 32165, + "indent": 32166, + "ĠSwitch": 32167, + "multip": 32168, + "ncbi": 32169, + "ĠIB": 32170, + "osine": 32171, + "Ġattire": 32172, + "uchi": 32173, + "ĠIsles": 32174, + "ĠSurround": 32175, + "zu": 32176, + "ĠCasc": 32177, + "ĠPool": 32178, + "ptics": 32179, + "Ġkicked": 32180, + "ĠPutting": 32181, + "rr": 32182, + "Ġcate": 32183, + "strom": 32184, + "Ġflocks": 32185, + "Ġpolys": 32186, + "ĠCreativity": 32187, + "PDATE": 32188, + "Ġhydroelectric": 32189, + "Ġelectrically": 32190, + "Ġviz": 32191, + "iret": 32192, + "tole": 32193, + "Ġprobiotic": 32194, + "Isa": 32195, + "roles": 32196, + "ampton": 32197, + "ĠCrom": 32198, + "Ġwarp": 32199, + "ĠCanterbury": 32200, + "Ġdivinity": 32201, + "Ġdean": 32202, + "ĠSioux": 32203, + "ĠPVC": 32204, + "ĠFix": 32205, + "ixel": 32206, + "Ġrejecting": 32207, + "ĠEntreprene": 32208, + "ĠWireless": 32209, + "Monday": 32210, + "NL": 32211, + "ĠHern": 32212, + "Ġhailed": 32213, + "Ġlookup": 32214, + "Ġreversible": 32215, + "Ġcytokines": 32216, + "Seg": 32217, + "much": 32218, + "rically": 32219, + "itut": 32220, + "ĠShore": 32221, + "Ġpostdoctoral": 32222, + "Exc": 32223, + "HEAD": 32224, + "hostname": 32225, + "Score": 32226, + "ĠIdeal": 32227, + "Ġfarmed": 32228, + "Ġburrow": 32229, + "Ġadventurers": 32230, + "ĠSaskatchewan": 32231, + "Dou": 32232, + "ÑĨ": 32233, + "arum": 32234, + "Ġlace": 32235, + "ĠRaspberry": 32236, + "avorable": 32237, + "ĠMalawi": 32238, + "PRESS": 32239, + "ĠCosts": 32240, + "Ġpatronage": 32241, + "WID": 32242, + "edo": 32243, + "adal": 32244, + "onement": 32245, + "Ġacclaimed": 32246, + "Ġcampuses": 32247, + "ĠMineral": 32248, + "Ġapartments": 32249, + "screens": 32250, + "Ġureth": 32251, + "anched": 32252, + "ĠShab": 32253, + "Ġannotated": 32254, + "Ġamenities": 32255, + "ĠMÄģori": 32256, + "Jud": 32257, + "rals": 32258, + "vik": 32259, + "ĠWarning": 32260, + "ternity": 32261, + "Ġdocumentaries": 32262, + "ĠSTR": 32263, + "ĠScheme": 32264, + "ĠRuntimeError": 32265, + ":'": 32266, + "Luke": 32267, + "Ġwary": 32268, + "ĠWikimedia": 32269, + "ĠDart": 32270, + "Ġundergrad": 32271, + "Ġpropositions": 32272, + "Ġbounded": 32273, + "cutting": 32274, + "cigarettes": 32275, + "ifixion": 32276, + "bolic": 32277, + "Ġmish": 32278, + "Ġlute": 32279, + "neapolis": 32280, + "Nowadays": 32281, + "Ġpiping": 32282, + "Anyone": 32283, + "ĠBabylonian": 32284, + "chains": 32285, + "ĠDennis": 32286, + "Ġobjectively": 32287, + "ĠDevil": 32288, + "Ġhubs": 32289, + "iya": 32290, + "Ġtid": 32291, + "oters": 32292, + "ĠSig": 32293, + "Ġblot": 32294, + "ĠChester": 32295, + "zyg": 32296, + "ineteen": 32297, + "ĠTitanic": 32298, + "dependence": 32299, + "ĠPf": 32300, + "ĠElection": 32301, + "ĠDSM": 32302, + "sequent": 32303, + "ĠNobody": 32304, + "ĠSlowly": 32305, + "coding": 32306, + "robot": 32307, + "ĠNULL": 32308, + "Ġcurator": 32309, + "entionally": 32310, + "Ġannih": 32311, + "REL": 32312, + "steine": 32313, + "Ġlymphatic": 32314, + "čĊĠĠĠĠčĊĠĠĠ": 32315, + "Marg": 32316, + "patic": 32317, + "Ġanalges": 32318, + "Ġhomeostasis": 32319, + "Ġshorten": 32320, + "afts": 32321, + "Ġambassador": 32322, + "Ġmajors": 32323, + "Ġexcerpts": 32324, + "Ġlentils": 32325, + ").âĢĿ": 32326, + "Ġnephew": 32327, + "Ġmp": 32328, + "ĠBread": 32329, + "ĠWhilst": 32330, + "Ġtweets": 32331, + "Ġbureaucratic": 32332, + "ĠPam": 32333, + "ĠProof": 32334, + "ĠNewman": 32335, + "prints": 32336, + "Knowing": 32337, + "Ġfrightened": 32338, + "Ġbakery": 32339, + "Ġincompatible": 32340, + "Ġequips": 32341, + "Comments": 32342, + "normalize": 32343, + "Ġorientations": 32344, + "ĠPhilosophical": 32345, + "Ġtaxonomic": 32346, + "Ġhugely": 32347, + "Ġvm": 32348, + "allows": 32349, + "Ġmeadow": 32350, + "ĠQuery": 32351, + "Ġreplacements": 32352, + "ĠGettysburg": 32353, + "Ġmiraculous": 32354, + "Ö°": 32355, + "Ġwitches": 32356, + "illon": 32357, + "ĠFever": 32358, + "Ġinvoke": 32359, + "Ġdesignate": 32360, + "prudence": 32361, + "ĠAppropriate": 32362, + "Ġcovert": 32363, + "Ġsubstantive": 32364, + "ĠSpaceX": 32365, + "Ġstrained": 32366, + "gently": 32367, + "essel": 32368, + "ospatial": 32369, + "spirit": 32370, + "spectrum": 32371, + "Ġcathode": 32372, + "Wow": 32373, + "Ġenigmatic": 32374, + "angerous": 32375, + "Ġexploratory": 32376, + "Ġuniformity": 32377, + "Sy": 32378, + "cold": 32379, + "Ġfiss": 32380, + "ĠHole": 32381, + "aryng": 32382, + "Ġfootwear": 32383, + "Ġexplanatory": 32384, + "esterone": 32385, + "Ġhalves": 32386, + "Ġsilicone": 32387, + "ĠZambia": 32388, + "mares": 32389, + "Ġsnail": 32390, + "Ġcardio": 32391, + "Ġpups": 32392, + "Above": 32393, + "Ġalleles": 32394, + "Details": 32395, + "aundice": 32396, + "ĠDemocrat": 32397, + "oglyph": 32398, + "ĠPK": 32399, + "ĠRevival": 32400, + "ĠLaos": 32401, + "ĠEthiopian": 32402, + "Ġgenealogy": 32403, + "oprotein": 32404, + "ĠLC": 32405, + "Ġkay": 32406, + "neal": 32407, + "Ġephemer": 32408, + "ĠLabs": 32409, + "Ġcertifications": 32410, + "Ġhinges": 32411, + "oso": 32412, + "ĠHannah": 32413, + "ĠKw": 32414, + "Ġwatery": 32415, + "Ġshaded": 32416, + "basis": 32417, + "ĠCleaning": 32418, + "Ġsilt": 32419, + "Ġcloves": 32420, + "atorium": 32421, + "Ġpresses": 32422, + "Ġmachining": 32423, + "ĠBarrier": 32424, + "ĠRealism": 32425, + "Ġprophyl": 32426, + "ĠGö": 32427, + "ĠAlert": 32428, + "instances": 32429, + "Ġconjunct": 32430, + "Speaking": 32431, + "SER": 32432, + "ĠFiber": 32433, + "ĠGael": 32434, + "earance": 32435, + "ĠSpeaker": 32436, + "ĠÏĥ": 32437, + "Ġaffiliate": 32438, + "void": 32439, + "ĠMiles": 32440, + "ivists": 32441, + "Ġtrunks": 32442, + "Ġorderly": 32443, + "Ġcompetitor": 32444, + "Ġmagist": 32445, + "ção": 32446, + "Ġcyn": 32447, + "ĠHut": 32448, + "Ġbenevol": 32449, + "ĠSha": 32450, + "Ġminimized": 32451, + "ĠConscious": 32452, + "Ġviolating": 32453, + "Ġwoodlands": 32454, + "ĠHarriet": 32455, + "Ġbranching": 32456, + "SK": 32457, + "iths": 32458, + "ĠQi": 32459, + "ĠGuidance": 32460, + "ĠElijah": 32461, + "Nearly": 32462, + "Ġbeasts": 32463, + "assessment": 32464, + "Ġgovernors": 32465, + "suitable": 32466, + "ACP": 32467, + "boro": 32468, + "ReLU": 32469, + "rograph": 32470, + "Reflecting": 32471, + "Ġescalating": 32472, + "Ġconsonant": 32473, + "employment": 32474, + "aney": 32475, + "patterns": 32476, + "Ġshielding": 32477, + "ĠMcKin": 32478, + "ĠCluster": 32479, + "Ġengagements": 32480, + "ĠMissing": 32481, + "ĠSuperior": 32482, + "permissions": 32483, + "Ġcatalytic": 32484, + "Ġmarching": 32485, + "Ġdisproportionate": 32486, + "Ġtreacherous": 32487, + "Typically": 32488, + "ĠWine": 32489, + "Ġchildcare": 32490, + "Ġprogesterone": 32491, + "sector": 32492, + "leanor": 32493, + "Teacher": 32494, + "atalog": 32495, + "Ġwatts": 32496, + "itively": 32497, + "utors": 32498, + "ĠDuc": 32499, + "ĠRama": 32500, + "Ġedema": 32501, + "Ġcalmly": 32502, + "broad": 32503, + "amazon": 32504, + "estine": 32505, + "ĠGor": 32506, + "ĠGrades": 32507, + "uminum": 32508, + "Ġkilogram": 32509, + "boundary": 32510, + "Tel": 32511, + "Ġtout": 32512, + "Ġinsurg": 32513, + "Ġsuitability": 32514, + "Ġserializer": 32515, + "Ġcropping": 32516, + "Ġgriev": 32517, + "games": 32518, + "ĠPurchase": 32519, + "oreg": 32520, + "indle": 32521, + "Ġcommunion": 32522, + "Ġaffluent": 32523, + "Ġε": 32524, + "Ġcaptivated": 32525, + "Ġthanked": 32526, + "Cast": 32527, + "Ġkernels": 32528, + "Ġswarm": 32529, + "Chronic": 32530, + "allets": 32531, + "Auth": 32532, + "Fit": 32533, + "hog": 32534, + "animal": 32535, + "omegran": 32536, + "ĠClause": 32537, + "Ġcircumcision": 32538, + "Ġlobes": 32539, + "Ġoverthrow": 32540, + "Ġprerequisite": 32541, + "oating": 32542, + "Ġ....": 32543, + "ĠVedic": 32544, + "ssh": 32545, + "Ġskys": 32546, + "еÑĤ": 32547, + "Ġmanuals": 32548, + "Ġatherosclerosis": 32549, + "emeteries": 32550, + "Ġsaddle": 32551, + "ĠEF": 32552, + "ietz": 32553, + "Ġsuffice": 32554, + "Ġtransplanted": 32555, + "Lower": 32556, + "¬": 32557, + "Ġtents": 32558, + "ĠItems": 32559, + "ategorical": 32560, + "ĠAstroph": 32561, + "Ġplagued": 32562, + "Ġprincipals": 32563, + "Ġdé": 32564, + "anders": 32565, + "ciences": 32566, + "ĠMinimum": 32567, + "Controller": 32568, + "ön": 32569, + "calculate": 32570, + "âģ": 32571, + "iberal": 32572, + "Ġrevived": 32573, + "umbai": 32574, + "ĠClasses": 32575, + "ĠOutlook": 32576, + "Ġlavender": 32577, + "Ġvoltages": 32578, + "cu": 32579, + "Ġcommons": 32580, + "Ġinfinitely": 32581, + "Ġestu": 32582, + "ĠPreschool": 32583, + "Ġgardener": 32584, + "Ġceil": 32585, + "Ġcortical": 32586, + "Ġbombers": 32587, + "Microsoft": 32588, + "Ġpeptides": 32589, + "Ġelectroph": 32590, + "ĠMecca": 32591, + "Ġcaptivate": 32592, + "Ġbronchitis": 32593, + "CASCADE": 32594, + "Ali": 32595, + "ĠAnch": 32596, + "Ġinternship": 32597, + "ONT": 32598, + "ĠManage": 32599, + "Ġcucumber": 32600, + "Copy": 32601, + "Ġreliant": 32602, + "ĠNewsp": 32603, + "Ġcalam": 32604, + "hao": 32605, + "capacity": 32606, + "ï¼ī": 32607, + "yalgia": 32608, + "Ġadversaries": 32609, + "\\_\\_": 32610, + "Password": 32611, + "Capt": 32612, + "bite": 32613, + "rification": 32614, + "lehem": 32615, + "azole": 32616, + "Ġfaiths": 32617, + "Ġundertook": 32618, + "ĠCoordinator": 32619, + "è¡Į": 32620, + "ĠTudor": 32621, + "Ġ(=": 32622, + "ĠMé": 32623, + "ĠLights": 32624, + "ĠOng": 32625, + "Ġsquid": 32626, + "Clinical": 32627, + "Ġventricular": 32628, + "ĠIllness": 32629, + "ĠIntroduce": 32630, + "ĠDurham": 32631, + "åľ¨": 32632, + "Ġinfringement": 32633, + "Ġfingertips": 32634, + "ĠThomson": 32635, + "Ġtwigs": 32636, + "Chief": 32637, + "ĠKeys": 32638, + "Ġscalable": 32639, + "Ġnovice": 32640, + "dash": 32641, + "Ġbarc": 32642, + "ĠThunder": 32643, + "partition": 32644, + "ĠEvolutionary": 32645, + "ĠEnhance": 32646, + "ÅŁ": 32647, + "Ġil": 32648, + "Ġeclips": 32649, + "Ġperturb": 32650, + "Ġabras": 32651, + "Ġ*=": 32652, + "previous": 32653, + "ĠShepherd": 32654, + "ĠCornwall": 32655, + "zekiel": 32656, + "+=": 32657, + "ĠSCI": 32658, + "icted": 32659, + "-----------": 32660, + "ĠTHC": 32661, + "waukee": 32662, + "Ġrejuven": 32663, + "Ġadvertised": 32664, + "ĠMaxwell": 32665, + "Ġaveraging": 32666, + "AY": 32667, + "Brow": 32668, + "imilar": 32669, + "ĠCay": 32670, + "Ġheirs": 32671, + "ĠKerala": 32672, + "Ġoffenses": 32673, + "gencies": 32674, + "Ġovary": 32675, + "Ġprecedents": 32676, + "Objective": 32677, + "Ġembarrassed": 32678, + "Ġsubtracting": 32679, + "moment": 32680, + "sb": 32681, + "Ġstaining": 32682, + "Ġbroker": 32683, + "ĠAmazing": 32684, + "Unless": 32685, + "Ġspectacle": 32686, + "Ens": 32687, + "ĠSilicon": 32688, + "ĠSantiago": 32689, + "Ġlemons": 32690, + "ĠKlein": 32691, + "god": 32692, + "ĠBever": 32693, + "ĠDiagram": 32694, + "Icon": 32695, + "Ġtucked": 32696, + "Ġnb": 32697, + "Ġcommunicates": 32698, + "eat": 32699, + "grain": 32700, + "Ġclamp": 32701, + "Ġquinoa": 32702, + "Ġagitation": 32703, + "Ġorganizer": 32704, + "ĠAndes": 32705, + "Ġmiserable": 32706, + "Ġassistive": 32707, + "viations": 32708, + "ĠEvaluating": 32709, + "GY": 32710, + "hp": 32711, + "nar": 32712, + "Ġ####": 32713, + "Ġunpack": 32714, + "Ġsubconscious": 32715, + "encia": 32716, + "observ": 32717, + "Ġnobles": 32718, + "ĠCrohn": 32719, + "Ġslippery": 32720, + "ĠEugene": 32721, + "bots": 32722, + "Ġlodge": 32723, + "Ġcontention": 32724, + "tested": 32725, + "Ġconditioner": 32726, + "Ġhabitable": 32727, + "Ġcommandments": 32728, + "Ġvanished": 32729, + "Ġcowork": 32730, + "Ġdischarges": 32731, + "ĠAber": 32732, + "Ġasserting": 32733, + "Ġtrigon": 32734, + "nexpected": 32735, + "PU": 32736, + "cz": 32737, + "vcam": 32738, + "ĠRational": 32739, + "ĠJAMA": 32740, + "undra": 32741, + "scape": 32742, + "ICES": 32743, + "Ġcompliant": 32744, + "Ġpatriotic": 32745, + "Security": 32746, + "PES": 32747, + "leges": 32748, + "ĠShift": 32749, + "equipped": 32750, + "Ġundue": 32751, + "ĠBailey": 32752, + "COLOR": 32753, + "Ġfixture": 32754, + "ĠTF": 32755, + "ĠLob": 32756, + "assets": 32757, + "Ġconverge": 32758, + "Ġrospy": 32759, + "Ġunderpinnings": 32760, + "hof": 32761, + "Ġhandbook": 32762, + "Ġrested": 32763, + "Ġnormative": 32764, + "Ġfortunes": 32765, + "Ġgestational": 32766, + "Ġnegligence": 32767, + "bler": 32768, + "Ġfrying": 32769, + "ermis": 32770, + "ĠSpider": 32771, + "ĠVegetables": 32772, + "alamus": 32773, + "Ġunmanned": 32774, + "Raw": 32775, + "Ġexcre": 32776, + "Ġchorus": 32777, + "Ġwording": 32778, + "Ġtraveler": 32779, + "ĠRegistration": 32780, + "ĠMyc": 32781, + "Ġcamel": 32782, + "ĠSwan": 32783, + "Ġfixation": 32784, + "ĠâĹ": 32785, + "ĠFarmer": 32786, + "Helper": 32787, + "ĠSpaniards": 32788, + "Az": 32789, + "}',": 32790, + "classification": 32791, + "observation": 32792, + "buf": 32793, + "Ġergon": 32794, + "Ġophthalm": 32795, + "ĠTables": 32796, + "Ġstaged": 32797, + "horse": 32798, + "ĠExpansion": 32799, + "Ġalienation": 32800, + "Ġdoctorate": 32801, + "Ġdeploying": 32802, + "[[": 32803, + "yang": 32804, + "ĠTrig": 32805, + "ĠHes": 32806, + "Ġsober": 32807, + "Ġsoaking": 32808, + "ĠMorrison": 32809, + "Ġsubtly": 32810, + "ocalyptic": 32811, + "inable": 32812, + "Ġhern": 32813, + "Ġcirrhosis": 32814, + "Ġextrapol": 32815, + "Ġinvestigates": 32816, + "Ġaspiration": 32817, + "Gender": 32818, + "NI": 32819, + "ĠAMD": 32820, + "ĠRid": 32821, + "Ġdeserved": 32822, + "Ġstandardization": 32823, + "Ġpalaces": 32824, + "Ġbrigade": 32825, + "Ġtributaries": 32826, + "Match": 32827, + "camp": 32828, + "čĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 32829, + "Ġunpublished": 32830, + "optimal": 32831, + "Ġpropel": 32832, + "ĠProvides": 32833, + "CLC": 32834, + "Required": 32835, + "invent": 32836, + "ository": 32837, + "avia": 32838, + "othered": 32839, + "Ġbicycles": 32840, + "Eds": 32841, + "Nothing": 32842, + "fty": 32843, + "utz": 32844, + "Ġcondom": 32845, + "ĠPour": 32846, + "ĠYuk": 32847, + "borg": 32848, + "roqu": 32849, + "ctools": 32850, + "ĠHour": 32851, + "deal": 32852, + "thought": 32853, + "Ġlogistic": 32854, + "Ġevaluates": 32855, + "choices": 32856, + "Ġconvex": 32857, + "Ġscarcely": 32858, + "ĠGospels": 32859, + "Ġdilute": 32860, + "ĠMozamb": 32861, + "Ġnewcomers": 32862, + "grow": 32863, + "Ġinfested": 32864, + "Ġdecoder": 32865, + "inae": 32866, + "ĠHerz": 32867, + "Ġcomforting": 32868, + "ĠINTER": 32869, + "nob": 32870, + "rored": 32871, + "ĠConsumption": 32872, + "Ġcompletes": 32873, + "feres": 32874, + "Ġjuveniles": 32875, + "Ġsickle": 32876, + "Ġcherish": 32877, + "DEC": 32878, + "Ġtac": 32879, + "ĠMoss": 32880, + "Ġunaffected": 32881, + "Ġunavoid": 32882, + "ĠHeights": 32883, + "Ġinsulating": 32884, + "Ġcheeks": 32885, + "Ġforested": 32886, + "Ġrebirth": 32887, + "timed": 32888, + "Ġwholesale": 32889, + "Ġmellitus": 32890, + "XY": 32891, + "ĠCli": 32892, + "Ġprematurely": 32893, + "Ġadrenaline": 32894, + "termediate": 32895, + "jac": 32896, + "Ġtingling": 32897, + "ĠFruits": 32898, + "Ġreplies": 32899, + "Ġashore": 32900, + "Player": 32901, + "fro": 32902, + "ĠNurse": 32903, + "Ġinsists": 32904, + "Ġuntouched": 32905, + "Ġcritters": 32906, + "Ġmicrof": 32907, + "ĠFundamental": 32908, + "ĠFactory": 32909, + "BACK": 32910, + "ĠFan": 32911, + "ĠSho": 32912, + "ihad": 32913, + "Ġuplift": 32914, + "Ġremembrance": 32915, + "Mother": 32916, + "ĠMant": 32917, + "Ġsham": 32918, + "Ġdownside": 32919, + "ĠComponent": 32920, + "Ġtongues": 32921, + "Ġcosmology": 32922, + "sampling": 32923, + "ĠSoldiers": 32924, + "æŀ": 32925, + "Ġct": 32926, + "ĠKet": 32927, + "ĠAdolescent": 32928, + "Ġ:=": 32929, + "umbent": 32930, + "Ġfrontiers": 32931, + "य": 32932, + "Ġjuicy": 32933, + "Ġpsychiatrist": 32934, + "ĠMohammed": 32935, + "ĠFeeding": 32936, + "ĠCardiovascular": 32937, + "_{}": 32938, + "hew": 32939, + "Ġmoms": 32940, + "Ġplung": 32941, + "ulls": 32942, + "ringing": 32943, + "crafted": 32944, + "Ġfertilized": 32945, + "Ġinducing": 32946, + "å¸": 32947, + "ĠHI": 32948, + "Ġropes": 32949, + "Ġfinanced": 32950, + "ĠSpaces": 32951, + "Ġcircuitry": 32952, + "Ġcrowned": 32953, + "probably": 32954, + "mountable": 32955, + "Ġcaterpillar": 32956, + "ende": 32957, + "Ġartisan": 32958, + "Shell": 32959, + "adaptive": 32960, + "RED": 32961, + "Tuple": 32962, + "Ġdigested": 32963, + "ĠBradley": 32964, + "Ġfencing": 32965, + "chrome": 32966, + "unctions": 32967, + "ĠWellness": 32968, + "opoly": 32969, + "ĠHayes": 32970, + "Ġrudimentary": 32971, + "LES": 32972, + "Ġforged": 32973, + "Ġriv": 32974, + "Ġdistal": 32975, + "flush": 32976, + "ALE": 32977, + "Ġscreenings": 32978, + "defaults": 32979, + "Ġsupernova": 32980, + "Van": 32981, + "atized": 32982, + "ĠMED": 32983, + "quad": 32984, + "Ġcontemplate": 32985, + "orde": 32986, + "Ġobservatory": 32987, + "Ġcategorical": 32988, + "Ġrectum": 32989, + "distribution": 32990, + "ĠLecture": 32991, + "ĠAdvocacy": 32992, + "ĠYugoslavia": 32993, + "Ġremediation": 32994, + "Ġnotices": 32995, + "Ġskipping": 32996, + "feet": 32997, + "Ġturbulence": 32998, + "Ġsupporter": 32999, + "Ġpassport": 33000, + "Ġexperimented": 33001, + "Ġgestation": 33002, + "Gene": 33003, + "Ġrelocation": 33004, + "Ġsociological": 33005, + "Ġsupermarkets": 33006, + "Ġobstructive": 33007, + "Ġfabricated": 33008, + "ĠNormandy": 33009, + "ĠAppalachian": 33010, + "Ġcunning": 33011, + "ĠAlps": 33012, + "ahs": 33013, + "Ġpostal": 33014, + "ĠAusten": 33015, + "Ġarchaeologist": 33016, + "publish": 33017, + "Ġiterative": 33018, + "Ġintracellular": 33019, + "ĠLancaster": 33020, + "Ġletharg": 33021, + "tum": 33022, + "Ġlone": 33023, + "Ġwhisk": 33024, + "ecost": 33025, + "ĠAmph": 33026, + "Ġinhibiting": 33027, + "Ġfiery": 33028, + "ĠAzerbaijan": 33029, + "TF": 33030, + "åĨ": 33031, + "oteric": 33032, + "andescent": 33033, + "izens": 33034, + "bringing": 33035, + "Ġpolicing": 33036, + "Ġdividends": 33037, + "ĠDesigned": 33038, + "Team": 33039, + "ĠGlobe": 33040, + "Ġglycemic": 33041, + "ĠPaste": 33042, + "Ġexpr": 33043, + "ĠAncest": 33044, + "States": 33045, + "Ġreceivers": 33046, + "flux": 33047, + "nat": 33048, + "amate": 33049, + "romyalgia": 33050, + "clone": 33051, + "Ġupheld": 33052, + "Ġfunnel": 33053, + "Ġdiversion": 33054, + "ĠBayesian": 33055, + "Ġcompounded": 33056, + "Everything": 33057, + "ĠConfederation": 33058, + "Ġlighthouse": 33059, + "ĠTommy": 33060, + "Ġalve": 33061, + "ĠEE": 33062, + "Ġoffender": 33063, + "olecule": 33064, + "ĠCarlo": 33065, + "ĠInitialize": 33066, + "Ġmistakenly": 33067, + "Ġgleaned": 33068, + "Ġtandem": 33069, + "ĠDHA": 33070, + "Ġentrusted": 33071, + "ylene": 33072, + "Proper": 33073, + "Ġoutsiders": 33074, + "Ġappraisal": 33075, + "Ġkitchens": 33076, + "ĠBabies": 33077, + "ĠMarxism": 33078, + "ĠJoyce": 33079, + "Ġoyster": 33080, + "izen": 33081, + "Ġplut": 33082, + "ĠNEW": 33083, + "VC": 33084, + "íķ": 33085, + "elastic": 33086, + "ggling": 33087, + "Ġpaperwork": 33088, + "Ġloosen": 33089, + "deredDict": 33090, + "ĠCaroline": 33091, + "ĠTank": 33092, + "allic": 33093, + "ĠInquiry": 33094, + "STOR": 33095, + "runs": 33096, + "Ġhomestead": 33097, + "ĠLaboratories": 33098, + "Ġhypothesized": 33099, + "Ġlang": 33100, + "Ġterminated": 33101, + "median": 33102, + "Ġhypogly": 33103, + "Ġweld": 33104, + "Academ": 33105, + "Ġconvection": 33106, + "Population": 33107, + "Prefix": 33108, + "Ġdic": 33109, + "Ġdex": 33110, + "ĠESL": 33111, + "Ġcyclists": 33112, + "oplastic": 33113, + "faced": 33114, + "grams": 33115, + "pound": 33116, + "Ġ***": 33117, + "Ġoffsets": 33118, + "Ġelucidate": 33119, + "Ġredundancy": 33120, + "Ġfug": 33121, + "Ġpopping": 33122, + "amentals": 33123, + "Ġdresses": 33124, + "XML": 33125, + "orange": 33126, + "ĠTaj": 33127, + "ĠTrag": 33128, + "ĠFCC": 33129, + "ĠLevi": 33130, + "flix": 33131, + "Ġtariff": 33132, + "ĠIv": 33133, + "Ġlocus": 33134, + "ĠToken": 33135, + "Ġdetoxification": 33136, + "OG": 33137, + "ĠGrim": 33138, + "redirect": 33139, + "poral": 33140, + "Ġillumin": 33141, + "Notice": 33142, + "Ġverbally": 33143, + "Ġsuccumb": 33144, + "Ġsynchronous": 33145, + "Ġjellyfish": 33146, + "eri": 33147, + "ionic": 33148, + "Ġpromotional": 33149, + "ĠQuite": 33150, + "Loc": 33151, + "iatic": 33152, + "emy": 33153, + "Ġclut": 33154, + "Ġcaloric": 33155, + "ocumented": 33156, + "Ġauditor": 33157, + "Ġtrusts": 33158, + "Ġguarded": 33159, + "Private": 33160, + "åıĸ": 33161, + "CBT": 33162, + "Ġns": 33163, + "ĠPond": 33164, + "asties": 33165, + "phrase": 33166, + "Ġconfed": 33167, + "Ġethos": 33168, + "ĠProphe": 33169, + "ĠInfections": 33170, + "Ġoppos": 33171, + "Ġcouch": 33172, + "Ġignores": 33173, + "ĠSamar": 33174, + "оÑĢ": 33175, + "priority": 33176, + "ĠHarmonyville": 33177, + "Ġtopped": 33178, + "arching": 33179, + "alfa": 33180, + "Ġactionable": 33181, + "Ġmanifold": 33182, + "Ġlicence": 33183, + "Ġfashionable": 33184, + "æİ": 33185, + "Ġsher": 33186, + "Ġmural": 33187, + "Ġsepsis": 33188, + "availability": 33189, + "Ġtrays": 33190, + "Ġagreeing": 33191, + "ĠMechanics": 33192, + "plugins": 33193, + "Ġupgrades": 33194, + "Ġclutter": 33195, + "ĠManifest": 33196, + "Ġpronoun": 33197, + "ĠHopefully": 33198, + "Ġlurking": 33199, + "liest": 33200, + "Ġpus": 33201, + "ĠVine": 33202, + "DEF": 33203, + "Ġoverlooking": 33204, + "ĠMarco": 33205, + "ĠVon": 33206, + "Ġinterferes": 33207, + "CODE": 33208, + "Ġpremier": 33209, + "Ġshouting": 33210, + "ller": 33211, + "Ġprophetic": 33212, + "Testing": 33213, + "Ġrailways": 33214, + "Ġscalability": 33215, + "Ġleaning": 33216, + "Sing": 33217, + "pkl": 33218, + "Ġomit": 33219, + "Ġmd": 33220, + "ilight": 33221, + "ĠTah": 33222, + "Ġplume": 33223, + "Ġexpired": 33224, + "ĠParish": 33225, + "Ġinjecting": 33226, + "ĠAccessibility": 33227, + "Ġmolding": 33228, + "Ġquotations": 33229, + "Political": 33230, + "ĠNutr": 33231, + "Chemical": 33232, + "rils": 33233, + "strand": 33234, + "ĠPump": 33235, + "quake": 33236, + "Ġswamp": 33237, + "Phase": 33238, + "ĠProvidence": 33239, + "Eventually": 33240, + "Ïį": 33241, + "ĠTW": 33242, + "inee": 33243, + "brane": 33244, + "ĠFreeman": 33245, + "Ġmeteorological": 33246, + "Ġflammable": 33247, + "tas": 33248, + "Ġquota": 33249, + "ĠPride": 33250, + "ĠCOP": 33251, + "peutics": 33252, + "ĠTribune": 33253, + "ophe": 33254, + "Ġdisclosed": 33255, + "ARI": 33256, + "borhood": 33257, + "Ġrotary": 33258, + "ĠProcedure": 33259, + "Ġimpe": 33260, + "dominated": 33261, + "Univers": 33262, + "Ġmotivational": 33263, + "Ġirritated": 33264, + "authored": 33265, + "Ġnonsense": 33266, + "Ġendorsement": 33267, + "Ġinfiltration": 33268, + "aqu": 33269, + "aligned": 33270, + "Ġforc": 33271, + "ĠGER": 33272, + "Ġresided": 33273, + "ceptor": 33274, + "Ġsurreal": 33275, + "Ġwildly": 33276, + "gradient": 33277, + "founded": 33278, + "Suppose": 33279, + "nit": 33280, + "opting": 33281, + "Ġunbelie": 33282, + "ĠClos": 33283, + "Ġbirthplace": 33284, + "Ġsavory": 33285, + "Ġaccumulating": 33286, + "Ġmilder": 33287, + "Ġdumped": 33288, + "ĠBaldwin": 33289, + "lost": 33290, + "Ġstacks": 33291, + "Ġital": 33292, + "Ġsuppressing": 33293, + "ĠSacramento": 33294, + ")^": 33295, + "AH": 33296, + "Drug": 33297, + "ĠHours": 33298, + "Ġmalign": 33299, + "xyz": 33300, + "utations": 33301, + "ĠRD": 33302, + "Ġadapter": 33303, + "Ġglimps": 33304, + "Ġlogistical": 33305, + "lette": 33306, + "registry": 33307, + "ĠContrast": 33308, + "ĠMalta": 33309, + "orrhea": 33310, + "lif": 33311, + "Ġperi": 33312, + "tele": 33313, + "listed": 33314, + "Ġfaire": 33315, + "Ġpenis": 33316, + "dimension": 33317, + "Ġallele": 33318, + "Url": 33319, + "uties": 33320, + "ĠAU": 33321, + "ĠSage": 33322, + "ĠKaiser": 33323, + "Ġspeeding": 33324, + "ĠBerry": 33325, + "losses": 33326, + "Ġdiligence": 33327, + "ĠCzechosl": 33328, + "Ġwrinkles": 33329, + "failure": 33330, + "éĹ": 33331, + "Ġoft": 33332, + "Ġmanga": 33333, + "yss": 33334, + "RIBUT": 33335, + "Ġextraterrestrial": 33336, + "Few": 33337, + "Ġadept": 33338, + "ulsions": 33339, + "ĠPlaying": 33340, + "Ġcoexistence": 33341, + "ĠItalians": 33342, + "Running": 33343, + "ĠHear": 33344, + "ĠRams": 33345, + "ourg": 33346, + "ĠScan": 33347, + "Problem": 33348, + "Humans": 33349, + "Soon": 33350, + "ĠKre": 33351, + "ĠProfessionals": 33352, + "Ġloudly": 33353, + "Ġanxieties": 33354, + "circuit": 33355, + "Ġunderscoring": 33356, + "Ġpermissible": 33357, + "UES": 33358, + "Wait": 33359, + "Ġcms": 33360, + "Ġsupra": 33361, + "ĠJD": 33362, + "ritz": 33363, + "ĠEnviron": 33364, + "ĠRomanian": 33365, + "ĠTreatments": 33366, + "Members": 33367, + "bars": 33368, + "tel": 33369, + "ĠRecycling": 33370, + "ĠEdwin": 33371, + "Validation": 33372, + "Ġpsychiatry": 33373, + "Ġparsley": 33374, + "fmt": 33375, + "Ġhated": 33376, + "ĠSard": 33377, + "odef": 33378, + "ĠLon": 33379, + "spatial": 33380, + "Ġcools": 33381, + "ĠRemoval": 33382, + "ĠTwain": 33383, + "ĠMonthly": 33384, + "ĠFalcon": 33385, + "ĠBiomedical": 33386, + "pkg": 33387, + "amis": 33388, + "perse": 33389, + "ourced": 33390, + "Ġfluffy": 33391, + "Ġexposition": 33392, + "Ġliberated": 33393, + "ĠInnovative": 33394, + "olor": 33395, + "Ġstature": 33396, + "osate": 33397, + "Ġsuperb": 33398, + "Jun": 33399, + "npy": 33400, + "alla": 33401, + "matches": 33402, + "Ġdiarrhoea": 33403, + "eronomy": 33404, + "ĠPag": 33405, + "ĠNecess": 33406, + "ĠYounger": 33407, + "Ġenthusiast": 33408, + "Ġsten": 33409, + "onda": 33410, + "Ġairlines": 33411, + "ĠArtist": 33412, + "Ġdryer": 33413, + "rho": 33414, + "ĠLuckily": 33415, + "Mid": 33416, + "ĠTick": 33417, + "Ġblob": 33418, + "Ġminors": 33419, + "orescence": 33420, + "ĠCivilization": 33421, + "ĠNavigation": 33422, + "Ġsermon": 33423, + "icators": 33424, + "ustry": 33425, + "Ġalgal": 33426, + "Ġд": 33427, + "eze": 33428, + "owulf": 33429, + "ifera": 33430, + "ivore": 33431, + "ĠFight": 33432, + "permission": 33433, + "Ġoprot": 33434, + "ĠSloven": 33435, + "Ġsubtropical": 33436, + "ĠREAD": 33437, + "Ġreverber": 33438, + "Ġamygdala": 33439, + "park": 33440, + "icia": 33441, + "ĠAJ": 33442, + "ĠMuss": 33443, + "ĠGerald": 33444, + "wey": 33445, + "Ġ[])": 33446, + "Ġolfactory": 33447, + "powers": 33448, + "Speed": 33449, + "Ġbs": 33450, + "Ġconcessions": 33451, + "Ġadip": 33452, + "Ġdealers": 33453, + "tracking": 33454, + "Ġsubsurface": 33455, + "ĠMovements": 33456, + "margin": 33457, + "pure": 33458, + "itin": 33459, + "ĠPRE": 33460, + "ĠHM": 33461, + "ĠHutch": 33462, + "ĠDES": 33463, + "Ġdictates": 33464, + "Acts": 33465, + "ĠLucas": 33466, + "CAP": 33467, + "Ġie": 33468, + "plings": 33469, + "Ġinfinity": 33470, + "ĠGibson": 33471, + "Ġfresco": 33472, + "Ġgrasping": 33473, + "FD": 33474, + "orbit": 33475, + "odi": 33476, + "ĠPCOS": 33477, + "ĠBots": 33478, + "terson": 33479, + "Ġ:)": 33480, + "afa": 33481, + "decoder": 33482, + "rofen": 33483, + "router": 33484, + "Ġresisting": 33485, + "Ġascend": 33486, + "ĠWhitman": 33487, + "France": 33488, + "anan": 33489, + "Ġthro": 33490, + "ĠSIM": 33491, + "athione": 33492, + "ĠNovels": 33493, + "Ġsplendid": 33494, + "Ġupheaval": 33495, + "Ġig": 33496, + "ampa": 33497, + "Ġcontainment": 33498, + "Ġringing": 33499, + "Bill": 33500, + "during": 33501, + "zon": 33502, + "Ġsuccessors": 33503, + "currency": 33504, + "Ġpercentile": 33505, + "Ġstreamlined": 33506, + "ĠConfiguration": 33507, + "Ġoverex": 33508, + "Ġengraved": 33509, + "Ġbolstering": 33510, + "Earlier": 33511, + "rinsic": 33512, + "Ġtxt": 33513, + "ĠHip": 33514, + "xtap": 33515, + "ĠAlf": 33516, + "------------------": 33517, + "Ġcataracts": 33518, + "ĠKazakhstan": 33519, + "Moving": 33520, + "daily": 33521, + "ĠSisters": 33522, + "ĠSimpson": 33523, + "Ġglossary": 33524, + "ĠVolunteer": 33525, + "æŶ": 33526, + "VIII": 33527, + "Ġmussels": 33528, + "ĠFE": 33529, + "Ġarth": 33530, + "Ġtreatise": 33531, + "Ġcolonized": 33532, + "Ġmurals": 33533, + "violence": 33534, + "à¯": 33535, + "erd": 33536, + "ĠTail": 33537, + "ĠHP": 33538, + "inders": 33539, + "Ġnomination": 33540, + "asaki": 33541, + "irls": 33542, + "ĠThir": 33543, + "blast": 33544, + "assertFalse": 33545, + "Ġpositives": 33546, + "existent": 33547, + "Ġsupervise": 33548, + "Ġsandwiches": 33549, + "Citation": 33550, + "cannot": 33551, + "north": 33552, + "ĠSplit": 33553, + "perform": 33554, + "ĠColors": 33555, + "ĠFlint": 33556, + "hael": 33557, + "Ġindexed": 33558, + "corr": 33559, + "Ġrelieving": 33560, + "ĠAcknow": 33561, + "searc": 33562, + "Ġalph": 33563, + "Ġalias": 33564, + "uds": 33565, + "ĠArthritis": 33566, + "Ġmillimeters": 33567, + "ĠLeopold": 33568, + "Ġ__________________": 33569, + "Ġbitten": 33570, + "ĠPolyn": 33571, + "feit": 33572, + "Ġveterinarians": 33573, + "fashioned": 33574, + "pic": 33575, + "Ġperse": 33576, + "Ġspurred": 33577, + "Ġmonot": 33578, + "ï¼Ī": 33579, + "Photos": 33580, + "kefeller": 33581, + "ĠDale": 33582, + "plays": 33583, + "Ġexpiration": 33584, + "brook": 33585, + "ĠHonduras": 33586, + "slic": 33587, + "ĠLub": 33588, + "Ġstartling": 33589, + "Ġdelved": 33590, + "flip": 33591, + "IPE": 33592, + "Ġunderside": 33593, + "ĠSelecting": 33594, + "Ġhypothyroidism": 33595, + "Ġditch": 33596, + "ĠDairy": 33597, + "ploid": 33598, + "ĠUtt": 33599, + "Ġunhe": 33600, + "ĠRece": 33601, + "Ġinnovate": 33602, + "Ġhairy": 33603, + "Ġpunishments": 33604, + "Ye": 33605, + "unn": 33606, + "ensible": 33607, + "Inside": 33608, + "commercial": 33609, + "Ġpolymerase": 33610, + "Ġmilitar": 33611, + "chanics": 33612, + "matplotlib": 33613, + "Ġharvests": 33614, + "ĠSteam": 33615, + "Ġadjunct": 33616, + "Ġrhin": 33617, + "Ġdumping": 33618, + "Evidence": 33619, + "ĠCaucasus": 33620, + "Condition": 33621, + "certainty": 33622, + "ĠNicaragua": 33623, + "ç½": 33624, + "Ġocular": 33625, + "Ġbony": 33626, + "Ġlitres": 33627, + "Ġprotesters": 33628, + "Ġzeal": 33629, + "Conc": 33630, + "qualified": 33631, + "Scott": 33632, + "Ġcartridge": 33633, + "Discussion": 33634, + "TPS": 33635, + "Ġprick": 33636, + "ĠChel": 33637, + "ĠMORE": 33638, + "ĠPassion": 33639, + "Ġhens": 33640, + "ĠJF": 33641, + "ERY": 33642, + "unting": 33643, + "rosophila": 33644, + "ĠAircraft": 33645, + "ĠBhutan": 33646, + "CG": 33647, + "Mag": 33648, + "Ġmentality": 33649, + "Geometry": 33650, + "âķIJâķIJ": 33651, + "motor": 33652, + "Ġlign": 33653, + "ĠHMS": 33654, + "Getty": 33655, + "!**": 33656, + ",(": 33657, + "Future": 33658, + "franch": 33659, + "street": 33660, + "Ġintimately": 33661, + "Ġhello": 33662, + "ucent": 33663, + "Ġcoales": 33664, + "Ġdebugging": 33665, + "Ġmisf": 33666, + "continence": 33667, + "Ġrefrigeration": 33668, + "ĠSale": 33669, + "ablo": 33670, + "Ġpeek": 33671, + "iker": 33672, + "rador": 33673, + "ĠJacobs": 33674, + "Ġcarpets": 33675, + "iere": 33676, + "verte": 33677, + "Ġhaul": 33678, + "Ġpotency": 33679, + "ĠAmelia": 33680, + "Ġtournament": 33681, + "Ġventured": 33682, + "Financial": 33683, + "behavioral": 33684, + "Board": 33685, + "cepts": 33686, + "Ġblockade": 33687, + "ĠOceanic": 33688, + "ĠBullying": 33689, + "ĠGreens": 33690, + "<<": 33691, + "hra": 33692, + "ĠMish": 33693, + "strategy": 33694, + "Ġwiser": 33695, + "Ġmasking": 33696, + "Ġdotted": 33697, + "Ġcataract": 33698, + "Ġsowing": 33699, + "Ġfission": 33700, + "Ġgaseous": 33701, + "ĠPER": 33702, + "Ġjudiciary": 33703, + "Ġmetabolites": 33704, + "Ġorchid": 33705, + "Ġconstellations": 33706, + "migrations": 33707, + "strength": 33708, + "Friday": 33709, + "ionage": 33710, + "ibus": 33711, + "Ġunprotected": 33712, + "ĠNoise": 33713, + "Ġstereotype": 33714, + "ĠAssessing": 33715, + "ĠShelley": 33716, + "tau": 33717, + "ĠGET": 33718, + "ĠSz": 33719, + "ĠCrystal": 33720, + "ĠHS": 33721, + "Ġyourselves": 33722, + "Ġ\"\")": 33723, + "ascus": 33724, + "Ġbleaching": 33725, + "Ġentertained": 33726, + "ĠSidd": 33727, + "ĠStir": 33728, + "ossal": 33729, + "Ġdemo": 33730, + "Builder": 33731, + "Ġabruptly": 33732, + "qs": 33733, + "Ġbang": 33734, + "Ġinquiries": 33735, + "Ġnoses": 33736, + "Ġcraters": 33737, + "Ġconceptions": 33738, + "ĠXY": 33739, + "COUNT": 33740, + "graduates": 33741, + "Distance": 33742, + "Double": 33743, + "izzy": 33744, + "Ġspruce": 33745, + "coat": 33746, + "Ġenvironmentalists": 33747, + "Ġsummarizing": 33748, + "Ġgoss": 33749, + "expect": 33750, + "Ġadvising": 33751, + "Ġcondoms": 33752, + "ĠShortly": 33753, + "accharides": 33754, + "Ġrepentance": 33755, + "tails": 33756, + "Ġferal": 33757, + "ĠTrent": 33758, + "okers": 33759, + "ĠAppl": 33760, + "infection": 33761, + "Ġneuropsych": 33762, + "Ġneckl": 33763, + "music": 33764, + "Ġvoyages": 33765, + "ĠVoices": 33766, + "repository": 33767, + "ĠGiovanni": 33768, + "Ġcipher": 33769, + "ĠFrost": 33770, + "coins": 33771, + "OSS": 33772, + "solve": 33773, + "ĠDistingu": 33774, + "ĠBethlehem": 33775, + "Father": 33776, + "oji": 33777, + "isin": 33778, + "Ġpea": 33779, + "Ġexpanse": 33780, + "Ġcapitalize": 33781, + "ĠMatplotlib": 33782, + "Ġgrocer": 33783, + "coordinates": 33784, + "Fish": 33785, + "Ly": 33786, + "icz": 33787, + "ĠFlask": 33788, + "Ġembarrassment": 33789, + "Ġcamouflage": 33790, + "Ġgrievances": 33791, + "Ġplatinum": 33792, + "ĠKoch": 33793, + "Ġseventeen": 33794, + "Ġserialize": 33795, + "Ġhydropower": 33796, + "toplankton": 33797, + "Ġnucleotide": 33798, + "Harv": 33799, + "Quality": 33800, + "ĠGUI": 33801, + "ĠGCSE": 33802, + "Ġtaxi": 33803, + "Ġoptimally": 33804, + "Ġdragged": 33805, + "Ġdescendant": 33806, + "Ġfigurative": 33807, + "Ġfür": 33808, + "Ġornaments": 33809, + "ĠRum": 33810, + "ĠGel": 33811, + "cloth": 33812, + "Ġcompulsive": 33813, + "Ġdoomed": 33814, + "aise": 33815, + "ité": 33816, + "ĠFur": 33817, + "ĠKend": 33818, + "Ġinspected": 33819, + "Ġconversational": 33820, + "ĠCapacity": 33821, + "ĠZhou": 33822, + "Ġdwellers": 33823, + "Ġgoddesses": 33824, + "BLE": 33825, + "ĠACL": 33826, + "ĠLaz": 33827, + "Ġremed": 33828, + "Ġattrs": 33829, + "Ġentom": 33830, + "Ġcaries": 33831, + "Ġdownwards": 33832, + "Ġpillow": 33833, + "Surface": 33834, + "LOCK": 33835, + "cart": 33836, + "gang": 33837, + "lite": 33838, + "Ġsparing": 33839, + "wered": 33840, + "Ġassortment": 33841, + "proj": 33842, + "Ġmessengers": 33843, + "Ġjournaling": 33844, + "ĠMali": 33845, + "Ġinterviewing": 33846, + "ĠExtended": 33847, + "statistics": 33848, + "Ġarsenal": 33849, + "recognized": 33850, + "HL": 33851, + "trigger": 33852, + "aned": 33853, + "Ġether": 33854, + "ĠTrim": 33855, + "Ġyang": 33856, + "aminated": 33857, + "Doctors": 33858, + "ĠLegislative": 33859, + "esoph": 33860, + "opening": 33861, + "Ġimpractical": 33862, + "Ġopted": 33863, + "ĠSpatial": 33864, + "ĠAssert": 33865, + "ĠTransactions": 33866, + "ĠBiotechnology": 33867, + "Ġsecreted": 33868, + "Ġriparian": 33869, + "ĠVishnu": 33870, + "Ġviolet": 33871, + "Ġtwelfth": 33872, + "Unknown": 33873, + "ĠDeveloped": 33874, + "ĠDevelopments": 33875, + "Ġpineapple": 33876, + "Ġparen": 33877, + "ĠTul": 33878, + "chars": 33879, + "Ġrestless": 33880, + "ĠOrn": 33881, + "ĠGujar": 33882, + "ĠRegression": 33883, + "ĠBrush": 33884, + "ĠHygiene": 33885, + "Ġrenders": 33886, + "!),": 33887, + "nour": 33888, + "ĠEST": 33889, + "unched": 33890, + "Ġpostcolonial": 33891, + "ĠFloat": 33892, + "Ġhorrors": 33893, + "Behavior": 33894, + "Ġgraceful": 33895, + "Ġapoptosis": 33896, + "duty": 33897, + "Ġplethora": 33898, + "ĠRomance": 33899, + "ĠRhine": 33900, + "Ġoverwhelmingly": 33901, + "Ġsensitivities": 33902, + "Folder": 33903, + "onucle": 33904, + "Ġoily": 33905, + "Ġcider": 33906, + "ĠSag": 33907, + "ĠCRE": 33908, + "adam": 33909, + "ĠJO": 33910, + "Country": 33911, + "æķ°æį®": 33912, + "çī": 33913, + "Ġliturgical": 33914, + "Ġpopularly": 33915, + "backward": 33916, + "ĠSociology": 33917, + "mathbf": 33918, + "Ġpearls": 33919, + "tc": 33920, + "ĠFostering": 33921, + "ĠWeak": 33922, + "\"\"\",": 33923, + "ĠSeventh": 33924, + "Ġcollide": 33925, + "ĠBowl": 33926, + "Ġelectrolytes": 33927, + "Ġbunk": 33928, + "Ġregex": 33929, + "ĠSimulation": 33930, + "hematics": 33931, + "Ġpleasures": 33932, + "Ġrejects": 33933, + "ocentric": 33934, + "Ġhallucinations": 33935, + "Ġbos": 33936, + "Ġdusk": 33937, + "ĠLS": 33938, + "ĠWealth": 33939, + "oker": 33940, + "ĠPsychiatric": 33941, + "Ġregimens": 33942, + "ĠAlgeria": 33943, + "DIS": 33944, + "åĢ": 33945, + "ĠFry": 33946, + "Ġbacklash": 33947, + "Ġresponsiveness": 33948, + "ĠLego": 33949, + "ĠRabbit": 33950, + "ĠBecome": 33951, + "Ġcedar": 33952, + "Ġpore": 33953, + "ĠLiquid": 33954, + "Ġoccult": 33955, + "Ġanalysing": 33956, + "ĠDorothy": 33957, + "gerald": 33958, + "tops": 33959, + "Atlantic": 33960, + "ĠGardening": 33961, + "cooked": 33962, + "mobile": 33963, + "Ġpaternal": 33964, + "ĠAdvantages": 33965, + "ĠIsab": 33966, + "Ġhelicopters": 33967, + "Ġindelible": 33968, + "bay": 33969, + "divided": 33970, + "nesty": 33971, + "ilers": 33972, + "ĠStern": 33973, + "Ġtreason": 33974, + "Ġcraving": 33975, + "ĠSketch": 33976, + "Ġmarveled": 33977, + "Discover": 33978, + "xit": 33979, + "ĠDante": 33980, + "Ġdisrespect": 33981, + "Ġmega": 33982, + "Ġemperors": 33983, + "Ġconfer": 33984, + "Ġredis": 33985, + "Ġfixes": 33986, + "ĠEveryday": 33987, + "ĠJimmy": 33988, + "Ġtending": 33989, + "ĠTrip": 33990, + "avian": 33991, + "Ġperceptual": 33992, + "Ġepidemi": 33993, + "ĠMichelle": 33994, + "blown": 33995, + "ĠTrop": 33996, + "Ġexemption": 33997, + "Ġseep": 33998, + "Ġallure": 33999, + "Ġrapt": 34000, + "ĠSpin": 34001, + "Ġconversions": 34002, + "Ġexemplary": 34003, + "ĠInvestigate": 34004, + "Ġdecolonization": 34005, + "ĠMats": 34006, + "Ġtrache": 34007, + "Ġcurtain": 34008, + "subprocess": 34009, + "Ġisolating": 34010, + "Ġfestive": 34011, + "ophysiology": 34012, + "Ġrewrite": 34013, + "ĠBB": 34014, + "Ġglobalized": 34015, + "Ġabnormally": 34016, + "Magn": 34017, + "Prec": 34018, + "arat": 34019, + "ĠIncluding": 34020, + "Ġunresolved": 34021, + "uprofen": 34022, + "Ġxx": 34023, + "softmax": 34024, + "Ġcoincide": 34025, + "{'": 34026, + "ĠASP": 34027, + "ameter": 34028, + "ĠCourses": 34029, + "ĠGC": 34030, + "activate": 34031, + "auri": 34032, + "biological": 34033, + "Ġrevelations": 34034, + "Hyp": 34035, + "Park": 34036, + "Ġdiure": 34037, + "ĠWei": 34038, + "Aside": 34039, + "ĠLouise": 34040, + "|'('": 34041, + "Ġpitcher": 34042, + "Ġmerger": 34043, + "Ġexacerbating": 34044, + "ĠChandra": 34045, + "Ġborough": 34046, + "|')'": 34047, + "bane": 34048, + "Ġprod": 34049, + "quist": 34050, + "ĠInvalid": 34051, + "oides": 34052, + "Ġdebut": 34053, + "Ġsniff": 34054, + "Ġyouthful": 34055, + "Come": 34056, + "Tri": 34057, + "ɪ": 34058, + "phinx": 34059, + "exam": 34060, + "Ġnorthward": 34061, + "Ġhomin": 34062, + "Ġexplosives": 34063, + "aunders": 34064, + "Ġingenious": 34065, + "Ġpopulace": 34066, + "STATUS": 34067, + "ĠDoctrine": 34068, + "Ġninety": 34069, + "ĠPtole": 34070, + "Ġflap": 34071, + "CONF": 34072, + "Ġmobilization": 34073, + "ĠShuttle": 34074, + "ÎŃ": 34075, + "Ġhither": 34076, + "Ġslogan": 34077, + "Ġdoubles": 34078, + "ĠNOTE": 34079, + "Ġbolts": 34080, + "Ġprudent": 34081, + "Rh": 34082, + "ĠFI": 34083, + "Ġpostwar": 34084, + "slot": 34085, + "Classifier": 34086, + "Ġbisc": 34087, + "asan": 34088, + "Ġorang": 34089, + "ĠEuch": 34090, + "Ġprune": 34091, + "ophysics": 34092, + "Ġambul": 34093, + "Transport": 34094, + "Ro": 34095, + "ĠNPR": 34096, + "afrost": 34097, + "Carl": 34098, + "ĠAda": 34099, + "assertIn": 34100, + "Ġ\\\"": 34101, + "ĠPassage": 34102, + "pertension": 34103, + "Ġmansion": 34104, + "ĠScul": 34105, + "âĶĢâĶĢâĶĢâĶĢâĶĢâĶĢâĶĢâĶĢ": 34106, + "FM": 34107, + "Ġnotifications": 34108, + "prepared": 34109, + "banks": 34110, + "ĠFrontier": 34111, + "ĠBosnia": 34112, + "Ġwrestling": 34113, + "Ġerroneous": 34114, + "ln": 34115, + "yet": 34116, + "ĠEthereum": 34117, + "ovine": 34118, + "Ġcrank": 34119, + "Cluster": 34120, + "Ġvirtuous": 34121, + "ĠArgentine": 34122, + "Australian": 34123, + "ĠAssyrian": 34124, + "lis": 34125, + "magn": 34126, + "ĠMumbai": 34127, + "ĠDion": 34128, + "ĠNab": 34129, + "Ġgenomics": 34130, + "interaction": 34131, + "Ġsv": 34132, + "Ġinsecure": 34133, + "Ġlenders": 34134, + "Ġunlocking": 34135, + "Ġnegatives": 34136, + "ECK": 34137, + "technical": 34138, + "ĠSaxon": 34139, + "Ġpolish": 34140, + "Ġnums": 34141, + "Ġsheath": 34142, + "ĠOutline": 34143, + "folios": 34144, + "Depth": 34145, + "Ġtriglycerides": 34146, + "Ġendothelial": 34147, + "ilot": 34148, + "Ġflakes": 34149, + "Ġshepherd": 34150, + "Ġendings": 34151, + "Ġcandies": 34152, + "Ġnarrowed": 34153, + "Ġinsurmountable": 34154, + "ĠGaelic": 34155, + "ĠSimultaneously": 34156, + "configs": 34157, + "Ġfortifications": 34158, + "ĠTyler": 34159, + "ĠMechanisms": 34160, + "Ġanesthetic": 34161, + ",),": 34162, + "Ġsar": 34163, + "Ġgob": 34164, + "ĠAj": 34165, + "ĠCarson": 34166, + "Ġpreach": 34167, + "Ġregiments": 34168, + "according": 34169, + "ĠConfirm": 34170, + "Ġdownloads": 34171, + "Publisher": 34172, + "ĠTexts": 34173, + "Ġmonarchs": 34174, + "Ġsequestration": 34175, + ",))": 34176, + "Ha": 34177, + "slow": 34178, + "ĠVac": 34179, + "Ġadjoining": 34180, + "Ġresidency": 34181, + "ĠKnox": 34182, + "election": 34183, + "ä¾": 34184, + "ĠHert": 34185, + "Ġchor": 34186, + "Ġprovoked": 34187, + "Ġafterlife": 34188, + "gger": 34189, + "Ġcomposites": 34190, + "ĠCompanion": 34191, + "finished": 34192, + "Ġevacuated": 34193, + "Ġupgraded": 34194, + "Ġsabot": 34195, + "Aff": 34196, + "Scal": 34197, + "ĠACC": 34198, + "ĠVander": 34199, + "ĠLeh": 34200, + "olkien": 34201, + "Ġpornography": 34202, + "Ġkinship": 34203, + "Du": 34204, + "Ġflashing": 34205, + "ĠPeruvian": 34206, + "ĠInca": 34207, + "Ġrevolve": 34208, + "Ġregenerate": 34209, + "mis": 34210, + "ĠHess": 34211, + "ĠGul": 34212, + "appings": 34213, + "Story": 34214, + "Ġbadge": 34215, + "ĠOptical": 34216, + "(',": 34217, + "felt": 34218, + "Ġstigmat": 34219, + "Ġcomplicate": 34220, + "Ġcontests": 34221, + "Ġcols": 34222, + "interpret": 34223, + "Ġroofing": 34224, + "Species": 34225, + "squeeze": 34226, + "Ê»": 34227, + "heli": 34228, + "Ġreed": 34229, + "Ġ(@": 34230, + "unned": 34231, + "ansen": 34232, + "Ġcheckups": 34233, + "Ġvaluation": 34234, + "Assessment": 34235, + "aaS": 34236, + "ophilic": 34237, + "Important": 34238, + "Ġtumultuous": 34239, + "ectors": 34240, + "ĠGrab": 34241, + "Ġplasm": 34242, + "Ġkangar": 34243, + "rica": 34244, + "Ġpopularized": 34245, + "Plants": 34246, + "ĠTreasure": 34247, + "Formatter": 34248, + "Ġexceedingly": 34249, + "Queue": 34250, + "?).": 34251, + "lens": 34252, + "irin": 34253, + "Ġconclusive": 34254, + "Ġquake": 34255, + "Ġprototyping": 34256, + "ĠRecommendations": 34257, + "uitive": 34258, + "ĠBoolean": 34259, + "ASK": 34260, + "Ġarchipelago": 34261, + "Ġfragrance": 34262, + "ocyan": 34263, + "Ġconcurrently": 34264, + "idences": 34265, + "ĠAri": 34266, + "Ġprolet": 34267, + "ĠHouses": 34268, + "Ġcurtains": 34269, + "valued": 34270, + "classifier": 34271, + "Ġconcentrates": 34272, + "Ġsenators": 34273, + "Ġmarvelous": 34274, + "Directory": 34275, + "Ġmacrophages": 34276, + "MED": 34277, + "Sad": 34278, + "bie": 34279, + "Ġinlet": 34280, + "ersen": 34281, + "Ġoutgoing": 34282, + "rugu": 34283, + "ĠHeroes": 34284, + "Ġelemental": 34285, + "Ġclarified": 34286, + "embeddings": 34287, + "Ġrifles": 34288, + "Ġimplicitly": 34289, + "ifi": 34290, + "Ġtractor": 34291, + "ĠRescue": 34292, + "Ġliterate": 34293, + "Ġmelts": 34294, + "Ġpersuasion": 34295, + "Picture": 34296, + "YY": 34297, + "mese": 34298, + "tale": 34299, + "ĠFay": 34300, + "Ġquasi": 34301, + "Ġinteracted": 34302, + "rontal": 34303, + "seeking": 34304, + "Ġironic": 34305, + "burning": 34306, + "Ġconsolidate": 34307, + "ĠHansen": 34308, + "Ġelliptical": 34309, + "Rom": 34310, + "Vir": 34311, + "ĠTEST": 34312, + "ĠFetch": 34313, + "ĠLinn": 34314, + "ascal": 34315, + "increasing": 34316, + "pn": 34317, + "esta": 34318, + "Ġhumili": 34319, + "Ġchemists": 34320, + "ĠMarkets": 34321, + "Coord": 34322, + "Ġcuff": 34323, + "Ġwil": 34324, + "Ġpacing": 34325, + "ĠMixed": 34326, + "things": 34327, + "Ġovens": 34328, + "Ġsymbiotic": 34329, + "Ġpredisposition": 34330, + "lov": 34331, + "Äĥ": 34332, + "arya": 34333, + "ĠQR": 34334, + "Ġsubstituted": 34335, + "ĠPrepared": 34336, + "ĠMinneapolis": 34337, + "ĠStarted": 34338, + "Ġdecompose": 34339, + "ĠKuwait": 34340, + "ĠSahara": 34341, + "OFF": 34342, + "few": 34343, + "čĊĠĠĠĠĠ": 34344, + "itatively": 34345, + "Ġegal": 34346, + "Ġruth": 34347, + "ubon": 34348, + "Ġthroughput": 34349, + "Ġextremities": 34350, + "skilled": 34351, + "Ġpooling": 34352, + "Ġcovariance": 34353, + "ĠRecommended": 34354, + "Sure": 34355, + "ččĊĠĠĠĠĠĠĠĠ": 34356, + "among": 34357, + "ĠCitation": 34358, + "ĠDad": 34359, + "Ġclicks": 34360, + "iane": 34361, + "Ġslang": 34362, + "Optim": 34363, + "Ġaccreditation": 34364, + "âĢłâĢł": 34365, + "ĠProcedures": 34366, + "Ġpity": 34367, + "Alter": 34368, + "ĠStephan": 34369, + "Ġintegrative": 34370, + "Ġneutralize": 34371, + "Ġpearl": 34372, + "Fat": 34373, + "ĠACE": 34374, + "terminal": 34375, + "Ġshipwre": 34376, + "Ġvertebrate": 34377, + "ĠRatio": 34378, + "!'": 34379, + "Ġmoose": 34380, + "Ġpathogenesis": 34381, + "ĠJustin": 34382, + "Ġsequenced": 34383, + "Ġfilmmakers": 34384, + "sweet": 34385, + "Summer": 34386, + "laws": 34387, + "assembly": 34388, + "ĠPoles": 34389, + "Ġvested": 34390, + "ĠHamburg": 34391, + "Ġunlawful": 34392, + "Ġpolarity": 34393, + "Ġcrev": 34394, + "Ġidentifiers": 34395, + "Ġsymphony": 34396, + "contamination": 34397, + "Ġvisionary": 34398, + "Ġdehydrated": 34399, + "Ġmurders": 34400, + "Ġfollicles": 34401, + "inic": 34402, + "Ġlys": 34403, + "ulo": 34404, + "Ġanorexia": 34405, + "ĠThesis": 34406, + "Ġleopard": 34407, + "Ġkicking": 34408, + "Ġmedals": 34409, + "Ġzoos": 34410, + "ĠFlora": 34411, + "VIEW": 34412, + "ĠFemales": 34413, + "Missing": 34414, + "ĠMacedonia": 34415, + "Choosing": 34416, + "gather": 34417, + "ĠCNS": 34418, + "Ġdetained": 34419, + "assertEquals": 34420, + "ĠJesse": 34421, + "ADHD": 34422, + "Ġsubscribers": 34423, + "Ġcautiously": 34424, + "ĠFranç": 34425, + "ĠMozambique": 34426, + "cumin": 34427, + "horn": 34428, + "iatives": 34429, + "mys": 34430, + "Ġcages": 34431, + "Ġbou": 34432, + "ĠAsked": 34433, + "Agricult": 34434, + "Ġmarvels": 34435, + "Ġcongregations": 34436, + "ilo": 34437, + "Ġcanoe": 34438, + "ĠOceans": 34439, + "ashtra": 34440, + "Ġknitting": 34441, + "ĠNegot": 34442, + "Ġcmap": 34443, + "geons": 34444, + "Ġspouses": 34445, + "ĠKru": 34446, + "Ġbiking": 34447, + "Ġlocalization": 34448, + "Ġconstructor": 34449, + "Ġlieutenant": 34450, + "Ġtonight": 34451, + "ĠCalled": 34452, + "ĠAquarium": 34453, + "roviral": 34454, + "ĠNigerian": 34455, + "ĠAyurveda": 34456, + "vid": 34457, + "ilant": 34458, + "Ġgour": 34459, + "Ġtying": 34460, + "ĠRevenue": 34461, + "ELTS": 34462, + "heed": 34463, + "ĠInclusive": 34464, + "Ġdove": 34465, + "ĠPercent": 34466, + "ĠFrancisc": 34467, + "Ġlockdown": 34468, + "Ġwalnuts": 34469, + "ĠCertification": 34470, + "ĠChronicles": 34471, + "Ġtrumpet": 34472, + "aso": 34473, + "Ġnx": 34474, + "ĠMY": 34475, + "agree": 34476, + "ECH": 34477, + "Ġhomage": 34478, + "Ġcomplaining": 34479, + "Ġboredom": 34480, + "fm": 34481, + "got": 34482, + "mong": 34483, + "ĠOB": 34484, + "Ġmultilateral": 34485, + "Complete": 34486, + "Ġsynerg": 34487, + "Authent": 34488, + "scripts": 34489, + "Ġaerosols": 34490, + "Ġsubgenre": 34491, + "Ġstrenuous": 34492, + "Åĵ": 34493, + "ĠSue": 34494, + "Ġsyphilis": 34495, + "ĠAnth": 34496, + "NAS": 34497, + "ĠPractition": 34498, + "apiens": 34499, + "RCA": 34500, + "Ġarisen": 34501, + "Ing": 34502, + "ulla": 34503, + "Ġpsychosis": 34504, + "Artificial": 34505, + "Ġhalted": 34506, + "ĠFeminist": 34507, + "Ġcontingency": 34508, + "ĠHimalayas": 34509, + "dard": 34510, + "Ġcries": 34511, + "ceph": 34512, + "onset": 34513, + "ĠUnicode": 34514, + "Ġswamps": 34515, + "Ġurgently": 34516, + "ĠGenerated": 34517, + "ĠChilean": 34518, + "LM": 34519, + "fel": 34520, + "Ġwatered": 34521, + "Ġhors": 34522, + "oko": 34523, + "processors": 34524, + "Ġfranc": 34525, + "Ġcherries": 34526, + "ĠBuddhists": 34527, + "iwi": 34528, + "ĠGateway": 34529, + "ĠAmidst": 34530, + "Ġinbox": 34531, + "Ġ*,": 34532, + "Properties": 34533, + "ĠMcL": 34534, + "riendly": 34535, + "ка": 34536, + "inja": 34537, + "erical": 34538, + "ĠCAM": 34539, + "Ġimpede": 34540, + "ĠKom": 34541, + "ĠAlleg": 34542, + "Ġsteaming": 34543, + "Ġhourly": 34544, + "Ġmediator": 34545, + "Ġindulge": 34546, + "Ġprojecting": 34547, + "ĠCliff": 34548, + "Ġinvestigative": 34549, + "ĠGloss": 34550, + "ĠRaman": 34551, + "Ġabbreviation": 34552, + "Oxford": 34553, + "Ġwrought": 34554, + "ĠPup": 34555, + "estown": 34556, + "technology": 34557, + "Ġacidification": 34558, + "ROW": 34559, + "Ġwraps": 34560, + "ĠNYC": 34561, + "ĠBroadway": 34562, + "Ġvinyl": 34563, + "Ġstools": 34564, + "ĠMaker": 34565, + "Ġstudios": 34566, + "ĠModified": 34567, + "Ġweathering": 34568, + "consumer": 34569, + "Ġdeliveries": 34570, + "Ġaccumulates": 34571, + "ĠTriangle": 34572, + "ĠKatrina": 34573, + "responsible": 34574, + "reply": 34575, + "Ġpoignant": 34576, + "minimum": 34577, + "Alcohol": 34578, + "ĠCOL": 34579, + "jp": 34580, + "ĠMER": 34581, + "ĠFen": 34582, + "Ġquil": 34583, + "Ġstrives": 34584, + "Ġlonging": 34585, + "ĠAlphabet": 34586, + "Ġconfession": 34587, + "Ġpolygon": 34588, + "VALID": 34589, + "ĠBrahman": 34590, + "ĠVulner": 34591, + "+-": 34592, + "ĠDame": 34593, + "ĠLap": 34594, + "ĠLEG": 34595, + "Ġuncontroll": 34596, + "retched": 34597, + "Forest": 34598, + "kines": 34599, + "Ġwarrants": 34600, + "disabled": 34601, + "Ġprayed": 34602, + "Ġhorrific": 34603, + "templates": 34604, + "Ġlends": 34605, + "imaging": 34606, + "olip": 34607, + "plural": 34608, + "Ġabide": 34609, + "Ġroasting": 34610, + "Ġrecap": 34611, + "oki": 34612, + "heading": 34613, + "ĠPreserve": 34614, + "ĠEliot": 34615, + "ĠPOS": 34616, + "osteroids": 34617, + "ĠInform": 34618, + "ensory": 34619, + "Ġcoloration": 34620, + "unsaturated": 34621, + "Ġescalate": 34622, + "Ġcompanionship": 34623, + "scientists": 34624, + "âĻ": 34625, + "ĠIBS": 34626, + "ĠWorm": 34627, + "Ġsoaring": 34628, + "ĠStyles": 34629, + "Ġpostpartum": 34630, + "Ġfallacy": 34631, + "ĠParallel": 34632, + "Ġcasts": 34633, + "ĠDecide": 34634, + "ĠFeast": 34635, + "Ġcolourful": 34636, + "ĠBaghdad": 34637, + "elope": 34638, + "otives": 34639, + "ĠDATA": 34640, + "ĠMinisters": 34641, + "Ġsecretions": 34642, + "documents": 34643, + "ĠAlgorithm": 34644, + "sein": 34645, + "lyss": 34646, + "ocultural": 34647, + "Ġdiffraction": 34648, + "ihu": 34649, + "Ġlobbying": 34650, + "Ġredesign": 34651, + "gue": 34652, + "Ġreconnect": 34653, + "Ġphotoc": 34654, + "vertices": 34655, + "millan": 34656, + "Insert": 34657, + "Ġinterchangeably": 34658, + "Ġcourtyard": 34659, + "ocarbon": 34660, + "ĠRAF": 34661, + "Ġbiochemistry": 34662, + "ogenes": 34663, + "ĠDavies": 34664, + "ĠTrials": 34665, + "ĠPlanetary": 34666, + "ĠChapman": 34667, + "Sound": 34668, + "Ġ(%": 34669, + "ĠMask": 34670, + "ĠDum": 34671, + "Ġdiabetics": 34672, + "ĠWorlds": 34673, + "ylim": 34674, + "ĠGardner": 34675, + "ĠTurning": 34676, + "ĠBarnes": 34677, + "Ġenlargement": 34678, + "Ġmangrove": 34679, + "Ġbuys": 34680, + "Ġfullness": 34681, + "CLUD": 34682, + "Extract": 34683, + "Ġdowntime": 34684, + "Ġmiscarriage": 34685, + "Ġmall": 34686, + "ĠRSS": 34687, + "Ġperished": 34688, + "ĠRecreation": 34689, + "ringes": 34690, + "ĠSixth": 34691, + "Ġupp": 34692, + "Ġvortex": 34693, + "ĠDw": 34694, + "ĠUnknown": 34695, + "Ġattaches": 34696, + "Ġactivating": 34697, + "Death": 34698, + "Ġgarnered": 34699, + "young": 34700, + "Ġbenchmarks": 34701, + "ĠVegas": 34702, + "ĠCrick": 34703, + "Ġabort": 34704, + "minor": 34705, + "Ġcommentators": 34706, + "ĠRockefeller": 34707, + "Ġtelome": 34708, + "Ġbinoculars": 34709, + "?.": 34710, + "Ġsuction": 34711, + "ffff": 34712, + "ĠOrbit": 34713, + "ĠMayan": 34714, + "ĠCarp": 34715, + "Ġwarmed": 34716, + "Ġwaveform": 34717, + "Ġplugs": 34718, + "supervised": 34719, + "ĠPeterson": 34720, + "Ġpersecuted": 34721, + "bd": 34722, + "calls": 34723, + "gins": 34724, + "Ġpiqued": 34725, + "ĠAram": 34726, + "teaching": 34727, + "compl": 34728, + "Ġinflow": 34729, + "argmax": 34730, + "eger": 34731, + "ĠFunding": 34732, + "ĠGraphics": 34733, + "eroon": 34734, + "Ġcemeteries": 34735, + "Ġeternity": 34736, + "Ġalpine": 34737, + "Ġusability": 34738, + "Ġdisplace": 34739, + "ĠUnix": 34740, + "Ġfuller": 34741, + "Ġsheltered": 34742, + "ĠALS": 34743, + "Ġovershad": 34744, + "crime": 34745, + "ĠHunting": 34746, + "ĠMughal": 34747, + "oliosis": 34748, + "ĠMosquit": 34749, + "Rab": 34750, + "Ġove": 34751, + "usks": 34752, + "ĠPB": 34753, + "ĠBhar": 34754, + "Ġsund": 34755, + "ocrit": 34756, + "Ġdenser": 34757, + "ĠTherm": 34758, + "Ġinadvertently": 34759, + "Treat": 34760, + "bos": 34761, + "Ġmarbles": 34762, + "ĠOkay": 34763, + "+)": 34764, + ";\"": 34765, + "xpath": 34766, + "ĠBios": 34767, + "Ġsomatic": 34768, + "Ġannouncing": 34769, + "Apply": 34770, + "ãĤĴ": 34771, + "Ġreversing": 34772, + "charged": 34773, + "Ġpenned": 34774, + ":],": 34775, + "Nob": 34776, + "Ġgendered": 34777, + "ervoir": 34778, + "Ġmono": 34779, + "Ġlawful": 34780, + "Ġrecorder": 34781, + "Ġachieves": 34782, + "Ġdominates": 34783, + "ĠSettlement": 34784, + "ĠMillion": 34785, + "Ġclockwise": 34786, + "pherds": 34787, + "ietzsche": 34788, + "Ġale": 34789, + "Ġlizard": 34790, + "istency": 34791, + "estim": 34792, + "Ġclashes": 34793, + "Ġhesitation": 34794, + "formerly": 34795, + "ESCRIPT": 34796, + "otropic": 34797, + "aphylococcus": 34798, + "Ġunavoidable": 34799, + "Mount": 34800, + "ĠMusk": 34801, + "Ġprohibiting": 34802, + "Ġunfairly": 34803, + "Domain": 34804, + "Budd": 34805, + "Safe": 34806, + "tales": 34807, + "ĠCic": 34808, + "yson": 34809, + "ĠBlo": 34810, + "Soil": 34811, + "Ġcommentaries": 34812, + "Ġkiln": 34813, + "Ġgallbladder": 34814, + "ĠPubMed": 34815, + "Ġesteemed": 34816, + "%||": 34817, + "tis": 34818, + "reliance": 34819, + "ĠTribe": 34820, + "ĠCrist": 34821, + "Ġbiot": 34822, + "rolls": 34823, + "ĠSTAT": 34824, + "ĠEntom": 34825, + "ĠBast": 34826, + "ĠBris": 34827, + "ĠBottom": 34828, + "Ġspies": 34829, + "Ġplanner": 34830, + "Ġcontentious": 34831, + "ĠGlob": 34832, + "ĠDirective": 34833, + "Johnson": 34834, + "Ġpenetrating": 34835, + "Ġunfolded": 34836, + "Ġmaneuvers": 34837, + "Ġrenovation": 34838, + "GW": 34839, + "Material": 34840, + "×IJ": 34841, + "alted": 34842, + "ĠKurt": 34843, + "Ġhymn": 34844, + "RGB": 34845, + "ĠDru": 34846, + "Ġwillow": 34847, + "ĠIndus": 34848, + "ĠÎĶ": 34849, + "Ġabstinence": 34850, + "ĠCavalry": 34851, + "wrong": 34852, + "Ġrejo": 34853, + "ĠAWS": 34854, + "Ġincandescent": 34855, + "ĠJesuit": 34856, + "APH": 34857, + "feel": 34858, + "bellum": 34859, + "Ġgerminate": 34860, + "SOURCE": 34861, + "Ġgoggles": 34862, + "otus": 34863, + "ĠGlenn": 34864, + "handlers": 34865, + "travel": 34866, + "Ġfestivities": 34867, + "Ġparsing": 34868, + ">`": 34869, + "ĠFusion": 34870, + "Ġstrongh": 34871, + "ĠNeck": 34872, + "Ġexecutable": 34873, + "Ġjuxtap": 34874, + "ĠSmaller": 34875, + "Database": 34876, + "ĠSlavic": 34877, + "ÃŁ": 34878, + "ocin": 34879, + "ĠNLP": 34880, + "Ġprimate": 34881, + "Ġperformer": 34882, + "translation": 34883, + "ĠMastering": 34884, + "ĠâĨ©": 34885, + "Ġdew": 34886, + "ĠEmissions": 34887, + "Ġacknowledgement": 34888, + "Ġstewards": 34889, + "ĠHuntington": 34890, + "Expression": 34891, + "Advanced": 34892, + "ĠMild": 34893, + "Ġrequisite": 34894, + "Ġcystic": 34895, + "numbered": 34896, + "Ġpredictors": 34897, + "limits": 34898, + "ĠBelize": 34899, + "worthiness": 34900, + "propag": 34901, + "Ġtimedelta": 34902, + "ĠNeurology": 34903, + "ĠNashville": 34904, + "Ġrearrange": 34905, + "buck": 34906, + "Ġnymph": 34907, + "ĠTill": 34908, + "ibe": 34909, + "Ġremission": 34910, + "Ġcontraceptive": 34911, + "ophilia": 34912, + "Ġunderestimated": 34913, + "ĠLarger": 34914, + "Cas": 34915, + "Ġmailing": 34916, + "Ġdancer": 34917, + "ĠDob": 34918, + "ĠStef": 34919, + "Ġexplode": 34920, + "figsize": 34921, + "Ġcrispy": 34922, + "Ġdentures": 34923, + "Ġmildew": 34924, + "Ġbroadcasts": 34925, + "Ġpriesthood": 34926, + "Jones": 34927, + "culation": 34928, + "ĠIroqu": 34929, + "Ġrarity": 34930, + "Ġbrethren": 34931, + "Ġtrademarks": 34932, + "DUCT": 34933, + "TAG": 34934, + "romagnetic": 34935, + "ĠConsequences": 34936, + "ĠAssuming": 34937, + "ĠTracking": 34938, + "ĠLearned": 34939, + "Ġionic": 34940, + "Ġaggregates": 34941, + "ĠHaitian": 34942, + "Ġdissatisfaction": 34943, + "Ġartefacts": 34944, + "Ġundisturbed": 34945, + "Hon": 34946, + "bish": 34947, + "gm": 34948, + "ĠDuck": 34949, + "ĠNamed": 34950, + "iddish": 34951, + "ĠTeams": 34952, + "Ġinflated": 34953, + "ĠSignificant": 34954, + "ĠHarvest": 34955, + "ĠFluid": 34956, + "Ġfingerprints": 34957, + "Fill": 34958, + "ivary": 34959, + "Ġlocking": 34960, + "Ġmagnification": 34961, + "Ġpetrol": 34962, + "Ġsynonym": 34963, + "Ġwarranty": 34964, + "Ġexhilar": 34965, + "ع": 34966, + "Ġslug": 34967, + "ellate": 34968, + "Ġinfrast": 34969, + "Ġhernia": 34970, + "Ġolds": 34971, + "ĠBiom": 34972, + "Ġbiofuel": 34973, + "ĠEstonia": 34974, + "Ġtragedies": 34975, + "belt": 34976, + "dan": 34977, + "æŃ": 34978, + "ieving": 34979, + "Ġunnatural": 34980, + "ĠAsians": 34981, + "Ġbrisk": 34982, + "ĠEmotions": 34983, + "Ġrefriger": 34984, + "nos": 34985, + "islation": 34986, + "ĠSets": 34987, + "Ġsparking": 34988, + "Ġdefendants": 34989, + "ĠFurn": 34990, + "ĠFIG": 34991, + "Ġinterruption": 34992, + "Ġterminate": 34993, + "Ġrevive": 34994, + "Ġpolyps": 34995, + "ĠSymposium": 34996, + "ĠScandinavia": 34997, + "Ġhatching": 34998, + "Ġafflict": 34999, + "Ġreacted": 35000, + "Ġ_____": 35001, + "Ġpropensity": 35002, + "ĠSchne": 35003, + "Urban": 35004, + "/?": 35005, + "Ġnylon": 35006, + "Ġiterate": 35007, + "Ġsued": 35008, + "ĠDelivery": 35009, + "ĠTeh": 35010, + "Ġvisualizations": 35011, + "Ġhandsome": 35012, + "Diabetes": 35013, + "Ġmetaphorical": 35014, + "Ġlexical": 35015, + "æ³": 35016, + "revision": 35017, + "Ġpessim": 35018, + "administ": 35019, + "Ġatrial": 35020, + "Ġdistortions": 35021, + "Ġnovelist": 35022, + "ĠPatricia": 35023, + "Ġsqlalchemy": 35024, + "Ġsyndromes": 35025, + "Dry": 35026, + "Winter": 35027, + "ĠGang": 35028, + "cling": 35029, + "olla": 35030, + "ITION": 35031, + "Ġloader": 35032, + "Ġapology": 35033, + "ĠLiberia": 35034, + "Ġcompensated": 35035, + "ĠTasmania": 35036, + "GN": 35037, + "vt": 35038, + "Ġgenerously": 35039, + "();": 35040, + "Ġelapsed": 35041, + "Ġparrot": 35042, + "starting": 35043, + "Aqu": 35044, + "Ġaortic": 35045, + "Ġtrivia": 35046, + "Ġdont": 35047, + "manual": 35048, + "Ġbehaving": 35049, + "arianism": 35050, + "located": 35051, + "occurring": 35052, + "Ġvapour": 35053, + "daughter": 35054, + "robe": 35055, + "ĠIEP": 35056, + "ĠPreviously": 35057, + "rosive": 35058, + "ĠJudith": 35059, + "Flag": 35060, + "ĠAhmad": 35061, + "Ġthermostat": 35062, + "Ġreintrodu": 35063, + "Ġexits": 35064, + "Ġawakening": 35065, + "ĠGenealog": 35066, + "ĠPentecost": 35067, + "Corn": 35068, + "oliberal": 35069, + "odian": 35070, + "andum": 35071, + "orta": 35072, + "ĠReasons": 35073, + "guid": 35074, + "ĠKumar": 35075, + "sight": 35076, + "uities": 35077, + "Ġthwart": 35078, + "Ġtrailing": 35079, + "ĠMyers": 35080, + "ĠJulie": 35081, + "Component": 35082, + "lp": 35083, + "Ġpenguin": 35084, + "clim": 35085, + "ĠCompliance": 35086, + "Ġshortening": 35087, + "keyword": 35088, + "Ġdealer": 35089, + "म": 35090, + "ĠEmbed": 35091, + "Explanation": 35092, + "Ġdemolition": 35093, + "æĪIJ": 35094, + "ĠBreathing": 35095, + "ĠAutonomous": 35096, + "Dear": 35097, + "icist": 35098, + "idium": 35099, + "ĠMg": 35100, + "queeze": 35101, + "Ġworldly": 35102, + "rigation": 35103, + "Ġvoila": 35104, + "Ġsavvy": 35105, + "Ġplatelets": 35106, + "efficacy": 35107, + "Ġresorting": 35108, + "heartedly": 35109, + "Ġconsonants": 35110, + "Ġmattress": 35111, + "Emp": 35112, + "Mu": 35113, + "Ġmuff": 35114, + "Ġamber": 35115, + "Ġcharities": 35116, + "ĠDebt": 35117, + "Ġbrood": 35118, + "ĠDriving": 35119, + "Ġselects": 35120, + "specified": 35121, + "Ġconvened": 35122, + "-----------------------------": 35123, + "ĠPublisher": 35124, + "Ġnostalgia": 35125, + "hub": 35126, + "Ġunpaid": 35127, + "Ġsituational": 35128, + "Ġflooring": 35129, + "ãĥ¼": 35130, + "Ġasynchronous": 35131, + "âĨĴ": 35132, + "ĠFerguson": 35133, + "Ġmuddy": 35134, + "ĠMAR": 35135, + "ĠPiet": 35136, + "ĠTheme": 35137, + "ĠWR": 35138, + "anson": 35139, + "Ġincur": 35140, + "ĠZur": 35141, + "ĠSocieties": 35142, + "Ġduplication": 35143, + "Ġcounselling": 35144, + "Ġcrustaceans": 35145, + "-----------------------------------------------": 35146, + "Critical": 35147, + "ĠInstruments": 35148, + "Ġsighed": 35149, + "Ġbout": 35150, + "Ġmt": 35151, + "ceae": 35152, + "termination": 35153, + "Ġcontemplating": 35154, + "Ġpiety": 35155, + "ĠPicasso": 35156, + "Ġneurodegenerative": 35157, + "Counter": 35158, + "fb": 35159, + "Ġfading": 35160, + "Ġ(.": 35161, + "ĠREC": 35162, + "ĊĊĉĉ": 35163, + "ĠManuel": 35164, + "Ġsaltwater": 35165, + "friends": 35166, + "iries": 35167, + "ĠPron": 35168, + "ĠPUR": 35169, + "Ġveto": 35170, + "ĠEleanor": 35171, + "Ġiceberg": 35172, + "ĠBelarus": 35173, + "ĠFantasy": 35174, + "Own": 35175, + "Pain": 35176, + "jack": 35177, + "ĠBT": 35178, + "ĠHast": 35179, + "ĠHull": 35180, + "ĠHCV": 35181, + "ĠSecrets": 35182, + "Ġtransports": 35183, + "ĠAntio": 35184, + "ĠGEN": 35185, + "Ġcompartments": 35186, + "ĠUnt": 35187, + "Ġmillise": 35188, + "ĠSquadron": 35189, + "Jer": 35190, + "inities": 35191, + "elior": 35192, + "endor": 35193, + "ASD": 35194, + "Ġarchived": 35195, + "ranial": 35196, + "Ġunfavorable": 35197, + "digest": 35198, + "Ġstrawberry": 35199, + "ĠPatriarch": 35200, + "Ġunconstitutional": 35201, + "Luc": 35202, + "unpack": 35203, + "UTC": 35204, + "Ġmotivates": 35205, + "ĠMcCarthy": 35206, + "ĠMessenger": 35207, + "Ġattentive": 35208, + "ĠHorizons": 35209, + "Ġeyelids": 35210, + "/).": 35211, + "mons": 35212, + "pod": 35213, + "±": 35214, + "Ġitch": 35215, + "oused": 35216, + "ĠNeut": 35217, + "alytic": 35218, + "iterations": 35219, + "Ġbioge": 35220, + "annotation": 35221, + "ĠWatershed": 35222, + "Ġabbreviated": 35223, + "Ġsadd": 35224, + "Ġparch": 35225, + "ĠSELECT": 35226, + "ĠPose": 35227, + "ĠPurs": 35228, + "Ġshattered": 35229, + "Ġspared": 35230, + "ĠXen": 35231, + "Ġsolidify": 35232, + "CCC": 35233, + "Ġadmitting": 35234, + "Ġwitchcraft": 35235, + "Haw": 35236, + "Ġtz": 35237, + "ĠSAM": 35238, + "ĠMH": 35239, + "arthen": 35240, + "Ġunequ": 35241, + "Ġsolves": 35242, + "Ġsemantics": 35243, + "Ġstockp": 35244, + "Ġvacant": 35245, + "ĠEmergence": 35246, + "Discuss": 35247, + "Ġsurpassed": 35248, + "ĠKurdish": 35249, + "Ori": 35250, + "Ty": 35251, + "ĠSurgical": 35252, + "ĠAlready": 35253, + "Ġtreatable": 35254, + "Ġcomputerized": 35255, + "LEX": 35256, + "software": 35257, + "generic": 35258, + "unsqueeze": 35259, + "Ġextrusion": 35260, + "ĠIllustrated": 35261, + "bond": 35262, + "fowl": 35263, + "amos": 35264, + "Ġvene": 35265, + "Ġcalligraphy": 35266, + "ĠAndrea": 35267, + "Ġpastry": 35268, + "ĠPersians": 35269, + "Ġdissimilar": 35270, + "ĠDoesn": 35271, + "Interfaces": 35272, + "Ġsubsidiary": 35273, + "Ġpaleont": 35274, + "Ġprostitution": 35275, + "ĠHunger": 35276, + "roves": 35277, + "Ġenvy": 35278, + "')]": 35279, + "Ġpriced": 35280, + "ĠOrganize": 35281, + "ĠMetro": 35282, + "understand": 35283, + "Ġdiscounts": 35284, + "ĠGlacier": 35285, + "ĠWarming": 35286, + "ĠYose": 35287, + "ĠManila": 35288, + "ĠPrecision": 35289, + "Ġrotates": 35290, + "Ġnarrowly": 35291, + "ĠInvol": 35292, + "Ġdystop": 35293, + "ĠWouldn": 35294, + "Ġcancelled": 35295, + "Ġchiropractic": 35296, + "NULL": 35297, + "ĠMilwaukee": 35298, + "ĠInteger": 35299, + "ĠObservation": 35300, + "Ġcadmium": 35301, + "ĠMysteries": 35302, + "Tuesday": 35303, + "elo": 35304, + "Ġcoma": 35305, + "ĠGHz": 35306, + "Ġsyst": 35307, + "ISO": 35308, + "Ġsnoring": 35309, + "Ġclustered": 35310, + "Ġsynchronization": 35311, + "Ġcrusher": 35312, + "ĠAztec": 35313, + "Ġincompet": 35314, + "Ġlumps": 35315, + "ilda": 35316, + "Ġbiogas": 35317, + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 35318, + "Ġcustomization": 35319, + "ĠMonaster": 35320, + "Ġfavoring": 35321, + "Display": 35322, + "ãĤĭ": 35323, + "came": 35324, + "Ġtoast": 35325, + "Ġsolstice": 35326, + "Ġprobing": 35327, + "Ġingest": 35328, + "ĠCorrespond": 35329, + "anthropy": 35330, + "Ġheterogeneity": 35331, + "Ġdivorced": 35332, + "ĠRobertson": 35333, + "Buy": 35334, + "MY": 35335, + "Ġtint": 35336, + "pecific": 35337, + "readline": 35338, + "Ġcapillary": 35339, + "Ġrichly": 35340, + "writers": 35341, + "Ġcalibrated": 35342, + "Ġlouder": 35343, + "Flor": 35344, + "rv": 35345, + "vie": 35346, + "ĠJenny": 35347, + "ĠDebor": 35348, + "cientious": 35349, + "Ġvulgar": 35350, + "powder": 35351, + "Ġhacker": 35352, + "oggle": 35353, + "Ġcrawling": 35354, + "Ġgrizz": 35355, + "ĠBryan": 35356, + "imetres": 35357, + "Louis": 35358, + "dia": 35359, + "ĠTC": 35360, + "Ġdistressing": 35361, + "Ġhearty": 35362, + "Ġchoking": 35363, + "Ġignite": 35364, + "ĠMenu": 35365, + "Ġhydroly": 35366, + "Wikimedia": 35367, + "istocene": 35368, + "Ġinverter": 35369, + "ĠJoel": 35370, + "QtCore": 35371, + "Ġworkflows": 35372, + "Ash": 35373, + "hid": 35374, + "sup": 35375, + "Ġpiracy": 35376, + "ĠCuisine": 35377, + "Ġemigration": 35378, + "Ġroam": 35379, + "Stock": 35380, + "Ġgrill": 35381, + "ennel": 35382, + "Ġdirectional": 35383, + "Collab": 35384, + "Ġflavorful": 35385, + "Ġanthropologists": 35386, + "ĠPromotion": 35387, + "Distribution": 35388, + "Ġsunglasses": 35389, + "ĠHenderson": 35390, + "Hence": 35391, + "cpp": 35392, + "ĠCombat": 35393, + "Ġshortcut": 35394, + "ĠMcN": 35395, + "flows": 35396, + "ĠPromote": 35397, + "Islamic": 35398, + "Ġrearing": 35399, + "Ġpointers": 35400, + "ĠAdela": 35401, + "Ġlikeness": 35402, + "ACS": 35403, + "ĠBarriers": 35404, + "ĠDOE": 35405, + "Ġdisseminated": 35406, + "stuff": 35407, + "Ġitertools": 35408, + "ĠBorne": 35409, + "Ġpops": 35410, + "Ġnightmare": 35411, + "ĠMelan": 35412, + "ĠChoices": 35413, + "piration": 35414, + "Ġinund": 35415, + "stown": 35416, + "ĠMik": 35417, + "ĠInterpret": 35418, + "IFIC": 35419, + "ли": 35420, + "Ġsucculent": 35421, + "ĠTerritories": 35422, + "Ġpremiums": 35423, + "ĠErnst": 35424, + "Opp": 35425, + "ecl": 35426, + "alent": 35427, + "pline": 35428, + "Ġshirts": 35429, + "actors": 35430, + "Ġspeculated": 35431, + "afka": 35432, + "Ġburrows": 35433, + "---------------": 35434, + "Track": 35435, + "Ġpendulum": 35436, + "Band": 35437, + "sender": 35438, + "agency": 35439, + "Ġhandlers": 35440, + "Ġencir": 35441, + "ĠApps": 35442, + "hardt": 35443, + "ĠSovere": 35444, + "Ġjava": 35445, + "getattr": 35446, + "ĠZoro": 35447, + "Ġecologically": 35448, + "Ġreflexes": 35449, + "Ġembarrassing": 35450, + "Ele": 35451, + "Om": 35452, + "\\''": 35453, + "sparse": 35454, + "uo": 35455, + "ĠByron": 35456, + "Ġrotations": 35457, + "detection": 35458, + "ĠHiroshima": 35459, + "Ġalleviating": 35460, + "ÏĨ": 35461, + "Ġstoves": 35462, + "ĠSitu": 35463, + "agulation": 35464, + "Ġsacra": 35465, + "Ġformaldehyde": 35466, + "ĠNutritional": 35467, + "ĠSavior": 35468, + "Delta": 35469, + "give": 35470, + "Ġtofu": 35471, + "ATO": 35472, + "Ġlifts": 35473, + "ĠNiagara": 35474, + "Ġankles": 35475, + "pending": 35476, + "ataka": 35477, + "Ġloot": 35478, + "ĠHeath": 35479, + "therapy": 35480, + "Ġcutoff": 35481, + "Ġaxi": 35482, + "ĠGreene": 35483, + "Ġkicks": 35484, + "Ġflushing": 35485, + "identally": 35486, + "Ġexpulsion": 35487, + "Ġpopulous": 35488, + "Ġobsessive": 35489, + "ungsten": 35490, + "Ġbreaker": 35491, + "ĠCitizenship": 35492, + "ĠMicrobiol": 35493, + "elage": 35494, + "vehicle": 35495, + "Ġwhip": 35496, + "istors": 35497, + "Ġheres": 35498, + "Ġfundraising": 35499, + "elem": 35500, + "Ġreluctance": 35501, + "sdk": 35502, + "Ġplumage": 35503, + "ĠNarratives": 35504, + "ĠMunicipal": 35505, + "disease": 35506, + "]//": 35507, + "schol": 35508, + "Ġmule": 35509, + "entimes": 35510, + "Ġherald": 35511, + "Ġbittern": 35512, + "threads": 35513, + "Ġforts": 35514, + "teries": 35515, + "Ġinterstate": 35516, + "Ġescapes": 35517, + "Ġbusinessman": 35518, + "Ġzomb": 35519, + "aminophen": 35520, + "Ġreproducing": 35521, + "ĠMajesty": 35522, + "Ġscaffold": 35523, + "Something": 35524, + "Ġwedge": 35525, + "ĠRGB": 35526, + "ĠKas": 35527, + "Ġverifying": 35528, + "è¾": 35529, + "Ġeug": 35530, + "opp": 35531, + "ĠFri": 35532, + "arnish": 35533, + "Ġdisobedience": 35534, + "Sov": 35535, + "eo": 35536, + "qt": 35537, + "isitions": 35538, + "ĠPoss": 35539, + "Ġlastsum": 35540, + "Ġsunburn": 35541, + "ABC": 35542, + "Genetic": 35543, + "utsch": 35544, + "conciliation": 35545, + "Ġundermined": 35546, + "Ġentangled": 35547, + "Ġranchers": 35548, + "Ġattaining": 35549, + "ĠScene": 35550, + "Ġpowders": 35551, + "ĠDecimal": 35552, + "Identify": 35553, + "Ġcauliflower": 35554, + "Ġcp": 35555, + "Ġpinn": 35556, + "ĠShield": 35557, + "Ġaccession": 35558, + "Changes": 35559, + "Ġassertions": 35560, + "Ġfifteenth": 35561, + "advantages": 35562, + "Ġpreservatives": 35563, + "Walk": 35564, + "ctomy": 35565, + "Ġgle": 35566, + "ĠFrequently": 35567, + "riosis": 35568, + "ĠChancellor": 35569, + "ĠHegel": 35570, + "ĠNewport": 35571, + "encoded": 35572, + "Ġhypnot": 35573, + "OSE": 35574, + "ĠVehicles": 35575, + "ĠMaple": 35576, + "DateTimeField": 35577, + "Lock": 35578, + "Ġvowed": 35579, + "Ġcanyon": 35580, + "ĠHampton": 35581, + "ĠTrojan": 35582, + "Individuals": 35583, + "Ġnond": 35584, + "ifolia": 35585, + "ordial": 35586, + "Ġflute": 35587, + "='<": 35588, + "Compare": 35589, + "historical": 35590, + "ĠDefaults": 35591, + "Ġepsilon": 35592, + "sic": 35593, + "ĠTS": 35594, + "ĠRH": 35595, + "ĠGould": 35596, + "ĠVet": 35597, + "Ġparcel": 35598, + "Alpha": 35599, + "rabble": 35600, + "NB": 35601, + "eder": 35602, + "Ġaneur": 35603, + "akov": 35604, + "Ġ'\"": 35605, + "Ġsalam": 35606, + "Ġliquidity": 35607, + "ĠPurple": 35608, + "Ġorchids": 35609, + "hene": 35610, + "elic": 35611, + "ĠWOR": 35612, + "ĠLomb": 35613, + "cian": 35614, + "regions": 35615, + "Ġintroductions": 35616, + "ĠSongs": 35617, + "Statistics": 35618, + "ĠTolkien": 35619, + "Ġstab": 35620, + "Ġstanza": 35621, + "ĠSMS": 35622, + "Ġkarma": 35623, + "Ġclam": 35624, + "ĠSunni": 35625, + "packet": 35626, + "Ġrehabilit": 35627, + "Ġpapill": 35628, + "Ġprocrast": 35629, + "rases": 35630, + "Ġhover": 35631, + "ĠSensor": 35632, + "ĠLoyal": 35633, + "Ġclans": 35634, + "Ġtransverse": 35635, + "errals": 35636, + "ĠConsumers": 35637, + "gravity": 35638, + "Ġniches": 35639, + "ĠCars": 35640, + "ĠBlessed": 35641, + "ĠRR": 35642, + "Ġagrarian": 35643, + "Ġsubtypes": 35644, + "Ġvaric": 35645, + "transforms": 35646, + "Ġcriticize": 35647, + "ĠRobot": 35648, + "Managing": 35649, + "Ġhallmark": 35650, + "Ġimmersing": 35651, + "Ġpalliative": 35652, + "ĠUzbek": 35653, + "Bank": 35654, + "Bird": 35655, + "Late": 35656, + "Poor": 35657, + "Sent": 35658, + "bund": 35659, + "mite": 35660, + "Ġpartitions": 35661, + "Ġquoting": 35662, + "ĠAmen": 35663, + "TextField": 35664, + "Ġtortured": 35665, + "Ġpsyche": 35666, + "Buffer": 35667, + "Rock": 35668, + "rak": 35669, + "ĠMID": 35670, + "ĠQuest": 35671, + "Ġundocumented": 35672, + "Ġfunctionalities": 35673, + "Ġboycott": 35674, + "Developing": 35675, + "credentials": 35676, + "Nutrition": 35677, + "Ġnearer": 35678, + "ĠUW": 35679, + "Ġunsc": 35680, + "Ġpromotions": 35681, + "Ġthinker": 35682, + "lighting": 35683, + "Ġcleanse": 35684, + "Ġcorrectness": 35685, + "ĠDamascus": 35686, + "Ġvenge": 35687, + "Ġrepr": 35688, + "Ġlabyrinth": 35689, + "Ġportrays": 35690, + "à¤Ĥ": 35691, + "ĠBooth": 35692, + "Ġpreconceived": 35693, + "tube": 35694, + "Ġtheses": 35695, + "ĠPU": 35696, + "Ġscrum": 35697, + "Ġrepel": 35698, + "Ġcaric": 35699, + "ĠComparing": 35700, + "Ġcucumbers": 35701, + "Ġgorgeous": 35702, + "Ġnarration": 35703, + "Ba": 35704, + "Mapping": 35705, + "imposed": 35706, + "Ġprecursors": 35707, + "phon": 35708, + "Ġmarathon": 35709, + "ĠBees": 35710, + "ĠScouts": 35711, + "ĠâĻ": 35712, + "ĠPropulsion": 35713, + "Ġleaned": 35714, + "Ġtartar": 35715, + "Ban": 35716, + "Ġcontiguous": 35717, + "Ġdisperse": 35718, + "Ġcirca": 35719, + "Leave": 35720, + "ampsia": 35721, + "ĠResponsible": 35722, + "Cambridge": 35723, + "UX": 35724, + "fet": 35725, + "Ġunsuitable": 35726, + "ĠPrussian": 35727, + "Ġhaunted": 35728, + "rossover": 35729, + "Cold": 35730, + "cause": 35731, + "Ġharp": 35732, + "owment": 35733, + "paragus": 35734, + "Ġcrane": 35735, + "ĠClock": 35736, + "ĠFrankfurt": 35737, + "ĠElli": 35738, + "表": 35739, + "ĠSebast": 35740, + "cached": 35741, + "motion": 35742, + "Ġunsett": 35743, + "exclude": 35744, + "Ġnumbering": 35745, + "ĠOrch": 35746, + "Ġbounding": 35747, + "ĠSlide": 35748, + "Ġluminosity": 35749, + "Pen": 35750, + "civil": 35751, + "ubin": 35752, + "Ġphi": 35753, + "Ġindividualism": 35754, + "bsites": 35755, + "extensions": 35756, + "ERIC": 35757, + "ADA": 35758, + "Ġmouthwatering": 35759, + "ĠHispanics": 35760, + "Knowledge": 35761, + "Ġimproperly": 35762, + "Ġretaliation": 35763, + "Ïĩ": 35764, + "ĠDana": 35765, + "Ġkw": 35766, + "ĠUncle": 35767, + "Ġseedling": 35768, + "\\\"": 35769, + "Ġanaphyl": 35770, + "ĠHume": 35771, + "ĠWitch": 35772, + "Ġracc": 35773, + "Ġscor": 35774, + "players": 35775, + "Ġowes": 35776, + "ĠNurses": 35777, + "ĠMRSA": 35778, + "ĠCurtis": 35779, + "Ġrestructuring": 35780, + "mixed": 35781, + "imi": 35782, + "ĠTyr": 35783, + "ĠFung": 35784, + "ĠDelete": 35785, + "ĠGenerator": 35786, + "uckland": 35787, + "recipe": 35788, + "Ġboundless": 35789, + "ĠPCs": 35790, + "Subscribe": 35791, + "Ġê": 35792, + "Ġlest": 35793, + "imar": 35794, + "ĠMAP": 35795, + "umpy": 35796, + "ĠDrosophila": 35797, + "Ġdistrust": 35798, + "medium": 35799, + "Ġdryness": 35800, + "Ġbetrayal": 35801, + "Ġtougher": 35802, + "ĠSanctuary": 35803, + "éĻ": 35804, + "ĠYun": 35805, + "Ġblight": 35806, + "marine": 35807, + "Ġcommunicative": 35808, + "Ġdiversified": 35809, + "Ġaquifers": 35810, + "RAY": 35811, + "burst": 35812, + "Anti": 35813, + "Ġfluctuating": 35814, + "Ġstratification": 35815, + "ĠAchievement": 35816, + "ĠOptimization": 35817, + "Ġdared": 35818, + "Ġ\"$": 35819, + "contained": 35820, + "Ġcharismatic": 35821, + "ĠContribut": 35822, + "Ġcivilized": 35823, + "Ġfearing": 35824, + "Ġsynaptic": 35825, + "ĠImportantly": 35826, + "ĠEquations": 35827, + "ĠLighting": 35828, + "snapshot": 35829, + "ĠDaisy": 35830, + "Ġinsure": 35831, + "PSC": 35832, + "ĠAdvocate": 35833, + "ĠOfficers": 35834, + "ĠREL": 35835, + "Ġuna": 35836, + "Ġmechanically": 35837, + "ĠPerforming": 35838, + "Ġresourcefulness": 35839, + "==\"": 35840, + "Ġintervening": 35841, + "Hig": 35842, + "stations": 35843, + "Ġsecession": 35844, + "Thursday": 35845, + "Ġgoodbye": 35846, + "raged": 35847, + "Ġcutter": 35848, + "Ġskyrock": 35849, + "Ġadherents": 35850, + "ifa": 35851, + "unicode": 35852, + "Ġperish": 35853, + "))]": 35854, + "ĠTrin": 35855, + "Ġfabulous": 35856, + "ĠNetflix": 35857, + "Eastern": 35858, + "NV": 35859, + "ilical": 35860, + "usual": 35861, + "ĠNom": 35862, + "ĠGogh": 35863, + "Ġcomputes": 35864, + "Ġamplifying": 35865, + "Ġfraught": 35866, + "ĠOakland": 35867, + "ĠPioneer": 35868, + "/,": 35869, + "nor": 35870, + "Ġtheaters": 35871, + "imus": 35872, + "ĠLIMIT": 35873, + "Ġflares": 35874, + "Ġflipped": 35875, + "ĠAsc": 35876, + "Ġpostures": 35877, + "ĠAgenda": 35878, + "Ġinhibited": 35879, + "ĠEmployees": 35880, + "Ġrecursive": 35881, + "Ġcrayons": 35882, + "hide": 35883, + "oride": 35884, + "alb": 35885, + "ospor": 35886, + "blers": 35887, + "ĠMicrobiology": 35888, + "Ġbuckets": 35889, + "Ġashamed": 35890, + "Ġculminated": 35891, + "ĠHeinrich": 35892, + "'-": 35893, + "staking": 35894, + "ĠPair": 35895, + "Ġperch": 35896, + "oxygen": 35897, + "oader": 35898, + "ĠSymphony": 35899, + "ĠBradford": 35900, + "ĠSophia": 35901, + "Ġraster": 35902, + "Ġplugged": 35903, + "ĠJi": 35904, + "Ġessentials": 35905, + "OND": 35906, + "Ġgeologists": 35907, + "Ġsquat": 35908, + "Ġunfinished": 35909, + "ĠTerra": 35910, + "Keys": 35911, + "Ġsleek": 35912, + "Ġgripping": 35913, + "ĠGum": 35914, + "Ġcolossal": 35915, + "ĠShir": 35916, + "autom": 35917, + "ĠXi": 35918, + "Ġstripe": 35919, + "ĠSystematic": 35920, + "Prevention": 35921, + "ĠFabric": 35922, + "Ġhotspots": 35923, + "Jeff": 35924, + "Ther": 35925, + "song": 35926, + "vens": 35927, + "Ġquarry": 35928, + "ospheric": 35929, + "Ġoriginality": 35930, + "IRST": 35931, + "Ġhurry": 35932, + "Ġexemplify": 35933, + "Wall": 35934, + "together": 35935, + "ĠPIL": 35936, + "ĠKr": 35937, + "ariah": 35938, + "ĠEssex": 35939, + "ĠNaples": 35940, + "epsilon": 35941, + "ĠTIME": 35942, + "dL": 35943, + "Ġmite": 35944, + "Ġlure": 35945, + "ĠGott": 35946, + "oughton": 35947, + "Ġparap": 35948, + "Ġtransformers": 35949, + "Used": 35950, + "Essay": 35951, + "ĠOdyssey": 35952, + "Skin": 35953, + "pain": 35954, + "Ġoint": 35955, + "Ġwilt": 35956, + "ĠWals": 35957, + "Ġcurl": 35958, + "suggest": 35959, + "LEG": 35960, + "ĠAttempt": 35961, + "Travel": 35962, + "jiang": 35963, + "ĠÙĪ": 35964, + "Ġnanotubes": 35965, + "Tags": 35966, + "wr": 35967, + "è¦": 35968, + "ĠCRC": 35969, + "ĠFT": 35970, + "performing": 35971, + "ĠUniform": 35972, + "Ġcurated": 35973, + "||-": 35974, + "Ġshortcuts": 35975, + "helpers": 35976, + "ĠThoughts": 35977, + "Beginning": 35978, + "ĠBotswana": 35979, + "loor": 35980, + "ĠSaunders": 35981, + "ivot": 35982, + "ĠDias": 35983, + "Ġallocating": 35984, + "ĠChase": 35985, + "pecting": 35986, + "Ġinstill": 35987, + "ĊĊĠĠĠĠ": 35988, + "ĠGenes": 35989, + "commons": 35990, + "FW": 35991, + "saurus": 35992, + "Ġpouch": 35993, + "ogonal": 35994, + "Ġpartisan": 35995, + "Ġpartnering": 35996, + "Ġprotector": 35997, + "Ġwarmest": 35998, + "ADD": 35999, + "Ġsneak": 36000, + "Ġboilers": 36001, + "Ġinertia": 36002, + "Ġdiscoloration": 36003, + "Ġforcibly": 36004, + "eals": 36005, + "zers": 36006, + "Ġsut": 36007, + "ĠInclusion": 36008, + "Ġtexting": 36009, + "compression": 36010, + "Ġdefaultdict": 36011, + "Ġthankful": 36012, + "scheduler": 36013, + "capt": 36014, + "docker": 36015, + "wax": 36016, + "ĠIon": 36017, + "Ġrite": 36018, + "ĠDT": 36019, + "ĠLund": 36020, + "Ġsighted": 36021, + "Ġarrests": 36022, + "ĠNadu": 36023, + "Ġglimpses": 36024, + "AW": 36025, + "Ġcobalt": 36026, + "Ġdrowned": 36027, + "ĠDrama": 36028, + "apters": 36029, + "Ġclover": 36030, + "Ġslipped": 36031, + "ĠInjuries": 36032, + "mph": 36033, + "Ġshalt": 36034, + "Ġvegetative": 36035, + "haul": 36036, + "Ġimaginations": 36037, + "LOAD": 36038, + "Ġquarterly": 36039, + "ĠDescartes": 36040, + "Ġbomber": 36041, + "ĠUbuntu": 36042, + "\"âĢĶ": 36043, + "ĠAde": 36044, + "ĠREF": 36045, + "ĠLah": 36046, + "Ġagar": 36047, + "Ġelbows": 36048, + "ATOR": 36049, + "ĠMonarch": 36050, + "Ġratification": 36051, + "ĠConcerns": 36052, + "件": 36053, + "ĠIMF": 36054, + "ĠAbdul": 36055, + "Ġwagons": 36056, + "Rank": 36057, + "grant": 36058, + "Ġchills": 36059, + "Ġko": 36060, + "Ġpopcorn": 36061, + "Ġduo": 36062, + "Ġfashioned": 36063, + "Ġpoisoned": 36064, + "-------------": 36065, + "Traditionally": 36066, + "Ġpropagated": 36067, + "Ġarticulation": 36068, + "Ġhepatic": 36069, + "ĠTeens": 36070, + "ĠInfant": 36071, + "Ġjoyful": 36072, + "Ġprecedence": 36073, + "Features": 36074, + "STRING": 36075, + "å®ļ": 36076, + "adjusted": 36077, + "ĠCarth": 36078, + "ĠDIS": 36079, + "Ġsimulator": 36080, + "recated": 36081, + "Ġimmunos": 36082, + "ĠMoist": 36083, + "ĠBotanical": 36084, + "?\".": 36085, + "Yellow": 36086, + "Ġbudd": 36087, + "Ġresorts": 36088, + "Ġunification": 36089, + "ĠHeight": 36090, + "Ġdetract": 36091, + "ĠCurve": 36092, + "Ġrecessive": 36093, + "Ġellip": 36094, + "sty": 36095, + "ĠTik": 36096, + "Ġtestify": 36097, + "ĠEpiscopal": 36098, + "Ġsculptor": 36099, + "ĠMagnesium": 36100, + "Ġshampoo": 36101, + ">')": 36102, + "monitor": 36103, + "ĠBlues": 36104, + "ĠSuite": 36105, + "Ġhostilities": 36106, + "Spirit": 36107, + "Ġannouncements": 36108, + "Ġdisseminate": 36109, + "Ġrefractive": 36110, + "Ġarousal": 36111, + "uang": 36112, + "ĠFerm": 36113, + "areth": 36114, + "Ġdesks": 36115, + "Ġpainless": 36116, + "Ġarmored": 36117, + "ĠSerial": 36118, + "ĠPreventing": 36119, + "dependencies": 36120, + "CAN": 36121, + "cou": 36122, + "nah": 36123, + "inhab": 36124, + "uron": 36125, + "Ġwhims": 36126, + "ĠEg": 36127, + "ĠDEC": 36128, + "Ġendogenous": 36129, + "Ġbestowed": 36130, + "ĠContrary": 36131, + "rypted": 36132, + "ĠDeborah": 36133, + "Cert": 36134, + "Sig": 36135, + "VIS": 36136, + "phed": 36137, + "ĠFont": 36138, + "ĠRMS": 36139, + "tainers": 36140, + "Ġvisualizing": 36141, + "ELD": 36142, + "ĠComputational": 36143, + "Ġirrigated": 36144, + "ĠHabits": 36145, + "ĠLynn": 36146, + "fra": 36147, + "lengths": 36148, + "å·": 36149, + "ĠLaf": 36150, + "ĠForbes": 36151, + "ĠExhibition": 36152, + "ospital": 36153, + "Ġsexism": 36154, + "ĠDavidson": 36155, + "subset": 36156, + "Ġfavoured": 36157, + "ĠBermuda": 36158, + "cube": 36159, + "heavy": 36160, + "ĠCock": 36161, + "ĠLocate": 36162, + "ĠKah": 36163, + "Ġnitric": 36164, + "Ġconservatives": 36165, + "Ġglycol": 36166, + "ĠChampions": 36167, + "Inspired": 36168, + "Serv": 36169, + "Ġlore": 36170, + "ifax": 36171, + "thumb": 36172, + "Ġunknow": 36173, + "Ġpopulate": 36174, + "ĠZinc": 36175, + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 36176, + "Ġdecaying": 36177, + "Screen": 36178, + "casters": 36179, + "ÏĮ": 36180, + "recomm": 36181, + "Ġincontinence": 36182, + "Ġsolub": 36183, + "Ġaudits": 36184, + "ĠCrete": 36185, + "ĠExperiments": 36186, + "ĠPurdue": 36187, + "Ġconveniently": 36188, + "Ġbundles": 36189, + "Ġsprout": 36190, + "ĠNamibia": 36191, + "stadt": 36192, + "Ġproverb": 36193, + "Ġpepp": 36194, + "rename": 36195, + "Ġhighlands": 36196, + "ĠAlmighty": 36197, + "\")),": 36198, + "ĠJohnny": 36199, + "COVID": 36200, + "ĠNonfiction": 36201, + "Ġsulfide": 36202, + "Ġanchors": 36203, + "ĠParameter": 36204, + "ĠAerospace": 36205, + "Ġsper": 36206, + "Ġsled": 36207, + "ĠTaken": 36208, + "ĠMoor": 36209, + "Ġleagues": 36210, + "ITH": 36211, + "Ġholiness": 36212, + "Ġdisciplined": 36213, + "Ġmobilize": 36214, + "Ġmadness": 36215, + "Ġthirsty": 36216, + "ĠGarcia": 36217, + "Say": 36218, + "Ġconfessed": 36219, + "ĠEnforcement": 36220, + "ĠZoom": 36221, + "Ġcontrasted": 36222, + "rochemical": 36223, + "Ġresidences": 36224, + "Ġhesitated": 36225, + "Ġberry": 36226, + "Ġchronology": 36227, + "Recommended": 36228, + "Ġcalendars": 36229, + "dro": 36230, + "olysis": 36231, + "olini": 36232, + "ffield": 36233, + "lando": 36234, + "attacks": 36235, + "ĠRegarding": 36236, + "Encoder": 36237, + "Increasing": 36238, + "ĠReproductive": 36239, + "isdir": 36240, + "Ġporch": 36241, + "Ġrs": 36242, + "ĠRiv": 36243, + ").\"": 36244, + "Ġamelior": 36245, + "ĠReid": 36246, + "Ġcaret": 36247, + "Ġclinician": 36248, + "Ġqualifying": 36249, + "Ġdeteriorate": 36250, + "Ġquotas": 36251, + "Ġunintentionally": 36252, + "ĠLifestyle": 36253, + "Dark": 36254, + "Sund": 36255, + "eastern": 36256, + "Ġtaps": 36257, + "Ġwhaling": 36258, + "Ġ({": 36259, + "Ġarcs": 36260, + "gano": 36261, + "awatts": 36262, + "Ġreprinted": 36263, + "ĠSevent": 36264, + "Ġmetavar": 36265, + "Ġparable": 36266, + "forced": 36267, + "Ġhorseback": 36268, + "Obviously": 36269, + "Edge": 36270, + "Ġtranscending": 36271, + "Connecting": 36272, + "ĠDentistry": 36273, + "rokes": 36274, + "Ġurea": 36275, + "Ġstochastic": 36276, + "ĠAster": 36277, + "cko": 36278, + "Ġmultilingual": 36279, + "Ġbondage": 36280, + "ĠBraun": 36281, + "Ġembraces": 36282, + "ĠMAX": 36283, + "ĠNeeded": 36284, + "ĠOpinion": 36285, + "ĊĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 36286, + "always": 36287, + "amoto": 36288, + "Ġ\"*": 36289, + "ĠProclamation": 36290, + "||$": 36291, + "Ġrunny": 36292, + "attach": 36293, + "Secret": 36294, + "validators": 36295, + "packed": 36296, + "Ġliberalism": 36297, + "Ġpsi": 36298, + "Ġgadget": 36299, + "Plugin": 36300, + "gres": 36301, + "ĠFold": 36302, + "inski": 36303, + "URR": 36304, + "annabis": 36305, + "Ġteammates": 36306, + "Eye": 36307, + "Ġdisciple": 36308, + "Ġtechnologically": 36309, + "thel": 36310, + "whole": 36311, + "solver": 36312, + "ĠPlanting": 36313, + "Wednesday": 36314, + "QA": 36315, + "ĠSys": 36316, + "ĠFalk": 36317, + "ĠRP": 36318, + "ĠRas": 36319, + "Ġplantar": 36320, + "Ġpurposeful": 36321, + "Ġfateful": 36322, + "neighbors": 36323, + "ĠPipeline": 36324, + "]]:": 36325, + "omac": 36326, + "Ġclumps": 36327, + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 36328, + "Ġretrospective": 36329, + "Ġdominion": 36330, + "Ġmesmerizing": 36331, + "credit": 36332, + "ĠUrugu": 36333, + "Ġcling": 36334, + "ĠKaw": 36335, + "readlines": 36336, + "Ġlocalities": 36337, + "Ġlayering": 36338, + "preds": 36339, + "Ġcatchment": 36340, + "hosts": 36341, + "ĠConnecting": 36342, + "ĠMotors": 36343, + "ĠBaseball": 36344, + "Ġinspirational": 36345, + "Ġfern": 36346, + "ĠGau": 36347, + "Ġslain": 36348, + "ĠMeans": 36349, + "Ġdictator": 36350, + "ĠJudges": 36351, + "Ġtravellers": 36352, + "idimensional": 36353, + "lain": 36354, + "Ġmans": 36355, + "ĠSector": 36356, + "antom": 36357, + "Ġconferred": 36358, + "Ġgoverns": 36359, + "operations": 36360, + "canc": 36361, + "Ġdazz": 36362, + "ĠActions": 36363, + "ĠASE": 36364, + "ĠBorg": 36365, + "ĠNatal": 36366, + "Ġcolitis": 36367, + "classified": 36368, + "ér": 36369, + "Ġpolyphen": 36370, + "ĠCandida": 36371, + "Ġavocados": 36372, + "ĠClaude": 36373, + "Ġdeciphering": 36374, + "NOW": 36375, + "à½": 36376, + "ĠAW": 36377, + "ĠWS": 36378, + "ĠYa": 36379, + "Ġdetain": 36380, + "Ġconfess": 36381, + "ivalry": 36382, + "spin": 36383, + "Ġingrained": 36384, + "Ġsucrose": 36385, + "dollar": 36386, + "Ġbuddy": 36387, + "Ġll": 36388, + "riam": 36389, + "Ġunborn": 36390, + "ondyl": 36391, + "Ġsilhou": 36392, + "Ġdoubtful": 36393, + "uisines": 36394, + "ĠÙħ": 36395, + "Ġantivirus": 36396, + "Ġclogged": 36397, + "ĠkW": 36398, + "Ġkittens": 36399, + "ĠTrek": 36400, + "ĠAstronomical": 36401, + "Ġreptile": 36402, + "Ġpigeon": 36403, + "odeficiency": 36404, + "Kind": 36405, + "NM": 36406, + "alert": 36407, + "adier": 36408, + "Ġupfront": 36409, + "obyl": 36410, + "Ġboils": 36411, + "Ġextravag": 36412, + "Ġmaximal": 36413, + "Ġstamina": 36414, + "Ġaneurys": 36415, + "ת": 36416, + "Ġunbiased": 36417, + "intellig": 36418, + "ĠChrys": 36419, + "Ġ[...]": 36420, + "Ġdelaying": 36421, + "ĠHardy": 36422, + "Ġinjustices": 36423, + "cans": 36424, + "Ġholog": 36425, + "Ġanus": 36426, + "iston": 36427, + "ĠHF": 36428, + "Ġatrophy": 36429, + "Ġwillingly": 36430, + "Ġorganically": 36431, + "Ġslack": 36432, + "Ġwidening": 36433, + "ĠPresidents": 36434, + "Ġsolder": 36435, + "laus": 36436, + "ĠTunisia": 36437, + "crypt": 36438, + "hd": 36439, + "Ö·": 36440, + "Ġdilation": 36441, + "istor": 36442, + "antial": 36443, + "Ġspasms": 36444, + "ĠConcrete": 36445, + "probs": 36446, + "Ġdestabil": 36447, + "ĠControvers": 36448, + "olls": 36449, + "ĠBarrett": 36450, + "anchor": 36451, + "Ġthoracic": 36452, + "Quick": 36453, + "OPT": 36454, + "Facts": 36455, + "ĠCommod": 36456, + "ĠArtem": 36457, + "ĠHighly": 36458, + "Ġstirred": 36459, + "Wrapper": 36460, + "CAR": 36461, + "vre": 36462, + "ĠCAT": 36463, + "Ġpurify": 36464, + "publications": 36465, + "ĠRouge": 36466, + "Saint": 36467, + "Ġdia": 36468, + "stay": 36469, + "Ġlst": 36470, + "terr": 36471, + "Ġbasalt": 36472, + "Ġveil": 36473, + "START": 36474, + "Ġcapacitors": 36475, + "ĠFundamentals": 36476, + "Monitor": 36477, + "Ġorchard": 36478, + "Ġlavish": 36479, + "Ġdiscontinued": 36480, + "ĠJessica": 36481, + "Gar": 36482, + "onance": 36483, + "Ġsuggestive": 36484, + "ductors": 36485, + "Ġdebating": 36486, + "Ġcoffin": 36487, + "--------------": 36488, + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 36489, + "Ġceilings": 36490, + "ĠOber": 36491, + "managed": 36492, + "shuffle": 36493, + "servers": 36494, + "uminous": 36495, + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĊĠĠĠĠĠĠĠ": 36496, + "Ġrepetitions": 36497, + "Ġchatting": 36498, + "iretroviral": 36499, + "FER": 36500, + "|\"'": 36501, + "lein": 36502, + "igail": 36503, + "ĠSick": 36504, + "Ġunl": 36505, + "ĠChic": 36506, + "ĠReve": 36507, + "atica": 36508, + "opsies": 36509, + "grace": 36510, + "ĠExpand": 36511, + "Ġpollutant": 36512, + "ĠLeslie": 36513, + "pict": 36514, + "ĠBMC": 36515, + "nums": 36516, + "Ġintimidation": 36517, + "åŃĹ": 36518, + "Ġblossom": 36519, + "attoos": 36520, + "tie": 36521, + "Ġlof": 36522, + "Ġstderr": 36523, + "Ġalf": 36524, + "ĠComfort": 36525, + "Ġequine": 36526, + "ĠCommunism": 36527, + "loan": 36528, + "иÑĤ": 36529, + "Ġshowcased": 36530, + "Ġtheatrical": 36531, + "hru": 36532, + "Ġops": 36533, + "Ġferns": 36534, + "ĠSug": 36535, + "Ġchir": 36536, + "ĠFIT": 36537, + "Ġsimulating": 36538, + "Ġnaturalist": 36539, + "ĠAssist": 36540, + "ĠQuaker": 36541, + "ĠPartner": 36542, + "solid": 36543, + "Ġconservationists": 36544, + "ĠHumph": 36545, + "Ġgrooves": 36546, + "ĠHimalayan": 36547, + "ĠAttributeError": 36548, + "Hall": 36549, + "|âĢ¢": 36550, + "agia": 36551, + "assadors": 36552, + "Ġblister": 36553, + "ÑĢе": 36554, + "salt": 36555, + "Ġmun": 36556, + "Ġcrem": 36557, + "placeholder": 36558, + "ĠMarks": 36559, + "ĠParticularly": 36560, + "ĠMySQL": 36561, + "ĠWWF": 36562, + "Ġcabinets": 36563, + "ĠPermanent": 36564, + "Cra": 36565, + "itization": 36566, + "ĠBub": 36567, + "Ġatlas": 36568, + "Ġindist": 36569, + "irsch": 36570, + "Ġgroove": 36571, + "Timmy": 36572, + "Ġbracket": 36573, + "href": 36574, + "Ġgh": 36575, + "Ġwhichever": 36576, + "ĠJar": 36577, + "Ġflats": 36578, + "ĠAttributes": 36579, + "Ġpitches": 36580, + "ĠCounseling": 36581, + "ailles": 36582, + "ĠNano": 36583, + "Ġunimag": 36584, + "ĠYiddish": 36585, + "ieri": 36586, + "Ġdiverted": 36587, + "ĠEND": 36588, + "ĠPharmaceutical": 36589, + "ulae": 36590, + "ĠBarr": 36591, + "reduction": 36592, + "Ġworkbook": 36593, + "ĠUniv": 36594, + "Ġhype": 36595, + "Ġlowland": 36596, + "ĠPerception": 36597, + "Ġaxial": 36598, + "ĠOuter": 36599, + "Ġmoistur": 36600, + "Ġnourish": 36601, + "Ell": 36602, + "ocean": 36603, + "yx": 36604, + "enics": 36605, + "alty": 36606, + "ĠAmer": 36607, + "ĠWrong": 36608, + "Ġpromoter": 36609, + "Ġarchaic": 36610, + "Ġtranslators": 36611, + "ĠFriedman": 36612, + "ĠAu": 36613, + "ĠSiberian": 36614, + "udding": 36615, + "ISM": 36616, + "Ġcollage": 36617, + "Ġordinance": 36618, + "ĠPaulo": 36619, + "ĠKimber": 36620, + "ĠConversation": 36621, + "Ġassassinated": 36622, + "Ġaristocracy": 36623, + "Ġimperfections": 36624, + "hh": 36625, + "possible": 36626, + "robat": 36627, + "ilus": 36628, + "Ġspun": 36629, + "arman": 36630, + "ĠMarvel": 36631, + "ĠMonetary": 36632, + "casts": 36633, + "ControlPlane": 36634, + "ĠJurassic": 36635, + "Ġfreelance": 36636, + ")=": 36637, + "fur": 36638, + "Ġscept": 36639, + "quart": 36640, + "Ġripple": 36641, + "Ġimpuls": 36642, + "introduction": 36643, + "Ġglued": 36644, + "Ġnightmares": 36645, + "Ġrecyclable": 36646, + "Ġwinged": 36647, + "NEW": 36648, + "ĠVoyager": 36649, + "ĠHundreds": 36650, + "';": 36651, + "Ġlia": 36652, + "ĠDensity": 36653, + "clair": 36654, + "Ġretreated": 36655, + "Ġignited": 36656, + "Ġmirrored": 36657, + "Preprocess": 36658, + "Ġtorso": 36659, + "omonas": 36660, + "Ġrecruits": 36661, + "Ġfibrillation": 36662, + "fifth": 36663, + "ĠGustav": 36664, + "Ground": 36665, + "IENT": 36666, + "ĠBatch": 36667, + "Ġchuck": 36668, + "ĠLL": 36669, + "Ġ___": 36670, + "marking": 36671, + "------------------------------------": 36672, + "ĠBoost": 36673, + "Ġboosted": 36674, + "ĠProvincial": 36675, + ".âĢĻâĢĿ": 36676, + "Ġanticipating": 36677, + "ĠImmig": 36678, + "Ġenthusiastically": 36679, + "ocytosis": 36680, + "Ġnautical": 36681, + "Ġmattered": 36682, + "Ġcompliment": 36683, + "Ġpermafrost": 36684, + "absorb": 36685, + "Ġtranscribed": 36686, + "educt": 36687, + "ĠPuritan": 36688, + "!!!!": 36689, + "ĠFuller": 36690, + "Ġasymmetric": 36691, + "serialize": 36692, + "Eat": 36693, + "æĶ": 36694, + "oriously": 36695, + "Ġsucking": 36696, + "ptide": 36697, + "ĠGS": 36698, + "Ġraz": 36699, + "Ġdeterminant": 36700, + "Ġfirewood": 36701, + "ĠNotre": 36702, + "transport": 36703, + "Ġaffirmed": 36704, + "RD": 36705, + "Ġonward": 36706, + "ĠRJ": 36707, + "Ġimpetus": 36708, + "ĠAnk": 36709, + "interrupted": 36710, + "Ġrevising": 36711, + "ĠMedications": 36712, + "Ġinventing": 36713, + "Ġcontaminate": 36714, + "ĠKosovo": 36715, + "asmod": 36716, + "ĠTuc": 36717, + "\")[": 36718, + "Ġlymphocytes": 36719, + "Cook": 36720, + "Ġfs": 36721, + "Ġroast": 36722, + "Ġflipping": 36723, + "ĠZam": 36724, + "ĠEmotion": 36725, + "Commercial": 36726, + "ĠSnap": 36727, + "ĠFitzgerald": 36728, + "zee": 36729, + "thals": 36730, + "Ġsmoothing": 36731, + "ĠBhag": 36732, + "ĠHorizon": 36733, + "ĠNitrogen": 36734, + "Ġparchment": 36735, + "Ġchurn": 36736, + "ĠREP": 36737, + "icht": 36738, + "Ġcrashing": 36739, + "hydration": 36740, + "Ġexertion": 36741, + "ĠSavannah": 36742, + "PlaneProtection": 36743, + "ManagementPlaneProtection": 36744, + "Ġabnormality": 36745, + "Soviet": 36746, + "ĠBoot": 36747, + "ĠHann": 36748, + "Ġdissection": 36749, + "Ġcarve": 36750, + "Ġcausality": 36751, + "Ġlandings": 36752, + "ĠApostles": 36753, + "Ġlandlord": 36754, + "Ġss": 36755, + "Ġbeaver": 36756, + "aday": 36757, + "Ġanode": 36758, + "Ġcapitals": 36759, + "ĠOutdoor": 36760, + "TOKEN": 36761, + "Ġsharpen": 36762, + "Communication": 36763, + "mills": 36764, + "yms": 36765, + "illaries": 36766, + "Ġcommits": 36767, + "ĠInterventions": 36768, + "uitively": 36769, + "ĠFormal": 36770, + "idxs": 36771, + "Ġtantal": 36772, + "Ġsesame": 36773, + "ĠAve": 36774, + "ĠFault": 36775, + "prec": 36776, + "osaics": 36777, + "caused": 36778, + "ĠAnnie": 36779, + "ĠAdaptive": 36780, + "ĠPackage": 36781, + "Farm": 36782, + "finger": 36783, + "oge": 36784, + "ĠMK": 36785, + "ĠNietzsche": 36786, + "ĠGMO": 36787, + "indeer": 36788, + "collections": 36789, + "Ġanonymity": 36790, + "ei": 36791, + "java": 36792, + "rn": 36793, + "ĠHang": 36794, + "ĠLik": 36795, + "ractive": 36796, + "ĠPhar": 36797, + "Ġfreq": 36798, + "Ġfracturing": 36799, + "ĠAdministrative": 36800, + "accounts": 36801, + "ĠQuantitative": 36802, + "Ġupgrading": 36803, + "čĊĠĠĠĠĠĠĠĠčĊĠĠĠĠĠĠĠ": 36804, + "Ġreinst": 36805, + "ĠSAD": 36806, + "Ġreadability": 36807, + "Ġimmoral": 36808, + "Ġsummed": 36809, + "Ġassigns": 36810, + "rums": 36811, + "ĠFreem": 36812, + "ĠPetroleum": 36813, + "continue": 36814, + "Ġhesitant": 36815, + "ĠGPIO": 36816, + "ĠAzure": 36817, + "Ġtremendously": 36818, + "ĠUttar": 36819, + "Ġghetto": 36820, + "Ġslips": 36821, + "ĠFounding": 36822, + "Simply": 36823, + "åIJį": 36824, + "Ġpid": 36825, + "Ġfi": 36826, + "Ġeve": 36827, + "ĠRust": 36828, + "Ġevenings": 36829, + "ĠVerify": 36830, + "Ġpolarized": 36831, + "Ġbolsters": 36832, + "Fair": 36833, + "trig": 36834, + "vig": 36835, + "ĠGale": 36836, + "lections": 36837, + "Ġrecite": 36838, + "Ġbrine": 36839, + "ĠDept": 36840, + "Ġplantings": 36841, + "spread": 36842, + "helf": 36843, + "recv": 36844, + "Ġsplash": 36845, + "Ġincentiv": 36846, + "Ġstylish": 36847, + "ĠHttpResponse": 36848, + "drained": 36849, + "Ġtsp": 36850, + "ateness": 36851, + "Ġclutch": 36852, + "yscale": 36853, + "ĠVertical": 36854, + "Ġgrowths": 36855, + "ĠArbor": 36856, + "ĠRepair": 36857, + "Ġvaluing": 36858, + "Ġswimmers": 36859, + "Ġcyclone": 36860, + "relationship": 36861, + "Ġdisguise": 36862, + "Ġinsoluble": 36863, + "Jo": 36864, + "reports": 36865, + "ĠTig": 36866, + "ĠMam": 36867, + "ĠFrequent": 36868, + "riptive": 36869, + "Ġvolunteered": 36870, + "ĠDecisions": 36871, + "Ġdecorating": 36872, + "Ġregistering": 36873, + "uvre": 36874, + "Ġslicing": 36875, + "Ġorchards": 36876, + "Ġsporadic": 36877, + "Incorporating": 36878, + "Cop": 36879, + "masks": 36880, + "Ġdc": 36881, + "ĠCyn": 36882, + "Ġtransmissions": 36883, + "ĠCallable": 36884, + "ĠAudubon": 36885, + "ĠEuropa": 36886, + "killers": 36887, + "ĠAZ": 36888, + "Ġexiled": 36889, + "Ġvou": 36890, + "Ġcreeping": 36891, + "biosis": 36892, + "ĠExpanding": 36893, + "Ġmicrobiology": 36894, + "ĠJeremy": 36895, + "ĠAdelaide": 36896, + "ĠEb": 36897, + "strate": 36898, + "rapers": 36899, + "discipline": 36900, + "ĠWWI": 36901, + "InterfaceSelection": 36902, + "Ġeuth": 36903, + "ĠSamples": 36904, + "Ġsubway": 36905, + "ercase": 36906, + "Ġvols": 36907, + "Ġpredic": 36908, + "Ġcaptions": 36909, + "ĠAntig": 36910, + "Ġinterpretive": 36911, + "ĠLatinos": 36912, + "fastq": 36913, + "cutaneous": 36914, + "Ġlocomotives": 36915, + "Ġapprenticeship": 36916, + "MW": 36917, + "wav": 36918, + "autics": 36919, + "Ġpredicate": 36920, + "ĠMacmillan": 36921, + "ĠHomework": 36922, + "ĠImportError": 36923, + "Ġsterilization": 36924, + "Ġoctopus": 36925, + "Queen": 36926, + "mur": 36927, + "trip": 36928, + "ĠSaid": 36929, + "ĠMush": 36930, + "ĠVital": 36931, + "Ġpostmodern": 36932, + "ĠInstructions": 36933, + "ĠBelieve": 36934, + "ĠHawk": 36935, + "Ġhydrocarbon": 36936, + "ĠReverend": 36937, + "Kn": 36938, + "]{": 36939, + "Ġnebul": 36940, + "Ġupbringing": 36941, + "oxia": 36942, + "operability": 36943, + "Ġpharmacological": 36944, + "=âĢĿ": 36945, + "tur": 36946, + "Ġstandalone": 36947, + "Autom": 36948, + "ĠWatts": 36949, + "Jam": 36950, + "Rain": 36951, + "ĠHib": 36952, + "ĠDL": 36953, + "ĠGw": 36954, + "Ġdisinteg": 36955, + "tenant": 36956, + "Ġinterrelated": 36957, + "ickers": 36958, + "Ġfollower": 36959, + "Ġensued": 36960, + "ĠDiwali": 36961, + "ĠPilot": 36962, + "ĠElephant": 36963, + "runtime": 36964, + "umines": 36965, + "ptive": 36966, + "ĠLeib": 36967, + "ADE": 36968, + "ĠWorkplace": 36969, + "ĠLeading": 36970, + "Explain": 36971, + "Ġpaused": 36972, + "Ġbursting": 36973, + "Ġredistribution": 36974, + "Ġphytoplankton": 36975, + "ĠFischer": 36976, + "Ġindexing": 36977, + "Hispanic": 36978, + "ĠAccounts": 36979, + "ĠMosque": 36980, + "Ġcarcinogenic": 36981, + "ĠInfluenza": 36982, + "Radio": 36983, + "Ġcheeses": 36984, + "ĠUranus": 36985, + "Ġping": 36986, + "ĠCerv": 36987, + "Ġ'*": 36988, + "Container": 36989, + "Ġvillain": 36990, + ">>>": 36991, + "ĠPriest": 36992, + "Ġpebbles": 36993, + "breat": 36994, + "hak": 36995, + "Ġprovocative": 36996, + "onders": 36997, + "Ġtransgenic": 36998, + "ierre": 36999, + "Ġnavigated": 37000, + "Seeing": 37001, + "Ġtorrent": 37002, + "Whenever": 37003, + "Franc": 37004, + "Torch": 37005, + "xr": 37006, + "Ġaiding": 37007, + "igators": 37008, + "âĢĵâĢĵ": 37009, + "Ġspecialties": 37010, + "ĠDrum": 37011, + "Ġviolates": 37012, + "ĠHoliday": 37013, + "ĠAngela": 37014, + "Employ": 37015, + "Ġsponges": 37016, + "ĠLama": 37017, + "Ġfooting": 37018, + "Ġstimulant": 37019, + "ĠInitiatives": 37020, + "Ġrationality": 37021, + "Ġtroublesome": 37022, + "arck": 37023, + "Ġvec": 37024, + "calorie": 37025, + "ĠBurmese": 37026, + "Ġunintentional": 37027, + "Ġlocomotive": 37028, + "milk": 37029, + "ĠSodium": 37030, + "ĠRL": 37031, + "Structure": 37032, + "EDIT": 37033, + "Ġexperimentally": 37034, + "Advantages": 37035, + "ĠSussex": 37036, + "á¹Ń": 37037, + "ĠZionist": 37038, + "Ġgroceries": 37039, + "erre": 37040, + "ĠRif": 37041, + "ruff": 37042, + "='')": 37043, + "Ġprefrontal": 37044, + "ĠAngola": 37045, + "ĠCameroon": 37046, + "Ġrosemary": 37047, + "Ġfuturistic": 37048, + "^^^^": 37049, + "ĠTheorem": 37050, + "Ġforge": 37051, + "Chicago": 37052, + "ESA": 37053, + "ĠXIV": 37054, + "Ġviolently": 37055, + "experienced": 37056, + "ĠIcelandic": 37057, + "ĠMaurice": 37058, + "Effects": 37059, + "mouse": 37060, + "Ġarthrop": 37061, + "berspace": 37062, + "Ġmultim": 37063, + "radio": 37064, + "menopausal": 37065, + "windows": 37066, + "ĠHeadquarters": 37067, + "Ġslightest": 37068, + "Ġreimburse": 37069, + "ĠTissue": 37070, + "alsa": 37071, + "ĠNewcastle": 37072, + "instru": 37073, + "Republic": 37074, + "tell": 37075, + "ipus": 37076, + "ologia": 37077, + "()}": 37078, + "Ġmicroscopes": 37079, + "Ġwarehouses": 37080, + "zan": 37081, + "emphas": 37082, + "ĠDil": 37083, + "Ġsubsidy": 37084, + "ĠVariations": 37085, + "uen": 37086, + "ĠRect": 37087, + "perf": 37088, + "insically": 37089, + "Ġreputed": 37090, + "Ġconnotations": 37091, + "ĠAppeal": 37092, + "Ġsenator": 37093, + "ĠInsights": 37094, + "Ġjurisprudence": 37095, + "Ġdiscounted": 37096, + "Ġdeterrent": 37097, + "Ġsalvage": 37098, + "Ġdispatched": 37099, + "ĠCream": 37100, + "assuming": 37101, + "Ġattest": 37102, + "ĠShadow": 37103, + "Ġassesses": 37104, + "currently": 37105, + "Suggest": 37106, + "Ġmosques": 37107, + "ĠMandarin": 37108, + "ĠProperly": 37109, + "Ġmetaphysics": 37110, + "ĠRican": 37111, + "ĠNerv": 37112, + "ĠOre": 37113, + "Ġspars": 37114, + "Ġinterpreters": 37115, + "Ġ\\'": 37116, + "ĠRelax": 37117, + "ĠSerbian": 37118, + "Ġtraceback": 37119, + "ĠVenetian": 37120, + "Ġbitterness": 37121, + "Links": 37122, + "ÑĪ": 37123, + "Ġtonic": 37124, + "Ġmonoc": 37125, + "weighted": 37126, + "Ġshredded": 37127, + "Mexico": 37128, + "Mobile": 37129, + "rnn": 37130, + "Ġbaff": 37131, + "icists": 37132, + "Ġthorn": 37133, + "princ": 37134, + "ĠSharon": 37135, + "ĠMacArthur": 37136, + "Usage": 37137, + "Ġkilow": 37138, + "åı¯": 37139, + "ĠDocumentation": 37140, + "Ġimplantation": 37141, + "Ġquirky": 37142, + "Prepare": 37143, + "gie": 37144, + "ç§": 37145, + "ĠTED": 37146, + "Ġundergraduates": 37147, + "ĠVil": 37148, + "adders": 37149, + "findall": 37150, + "Ġresonated": 37151, + "Ġextraordinarily": 37152, + "Ġtangent": 37153, + "ĠTerminal": 37154, + "ĠFootball": 37155, + "Ġhydroxide": 37156, + "alyses": 37157, + "FIX": 37158, + "rst": 37159, + "Ġreaffirm": 37160, + "ryn": 37161, + "Ġstereo": 37162, + "Ġfractional": 37163, + "ĠDEFAULT": 37164, + "ĠRFID": 37165, + "KB": 37166, + "ĠIst": 37167, + "antes": 37168, + "Ġencyclop": 37169, + "pland": 37170, + "ĠAnnot": 37171, + "Ġcorpse": 37172, + "ĠLeices": 37173, + "Ġerotic": 37174, + "Ġroadmap": 37175, + "Ġpetty": 37176, + "ĠHandling": 37177, + "cardia": 37178, + "otypical": 37179, + "ĠBott": 37180, + "ruck": 37181, + "ĠkHz": 37182, + "Ġarctic": 37183, + "cius": 37184, + "Ġbetting": 37185, + "ĠSheets": 37186, + "иÑı": 37187, + "Ġenormously": 37188, + "à¥Ģ": 37189, + "ĠCommentary": 37190, + "Ġdisguised": 37191, + "uj": 37192, + "ĠFork": 37193, + "ĠEmir": 37194, + "Ġsteamed": 37195, + "ĠRefer": 37196, + "Ġinhibitory": 37197, + "antha": 37198, + "Ġnaive": 37199, + "Congress": 37200, + "ĠBedford": 37201, + "Ġrepellent": 37202, + "Fif": 37203, + "Rot": 37204, + "Runtime": 37205, + "ĠTABLE": 37206, + "ĠHorses": 37207, + "Ġneb": 37208, + "Ġquaint": 37209, + "neck": 37210, + "Ġmemo": 37211, + "appropri": 37212, + "ĠExhib": 37213, + "Spin": 37214, + "Ġunrestricted": 37215, + "WORK": 37216, + "wi": 37217, + "olite": 37218, + "igham": 37219, + "Ġatypical": 37220, + "minutes": 37221, + "Ġconcur": 37222, + "ĠScal": 37223, + "factors": 37224, + "Ġ/=": 37225, + "ĠRegions": 37226, + "glades": 37227, + "Ġaffiliations": 37228, + "ĠSensory": 37229, + "Ġattentively": 37230, + "parsed": 37231, + "mL": 37232, + "Ġfringe": 37233, + "ĠNZ": 37234, + "ĠGamb": 37235, + "episode": 37236, + "rosse": 37237, + "ĠINTO": 37238, + "Ġgorillas": 37239, + "ĠIroquois": 37240, + "Fall": 37241, + "Ġpromul": 37242, + "Ġbalcon": 37243, + "logical": 37244, + "Ġrecounts": 37245, + "Ġcoworkers": 37246, + "Matt": 37247, + "xious": 37248, + "è§": 37249, + "ĠRaf": 37250, + "Ġscanners": 37251, + "Ġsublime": 37252, + "askan": 37253, + "objective": 37254, + "Ġgelatin": 37255, + "ĠTac": 37256, + "Ġbeacon": 37257, + "Ġdonating": 37258, + "aughtered": 37259, + "boys": 37260, + "Ġrobustness": 37261, + "ĠIntegrity": 37262, + "ĠNeph": 37263, + "Provide": 37264, + "ĠCromwell": 37265, + "Cit": 37266, + "mx": 37267, + "adia": 37268, + "ĠBJ": 37269, + "arez": 37270, + "ĠRecall": 37271, + "ggish": 37272, + "Ġopium": 37273, + "Ġobsessed": 37274, + "Ġacquisitions": 37275, + "ĠTHAT": 37276, + "Nic": 37277, + "PTSD": 37278, + "tolerant": 37279, + "ĠBes": 37280, + "ĠJP": 37281, + "ĠStere": 37282, + "compliance": 37283, + "Ġeffected": 37284, + "ategies": 37285, + "Ġvoiced": 37286, + "ĠGraves": 37287, + "Ġirritate": 37288, + "Ġvividly": 37289, + "iator": 37290, + "vor": 37291, + "Ġpharaoh": 37292, + "ducers": 37293, + "Ġworthless": 37294, + "ĠRelative": 37295, + "Ġlegislatures": 37296, + "computers": 37297, + "deepcopy": 37298, + "ĠSculpt": 37299, + "Ġpeac": 37300, + "Ġrhino": 37301, + "ĠSymbolism": 37302, + "Marc": 37303, + "hara": 37304, + "Ġtanning": 37305, + "ĠForensic": 37306, + "digits": 37307, + "ĠSpringfield": 37308, + "Wikipedia": 37309, + "kb": 37310, + "spring": 37311, + "Ġsock": 37312, + "ĠCry": 37313, + "thr": 37314, + "Ġfieldwork": 37315, + "itecture": 37316, + "ĠSenegal": 37317, + "Archae": 37318, + "Und": 37319, + "osse": 37320, + "Ġsubtype": 37321, + "ĠGoddard": 37322, + "ĠCompact": 37323, + "ĠAccuracy": 37324, + "Ġvineyards": 37325, + "ĠAccountability": 37326, + "ĠCollective": 37327, + "Ġoscillations": 37328, + "ĠFellowship": 37329, + "Mot": 37330, + "Ġbends": 37331, + "ĠFossil": 37332, + "inker": 37333, + "Ġpainstaking": 37334, + "backup": 37335, + "Ġfaç": 37336, + "Ġthunderstorms": 37337, + "ĠHercules": 37338, + "Ġultrasonic": 37339, + "]',": 37340, + "cancel": 37341, + "ĠFertil": 37342, + "Ġdistillation": 37343, + "letcher": 37344, + "ĠAbbas": 37345, + "ĠMyths": 37346, + "Ġcommenting": 37347, + "ODE": 37348, + "åĪĨ": 37349, + "Ġpigeons": 37350, + "esare": 37351, + "ĠDear": 37352, + "ffes": 37353, + "ovan": 37354, + "randa": 37355, + "ĠEmerson": 37356, + "rologic": 37357, + "Ġimmortality": 37358, + "Progress": 37359, + "=('": 37360, + "Ġsecrete": 37361, + "exchange": 37362, + "Ġendorph": 37363, + "Ġetching": 37364, + "Ġmalt": 37365, + "Ġcafé": 37366, + "Ġengraving": 37367, + "fw": 37368, + "invol": 37369, + "Ġcochle": 37370, + "ĠAnalog": 37371, + "Ġgathers": 37372, + "Ġassembling": 37373, + "Ġaccompanies": 37374, + "embourg": 37375, + "ĠCriticism": 37376, + "ĠPutin": 37377, + "Ġbesie": 37378, + "nothing": 37379, + "Ġls": 37380, + "ĠCAS": 37381, + "ĠLT": 37382, + "ĠAnnals": 37383, + "Ġrectangles": 37384, + "Ġiprot": 37385, + "rocytes": 37386, + ")`": 37387, + "Sorry": 37388, + "Ġserene": 37389, + "Ġunpopular": 37390, + "Ġrag": 37391, + "ĠYin": 37392, + "Ġrefund": 37393, + "Ġelem": 37394, + "ĠCOPY": 37395, + "ĠGlad": 37396, + "Ġsemen": 37397, + "traffic": 37398, + "ĠTimeline": 37399, + "Basically": 37400, + "ĠEditorial": 37401, + "ĠPueblo": 37402, + "lane": 37403, + "yen": 37404, + "Ġcuisines": 37405, + "Ġrethink": 37406, + "sticks": 37407, + "Ġshaman": 37408, + "Ġamounted": 37409, + "Ġgeom": 37410, + "Ġplea": 37411, + "Instructions": 37412, + "Ġobscured": 37413, + "Ġabolitionist": 37414, + "ĠAires": 37415, + "thresh": 37416, + "ĠDress": 37417, + "Ġplumes": 37418, + "ĠWeiss": 37419, + "ecs": 37420, + "Ġincense": 37421, + "Ġfunctioned": 37422, + "detach": 37423, + "Ġgentlemen": 37424, + "Ġannexed": 37425, + "alon": 37426, + "alination": 37427, + "Ġfren": 37428, + "Ġmodality": 37429, + "anya": 37430, + "ĠXia": 37431, + "ĠBohem": 37432, + "ĠMagdal": 37433, + "Ġpapal": 37434, + "Ġshrines": 37435, + "ĠAbsolute": 37436, + "Sequential": 37437, + "Dense": 37438, + "thia": 37439, + "undi": 37440, + "Ġiii": 37441, + "Ġassaults": 37442, + "Ġsynchronized": 37443, + "Ġstagnant": 37444, + "Ġransomware": 37445, + "xlim": 37446, + "ĠSort": 37447, + "emes": 37448, + "Ġsubgroups": 37449, + "Ġrunway": 37450, + "ĠMemoir": 37451, + "Ġdisrupts": 37452, + "Ġguarding": 37453, + "Ġdigitized": 37454, + "Ġspokesperson": 37455, + "toplasm": 37456, + "Reduce": 37457, + "tune": 37458, + "hetti": 37459, + "ĠCorb": 37460, + "ĠNV": 37461, + "ĠGuild": 37462, + "Ġsettler": 37463, + "opolitan": 37464, + "resolve": 37465, + "Ġindifferent": 37466, + "Ġsummoned": 37467, + "ččĊĠĠĠĠĠĠĠĠččĊĠĠĠĠĠĠĠĠĠĠĠ": 37468, + "vc": 37469, + "ĠAmin": 37470, + "Ġoverlay": 37471, + "Ġfoodborne": 37472, + "ĠLett": 37473, + "interested": 37474, + "Entity": 37475, + "ĠPhillip": 37476, + "Ġtorpedo": 37477, + "Ġimpat": 37478, + "Ġactress": 37479, + "owns": 37480, + "()).": 37481, + "ĠShows": 37482, + "agogues": 37483, + "ĠDharma": 37484, + "Catholic": 37485, + ".''": 37486, + "Brien": 37487, + "answered": 37488, + "shield": 37489, + "REEN": 37490, + "netes": 37491, + "ĠHighland": 37492, + "ĠAutumn": 37493, + "Ġmistrust": 37494, + "Ġventral": 37495, + "Ġskulls": 37496, + "ĠAmbassador": 37497, + "Ġcorrobor": 37498, + "ζÏī": 37499, + "Solution": 37500, + "fy": 37501, + "ilic": 37502, + "imen": 37503, + "ussis": 37504, + "Ġdirectives": 37505, + "atsby": 37506, + "ĠAmmon": 37507, + "Going": 37508, + "Ġharnessed": 37509, + "ĠStevenson": 37510, + "(%": 37511, + "Cred": 37512, + "ĠMile": 37513, + "acet": 37514, + "getting": 37515, + "Ġ/>": 37516, + "Ready": 37517, + "obacterium": 37518, + "Hash": 37519, + "iters": 37520, + "izon": 37521, + "Ġoffending": 37522, + "ĠRevised": 37523, + "Ġcongru": 37524, + "speech": 37525, + "cdc": 37526, + "ĠTribal": 37527, + "Ġtrimmed": 37528, + "Panel": 37529, + "Ġindifference": 37530, + "AU": 37531, + "Ġfuss": 37532, + "Ġburs": 37533, + "arrays": 37534, + "ĠMG": 37535, + "icker": 37536, + "ĠHowe": 37537, + "coated": 37538, + "ĠWorldwide": 37539, + "ĠCultivating": 37540, + "################################################": 37541, + "Ġdistracting": 37542, + "Ġnodules": 37543, + "wheat": 37544, + "ĠLynch": 37545, + "---------------------------": 37546, + "Ġtaxpayer": 37547, + "ĠBalkans": 37548, + "Ġnematodes": 37549, + "JV": 37550, + "vascular": 37551, + "ĠIELTS": 37552, + "NAP": 37553, + "mberg": 37554, + "DEV": 37555, + "likelihood": 37556, + "Ġorthopedic": 37557, + "twitter": 37558, + "probability": 37559, + "abytes": 37560, + "Ġequivalents": 37561, + "Ġenergized": 37562, + "Russia": 37563, + "£": 37564, + "anity": 37565, + "Ġsue": 37566, + "Ġwasp": 37567, + "ĠConversion": 37568, + "ĠShin": 37569, + "Ġcollectibles": 37570, + "hetamine": 37571, + "ĠMalaria": 37572, + "Ġgrandeur": 37573, + "Others": 37574, + "Ġstabilized": 37575, + "ĠRainbow": 37576, + "ĠAdvancement": 37577, + "Ġmismatch": 37578, + "åĩº": 37579, + "Dam": 37580, + "}_{": 37581, + "otene": 37582, + "ĠStanton": 37583, + "Ġtraff": 37584, + "ĠVoting": 37585, + "Ġgenotypes": 37586, + "Ġhump": 37587, + "Ġglam": 37588, + "Ġwholeheartedly": 37589, + "Ġstarving": 37590, + "Ġstabilizing": 37591, + "Ġbenzene": 37592, + "Ġtheologians": 37593, + "ĠTrad": 37594, + "Ġprovisional": 37595, + "Ġtopographic": 37596, + "ĠSuicide": 37597, + "lamydia": 37598, + "ĠWorker": 37599, + "higher": 37600, + "Lo": 37601, + "yah": 37602, + "Ġtidy": 37603, + "Ġstumble": 37604, + "Ġchis": 37605, + "ĠEras": 37606, + "ĠOrderedDict": 37607, + "Ġtracker": 37608, + "Ġdisagreed": 37609, + "Ġspellings": 37610, + "ipotent": 37611, + "lio": 37612, + "iland": 37613, + "ĠAuckland": 37614, + "andi": 37615, + "Ġintakes": 37616, + "ĠUAV": 37617, + "Ġinferences": 37618, + "Ġsignalling": 37619, + "ĠColleges": 37620, + "Ġenhancements": 37621, + "Ġaspire": 37622, + "ĠEphes": 37623, + "rinos": 37624, + "од": 37625, + "ĠArmenians": 37626, + "Initially": 37627, + "ĠVersailles": 37628, + "Ġglycogen": 37629, + "Lack": 37630, + "Mit": 37631, + "Ġtundra": 37632, + "Ġlily": 37633, + "ĠCG": 37634, + "ĠDiana": 37635, + "Ġaccelerator": 37636, + "Ġfractured": 37637, + "Ġphonetic": 37638, + "ĠTribes": 37639, + "Ġtrimming": 37640, + "Ġbuzzing": 37641, + "ĠEurasian": 37642, + "Ġreceipts": 37643, + "Win": 37644, + "warming": 37645, + "ĠAH": 37646, + "ĠThemes": 37647, + "ĠFirm": 37648, + "phans": 37649, + "Ġprism": 37650, + "Ġtotals": 37651, + "ĠSmooth": 37652, + "Percent": 37653, + "Patient": 37654, + "Ġeyebrows": 37655, + "Linux": 37656, + "×ij": 37657, + "ĠMIN": 37658, + "ĠImmediately": 37659, + "``.": 37660, + "Ġportfolios": 37661, + "Ġexpressly": 37662, + "ĠAcids": 37663, + "Ġsymbolized": 37664, + "Williams": 37665, + "ĠToward": 37666, + "ĠAndreas": 37667, + "Ġgossip": 37668, + "igions": 37669, + "ĠCind": 37670, + "ĠNAD": 37671, + "Ġoutc": 37672, + "pleting": 37673, + "Ġdenies": 37674, + "Ġ'/'": 37675, + "Ġirregularities": 37676, + "Ġawaits": 37677, + "Ġawaited": 37678, + "Ġmyocardial": 37679, + "ĠPorts": 37680, + "ĠFreed": 37681, + "Ġacoust": 37682, + "ĠPoems": 37683, + "Ġresembled": 37684, + "gotten": 37685, + "hose": 37686, + "recent": 37687, + "ĠFo": 37688, + "Ġobjectivity": 37689, + "iscrim": 37690, + "Ġlimitless": 37691, + "ELS": 37692, + "Ġpretending": 37693, + "Ġsynapses": 37694, + "Ġplatelet": 37695, + "Ġnascent": 37696, + "Ġwatersheds": 37697, + "ĠInstrument": 37698, + "Ġsermons": 37699, + "Ġpercussion": 37700, + "Cognitive": 37701, + "Ġloci": 37702, + "ĠHuff": 37703, + "Ġpreterm": 37704, + "Ġwooded": 37705, + "ĠProtected": 37706, + "Ġinserts": 37707, + "Ġcommemoration": 37708, + "ĠBren": 37709, + "ĠBuk": 37710, + "ĠWarner": 37711, + "ultures": 37712, + "interpol": 37713, + "ĠMarion": 37714, + "ĠContinuing": 37715, + "chrane": 37716, + "dial": 37717, + "received": 37718, + "athed": 37719, + "enoids": 37720, + "Ġpkg": 37721, + "Ġbeard": 37722, + "terror": 37723, + "ĠJump": 37724, + "Ġark": 37725, + "Ġherring": 37726, + "Ġslaughtered": 37727, + "ĠXII": 37728, + "USDA": 37729, + "Accessed": 37730, + "Ġammonium": 37731, + "Ġcorrupted": 37732, + "Ġhitherto": 37733, + "iators": 37734, + "Ġdart": 37735, + "Ġdispatch": 37736, + "Ġformulating": 37737, + "Ġbarred": 37738, + "ĠEstimates": 37739, + "Ġbreads": 37740, + "iticus": 37741, + "Ġdystrophy": 37742, + "lbl": 37743, + "asies": 37744, + "ĠUCS": 37745, + "Ġstartups": 37746, + "ĠColin": 37747, + "Ġlowercase": 37748, + "STATE": 37749, + "ukkah": 37750, + "Decl": 37751, + "Ġherbivores": 37752, + "protection": 37753, + "Past": 37754, + "Ġvaping": 37755, + "ĠStraw": 37756, + "Ġoverarching": 37757, + "scopic": 37758, + "notification": 37759, + "ĠWarfare": 37760, + "Ġreactivity": 37761, + "Ġdrawback": 37762, + "ĠLao": 37763, + "ĠRecipes": 37764, + "Ġpandemics": 37765, + "ĠDoug": 37766, + "difference": 37767, + "iacin": 37768, + "ĠEmpowerment": 37769, + "Southern": 37770, + "cognitive": 37771, + "Ġchilling": 37772, + "ĠNiel": 37773, + "ellaneous": 37774, + "Ġcarers": 37775, + "Ġleftovers": 37776, + "Ġcheapest": 37777, + "Ġmulticulturalism": 37778, + "Ġseeding": 37779, + "ĠGT": 37780, + "ĠIntermediate": 37781, + "ovsky": 37782, + "Ġhomepage": 37783, + "ĠXXX": 37784, + "Ġmutated": 37785, + "Ġbulls": 37786, + "ĠDrake": 37787, + "ĠTunnel": 37788, + "Ġstenosis": 37789, + "illusion": 37790, + "ĠEzekiel": 37791, + "Ġaboriginal": 37792, + "ustering": 37793, + "Ġorganise": 37794, + "ĠSpray": 37795, + "Ġλ": 37796, + "ĠMemor": 37797, + "âĸĪâĸĪâĸĪâĸĪ": 37798, + "Driver": 37799, + "Ġcached": 37800, + "ĠSquir": 37801, + "ĠMud": 37802, + "ĠGets": 37803, + "Ġtril": 37804, + "Ġscents": 37805, + "Ġincumbent": 37806, + "Items": 37807, + "Ġcyclic": 37808, + "Ġfierc": 37809, + "LG": 37810, + "nose": 37811, + "idental": 37812, + "Ġterribly": 37813, + "ĠXin": 37814, + "ĠCoach": 37815, + "Ġconveyor": 37816, + "Ġcrackers": 37817, + "ĠPoké": 37818, + "Wave": 37819, + "gil": 37820, + "jee": 37821, + "Ġfh": 37822, + "Ġstole": 37823, + "ĠChip": 37824, + "Ġdiast": 37825, + "Ġvalor": 37826, + "__[\"": 37827, + "unda": 37828, + "coeff": 37829, + "ĠIntrigued": 37830, + "Ġγ": 37831, + "Ġtubular": 37832, + "ĠPsalms": 37833, + "ĠCroatian": 37834, + "Authors": 37835, + "ĠVand": 37836, + "Ġhandwritten": 37837, + "Ġstriped": 37838, + "Ġwebinar": 37839, + "Ġseafloor": 37840, + "Ġdeceit": 37841, + "Ġsqueezed": 37842, + "Ġdetergent": 37843, + "Ġws": 37844, + "ĠCJ": 37845, + "employ": 37846, + "ĠRocks": 37847, + "Ġadhered": 37848, + "Ġastounding": 37849, + "Ġmagnetism": 37850, + "ĠVolunteers": 37851, + "Navigating": 37852, + "CLUDING": 37853, + "aler": 37854, + "Ġcomorbid": 37855, + "Ġ#:": 37856, + "Ġplaywright": 37857, + "Ġpurported": 37858, + "Ġdominating": 37859, + "Ġwhispers": 37860, + "ĠStafford": 37861, + "Organic": 37862, + "vn": 37863, + "inen": 37864, + "ĠMouth": 37865, + "Ġdisl": 37866, + "Ġcausation": 37867, + "ĠZones": 37868, + "ogenetic": 37869, + "ĠEscher": 37870, + "Soup": 37871, + "acional": 37872, + "Internal": 37873, + "oflav": 37874, + "ĠWaterloo": 37875, + "Ġclimax": 37876, + "Ġnanom": 37877, + "Ġneglecting": 37878, + "Ġwhirl": 37879, + "Ġ(>": 37880, + "ĠMord": 37881, + "ĠWeapons": 37882, + "ĠProto": 37883, + "ĠBlair": 37884, + "Ġsalivary": 37885, + "Ġabstracts": 37886, + "Ġexporting": 37887, + "ĠLatvia": 37888, + "Ġsurfing": 37889, + "uptools": 37890, + "Ġthighs": 37891, + "FET": 37892, + "recht": 37893, + "ĠEk": 37894, + "Ġheroism": 37895, + "Ġpitched": 37896, + "clockwise": 37897, + "Ġnecrosis": 37898, + "Conse": 37899, + "cia": 37900, + "hana": 37901, + "yas": 37902, + "ĠOman": 37903, + "Ġcorneal": 37904, + "ĠPhon": 37905, + "Ġdragging": 37906, + "ĠFirefox": 37907, + "Ġreplenish": 37908, + "ĠGeoffrey": 37909, + "Push": 37910, + "æĢ": 37911, + "Ġinactivity": 37912, + "ĠWitt": 37913, + "ĠEck": 37914, + "Ġwheezing": 37915, + "Ġfunctools": 37916, + "Ġglove": 37917, + "nery": 37918, + "eeper": 37919, + "Ġunfolds": 37920, + "ĠAtlantis": 37921, + "Fred": 37922, + "sugar": 37923, + "Ġlactic": 37924, + "Ġrelocate": 37925, + "Ġhardwood": 37926, + "Ġcredential": 37927, + "Ġoverwhelm": 37928, + "Ġtilted": 37929, + "Ġparachute": 37930, + "Scan": 37931, + "ozyg": 37932, + "Ġinquire": 37933, + "ĠHB": 37934, + "peas": 37935, + "Ġspoons": 37936, + "Strong": 37937, + "bras": 37938, + "ĠDanube": 37939, + "ĠMcGraw": 37940, + "ĠCustoms": 37941, + "Func": 37942, + "mine": 37943, + "ĠEfficient": 37944, + "endo": 37945, + "Ġinteriors": 37946, + "ĠSpart": 37947, + "Ġinternships": 37948, + "Ġrespectable": 37949, + "interpretation": 37950, + "Ġvalidating": 37951, + "ĠHumanity": 37952, + "depending": 37953, + "Ġgangs": 37954, + "ĠConsciousness": 37955, + "ĠDud": 37956, + "ĠKai": 37957, + "Ġtrich": 37958, + "Ġacetyl": 37959, + "Ġspeci": 37960, + "Ġpastime": 37961, + "latitude": 37962, + "Office": 37963, + "Describe": 37964, + "Ġdismantling": 37965, + "Located": 37966, + "Ġheed": 37967, + "raming": 37968, + "Ġpolling": 37969, + "Ġantise": 37970, + "Ġfluidity": 37971, + "Ġkinase": 37972, + "Processing": 37973, + "Ġluminous": 37974, + "POSE": 37975, + "Ġkelp": 37976, + "inium": 37977, + "Ġbothered": 37978, + "ulents": 37979, + "ĠHaj": 37980, + "ernacle": 37981, + "Ġmarrying": 37982, + "Convert": 37983, + "Ġhabitual": 37984, + "Ġnucleic": 37985, + "runc": 37986, + "Ġculm": 37987, + "Ġscrape": 37988, + "Ġflavonoids": 37989, + "+,": 37990, + "loving": 37991, + "åī": 37992, + "inately": 37993, + "Ġpomegran": 37994, + "Ġnomenclature": 37995, + "ĠFDR": 37996, + "Ġabortions": 37997, + "akk": 37998, + "Ġpractised": 37999, + "Ġengulf": 38000, + "Ġpsychic": 38001, + "Ġgalactic": 38002, + "Ġmemorizing": 38003, + "ĠEstablished": 38004, + "ĠCum": 38005, + "ĠMuk": 38006, + "ĠHof": 38007, + "Ġscant": 38008, + "Ġfireplace": 38009, + "Ġhemisp": 38010, + "ĠSecretariat": 38011, + "ĠLogan": 38012, + "Ġprioritizing": 38013, + "squared": 38014, + "Ġacetate": 38015, + "Ġglyphosate": 38016, + "ULE": 38017, + "rpc": 38018, + "é¡": 38019, + "Ġvandal": 38020, + "univers": 38021, + "Ġshipment": 38022, + "Ġunmarried": 38023, + "berra": 38024, + "Ġheral": 38025, + "Ġreasoned": 38026, + "Ġworsened": 38027, + "ĠĊĊ": 38028, + "Ġbast": 38029, + "ĠEmancipation": 38030, + "ĊĉĉĊĉ": 38031, + "ĠAirlines": 38032, + "Ġfleeting": 38033, + "ĠLyon": 38034, + "continental": 38035, + "Irish": 38036, + "Ġinversion": 38037, + "Ġnineteen": 38038, + "ghum": 38039, + "ahi": 38040, + "Streng": 38041, + "ĠCriteria": 38042, + "Ġimprovisation": 38043, + "=',": 38044, + "]\"": 38045, + "lazy": 38046, + "ĠYuan": 38047, + "ĠGenocide": 38048, + "remely": 38049, + "व": 38050, + "ĠEquation": 38051, + "Disclaimer": 38052, + "svg": 38053, + "ĠVisualization": 38054, + "Ġleaky": 38055, + "ĠElev": 38056, + "Ġplummet": 38057, + "Ĥ¹": 38058, + "Ġtipping": 38059, + "heon": 38060, + "Ġsir": 38061, + "ivar": 38062, + "ĠDone": 38063, + "transition": 38064, + "Selected": 38065, + "fine": 38066, + "vv": 38067, + "ĠAph": 38068, + "oreal": 38069, + "Ġhasht": 38070, + "ĠFounded": 38071, + "Ġmortg": 38072, + "Ġsincerely": 38073, + "lest": 38074, + "lé": 38075, + "Ġsip": 38076, + "Ġhilar": 38077, + "Ġ(#": 38078, + "ĠSafari": 38079, + "ĠVerde": 38080, + "ĠBuenos": 38081, + "helium": 38082, + "âľ": 38083, + "Ġbould": 38084, + "Ġsax": 38085, + "Ġdecks": 38086, + "Proxy": 38087, + "Ġprecarious": 38088, + "Ġtackled": 38089, + "Across": 38090, + "plementary": 38091, + "SIG": 38092, + "zep": 38093, + "Ġdol": 38094, + "ĠMek": 38095, + "ĠEph": 38096, + "Ġclones": 38097, + "Ġpreacher": 38098, + "oldt": 38099, + "ĠSeab": 38100, + "ĠHolt": 38101, + "ĠOngoing": 38102, + "Ven": 38103, + "Vacc": 38104, + "Ùij": 38105, + "ĠÑĤ": 38106, + "ecia": 38107, + "Ġsymposium": 38108, + "Ġbirch": 38109, + "Env": 38110, + "labeled": 38111, + "Ġsouven": 38112, + "Ġmeteorite": 38113, + "Ġsprinkle": 38114, + "Temperature": 38115, + "Ġempathize": 38116, + "ĠTian": 38117, + "andan": 38118, + "ĠFrog": 38119, + "ĠRelevant": 38120, + "Ġmediate": 38121, + "Ġmete": 38122, + "Ġgrilled": 38123, + "ĠGuang": 38124, + "LEFT": 38125, + "Install": 38126, + "Ġdilution": 38127, + "Ġsteeped": 38128, + "Ġcrucifixion": 38129, + "ĠMorton": 38130, + "orget": 38131, + "Ġbible": 38132, + "Ġgib": 38133, + "atement": 38134, + "ĠBarth": 38135, + "ĠFighting": 38136, + "Ġcallable": 38137, + "readable": 38138, + "(\"[": 38139, + "Ġcamels": 38140, + "Ġchestnut": 38141, + "Ġmorphine": 38142, + "MODE": 38143, + "ĠPleistocene": 38144, + "Joint": 38145, + "ĠSER": 38146, + "ĠLore": 38147, + "Ġ\"(": 38148, + "Ġresins": 38149, + "Ġjaundice": 38150, + "letic": 38151, + "ĠSheffield": 38152, + "ĠPrevalence": 38153, + "Ġabandoning": 38154, + "Ġtensile": 38155, + "`)": 38156, + "Ġarable": 38157, + "Ġsapiens": 38158, + "owell": 38159, + "rouse": 38160, + "Ġraft": 38161, + "Ġsurges": 38162, + "psi": 38163, + "Ġhardening": 38164, + "IFE": 38165, + "Ġproximal": 38166, + "Ġdenomination": 38167, + "Ġinhale": 38168, + "Better": 38169, + "Ġoatmeal": 38170, + "ç¤": 38171, + "ĠHg": 38172, + "Ġtrader": 38173, + "ugu": 38174, + "ĠFlav": 38175, + "Ġseriousness": 38176, + "ĠSomers": 38177, + "roxy": 38178, + "Ġbuffers": 38179, + "hells": 38180, + "Ġibuprofen": 38181, + "Schools": 38182, + "Ġabbreviations": 38183, + "Ġoverest": 38184, + "Cand": 38185, + "Live": 38186, + "ombs": 38187, + "Ġtruss": 38188, + "Ġinfar": 38189, + "Ġconsequent": 38190, + "ĠVariables": 38191, + "Ġinsisting": 38192, + "Egypt": 38193, + "ĠSob": 38194, + "ountains": 38195, + "accum": 38196, + "ĠInsulin": 38197, + "execution": 38198, + "Numerous": 38199, + "Validator": 38200, + "bodied": 38201, + "Ñİ": 38202, + "Ġsails": 38203, + "Ġconscientious": 38204, + "Ġaddr": 38205, + "Ġinterdependence": 38206, + "ĠAspects": 38207, + "Ġcranes": 38208, + "ĠHerb": 38209, + "ĠSurely": 38210, + "rash": 38211, + "onso": 38212, + "isins": 38213, + "ĠSSH": 38214, + "Ġrc": 38215, + "Ġintrusive": 38216, + "ipzig": 38217, + "ĠMedication": 38218, + "ĠBlanc": 38219, + "ippings": 38220, + "Ġtummy": 38221, + "Ġeastward": 38222, + "Ġtaboo": 38223, + ")$": 38224, + "DAR": 38225, + "Schol": 38226, + "shed": 38227, + "watching": 38228, + "ש": 38229, + "iry": 38230, + "Ġpastries": 38231, + "=\"\",": 38232, + "Ġlinkages": 38233, + "Ġweakens": 38234, + "Ġdisinfection": 38235, + "ĠHellenistic": 38236, + "Ġpeaked": 38237, + "ĠKem": 38238, + "Ġschematic": 38239, + "psum": 38240, + "ĠReb": 38241, + "tta": 38242, + "Ġcreditors": 38243, + "Ġsnowfall": 38244, + "Ġclarifying": 38245, + "zymatic": 38246, + "Ġscarlet": 38247, + "Ġlarva": 38248, + "Ġperiphery": 38249, + "Ġguerrilla": 38250, + "Split": 38251, + "Ġcnt": 38252, + "Ġcephal": 38253, + "Ġinfographic": 38254, + "Ġcorrosive": 38255, + "ĠCochrane": 38256, + "Arm": 38257, + "Ġthickening": 38258, + "ĠEvol": 38259, + "Ġcyclical": 38260, + "Connor": 38261, + "Ġmimics": 38262, + "coordinate": 38263, + "imony": 38264, + "Ġrugs": 38265, + "Ġquas": 38266, + "Ġtrainees": 38267, + "Ġskim": 38268, + "rotic": 38269, + "warf": 38270, + "ĠLanding": 38271, + "Ġobligated": 38272, + "Ġalertness": 38273, + "Sel": 38274, + "enoid": 38275, + "ĠMét": 38276, + "ĠBeaver": 38277, + "Ġsideways": 38278, + "Region": 38279, + "Ġcyclones": 38280, + "ĠARM": 38281, + "Ġmanagerial": 38282, + "annotations": 38283, + "ĠFatigue": 38284, + "Ġtroubleshooting": 38285, + "Agg": 38286, + "UAL": 38287, + "dou": 38288, + "Ġcrescent": 38289, + "ĠSind": 38290, + "ĠDrain": 38291, + "Ġmonothe": 38292, + "Ġtreasury": 38293, + "ĠMinerals": 38294, + "ĠCounties": 38295, + "Ġdisappro": 38296, + "graphs": 38297, + "ĠRoads": 38298, + "ĠPassword": 38299, + "DH": 38300, + "Dental": 38301, + "bm": 38302, + "ĠSensing": 38303, + "ĠDover": 38304, + "Ġunp": 38305, + "Ġdefy": 38306, + "Ġgroupings": 38307, + "office": 38308, + "Ġillustrative": 38309, + "Ġ{})": 38310, + "Ġchronicles": 38311, + "ĠInflammation": 38312, + "Ġbombardment": 38313, + "Ball": 38314, + "zt": 38315, + "Ġbays": 38316, + "acons": 38317, + "Ġkeyboards": 38318, + "ĠLabrador": 38319, + "Ġdeserted": 38320, + "Ġirritating": 38321, + "ĠManufacturers": 38322, + "Correct": 38323, + "Kh": 38324, + "Ġcasing": 38325, + "esque": 38326, + "ifs": 38327, + "ĠDocker": 38328, + "ellation": 38329, + "ĠOrders": 38330, + "Ġhypnosis": 38331, + "groupby": 38332, + "Ġsimplifying": 38333, + "ĠByzant": 38334, + "Ġperennials": 38335, + "Ġmaiden": 38336, + "Ġff": 38337, + "ĠMog": 38338, + "ĠNem": 38339, + "Ġdetach": 38340, + "yna": 38341, + "Ġwarms": 38342, + "Ġstealth": 38343, + "Ġquantified": 38344, + "ETS": 38345, + "Ġforwards": 38346, + "Ġbottlen": 38347, + "AML": 38348, + "ĠNewsletter": 38349, + "Maximum": 38350, + "Skip": 38351, + "Increased": 38352, + "ĠTutorial": 38353, + "Ġdashboard": 38354, + "Ġdecimals": 38355, + "Ġmetro": 38356, + "Ġmarkup": 38357, + "onese": 38358, + "rapist": 38359, + "Ġatmospheres": 38360, + "Ġmalle": 38361, + "Subthreshold": 38362, + "ĠHandle": 38363, + "ĠUrdu": 38364, + "Ġintensify": 38365, + "ĠCopern": 38366, + "Identifier": 38367, + "Ġaptitude": 38368, + "Ġplaintiff": 38369, + "%;": 38370, + "Mess": 38371, + "rarily": 38372, + "zier": 38373, + "Ġsown": 38374, + "ĠBri": 38375, + "ieg": 38376, + "ĠOrche": 38377, + "Ġinterprets": 38378, + "Overview": 38379, + "Ġgroin": 38380, + "ĠParticipate": 38381, + "Ġcoincided": 38382, + "Ġunconditional": 38383, + "ĠPreventive": 38384, + "Schedule": 38385, + "ĠAeron": 38386, + "ĠRapp": 38387, + "Ġautonomic": 38388, + "Ġmilitant": 38389, + "Breast": 38390, + "Ġanecdotal": 38391, + "/~": 38392, + "CU": 38393, + "ĠACS": 38394, + "odder": 38395, + "ĠDEL": 38396, + "perate": 38397, + "Ġcli": 38398, + "Ġdeserving": 38399, + "(\"<": 38400, + "Ġcalculators": 38401, + "ĠDirectors": 38402, + "Ġunderserved": 38403, + "Ġvisceral": 38404, + "ĠGujarat": 38405, + "Ġincom": 38406, + "Ġdw": 38407, + "Ġdisabling": 38408, + "Ġslate": 38409, + "Ġillusions": 38410, + "iltration": 38411, + "pletely": 38412, + "Ġglossy": 38413, + "Semitism": 38414, + "INA": 38415, + "Northern": 38416, + "saved": 38417, + "etrics": 38418, + "umably": 38419, + "ĠHSV": 38420, + "ĠThyroid": 38421, + "Ġsmog": 38422, + "overflow": 38423, + "texts": 38424, + "Ġdebit": 38425, + "ĠGlou": 38426, + "Ġtranslucent": 38427, + "rottle": 38428, + "Ġcarnivores": 38429, + "Ġdelect": 38430, + "ĠHerman": 38431, + "Ġscam": 38432, + "Ġcomplements": 38433, + "prone": 38434, + "ĠWhale": 38435, + "ĠDewey": 38436, + "Ġmassac": 38437, + "ĠAntiqu": 38438, + "Ġdefeating": 38439, + "Ġrabbis": 38440, + "roscopic": 38441, + "////////": 38442, + "finding": 38443, + "æĮ": 38444, + "aden": 38445, + "Ġripples": 38446, + "ĠDraft": 38447, + "Ġcaller": 38448, + "likes": 38449, + "ĠCommunists": 38450, + "faiss": 38451, + "Ġpuppets": 38452, + "Ġweddings": 38453, + "Clearly": 38454, + "Ġeuph": 38455, + "Cover": 38456, + "Years": 38457, + "zoom": 38458, + "Ġthym": 38459, + "othed": 38460, + "console": 38461, + "appiness": 38462, + "ĠAdministrator": 38463, + "jj": 38464, + "picture": 38465, + "ĥ½": 38466, + "Ġay": 38467, + "enties": 38468, + "uca": 38469, + "Ġfullest": 38470, + "Ġmodernist": 38471, + "ungs": 38472, + "Ġclosures": 38473, + "ĠGreenhouse": 38474, + "Ġsatisfies": 38475, + "Ġirradiation": 38476, + "Ġdexter": 38477, + "quick": 38478, + "ĠDong": 38479, + "Ġseag": 38480, + "Ġperplex": 38481, + "Ġwatermelon": 38482, + "ĠWhites": 38483, + "require": 38484, + "Ġslipping": 38485, + "Ġdeported": 38486, + "possibly": 38487, + "Ġexcretion": 38488, + "Ġetiology": 38489, + "Ġerode": 38490, + "fecture": 38491, + "Ġmagnifying": 38492, + "ĠSTE": 38493, + "skirts": 38494, + "Ġhatched": 38495, + "ĠConsulting": 38496, + "Curious": 38497, + "Ġmarches": 38498, + "Ġeyewitness": 38499, + "!\",": 38500, + "uté": 38501, + "Ġhyster": 38502, + "ĠAbel": 38503, + "naire": 38504, + "Ġmildly": 38505, + ".âĢ¦": 38506, + "Sus": 38507, + "iagn": 38508, + "ĠBodies": 38509, + "ĠNK": 38510, + "REM": 38511, + "Ġpuzzling": 38512, + "Ġcraftsmen": 38513, + "Ġnourishing": 38514, + "abstractmethod": 38515, + "Ġsluggish": 38516, + "ĠMennonite": 38517, + "flex": 38518, + "tract": 38519, + "Ġalumni": 38520, + "ĠROS": 38521, + "ceptors": 38522, + "Ġsidewalk": 38523, + "Ġsleepy": 38524, + "fourth": 38525, + "Ġresignation": 38526, + "ĠPreliminary": 38527, + "Econom": 38528, + "ĠTrading": 38529, + "adena": 38530, + "ĠPitt": 38531, + "Ġemulate": 38532, + "ĠQuad": 38533, + "matmul": 38534, + "ĠSubsequent": 38535, + "ĠWordPress": 38536, + "edient": 38537, + "ĠDual": 38538, + "Ġimposes": 38539, + "Ġevils": 38540, + "Ġmodem": 38541, + "ĠRevision": 38542, + "Ġbooming": 38543, + "URN": 38544, + "ĠWilde": 38545, + "ĠSPF": 38546, + "Cyber": 38547, + "Ö´": 38548, + "ĠCattle": 38549, + "Ġnotoriously": 38550, + "ĠThing": 38551, + "Ġhereby": 38552, + "ĠXu": 38553, + "Ġprophecies": 38554, + "catching": 38555, + "atu": 38556, + "rooted": 38557, + "asyn": 38558, + "ĠSG": 38559, + "ĠFract": 38560, + "ichia": 38561, + "ĠOsw": 38562, + "Ġtrailer": 38563, + "licting": 38564, + "à¤ķ": 38565, + "Enabled": 38566, + "ĠMuseums": 38567, + "Ġcardiomy": 38568, + "Relations": 38569, + "Broad": 38570, + "YP": 38571, + "fib": 38572, + "ĠPrices": 38573, + "assignment": 38574, + "ĠMario": 38575, + "Ġresistors": 38576, + "ampling": 38577, + "ĠGERD": 38578, + "imgs": 38579, + "ĠLing": 38580, + "ishments": 38581, + "Ġskipped": 38582, + "Ġdelinqu": 38583, + "Ġjoys": 38584, + "Extra": 38585, + "Ġsquadron": 38586, + "Ġlandslides": 38587, + "iton": 38588, + "idan": 38589, + "church": 38590, + "Ġmonst": 38591, + "monitoring": 38592, + "Ġuric": 38593, + "Bytes": 38594, + "Ġsonar": 38595, + "Ġventil": 38596, + "ĠPrintable": 38597, + "Ġtransfusion": 38598, + "Ġâī¤": 38599, + "Ġventricle": 38600, + "%|": 38601, + "gren": 38602, + "ipl": 38603, + "matter": 38604, + "ĠPestic": 38605, + "ĠDolph": 38606, + "ĠLil": 38607, + "Ġtransmits": 38608, + "ĠProspect": 38609, + "ĠConrad": 38610, + "Ġdonkey": 38611, + "Ġparentheses": 38612, + "ĠCaliforn": 38613, + "ynamics": 38614, + "ĠJanet": 38615, + "Ġsnowfl": 38616, + "Ġunsatis": 38617, + "Ġbleak": 38618, + "ĠBrock": 38619, + "batches": 38620, + "Ġreinforcements": 38621, + "Ġhindering": 38622, + "ĠIG": 38623, + "ĠFinger": 38624, + "ĠChim": 38625, + "ĠKingston": 38626, + "printed": 38627, + "Ġtimet": 38628, + "Ġbulky": 38629, + "Ġsavage": 38630, + "ĠLaTeX": 38631, + "ĠJerome": 38632, + "Ġnanoscale": 38633, + "Paris": 38634, + "Ġshady": 38635, + "Ġinstantaneous": 38636, + "Ġhindered": 38637, + "Ġhurdle": 38638, + "ĠSynthetic": 38639, + "ĠEmphasis": 38640, + "ĠCoronavirus": 38641, + "Ġreciprocity": 38642, + ".?": 38643, + "rath": 38644, + "ĠTract": 38645, + "ĠFlickr": 38646, + "Ġuninterrupted": 38647, + "avage": 38648, + "Ġfirstly": 38649, + "ĠComet": 38650, + "incarnation": 38651, + "edias": 38652, + "retching": 38653, + "Arg": 38654, + "Ġalgorithmic": 38655, + "Ġmysticism": 38656, + "ĠPotomac": 38657, + "ĠAutomation": 38658, + "WT": 38659, + "Ġhops": 38660, + "ĠTN": 38661, + "acion": 38662, + "ellery": 38663, + "Ġallotted": 38664, + "Ġsoaps": 38665, + "Ġrelinqu": 38666, + "([])": 38667, + "Ġearns": 38668, + "ĠHiggs": 38669, + "Ġundermines": 38670, + "opsy": 38671, + "getitem": 38672, + "Ġamusing": 38673, + "Ġdistressed": 38674, + "coef": 38675, + "Conservation": 38676, + "Ġhieroglyph": 38677, + "Ġfluxes": 38678, + "Ġincarcerated": 38679, + "[...,": 38680, + "iad": 38681, + "sville": 38682, + "ĠDF": 38683, + "Ġinsured": 38684, + "Stats": 38685, + "ĠChristine": 38686, + "ĠPatel": 38687, + "Ġblacksmith": 38688, + "Ġgonna": 38689, + "ĠVernon": 38690, + "gathere": 38691, + "Ġimpulsive": 38692, + "Ġfeasts": 38693, + "atham": 38694, + "Ġinsane": 38695, + ",''": 38696, + "Days": 38697, + "ĠMovie": 38698, + "ĠHello": 38699, + "ERO": 38700, + "ĠXP": 38701, + "Ġfigs": 38702, + "Ġdividend": 38703, + "ие": 38704, + "ĠCalculator": 38705, + "Ġchromatography": 38706, + "Ġalfalfa": 38707, + "Royal": 38708, + "elius": 38709, + "Ġgird": 38710, + "Ġcomrades": 38711, + "Ġenvis": 38712, + "assa": 38713, + "henge": 38714, + "hatma": 38715, + "Ġcompleteness": 38716, + "ĠSTD": 38717, + "Ġracially": 38718, + "Ġnuns": 38719, + "rail": 38720, + "Ġrv": 38721, + "Ġovertime": 38722, + "getenv": 38723, + "Ġcreed": 38724, + "deleted": 38725, + "Ġrestricts": 38726, + "[:]": 38727, + "Ġcocktail": 38728, + "Ġdelimiter": 38729, + "cels": 38730, + "dough": 38731, + "ĠDul": 38732, + "||||": 38733, + "Ġ{:.": 38734, + "Ġcircus": 38735, + "Ġnurseries": 38736, + "Ġillegit": 38737, + "ĠDebate": 38738, + "iety": 38739, + "atlantic": 38740, + "andez": 38741, + "ĠThy": 38742, + "ĠLeeds": 38743, + "ĠXI": 38744, + "Ġdangerously": 38745, + "以": 38746, + "Ġelucidating": 38747, + "ĠButterfly": 38748, + "hythmias": 38749, + "oine": 38750, + "ĠJS": 38751, + "angan": 38752, + "Ġscall": 38753, + "Ġdevout": 38754, + "Ans": 38755, + "flav": 38756, + "indexes": 38757, + "ĠRadical": 38758, + "на": 38759, + "Ġdeteriorating": 38760, + "Ġcoyotes": 38761, + "Ġamalgam": 38762, + "Snow": 38763, + "omies": 38764, + "Ġblaming": 38765, + "ĠCherry": 38766, + "Zero": 38767, + "ĠCholesterol": 38768, + "ĠCaliph": 38769, + "स": 38770, + "ĠJudicial": 38771, + "Ġtempfile": 38772, + "Ġflagship": 38773, + "ĠObservations": 38774, + "Ġpsyched": 38775, + "Ġforeshad": 38776, + "Sa": 38777, + "Ġliner": 38778, + "Ġgaz": 38779, + "cled": 38780, + "ledged": 38781, + "Ġfreeing": 38782, + "remember": 38783, + "ĠSeasonal": 38784, + "woven": 38785, + "Ġpious": 38786, + "Ġbystand": 38787, + "ĠDP": 38788, + "Ġclassmate": 38789, + "ĠZimmer": 38790, + "Ġpolyester": 38791, + "Ġrigidity": 38792, + "Ġdegrading": 38793, + "Ġdubious": 38794, + "(('": 38795, + "fiber": 38796, + "Ġhoc": 38797, + "Ġdipped": 38798, + "))))": 38799, + "Ġpsychologically": 38800, + "ĠEnhancing": 38801, + "ĠMiguel": 38802, + "ĠEas": 38803, + "ĠREST": 38804, + "ĠNun": 38805, + "ovic": 38806, + "ceptives": 38807, + "Ġskirm": 38808, + "prepare": 38809, + "Ġtapes": 38810, + "Ġintensities": 38811, + "ĠFacilities": 38812, + "ĠStaying": 38813, + "Ġcranial": 38814, + "ĠCoss": 38815, + "cyl": 38816, + "inki": 38817, + "Ġlongtime": 38818, + "Ġskillet": 38819, + "Ġcommissioner": 38820, + "ομ": 38821, + "ĠPermission": 38822, + "ĠMinecraft": 38823, + "leneck": 38824, + "Ġeject": 38825, + "Ġchilly": 38826, + "overning": 38827, + "Ġpressured": 38828, + "Ġswinging": 38829, + "ĠAppeals": 38830, + "Ġpropelled": 38831, + "ĠIntergovernmental": 38832, + "Ġsnowy": 38833, + "nourished": 38834, + "sense": 38835, + "Ġthieves": 38836, + "uders": 38837, + "ĠGri": 38838, + "Ġemph": 38839, + "Ġcleft": 38840, + "ĠShannon": 38841, + "Ġsensational": 38842, + "Ġpropeller": 38843, + "ĠPassive": 38844, + "quantity": 38845, + "ĠPOST": 38846, + "ĠMythology": 38847, + "Ġfmt": 38848, + "Ġreclaimed": 38849, + "Ġlinger": 38850, + "ĠDAM": 38851, + "Ġbrink": 38852, + "ĠHelena": 38853, + "ĠDistributed": 38854, + "Ġsinful": 38855, + "ĠHospitals": 38856, + "Ġchronically": 38857, + "Ġcarpenter": 38858, + "ĠEntrepreneurs": 38859, + "Ġurethra": 38860, + "Mars": 38861, + "alions": 38862, + "Ġreferrals": 38863, + "alese": 38864, + "ĠCommunicate": 38865, + "transl": 38866, + "altitude": 38867, + "Compared": 38868, + "åħ¥": 38869, + "ophilus": 38870, + "ĠCzechoslovakia": 38871, + "researc": 38872, + "ĠSJ": 38873, + "ĠJC": 38874, + "ianic": 38875, + "Ġmodulate": 38876, + "Ġsuburb": 38877, + "ahili": 38878, + "umped": 38879, + "ĠMcCl": 38880, + "grave": 38881, + "ĠMorph": 38882, + "Ġarmour": 38883, + "nsics": 38884, + "Signal": 38885, + "/\",": 38886, + "ĻĤ": 38887, + "isot": 38888, + "istas": 38889, + "Ġleaching": 38890, + "Ġcompiling": 38891, + "ĠJR": 38892, + "Ġrecal": 38893, + "{}\".": 38894, + "ĠOpening": 38895, + "Limit": 38896, + "candidate": 38897, + "ousseau": 38898, + "Ġhut": 38899, + "Ġitiner": 38900, + "obias": 38901, + "Ġphobia": 38902, + "Ġbarbec": 38903, + "Ġfairs": 38904, + "ocrats": 38905, + "Ġcoords": 38906, + "Ġdielectric": 38907, + "Ġattendant": 38908, + "Lew": 38909, + "ĠAren": 38910, + "ĠPied": 38911, + "Ġresize": 38912, + "ovable": 38913, + "Ġdownfall": 38914, + "themed": 38915, + "Ġconstitutions": 38916, + "tones": 38917, + "riminals": 38918, + "ĠBiochemistry": 38919, + "Ġprovenance": 38920, + "ĠEverest": 38921, + "eh": 38922, + "Ġbouts": 38923, + "ĠkWh": 38924, + "ĠStaphylococcus": 38925, + "ĠReaction": 38926, + "Ġequinox": 38927, + "disable": 38928, + "Ġidols": 38929, + "dimensions": 38930, + "Ġkillers": 38931, + "Represent": 38932, + "Ġintrinsically": 38933, + "ĠProtective": 38934, + "ĠGentiles": 38935, + "rude": 38936, + "ummer": 38937, + "Ġsaff": 38938, + "Ġdepreciation": 38939, + "evil": 38940, + "ĠBahá": 38941, + "Ġmantra": 38942, + "Ġglutathione": 38943, + "Ġrooftop": 38944, + "Ġbp": 38945, + "Ġsoothe": 38946, + "Ġendpoints": 38947, + "Exit": 38948, + "Ġhunts": 38949, + "Ġreassurance": 38950, + "Ġbetrayed": 38951, + "ĠStrept": 38952, + "Ġretrospect": 38953, + "vac": 38954, + "won": 38955, + "Ġ\"...": 38956, + "Ġestuary": 38957, + "...')": 38958, + "ĠHealthwise": 38959, + "ĠIsraelite": 38960, + "ĠSTUD": 38961, + "ĠSubjects": 38962, + "Brazil": 38963, + "Ġcondemnation": 38964, + "CREATE": 38965, + "Ġilluminates": 38966, + "xes": 38967, + "Ġinplace": 38968, + "Ġspit": 38969, + "ordinary": 38970, + "Ġbilling": 38971, + "ĠArtistic": 38972, + "ĠTimor": 38973, + "Ġsubsets": 38974, + "Ġundetected": 38975, + "Jon": 38976, + "etting": 38977, + "ĠIRS": 38978, + "abl": 38979, + "ĠHym": 38980, + "ĠReverse": 38981, + "ĠLots": 38982, + "ĠOphthalm": 38983, + "please": 38984, + "ivering": 38985, + "ĠThatcher": 38986, + "Ġredress": 38987, + "Ġcloset": 38988, + "Ġextremity": 38989, + "Ġwalnut": 38990, + "Ġcyanide": 38991, + "Ġwaving": 38992, + "Ġbaker": 38993, + "Ġdp": 38994, + "osher": 38995, + "ĠRoles": 38996, + "Ġpee": 38997, + "Ġhealthful": 38998, + "Ġexponent": 38999, + "ĠSean": 39000, + "Ġaccessory": 39001, + "Ġswirling": 39002, + "ĠSomali": 39003, + "ĠImpression": 39004, + "ĠAudience": 39005, + "Numbers": 39006, + "Ġeyelid": 39007, + "Cache": 39008, + "ĠTP": 39009, + "ogel": 39010, + "apagos": 39011, + "Ġlistings": 39012, + "ĠCelebrate": 39013, + "Ċĉĉĉĉĉĉĉĉĉĉĉĉĉĉĉĉĉĉ": 39014, + "Ġimmunosupp": 39015, + "dust": 39016, + "sit": 39017, + "safety": 39018, + "igi": 39019, + "opatra": 39020, + "ĠGaut": 39021, + "apo": 39022, + "isement": 39023, + "ĠSof": 39024, + "APA": 39025, + "UTE": 39026, + "Ġcosine": 39027, + "Ġaccommodating": 39028, + "Ġrecalling": 39029, + "Ġchampioned": 39030, + "Ġaffirmations": 39031, + "Century": 39032, + "ĠEverglades": 39033, + "ĠCatalog": 39034, + "Ġbounty": 39035, + "Victor": 39036, + "Ġcork": 39037, + "Ġlender": 39038, + "imia": 39039, + "Ġperiodont": 39040, + "afi": 39041, + "ARM": 39042, + "Protein": 39043, + "Ġburials": 39044, + "Ġdenounced": 39045, + "Ġanthropologist": 39046, + "Ġunnecessarily": 39047, + "Ġteaspoons": 39048, + "Ġsprawling": 39049, + "³": 39050, + "essors": 39051, + "ĠPerc": 39052, + "ĠQuin": 39053, + "Ġstreamlining": 39054, + "Ġcourtship": 39055, + "ĠEuclidean": 39056, + "Ġantidepressant": 39057, + "Chem": 39058, + "ËIJ": 39059, + "Ġnos": 39060, + "ĠAub": 39061, + "Ġunifying": 39062, + "Ġardu": 39063, + "ensors": 39064, + "lectic": 39065, + "foreign": 39066, + "Ġantiretroviral": 39067, + "Ġassertive": 39068, + "launch": 39069, + "uhan": 39070, + "ĠFarms": 39071, + "Ġlapar": 39072, + "Ġâī¥": 39073, + "Moon": 39074, + "hundred": 39075, + "çº": 39076, + "Ġbeets": 39077, + "izal": 39078, + "Enh": 39079, + "Apple": 39080, + "Ġscaffolding": 39081, + "Ġpamphlet": 39082, + "Jim": 39083, + "é¢": 39084, + "anian": 39085, + "Ġmorn": 39086, + "Ġchassis": 39087, + "ĠDed": 39088, + "Ġthence": 39089, + "ĠPerkins": 39090, + "ĠTwin": 39091, + "ĠExplanation": 39092, + "Ġremovable": 39093, + "Ġreformers": 39094, + "Regarding": 39095, + "Ġnostrils": 39096, + "ĠPac": 39097, + "ĠGore": 39098, + "ĠGert": 39099, + "Ġinventive": 39100, + "ĠSubmit": 39101, + "Ġrubble": 39102, + "ĠPCBs": 39103, + "ĠInspection": 39104, + "Ġuneasy": 39105, + "Texas": 39106, + "Ġsystolic": 39107, + "GDP": 39108, + "billion": 39109, + "kary": 39110, + "inative": 39111, + "Ġni": 39112, + "Ġanime": 39113, + "ĠTheories": 39114, + "Ġscoliosis": 39115, + "ĠSpelling": 39116, + "ĠInterpre": 39117, + "ĠOffering": 39118, + "Ġsoreness": 39119, + "environmental": 39120, + "PeerClass": 39121, + "Okay": 39122, + "ĠLuxembourg": 39123, + "Ġdwindling": 39124, + "ĠNeanderthals": 39125, + "lion": 39126, + "Ġmk": 39127, + "shapes": 39128, + "references": 39129, + "ĠPCA": 39130, + "tagged": 39131, + "Curve": 39132, + "ĠBridging": 39133, + "ĠChernobyl": 39134, + "ĠTil": 39135, + "owler": 39136, + "Ġemitter": 39137, + "deploy": 39138, + "been": 39139, + "ĠAbility": 39140, + "DEP": 39141, + "Extension": 39142, + "Ġsuccinct": 39143, + "Popular": 39144, + "swigfaiss": 39145, + "ĠFelix": 39146, + "ĠZoroast": 39147, + "Da": 39148, + "Lake": 39149, + "Pad": 39150, + "ulner": 39151, + "ĠMilit": 39152, + "neuro": 39153, + "ĠReconciliation": 39154, + "Ġinsurers": 39155, + "problems": 39156, + "Ġdrifting": 39157, + "ĠResidential": 39158, + "Ġesoteric": 39159, + "ĠPupp": 39160, + "degrees": 39161, + "LOGY": 39162, + "Ġbargain": 39163, + "raf": 39164, + "ĠRocket": 39165, + "Ġadorable": 39166, + "Ġclassifying": 39167, + "Ġopting": 39168, + "Ġrunaway": 39169, + "Ġprimordial": 39170, + "Ġexcitation": 39171, + "ĠMillions": 39172, + "ĠCrater": 39173, + "CNN": 39174, + "ĠSymbols": 39175, + "Ġexemptions": 39176, + "papers": 39177, + "ĠCW": 39178, + "ĠBinary": 39179, + "aget": 39180, + "Ġpoop": 39181, + "encers": 39182, + "Regression": 39183, + "ISTORY": 39184, + "ĠEntertainment": 39185, + "ĠAlgorithms": 39186, + "Hg": 39187, + "TABLE": 39188, + "zhou": 39189, + "Ġstom": 39190, + "ĠIo": 39191, + "ĠHOW": 39192, + "unking": 39193, + "earcher": 39194, + "Ġantid": 39195, + "Ġsuperintendent": 39196, + "Ġfascia": 39197, + "ĠBloomberg": 39198, + "isput": 39199, + "thin": 39200, + "arton": 39201, + "placing": 39202, + "Ġsouthward": 39203, + "Ġphenotypes": 39204, + "ĠSocialism": 39205, + "diag": 39206, + "Ġdysfunctional": 39207, + "Africa": 39208, + "Ġautobiographical": 39209, + "UPDATE": 39210, + "bull": 39211, + "uations": 39212, + "ĠThess": 39213, + "acus": 39214, + "ĠBD": 39215, + "Ġfaction": 39216, + "Ġzodiac": 39217, + "Ġnegativity": 39218, + "ependency": 39219, + "ĠBanking": 39220, + "VALUE": 39221, + "ĠMeteorological": 39222, + "ĠWheeler": 39223, + "buff": 39224, + "hurst": 39225, + "essa": 39226, + "Ġshafts": 39227, + "Ġmetropolis": 39228, + "ĠPercy": 39229, + "Ġwidened": 39230, + "ĠBelle": 39231, + "Activities": 39232, + "effectiveness": 39233, + "ĠFriendship": 39234, + "Ġpolynomials": 39235, + "Ġeuros": 39236, + "Permissions": 39237, + "international": 39238, + "Ġthumbs": 39239, + "ĠPaw": 39240, + "Ġchant": 39241, + "ĠRiley": 39242, + "Ġpeeled": 39243, + "Ġfacade": 39244, + "Ġmovable": 39245, + "Ġmanufactures": 39246, + "Ġfreshness": 39247, + "Ġspaceship": 39248, + "Ġguesses": 39249, + "Georg": 39250, + "ĠNatl": 39251, + "Nan": 39252, + "roring": 39253, + "winter": 39254, + "Ġplur": 39255, + "ipient": 39256, + "ictions": 39257, + "tingham": 39258, + "ĠProverbs": 39259, + "Ġpersona": 39260, + "Ġslabs": 39261, + "ĠHarbour": 39262, + "Ġstraws": 39263, + "Ġgamers": 39264, + "intendo": 39265, + "ĠVictims": 39266, + "hw": 39267, + "uator": 39268, + "µ": 39269, + "idious": 39270, + "Ġpetitions": 39271, + "Ġapric": 39272, + "ĠDelving": 39273, + "ĠSanders": 39274, + "potential": 39275, + "ĠVegetable": 39276, + "occupation": 39277, + "âĢ¦âĢ¦âĢ¦âĢ¦": 39278, + "Ġsleeve": 39279, + "greens": 39280, + "ĠAdvertising": 39281, + "Half": 39282, + "hdf": 39283, + "veget": 39284, + "otrophic": 39285, + "Ġsubjug": 39286, + "Ġpresupp": 39287, + "bersome": 39288, + "Ġphenomenal": 39289, + "FAIL": 39290, + "ĠVictory": 39291, + "Ġhomeschooling": 39292, + "ĠCrawford": 39293, + "Grant": 39294, + "military": 39295, + "ĠSOC": 39296, + "Ġperic": 39297, + "ĠKot": 39298, + "Ġliturgy": 39299, + "Ġunsaturated": 39300, + "ĠBurk": 39301, + "ĠIntelligent": 39302, + "Ġrebellious": 39303, + "Ġevacuate": 39304, + "aguar": 39305, + "Ġundeniable": 39306, + "Hom": 39307, + "SIM": 39308, + "nation": 39309, + "å±": 39310, + "estrian": 39311, + "osus": 39312, + "Ġoffended": 39313, + "Letter": 39314, + "ĠGravity": 39315, + "Ġsinuses": 39316, + "Ġgastroenter": 39317, + "committee": 39318, + "Ġcorticosteroids": 39319, + "Mask": 39320, + "blu": 39321, + "stores": 39322, + "ĠLar": 39323, + "agged": 39324, + "Ġoutskirts": 39325, + "Ġtimeframe": 39326, + "obl": 39327, + "Ġdistort": 39328, + "ĠTeresa": 39329, + "Ġtaxed": 39330, + "ĠDefinitions": 39331, + "UNCT": 39332, + "ĠOttomans": 39333, + "Ġpiercing": 39334, + "ĠSynthesis": 39335, + "Ġtranquil": 39336, + "ĠHastings": 39337, + "jit": 39338, + "mart": 39339, + "vd": 39340, + "ĠCVD": 39341, + "ĠBoat": 39342, + "ĠNucle": 39343, + "ĠDetailed": 39344, + "Ġpraising": 39345, + "οÏĤ": 39346, + "ĠRajas": 39347, + "ĠZurich": 39348, + "Iran": 39349, + "edipus": 39350, + "Ġyolk": 39351, + "ĠACM": 39352, + "ĠVall": 39353, + "ĠRecon": 39354, + "Ġminced": 39355, + "Ġmaterialism": 39356, + "Ġlinewidth": 39357, + "Ġcytoplasm": 39358, + "Ġsurgically": 39359, + "ĠElectro": 39360, + "Ġthermodynamics": 39361, + "|'='": 39362, + "Ġascribed": 39363, + "ĠCSR": 39364, + "ĠFerry": 39365, + "Ġesophageal": 39366, + "Oil": 39367, + "grained": 39368, + "Ġnargs": 39369, + "ĠAce": 39370, + "Ġrm": 39371, + "ĠDDT": 39372, + "ĠGob": 39373, + "versed": 39374, + "ĠAdded": 39375, + "Ġaudible": 39376, + "Ġboxing": 39377, + "Ġordin": 39378, + "ĠSkill": 39379, + "atherapy": 39380, + "=[],": 39381, + "Ġfurnaces": 39382, + "Ġserialized": 39383, + "bones": 39384, + "ĠCodes": 39385, + "ĠFY": 39386, + "omega": 39387, + "ĠOrlando": 39388, + "ĠAgents": 39389, + "ĠEMF": 39390, + "ĠBarton": 39391, + "Illust": 39392, + "Il": 39393, + "gling": 39394, + "migration": 39395, + "Ġmah": 39396, + "gean": 39397, + "ĠLean": 39398, + "Ġfibromyalgia": 39399, + "ĠBlackwell": 39400, + "ĠSeneca": 39401, + "Ġsighting": 39402, + "ĠMultip": 39403, + "Ġtiredness": 39404, + "Ġfalsely": 39405, + "iagnosed": 39406, + "aloader": 39407, + "Ġbinder": 39408, + "adir": 39409, + "oden": 39410, + "ĠPG": 39411, + "ĠLSD": 39412, + "ellant": 39413, + "idea": 39414, + "ertile": 39415, + "Ġdefinit": 39416, + "ĠSeas": 39417, + "Ġtoolbox": 39418, + "Ġmisdiagn": 39419, + "Ġdramas": 39420, + "ĠWindsor": 39421, + "ĠChemicals": 39422, + "Participants": 39423, + "ĠLinkedIn": 39424, + "ĠMonastery": 39425, + "KA": 39426, + "Wa": 39427, + "{\"": 39428, + "Ġnig": 39429, + "ĠDres": 39430, + "Ġglare": 39431, + "('./": 39432, + "Ġpurpos": 39433, + "Ġstructuring": 39434, + "ĠJudgment": 39435, + "Ġumbilical": 39436, + "Alexander": 39437, + "ĠUruguay": 39438, + "Ġtann": 39439, + "ĠPes": 39440, + "Ġoutages": 39441, + "unta": 39442, + "ĠMonkey": 39443, + "Ġunsus": 39444, + "Ġhybridization": 39445, + "ĠmiR": 39446, + "Ġprosthetic": 39447, + "ĠMalaysian": 39448, + "ĠGentle": 39449, + "ĠEuph": 39450, + "idopsis": 39451, + "ustaining": 39452, + "Ġtwitter": 39453, + "scaled": 39454, + "Italian": 39455, + "Ġpressurized": 39456, + "ĠTransit": 39457, + "Ġrubbish": 39458, + "Ġcompromises": 39459, + "Ġespionage": 39460, + "Audio": 39461, + "ĠProteins": 39462, + "ĠLymph": 39463, + "inez": 39464, + "Ġsauté": 39465, + "Ġbusinessmen": 39466, + "Ġaesthetically": 39467, + "VERY": 39468, + "ĠDickinson": 39469, + "ĠBurning": 39470, + "Ġresurrect": 39471, + "Ġfaucet": 39472, + "mins": 39473, + "Ġpprint": 39474, + "Ġlaz": 39475, + "thyroidism": 39476, + "Ġtrill": 39477, + "Ġsubnet": 39478, + "Ġrepatri": 39479, + "ĠProhibition": 39480, + "Ġaccountants": 39481, + "Ġtasted": 39482, + "Ġslugs": 39483, + "ĠBoundaries": 39484, + "Ġgeometrical": 39485, + "TEXT": 39486, + "ndim": 39487, + "least": 39488, + "ĠPsy": 39489, + "este": 39490, + "osi": 39491, + "intuitive": 39492, + "Ġpolishing": 39493, + "ĠExeter": 39494, + "Ġpictorial": 39495, + "Ġantihist": 39496, + "Ġcumbersome": 39497, + "Ġscraping": 39498, + "ĠHugo": 39499, + "ĠHappiness": 39500, + "Ġstaples": 39501, + "Ġapprehension": 39502, + "Binary": 39503, + "ĠICC": 39504, + "ffer": 39505, + "erey": 39506, + "Ġspanned": 39507, + "meat": 39508, + "Ġgreenery": 39509, + "ĠEthn": 39510, + "Ñģк": 39511, + "ĠBias": 39512, + "hedron": 39513, + "arcane": 39514, + "Ġinitialization": 39515, + "Ġtremors": 39516, + "experience": 39517, + "knit": 39518, + "NER": 39519, + "crapers": 39520, + "odom": 39521, + "Ġintoler": 39522, + "Ġbrute": 39523, + "swap": 39524, + "ĠManuscript": 39525, + "Ġpondered": 39526, + "Ġflashlight": 39527, + "Ġcryptographic": 39528, + "Ġwhispered": 39529, + "ĠSMART": 39530, + "bilt": 39531, + "uces": 39532, + "Ġyr": 39533, + "ĠCoca": 39534, + "exposure": 39535, + "ĠClaus": 39536, + "numerable": 39537, + "Parse": 39538, + "Considering": 39539, + "Ġtighten": 39540, + "Ġmicrons": 39541, + "Ġpellet": 39542, + "Ġechoing": 39543, + "Ġunheard": 39544, + "mq": 39545, + "oitation": 39546, + "esp": 39547, + "alom": 39548, + "opards": 39549, + "Ġcontr": 39550, + "Ġeasing": 39551, + "opez": 39552, + "seeing": 39553, + "ĠConfidence": 39554, + "ĠIVF": 39555, + "mindedness": 39556, + "Ġequatorial": 39557, + "ĠGriffin": 39558, + "dating": 39559, + "vii": 39560, + "Ġsard": 39561, + "animate": 39562, + "angled": 39563, + "ĠArlington": 39564, + "ĠCorner": 39565, + "ĠConfederates": 39566, + "Ġdissolves": 39567, + "Ġinsufficiency": 39568, + "ĠTensorFlow": 39569, + "Java": 39570, + "Les": 39571, + "grey": 39572, + "hah": 39573, + "Ġreigned": 39574, + "ĠCube": 39575, + "acci": 39576, + "ioid": 39577, + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 39578, + "ĠOncology": 39579, + "compan": 39580, + "ĠMonster": 39581, + "Ġvertebral": 39582, + "Ġassimilate": 39583, + "Ġescalated": 39584, + "Ġeryth": 39585, + "lysses": 39586, + "Ġfiercely": 39587, + "!âĢĻ": 39588, + "ĠHuss": 39589, + "Ġclams": 39590, + "Ġdiodes": 39591, + "ĠExposition": 39592, + "worked": 39593, + "Ġfootnote": 39594, + "Noise": 39595, + "ĠStraight": 39596, + "ĠGalilee": 39597, + "ĠHussein": 39598, + "cad": 39599, + "voice": 39600, + "ĠSang": 39601, + "nton": 39602, + "ĠGn": 39603, + "Ġstructurally": 39604, + "dataframe": 39605, + "Ġswear": 39606, + "ebted": 39607, + "Ġseasonings": 39608, + "ĠPatterson": 39609, + "ĠBrut": 39610, + "DEs": 39611, + "Ġivy": 39612, + "ĠSikhs": 39613, + "Ãī": 39614, + "ĠTay": 39615, + "ĠSAR": 39616, + "ĠSinger": 39617, + "ĠUF": 39618, + "ĠIncluded": 39619, + "Ġcapillaries": 39620, + "Ġloom": 39621, + "ĠPresence": 39622, + "Ġθ": 39623, + "ĠBetty": 39624, + "Ġbiofilm": 39625, + "Ġodour": 39626, + "ĠRaises": 39627, + "Ġdisappointing": 39628, + "Technical": 39629, + "Ġencephalitis": 39630, + "Ġculmination": 39631, + "Pages": 39632, + "Ġaorta": 39633, + "ĠSays": 39634, + "Ġascent": 39635, + "Ġxrange": 39636, + "INST": 39637, + "ophan": 39638, + "Ġcommandment": 39639, + "Ġmisses": 39640, + "Ġdysplasia": 39641, + "ĠPowder": 39642, + "Ġaristocratic": 39643, + "ĠBulgarian": 39644, + "Hay": 39645, + "kor": 39646, + "surgical": 39647, + "èĢ": 39648, + "Ġtattoos": 39649, + "Ġrenaissance": 39650, + "ulose": 39651, + "Ġdiseng": 39652, + "ĠKiss": 39653, + "ĠVia": 39654, + "Ġwatercolor": 39655, + "Ġissu": 39656, + "---------------------": 39657, + "randn": 39658, + "Ġbadges": 39659, + "Ġcoldest": 39660, + "\"[": 39661, + "ĠMalt": 39662, + "ĠEdu": 39663, + "Ġeleventh": 39664, + "Ġantiques": 39665, + "Ġcharacterizing": 39666, + "Deut": 39667, + "Ġjoyous": 39668, + "Ġembodying": 39669, + "ĠMATLAB": 39670, + "Virgin": 39671, + "iÄĩ": 39672, + "ctrl": 39673, + "seeds": 39674, + "ĠMV": 39675, + "ĠMAN": 39676, + "Ġbyproduct": 39677, + "Ġwashes": 39678, + "ĠGear": 39679, + "Ġpoisons": 39680, + "Ġengross": 39681, + "Ġcivilisation": 39682, + "ĠPhysician": 39683, + "carb": 39684, + "ĠInnovations": 39685, + "phenotype": 39686, + "Ġvesicles": 39687, + "terranean": 39688, + "Ġole": 39689, + "Ġbordering": 39690, + "Ġcoastlines": 39691, + "BMI": 39692, + "Ġpuncture": 39693, + "ĠProbability": 39694, + "Ġmediators": 39695, + "NIH": 39696, + "Possible": 39697, + "chini": 39698, + "ĠMuse": 39699, + "Ġviv": 39700, + "ĠLemon": 39701, + "Ġnonprofits": 39702, + "Ġinitialized": 39703, + "Ġmultiplier": 39704, + "Ġdosages": 39705, + "ĠBeliefs": 39706, + "Sunday": 39707, + "Ġnebula": 39708, + "IoT": 39709, + "_'": 39710, + "ĠSulf": 39711, + "ĠCove": 39712, + "ĠFiji": 39713, + "Ġlabou": 39714, + "Construct": 39715, + "ég": 39716, + "ĠNehru": 39717, + "Compet": 39718, + "ĠMexicans": 39719, + "Ġhomogen": 39720, + "Ġadvisers": 39721, + "Construction": 39722, + "ĠSchwartz": 39723, + "ĠBorneo": 39724, + "ĠSpl": 39725, + "Ġunamb": 39726, + "Ġthemed": 39727, + "ubile": 39728, + "Ġoverd": 39729, + "Ġskirt": 39730, + "lander": 39731, + "Ġ:-": 39732, + "ĠParagu": 39733, + "Means": 39734, + "Ġresonant": 39735, + "ĠPete": 39736, + "ĠReflecting": 39737, + "creative": 39738, + "PIPE": 39739, + "gary": 39740, + "Ġhanged": 39741, + "ĠCly": 39742, + "ĠMerr": 39743, + "manifest": 39744, + "Ġsworn": 39745, + "Ġexecutions": 39746, + "Ġcatchy": 39747, + "ĠCheng": 39748, + "ĠInstitutional": 39749, + "affeine": 39750, + "Ġelaborated": 39751, + "Money": 39752, + "tom": 39753, + "elman": 39754, + "raised": 39755, + "ĠSach": 39756, + "Ġshaken": 39757, + "chev": 39758, + "Ġinventories": 39759, + "paying": 39760, + "Ġinterruptions": 39761, + "ĠCOR": 39762, + "Ġdiscontent": 39763, + "Ġmanpower": 39764, + "Ġspilled": 39765, + "onsai": 39766, + "Ġministries": 39767, + "rentice": 39768, + "Ġprotested": 39769, + "Ġliberals": 39770, + "Ġfiller": 39771, + "Actually": 39772, + "ĠURLs": 39773, + "ĠLexington": 39774, + "ĠDoppler": 39775, + "CAM": 39776, + "Pu": 39777, + "Tre": 39778, + "_[": 39779, + "fax": 39780, + "hun": 39781, + "agging": 39782, + "Ġjul": 39783, + "Ġregained": 39784, + "Ġreprint": 39785, + "UTF": 39786, + "Operator": 39787, + "Ġreshaping": 39788, + "Consequ": 39789, + "styles": 39790, + "ĠCron": 39791, + "ako": 39792, + "Ġswam": 39793, + "Ġexpository": 39794, + "ĠDenis": 39795, + "ĠAvoiding": 39796, + "ĠAffordable": 39797, + "Ġdynasties": 39798, + "ĠASCII": 39799, + "GAN": 39800, + "Ġtighter": 39801, + "Ġbere": 39802, + "ĠPius": 39803, + "Ġleach": 39804, + "ĠAdopting": 39805, + "Ġwrongly": 39806, + "ĠAngle": 39807, + "ĠPayment": 39808, + "Ġbullies": 39809, + "Ġsoftened": 39810, + "ĠApostle": 39811, + "ĠAthena": 39812, + "CAT": 39813, + "Gas": 39814, + "Sets": 39815, + "Tow": 39816, + "uates": 39817, + "uran": 39818, + "Ġoncology": 39819, + "ĠCache": 39820, + "ĠCumberland": 39821, + "ĠHarness": 39822, + "Ġseams": 39823, + "ĠBean": 39824, + "ĠLevy": 39825, + "ĠHighlands": 39826, + "ĠSeeking": 39827, + "rotate": 39828, + "Addressing": 39829, + "ĠForty": 39830, + "Neill": 39831, + "Capital": 39832, + "Ġdelectable": 39833, + "KN": 39834, + "nae": 39835, + "Ġdiph": 39836, + "ĠChican": 39837, + "ancock": 39838, + "ĠController": 39839, + "glut": 39840, + "Ġperfected": 39841, + "Minimum": 39842, + "čĊĉĉĉ": 39843, + "Grad": 39844, + "HOD": 39845, + "noun": 39846, + "xls": 39847, + "Ġmetac": 39848, + "contrast": 39849, + "ĠKeyboard": 39850, + ")/(": 39851, + "Ġepithelium": 39852, + "ĠReasoning": 39853, + "Ġtranquility": 39854, + "Had": 39855, + "Ġtm": 39856, + "ologie": 39857, + "ĠCharge": 39858, + "Ġparades": 39859, + "ĠSpend": 39860, + "Ġcustomizable": 39861, + "ĠPerl": 39862, + "ĠPortal": 39863, + "Ġventuring": 39864, + "Ġbranding": 39865, + "Times": 39866, + "ĠMast": 39867, + "ĠPanc": 39868, + "Ġeaters": 39869, + "ĠSampling": 39870, + "Ġbathrooms": 39871, + "Ġpherom": 39872, + "Branch": 39873, + "oit": 39874, + "visions": 39875, + "{{": 39876, + "ĠBras": 39877, + "Ġenclosures": 39878, + "para": 39879, + "mbling": 39880, + "ĠEvening": 39881, + "ĠInfants": 39882, + "ĠImmunology": 39883, + "ĠPARTIC": 39884, + ":/": 39885, + "Ign": 39886, + "Rub": 39887, + "Ġbri": 39888, + "Ġblink": 39889, + "axial": 39890, + "Ġextras": 39891, + "ĊĊĠĠ": 39892, + "ohl": 39893, + "Ġinjure": 39894, + "ĠKhmer": 39895, + "Ġlactation": 39896, + "agnetism": 39897, + "olan": 39898, + "ĠBI": 39899, + "ĠNou": 39900, + "Ġoutfile": 39901, + "ĠAlpine": 39902, + "ĠSeoul": 39903, + "cerpt": 39904, + "Ġparticipates": 39905, + "Ġverge": 39906, + "Ġinitiates": 39907, + "Ġtortoise": 39908, + "Emotional": 39909, + "############################################################################": 39910, + "Ġidolat": 39911, + "Ġretardation": 39912, + ".âĢľ": 39913, + "Ġdella": 39914, + "ĠAthe": 39915, + "formats": 39916, + "manent": 39917, + "Ġdevising": 39918, + "notch": 39919, + "Ġcapitalists": 39920, + "Ġunanimously": 39921, + "ĠPokémon": 39922, + "BAL": 39923, + "ĠDash": 39924, + "ĠFixed": 39925, + "Ġbliss": 39926, + "ĠExport": 39927, + "ĠBeowulf": 39928, + "attrib": 39929, + "ĠCreates": 39930, + "FCs": 39931, + "ĠResponses": 39932, + "Ġrecombinant": 39933, + "Ġexhilarating": 39934, + "Ġarduous": 39935, + "])))": 39936, + "outside": 39937, + "Ġfilmed": 39938, + "Weather": 39939, + "ĠAbigail": 39940, + "ĠSouthwestern": 39941, + "ometrics": 39942, + "ĠQueer": 39943, + "Offset": 39944, + "Break": 39945, + "ĠExpectations": 39946, + "Ġhorticultural": 39947, + "FLAGS": 39948, + "}-": 39949, + "anking": 39950, + "ĠHels": 39951, + "ĠHassan": 39952, + "ĠDod": 39953, + "Ġinflict": 39954, + "ĠAndean": 39955, + "ĠSmoke": 39956, + "ĠSupplements": 39957, + "ãģĻ": 39958, + "simulation": 39959, + "ĠUltra": 39960, + "Ġcasino": 39961, + "ĠRestaur": 39962, + "οÏħ": 39963, + "åĪ°": 39964, + "Ġbulletin": 39965, + "Ġsketching": 39966, + "Ġfalcon": 39967, + "ske": 39968, + "«": 39969, + "Ġsire": 39970, + "ĠCU": 39971, + "ĠCMS": 39972, + "absorption": 39973, + "ĠDreams": 39974, + "amele": 39975, + "Ġavant": 39976, + "ĠDementia": 39977, + "Alg": 39978, + "radd": 39979, + "keyframe": 39980, + "Expected": 39981, + "Orth": 39982, + "Ġdiscerning": 39983, + "Ġblurring": 39984, + "sand": 39985, + "ĠTact": 39986, + "ĠMU": 39987, + "ĠRating": 39988, + "ĠQatar": 39989, + "Asian": 39990, + "eville": 39991, + "Ġadministrations": 39992, + "uddle": 39993, + "TypeError": 39994, + "Ġpolyethylene": 39995, + "ĠGoods": 39996, + "ĠCommandments": 39997, + "ĠMortality": 39998, + "owe": 39999, + "Ġneoliberal": 40000, + "Ġdefiance": 40001, + "keywords": 40002, + "Ġcerebro": 40003, + "ĠCapture": 40004, + "νÏī": 40005, + "ĠSavings": 40006, + "Ġalbums": 40007, + "Ġevaporate": 40008, + "Ġoverheating": 40009, + "Ġmosaics": 40010, + "Ġsparrow": 40011, + "Ġpowerless": 40012, + "Ġrhinos": 40013, + "soci": 40014, + "Ġfum": 40015, + "Ġreorgan": 40016, + "ĠFS": 40017, + "Ġrecourse": 40018, + "english": 40019, + "Ġgoodwill": 40020, + "Ġhanding": 40021, + "Ġprogrammable": 40022, + "oleum": 40023, + "Ġcapacitance": 40024, + "ĠCura": 40025, + "Ġdiplomats": 40026, + "Ġmartyrs": 40027, + "Ġcontraceptives": 40028, + "ĠGitHub": 40029, + "onomy": 40030, + "isor": 40031, + "Ġsmel": 40032, + "Ġlookout": 40033, + "ĠIndianapolis": 40034, + "Sheet": 40035, + "Month": 40036, + "gateway": 40037, + "ĠSurveys": 40038, + "Ġambulance": 40039, + "orgetown": 40040, + "Cele": 40041, + "Dise": 40042, + "moon": 40043, + "Ġtaper": 40044, + "urist": 40045, + "ĠCoo": 40046, + "ĠDriver": 40047, + "Ġslash": 40048, + "Ġdogma": 40049, + "Complex": 40050, + "Ġgrabbed": 40051, + "Ġfemininity": 40052, + "structural": 40053, + "descriptor": 40054, + "cleaned": 40055, + "Ġsurnames": 40056, + "BG": 40057, + "Fresh": 40058, + "ĠAE": 40059, + "ĠSigma": 40060, + "Ġkeeper": 40061, + "ikers": 40062, + "Ġdeclarations": 40063, + "Ġ\\_": 40064, + "Ġinfecting": 40065, + "Ġsemic": 40066, + "Ġtremor": 40067, + "ĠRandolph": 40068, + "blowing": 40069, + "ĠAcceptance": 40070, + "AlterField": 40071, + "çİ": 40072, + "Ġthrom": 40073, + "ĠCedar": 40074, + "ĠHew": 40075, + "Ġnex": 40076, + "Ġallot": 40077, + "ĠUrs": 40078, + "Ġscams": 40079, + "ĠTok": 40080, + "pretrained": 40081, + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 40082, + "ĠMedici": 40083, + "Ġhonorary": 40084, + "ĠRefugees": 40085, + "ĠDemonstrate": 40086, + "ĠBibcode": 40087, + "pressed": 40088, + "imread": 40089, + "Ġexcludes": 40090, + "ensibly": 40091, + "Ġinfin": 40092, + "Ġsubgroup": 40093, + "excel": 40094, + "Ġdocs": 40095, + "ALTH": 40096, + "ĠAngels": 40097, + "Ġaerodynamic": 40098, + "Geo": 40099, + "Ġaffirmation": 40100, + "inality": 40101, + "Ġwearer": 40102, + "ĠWong": 40103, + "Ġsausage": 40104, + "Ġglitter": 40105, + "beats": 40106, + "ĠBlocks": 40107, + "College": 40108, + "ĠGoldman": 40109, + "Ġinspector": 40110, + "Ġhampered": 40111, + "cars": 40112, + "Ġpas": 40113, + "ĠBali": 40114, + "Ġclippings": 40115, + "Ġinterl": 40116, + "Ġcorona": 40117, + "aird": 40118, + "ĠLibert": 40119, + "ĠBridges": 40120, + "ĠElliott": 40121, + "Ġlofty": 40122, + "alan": 40123, + "leader": 40124, + "Ġpreb": 40125, + "ĠArche": 40126, + "ĠShark": 40127, + "ADS": 40128, + "Ġmammoth": 40129, + "Strategy": 40130, + "Son": 40131, + "fonts": 40132, + "ĠCtrl": 40133, + "ĠBelf": 40134, + "ĠReservoir": 40135, + "ĠCanberra": 40136, + "ĠMedina": 40137, + "atti": 40138, + "ĠIronically": 40139, + "ĠPierce": 40140, + "(\"\")": 40141, + "Culture": 40142, + "nai": 40143, + "Ġuk": 40144, + "agiarism": 40145, + "Ġcurry": 40146, + "anyl": 40147, + "Ġenshr": 40148, + "ĠPowerful": 40149, + "Ġapologize": 40150, + "hews": 40151, + "redis": 40152, + "Ġroost": 40153, + "workspace": 40154, + "Ġpenicillin": 40155, + "ĠAcademia": 40156, + "Ġtrailbl": 40157, + "Estimated": 40158, + "Ġetymology": 40159, + "ĠEucharist": 40160, + "Ġsabotage": 40161, + "tuning": 40162, + "ĠâĢŀ": 40163, + "ĠVilla": 40164, + "Ġchariot": 40165, + "ĠPrompt": 40166, + "Ġvineyard": 40167, + "Elizabeth": 40168, + "ĠToyota": 40169, + "Habitat": 40170, + ",...": 40171, + "lift": 40172, + "chronic": 40173, + "formula": 40174, + "ĠKub": 40175, + "Ġparticiple": 40176, + "ĠBeet": 40177, + "Ġundo": 40178, + "zza": 40179, + "Ġpolyunsaturated": 40180, + "Ġfleets": 40181, + "ĠMesoam": 40182, + "Ġsqueezing": 40183, + "Ġparanormal": 40184, + "%-": 40185, + "ж": 40186, + "ĠHBV": 40187, + "Innov": 40188, + "Ġtypography": 40189, + "Ġelegans": 40190, + "Ġnonviolent": 40191, + "Ġradiotherapy": 40192, + "Ġtermite": 40193, + "Ġwrists": 40194, + "gates": 40195, + "yi": 40196, + "zin": 40197, + "Ġsockets": 40198, + "Ġbooking": 40199, + "idians": 40200, + "behav": 40201, + "suite": 40202, + "ĠPosted": 40203, + "Ġshrinkage": 40204, + "ĠYahoo": 40205, + "Cannot": 40206, + "easy": 40207, + "Ġtad": 40208, + "ilog": 40209, + "ĠPon": 40210, + "ĠWILL": 40211, + "ĠEarn": 40212, + "Ġretract": 40213, + "Ġwidgets": 40214, + "ĠMarker": 40215, + "Ġsimplifies": 40216, + "Ġleaflets": 40217, + "odiazep": 40218, + "bidden": 40219, + "Ġsided": 40220, + "arid": 40221, + "Ġrt": 40222, + "Ġacuity": 40223, + "Ġantico": 40224, + "started": 40225, + "Ġoccupancy": 40226, + "ienne": 40227, + "ĠWayback": 40228, + "Ġchromosomal": 40229, + "ĠWhitney": 40230, + "Ġgrieving": 40231, + "Drawing": 40232, + "ĠMonsanto": 40233, + "ĠYukon": 40234, + "cited": 40235, + "ç®": 40236, + "oris": 40237, + "isational": 40238, + "ĠPoo": 40239, + "ĠDip": 40240, + "ĠFame": 40241, + "ĠAns": 40242, + "Ġdownhill": 40243, + "ĠAdoption": 40244, + "Ġprojector": 40245, + "addam": 40246, + "Ġgreenish": 40247, + "Ġserializers": 40248, + "人": 40249, + "sale": 40250, + "sigmoid": 40251, + "till": 40252, + "Ġrightful": 40253, + "Ġcrossings": 40254, + "Ġdramat": 40255, + "../../": 40256, + "Ġtossed": 40257, + "timedelta": 40258, + "ĠBrisbane": 40259, + "Flat": 40260, + "Ġcacao": 40261, + "Ġhinge": 40262, + "Ġ'[": 40263, + "Ġfirstsum": 40264, + "inside": 40265, + "Ġrefraction": 40266, + "Ġprofessionalism": 40267, + "Ġbriefing": 40268, + ".'\"": 40269, + "Ġadjud": 40270, + "Ġcategorization": 40271, + "Ġdeportation": 40272, + "Ġgingivitis": 40273, + "fraction": 40274, + "Ñĸ": 40275, + "ĴĮ": 40276, + "Ġdemean": 40277, + "Ġshakespeare": 40278, + "astes": 40279, + "Ġmodal": 40280, + "ĠIndoor": 40281, + "Ġmultis": 40282, + "registered": 40283, + "Ġaccomplishing": 40284, + "warz": 40285, + "brahim": 40286, + "Understand": 40287, + "MAIN": 40288, + "oplasm": 40289, + "faith": 40290, + "ĠHermann": 40291, + "pth": 40292, + "Ġearthen": 40293, + "Ġsignifying": 40294, + "Ġpopped": 40295, + "checking": 40296, + "compassion": 40297, + "Industrial": 40298, + "Ġskillfully": 40299, + "ĠControls": 40300, + "ĠGalapagos": 40301, + "ĠChapters": 40302, + "ĠðŁĺ": 40303, + "Ġcafeter": 40304, + "Ġinaugural": 40305, + "Ġcommemorating": 40306, + "ĠEzra": 40307, + "ĠTehran": 40308, + "Zone": 40309, + "Ł¥": 40310, + "really": 40311, + "Ġdrown": 40312, + "ĠBacterial": 40313, + "akis": 40314, + "ipitation": 40315, + "oooo": 40316, + "Ġdrinkers": 40317, + "Ġaccelerates": 40318, + "ĠArticlePubMedGoogle": 40319, + "discrimination": 40320, + "Ġdeteriorated": 40321, + "Latest": 40322, + "Ġfluctuate": 40323, + "Salt": 40324, + "olutions": 40325, + "Ġencl": 40326, + "Ġwaterfall": 40327, + "setattr": 40328, + "arris": 40329, + "Ġdarkest": 40330, + "solar": 40331, + "understanding": 40332, + "ĠUtility": 40333, + "generating": 40334, + "Ġtightness": 40335, + "ĠBengali": 40336, + "ĠClaudius": 40337, + "ĠInequality": 40338, + "Ġndarray": 40339, + "Ġsetattr": 40340, + "Ġstoryline": 40341, + "ĠHelm": 40342, + "{}'.": 40343, + "Ġdecorator": 40344, + "Ġdressings": 40345, + "ĠTheoretical": 40346, + "Jean": 40347, + "fing": 40348, + "treat": 40349, + "Ġtapped": 40350, + "Ġdung": 40351, + "Ġneoc": 40352, + "Ġbushel": 40353, + "Ġpatterned": 40354, + "Ġprophes": 40355, + "Ġadjusts": 40356, + "Seven": 40357, + "feats": 40358, + "viks": 40359, + "ĠAutomatic": 40360, + "typical": 40361, + "Ġcloak": 40362, + "Ġobliv": 40363, + "ĠStruggle": 40364, + "mil": 40365, + "wife": 40366, + "Ġï¬ģ": 40367, + "ĠRanger": 40368, + "akin": 40369, + "Ġretic": 40370, + "Ġgreenhouses": 40371, + "evolution": 40372, + "Ġknit": 40373, + "ĠBench": 40374, + "Ġrented": 40375, + "ĠPentagon": 40376, + "rach": 40377, + "ĠBene": 40378, + "ĠNure": 40379, + "Ġblender": 40380, + "Ġsecondly": 40381, + "Ġopportunistic": 40382, + "USD": 40383, + "Approximately": 40384, + "ĠRadi": 40385, + "ĠLimitations": 40386, + "variant": 40387, + "Ġpillows": 40388, + "ĠPremier": 40389, + "Ġunattended": 40390, + "ĠPtolemy": 40391, + "Ġmilliseconds": 40392, + "Ops": 40393, + "athi": 40394, + "Ġrecited": 40395, + "ĠAdrian": 40396, + "linux": 40397, + "uvial": 40398, + "oplankton": 40399, + "Ġspatially": 40400, + "Ġbourgeoisie": 40401, + "ĠNecessary": 40402, + "movie": 40403, + "stairs": 40404, + "ĠTucker": 40405, + "ĠBiden": 40406, + "Ġleased": 40407, + "ensch": 40408, + "ertime": 40409, + "Ġ_(\"": 40410, + "Ġannounces": 40411, + "ITER": 40412, + "Ġlooming": 40413, + "\"]),": 40414, + "ĠTransplant": 40415, + "ĠBoer": 40416, + "ĠIrving": 40417, + "ĠOlivia": 40418, + "ĠRaphael": 40419, + "Ġwhitening": 40420, + "ĠPilgrims": 40421, + "Ġconjecture": 40422, + "iste": 40423, + "ĠJiang": 40424, + "Ġdoom": 40425, + "ENTER": 40426, + "certified": 40427, + "Freedom": 40428, + ".%": 40429, + "Must": 40430, + "Ġbovine": 40431, + "Ġnt": 40432, + "ĠPeg": 40433, + "ĠBash": 40434, + "Ġplating": 40435, + "ĠConquest": 40436, + "Ġvolley": 40437, + "ĠXVI": 40438, + "Ġmultiples": 40439, + "Ġerratic": 40440, + "Ġbotany": 40441, + "ĠIDs": 40442, + "ĠSta": 40443, + "Ġeverlasting": 40444, + "Ġgeneralization": 40445, + "Ġerased": 40446, + "Ġdownloadable": 40447, + "mainly": 40448, + "Challenges": 40449, + "ĠTRI": 40450, + "ĠSIG": 40451, + "ĠMOS": 40452, + "quoise": 40453, + "Ġunregulated": 40454, + "auts": 40455, + "escence": 40456, + "Ġdiversify": 40457, + "Ġcorrespondent": 40458, + "Ġskewed": 40459, + "Ġdevotees": 40460, + "Ġmetastatic": 40461, + "against": 40462, + "Ġendorphins": 40463, + "YO": 40464, + "ĠSAS": 40465, + "irators": 40466, + "Ġenrol": 40467, + "ssl": 40468, + "erglass": 40469, + "cerity": 40470, + "Choice": 40471, + "Ġpayroll": 40472, + "Ġalternatively": 40473, + "Ġsolidified": 40474, + "Ġdiplomat": 40475, + ",_": 40476, + "Eight": 40477, + "áŀ": 40478, + "Ġebook": 40479, + "amble": 40480, + "ĠSão": 40481, + "istice": 40482, + "Ġunilateral": 40483, + "ĠActa": 40484, + "Ġrobbery": 40485, + "ĠSetup": 40486, + "ĠDirectorate": 40487, + "IMAGE": 40488, + "Depression": 40489, + "benefit": 40490, + "improvement": 40491, + "Egg": 40492, + "oire": 40493, + "vana": 40494, + "ĠMSc": 40495, + "Ġcanola": 40496, + "Ġretry": 40497, + "Ġglazing": 40498, + "Ġmarin": 40499, + "ĠGeographical": 40500, + "Ġthyme": 40501, + "Ġgeometries": 40502, + "Female": 40503, + "heated": 40504, + "Ġanci": 40505, + "Ġnotwithstanding": 40506, + "Ġshin": 40507, + "Ġkan": 40508, + "Ġunwell": 40509, + "Ġunstructured": 40510, + "Ġdiagon": 40511, + "Ġpassionately": 40512, + "Ġtagging": 40513, + "Ġolives": 40514, + "FFFF": 40515, + "ĠRapids": 40516, + "Experiment": 40517, + "Gall": 40518, + "Oral": 40519, + "isors": 40520, + "atsu": 40521, + "rictions": 40522, + "Ġdietitian": 40523, + "chester": 40524, + "Ġcollapsing": 40525, + "ĠPersistent": 40526, + "ĠInvestigating": 40527, + "timest": 40528, + "Factors": 40529, + "ĠDebates": 40530, + "ĠASEAN": 40531, + "surgery": 40532, + "âī": 40533, + "Ġglaze": 40534, + "ĠEnvironments": 40535, + "ĠDevelopers": 40536, + "Ġfaithfully": 40537, + "glom": 40538, + "ĠBasel": 40539, + "ĠPortrait": 40540, + "Classification": 40541, + "Ġinsistence": 40542, + "ĠAquinas": 40543, + "Ġjackets": 40544, + "Ġthirteenth": 40545, + "Ġnucleotides": 40546, + "Hit": 40547, + "Ġmash": 40548, + "Ġedits": 40549, + "Ġparishes": 40550, + "Ġhandout": 40551, + "Ġwildflowers": 40552, + "Ġborrower": 40553, + "Ġvestibular": 40554, + "ĠAlbania": 40555, + "Ġpesky": 40556, + "Bus": 40557, + "Chat": 40558, + "DN": 40559, + "MAT": 40560, + "[\\": 40561, + "ç¬": 40562, + "Ġfountains": 40563, + "Ġstroll": 40564, + "Ġ(:": 40565, + "opens": 40566, + "ĠDAR": 40567, + "plastics": 40568, + "ĠCharg": 40569, + "Ġdefences": 40570, + "Ġhomeopathic": 40571, + "Ġlotus": 40572, + "Ġcoolant": 40573, + "inguishable": 40574, + "Ġpumpkins": 40575, + "charging": 40576, + "Ġapostle": 40577, + "cats": 40578, + "reb": 40579, + "udging": 40580, + "Ġaval": 40581, + "interp": 40582, + "Ġsedation": 40583, + "Ġathletics": 40584, + "ĠPotassium": 40585, + "ät": 40586, + "Ġexaggeration": 40587, + "ĠSentinel": 40588, + "ĠMoroccan": 40589, + "Ġcheerful": 40590, + "Ġvampire": 40591, + "TOP": 40592, + "coded": 40593, + "Ġpowering": 40594, + "Church": 40595, + "Ġrectal": 40596, + "ĠKatz": 40597, + "Ġgreedy": 40598, + "Ġegalitarian": 40599, + "ÑĦ": 40600, + "heets": 40601, + "Ġcog": 40602, + "Ġaberr": 40603, + "Ġhealthiest": 40604, + "Ġswab": 40605, + "ĠPerth": 40606, + "ĠVolta": 40607, + "ĠSkype": 40608, + "ĠBreeding": 40609, + "Ġна": 40610, + "ĠGDPR": 40611, + "Mil": 40612, + "trees": 40613, + "Ġresusc": 40614, + "Ġevade": 40615, + "hora": 40616, + "ANGE": 40617, + "Ġingesting": 40618, + "Ġpickup": 40619, + "reflect": 40620, + "Ġgenesis": 40621, + "Ġclicked": 40622, + "Ġprairies": 40623, + "Ġwarships": 40624, + "Ġhemorrhage": 40625, + "DOWN": 40626, + "ĠSUP": 40627, + "ĠWinc": 40628, + "ĠDot": 40629, + "ĠLars": 40630, + "Ġraisins": 40631, + "Ġdipping": 40632, + "Ġairtight": 40633, + "Ġskillful": 40634, + "ĠMotivation": 40635, + "ĠGuideline": 40636, + "Ġpragmat": 40637, + "Diagnosis": 40638, + "wrights": 40639, + "Ġhog": 40640, + "igated": 40641, + "Ġincin": 40642, + "ĠParagraph": 40643, + "suited": 40644, + "ACA": 40645, + "ĠRemoving": 40646, + "subs": 40647, + "Ġnervosa": 40648, + "Ġgauges": 40649, + "ĠPeriodic": 40650, + "capture": 40651, + "Ġwoke": 40652, + "orce": 40653, + "Ġbows": 40654, + "ceil": 40655, + "ĠCable": 40656, + "ĠCoin": 40657, + "ĠLH": 40658, + "ethics": 40659, + "normalized": 40660, + "Empty": 40661, + "Ġhangs": 40662, + "arbonate": 40663, + "Ġdeliberation": 40664, + "Ġunexplored": 40665, + "WARNING": 40666, + "Ctrl": 40667, + "oises": 40668, + "Ġpdb": 40669, + "ĠSeth": 40670, + "ĠNah": 40671, + "Ġ=================================================================": 40672, + "ĠGolf": 40673, + "club": 40674, + "phosphate": 40675, + "obacillus": 40676, + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 40677, + "('.')": 40678, + "Ġmakeshift": 40679, + "numeric": 40680, + "ĠAcupuncture": 40681, + "Ġimmunotherapy": 40682, + "Ġtoughness": 40683, + "Ġcubs": 40684, + "Ġstacking": 40685, + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 40686, + "ĠMétis": 40687, + "Lit": 40688, + "Way": 40689, + "ĠMBA": 40690, + "Ġbloc": 40691, + "ceptible": 40692, + "Ġconfluence": 40693, + "Ġsolitude": 40694, + "Ġsidewalks": 40695, + "Ġfilepath": 40696, + "amino": 40697, + "ĠCheese": 40698, + "ĠSentence": 40699, + "caps": 40700, + "Ġaisle": 40701, + "Ġpaws": 40702, + "Ġnib": 40703, + "ĠRG": 40704, + "ĠYog": 40705, + "ĠYard": 40706, + "Ġutilitarian": 40707, + "asphem": 40708, + "TRACT": 40709, + "Ġallegory": 40710, + "ĠCruc": 40711, + "Ġasymmetry": 40712, + "Ġacreage": 40713, + "Alternatively": 40714, + "Mas": 40715, + "Male": 40716, + "Sustainable": 40717, + "cox": 40718, + "ĠMice": 40719, + "ĠGrants": 40720, + "Ġsetback": 40721, + "Ġreparations": 40722, + "ĠBeer": 40723, + "ĠGeophysical": 40724, + "isteria": 40725, + "Golden": 40726, + "Ġelectrochemical": 40727, + "Ġcrocodile": 40728, + "Ġretinopathy": 40729, + "Ġassemblage": 40730, + "Ġssh": 40731, + "Ġbyproducts": 40732, + "ĠDeficiency": 40733, + "ĠAnalytical": 40734, + "Ġindefinite": 40735, + "Ġspectrometry": 40736, + "ĠIberian": 40737, + "Ġboulders": 40738, + "NW": 40739, + "hake": 40740, + "Ġaeration": 40741, + "Ġcradle": 40742, + "Ġuv": 40743, + "Ġnotch": 40744, + "Ġplunder": 40745, + "Ġdisclaimer": 40746, + "ĠViv": 40747, + "ĠSupper": 40748, + "Ġblockers": 40749, + "Ġdroppings": 40750, + "ĠJournals": 40751, + "Legal": 40752, + "renewable": 40753, + "cmap": 40754, + "evelop": 40755, + "Ġhp": 40756, + "stocks": 40757, + "__))": 40758, + "Ġrisking": 40759, + "mini": 40760, + "ennes": 40761, + "Ġmicrocontroller": 40762, + "Ġrotting": 40763, + "ipheral": 40764, + "ĠConceptual": 40765, + "ĠCrusades": 40766, + "Ġhorticulture": 40767, + "ĠRacism": 40768, + "Ġrefrigerant": 40769, + "JS": 40770, + "Ol": 40771, + "wl": 40772, + "reaction": 40773, + "ĠDoor": 40774, + "ĠFletcher": 40775, + "ĠGMT": 40776, + "weak": 40777, + "ĠYor": 40778, + "Ġmeditate": 40779, + "Ġvirtualization": 40780, + "ĠLima": 40781, + "Ġyeah": 40782, + "Ġacetaminophen": 40783, + "Ġeukaryotic": 40784, + "Ġquieter": 40785, + "Ġconduit": 40786, + "ĠDionys": 40787, + "das": 40788, + "morph": 40789, + "Ġmultidimensional": 40790, + "ĠEnum": 40791, + "Compan": 40792, + "constraint": 40793, + "Plate": 40794, + "masked": 40795, + "('/')": 40796, + "Ġdomestication": 40797, + "nz": 40798, + "sudo": 40799, + "ĠASS": 40800, + "Ġanem": 40801, + "ĠLum": 40802, + "Ġkite": 40803, + "Ġmanic": 40804, + "Ġintercultural": 40805, + "played": 40806, + "ĠConsistent": 40807, + "Ġhopping": 40808, + "Ġmethanol": 40809, + "Subst": 40810, + "Ġinspectors": 40811, + "Ġvertigo": 40812, + "ĠMongols": 40813, + "Ġconsecrated": 40814, + "Provider": 40815, + "ĠSensitivity": 40816, + "ĠStewardship": 40817, + "tro": 40818, + "Ġdeformed": 40819, + "âĢĻ:": 40820, + "Ġplunge": 40821, + "Ġunofficial": 40822, + "Ġsubdivided": 40823, + "ĠBihar": 40824, + "ĠInvasive": 40825, + "Ġshutting": 40826, + "carotene": 40827, + "Secondary": 40828, + "Ġrepublican": 40829, + "ĠPartnerships": 40830, + "ĠStreets": 40831, + "Ġforeseeable": 40832, + "Dogs": 40833, + "Friends": 40834, + "Frequently": 40835, + "dor": 40836, + "touch": 40837, + "Ġdosing": 40838, + "ĠHC": 40839, + "ĠWTO": 40840, + "Ġliking": 40841, + "ĠGupta": 40842, + "Ġroadway": 40843, + "αÏĦ": 40844, + "Known": 40845, + "ĠCosm": 40846, + "Ġjeans": 40847, + "Ġwiping": 40848, + "XXXXXXXX": 40849, + "Ġsuperstition": 40850, + "Ġsanctioned": 40851, + "Ġfaçade": 40852, + "ĠWaves": 40853, + "Ġleve": 40854, + "ĠGym": 40855, + "Ġborrowers": 40856, + "Ġexhale": 40857, + "garde": 40858, + "Ġfairer": 40859, + "Fer": 40860, + "fection": 40861, + "thello": 40862, + "Identity": 40863, + "ĠColeman": 40864, + "ĠRodriguez": 40865, + "Ġinnumerable": 40866, + "seat": 40867, + "ĠESP": 40868, + "Ġleaked": 40869, + "Ġdisillusion": 40870, + "ĠStamp": 40871, + "compress": 40872, + "Appro": 40873, + "Ġfertilize": 40874, + "Ġanthropological": 40875, + "ĠMarshal": 40876, + "ĠMoshe": 40877, + "ĠThreatened": 40878, + "ĠPlatforms": 40879, + "Easy": 40880, + "Ġdurations": 40881, + "thorne": 40882, + "ĠWade": 40883, + "plog": 40884, + "Ġunconsciously": 40885, + "thews": 40886, + "ĠKeynes": 40887, + "divisions": 40888, + "Handle": 40889, + "Util": 40890, + "ĠBLM": 40891, + "ĠTucson": 40892, + "moves": 40893, + "arative": 40894, + "Ġnave": 40895, + "ĠRV": 40896, + "ĠKod": 40897, + "Ġdefender": 40898, + "manage": 40899, + "Ġbarracks": 40900, + "Ġvillains": 40901, + "Ġplainly": 40902, + "ĠEVs": 40903, + "Ġsurfaced": 40904, + "Ġinductive": 40905, + "ĠPURPOSE": 40906, + "vah": 40907, + "Ġsoot": 40908, + "Arr": 40909, + "ĠInterstate": 40910, + "Ġclimbers": 40911, + "Ġnonex": 40912, + "Ġmolded": 40913, + "bourg": 40914, + "Ġoversees": 40915, + "responsive": 40916, + "ĠVedas": 40917, + "Ġsurrogate": 40918, + "covering": 40919, + "Ġbordered": 40920, + "ĠSEL": 40921, + "ĠPablo": 40922, + "ĠArabidopsis": 40923, + "ĠCircular": 40924, + "rotsky": 40925, + "ĠHabit": 40926, + "ĠEurasia": 40927, + "Dictionary": 40928, + "ĠTomb": 40929, + "quiring": 40930, + "Ġnecks": 40931, + "Ġdisordered": 40932, + "Ġjohn": 40933, + "ĠSto": 40934, + "othermia": 40935, + "genome": 40936, + "Ġfourteenth": 40937, + "ĠSheep": 40938, + "SSL": 40939, + "ä¸Ĭ": 40940, + "Ġamplifiers": 40941, + "нÑĭ": 40942, + "predicted": 40943, + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 40944, + "Ġabolish": 40945, + "Ġanthrax": 40946, + "confirmed": 40947, + "Ġmortgages": 40948, + "Din": 40949, + "liquid": 40950, + "Ġwreat": 40951, + "ibou": 40952, + "Ġsubcontinent": 40953, + "ĠArsen": 40954, + "ĠEmpty": 40955, + "Ġcombatting": 40956, + "Ġplugins": 40957, + "Ġcannib": 40958, + "Ġpsychiatrists": 40959, + "ytocin": 40960, + "ĠRaising": 40961, + "ĠBruno": 40962, + "ĠThreats": 40963, + "Ġcarcasses": 40964, + "Ġbots": 40965, + "sta": 40966, + "igible": 40967, + "ĠHog": 40968, + "ĠJE": 40969, + "ĠYom": 40970, + "Ġmoderated": 40971, + "Ġwoodpec": 40972, + "Ġsuspend": 40973, + "ĠParliamentary": 40974, + "anasia": 40975, + "Ġgrapefruit": 40976, + "avas": 40977, + "scipy": 40978, + "idelberg": 40979, + "warnings": 40980, + "Ġstaircase": 40981, + "ĠMaharashtra": 40982, + "Sand": 40983, + "walking": 40984, + "Ġvase": 40985, + "ĠBrom": 40986, + "ĠUAE": 40987, + "ĠAbnormal": 40988, + "aturation": 40989, + "ĠDiary": 40990, + "URI": 40991, + "FTA": 40992, + "æľ¬": 40993, + "ä½ľ": 40994, + "ĠMutual": 40995, + "ĠAuthentication": 40996, + "ĠKEY": 40997, + "ĠBIM": 40998, + "apur": 40999, + "unding": 41000, + "ĠAdri": 41001, + "ĠColour": 41002, + "ICH": 41003, + "ĠAntony": 41004, + "Ġsonic": 41005, + "abilistic": 41006, + "ĠBoyd": 41007, + "Ġosmosis": 41008, + "ĠPharise": 41009, + "cnn": 41010, + "urgeon": 41011, + "kerel": 41012, + "Ġspindle": 41013, + "Ġcommute": 41014, + "Ġindiscrim": 41015, + "ovsk": 41016, + "Ġnumerals": 41017, + "Ġuri": 41018, + "films": 41019, + "Potential": 41020, + "ĠSurrounding": 41021, + "Tax": 41022, + "Ġtonal": 41023, + "âĢļ": 41024, + "ĠWatching": 41025, + "ĠLICENSE": 41026, + "ĠGan": 41027, + "ĠGenet": 41028, + "Ġhazel": 41029, + "Ġtributary": 41030, + "nod": 41031, + "Ġadverb": 41032, + "ologne": 41033, + "Ġmaladaptive": 41034, + "ĠAssessments": 41035, + "Ġdeleting": 41036, + "Ġbruising": 41037, + "Ġhawk": 41038, + "dB": 41039, + "mene": 41040, + "yrus": 41041, + "ĠSpy": 41042, + "advent": 41043, + "ĠDV": 41044, + "reddit": 41045, + "ecological": 41046, + "Stone": 41047, + "(\".": 41048, + "Ġforearm": 41049, + "Ġlifetimes": 41050, + "ĠHerbal": 41051, + "slope": 41052, + "AMPLE": 41053, + "ĠLeicester": 41054, + "Ġordinances": 41055, + "HCR": 41056, + "hai": 41057, + "tv": 41058, + "enact": 41059, + "otrans": 41060, + "ĠBau": 41061, + "ĠThousand": 41062, + "Ġunclean": 41063, + "Ġunidentified": 41064, + "conversion": 41065, + "Ġpreprocessing": 41066, + "Ġunderlie": 41067, + "covers": 41068, + "sufficiency": 41069, + "Ġcontractual": 41070, + "ĠCorpus": 41071, + "ĠMacro": 41072, + "Ġiconography": 41073, + "QUE": 41074, + "Ġlagoon": 41075, + "Customer": 41076, + "ĠAyurvedic": 41077, + "+',": 41078, + "Cour": 41079, + "Prin": 41080, + "SERV": 41081, + "Ġplywood": 41082, + "ĠCasp": 41083, + "ĠRitual": 41084, + "Ġqubits": 41085, + "ASP": 41086, + "Ġvegetarians": 41087, + "Ġreproducible": 41088, + "Ġmanipulations": 41089, + "Ġrepayment": 41090, + "/')": 41091, + "Near": 41092, + "mf": 41093, + "Ġextermin": 41094, + "reduced": 41095, + "cessive": 41096, + "Ġentrances": 41097, + "ĠWebsites": 41098, + "paragraph": 41099, + "ĠShim": 41100, + "Ġpainkillers": 41101, + "ĠPerse": 41102, + "Ġspeedy": 41103, + "Ġdishwas": 41104, + "Ġgrabbing": 41105, + "ĠFleming": 41106, + "Ġirresist": 41107, + "nda": 41108, + "Ġreiter": 41109, + "ĠCain": 41110, + "ĠGad": 41111, + "Generic": 41112, + "ĠBrigham": 41113, + "Ġretailer": 41114, + "Ġplutonium": 41115, + "thorn": 41116, + "ĠNutrient": 41117, + "ĠLig": 41118, + "ĠKlan": 41119, + "Ġrefurb": 41120, + "vester": 41121, + "posp": 41122, + "spaces": 41123, + "Ġconcentric": 41124, + "brev": 41125, + "Ġstimulants": 41126, + "oderma": 41127, + "è¦ģ": 41128, + "iou": 41129, + "ĠBella": 41130, + "Ġscribes": 41131, + "atteries": 41132, + "ĠCyrus": 41133, + "ĠBurton": 41134, + "Ġparasit": 41135, + "Ġphosphory": 41136, + "Ġmimicking": 41137, + "Ġfutile": 41138, + "literals": 41139, + "ĠBringing": 41140, + "Ġacquaintance": 41141, + "Slow": 41142, + "Upload": 41143, + "jang": 41144, + "slavery": 41145, + "ÅĦ": 41146, + "aru": 41147, + "Ġanne": 41148, + "ĠAddition": 41149, + "Ġmischie": 41150, + "Ġtimest": 41151, + "ãģ«": 41152, + "connections": 41153, + "ĠATM": 41154, + "Monitoring": 41155, + "Ġpluralism": 41156, + "ĠMcGill": 41157, + "Ġpancreatitis": 41158, + "Ġrevitalization": 41159, + "Ġdandel": 41160, + "Ġreindeer": 41161, + "idas": 41162, + "ĠCull": 41163, + "ĠMond": 41164, + "Ġflor": 41165, + "icken": 41166, + "ATM": 41167, + "Ġsolidifying": 41168, + "Ġballistic": 41169, + "ĠCDs": 41170, + "ĠPrioritize": 41171, + "Ġbunny": 41172, + "TX": 41173, + "fusion": 41174, + "nance": 41175, + "pandas": 41176, + "wik": 41177, + "Ġtester": 41178, + "ĠDuch": 41179, + "ĠGrat": 41180, + "areas": 41181, + "Ġpeg": 41182, + "Ġneedy": 41183, + "attachment": 41184, + "Ġcollapses": 41185, + "Ġ...\"": 41186, + "Ġgrapples": 41187, + "Ġnicknamed": 41188, + "ĠHypothesis": 41189, + "Ġcooperatives": 41190, + "Ġaroused": 41191, + "Ġlandlords": 41192, + "ĠEid": 41193, + "Ġshorts": 41194, + "Ġdislocation": 41195, + "hence": 41196, + "Ġsmear": 41197, + "']):": 41198, + "Ġcrave": 41199, + "Ġcooker": 41200, + "Ġtraumas": 41201, + "Ġborderline": 41202, + "Ġterrific": 41203, + "Ġcrocodiles": 41204, + "privile": 41205, + "orah": 41206, + "ĠIli": 41207, + "ureth": 41208, + "redited": 41209, + "fters": 41210, + "comycin": 41211, + "spinal": 41212, + "Ġornith": 41213, + "ĠBibliography": 41214, + "Ġqueryset": 41215, + "Ġabrasive": 41216, + "}^{": 41217, + "ĠBt": 41218, + "Ġdepot": 41219, + "genes": 41220, + "Webster": 41221, + "ĠHalifax": 41222, + "Ġshouted": 41223, + "ĠNeighborhood": 41224, + "Collins": 41225, + "ĠClaims": 41226, + ";\\": 41227, + "Maria": 41228, + "Magic": 41229, + "kids": 41230, + "Ġcreeks": 41231, + "ocry": 41232, + "Ġjs": 41233, + "Ġtwilight": 41234, + "Ġoffences": 41235, + "workflow": 41236, + "ĠAssam": 41237, + "Ġhomicide": 41238, + "Ġparked": 41239, + "liked": 41240, + "Ġadversary": 41241, + "massive": 41242, + "igraphic": 41243, + "Ġinfrastructures": 41244, + "Ġheresy": 41245, + "ĠTurb": 41246, + "aghetti": 41247, + "Ġcyberspace": 41248, + "ĠSurprisingly": 41249, + "ĠPenny": 41250, + "ĠEconomist": 41251, + "ravings": 41252, + "prompt": 41253, + "Ġlubrication": 41254, + "PeerV": 41255, + "ĠSidney": 41256, + "Ġvengeance": 41257, + "rstrip": 41258, + "ëĭ": 41259, + "Ġaka": 41260, + "ĠRide": 41261, + "ptious": 41262, + "astro": 41263, + "Ġscuba": 41264, + "Ġhumiliation": 41265, + "Ġorganelles": 41266, + "Ġmilieu": 41267, + "âĢ¦)": 41268, + "ĠPresidency": 41269, + "Ġmutants": 41270, + "generally": 41271, + "provided": 41272, + "Ġinterrupting": 41273, + "ĠPrediction": 41274, + "ĠScholarship": 41275, + "')))": 41276, + "Phy": 41277, + "Ġuid": 41278, + "ĠDro": 41279, + "ĠDoyle": 41280, + "ĠKyr": 41281, + "getcwd": 41282, + "Ġslit": 41283, + "ĠDepth": 41284, + "ĠAutobi": 41285, + "ĠAttach": 41286, + "ĠArchitectural": 41287, + "Ġdishonest": 41288, + "urism": 41289, + "ungen": 41290, + "ĠConventional": 41291, + "Ġsuperpower": 41292, + "ĠAcquisition": 41293, + "passed": 41294, + "Ġribbons": 41295, + "ĠFrontiers": 41296, + "financial": 41297, + "ĠVaccines": 41298, + "'(": 41299, + "abouts": 41300, + "Ġgeologist": 41301, + "ĠArtillery": 41302, + "Ġfacilitator": 41303, + "ĠHyde": 41304, + "Ġpneumatic": 41305, + "ĠJaneiro": 41306, + "û": 41307, + "Ġbumble": 41308, + "Ġgul": 41309, + "oreau": 41310, + "ĠWatt": 41311, + "ĠNintendo": 41312, + "iav": 41313, + "Ġglide": 41314, + "Ġslog": 41315, + "cula": 41316, + "Ġfallout": 41317, + "ĠGreenwich": 41318, + "Attention": 41319, + "Professional": 41320, + "ĠHolding": 41321, + "}{\\": 41322, + "ĠCaucasian": 41323, + "Ġestuaries": 41324, + "catalog": 41325, + "rx": 41326, + "ĠCBS": 41327, + "andro": 41328, + "Ġevoked": 41329, + "phs": 41330, + "ĠReproduction": 41331, + "ĠCompost": 41332, + "Ġtrustees": 41333, + "visited": 41334, + "ĠUseful": 41335, + "ĠBoards": 41336, + "Ġм": 41337, + "Ġnitrates": 41338, + "ом": 41339, + "ĠAlongside": 41340, + "combined": 41341, + "Ġinaugurated": 41342, + "Ġblueprints": 41343, + "Ġnarciss": 41344, + "Ġlandslide": 41345, + "?](": 41346, + "Mos": 41347, + "Ġfries": 41348, + "ĠTend": 41349, + "resnet": 41350, + "ĠJaw": 41351, + "ĠAlaskan": 41352, + "Ġendanger": 41353, + "Ġvariously": 41354, + "Ġuntapped": 41355, + "Ġdeduction": 41356, + "-----------------------------------": 41357, + "osphorus": 41358, + "ĠPathology": 41359, + "Ġgranules": 41360, + "Ġotters": 41361, + "ĠCeres": 41362, + "JO": 41363, + "Rod": 41364, + "ulmonary": 41365, + "ĠBess": 41366, + "aunder": 41367, + "ĠVideos": 41368, + "ĠClaire": 41369, + "Ġmotility": 41370, + "timezone": 41371, + "summer": 41372, + "Ġcarnivorous": 41373, + "ĠUber": 41374, + "ĠJill": 41375, + "ĠKeller": 41376, + "Ġregurg": 41377, + "completed": 41378, + "arches": 41379, + "âĢľ.": 41380, + "rada": 41381, + "Ġsequel": 41382, + "Ġsqrt": 41383, + "Ġanteced": 41384, + "Ġmisfortune": 41385, + "Pin": 41386, + "Ġtungsten": 41387, + "entities": 41388, + "Ġeerie": 41389, + "ĠWille": 41390, + "Ġunanswered": 41391, + "expert": 41392, + "Ġilliterate": 41393, + "Ġscreaming": 41394, + "Ġuniverses": 41395, + "ĠHistorians": 41396, + "ĠKoreans": 41397, + "ĠBrotherhood": 41398, + "ĠFeelings": 41399, + "Ġphylogeny": 41400, + "Ġgiraffe": 41401, + "tear": 41402, + "ĠTiny": 41403, + "ĠBard": 41404, + "Ġoxal": 41405, + "Ġµm": 41406, + "@@": 41407, + "Ġou": 41408, + "ĠCoy": 41409, + "Ġsyringe": 41410, + "ĠCompos": 41411, + "ĠActing": 41412, + "Ġutilised": 41413, + "ãģĹ": 41414, + "clicked": 41415, + "Ġsprang": 41416, + "bohydrate": 41417, + "kinesis": 41418, + "Ġrename": 41419, + "Ġure": 41420, + "ĠDoll": 41421, + "ĠRheumat": 41422, + "Ġrogue": 41423, + "ertations": 41424, + "armament": 41425, + "')(": 41426, + "ĠColored": 41427, + "Ġstressing": 41428, + "Ġarcheological": 41429, + "ĠParadox": 41430, + "Ġsolubility": 41431, + "Mom": 41432, + "ĠTart": 41433, + "icky": 41434, + "Ġincrements": 41435, + "notify": 41436, + "Ġwasteful": 41437, + "ĠElectoral": 41438, + "Scope": 41439, + "Ġtightening": 41440, + "Attr": 41441, + "PON": 41442, + "Ġcpu": 41443, + "Ġstocking": 41444, + "Ġdeceive": 41445, + "ĠDere": 41446, + "Ġequate": 41447, + "manufact": 41448, + "Ġharden": 41449, + "Ġsensibilities": 41450, + "Ġfurthermore": 41451, + "CSI": 41452, + "[:,:,": 41453, + "latent": 41454, + "ог": 41455, + "Pattern": 41456, + "Reducing": 41457, + "forestry": 41458, + "responses": 41459, + "ĠGlossary": 41460, + "Crypt": 41461, + "Done": 41462, + "Fixed": 41463, + "Ice": 41464, + "MARY": 41465, + "}(": 41466, + "å¿": 41467, + "Ġhoo": 41468, + "ĠMesh": 41469, + "ĠEure": 41470, + "ĠFlem": 41471, + "ĠRash": 41472, + "ĠOW": 41473, + "Ġeffluent": 41474, + "escape": 41475, + "Ġtotalitarian": 41476, + "zzi": 41477, + "pubmed": 41478, + "大": 41479, + "ĠMirror": 41480, + "egg": 41481, + "stere": 41482, + "Ġgills": 41483, + "egy": 41484, + "Chart": 41485, + "Andrew": 41486, + "ĠLockheed": 41487, + "Ġprerequisites": 41488, + "Bottom": 41489, + "Ġaversion": 41490, + "Ġbouncing": 41491, + "acer": 41492, + "ĠHare": 41493, + "ĠErik": 41494, + "Ġunquestion": 41495, + "theory": 41496, + "ophones": 41497, + "ĠFloyd": 41498, + "Ġinformally": 41499, + "Ġcharger": 41500, + "Preventing": 41501, + "Ġeradicated": 41502, + "Ġhectare": 41503, + "FORMAT": 41504, + "Ġbrochure": 41505, + "Hearing": 41506, + "sess": 41507, + "ĠSony": 41508, + "Ġnewsletters": 41509, + "Ġvalidator": 41510, + "ĠUNIX": 41511, + "Peak": 41512, + "racuse": 41513, + "Ġreassuring": 41514, + "ĠEstablishment": 41515, + "oplasty": 41516, + "ĠUzbekistan": 41517, + ":')": 41518, + "pw": 41519, + "enital": 41520, + "Ġcrib": 41521, + "iona": 41522, + "Ġgc": 41523, + "idon": 41524, + "ĠCFR": 41525, + "Ġorphans": 41526, + "antib": 41527, + "ĠHos": 41528, + "ĠStrip": 41529, + "Ġ''.": 41530, + "Ġinvoking": 41531, + "Ġscorp": 41532, + "Ġuntold": 41533, + "Ġmisguided": 41534, + "ridium": 41535, + "solved": 41536, + "Ġelevating": 41537, + "Ġlunchtime": 41538, + "ĠMothers": 41539, + "Ġquadru": 41540, + "'}),": 41541, + "Ġdeformity": 41542, + "Kim": 41543, + "Ġpaw": 41544, + "ĠMith": 41545, + "Ġphased": 41546, + "ĠEarthquake": 41547, + "Ġbarb": 41548, + "ĠSimpl": 41549, + "-------------------------------------": 41550, + "PAA": 41551, + "surv": 41552, + "Ġbrilliance": 41553, + "ĠHardware": 41554, + "ĠReflections": 41555, + "ĠAurora": 41556, + "Ġcolloquial": 41557, + "ĠTiber": 41558, + "ĠDrought": 41559, + "Ġabduct": 41560, + "ĠThou": 41561, + "Ġrepro": 41562, + "Ġparrots": 41563, + "External": 41564, + "Ġsequentially": 41565, + "ĠEntity": 41566, + "Gets": 41567, + "Miller": 41568, + "lord": 41569, + "uw": 41570, + "Ġspacious": 41571, + "Ġblat": 41572, + "ĠExisting": 41573, + "ĠEngels": 41574, + "Anne": 41575, + "ον": 41576, + "Ġnurtured": 41577, + "Ġstews": 41578, + "ĠPilate": 41579, + "Ġparalyzed": 41580, + "ĠTaste": 41581, + "amer": 41582, + "Ġincarn": 41583, + "Ġundiagnosed": 41584, + "Ġillustrator": 41585, + "Teach": 41586, + "Ġaddicts": 41587, + "ĠDigestive": 41588, + "ĠIsabella": 41589, + "Motor": 41590, + "cdot": 41591, + "fight": 41592, + "gc": 41593, + "Ġsigmoid": 41594, + "ducer": 41595, + "Ġhumour": 41596, + "Ġboasted": 41597, + "\")]": 41598, + "Ġminimax": 41599, + "Ġtelemedicine": 41600, + "SAGE": 41601, + "ĠGetty": 41602, + "Ġcartridges": 41603, + "Ġrectify": 41604, + "opathology": 41605, + "Hold": 41606, + "caster": 41607, + "ipers": 41608, + "Ġamerica": 41609, + "Changing": 41610, + "Ġgameplay": 41611, + "ĠReligions": 41612, + "ĠEvil": 41613, + "cutta": 41614, + "Ġperfume": 41615, + "publication": 41616, + "Ġcoincides": 41617, + "Ġtreadmill": 41618, + "controllers": 41619, + "Ġbenevolent": 41620, + "Ġcs": 41621, + "ĠErit": 41622, + "ĠStuff": 41623, + "Ġdifferentiating": 41624, + "Ġlistens": 41625, + "Ġxi": 41626, + "ĠDisput": 41627, + "ĠInvite": 41628, + "Ġglutamate": 41629, + "?),": 41630, + "Greg": 41631, + "joice": 41632, + "relevant": 41633, + "Ġtopp": 41634, + "Ġleaps": 41635, + "Ġshrou": 41636, + "ilded": 41637, + "Ġpeach": 41638, + "Ġwaterfowl": 41639, + "ĠAluminum": 41640, + "dera": 41641, + "ĠAmes": 41642, + "Ġpunitive": 41643, + "Ġdoorway": 41644, + "ĠUVB": 41645, + "Ġhydrochlor": 41646, + "diversity": 41647, + "hands": 41648, + "ostatic": 41649, + "Ġplough": 41650, + "Ġdecis": 41651, + "brushes": 41652, + "ICA": 41653, + "IFI": 41654, + "ĠPuritans": 41655, + "ĠRNAs": 41656, + "Ġanecdotes": 41657, + "Ġskyscrapers": 41658, + "Nodes": 41659, + "ĠEuler": 41660, + "Ġenrolling": 41661, + "ointment": 41662, + "ĠZhao": 41663, + "Ġepoxy": 41664, + "Ġtubers": 41665, + "ĠColonies": 41666, + "Supplement": 41667, + "Ġwandered": 41668, + "ĠIncorporating": 41669, + "Sci": 41670, + "çIJ": 41671, + "atonic": 41672, + "antage": 41673, + "ĠGift": 41674, + "awatt": 41675, + "Ġbranched": 41676, + "Ġmultiv": 41677, + "ĠChev": 41678, + "ãģĦ": 41679, + "erenced": 41680, + "Ġcannons": 41681, + "Ġvagu": 41682, + "('.//": 41683, + "Ġpears": 41684, + "Ġextermination": 41685, + "ĠBRCA": 41686, + "ĠDive": 41687, + "ĠOA": 41688, + "Ġwills": 41689, + "composition": 41690, + "Ġdelights": 41691, + "Ġlandowner": 41692, + "coe": 41693, + "Ġprobation": 41694, + "ĠFloor": 41695, + "Ġmounts": 41696, + "ĠJournalism": 41697, + "Ġsweetener": 41698, + "ĠAdvice": 41699, + "Edward": 41700, + "ocytic": 41701, + "Ġcommissioners": 41702, + "ozo": 41703, + "Identifying": 41704, + "Ġgorilla": 41705, + "Wrap": 41706, + "unken": 41707, + "Ġwiden": 41708, + "ETA": 41709, + "ĠBrett": 41710, + "ĠErrors": 41711, + "Axis": 41712, + "Ġoo": 41713, + "icile": 41714, + "Ġejected": 41715, + "Ġstitching": 41716, + "ĠSail": 41717, + "ĠCoding": 41718, + "ipur": 41719, + "ĠKell": 41720, + "Ġelective": 41721, + "ĠSurrey": 41722, + "Ġbrownish": 41723, + "Ġadmiring": 41724, + "Ġmemorials": 41725, + "Ġascended": 41726, + "Ġincidental": 41727, + "ĠParenting": 41728, + "preserved": 41729, + "ĠOslo": 41730, + "Ġhaunting": 41731, + "Ġcrevices": 41732, + "Ġmnem": 41733, + "Ġdar": 41734, + "Ġvars": 41735, + "schem": 41736, + "Ġderiving": 41737, + "Ġmemorization": 41738, + "Ġmucosa": 41739, + "Ġstagnation": 41740, + "Astron": 41741, + "ĠRutgers": 41742, + "COR": 41743, + "Upper": 41744, + "enfranch": 41745, + "ĠPinterest": 41746, + "ĠBism": 41747, + "ĠNarc": 41748, + "agy": 41749, + "ĠGuided": 41750, + "ĠLimits": 41751, + "ctuaries": 41752, + "Detail": 41753, + "Ġadultery": 41754, + "Ġwhiskey": 41755, + "alternative": 41756, + "esophageal": 41757, + "Sadly": 41758, + "Ġunimaginable": 41759, + "hua": 41760, + "tera": 41761, + "pee": 41762, + "Ġwhey": 41763, + "ibo": 41764, + "formatter": 41765, + "rens": 41766, + "Ġpreferring": 41767, + "Applications": 41768, + "Ġelectrostatic": 41769, + "Ġhalo": 41770, + "Ġ×IJ": 41771, + "Ġuplifting": 41772, + "greater": 41773, + "ĠPasadena": 41774, + "Ġfrankly": 41775, + "Ġscratches": 41776, + "Ġstalls": 41777, + "opecia": 41778, + "Ġsubclass": 41779, + "Ġslider": 41780, + "Ġturnout": 41781, + "Ġsociocultural": 41782, + "ĠTransc": 41783, + "liner": 41784, + "Ġradioactivity": 41785, + "Ġstamped": 41786, + "ĠKurds": 41787, + "ilinear": 41788, + "Named": 41789, + "Ġpav": 41790, + "ĠCCD": 41791, + "ĠKuh": 41792, + "Ġexpel": 41793, + "ecal": 41794, + "Ġcausative": 41795, + "shut": 41796, + "Ġposthum": 41797, + "ĠLeipzig": 41798, + "Ġturkeys": 41799, + "Ġroman": 41800, + "Ġperpetrator": 41801, + "ĠElizabethan": 41802, + "Ġrho": 41803, + "Ġcannabinoids": 41804, + "Ġidioms": 41805, + "Ġspectrometer": 41806, + "Ġquilt": 41807, + "Ġheartfelt": 41808, + "intering": 41809, + "Ġmultiplex": 41810, + "oea": 41811, + "ĠInfrared": 41812, + "ĠTreating": 41813, + "Ġcarts": 41814, + "Lean": 41815, + "slots": 41816, + "awning": 41817, + "Ġpooled": 41818, + "Ġfeminists": 41819, + "brother": 41820, + "Ġpermeable": 41821, + "ĠLithuanian": 41822, + "BatchNorm": 41823, + "\"})": 41824, + "-(": 41825, + "Ġanthem": 41826, + "ĠHmm": 41827, + "ĠGav": 41828, + "ĠJah": 41829, + "Ġ'(": 41830, + "Ġrefin": 41831, + "etype": 41832, + "Ġprotracted": 41833, + "ischen": 41834, + "Ġcrossroads": 41835, + "Ġfascism": 41836, + "ĠMahab": 41837, + "buy": 41838, + "Ġcrucified": 41839, + "bohydrates": 41840, + "Ġjogging": 41841, + "Ram": 41842, + "otide": 41843, + "Ġstrap": 41844, + "ĠMys": 41845, + "emit": 41846, + "ĠDollar": 41847, + "Ġenzymatic": 41848, + "Ġunderworld": 41849, + "Ġcentred": 41850, + "ĠGeorgetown": 41851, + "ĠFlip": 41852, + "corpus": 41853, + "ĠPopulations": 41854, + "ĠGeorges": 41855, + "ĠUltimate": 41856, + "families": 41857, + "Ġephemeral": 41858, + "Ken": 41859, + "ĠTau": 41860, + "ĠLists": 41861, + "ĠKang": 41862, + "ramatic": 41863, + "Ġflair": 41864, + "ĠReservation": 41865, + "rophes": 41866, + "Charl": 41867, + "ĠConflicts": 41868, + "processes": 41869, + "Ġduplicates": 41870, + "utenberg": 41871, + "throughput": 41872, + "ĠNapoleonic": 41873, + "bags": 41874, + "niz": 41875, + "Ġstink": 41876, + "Ġsubstituting": 41877, + "Ġwealthier": 41878, + "Ġpunishing": 41879, + "etheus": 41880, + "Ġannexation": 41881, + "magic": 41882, + "Ġasparagus": 41883, + "Ġvind": 41884, + "ĠDW": 41885, + "ĠAnonymous": 41886, + "override": 41887, + "ĠPhyt": 41888, + "Ġbehaved": 41889, + "Ġmassively": 41890, + "Ġroadside": 41891, + "Ġadopts": 41892, + "ĠHistorian": 41893, + "skills": 41894, + "Ġhonorable": 41895, + "consciousness": 41896, + "Ġoversimpl": 41897, + "ĠComplexity": 41898, + "ĠCoverage": 41899, + "示": 41900, + "Ö¹": 41901, + "atians": 41902, + "Ġmaternity": 41903, + "ĠFortune": 41904, + "Ġoverwrite": 41905, + "Ġexploding": 41906, + "ecks": 41907, + "ĠArgon": 41908, + "Problems": 41909, + "justice": 41910, + "Ġgraphing": 41911, + "Ġrepeal": 41912, + "ĠIsraelis": 41913, + "Ġrollers": 41914, + "Ġrulings": 41915, + "ĠCleopatra": 41916, + "Ġantagonist": 41917, + "Ġdemocrat": 41918, + "Ġtug": 41919, + "Ġsack": 41920, + "Ġcrossover": 41921, + "Ġpact": 41922, + "icions": 41923, + "Ġgels": 41924, + "ĠGes": 41925, + "Ġcaramel": 41926, + "Ġfittings": 41927, + "Translation": 41928, + "Ġantennae": 41929, + "Ġcohorts": 41930, + "forts": 41931, + "trust": 41932, + "ĠHancock": 41933, + "Ġkar": 41934, + "Ġdecoded": 41935, + "Ġbackups": 41936, + "ĠShak": 41937, + "Planning": 41938, + "organism": 41939, + "Ġvibrate": 41940, + "supply": 41941, + "ĠMiranda": 41942, + "Ġscrumptious": 41943, + "CID": 41944, + "imoto": 41945, + "Ġgp": 41946, + "ĠHER": 41947, + "Ġhairst": 41948, + "ĠNOW": 41949, + "Ġketo": 41950, + "ĠThin": 41951, + "acker": 41952, + "deployment": 41953, + "Ġcurses": 41954, + "Ġincarnation": 41955, + "oha": 41956, + "Ġconversely": 41957, + "APTER": 41958, + "Ġceases": 41959, + "Ġphotosynthetic": 41960, + "ĠEmployee": 41961, + "Ġkissing": 41962, + "Ġrefractory": 41963, + "Ġtyphoid": 41964, + "Ġtheologian": 41965, + "Apr": 41966, + "Pi": 41967, + "ĠPanch": 41968, + "ĠBering": 41969, + "Ġvalence": 41970, + "Ġmillimeter": 41971, + "ĠManagers": 41972, + "Ġadapts": 41973, + "Ġpollute": 41974, + "Ġabundantly": 41975, + "ĠMcCle": 41976, + "Ġmeteorites": 41977, + "Ġabsentee": 41978, + "Cool": 41979, + "Ni": 41980, + "itial": 41981, + "oling": 41982, + "ĠNUM": 41983, + "Ġburner": 41984, + "Adult": 41985, + "ĠAmongst": 41986, + "aggressions": 41987, + "aunted": 41988, + "Ġanthology": 41989, + "ĠFernando": 41990, + "Ġapprehend": 41991, + "ĠNathaniel": 41992, + "Ġperceives": 41993, + "Ġantiseptic": 41994, + "OVA": 41995, + "cub": 41996, + "Ġcet": 41997, + "Ġredefine": 41998, + "cele": 41999, + "ĠCatch": 42000, + "ĠEA": 42001, + "asta": 42002, + "Ġallowances": 42003, + "Ġoperative": 42004, + "Ġorigami": 42005, + "choline": 42006, + "Ġwidows": 42007, + "Ġquantifying": 42008, + "ĠFunds": 42009, + "Ġtransmitters": 42010, + "Ġdiminishes": 42011, + "Ġfolktales": 42012, + "foods": 42013, + "Ġinterchangeable": 42014, + "Ġindigestion": 42015, + "ĠWalsh": 42016, + "Ġillegitimate": 42017, + "Nuclear": 42018, + "è½": 42019, + "Ġwaged": 42020, + "alien": 42021, + "arxiv": 42022, + "ĠDangerous": 42023, + "Ġindebted": 42024, + "()])": 42025, + "Ġfunctionally": 42026, + "Ġlabelling": 42027, + "Ġbookstore": 42028, + "incare": 42029, + "ĠXer": 42030, + "Ġvisualized": 42031, + "ĠTrav": 42032, + "Ġshoppers": 42033, + "Ġà¤ķ": 42034, + "boolean": 42035, + "rifice": 42036, + "wake": 42037, + "Ġcd": 42038, + "ĠTakes": 42039, + "Ġchars": 42040, + "ĠLoan": 42041, + "Ġrelays": 42042, + "Ġattested": 42043, + "Ġfilenames": 42044, + "ĠSpending": 42045, + "ĠBrexit": 42046, + "Ġdwarfs": 42047, + "Ġemigrated": 42048, + "Ġstor": 42049, + "ĠGU": 42050, + "Ġdiocese": 42051, + "iked": 42052, + "ĠDisk": 42053, + "ĠMorse": 42054, + "Ġsacrificial": 42055, + "Ġhusbandry": 42056, + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 42057, + "Login": 42058, + "Ġintermediary": 42059, + "ĠSchneider": 42060, + "Ġpk": 42061, + "Ġpensions": 42062, + "Ġevokes": 42063, + "Ġsuperpowers": 42064, + "Ġexcuses": 42065, + "ĠStatements": 42066, + "ĠBois": 42067, + "Ġsynagogues": 42068, + "Ġdefeats": 42069, + "EEK": 42070, + "Ġdeductions": 42071, + "Ġlethargy": 42072, + "Poll": 42073, + "Ġores": 42074, + "Ġomission": 42075, + "chs": 42076, + "ĠEcol": 42077, + "Ġpriori": 42078, + "Ġtruthful": 42079, + "ä¸ĭ": 42080, + "Ġjewels": 42081, + "ĠHeming": 42082, + "Ġreckless": 42083, + "Ġanarchist": 42084, + "rystalline": 42085, + "-'": 42086, + "houn": 42087, + "tiny": 42088, + "vote": 42089, + "Ġmins": 42090, + "Ġdanced": 42091, + "ĠSik": 42092, + "ĠMaid": 42093, + "thank": 42094, + "ĠBing": 42095, + "Ġcompel": 42096, + "ISBN": 42097, + "-----------------------------------------": 42098, + "ĠBraille": 42099, + "Ġglycer": 42100, + "Ġsubsidized": 42101, + "Ġarbitrarily": 42102, + "VS": 42103, + "tal": 42104, + "Ġtv": 42105, + "ellan": 42106, + "ĠUnexpected": 42107, + "ĠStones": 42108, + "Ġraped": 42109, + "Ġbrewer": 42110, + "Ġforcefully": 42111, + "instead": 42112, + "ridged": 42113, + "Ġconquering": 42114, + "variance": 42115, + "selector": 42116, + "________________________________": 42117, + "Ġmangroves": 42118, + "Ensure": 42119, + "eclampsia": 42120, + "ĠNuremberg": 42121, + "Room": 42122, + "fir": 42123, + "kv": 42124, + "ermann": 42125, + "Ġloaf": 42126, + "Ġneutrinos": 42127, + "ediatr": 42128, + "Ġbiodiesel": 42129, + "Runner": 42130, + "Ġamphibian": 42131, + "Ros": 42132, + "ĠIz": 42133, + "acin": 42134, + "ĠBipolar": 42135, + "ĠFishing": 42136, + "Ġjams": 42137, + "ricing": 42138, + "lesn": 42139, + "ĠContainer": 42140, + "ĠPratt": 42141, + "ĠAquatic": 42142, + "enching": 42143, + "Ġfoe": 42144, + "Ġgren": 42145, + "ĠABO": 42146, + "ĠLal": 42147, + "Ġnaturalistic": 42148, + "Ġshipments": 42149, + "Ġintervened": 42150, + "Ġhypoglycemia": 42151, + "ĠSlovenia": 42152, + "Pair": 42153, + "atters": 42154, + "Ġdives": 42155, + "ĠSOL": 42156, + "ĠFon": 42157, + "ĠLoch": 42158, + "Ġbulge": 42159, + "Ġoverlaps": 42160, + "Ġthreaded": 42161, + "Ġobligatory": 42162, + "ĠECG": 42163, + "Ġboron": 42164, + "hz": 42165, + "arf": 42166, + "ĠBates": 42167, + "ĠGABA": 42168, + "Ġ'':": 42169, + "Ġdesalination": 42170, + "Ġconcussions": 42171, + "ĠAshley": 42172, + "Ġaddictions": 42173, + "Ġenlightening": 42174, + "Ġequivalence": 42175, + "Ġendometriosis": 42176, + "RH": 42177, + "×ŀ": 42178, + "åĴĮ": 42179, + "veh": 42180, + "ĠPiano": 42181, + "Ġcommend": 42182, + "ĠVs": 42183, + "ĠShack": 42184, + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 42185, + "Ġrounding": 42186, + "Ġknocking": 42187, + "Ġdiscriminated": 42188, + "ĠOperational": 42189, + "Ġvenomous": 42190, + "Ġreassess": 42191, + "ĠCapitalism": 42192, + "Ġreplicating": 42193, + "oskeleton": 42194, + "ocalypse": 42195, + "Preparing": 42196, + "Ġhassle": 42197, + "Ġexcreted": 42198, + "Ġgrizzly": 42199, + "rp": 42200, + "elike": 42201, + "stuffs": 42202, + "ĠHoll": 42203, + "ĠHumb": 42204, + "wei": 42205, + "Ġdiscouraging": 42206, + "ĠLeaving": 42207, + "Ġsects": 42208, + "CHANT": 42209, + "Ġkilometer": 42210, + "Ġsucceeds": 42211, + "ĠTemp": 42212, + "à¥ĭ": 42213, + "ĠCellular": 42214, + "iphon": 42215, + "laden": 42216, + "nuclear": 42217, + "Ġforging": 42218, + "Ġali": 42219, + "Ġvign": 42220, + "uren": 42221, + "Ġ{{": 42222, + "Animals": 42223, + "ĠIntra": 42224, + "skill": 42225, + "Ġsweetened": 42226, + "Ġnanometers": 42227, + "recorded": 42228, + "ĠChiang": 42229, + "Ġbluish": 42230, + "ĠWetlands": 42231, + "Ġcommemorates": 42232, + "ĠAztecs": 42233, + "Ġdissipate": 42234, + "ĠSomerset": 42235, + "Ġmornings": 42236, + "Ġhoof": 42237, + "ĠTier": 42238, + "Ġconical": 42239, + "rometer": 42240, + "weets": 42241, + "Ġsignage": 42242, + "whose": 42243, + "Ġsleepiness": 42244, + "Added": 42245, + "movement": 42246, + "umenical": 42247, + "following": 42248, + "ĠEscherichia": 42249, + "Ġnexus": 42250, + "Deg": 42251, + "ò": 42252, + "Ê¿": 42253, + "enas": 42254, + "Ġthief": 42255, + "Ġvals": 42256, + "Ġbiosphere": 42257, + "ĠBlend": 42258, + "accel": 42259, + "Expr": 42260, + "ĠSurgeon": 42261, + "Ġkitten": 42262, + "Medicine": 42263, + "ĠMahatma": 42264, + "Ġsailor": 42265, + "ĠHanukkah": 42266, + "Ġoverseeing": 42267, + "ĠPhenomen": 42268, + "ĠAegean": 42269, + "ĠTrinidad": 42270, + "ĠDresden": 42271, + "ĠAids": 42272, + "Ġchast": 42273, + "ĠChu": 42274, + "ARP": 42275, + "ophores": 42276, + "Exodus": 42277, + "Ġcheckout": 42278, + "Neither": 42279, + "Ġjewellery": 42280, + "ĠArchitects": 42281, + "Ġmacroeconomic": 42282, + "ENGTH": 42283, + "Battle": 42284, + "Wire": 42285, + "oeb": 42286, + "ĠSister": 42287, + "ocious": 42288, + "Ġ{:": 42289, + "Ġcryptic": 42290, + "Ġhospitalizations": 42291, + "ел": 42292, + "Ġsqlite": 42293, + "scientist": 42294, + "ĠBrowse": 42295, + "Ġhypothalamus": 42296, + "Ġfollicle": 42297, + "Ġinconvenience": 42298, + "interpreted": 42299, + "Mi": 42300, + "Ġoaks": 42301, + "Ġdocker": 42302, + "ĠFus": 42303, + "ASC": 42304, + "avorite": 42305, + "Ġheaviest": 42306, + "ĠNottingham": 42307, + "Ġfragility": 42308, + "ĠMercy": 42309, + "utherford": 42310, + "Ġhesit": 42311, + "Maintaining": 42312, + ":{": 42313, + "Ġfd": 42314, + "lez": 42315, + "Ġdecarbon": 42316, + "ĠAugusta": 42317, + "Ġinterfaith": 42318, + "Ġperpetuated": 42319, + "ĠFriendly": 42320, + "Ġcockroaches": 42321, + "ĠLEGO": 42322, + "PK": 42323, + "rasion": 42324, + "ilism": 42325, + "ĠPt": 42326, + "Ġmicrophones": 42327, + "ĠAgu": 42328, + "Ġtrusty": 42329, + "Ġmocked": 42330, + "BaseModel": 42331, + "symbols": 42332, + "uploads": 42333, + "Ġischemic": 42334, + "Saturday": 42335, + "jpeg": 42336, + "additional": 42337, + "andering": 42338, + "clf": 42339, + "ibald": 42340, + "earned": 42341, + "obot": 42342, + "Ġretribution": 42343, + "ĠZn": 42344, + "Ġwoodworking": 42345, + "uddled": 42346, + "Ġconstructively": 42347, + "Ġcuriously": 42348, + "DSM": 42349, + "Ġaggregated": 42350, + "Factor": 42351, + "oblastoma": 42352, + "Ġsparingly": 42353, + "gut": 42354, + "alive": 42355, + "Ġdas": 42356, + "ĠBac": 42357, + "avid": 42358, + "Ġinteroperability": 42359, + "Ġcareless": 42360, + "Ġhostname": 42361, + "Ġhydrological": 42362, + "ĠElectron": 42363, + "detect": 42364, + "Ġtuples": 42365, + "®,": 42366, + "ĠJonah": 42367, + "Ġendeavour": 42368, + "Ġlodging": 42369, + "ĠAthenian": 42370, + "ĠLIMITED": 42371, + ";'": 42372, + "esville": 42373, + "Ġgulf": 42374, + "terious": 42375, + "ĠFres": 42376, + "Ġroamed": 42377, + "nez": 42378, + "Ġdeseg": 42379, + "ronomic": 42380, + "ĠAnimation": 42381, + "Ġmetering": 42382, + "spers": 42383, + "ĠAmpl": 42384, + "ĠRiverside": 42385, + "rare": 42386, + "ĠHed": 42387, + "Ġintending": 42388, + "ĠArd": 42389, + "Ġutopian": 42390, + "Ġtrustee": 42391, + "Ġtelevisions": 42392, + "Contrary": 42393, + "ĠGlobalization": 42394, + "Objects": 42395, + "Ġhamlet": 42396, + "Ġterrified": 42397, + "ĠHelsinki": 42398, + "æģ": 42399, + "icule": 42400, + "ĠPend": 42401, + "ĠWare": 42402, + "Ġpassively": 42403, + "Ġcaliph": 42404, + "ivalence": 42405, + "Ġpayable": 42406, + "ĠPartial": 42407, + "ĠEducate": 42408, + "Ġinstitutionalized": 42409, + "Ġoctave": 42410, + "ĠSurviv": 42411, + "ĠTMJ": 42412, + "Ġclerks": 42413, + "Ġremedial": 42414, + "ĠPractitioners": 42415, + "BOT": 42416, + "said": 42417, + "Ġhars": 42418, + "ĠAway": 42419, + "ĠCeram": 42420, + "umab": 42421, + "Ġcanoes": 42422, + "('[": 42423, + "ankar": 42424, + "ammers": 42425, + "choly": 42426, + "Ġseasoning": 42427, + "ĠSilva": 42428, + "Ġfederation": 42429, + "Ġintermediaries": 42430, + "Ġmicronutrients": 42431, + "ĠAramaic": 42432, + "EAR": 42433, + "atten": 42434, + "isbury": 42435, + "ĠTin": 42436, + "resistance": 42437, + "ĠBant": 42438, + "Ġweaning": 42439, + "ĠFAA": 42440, + "ichte": 42441, + "ĠRee": 42442, + "Whilst": 42443, + "ĠCompassion": 42444, + "Ġquantification": 42445, + "ĠModerate": 42446, + "markdown": 42447, + "Ġhoneybees": 42448, + "Ġalarmed": 42449, + "ĠMoment": 42450, + "Ġcorpses": 42451, + "CESS": 42452, + "Nit": 42453, + "dwelling": 42454, + "iander": 42455, + "hera": 42456, + "itled": 42457, + "Ġbc": 42458, + "ircon": 42459, + "Ġadsorption": 42460, + "uchs": 42461, + "Ġminer": 42462, + "Ġmains": 42463, + "Ġanalogue": 42464, + "ĠControlled": 42465, + "ĠNeu": 42466, + "Ġtillage": 42467, + "ĠAdolescents": 42468, + "Bud": 42469, + "Lincoln": 42470, + "yam": 42471, + "ĠTot": 42472, + "ĠCisco": 42473, + "ellings": 42474, + "Ġpreprocess": 42475, + "Ġhistamine": 42476, + "evidence": 42477, + "sembles": 42478, + "ĠBenefit": 42479, + "Ġnanost": 42480, + "Ġepistemology": 42481, + "riment": 42482, + "Ġpantry": 42483, + "Ġmocking": 42484, + "ĠSSR": 42485, + "ĠCaps": 42486, + "Ġoutliers": 42487, + "merc": 42488, + "erno": 42489, + "Ġdemarc": 42490, + "Ġordinarily": 42491, + "ija": 42492, + "ĠBroken": 42493, + "Ġdescriptor": 42494, + "EFL": 42495, + "Ġattainable": 42496, + "Ġgamification": 42497, + "ĠNAACP": 42498, + "Ġupland": 42499, + "Ġescort": 42500, + "ĠChaucer": 42501, + "Ġruthless": 42502, + "Ġindistinguishable": 42503, + "Taylor": 42504, + "hoff": 42505, + "Ġthi": 42506, + "uti": 42507, + "thick": 42508, + "ĠKul": 42509, + "Ġcurcumin": 42510, + "Ġfatig": 42511, + "ĠSlovakia": 42512, + "negot": 42513, + "ĠLesser": 42514, + "Ġforesight": 42515, + "ĠCeremon": 42516, + "Ġactuators": 42517, + "Birth": 42518, + "Hope": 42519, + "ĠAUTH": 42520, + "Ġspurs": 42521, + "ĠVig": 42522, + "ĠPlaza": 42523, + "Ġsteak": 42524, + "Ġdisposing": 42525, + "Religion": 42526, + "Ġmelanin": 42527, + "ĠPFAS": 42528, + "Negative": 42529, + "Ġzebrafish": 42530, + ")].": 42531, + "Made": 42532, + "ĠSPD": 42533, + "ellum": 42534, + "Ġki": 42535, + "obility": 42536, + "aleigh": 42537, + "Ġbeneficiary": 42538, + "Alert": 42539, + "rette": 42540, + "Ġderivation": 42541, + "Ġcommercialization": 42542, + "Ġduplicated": 42543, + "Ġflavored": 42544, + "ĠHorace": 42545, + "ĠParsons": 42546, + "Ġneuromuscular": 42547, + "Ġspacetime": 42548, + "对": 42549, + "ĠVanderbilt": 42550, + "ĠTolerance": 42551, + "ĠCaj": 42552, + "Ġfatality": 42553, + "Ġblockages": 42554, + "Ġtournaments": 42555, + "ĠMetabolism": 42556, + "Ġrevolving": 42557, + "ĠCoping": 42558, + "journals": 42559, + "ĠCivic": 42560, + "qq": 42561, + "ĠPOL": 42562, + "ĠBam": 42563, + "outine": 42564, + "Ġapparel": 42565, + "Ġcommunists": 42566, + "Ġleveling": 42567, + "ĠIsolation": 42568, + "Philos": 42569, + "Ġidealized": 42570, + "Ġrhyming": 42571, + "Ġmashed": 42572, + "Ġweaponry": 42573, + "Decimal": 42574, + "PLAY": 42575, + "Ġunsuspecting": 42576, + "ĠPARTICULAR": 42577, + "Pix": 42578, + "POL": 42579, + "aum": 42580, + "Ġreload": 42581, + "shirt": 42582, + "Ġlogits": 42583, + "ĠScope": 42584, + "Ġwindy": 42585, + "Ġphenotypic": 42586, + "Ġcampaigning": 42587, + "eshoe": 42588, + "unningham": 42589, + "Ġsucculents": 42590, + "Ġrigorously": 42591, + "ĠHutchinson": 42592, + "Frequency": 42593, + "Got": 42594, + "Wal": 42595, + "mere": 42596, + "Ġwob": 42597, + "ĠTate": 42598, + "Ġstare": 42599, + "ifacts": 42600, + "Ġatopic": 42601, + "Ġtakeoff": 42602, + "ĠScratch": 42603, + "éd": 42604, + "Ġaxe": 42605, + "URES": 42606, + "Ġgrasshop": 42607, + "icksburg": 42608, + "ĠNetworking": 42609, + "temporal": 42610, + "ĠPROVID": 42611, + "ĠGregorian": 42612, + "ĠExpressions": 42613, + "ĠDeuteronomy": 42614, + "ĠInsects": 42615, + "Amb": 42616, + "ĠĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 42617, + "olson": 42618, + "ĠCalgary": 42619, + "unching": 42620, + "ĠTrich": 42621, + "Ġsticker": 42622, + "ès": 42623, + "Ġcentrifugal": 42624, + "packs": 42625, + "Ġmx": 42626, + "ĠLighthouse": 42627, + "ĠZach": 42628, + "Ġarrivals": 42629, + "Ġnationalists": 42630, + "ár": 42631, + "ĠLegislation": 42632, + "Ġsinners": 42633, + "RAW": 42634, + "Ġcontaminant": 42635, + "developmental": 42636, + "ĠMongolian": 42637, + "Ġbiscuits": 42638, + "+\\": 42639, + "Elements": 42640, + "Ġpint": 42641, + "Ġchrys": 42642, + "Ġsecondhand": 42643, + "Ġzoon": 42644, + "ĠCoat": 42645, + "Ġfortification": 42646, + "ipeg": 42647, + "Meaning": 42648, + "ĠNGC": 42649, + "Ġligand": 42650, + "ĠCrimea": 42651, + "ĠBombay": 42652, + "Ġorthodontic": 42653, + "Ho": 42654, + "Ġstag": 42655, + "riks": 42656, + "ĠJSTOR": 42657, + "Ġnutshell": 42658, + "Ġconditioners": 42659, + "Ġapplaud": 42660, + "Ġgrassy": 42661, + "Ġdissipation": 42662, + "Ġnuance": 42663, + "baseline": 42664, + "ĠAlternatives": 42665, + "Ġcosmopolitan": 42666, + "ĠMPH": 42667, + "ĠKatie": 42668, + "DIRECT": 42669, + "ĠAthletes": 42670, + "Utils": 42671, + "pf": 42672, + "Ġreusing": 42673, + "ĠHoughton": 42674, + "Ġjug": 42675, + "Ġraging": 42676, + "Ġsolicit": 42677, + "Ġaffords": 42678, + "ĠAmanda": 42679, + "Ġfibro": 42680, + "absburg": 42681, + "Ġlinguists": 42682, + "oulos": 42683, + "Ġexerts": 42684, + "ĠBroadcasting": 42685, + "Absol": 42686, + "ĠBU": 42687, + "alli": 42688, + "Ġtransact": 42689, + "ĠAnim": 42690, + "ĠDeleg": 42691, + "scenario": 42692, + "ĠZap": 42693, + "ĠOrb": 42694, + "Ġdeepens": 42695, + "Ġrotten": 42696, + "PSS": 42697, + "orphy": 42698, + "SCs": 42699, + "ĠColombian": 42700, + "Occup": 42701, + "Ġdisinfectant": 42702, + "Die": 42703, + "aust": 42704, + "arab": 42705, + "ĠTBI": 42706, + "Ġdeceptive": 42707, + "ĠFounder": 42708, + "ĠRSV": 42709, + "pere": 42710, + "ĠLov": 42711, + "ĠGinger": 42712, + "Ġsubdu": 42713, + "pylene": 42714, + "Stan": 42715, + "Station": 42716, + "IDA": 42717, + "Ġsoldering": 42718, + "ĠISIS": 42719, + "ĠINS": 42720, + "ĠSumatra": 42721, + "IFT": 42722, + "distances": 42723, + "judgment": 42724, + "asmine": 42725, + "Normally": 42726, + "Events": 42727, + "ĠFuj": 42728, + "æĪ·": 42729, + "ĠSebastian": 42730, + "ĠParaguay": 42731, + "!=": 42732, + "EPS": 42733, + "YC": 42734, + "Ġsilenced": 42735, + "Ġturbo": 42736, + "Ġinhabiting": 42737, + "ĠChambers": 42738, + "ĠMinority": 42739, + "Ġlengthen": 42740, + "Ġbotanist": 42741, + "DESCRIPT": 42742, + "Http": 42743, + "von": 42744, + "Ġomin": 42745, + "Ġfrench": 42746, + "ĠSarg": 42747, + "ĠDai": 42748, + "aparte": 42749, + "Alt": 42750, + "dataclass": 42751, + "Ġconceivable": 42752, + "INSERT": 42753, + "'%": 42754, + "Ip": 42755, + "Rat": 42756, + "æ¯": 42757, + "ĠPagan": 42758, + "ivel": 42759, + "ĠWen": 42760, + "ificantly": 42761, + "Ġshepherds": 42762, + "ĠSpir": 42763, + "Exposure": 42764, + "Ġvibrating": 42765, + "tokenizer": 42766, + "Statement": 42767, + "ĠNicole": 42768, + "Ġforbid": 42769, + "Ġprefixes": 42770, + "Ġmuzzle": 42771, + "Twenty": 42772, + "Issue": 42773, + "Lith": 42774, + "Ġsushi": 42775, + "ombo": 42776, + "ĠCrest": 42777, + "Ġweary": 42778, + "Ġrations": 42779, + "Ġcompaction": 42780, + "ĠUlysses": 42781, + "Ġclade": 42782, + "Ġwhence": 42783, + "Ġmycot": 42784, + "proven": 42785, + "ĠSeaf": 42786, + "ĠShock": 42787, + "Ġobjected": 42788, + "Ġmicrograms": 42789, + "particle": 42790, + "Ġpositional": 42791, + "Ġcircumvent": 42792, + "Ġhygien": 42793, + "ĠDifferential": 42794, + "اÙĨ": 42795, + "Ġgreetings": 42796, + "Alternative": 42797, + "ĠEcosystems": 42798, + "economics": 42799, + "Ġthrombosis": 42800, + "Ġpies": 42801, + "ĠBears": 42802, + "Ġtrif": 42803, + "Ġamenable": 42804, + "Ġkeepers": 42805, + "Ġmillet": 42806, + "UTION": 42807, + "Ġsedimentation": 42808, + "ĠOlm": 42809, + "Ġjunctions": 42810, + "Ġplurality": 42811, + "ĠCybersecurity": 42812, + "Ġpredicament": 42813, + "ĠMcClell": 42814, + "WOR": 42815, + "è´": 42816, + "Ġtoads": 42817, + "Ġny": 42818, + "ĠCi": 42819, + "ĠWorship": 42820, + "ĠGamma": 42821, + "apest": 42822, + "Ġactin": 42823, + "deb": 42824, + "ĠResurrection": 42825, + "infrared": 42826, + "ĠChey": 42827, + "ĠMedicines": 42828, + "CHA": 42829, + "Ġhacked": 42830, + "Ġalphabetical": 42831, + "Ġspawned": 42832, + "cookie": 42833, + "ĠKarnataka": 42834, + "Lines": 42835, + "ĠDivers": 42836, + "months": 42837, + "--------------------": 42838, + "ĠGoethe": 42839, + "Madison": 42840, + "Ġproletariat": 42841, + "Ġix": 42842, + "Ġfasci": 42843, + "Ġhaze": 42844, + "ĠRinse": 42845, + "ĠRousseau": 42846, + "ĠOzone": 42847, + "cci": 42848, + "ismo": 42849, + "Ġlocale": 42850, + "Already": 42851, + "nyder": 42852, + "ĠLouisville": 42853, + "ĠContinued": 42854, + "ĠBuzz": 42855, + "ĠJamestown": 42856, + "Ġhawks": 42857, + "Ġantipsych": 42858, + "residual": 42859, + "ĠAntioch": 42860, + "(\",": 42861, + "gart": 42862, + "poss": 42863, + "enol": 42864, + "odil": 42865, + "Ġgraze": 42866, + "porters": 42867, + "Ġdealings": 42868, + "Ġballast": 42869, + "Trade": 42870, + "är": 42871, + "ĠCrane": 42872, + "igsaw": 42873, + "ĠMohammad": 42874, + "Ġterrains": 42875, + "ĠAntibiotics": 42876, + "Higher": 42877, + "Ġdexterity": 42878, + "court": 42879, + "ĠMaternal": 42880, + "Ġung": 42881, + "Ġpurse": 42882, + "ĠWarwick": 42883, + "ĠHollow": 42884, + "Ġjsonify": 42885, + "ĠHillary": 42886, + "Ġcarcinogens": 42887, + "Market": 42888, + "enhanced": 42889, + "literally": 42890, + "ĠStrengthening": 42891, + "ĠToledo": 42892, + "MON": 42893, + "ĠTube": 42894, + "chapter": 42895, + "ateurs": 42896, + "Ġheals": 42897, + "osit": 42898, + "plains": 42899, + "ĠStatic": 42900, + "Ġache": 42901, + "Ġcharacterizes": 42902, + "ĠInstant": 42903, + "ĠContributions": 42904, + "Ġauditing": 42905, + "validator": 42906, + "Äģr": 42907, + "ĠStonehenge": 42908, + "Ġculprits": 42909, + "Ġunderscored": 42910, + "Ġexoplanets": 42911, + "ä¾ĭ": 42912, + "Ġdefinitively": 42913, + "Pip": 42914, + "creating": 42915, + "tze": 42916, + "ĠDSL": 42917, + "Ġsmelling": 42918, + "Ġgrader": 42919, + "ĠResidents": 42920, + "ĠEmory": 42921, + "Ġdeadliest": 42922, + "Ġdiameters": 42923, + "ĠNicolas": 42924, + "Marine": 42925, + "oglobulin": 42926, + "ĠBalkan": 42927, + "arcinoma": 42928, + "ĠPfizer": 42929, + "Ġdystopian": 42930, + ")âĢĿ": 42931, + "chal": 42932, + "actyl": 42933, + "Ġ\",\"": 42934, + "Ġliteratures": 42935, + "Ġnetworked": 42936, + "district": 42937, + "ĠAuthorities": 42938, + "ĠSeparation": 42939, + "MainWindow": 42940, + "ĠKathleen": 42941, + "Presentation": 42942, + "accharide": 42943, + "ĠLisbon": 42944, + "Ġgiraffes": 42945, + "ĠAsperger": 42946, + "ĠFranciscan": 42947, + "courses": 42948, + "vary": 42949, + "zar": 42950, + "pea": 42951, + "Ġretiring": 42952, + "Ġworldviews": 42953, + "ĠColoring": 42954, + "ĠSamoa": 42955, + "ĠHomeland": 42956, + "charted": 42957, + "airobi": 42958, + "Ġredeem": 42959, + "Gather": 42960, + "Seed": 42961, + "ĠMines": 42962, + "ĠWon": 42963, + "Ġclaw": 42964, + "Ġhelix": 42965, + "ĠHeather": 42966, + "Ġappropriated": 42967, + "Ġportraying": 42968, + "ĠAdapting": 42969, + "Ġconventionally": 42970, + "Ġramps": 42971, + "separable": 42972, + "ĠGriffith": 42973, + "Cmd": 42974, + "Production": 42975, + "Rules": 42976, + "olus": 42977, + "ĠTours": 42978, + "herty": 42979, + "ĠRB": 42980, + "ĠUFO": 42981, + "intosh": 42982, + "Ġflaming": 42983, + "ermint": 42984, + "Ġincurs": 42985, + "ĠSharma": 42986, + "Ġwidths": 42987, + "ocrinology": 42988, + "Ġtribunal": 42989, + "à¥ģ": 42990, + "ĠCirculation": 42991, + "Constraint": 42992, + "Ġintersects": 42993, + "Ġsinusitis": 42994, + "nest": 42995, + "ĠPatch": 42996, + "ocardi": 42997, + "ĠâĢº": 42998, + "Ġnationalities": 42999, + "umba": 43000, + "ĠMonica": 43001, + "Ġdependable": 43002, + "ĠMathematic": 43003, + "arrowing": 43004, + "Ġimmunodeficiency": 43005, + "ĠMagical": 43006, + "FileName": 43007, + "footed": 43008, + "ĠOfficials": 43009, + "Ġmucosal": 43010, + "Ġextrinsic": 43011, + "ĠLinguistics": 43012, + "Ġunequiv": 43013, + "hin": 43014, + "mars": 43015, + "Ġreimag": 43016, + "ĠDAT": 43017, + "||(": 43018, + "uxley": 43019, + "Ġcultivar": 43020, + "Ġrebound": 43021, + "ĠEmpress": 43022, + "cycled": 43023, + "Ġtangled": 43024, + "Evolution": 43025, + "Ġmetamorphosis": 43026, + "Academic": 43027, + "Boston": 43028, + "PET": 43029, + "igl": 43030, + "ĠBones": 43031, + "ĠBorders": 43032, + "Ġsha": 43033, + "backends": 43034, + "omyces": 43035, + "ĠCurrency": 43036, + "Ġtrainings": 43037, + "serializers": 43038, + "Ġhoarding": 43039, + "Ġprosecutor": 43040, + "ĠInspiration": 43041, + "photos": 43042, + "ĠCOPYRIGHT": 43043, + "Failure": 43044, + "Road": 43045, + "Ġsizable": 43046, + "ĠRings": 43047, + "Ġdisband": 43048, + "Ġorganizes": 43049, + "ĠQué": 43050, + "Ġmalpractice": 43051, + "ĠSerious": 43052, + "Ġresolves": 43053, + "Ġassimilated": 43054, + "ĠOmaha": 43055, + "percentage": 43056, + "Ġmetastasis": 43057, + "ĠVitamins": 43058, + "Darwin": 43059, + "copyright": 43060, + "itars": 43061, + "odel": 43062, + "Ġcommonalities": 43063, + "ĠSpan": 43064, + "ĠEverybody": 43065, + "decision": 43066, + "Ġboldly": 43067, + "Ġlyric": 43068, + "ĠRoutine": 43069, + "Ġdermatologist": 43070, + "Ġanaphylaxis": 43071, + "kok": 43072, + "stre": 43073, + "ĠCite": 43074, + "ĠGle": 43075, + "shop": 43076, + "Implement": 43077, + "Reals": 43078, + "networks": 43079, + "Ġwonderfully": 43080, + "Ġfurthe": 43081, + "ĠMechanism": 43082, + "Ġtestimonies": 43083, + "ĠPedagog": 43084, + "Ġphilanthropy": 43085, + "Ġpamphlets": 43086, + "Ġrugby": 43087, + "ĠOrchestra": 43088, + "Brand": 43089, + "Ġtrit": 43090, + "ndez": 43091, + "Ġgasses": 43092, + "otourism": 43093, + "ĠPis": 43094, + "Ġrpm": 43095, + "ĠDund": 43096, + "Ġexpire": 43097, + "Ġcavern": 43098, + "Ġparab": 43099, + "Ġtempered": 43100, + "Ġzen": 43101, + "Unique": 43102, + "transcript": 43103, + "ĠSolve": 43104, + "ĠMonterey": 43105, + "Ġdismantle": 43106, + "ĠBeautifulSoup": 43107, + "çł": 43108, + "esan": 43109, + "ooky": 43110, + "ĠAsp": 43111, + "Ġhomeowner": 43112, + "Ġswapping": 43113, + "IDD": 43114, + "Ġmaximise": 43115, + "Ġbankers": 43116, + "Ġamazingly": 43117, + "ĠLatinx": 43118, + "Define": 43119, + "Ġsugarcane": 43120, + "Ġethnographic": 43121, + "Ġlunches": 43122, + "Ġdomestically": 43123, + "¾": 43124, + "enting": 43125, + "Ġconfounding": 43126, + "Ġgrilling": 43127, + "gyz": 43128, + "оÑĤ": 43129, + "protective": 43130, + "ĠRaise": 43131, + "Ġsmoker": 43132, + "Ġblurry": 43133, + "ĠCoconut": 43134, + "Ġphilanthropic": 43135, + "ç½®": 43136, + "ĠWinchester": 43137, + "ĠCott": 43138, + "Ġintuitively": 43139, + "velength": 43140, + "versive": 43141, + "theme": 43142, + "ĠAdvisor": 43143, + "']}": 43144, + "Ġfreezes": 43145, + "cholester": 43146, + "compressed": 43147, + "Stephen": 43148, + "Unable": 43149, + "ĠCreole": 43150, + "Respons": 43151, + "ĠStrike": 43152, + "]\\": 43153, + "Ġbearded": 43154, + "Ġvows": 43155, + "Ġcourthouse": 43156, + "Ġdevotional": 43157, + "setLevel": 43158, + "rowsiness": 43159, + "Peace": 43160, + "Ġforgiven": 43161, + "ĠRefugee": 43162, + "ĠGathering": 43163, + "Ġencapsulated": 43164, + "Ġbarcode": 43165, + "ĠDistinguished": 43166, + "Ġtally": 43167, + "Ġhoop": 43168, + "ĠLopez": 43169, + "Ġdefer": 43170, + "pectral": 43171, + "Ġincisions": 43172, + "ĠBlank": 43173, + "ĠAmos": 43174, + "Ġreformed": 43175, + "algorithm": 43176, + "Ġfleshy": 43177, + "ĠGMOs": 43178, + "ChannelType": 43179, + "CHANTABILITY": 43180, + ",:]": 43181, + "beg": 43182, + "¹": 43183, + "etra": 43184, + "Ġusur": 43185, + ").|": 43186, + "Ġexpires": 43187, + "Ġmultivariate": 43188, + "ĠSpinal": 43189, + "ĠAbbott": 43190, + "emptive": 43191, + "steroidal": 43192, + "Ġsearchable": 43193, + "\"]))": 43194, + "Ġdecrees": 43195, + "ĠISP": 43196, + "Ġacknowledgment": 43197, + "Ġadhesives": 43198, + "ĠRudolf": 43199, + "healing": 43200, + "roi": 43201, + "ĠPep": 43202, + "ĠPneum": 43203, + "umina": 43204, + "ĠJL": 43205, + "Ġinvitations": 43206, + "Ġinterdependent": 43207, + "Ġcurtail": 43208, + "shoot": 43209, + "Ġbiopsies": 43210, + "ĠSuitable": 43211, + "STEP": 43212, + "Reason": 43213, + "Ġnarrated": 43214, + "ĠDubai": 43215, + "Ġpauses": 43216, + "Electronic": 43217, + "ĠSequential": 43218, + "Ġsemiconductors": 43219, + "Ġcancellation": 43220, + "ĠStephanie": 43221, + "æµ": 43222, + "erville": 43223, + "ĠUnified": 43224, + "Ġextinctions": 43225, + "Ġcurricular": 43226, + "Ġtreasured": 43227, + "Ġchoke": 43228, + "Ġwelded": 43229, + "ĠDalai": 43230, + "Ġdeformities": 43231, + "Bound": 43232, + "junct": 43233, + "vitamin": 43234, + "Ġsul": 43235, + "league": 43236, + "ĠWonders": 43237, + "ĠFau": 43238, + "Ġabc": 43239, + "agra": 43240, + "ĠCompl": 43241, + "Ġ____": 43242, + "ĠANC": 43243, + "Ġbandage": 43244, + "ĠInvesting": 43245, + "Marie": 43246, + "Ġcasualty": 43247, + "Encourage": 43248, + "ĠYosemite": 43249, + "rone": 43250, + "aline": 43251, + "Ġinks": 43252, + "Ġsoar": 43253, + "Ġinsults": 43254, + "Ġtestified": 43255, + "ĠAnab": 43256, + "ĠArrow": 43257, + "ĠClothing": 43258, + "ferably": 43259, + "Ġrevolutionaries": 43260, + "Ġblogging": 43261, + "Ġbattalions": 43262, + "Ġcosmological": 43263, + "erialize": 43264, + "Ġintersecting": 43265, + "cke": 43266, + "Ġperiodicals": 43267, + "college": 43268, + "ENV": 43269, + "ĠMacDonald": 43270, + "anoia": 43271, + "Ġconquests": 43272, + "Putting": 43273, + "Ġphytochemical": 43274, + "Ġconfiscated": 43275, + "ĠBavaria": 43276, + "ilantro": 43277, + "$\\": 43278, + "Ġoe": 43279, + "Ġreared": 43280, + "ĠNBC": 43281, + "Ġkh": 43282, + "ĠJH": 43283, + "ifflin": 43284, + "Ġcaribou": 43285, + "Ġpowerfully": 43286, + "Ġcatac": 43287, + "Ġalignments": 43288, + "Ġbranded": 43289, + "ĠFrankenstein": 43290, + "ĠElla": 43291, + "NOAA": 43292, + "çĶŁ": 43293, + "Ġarchetypes": 43294, + "åŃĺ": 43295, + "ĠDawson": 43296, + "ä¿¡": 43297, + "Vi": 43298, + "pitch": 43299, + "whel": 43300, + "alore": 43301, + "ĠSight": 43302, + "ĠBrent": 43303, + "ĠBasket": 43304, + "ĠOy": 43305, + "Ġovergrowth": 43306, + "sidered": 43307, + "ĠMinutes": 43308, + "Ġangi": 43309, + "Ġá¸": 43310, + "Ġeclipses": 43311, + "Ġdazzling": 43312, + "=.": 43313, + "IPS": 43314, + "Ùģ": 43315, + "Ġexiting": 43316, + "LAIM": 43317, + "carrying": 43318, + "Ġexhausting": 43319, + "Ġdeleterious": 43320, + "ĠFifty": 43321, + "Ġinfarction": 43322, + "QR": 43323, + "Ġace": 43324, + "Ġdips": 43325, + "leuk": 43326, + "quiet": 43327, + "ĠBere": 43328, + "ĠEPS": 43329, + "Ġimprov": 43330, + "(\"{}": 43331, + "Ġslime": 43332, + "Ġwidest": 43333, + "ELP": 43334, + "ĠHTTPS": 43335, + "Ġcalmness": 43336, + "ĠJuno": 43337, + "serializer": 43338, + "ĠExcellent": 43339, + "ä¸Ģ个": 43340, + "WIDTH": 43341, + "erary": 43342, + "Ġpys": 43343, + "ĠTrotsky": 43344, + "ĠHak": 43345, + "Ġseb": 43346, + "inseng": 43347, + "others": 43348, + "Ġcomplemented": 43349, + "annual": 43350, + "Ġfemoral": 43351, + "observed": 43352, + "ovenants": 43353, + "Ġnumeracy": 43354, + "Ġtranscendent": 43355, + "ĠComprehension": 43356, + "Ġcentrally": 43357, + "ĠCCSS": 43358, + "ĠCulinary": 43359, + "NotFoundError": 43360, + "Ġunknowingly": 43361, + "Ġmonstrous": 43362, + "dream": 43363, + "ĠJPL": 43364, + "Ġsloping": 43365, + "Ġprimers": 43366, + "Ġacquires": 43367, + "Ġaggravated": 43368, + "~~~~~~~~~~~~~~~~": 43369, + "Ocean": 43370, + "jin": 43371, + "entin": 43372, + "ĠCCC": 43373, + "ĠWah": 43374, + "ĠLys": 43375, + "ĠUm": 43376, + "Ġraced": 43377, + "ĠOrwell": 43378, + "ĠInstalling": 43379, + "affin": 43380, + "Ġlooph": 43381, + "Ġenvelopes": 43382, + "Turk": 43383, + "Ġtraversing": 43384, + "Cos": 43385, + "Ġwards": 43386, + "Ġfg": 43387, + "Ġditches": 43388, + "olve": 43389, + "quate": 43390, + "ĠHag": 43391, + "Ġchilled": 43392, + "ĠReactions": 43393, + "ĠHolly": 43394, + "Ġcounterfeit": 43395, + "Ġambassadors": 43396, + "Ġsincerity": 43397, + "+.": 43398, + "RM": 43399, + "categorical": 43400, + "heating": 43401, + "ĠeBook": 43402, + "Ġlilies": 43403, + "ĠTT": 43404, + "utorial": 43405, + "ĠRag": 43406, + "ptime": 43407, + "ĠVib": 43408, + "Ġbroadening": 43409, + "Ġfascist": 43410, + "ĠAntioxid": 43411, + "Ġnavigational": 43412, + "Ġironically": 43413, + "Ġз": 43414, + "Ġneutroph": 43415, + "ĠGrandma": 43416, + "survey": 43417, + "Ġsorghum": 43418, + "ĠSubstances": 43419, + "Ġpvproperty": 43420, + "ž": 43421, + "Ġduel": 43422, + "olver": 43423, + "Ġist": 43424, + "Ġwhopping": 43425, + "ĠDahl": 43426, + "Ġleopards": 43427, + "ĠLB": 43428, + "Ġperched": 43429, + "Ġvisibly": 43430, + "Ġlander": 43431, + "ĠAnger": 43432, + "ĠOrganizational": 43433, + "MSG": 43434, + "guess": 43435, + "ĠVerbal": 43436, + "ĠGarlic": 43437, + "Ġmolasses": 43438, + "ĠGreco": 43439, + "Ġannoyed": 43440, + "Ġailment": 43441, + "Ġsupervising": 43442, + "Groups": 43443, + "Ġcumin": 43444, + "ifact": 43445, + "Ġspeck": 43446, + "Ġsayings": 43447, + "ĠApples": 43448, + "ABASE": 43449, + "Ġemptying": 43450, + "ĠLogin": 43451, + "Ġgratification": 43452, + "accepted": 43453, + "Ġstipulated": 43454, + "Ġterraces": 43455, + "Ġprecautionary": 43456, + "Ġgymnastics": 43457, + "Ġpanoramic": 43458, + "ĠHemingway": 43459, + "Hs": 43460, + "qi": 43461, + "vl": 43462, + "Ø©": 43463, + "leigh": 43464, + "andals": 43465, + "Ġquests": 43466, + "iola": 43467, + "ĠCourtesy": 43468, + "Ġinfects": 43469, + "ĠSett": 43470, + "Ġstormy": 43471, + "ĠMassacre": 43472, + "Ġstomachs": 43473, + "ĠSuperintendent": 43474, + "ĠMagna": 43475, + "MetaInfo": 43476, + "Ids": 43477, + "LIN": 43478, + "otry": 43479, + "ĠPPE": 43480, + "ĠEsk": 43481, + "Ġdistill": 43482, + "ĠQuakers": 43483, + "ĠHerbs": 43484, + "Ġsinister": 43485, + "Ġaccompaniment": 43486, + "ĠPulitzer": 43487, + "度": 43488, + "Veget": 43489, + "Lily": 43490, + "Ġinclusions": 43491, + "ĠMae": 43492, + "Ġcontends": 43493, + "Ġacclaim": 43494, + "Ġglomer": 43495, + "Ġcaptives": 43496, + "ĠTwentieth": 43497, + "Ġpropane": 43498, + "ĠIrrigation": 43499, + "Ġadmirable": 43500, + "Ġoutlawed": 43501, + "ĠTrying": 43502, + "EXP": 43503, + "ĠLEED": 43504, + "Ġinauguration": 43505, + "Ġencroachment": 43506, + "Actions": 43507, + "pans": 43508, + "|\\": 43509, + "Ġtbsp": 43510, + "Ġpym": 43511, + "Ġpudding": 43512, + "Ġtoggle": 43513, + "entanyl": 43514, + "ĠTYPE": 43515, + "Ġchocol": 43516, + "ĠStages": 43517, + "cystic": 43518, + "Ġconcave": 43519, + "ĠAsset": 43520, + "Ġliquef": 43521, + "ĠConnected": 43522, + "Ġrabbi": 43523, + "Ġdeterministic": 43524, + "routine": 43525, + "-.": 43526, + "aeda": 43527, + "cong": 43528, + "policies": 43529, + "ÙĤ": 43530, + "icher": 43531, + "Ġ(_": 43532, + "ectoral": 43533, + "ĠThur": 43534, + "undo": 43535, + "ecology": 43536, + "Ġdrunken": 43537, + "='/": 43538, + "Doctor": 43539, + "ĠSpecialized": 43540, + "Ġcoughs": 43541, + "ĠBonn": 43542, + "ĠPredictor": 43543, + "Ġcovalent": 43544, + "ĠKaplan": 43545, + "Ġbicarbonate": 43546, + "BIT": 43547, + "sf": 43548, + "esi": 43549, + "ĠASTM": 43550, + "ĠPipe": 43551, + "Ġriddles": 43552, + "Ġoutfits": 43553, + "ĠRecipe": 43554, + "Ġdeton": 43555, + "deen": 43556, + "ĠXIII": 43557, + "ĠAmend": 43558, + "Ġethylene": 43559, + "requirements": 43560, + "dfunding": 43561, + "Ġsipping": 43562, + "Ġeater": 43563, + "Ġexodus": 43564, + "ĠTherapeutic": 43565, + "ogical": 43566, + "Ġdisenfranch": 43567, + "Ġpeaches": 43568, + "Ġgrower": 43569, + "ĠActivism": 43570, + "ĠCOM": 43571, + "Colour": 43572, + "Ġlecturers": 43573, + "Ġscheduler": 43574, + "ĠCollaborate": 43575, + "ĠBoyle": 43576, + "ĠTaoism": 43577, + "Ġenshrined": 43578, + "'\")": 43579, + "¦Ĥ": 43580, + "ologna": 43581, + "efer": 43582, + "Ġwaterfalls": 43583, + "ĠAssemb": 43584, + "ĠProx": 43585, + "scaling": 43586, + "Ġputative": 43587, + "Ġcolorless": 43588, + "Ġfinalized": 43589, + "Ġfastened": 43590, + "ĠProvider": 43591, + "projection": 43592, + "ĠKenyan": 43593, + "Ġorthogonal": 43594, + "á¹Ľ": 43595, + "Ġfurnishings": 43596, + "assembled": 43597, + "AX": 43598, + "Vision": 43599, + "ferences": 43600, + "rasing": 43601, + "Ġrut": 43602, + "Ġindict": 43603, + "ĠKipp": 43604, + "ĠIndicators": 43605, + "Ġpostdocs": 43606, + "Ġinternment": 43607, + "ĠCalcutta": 43608, + "Ġrouted": 43609, + "Ġcolonize": 43610, + "ĠMostly": 43611, + "Ġmitz": 43612, + "Ġemptiness": 43613, + "Performance": 43614, + "ĠSilent": 43615, + "Ġretrieving": 43616, + "æĸ°": 43617, + "coverage": 43618, + "Ġcanceled": 43619, + "Improving": 43620, + "RAM": 43621, + "cru": 43622, + "ĠCroc": 43623, + "Ġseeming": 43624, + "Ġforceful": 43625, + "ĠRetail": 43626, + "breaks": 43627, + "Ġwatchful": 43628, + "Ġradiating": 43629, + "Ġoscillator": 43630, + "ĠTribunal": 43631, + "Ġtropes": 43632, + "Fields": 43633, + "Ġsings": 43634, + "Ġconverse": 43635, + "Ġchina": 43636, + "ĠJab": 43637, + "sofar": 43638, + "Ġscrib": 43639, + "inkling": 43640, + "ĠLeast": 43641, + "Ġgeospatial": 43642, + "ĠTransparency": 43643, + "scheme": 43644, + "hythmia": 43645, + "ĠHodg": 43646, + "ubilee": 43647, + "dwell": 43648, + "ticks": 43649, + "inatal": 43650, + "Ġhare": 43651, + "Ġpoke": 43652, + "ĠQin": 43653, + "``,": 43654, + "ĠSchema": 43655, + "ĠEditing": 43656, + "ukes": 43657, + "ĠDeficit": 43658, + "ĠGreenpeace": 43659, + "ĠOutreach": 43660, + "Ġwithdrawing": 43661, + "า": 43662, + "Ġfisherman": 43663, + "ĠBrainstorm": 43664, + "Ġamputation": 43665, + "vian": 43666, + "want": 43667, + "atype": 43668, + "itizing": 43669, + "Ġinp": 43670, + "Ġeaves": 43671, + "ĠFC": 43672, + "ĠNina": 43673, + "Ġsocialize": 43674, + "ĠGuam": 43675, + "omyc": 43676, + "aturity": 43677, + "HOME": 43678, + "Browse": 43679, + "ĠAcknowledge": 43680, + "Pakistan": 43681, + "aer": 43682, + "dq": 43683, + "aturing": 43684, + "emaker": 43685, + "ĠDense": 43686, + "Ġshuff": 43687, + "Ġmegal": 43688, + "pregn": 43689, + "ĠGenomics": 43690, + "Ġannum": 43691, + "ĠVirgil": 43692, + "smooth": 43693, + "existence": 43694, + "ĠSandra": 43695, + "ĠSeparate": 43696, + "ĠLayers": 43697, + "ĠEDT": 43698, + "Ġprotoz": 43699, + "IAN": 43700, + "bh": 43701, + "ÄŁ": 43702, + "Ġhr": 43703, + "utans": 43704, + "opies": 43705, + "Ġrgb": 43706, + "ĠOkin": 43707, + "Ġkinetics": 43708, + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 43709, + "ylan": 43710, + "Ġknob": 43711, + "Ġoxidized": 43712, + "Speech": 43713, + "Json": 43714, + "fri": 43715, + "Ġbucks": 43716, + "Ġeel": 43717, + "ĠPJ": 43718, + "ĠDRC": 43719, + "ĠNim": 43720, + "tershire": 43721, + "Ġcutters": 43722, + "Ġexcelled": 43723, + "Ġoscillation": 43724, + "Ġreferees": 43725, + "ĠConfucius": 43726, + "leet": 43727, + "olks": 43728, + "ĠBSD": 43729, + "Ġadmon": 43730, + "Ġcommens": 43731, + "Ġuphill": 43732, + "Ġdecel": 43733, + "ĠAlien": 43734, + "ophytes": 43735, + "Ġnoticeably": 43736, + "significant": 43737, + "ĠMacedonian": 43738, + "Wilson": 43739, + "atosis": 43740, + "ĠSERV": 43741, + "ĠCoh": 43742, + "ĠWalls": 43743, + "itext": 43744, + "Ġexponents": 43745, + "ĠEngl": 43746, + "Ġsentimental": 43747, + "ĠPepper": 43748, + "ĠMarin": 43749, + "ĠMissile": 43750, + "Emily": 43751, + "ĠProduce": 43752, + "Ġfen": 43753, + "amber": 43754, + "abets": 43755, + "ĠLus": 43756, + "ellites": 43757, + "iphy": 43758, + "ĠJoa": 43759, + "ovina": 43760, + "Ġgliding": 43761, + "Ġqualifies": 43762, + "Cola": 43763, + "apiro": 43764, + "ĠMartinez": 43765, + "rusions": 43766, + "ĠHyder": 43767, + "Ġfingern": 43768, + "judice": 43769, + "ĠCoordination": 43770, + "ĠAnatolia": 43771, + "Ġladen": 43772, + "Ġwitty": 43773, + "æŀľ": 43774, + "esarean": 43775, + "kon": 43776, + "Ġoracle": 43777, + "strict": 43778, + "ĠCannabis": 43779, + "Ġrang": 43780, + "Ġshunt": 43781, + "lightly": 43782, + "Ġdieting": 43783, + "čĊĉĉĉĉ": 43784, + "âĢ¦..": 43785, + "Shift": 43786, + "ĠSchwarz": 43787, + "[::-": 43788, + "olyb": 43789, + "Ġcontradicts": 43790, + "Ġinhaling": 43791, + "ĠAssyria": 43792, + "Ġeigenvalues": 43793, + "Ġparaphrase": 43794, + "Ġopposites": 43795, + "cens": 43796, + "Ġsaga": 43797, + "ĠMolly": 43798, + "ĠHLA": 43799, + "Ġsubterranean": 43800, + "Ġreprogram": 43801, + "ĠShaping": 43802, + "Ġpathologist": 43803, + "ĠAfterwards": 43804, + "Ġpalae": 43805, + "Ġscripting": 43806, + "ĠAccom": 43807, + "Ġskeptics": 43808, + "Ġvacations": 43809, + "Ġblindly": 43810, + "aternary": 43811, + "ĠCosmic": 43812, + "Ġcrickets": 43813, + "Ġpolyphenols": 43814, + "Ġhilarious": 43815, + "tus": 43816, + "combe": 43817, + "Ġsubdivision": 43818, + "ĠHeating": 43819, + "Ġdepress": 43820, + "measured": 43821, + "ROP": 43822, + "Ġscriptural": 43823, + "ĠInstructional": 43824, + "Ġauspices": 43825, + "Ġartisanal": 43826, + "ĠCarpenter": 43827, + "æ¨": 43828, + "ĠCSI": 43829, + "ĠMate": 43830, + "acio": 43831, + "athy": 43832, + "ĠAnticip": 43833, + "ĠMetals": 43834, + "Constant": 43835, + "Ġescalation": 43836, + "Creative": 43837, + "Ġacquaintances": 43838, + "Ġemanating": 43839, + "Ġfuselage": 43840, + "Msg": 43841, + "Ġabbey": 43842, + "igning": 43843, + "Ġhermit": 43844, + "encycl": 43845, + "Ġsimplex": 43846, + "contour": 43847, + "ĠSuf": 43848, + "ĠPhDs": 43849, + "ĠHammer": 43850, + "ĠWoodrow": 43851, + "Ġmirroring": 43852, + "ĠMagnet": 43853, + "ĠPregnant": 43854, + "Ġhummingbirds": 43855, + "å¼ı": 43856, + "Ġstronghold": 43857, + "MetaInfoClass": 43858, + "GPS": 43859, + "preprocessing": 43860, + "Ġmodernism": 43861, + "ONS": 43862, + "Ġseparator": 43863, + "ĠMetabolic": 43864, + "masters": 43865, + "Ġhorsepower": 43866, + "Ġyeasts": 43867, + "Ġlobster": 43868, + "ĠSusp": 43869, + "ĠAutomated": 43870, + "Ġinpatient": 43871, + "Ġclassed": 43872, + "Ġrestitution": 43873, + "sphere": 43874, + "=\"<": 43875, + "Ġdatas": 43876, + "ĠGuards": 43877, + "ALT": 43878, + "Ġsnout": 43879, + "Received": 43880, + "ĠVoltage": 43881, + "Plastic": 43882, + "Ġgunpowder": 43883, + "ĠPlacement": 43884, + "Ġsplint": 43885, + "sentences": 43886, + "ĠDimensions": 43887, + "Ġdoctrinal": 43888, + "Gram": 43889, + "pies": 43890, + "Intrigued": 43891, + "Ġunsur": 43892, + "twentieth": 43893, + "GRAPH": 43894, + "Operations": 43895, + "ounsaturated": 43896, + "Ġamphibious": 43897, + "ĠVolcano": 43898, + "Ġinconvenient": 43899, + ">\")": 43900, + "fee": 43901, + "ĠčĊĉ": 43902, + "Ġpane": 43903, + "ĠTran": 43904, + "chdir": 43905, + "Ġbegging": 43906, + "),(": 43907, + "Ġpsychotic": 43908, + "Ġtreehouse": 43909, + "Ġwaits": 43910, + "ĠSyracuse": 43911, + "Ġauthentically": 43912, + "Ġbreeder": 43913, + "ĠCasey": 43914, + "ĠCrimes": 43915, + "Ġpadded": 43916, + "Ġwipes": 43917, + "ĠLivestock": 43918, + "ĠSamsung": 43919, + "BooleanField": 43920, + "Ġtouted": 43921, + "SUM": 43922, + "chet": 43923, + "arie": 43924, + "irvana": 43925, + "ĠCBC": 43926, + "ĠPRI": 43927, + "ĠLIB": 43928, + "Ġdecrypt": 43929, + "Ġannals": 43930, + "Ġmotherboard": 43931, + "Ġbuoyancy": 43932, + "Ġconjunctivitis": 43933, + "LEGATO": 43934, + "methyl": 43935, + "Ġfodder": 43936, + "edema": 43937, + "ĠGrain": 43938, + "Ġunbalanced": 43939, + "ĠSty": 43940, + "Ġinitials": 43941, + "Commit": 43942, + "ĠPyTorch": 43943, + "ĠIncident": 43944, + "Ġauthenticate": 43945, + "Ġpharmacies": 43946, + "hydro": 43947, + "Ġgastronomy": 43948, + "ĠEmployers": 43949, + "Primitive": 43950, + "Friendly": 43951, + "sed": 43952, + "Ġmommy": 43953, + "ĠMosaic": 43954, + "ĠDD": 43955, + "ĠOscill": 43956, + "Ġhers": 43957, + "ĠPlasma": 43958, + "Ġextremist": 43959, + "Ġrandomised": 43960, + "discord": 43961, + "Ġredistribute": 43962, + "Ġrallies": 43963, + "alers": 43964, + "ĠPec": 43965, + "ĠWearing": 43966, + "ĠRaven": 43967, + "philos": 43968, + "ĠVaugh": 43969, + "Ġbenches": 43970, + "regional": 43971, + "Ġdocking": 43972, + "Ġhypoxia": 43973, + "subscription": 43974, + "Season": 43975, + "Ġleptin": 43976, + "Suddenly": 43977, + "Ö¶": 43978, + "ĠAST": 43979, + "ĠSaddam": 43980, + "ĠPets": 43981, + "ĠBrick": 43982, + "agas": 43983, + "ardia": 43984, + "ignon": 43985, + "Changed": 43986, + "])]": 43987, + "vantage": 43988, + "Ġcollars": 43989, + "Ġconverters": 43990, + "Ġsegmented": 43991, + "ĠOccur": 43992, + "ĠInteresting": 43993, + "Ġfarewell": 43994, + "Ġlevied": 43995, + "uckingham": 43996, + "Ġattenuation": 43997, + "Release": 43998, + "SCH": 43999, + "tank": 44000, + "Ġinexperienced": 44001, + "ĠTL": 44002, + "utility": 44003, + "chio": 44004, + "chairs": 44005, + "ĠRSA": 44006, + "endium": 44007, + "apis": 44008, + "ussel": 44009, + "myth": 44010, + "Ġstepper": 44011, + "logged": 44012, + "patrick": 44013, + "adoop": 44014, + "Ġthinly": 44015, + "Ġepidermis": 44016, + "Manufact": 44017, + "ugger": 44018, + "Ġionizing": 44019, + "Ġcautioned": 44020, + "Ġmobilized": 44021, + "ĠHartford": 44022, + "ĠPunishment": 44023, + "dependency": 44024, + "ĠWinnipeg": 44025, + "Ġovereating": 44026, + "Ġdiastolic": 44027, + "Saving": 44028, + "bash": 44029, + "Ġcomed": 44030, + "ĠWrap": 44031, + "ĠNineteenth": 44032, + "ĠKnee": 44033, + "Ġdefec": 44034, + "Ġautosomal": 44035, + "Ġconferencing": 44036, + "Ġrecognising": 44037, + "Ġtranscended": 44038, + "Ġsampler": 44039, + "Ġrecounted": 44040, + "oclonal": 44041, + "Bern": 44042, + "mach": 44043, + "tgt": 44044, + "includes": 44045, + "Ġcer": 44046, + "ĠBIOS": 44047, + "ĠJuris": 44048, + "Ġclad": 44049, + "avour": 44050, + "ĠConsuming": 44051, + "REC": 44052, + "patients": 44053, + "°.": 44054, + "Ġmacron": 44055, + "demo": 44056, + "ĠBahamas": 44057, + "ĠLebanese": 44058, + "âĤĤ": 44059, + "ĠMellon": 44060, + "ĠProphets": 44061, + "Front": 44062, + "viz": 44063, + "ĠĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 44064, + "cere": 44065, + "Ġattuned": 44066, + "Ġprotesting": 44067, + "Ġhardiness": 44068, + "Ġteamed": 44069, + "Ġarrhythmias": 44070, + "ĠAppropri": 44071, + "Ġcatfish": 44072, + "Ġregularity": 44073, + "Ġmechanic": 44074, + "---------------------------------------": 44075, + "Ġshootings": 44076, + "Antib": 44077, + "ĠSDGs": 44078, + "ĠBaptism": 44079, + "Ġprophylaxis": 44080, + "ĠFITNESS": 44081, + "materials": 44082, + "çĤ¹": 44083, + "Ġeard": 44084, + "university": 44085, + "Ġhomeopathy": 44086, + "ĠEdited": 44087, + "ĠCongratulations": 44088, + "namely": 44089, + "Transaction": 44090, + "Ġscrolls": 44091, + "juana": 44092, + "atas": 44093, + "oran": 44094, + "ĠCERN": 44095, + "cline": 44096, + "Ġgenerative": 44097, + "Ġtesticular": 44098, + "CEPT": 44099, + "freeze": 44100, + "ĠLightning": 44101, + "TYPES": 44102, + "Ġgrips": 44103, + "pixels": 44104, + "everything": 44105, + "Package": 44106, + "Ġirresistible": 44107, + "Trust": 44108, + "ĠEls": 44109, + "Ġkosher": 44110, + "ĠKM": 44111, + "athyroid": 44112, + "llium": 44113, + "Ġembargo": 44114, + "ĠGuest": 44115, + "Ġeroding": 44116, + "âĢ¢âĢ¢": 44117, + "enthic": 44118, + "Ġcastes": 44119, + "Becoming": 44120, + "difficult": 44121, + "ĠCelts": 44122, + "ĠGastroenter": 44123, + "Rose": 44124, + "Ġpung": 44125, + "ĠMits": 44126, + "oceros": 44127, + "ĠHabsburg": 44128, + "Ġexaminer": 44129, + "prox": 44130, + "Ġpathophysiology": 44131, + "registration": 44132, + "Ġpredictability": 44133, + "Ġfavorably": 44134, + "ĠCommunion": 44135, + "Ġwealthiest": 44136, + "ĠÃĤ": 44137, + "Ġcramping": 44138, + "ĠMERCHANTABILITY": 44139, + "'\",": 44140, + "pun": 44141, + "ĠMare": 44142, + "queries": 44143, + "Ġ\"\":": 44144, + "Ġroaming": 44145, + "ucchini": 44146, + "Ġrealistically": 44147, + "Ġaccountant": 44148, + "Ġurinate": 44149, + "Ġnegro": 44150, + "Ġstripping": 44151, + "ĠViral": 44152, + "ĠSchul": 44153, + "ĠGreenwood": 44154, + "ĠSkip": 44155, + "Quest": 44156, + "Whereas": 44157, + "Ġsealants": 44158, + "ĠBolshevik": 44159, + "ĠStefan": 44160, + "filling": 44161, + "punk": 44162, + "wage": 44163, + "embrance": 44164, + "ĠFairy": 44165, + "Ġacutely": 44166, + "Ġjustices": 44167, + "Ġelast": 44168, + "Ġrabbin": 44169, + "ĠPotato": 44170, + "Likewise": 44171, + "Ġreigns": 44172, + "Ġdelegated": 44173, + "ĠExciting": 44174, + "Ġentanglement": 44175, + "ĠOdysseus": 44176, + "ĠVALUES": 44177, + "taken": 44178, + "otting": 44179, + "arty": 44180, + "ĠJal": 44181, + "shaw": 44182, + "Ġsentencing": 44183, + "ĠCharity": 44184, + "corrh": 44185, + "ĠHawking": 44186, + "Ġpolygons": 44187, + "ĠNSAIDs": 44188, + ":|": 44189, + "Lex": 44190, + "xff": 44191, + "ĠELL": 44192, + "ipv": 44193, + "ĠInquisition": 44194, + "Ġdesicc": 44195, + "ĠVP": 44196, + "centers": 44197, + "undy": 44198, + "ĠContains": 44199, + "Ġcompeted": 44200, + "oelect": 44201, + "ĠHighlight": 44202, + "ĠIrvine": 44203, + "diabetes": 44204, + "Prince": 44205, + "ĠFatty": 44206, + "ĠPremium": 44207, + "Determine": 44208, + "Annual": 44209, + "åĽŀ": 44210, + "Ġwhimsical": 44211, + "ĠCopernicus": 44212, + "ç±": 44213, + "Ġexon": 44214, + "reducing": 44215, + "Ġimpregn": 44216, + "ĠVij": 44217, + ".âĢĿ)": 44218, + "ulling": 44219, + "ĠâĶ": 44220, + "Ġ...,": 44221, + "helpful": 44222, + "Ġtensors": 44223, + "ĠCalculating": 44224, + "ĠAbdullah": 44225, + "Harm": 44226, + "hore": 44227, + "Ġpardon": 44228, + "choose": 44229, + "Ġbeers": 44230, + "ĠBreed": 44231, + "Ġleuc": 44232, + "ĠNIC": 44233, + "ĠNRC": 44234, + "ĠWein": 44235, + "unga": 44236, + "ĠCarrier": 44237, + "Ġfertiliser": 44238, + "Articles": 44239, + "::::": 44240, + "Ġcoveted": 44241, + "ĠSensors": 44242, + "?]": 44243, + "vill": 44244, + "Ġwt": 44245, + "xticks": 44246, + "Ġretreating": 44247, + "Ġboar": 44248, + "Ġsunken": 44249, + "Ġirresponsible": 44250, + "Ġdenoting": 44251, + "Ġprevails": 44252, + "Ġsuspicions": 44253, + "Ġfantasies": 44254, + "Ġsneeze": 44255, + "Selecting": 44256, + "Ġostensibly": 44257, + "Ġcarcass": 44258, + "Ġempirically": 44259, + "ĠArtemis": 44260, + "ĠRajasthan": 44261, + "BAS": 44262, + "Ġdab": 44263, + "Ġhuts": 44264, + "quite": 44265, + "ĠRover": 44266, + "Ġuniting": 44267, + "Ġrooting": 44268, + "arna": 44269, + "azure": 44270, + "REF": 44271, + "Ġconvoy": 44272, + "specifically": 44273, + "aspberries": 44274, + "Ġhurtful": 44275, + "Ġtetanus": 44276, + "Ġviscous": 44277, + "ĠLorenzo": 44278, + "ĠMIDI": 44279, + "ĠZoroastrian": 44280, + "Bell": 44281, + "tow": 44282, + "ĠIris": 44283, + "obo": 44284, + "weeds": 44285, + "Ġmodulus": 44286, + "Ġnonhuman": 44287, + "ĠBecker": 44288, + "ĠGuin": 44289, + "PhD": 44290, + "operated": 44291, + "Ġrevolutionizing": 44292, + "Ġwelcomes": 44293, + "Ġsponsorship": 44294, + "ĠOswald": 44295, + "ÎĶ": 44296, + "Ġdomes": 44297, + "ĠMd": 44298, + "ocles": 44299, + "Ġplas": 44300, + "Ġoutflow": 44301, + "Ġpeeling": 44302, + "Ġparody": 44303, + "Ġcellphone": 44304, + "ĠDiscourse": 44305, + "ĠSecurities": 44306, + "ioxide": 44307, + "ĠTsar": 44308, + "%%%%": 44309, + "Ġcommencement": 44310, + "Ig": 44311, + "dw": 44312, + "fal": 44313, + "Ġanew": 44314, + "Ġearthy": 44315, + "ĠEditors": 44316, + "sects": 44317, + "Ġigneous": 44318, + "URCES": 44319, + "ĠPhysiol": 44320, + "Ġethnicities": 44321, + "grades": 44322, + "ĠPanic": 44323, + "ĠEmbassy": 44324, + "anthus": 44325, + "Ġsharper": 44326, + "Ġdeafness": 44327, + "Ġkettle": 44328, + "Ġsuffixes": 44329, + "ĠBolsheviks": 44330, + "Ġuncontrollable": 44331, + "elected": 44332, + "ĠHok": 44333, + "ĠFD": 44334, + "constraints": 44335, + "Ġmotorcycles": 44336, + "CSS": 44337, + "Appendix": 44338, + "ĠONLY": 44339, + "ĠDunn": 44340, + "Ġcontraind": 44341, + "Ġdisseminating": 44342, + "Playing": 44343, + "Ġevangelical": 44344, + "Calculate": 44345, + "Ġmunitions": 44346, + "zac": 44347, + "ilio": 44348, + "ĠParth": 44349, + "answers": 44350, + "ressors": 44351, + "Ġservic": 44352, + "prey": 44353, + "Ġmotherhood": 44354, + "_____": 44355, + "Ġtransferable": 44356, + "ĠHoffman": 44357, + "Ġrazor": 44358, + "^\\": 44359, + "Ġdumps": 44360, + "Ġcland": 44361, + "Ġmodelled": 44362, + "Ġpresume": 44363, + "reads": 44364, + "ĠAndhra": 44365, + "extended": 44366, + "Ġsensed": 44367, + "APE": 44368, + "MEs": 44369, + "Ġradiocarbon": 44370, + "ĠTriple": 44371, + "GRAM": 44372, + "ĠMuir": 44373, + "iriam": 44374, + "ĠBattles": 44375, + "Ġontology": 44376, + "Ġnanomaterials": 44377, + "Dog": 44378, + "vara": 44379, + "Ġaura": 44380, + "Ġwhipped": 44381, + "ĠBuc": 44382, + "Ġphobias": 44383, + "Ġsetuptools": 44384, + "Ġpenetrated": 44385, + "Ġcodified": 44386, + "erosene": 44387, + "ripps": 44388, + "highest": 44389, + "budget": 44390, + "rism": 44391, + "æĽ": 44392, + "Ġmowing": 44393, + "riac": 44394, + "Ġoutwards": 44395, + "ĠKush": 44396, + "eware": 44397, + "ategor": 44398, + "ĠPlane": 44399, + "Ġstatesman": 44400, + "infect": 44401, + "Ġtaxing": 44402, + "Ġhypocr": 44403, + "ĠObtain": 44404, + "ĠSubscribe": 44405, + "Ġplagiar": 44406, + "Ġsnapshots": 44407, + "ĠIgG": 44408, + "ĠZionism": 44409, + "Ġfigurines": 44410, + "Ġteddy": 44411, + "Ġsacraments": 44412, + "ĠTutor": 44413, + "ĠHL": 44414, + "ĠGret": 44415, + "Ġoutermost": 44416, + "Ġfevers": 44417, + "Ġdetriment": 44418, + "Ġleveled": 44419, + "Ġplanters": 44420, + "Ġrestraints": 44421, + "ĠNationalism": 44422, + "filenames": 44423, + "subscribe": 44424, + "repair": 44425, + "Ġthickened": 44426, + "ĠRecording": 44427, + "planetary": 44428, + "Ġfarthest": 44429, + "Recognizing": 44430, + "Ġvanishing": 44431, + "Ġremodeling": 44432, + "DATE": 44433, + "MN": 44434, + "orc": 44435, + "hertz": 44436, + "ipa": 44437, + "ĠAsking": 44438, + "Ġcheet": 44439, + "ĠExit": 44440, + "Ġrestrained": 44441, + "ĠShapes": 44442, + "Ġnationals": 44443, + "ĠCompensation": 44444, + "bursts": 44445, + "ĠCrazy": 44446, + "Marx": 44447, + "Ġspeciation": 44448, + "Loop": 44449, + "jav": 44450, + "yter": 44451, + "Ġsigh": 44452, + "ĠRiding": 44453, + "ĠLep": 44454, + "Ġfeathered": 44455, + "Ġblasphem": 44456, + "Ġaffirms": 44457, + "azers": 44458, + "Ġsentient": 44459, + "Ġseasonally": 44460, + "consumption": 44461, + "Ġstraps": 44462, + "ĠDesigner": 44463, + "ĠSenators": 44464, + "åĪĹ": 44465, + "ĠUlster": 44466, + "Ġseabed": 44467, + "LIED": 44468, + "Ġoblique": 44469, + "odendron": 44470, + "ĠHex": 44471, + "Ġhandouts": 44472, + "ĠGeneric": 44473, + "Goal": 44474, + "ĠDetermining": 44475, + "Ġcarpal": 44476, + "ĠSinclair": 44477, + "Ġmarshm": 44478, + "hair": 44479, + "Ġbpy": 44480, + "Ġlarynx": 44481, + "ĠTir": 44482, + "ĠCAL": 44483, + "ĠHague": 44484, + "orman": 44485, + "ĠStain": 44486, + "Ġgenerational": 44487, + "Ġsmoothies": 44488, + "Ġhurried": 44489, + "Ġneurologic": 44490, + "Ġaromas": 44491, + "ikhail": 44492, + "ĠOrnith": 44493, + "/*": 44494, + "Ġsf": 44495, + "Ġdl": 44496, + "Ġstraining": 44497, + "Ġchats": 44498, + "ĠRhy": 44499, + "ĠNerve": 44500, + "Ġtimezone": 44501, + "Ġimprob": 44502, + "ĠShale": 44503, + "Ġwhiteboard": 44504, + "OTO": 44505, + "ĠÃģ": 44506, + "Ġblogger": 44507, + "ĠPersu": 44508, + "Predict": 44509, + ",*": 44510, + "õ": 44511, + "Ġplex": 44512, + "Ġmater": 44513, + "ĠPak": 44514, + "ĠRosh": 44515, + "ĠGRO": 44516, + "ĠKand": 44517, + "Ġconsoles": 44518, + "ĠYak": 44519, + "Ġapproving": 44520, + "Ġorganisational": 44521, + "ĠSey": 44522, + "ĠSham": 44523, + "Ġbiore": 44524, + "Ġrelegated": 44525, + "Reset": 44526, + "iterator": 44527, + "ĠMcD": 44528, + "Ġsacs": 44529, + "ĠToolkit": 44530, + "Ġkilowatt": 44531, + "Ġmischievous": 44532, + "aedia": 44533, + "recall": 44534, + "Ġeurope": 44535, + "olian": 44536, + "ĠMiz": 44537, + "ĠDj": 44538, + "actin": 44539, + "Ġclown": 44540, + "physics": 44541, + "rowave": 44542, + "Whole": 44543, + "Ġspreadsheets": 44544, + "atura": 44545, + "Ġbulld": 44546, + "ĠDayton": 44547, + "lename": 44548, + "ĠRobots": 44549, + "Former": 44550, + ":`~": 44551, + "Ġpertussis": 44552, + "aternion": 44553, + "GPU": 44554, + "ĠDiaspora": 44555, + "geom": 44556, + "esthetics": 44557, + "ĠNice": 44558, + "Ġpruned": 44559, + "Ġrestlessness": 44560, + "ĠXL": 44561, + "ĠAustro": 44562, + "Ġprecipitate": 44563, + "Ġaffirming": 44564, + "Ġdisposs": 44565, + "ĠHumboldt": 44566, + "Ġbanners": 44567, + "ĠTEM": 44568, + "amom": 44569, + "ĠHass": 44570, + "ĠDiane": 44571, + "achie": 44572, + "ĠStability": 44573, + "ĠYum": 44574, + "Ġacorns": 44575, + "Ġprojectile": 44576, + "Ġbiometric": 44577, + "metries": 44578, + "uku": 44579, + "Ġbravely": 44580, + "Ġfiberglass": 44581, + "ĠAddison": 44582, + "Ġdismissal": 44583, + "ĠSleeping": 44584, + "ĠiPads": 44585, + "Ġapprentice": 44586, + "ĠRoland": 44587, + "Ġlantern": 44588, + "ĠShirley": 44589, + "Ġtrillions": 44590, + "+'.": 44591, + "Military": 44592, + "VO": 44593, + "Ġiso": 44594, + "ĠRoof": 44595, + "onged": 44596, + "Ġagitated": 44597, + "ATS": 44598, + "Ġembassy": 44599, + "Ġpreparatory": 44600, + "Ġpolythe": 44601, + "Trace": 44602, + "ĠUVA": 44603, + "Ġtortoises": 44604, + "studied": 44605, + "Ġbipart": 44606, + "ĠKerry": 44607, + "ĠSutton": 44608, + "Ġengrossed": 44609, + "Built": 44610, + "Jane": 44611, + "Ġdans": 44612, + "Ġdashed": 44613, + "urger": 44614, + "adish": 44615, + "obos": 44616, + "ĠVS": 44617, + "Ġmodifier": 44618, + "Ġsupercomputer": 44619, + "Ġsprung": 44620, + "Ġpylori": 44621, + "achycardia": 44622, + "=\"\"": 44623, + "WISE": 44624, + "signed": 44625, + "ØŃ": 44626, + "æĬ": 44627, + "Ġasexual": 44628, + "enton": 44629, + "Ġgin": 44630, + "irubin": 44631, + "Ġconcom": 44632, + "ĠHue": 44633, + "ĠFake": 44634, + "Ġseren": 44635, + "Ġjan": 44636, + "prises": 44637, + "ĠShot": 44638, + "INPUT": 44639, + "Ġcaptains": 44640, + "ĠParse": 44641, + "Measuring": 44642, + "Ġanalogies": 44643, + "strual": 44644, + "ĠTyph": 44645, + "ĠStrauss": 44646, + "-------------------------": 44647, + "Ġhegemony": 44648, + "æģ¯": 44649, + "molecule": 44650, + "wara": 44651, + "åİ": 44652, + "Ġ].": 44653, + "idic": 44654, + "ĠSap": 44655, + "ĠCrab": 44656, + "Ġconcession": 44657, + "Ġdeconstruct": 44658, + "Ġintonation": 44659, + "Ġmonog": 44660, + "raltar": 44661, + "Ġtopsoil": 44662, + "ĠPhyl": 44663, + "otti": 44664, + "ĠPreston": 44665, + "grads": 44666, + "Ġduly": 44667, + "Ġaqueduct": 44668, + "conflict": 44669, + "ocysteine": 44670, + "Ġharmonies": 44671, + "Ġdeprive": 44672, + "Ġleveraged": 44673, + "Ġstratified": 44674, + "ĠKelvin": 44675, + "Ġarrogance": 44676, + "fresh": 44677, + "kid": 44678, + "ĠROM": 44679, + "ĠKick": 44680, + "ossils": 44681, + "autiful": 44682, + "Immun": 44683, + "iosync": 44684, + "Greater": 44685, + "ĠMussolini": 44686, + "gif": 44687, + "jk": 44688, + "Ġmasc": 44689, + "imuth": 44690, + "ĠDEF": 44691, + "ĠGom": 44692, + "actually": 44693, + "ĠJW": 44694, + "concent": 44695, + "cyst": 44696, + "Ġconstrued": 44697, + "Ġtopological": 44698, + "ĠUpdates": 44699, + "missible": 44700, + "ร": 44701, + "Ġvaricose": 44702, + "JC": 44703, + "cgi": 44704, + "Ġcic": 44705, + "Ġnipple": 44706, + "oders": 44707, + "ĠMPs": 44708, + "thor": 44709, + "ĠNairobi": 44710, + "Ġpresided": 44711, + "Ġdecou": 44712, + "Ġcarbox": 44713, + "Ġassociating": 44714, + "Ġspaceflight": 44715, + "ĠAllison": 44716, + "Ġstreak": 44717, + "ĠHolocene": 44718, + "Ġattractiveness": 44719, + "ĠMatthews": 44720, + "Enable": 44721, + "Ġcriticizing": 44722, + "successfully": 44723, + "OUTPUT": 44724, + "Ġmyelin": 44725, + "Evaluation": 44726, + "Ġhypersensitivity": 44727, + "matching": 44728, + "oices": 44729, + "ì": 44730, + "Ġdpi": 44731, + "Ġstinging": 44732, + "ĠBram": 44733, + "ĠFors": 44734, + "Ġunnamed": 44735, + "ĠVista": 44736, + "Exist": 44737, + "infos": 44738, + "Ġparametric": 44739, + "Ġcollaborator": 44740, + "ĠÃĨ": 44741, + "Ġacceler": 44742, + "Ġinspecting": 44743, + "Ġenactment": 44744, + "Gi": 44745, + "Ġbidding": 44746, + "iges": 44747, + "ayette": 44748, + "Ġvor": 44749, + "Ġdismay": 44750, + "ĠVL": 44751, + "Ġflushed": 44752, + "Ġmont": 44753, + "Ġhardworking": 44754, + "ĠSufi": 44755, + "Ġtrustworthiness": 44756, + "द": 44757, + "ем": 44758, + "Smoking": 44759, + "Ġphonological": 44760, + "Ġmolars": 44761, + "Jews": 44762, + "Ġcommemorated": 44763, + "ĠIMPLIED": 44764, + "Mesh": 44765, + "Ġtors": 44766, + "stakes": 44767, + "ĠCFS": 44768, + "Ġtracer": 44769, + "Ġdevelopmentally": 44770, + "Ġimmutable": 44771, + "scroll": 44772, + "preprocess": 44773, + "\"]]": 44774, + "Ġrandomness": 44775, + "ĠWritings": 44776, + "Ġcriticised": 44777, + "Ġrents": 44778, + "Labels": 44779, + "Callback": 44780, + "rupulous": 44781, + "Importance": 44782, + "Ġcursive": 44783, + "Ġimbued": 44784, + "ĠConcentration": 44785, + "ahead": 44786, + "hots": 44787, + "ĠLaksh": 44788, + "ĠGanes": 44789, + "needs": 44790, + "ermo": 44791, + "Ġbrushed": 44792, + "orno": 44793, + "ĠBrahma": 44794, + "ни": 44795, + "ĠCPUs": 44796, + "Ġrepublics": 44797, + "Ġstyling": 44798, + "ĠMarianne": 44799, + "itius": 44800, + "augment": 44801, + "Ġpreprint": 44802, + "ohist": 44803, + "||=": 44804, + "ĠBeef": 44805, + "unei": 44806, + "sequential": 44807, + "ĠConsent": 44808, + "Ġcolonizers": 44809, + "ĠSystemic": 44810, + "Discovery": 44811, + "firehose": 44812, + "Ġhydrothermal": 44813, + "harvest": 44814, + "Hungarian": 44815, + "ĠCecil": 44816, + "?|": 44817, + "Bee": 44818, + "dns": 44819, + "kner": 44820, + "nested": 44821, + "trim": 44822, + "eni": 44823, + "ĠMash": 44824, + "ĠMisc": 44825, + "ĠMifflin": 44826, + "ĠGig": 44827, + "ĠOss": 44828, + "ĠObl": 44829, + "Ġpreface": 44830, + "ĠReplacement": 44831, + "Ġrestorations": 44832, + "Ġseasonality": 44833, + "Ġtranslational": 44834, + "Ġpriceless": 44835, + "Ġafar": 44836, + "CPU": 44837, + "Ġcheaply": 44838, + "Ġscreenshot": 44839, + "Swed": 44840, + "measurement": 44841, + "ĠBoundary": 44842, + "AAAAAAAA": 44843, + "ĠMekong": 44844, + "sz": 44845, + "éĽ": 44846, + "ŀĭ": 44847, + "Ġfray": 44848, + "ĠTant": 44849, + "Ġripped": 44850, + "Ġworsens": 44851, + "ĠKahn": 44852, + "ĠYuc": 44853, + "Ġdecimated": 44854, + "Formation": 44855, + "ĠDecline": 44856, + "Ġpapaya": 44857, + "ĠNortheastern": 44858, + "ĠBasilica": 44859, + "Purpose": 44860, + "SERVER": 44861, + "Ti": 44862, + "Ġeucalyptus": 44863, + "ĠAunt": 44864, + "ĠSEM": 44865, + "ĠShips": 44866, + "opf": 44867, + "Ġdisgrace": 44868, + "Ġpreposition": 44869, + "jectory": 44870, + "herson": 44871, + "definitions": 44872, + "coloured": 44873, + "influ": 44874, + "Ġmistress": 44875, + "immun": 44876, + "Ġbeekeeping": 44877, + "Ġcassava": 44878, + "HET": 44879, + "bius": 44880, + "ĠTasks": 44881, + "Ġchanting": 44882, + "âĢĻ).": 44883, + "Ġaccret": 44884, + "Ġrefuel": 44885, + "Ġpractising": 44886, + "Ġmarketers": 44887, + "Ġbottoms": 44888, + "Ġtrove": 44889, + "Ġsenate": 44890, + "Ġoutsider": 44891, + "Ġoverturned": 44892, + "Ġtacit": 44893, + "poke": 44894, + "ĠDos": 44895, + "ĠFeng": 44896, + "ĠGiza": 44897, + "Ġuncharted": 44898, + "Ġscaly": 44899, + "ĠAden": 44900, + "interfaces": 44901, + "Ġpersistently": 44902, + "Ġphrasing": 44903, + "ĠTiming": 44904, + "ĠAccurate": 44905, + "Consumer": 44906, + "Ġascetic": 44907, + "Ġfurious": 44908, + "Ġcondenser": 44909, + "rameworks": 44910, + "Nonetheless": 44911, + "Bed": 44912, + "PAT": 44913, + "Sweet": 44914, + "bah": 44915, + "ivative": 44916, + "ĠRex": 44917, + "Ġoverfishing": 44918, + "Ġamaze": 44919, + "Ġdeepened": 44920, + "ĠGlory": 44921, + "ĠPalae": 44922, + "Ġstemmed": 44923, + "Ġvelvet": 44924, + "ĠFacial": 44925, + "ĠImagination": 44926, + "ĠHormone": 44927, + "Ġhydrophobic": 44928, + "Ka": 44929, + "Pregn": 44930, + "atched": 44931, + "elim": 44932, + "ĠDuff": 44933, + "ĠRim": 44934, + "Ġequates": 44935, + "Ġstreaks": 44936, + "Ġpharmacists": 44937, + "\"...": 44938, + "Luck": 44939, + "dialog": 44940, + "jas": 44941, + "ĠREG": 44942, + "ĠNgu": 44943, + "Ġmixer": 44944, + "ĠJesuits": 44945, + "iteritems": 44946, + "ĠTwist": 44947, + "Ġgemstones": 44948, + "Ġgenealogical": 44949, + "rion": 44950, + "vat": 44951, + "agland": 44952, + "ustion": 44953, + "Ġselfless": 44954, + "exercise": 44955, + "Ġglo": 44956, + "Ġmonolithic": 44957, + "Ġclassifiers": 44958, + "Ġstatehood": 44959, + "Ġbiotech": 44960, + "Ġurls": 44961, + "Ġsatirical": 44962, + "ĠPrep": 44963, + "ĠPatience": 44964, + "glacial": 44965, + "ĠCrossing": 44966, + "ĠHashem": 44967, + "ĠAlexandra": 44968, + "Ġcarotenoids": 44969, + "Arabic": 44970, + "ĠAmphib": 44971, + "Ġreimbursement": 44972, + "Duration": 44973, + "èĩ": 44974, + "iculate": 44975, + "vez": 44976, + "ĠAgencies": 44977, + "opted": 44978, + "Ġhefty": 44979, + "Ġphag": 44980, + "Ġflint": 44981, + "awan": 44982, + "ĠWeed": 44983, + "spots": 44984, + "ĠAmount": 44985, + "Ġmisused": 44986, + "ĠGlue": 44987, + "Ġillustrious": 44988, + "Ġcoalitions": 44989, + "ĠSalad": 44990, + "ĠCypri": 44991, + "ĠMelissa": 44992, + "ĠLyndon": 44993, + "MessageBox": 44994, + "Returning": 44995, + "Switch": 44996, + "Ġanomalous": 44997, + "Ġbicycl": 44998, + "REQUEST": 44999, + "Lewis": 45000, + "Dutch": 45001, + "olulu": 45002, + "ĠSudden": 45003, + "ĠEIA": 45004, + "ostat": 45005, + "Ġnoxious": 45006, + "Ġparcels": 45007, + "ĠMahal": 45008, + "anthin": 45009, + "adequate": 45010, + "Wis": 45011, + "[@": 45012, + "enheim": 45013, + "Ġrevert": 45014, + "ĠSoup": 45015, + "ĠCrew": 45016, + "ĠHarding": 45017, + "âĢĻ?": 45018, + "outfile": 45019, + "rund": 45020, + "ieft": 45021, + "ĠInk": 45022, + "Ġpertain": 45023, + "ĠVera": 45024, + "ĠCounting": 45025, + "formatted": 45026, + "Ġpunctu": 45027, + "ĠAttacks": 45028, + "Religious": 45029, + ")*(": 45030, + "Ġcockpit": 45031, + "Ġripen": 45032, + "frozen": 45033, + "pig": 45034, + "Ġlakh": 45035, + "ĠKok": 45036, + "Ġgenitals": 45037, + "erning": 45038, + "ĠAlto": 45039, + "Ġmotorists": 45040, + "trials": 45041, + "Ġpartitioning": 45042, + "Foods": 45043, + "Ġchimpanzee": 45044, + "Ġunleash": 45045, + "ĠElimination": 45046, + "Preparation": 45047, + "TIM": 45048, + "isinstance": 45049, + "Ġnud": 45050, + "olition": 45051, + "idia": 45052, + "ĠPID": 45053, + "ĠDrew": 45054, + "inephrine": 45055, + "Ġuninhab": 45056, + "Ġmoderator": 45057, + "ĠAllergies": 45058, + "Ġ`_": 45059, + "aean": 45060, + "ĠViruses": 45061, + "nesia": 45062, + "ĠLonger": 45063, + "ĠDevon": 45064, + "ĠVariation": 45065, + "Ġhydroponic": 45066, + "Ġrallied": 45067, + "aundering": 45068, + "Vertical": 45069, + "lum": 45070, + "Ġlids": 45071, + "ĠShor": 45072, + "ayama": 45073, + "ĠAmar": 45074, + "Ġearthworms": 45075, + "ĠAlexa": 45076, + "ocyst": 45077, + "ĠRosetta": 45078, + "Ġμm": 45079, + "creator": 45080, + "AutoField": 45081, + "Ġfoothills": 45082, + "Pract": 45083, + "Romans": 45084, + "Ġcrows": 45085, + "ĠTec": 45086, + "ĠCologne": 45087, + "ĠFacing": 45088, + "Ġsocializing": 45089, + "Ġlegality": 45090, + "Ġangu": 45091, + "ADDR": 45092, + "Ġchromatin": 45093, + "Ġminimalist": 45094, + "ĠAgreements": 45095, + "æľĢ": 45096, + "ĠRAID": 45097, + "blooded": 45098, + "Ġdismantled": 45099, + "ðĿIJ": 45100, + "Ġaltruism": 45101, + "Ġbesieged": 45102, + "Ġsaffron": 45103, + "Virginia": 45104, + "ĠCaspian": 45105, + "*)": 45106, + "beds": 45107, + "criminals": 45108, + "Ġsevered": 45109, + "Ġwilliam": 45110, + "ilde": 45111, + "):**": 45112, + "Ġpoppy": 45113, + "tooth": 45114, + "scribed": 45115, + "Annot": 45116, + "mlp": 45117, + "Ġwrongs": 45118, + "ABS": 45119, + "ĠPrincip": 45120, + "ĠFlorent": 45121, + "ightedness": 45122, + "Sky": 45123, + "nip": 45124, + "Ġsg": 45125, + "ĠCone": 45126, + "unas": 45127, + "apart": 45128, + "Ġdesens": 45129, + "Ġmyc": 45130, + "ĠInstitut": 45131, + "ĠAssume": 45132, + "equivalent": 45133, + "Ġpreferential": 45134, + "ĠMaas": 45135, + "Submitted": 45136, + "Ġpancakes": 45137, + "ĠTaiwanese": 45138, + "deliverystream": 45139, + "Ġexcursions": 45140, + "ĠFrançois": 45141, + "Tam": 45142, + "reactive": 45143, + "stamp": 45144, + "ĠTD": 45145, + "ĠDag": 45146, + "Ġresorted": 45147, + "ĠHeidelberg": 45148, + "Ġrefill": 45149, + "Ġdecib": 45150, + "ĠEnable": 45151, + "ĠEdo": 45152, + "ĠSalisbury": 45153, + "Ġbeekeepers": 45154, + "ĠFrancesco": 45155, + "ĠBuchanan": 45156, + "tropical": 45157, + "ĠIbrahim": 45158, + "istem": 45159, + "Ġnearing": 45160, + "ĠFiscal": 45161, + "ĠNacional": 45162, + "Ġwaterway": 45163, + "Ġlocust": 45164, + "linger": 45165, + "amphetamine": 45166, + "Ġmarketplaces": 45167, + "Except": 45168, + "ĠJewel": 45169, + "ĠMetadata": 45170, + "Ġdilated": 45171, + "Ġmileage": 45172, + "Ġcommemorative": 45173, + "Ġtranscendental": 45174, + "Ġtransistorsum": 45175, + "Ġhopelessness": 45176, + "Probably": 45177, + "ĠSysCall": 45178, + "Baby": 45179, + "bians": 45180, + "Ġtame": 45181, + "Ġsplic": 45182, + "Ġplagues": 45183, + "Ġsnapping": 45184, + "Ġrefrigerated": 45185, + "rg": 45186, + "sam": 45187, + "Ġpines": 45188, + "Ġboo": 45189, + "ĠWick": 45190, + "ĠFlanders": 45191, + "ĠLegends": 45192, + "Ġpondering": 45193, + "ĠSantos": 45194, + "ĠDalton": 45195, + "Ġmicrowaves": 45196, + "documented": 45197, + "cephalus": 45198, + "Ġstunted": 45199, + "Ġstorytellers": 45200, + "çIJĨ": 45201, + "Ġich": 45202, + "Ġcb": 45203, + "Ġpony": 45204, + "Ġmolar": 45205, + "icent": 45206, + "lew": 45207, + "Ġforks": 45208, + "abit": 45209, + "ĠMAG": 45210, + "ĠBPD": 45211, + "ĠDirection": 45212, + "Ġobedient": 45213, + "Ġscap": 45214, + "Anxiety": 45215, + "Whit": 45216, + "irac": 45217, + "Ġsweats": 45218, + "ĠOFF": 45219, + "ĠSaras": 45220, + "Outside": 45221, + "ĠFacilit": 45222, + "ĠSophie": 45223, + "ĠBunny": 45224, + "Ġcardiomyopathy": 45225, + "Flex": 45226, + "iencing": 45227, + "wired": 45228, + "eroy": 45229, + "iless": 45230, + "Ġcanines": 45231, + "ĠOCR": 45232, + "Ġcloned": 45233, + "ĠStake": 45234, + "ucceed": 45235, + "Ġgrafting": 45236, + "ĠAlison": 45237, + "ĠAnnex": 45238, + "Ġdesignations": 45239, + "haven": 45240, + "Ġtangy": 45241, + "ĠNaomi": 45242, + "Ġgypsum": 45243, + "Ġpostponed": 45244, + "Ġarrogant": 45245, + "Ġconvolutional": 45246, + "Ġaneurysm": 45247, + "Burn": 45248, + "RG": 45249, + "xon": 45250, + "Ġreincarnation": 45251, + "ĠTitus": 45252, + "Ġkrill": 45253, + "Ġunderdeveloped": 45254, + "Ġcoagulation": 45255, + "Ġposited": 45256, + "(\"{": 45257, + "ĠMerchant": 45258, + "Neigh": 45259, + "Ġrenovated": 45260, + "ĠSoldier": 45261, + "ĠPharisees": 45262, + "/),": 45263, + "TRAIN": 45264, + "WG": 45265, + "ĠfMRI": 45266, + "Ġvantage": 45267, + "ĠJson": 45268, + "ĠKad": 45269, + "Ġovercame": 45270, + "Ġhighs": 45271, + "ismic": 45272, + "Ġinstallment": 45273, + "Sharing": 45274, + "ĠPersonally": 45275, + "ĠRaja": 45276, + "Ġabsurdity": 45277, + "Captain": 45278, + "Ġpunk": 45279, + "ouches": 45280, + "arctic": 45281, + "ĠTheological": 45282, + "ĠEh": 45283, + "ĠDew": 45284, + "ĠUX": 45285, + "Ġimposition": 45286, + "ĠInher": 45287, + "Ġoutnumbered": 45288, + "Ġtesticles": 45289, + "Ġservitude": 45290, + "overlap": 45291, + "ĠSparta": 45292, + "CHAR": 45293, + "Ġsubscriptions": 45294, + "ĠFaust": 45295, + "Metric": 45296, + "itasking": 45297, + "Ġspermat": 45298, + "Pict": 45299, + "frey": 45300, + "yad": 45301, + "anese": 45302, + "ĠSections": 45303, + "ulled": 45304, + "ĠCognition": 45305, + "ĠLP": 45306, + "wns": 45307, + "ancip": 45308, + "monton": 45309, + "Ġradiate": 45310, + "Units": 45311, + "ĠUNC": 45312, + "Ġnitrous": 45313, + "ĠMadame": 45314, + "abilia": 45315, + "Ġstrikingly": 45316, + "Ġencompassed": 45317, + "ĠBonaparte": 45318, + "Compute": 45319, + "ĠMeasurements": 45320, + "Ġlocomotion": 45321, + "Ġperceiving": 45322, + "ĠBelfast": 45323, + "died": 45324, + "pag": 45325, + "Ġceded": 45326, + "ĠDN": 45327, + "dual": 45328, + "updates": 45329, + "Ġpurge": 45330, + "Ġsacrament": 45331, + "Ġtailoring": 45332, + "Ġridicule": 45333, + "ĠMerced": 45334, + "Ġphosphorous": 45335, + "ĠLandscapes": 45336, + "Ġtsunamis": 45337, + "Companies": 45338, + "Cart": 45339, + "Jackson": 45340, + "Race": 45341, + "TODO": 45342, + "tin": 45343, + "omically": 45344, + "Ġshrew": 45345, + "formations": 45346, + "submission": 45347, + "Ġobstructions": 45348, + "Parallel": 45349, + "Ġrefrigerators": 45350, + "Ġornate": 45351, + "Ġoregano": 45352, + "ĠPandemic": 45353, + "Ġaphid": 45354, + "Ġrinsing": 45355, + "Ġfax": 45356, + "Ġbb": 45357, + "Ġstunned": 45358, + "ĠPolic": 45359, + "Ġchased": 45360, + "ĠLiqu": 45361, + "Ġclinging": 45362, + "Ġinterspers": 45363, + "oxel": 45364, + "ĠDeutsch": 45365, + "Ġsnork": 45366, + "Ġpropelling": 45367, + "Ġminiatur": 45368, + "ĠSeminary": 45369, + "Ġlodged": 45370, + "IUCN": 45371, + "uu": 45372, + "éģ": 45373, + "Ġ--------": 45374, + "Ġai": 45375, + "Ġscler": 45376, + "ĠBj": 45377, + "Ġhaplot": 45378, + "ĠDix": 45379, + "ĠDuration": 45380, + "ĠRaleigh": 45381, + "ĠGutenberg": 45382, + "Ġmanoe": 45383, + "Ġinfall": 45384, + "Ġsubunit": 45385, + "exact": 45386, + "Ġsoles": 45387, + "Ġunfit": 45388, + "orbidity": 45389, + "Colors": 45390, + "DoS": 45391, + "ĠBaum": 45392, + "Ġsynergistic": 45393, + "Ingredients": 45394, + "Ġtok": 45395, + "Ġstumbling": 45396, + "ĠPact": 45397, + "enged": 45398, + "ĠAssets": 45399, + "Ġpollinator": 45400, + "rapists": 45401, + "------------------------------------------": 45402, + "ĠVisiting": 45403, + "Ġjudgements": 45404, + "Ġstereotypical": 45405, + "ĠCardiac": 45406, + "Ġmultiprocessing": 45407, + "Ġupsetting": 45408, + "Educational": 45409, + "Pressure": 45410, + "Ġlubricant": 45411, + "ĠKyrgyz": 45412, + ":(": 45413, + "Round": 45414, + "ĠPascal": 45415, + "Ġdisson": 45416, + "conventional": 45417, + "Ġsapp": 45418, + "hedrals": 45419, + "Ġresourceful": 45420, + "ĠAviv": 45421, + "Enjoy": 45422, + "Ġlipoprotein": 45423, + "ĠCatalan": 45424, + "Fourth": 45425, + "ĠZoology": 45426, + "ĠHarnessing": 45427, + "elitis": 45428, + "sth": 45429, + "chunks": 45430, + "ĠHahn": 45431, + "ĠLoud": 45432, + "Ġscoot": 45433, + "Ġsmoot": 45434, + "lipped": 45435, + "Ġvirulence": 45436, + "wordpress": 45437, + "Ġexecutes": 45438, + "Adjust": 45439, + "ĠStatue": 45440, + "ACTION": 45441, + "ĠBotany": 45442, + "plasticity": 45443, + "nid": 45444, + "oction": 45445, + "ĠCategories": 45446, + "ĠCunningham": 45447, + "umbo": 45448, + "Ġcanning": 45449, + "ĠLipp": 45450, + "Ġunimportant": 45451, + "ossa": 45452, + "Ġlikened": 45453, + "regression": 45454, + "ĠEducator": 45455, + "ÃŃt": 45456, + "Ġrubrics": 45457, + "ĠMerriam": 45458, + "но": 45459, + "necessary": 45460, + "Ġtraversed": 45461, + "#----------------------------------------------------------------": 45462, + "bush": 45463, + "uper": 45464, + "Ġtoad": 45465, + "Ġrejoice": 45466, + "ĠReformed": 45467, + "overl": 45468, + "adden": 45469, + "Ġinstructive": 45470, + "ULD": 45471, + "Leon": 45472, + "FAO": 45473, + "heumatic": 45474, + "Hem": 45475, + "Holy": 45476, + "IRE": 45477, + "happy": 45478, + "tone": 45479, + "Ġwallets": 45480, + "isodes": 45481, + "stub": 45482, + "Ġcomplicating": 45483, + "ĠDors": 45484, + "Ġmoratorium": 45485, + "ĠRepet": 45486, + "CHECK": 45487, + "ĠAttitudes": 45488, + "ĠHypertension": 45489, + "Ġmatured": 45490, + "emporal": 45491, + "Ġaggravate": 45492, + "itoneal": 45493, + "åĢ¼": 45494, + "!,": 45495, + "Ay": 45496, + "MH": 45497, + "fut": 45498, + "nasa": 45499, + "Ġtb": 45500, + "ĠSitting": 45501, + "oste": 45502, + "Ġemulsion": 45503, + "Ġcapped": 45504, + "Ġsociopolitical": 45505, + "ĠIPM": 45506, + "ĠLayout": 45507, + "Permission": 45508, + "Ġdetergents": 45509, + "Birds": 45510, + "baz": 45511, + "hier": 45512, + "mud": 45513, + "|':'": 45514, + "Ġstalled": 45515, + "Ġkb": 45516, + "Ġamps": 45517, + "Ġdistributes": 45518, + "ĠEnough": 45519, + "Ġdocks": 45520, + "Ġregularization": 45521, + "ĠFlags": 45522, + "Ġtelephones": 45523, + "ĠSundays": 45524, + "Ġprogeny": 45525, + "mysql": 45526, + "prol": 45527, + "Ġdod": 45528, + "ĠCf": 45529, + "ĠPAT": 45530, + "Ġsup": 45531, + "ĠLod": 45532, + "ĠGag": 45533, + "ordination": 45534, + "Ġcoer": 45535, + "isma": 45536, + "Ġorganising": 45537, + "pygame": 45538, + "Ġplacements": 45539, + "Ġspears": 45540, + "Ġchecker": 45541, + "ĠActual": 45542, + "ĠHolistic": 45543, + "histogram": 45544, + "Ġintruders": 45545, + "ĠPLC": 45546, + "president": 45547, + "Ġtentative": 45548, + "Ġsprouting": 45549, + "Ġinnocuous": 45550, + "Growth": 45551, + "nian": 45552, + "Ġreeds": 45553, + "Ġreforest": 45554, + "chre": 45555, + "ĠScy": 45556, + "ĠWins": 45557, + "Ġensembles": 45558, + "clients": 45559, + "ĠAdmin": 45560, + "Ġcypress": 45561, + "ĠParticle": 45562, + "Ġdeduce": 45563, + "ĠС": 45564, + "ĠWilkinson": 45565, + "ĠIncreases": 45566, + "ĠNCERT": 45567, + "Ġlexicon": 45568, + "Ġtavern": 45569, + "olybden": 45570, + "Hep": 45571, + "KK": 45572, + "Ġara": 45573, + "ĠmM": 45574, + "ĠExamin": 45575, + "ikan": 45576, + "ĠPartition": 45577, + "Ġidealism": 45578, + "Ġsanctuaries": 45579, + "monds": 45580, + "BLIC": 45581, + "destructive": 45582, + "使": 45583, + "Ġaccusation": 45584, + "Ġextravagant": 45585, + "ù": 45586, + "Ġ-----": 45587, + "inverse": 45588, + "imetry": 45589, + "ĠCure": 45590, + "herly": 45591, + "ĠKali": 45592, + "ĠVert": 45593, + "Ġinsurrection": 45594, + "Ġpowerhouse": 45595, + "|||": 45596, + "Ġsweeter": 45597, + "Ġtouring": 45598, + "ĠBirthday": 45599, + "ĠRolling": 45600, + "Engineering": 45601, + "Ġcacti": 45602, + "Ġpsychoanalysis": 45603, + "Ġsphinct": 45604, + "Omega": 45605, + "snow": 45606, + "anci": 45607, + "Ġstarring": 45608, + "ĠPIN": 45609, + "ptophan": 45610, + "ĠOjib": 45611, + "ĠComedy": 45612, + "ymour": 45613, + "ĠBritt": 45614, + "Ġoxytocin": 45615, + "Ġrobes": 45616, + "Ġconstituting": 45617, + "ĠRadar": 45618, + "Simon": 45619, + "SECRET": 45620, + "cisco": 45621, + "housing": 45622, + "atomy": 45623, + "ĠCork": 45624, + "ogon": 45625, + "ĠOD": 45626, + "licking": 45627, + "ĠVid": 45628, + "Ġphthal": 45629, + "aii": 45630, + "Ġballots": 45631, + "ĠSchu": 45632, + "Ġcorresponded": 45633, + "gaard": 45634, + "Ġbaggage": 45635, + "ĠPhotographs": 45636, + "Angle": 45637, + "ĠWolfe": 45638, + "Ġmourn": 45639, + "ĠGemini": 45640, + "Ġtruncated": 45641, + "Mes": 45642, + "mapper": 45643, + "İ·": 45644, + "enzyme": 45645, + "strokes": 45646, + "Ġstout": 45647, + "Ġimmobil": 45648, + "defining": 45649, + "ampal": 45650, + "Ġanalyzer": 45651, + "hematical": 45652, + "Ġbreathed": 45653, + "ĠSwahili": 45654, + "Ġdestroyers": 45655, + "Ġcmds": 45656, + "Ġmammography": 45657, + "ĠLowell": 45658, + "ĠPetr": 45659, + "ĠSuffolk": 45660, + "Ġsplendor": 45661, + "åĮĸ": 45662, + "Ġanticoagul": 45663, + "ĠFlemish": 45664, + "/\\": 45665, + "Hal": 45666, + "`):": 45667, + "foil": 45668, + "serving": 45669, + "ingen": 45670, + "ĠCate": 45671, + "activities": 45672, + "clay": 45673, + "Ġfloppy": 45674, + "avez": 45675, + "Ġguitars": 45676, + "mitting": 45677, + "ĠActivation": 45678, + "INGTON": 45679, + "ĠAvailability": 45680, + "Ġdestroyer": 45681, + "öm": 45682, + "slave": 45683, + "uggage": 45684, + "Ġherbaceous": 45685, + "Ġdistributors": 45686, + "ĠNursery": 45687, + "ĠChamberlain": 45688, + "rolysis": 45689, + "Ġovercrowded": 45690, + "kinesisfirehose": 45691, + "wort": 45692, + "Ġci": 45693, + "itates": 45694, + "perms": 45695, + "erella": 45696, + "Ġcoauthor": 45697, + "Ġvisas": 45698, + "applied": 45699, + "Ġerasure": 45700, + "offer": 45701, + "αν": 45702, + "ĠCollecting": 45703, + "Ġع": 45704, + "ĠBerger": 45705, + "Ġtkinter": 45706, + "Ġprotruding": 45707, + "Florida": 45708, + "Ġtantalizing": 45709, + "ĠLeibniz": 45710, + "Mis": 45711, + "viii": 45712, + "ĠTOP": 45713, + "\"\"\")": 45714, + "Ġmemes": 45715, + "Ġguise": 45716, + "Ġplaytime": 45717, + "posable": 45718, + "sharp": 45719, + "ranç": 45720, + "belts": 45721, + "Ġgrappled": 45722, + "Ġhinders": 45723, + "fathers": 45724, + "Ġsynthesizing": 45725, + "Ġب": 45726, + "ĠKrak": 45727, + "Ġsmuggling": 45728, + "Jacob": 45729, + "Horizontal": 45730, + "Ġplunged": 45731, + "éĹ´": 45732, + "rafts": 45733, + "Ġyelling": 45734, + "ĠRutherford": 45735, + "Ġplow": 45736, + "Ġgravey": 45737, + "Ġclears": 45738, + "ARN": 45739, + "ĠSouthampton": 45740, + "ĠEffectiveness": 45741, + "ĠGPUs": 45742, + "ĠCustomers": 45743, + "programs": 45744, + "Ġinconclusive": 45745, + "ĠBreath": 45746, + "Ġsizing": 45747, + "ideal": 45748, + "Ġxyl": 45749, + "Ġhabitation": 45750, + "Proj": 45751, + "ĠNeutral": 45752, + "Ġmomentarily": 45753, + "presso": 45754, + "ĠAdaptations": 45755, + "Ġpsychoactive": 45756, + "ĠIntersectionality": 45757, + "à¯į": 45758, + "ĠAntiquities": 45759, + "molecular": 45760, + "pard": 45761, + "Ġmend": 45762, + "asu": 45763, + "Ġgating": 45764, + "ĠTRAN": 45765, + "ĠPOP": 45766, + "Ġcany": 45767, + "clid": 45768, + "Ġpeels": 45769, + "Ġinfill": 45770, + "Ġbristles": 45771, + "Ġpostcards": 45772, + "Ġbreakers": 45773, + "Drive": 45774, + "Ġchickpeas": 45775, + "gaussian": 45776, + "ĠBronx": 45777, + "conditioning": 45778, + "Ġerythe": 45779, + "RB": 45780, + "Ġdrowsiness": 45781, + "Ġunbear": 45782, + "Ġinfrequent": 45783, + "Ġtotality": 45784, + "Exactly": 45785, + "Ġfemur": 45786, + "ITIES": 45787, + "ĠÃĸ": 45788, + "ĠJudy": 45789, + "Ġcongrat": 45790, + "Medic": 45791, + "ĠFilms": 45792, + "Ġcoercive": 45793, + "Ġhibernation": 45794, + "Ġscorching": 45795, + "ĠDudley": 45796, + "onet": 45797, + "Ġduality": 45798, + "urian": 45799, + "ĠCree": 45800, + "Ġdisinformation": 45801, + "Ġtransducer": 45802, + "ĠRey": 45803, + "Ġgli": 45804, + "alez": 45805, + "forum": 45806, + "Force": 45807, + "ĠInvolved": 45808, + "αÏģ": 45809, + "Ġintensively": 45810, + "ĠWolfgang": 45811, + "Ġcursed": 45812, + "Ġunanimous": 45813, + "Either": 45814, + "ENA": 45815, + "hospital": 45816, + "tweet": 45817, + "ĠHirsch": 45818, + "Ġintolerant": 45819, + "Ġindign": 45820, + "Ġcleavage": 45821, + "Ġpotable": 45822, + "ĠMayer": 45823, + "ĠConsol": 45824, + "([-": 45825, + "ĠObserver": 45826, + "ĠCartesian": 45827, + "ĠCrimean": 45828, + "veston": 45829, + "Ġendometrial": 45830, + "æ³ķ": 45831, + "diss": 45832, + "fh": 45833, + "éĿ": 45834, + "ionError": 45835, + "Ġlance": 45836, + "ĠTric": 45837, + "Ġdehuman": 45838, + "ĠHeter": 45839, + "Ġablation": 45840, + "industry": 45841, + "ologue": 45842, + "Ġblanks": 45843, + "Ġcaudal": 45844, + "Ġpolitic": 45845, + "ymers": 45846, + "iliated": 45847, + "Ġbarking": 45848, + "specs": 45849, + "Ġharbors": 45850, + "Ġpraises": 45851, + "ĠJosephus": 45852, + "Transition": 45853, + "determined": 45854, + "################################################################################": 45855, + "Ġcarotid": 45856, + "Ġfocussed": 45857, + "ĠPasteur": 45858, + "misc": 45859, + "ĠICD": 45860, + "Ġleases": 45861, + "ĠFaced": 45862, + "ĠChuck": 45863, + "Ġslums": 45864, + "domains": 45865, + "Ġactuality": 45866, + "Ġmaltreatment": 45867, + "Ġmultiplicity": 45868, + "Ġperpetrated": 45869, + "storms": 45870, + "Ġquadrant": 45871, + "Ġpediatricians": 45872, + "Ġsparsely": 45873, + "Ġmeteors": 45874, + "egypt": 45875, + "cibility": 45876, + "ĠCourage": 45877, + "permanent": 45878, + "arked": 45879, + "ĠAlter": 45880, + "orescent": 45881, + "Ġsupplementing": 45882, + "Ġionization": 45883, + "Ġincubated": 45884, + "Ġidolatry": 45885, + "Biological": 45886, + "RIC": 45887, + "Scre": 45888, + "zburg": 45889, + "Ġgazing": 45890, + "ĠPediatr": 45891, + "Ġushered": 45892, + "Ġadam": 45893, + "onga": 45894, + "ĠJensen": 45895, + "acha": 45896, + "prevent": 45897, + "ĠHistories": 45898, + "ĠFeet": 45899, + "optimize": 45900, + "ĠChiropract": 45901, + "ĠInstallation": 45902, + "Ġattributing": 45903, + "Sexual": 45904, + "ĠCicero": 45905, + "TW": 45906, + "repid": 45907, + "itely": 45908, + "ĠRAD": 45909, + "Ġcommas": 45910, + "ĠStark": 45911, + "Ġunderweight": 45912, + "ĠComte": 45913, + "Ġservicing": 45914, + "Ġlinearly": 45915, + "ĠZel": 45916, + "Ġbirthdays": 45917, + "APS": 45918, + "ĠChecking": 45919, + "Colon": 45920, + "ĠSupports": 45921, + "experimental": 45922, + "Funding": 45923, + "trunc": 45924, + "arro": 45925, + "Ġnun": 45926, + "ĠBuckingham": 45927, + "ĠDNR": 45928, + "ĠFritz": 45929, + "reeze": 45930, + "instruction": 45931, + "Ġrespondent": 45932, + "Ġsonnet": 45933, + "ĠLogical": 45934, + "Ġtransplanting": 45935, + "Ġaugmentation": 45936, + "lemagne": 45937, + "ezvous": 45938, + "Ġdiscreet": 45939, + "URRENT": 45940, + "Ġbalcony": 45941, + "/#": 45942, + "lake": 45943, + "rut": 45944, + "vil": 45945, + "Ġfou": 45946, + "gear": 45947, + "Ġabode": 45948, + "Ġclump": 45949, + "athom": 45950, + "Ġskirts": 45951, + "ophon": 45952, + "Ġroadways": 45953, + "Ġforwarded": 45954, + "Ġidiosync": 45955, + "smith": 45956, + "ViewSet": 45957, + "Loading": 45958, + "ĠInvestigations": 45959, + "satellite": 45960, + "ĠRiemann": 45961, + "ĠSquirrel": 45962, + "dos": 45963, + "|(": 45964, + "entions": 45965, + "Ġanimate": 45966, + "Ġflaps": 45967, + "inkel": 45968, + "Ġrealist": 45969, + "contaminated": 45970, + "ĠAssociations": 45971, + "Ġstocked": 45972, + "micron": 45973, + "ĠWillow": 45974, + "distributed": 45975, + "Ġenumerated": 45976, + "ĠATT": 45977, + "Ġcombustible": 45978, + "Ġgrasped": 45979, + "ĠQualitative": 45980, + "ĠNeanderthal": 45981, + "ĠAnabapt": 45982, + "cation": 45983, + "yar": 45984, + "igree": 45985, + "ĠRI": 45986, + "ruly": 45987, + "Ġsymph": 45988, + "ĠChristina": 45989, + "Ġfeedstock": 45990, + "Ġfossilized": 45991, + "ĠSemitic": 45992, + "ĠBluff": 45993, + "Silver": 45994, + "ĠCodex": 45995, + "Dropout": 45996, + "ĠâĹĭ": 45997, + "åīį": 45998, + "inosa": 45999, + "Ġpim": 46000, + "ĠTorn": 46001, + "chins": 46002, + "ĠCater": 46003, + "ivistic": 46004, + "ĠHuck": 46005, + "ĠFB": 46006, + "Ġabiotic": 46007, + "ĠOCLC": 46008, + "iping": 46009, + "orporate": 46010, + "Ġcounsell": 46011, + "Prime": 46012, + "ла": 46013, + "Ġanaemia": 46014, + "wolf": 46015, + "Ġdan": 46016, + "Ġchal": 46017, + "Ġabrasion": 46018, + "ĠChing": 46019, + "chner": 46020, + "ĠBarber": 46021, + "Ġtheorems": 46022, + "ĠPlantation": 46023, + "ĠEVENT": 46024, + "äºĨ": 46025, + "ĠMasonic": 46026, + "Ġstrangely": 46027, + "Ġalveolar": 46028, + "ĠMemoirs": 46029, + "Ak": 46030, + "Hur": 46031, + "gences": 46032, + "inplace": 46033, + "Ġnug": 46034, + "ĠIb": 46035, + "ĠFi": 46036, + "scriber": 46037, + "grounds": 46038, + "ĠQueue": 46039, + "department": 46040, + "Ġslew": 46041, + "Ġplaintiffs": 46042, + "ĠTrouble": 46043, + "ĠBaking": 46044, + "ĠJJ": 46045, + "Ġmanmade": 46046, + "Ġardent": 46047, + "phosph": 46048, + "ĠKane": 46049, + "teneg": 46050, + "itsu": 46051, + "ĠMei": 46052, + "([(": 46053, + "restore": 46054, + "ĠEva": 46055, + "rodite": 46056, + "levard": 46057, + "Ġtyrann": 46058, + "Trees": 46059, + "mens": 46060, + "tidal": 46061, + "assemble": 46062, + "usages": 46063, + "ĠWizard": 46064, + "Ġmatures": 46065, + "eylon": 46066, + "ĠDesigners": 46067, + "Remote": 46068, + "ĠTomorrow": 46069, + "Ġglycos": 46070, + "ĠSemin": 46071, + "rickson": 46072, + "Ġmelancholy": 46073, + "Providing": 46074, + "Essential": 46075, + "ĠIterable": 46076, + "Ġshrouded": 46077, + "+(": 46078, + "Cov": 46079, + "Coff": 46080, + "Night": 46081, + "Sports": 46082, + "undant": 46083, + "ACHE": 46084, + "Ġhypothermia": 46085, + "traj": 46086, + "ĠHelic": 46087, + "ĠIslanders": 46088, + "elessness": 46089, + "ĠWhitehead": 46090, + "ĠSumerian": 46091, + "ĠPenal": 46092, + "acceptance": 46093, + "Ġravaged": 46094, + "ĠProsper": 46095, + "enters": 46096, + "ĠDEP": 46097, + "Ġshorth": 46098, + "obiology": 46099, + "ĠPolo": 46100, + "Ġcourtroom": 46101, + "widgets": 46102, + "ĠJudea": 46103, + "Ġchromatic": 46104, + "Ġpacemaker": 46105, + "Ġtorment": 46106, + "Ġdreaded": 46107, + "ĠDiplom": 46108, + "billed": 46109, + "Ġpiled": 46110, + "stral": 46111, + "Ġpointless": 46112, + "Ġlocales": 46113, + "Ġprotectors": 46114, + "evident": 46115, + "ĠBasque": 46116, + "Obesity": 46117, + "Ġautonom": 46118, + "Ġtokenizer": 46119, + "studies": 46120, + "cosm": 46121, + "brandt": 46122, + "KG": 46123, + "dag": 46124, + "dried": 46125, + "kha": 46126, + "Ġprokary": 46127, + "istos": 46128, + "ĠEcho": 46129, + "ĠFIRST": 46130, + "Ġpartake": 46131, + "ĠRepeated": 46132, + "Ġallowable": 46133, + "setdefault": 46134, + "oresis": 46135, + "blocking": 46136, + "alyst": 46137, + "arvae": 46138, + "ĠRemedies": 46139, + "Ġwintering": 46140, + "Contents": 46141, + "ĠTimber": 46142, + "builders": 46143, + "ORDER": 46144, + "ĠDescriptive": 46145, + "ĠOsiris": 46146, + "ĠHazards": 46147, + "Ġaquariums": 46148, + "Ġidiom": 46149, + "Ġfluctuation": 46150, + "Ġlabourers": 46151, + "Ġslogans": 46152, + ")>": 46153, + "dv": 46154, + "ement": 46155, + "tolerance": 46156, + "åŀĭ": 46157, + "aty": 46158, + "atos": 46159, + "Ġreins": 46160, + "stories": 46161, + "pei": 46162, + "ĠNiss": 46163, + "Ġunsupervised": 46164, + "))[": 46165, + "Ġsquamous": 46166, + "Ġfearless": 46167, + "Ġhomologous": 46168, + "Ġmilkweed": 46169, + "ĠVerse": 46170, + "ĠBalanced": 46171, + "Christmas": 46172, + "sqlite": 46173, + "tymology": 46174, + "ĠMobility": 46175, + "Muslims": 46176, + "?*": 46177, + "MEM": 46178, + "Ġarab": 46179, + "Ġfury": 46180, + "ĠTape": 46181, + "Ġstrom": 46182, + "ĠCushing": 46183, + "ĠPix": 46184, + "ĠPossibly": 46185, + "Ġtakeaways": 46186, + "ĠIshma": 46187, + "Export": 46188, + "Ġderog": 46189, + "Ġб": 46190, + "Ġheroine": 46191, + "ĠDelicious": 46192, + "Ġblinded": 46193, + "Ġchloroplast": 46194, + "Specifically": 46195, + "Ġsanctity": 46196, + "Guidelines": 46197, + "Ġvandalism": 46198, + "Ġhypocrisy": 46199, + "]||": 46200, + "Ġstings": 46201, + "ĠVest": 46202, + "ĠYosh": 46203, + "Ġcurly": 46204, + "ĠArbit": 46205, + "ĠPlut": 46206, + "Ġpostgraduate": 46207, + "facebook": 46208, + "ammu": 46209, + "ARA": 46210, + "Ġformalized": 46211, + "Ġcasually": 46212, + "ædia": 46213, + "Ġpreservative": 46214, + "Ġimpatient": 46215, + "Han": 46216, + "Oste": 46217, + "sustaining": 46218, + "Ġsr": 46219, + "ĠCGI": 46220, + "ĠPike": 46221, + "ppm": 46222, + "osic": 46223, + "Ġlepro": 46224, + "ĠGond": 46225, + "Ġrespite": 46226, + "particles": 46227, + "helps": 46228, + "Ġwallpaper": 46229, + "Ġafric": 46230, + "ĠPutnam": 46231, + "Ġimperialist": 46232, + "ĠYangtze": 46233, + "Ġdiscretionary": 46234, + "ĠBMJ": 46235, + "Ġmisman": 46236, + "ĠNeurological": 46237, + "ĠFascinating": 46238, + "Ġhotspot": 46239, + "-\\": 46240, + "Dynamic": 46241, + "Honey": 46242, + "Qs": 46243, + "tcp": 46244, + "ĠIE": 46245, + "ĠDrivers": 46246, + "website": 46247, + "minus": 46248, + "achev": 46249, + "Ġapocalyptic": 46250, + "CCESS": 46251, + "ĠAnniversary": 46252, + "Ġtractors": 46253, + "Ġdispositions": 46254, + "decimal": 46255, + "Ġintersectional": 46256, + "Semitic": 46257, + "ìĿ´": 46258, + "ĠPortsmouth": 46259, + "Ġpomegranate": 46260, + "Ġtgt": 46261, + "ctl": 46262, + "ĠBonds": 46263, + "Ġatonement": 46264, + "ĠGos": 46265, + "ultz": 46266, + "eret": 46267, + "Ġclipping": 46268, + "Ġfloodplain": 46269, + "Studying": 46270, + "Ġprosecuted": 46271, + "Ġseabirds": 46272, + "ĠSYSTEM": 46273, + "ĠNewspaper": 46274, + "ĠSofia": 46275, + "ZZ": 46276, + "ono": 46277, + "ĠNFT": 46278, + "Ġcoriander": 46279, + "Ġcomplexion": 46280, + "Ġminded": 46281, + "Ġfirearm": 46282, + "ĠProviders": 46283, + "Ġdenture": 46284, + "xxx": 46285, + "ĠLuft": 46286, + "Ġcompacted": 46287, + "Ġcarcinogen": 46288, + "ĠBryant": 46289, + "Ġnematode": 46290, + "ĠKauf": 46291, + "Rome": 46292, + "wings": 46293, + "akings": 46294, + "Ġblasting": 46295, + "Ġplaylist": 46296, + "Ġconstrain": 46297, + "amese": 46298, + "Ġmelodic": 46299, + "ĠBasis": 46300, + "celled": 46301, + "ĠGoodman": 46302, + "ĠFilters": 46303, + "Ġcoward": 46304, + "ĠAristot": 46305, + "ĠLevine": 46306, + "Ġbruises": 46307, + "Ġdreadful": 46308, + "åĽ¾": 46309, + "ĠConfucianism": 46310, + "urethane": 46311, + ",[": 46312, + "ingale": 46313, + "Ġmummy": 46314, + "ĠPash": 46315, + "Ġva": 46316, + "encephal": 46317, + "Ġrobe": 46318, + "onson": 46319, + "ĠZed": 46320, + "attempt": 46321, + "ĠMeh": 46322, + "Ġburg": 46323, + "ĠDeveloper": 46324, + "ĠCrafting": 46325, + "Ġtriumphant": 46326, + "Ġevaporates": 46327, + "Pars": 46328, + "Sto": 46329, + "edited": 46330, + "Ġbewild": 46331, + "ĠEB": 46332, + "ĠLuk": 46333, + "Ġavatar": 46334, + "Ġpostoperative": 46335, + "Ġconcaten": 46336, + "ĠRegistered": 46337, + "eforestation": 46338, + "ĠBayer": 46339, + "Ġnumerator": 46340, + "Ġmergers": 46341, + "ĠAstrophysics": 46342, + "lifting": 46343, + "nf": 46344, + "Ġak": 46345, + "ĠHitt": 46346, + "ĠNET": 46347, + "achal": 46348, + "msgs": 46349, + "ĠIsabel": 46350, + "Ġecologist": 46351, + "ĠSPEC": 46352, + "Ġgranul": 46353, + "Ġdesperation": 46354, + "Ġhashlib": 46355, + "Ġdeterminism": 46356, + "ĠLambert": 46357, + "ĠErasmus": 46358, + "pract": 46359, + "entery": 46360, + "eler": 46361, + "ĠNike": 46362, + "ĠNinth": 46363, + "Ġpledges": 46364, + "Ġmediating": 46365, + "ĠManch": 46366, + "Ġmagnitudes": 46367, + "ĠSmile": 46368, + "Ġfilesystem": 46369, + "ĠCommissioners": 46370, + "Definitions": 46371, + "ĠOpposition": 46372, + "ĠAllowing": 46373, + "Ġcrooked": 46374, + "Truth": 46375, + "Ġunraveling": 46376, + "Ġtrigonometry": 46377, + "Ġfrescoes": 46378, + "olybdenum": 46379, + "Cult": 46380, + "Pap": 46381, + "_:": 46382, + "Ġinvert": 46383, + "ĠTampa": 46384, + "Ġsuicides": 46385, + "ĠWerner": 46386, + "Ġsewn": 46387, + "Ġentice": 46388, + "('{}": 46389, + "ĠCarry": 46390, + "Ġemphasised": 46391, + "Ġimmigrated": 46392, + "Ġbombings": 46393, + "ĠMinds": 46394, + "Ġchopping": 46395, + "ĠPulse": 46396, + "Designing": 46397, + "ĠEmirates": 46398, + "hound": 46399, + "esse": 46400, + "leave": 46401, + "Ġrewritten": 46402, + "osum": 46403, + "ĠLange": 46404, + "Ġrepressed": 46405, + "ĠProposed": 46406, + "genesis": 46407, + "Ġ$(": 46408, + "ANY": 46409, + "Ġdivisive": 46410, + "ixties": 46411, + "ĠMitigation": 46412, + "ĠEXPRESS": 46413, + "educational": 46414, + "Ġsprinkled": 46415, + "asyncio": 46416, + "RUN": 46417, + "Sched": 46418, + "fledged": 46419, + "×ĵ": 46420, + "Ġreorganization": 46421, + "american": 46422, + "Ġplast": 46423, + "ordinate": 46424, + "ĠZak": 46425, + "Ġkinder": 46426, + "Ġpathologies": 46427, + "Ġlotteries": 46428, + "=\"#": 46429, + "Ġfacebook": 46430, + "Ġtaxable": 46431, + "toplas": 46432, + "caption": 46433, + "Ġsprinkler": 46434, + "ĠAdmiralty": 46435, + "Typical": 46436, + "bration": 46437, + "Ñī": 46438, + "å»": 46439, + "esley": 46440, + "herst": 46441, + "abo": 46442, + "ĠRhe": 46443, + "ĠGatsby": 46444, + "ĠURI": 46445, + "erma": 46446, + "Ġrefug": 46447, + "Ġlowlands": 46448, + "ĠUSC": 46449, + "ĠLey": 46450, + "uddin": 46451, + "Ġweakest": 46452, + "Generate": 46453, + "Ġradiator": 46454, + "ĠCambrian": 46455, + "ĠBreakfast": 46456, + "ĠLIABILITY": 46457, + "Ġbenzodiazep": 46458, + "ĠIch": 46459, + "orms": 46460, + "ikon": 46461, + "ymal": 46462, + "Ġrecognises": 46463, + "intersection": 46464, + "ITT": 46465, + "inoza": 46466, + "aida": 46467, + "subnet": 46468, + "Ġinnermost": 46469, + "Ġentitlement": 46470, + "Ġcontemplated": 46471, + "Turning": 46472, + "Ġmidwives": 46473, + "Ġpolymorphism": 46474, + "jing": 46475, + "situ": 46476, + "onacci": 46477, + "Ġlint": 46478, + "ĠMarm": 46479, + "âĢĻ;": 46480, + "Thinking": 46481, + "Ġendos": 46482, + "Ġelectorate": 46483, + "Anna": 46484, + "Ġvera": 46485, + "Ġassertiveness": 46486, + "chez": 46487, + "Ġforwarding": 46488, + "maintenance": 46489, + "Ġdigestible": 46490, + "signals": 46491, + "á¹ĥ": 46492, + "Ġeradicating": 46493, + "ïve": 46494, + "ç±»": 46495, + ".],": 46496, + "endering": 46497, + "ĠOle": 46498, + "ĠUpload": 46499, + "Ġtransatlantic": 46500, + "hemes": 46501, + "ĠMinim": 46502, + "firstname": 46503, + "structures": 46504, + "Ġtheorist": 46505, + "ĠPaso": 46506, + "----------------------------------------------": 46507, + "hausen": 46508, + "Ġnecklace": 46509, + "FROM": 46510, + "xl": 46511, + "inform": 46512, + "Ġgerman": 46513, + "ĠDixon": 46514, + "uben": 46515, + "Ġedict": 46516, + "Ġstrept": 46517, + "flash": 46518, + "ĠCaled": 46519, + "Ġdrawer": 46520, + "ĠAgnes": 46521, + "Ġdivisible": 46522, + "Ġsilencing": 46523, + "tracks": 46524, + "ĠDesigns": 46525, + "Ġfloated": 46526, + "Ġcommissioning": 46527, + "Ġneurology": 46528, + "Ġdecommission": 46529, + "ĠBorough": 46530, + ".--": 46531, + "Pear": 46532, + "Rog": 46533, + "dip": 46534, + "enough": 46535, + "Ġinseparable": 46536, + "ĠTox": 46537, + "otonic": 46538, + "ĠABA": 46539, + "ĠSore": 46540, + "ĠHir": 46541, + "ĠEch": 46542, + "Ġdisbelief": 46543, + "Ġprecepts": 46544, + "Ġbottleneck": 46545, + "Ġhyperthyroidism": 46546, + "ĠBillion": 46547, + "Ġburying": 46548, + "Ġpericard": 46549, + "Kid": 46550, + "Los": 46551, + "Viet": 46552, + "editing": 46553, + "Ġinquis": 46554, + "ĠAAA": 46555, + "ĠWan": 46556, + "ĠEps": 46557, + "ulturation": 46558, + "ĠOM": 46559, + "Ġmeditating": 46560, + "Ġcurators": 46561, + "ĠComposite": 46562, + "anca": 46563, + "ĠMassage": 46564, + "ĠBobby": 46565, + "Ġradiative": 46566, + "ALLY": 46567, + "ĠQtCore": 46568, + "Ġvicar": 46569, + "ĠPiedmont": 46570, + "fault": 46571, + "atim": 46572, + "chap": 46573, + "Ġdeem": 46574, + "ĠHAVE": 46575, + "ĠJules": 46576, + "Ġworkpiece": 46577, + "ossibility": 46578, + "Ġobtains": 46579, + "Ġpresenter": 46580, + "Ġterrace": 46581, + "ĠGibraltar": 46582, + "Conflict": 46583, + "ĠGentile": 46584, + "ĠPositioning": 46585, + "Michel": 46586, + "ĠGloucester": 46587, + "ĠIshmael": 46588, + "\"',": 46589, + "jump": 46590, + "Ġfiat": 46591, + "ĠNatives": 46592, + "ĠLatter": 46593, + "Ġsublim": 46594, + "Ġcentimeter": 46595, + "Ġlegion": 46596, + "lingu": 46597, + "Ġprobabilistic": 46598, + "rano": 46599, + "dfs": 46600, + "ĠTestCase": 46601, + "Ġmistle": 46602, + "Ġsynth": 46603, + "Ġcasinos": 46604, + "ĠMessages": 46605, + "Ġcontemplative": 46606, + "ĠDHCP": 46607, + "Ġkidnapped": 46608, + "ĠShabbat": 46609, + "lf": 46610, + "oC": 46611, + "rrh": 46612, + "Ġthrottle": 46613, + "ctime": 46614, + "adult": 46615, + "antan": 46616, + "ĠWarn": 46617, + "ĠDome": 46618, + "ĠNPS": 46619, + "Ġbrim": 46620, + "Ġlooms": 46621, + "Ġcoverings": 46622, + "Ġrobbed": 46623, + "Ġinternalized": 46624, + "Ġtroposp": 46625, + "ĠSummar": 46626, + "ĠTextbook": 46627, + "hisatt": 46628, + "Ġtentacles": 46629, + "Ġelicited": 46630, + "Official": 46631, + "ĠLazarus": 46632, + "ĠNervous": 46633, + "RU": 46634, + "coco": 46635, + "Ġfc": 46636, + "Ġnr": 46637, + "Ġgull": 46638, + "ĠSnyder": 46639, + "ĠFowler": 46640, + "Ġreciting": 46641, + "cedure": 46642, + "Ġscab": 46643, + "Ġsignaled": 46644, + "Ġlastly": 46645, + "Ġbloodshed": 46646, + "iteracy": 46647, + "ĠGovernors": 46648, + "famous": 46649, + "Ġpierced": 46650, + "Ġfortunately": 46651, + "ĠHerodotus": 46652, + "Ġantifungal": 46653, + "cip": 46654, + "gau": 46655, + "Ġstump": 46656, + "plasm": 46657, + "Ġinsider": 46658, + "Ġphysiothe": 46659, + "retry": 46660, + "urga": 46661, + "ĠRemind": 46662, + "Ġmeridian": 46663, + "cellent": 46664, + "Ġcabins": 46665, + "Ġ×Ķ": 46666, + "åIJİ": 46667, + "Ġtheorized": 46668, + "MAC": 46669, + "Socket": 46670, + "_\"": 46671, + "ych": 46672, + "Ġãģ": 46673, + "alcoholic": 46674, + "Ġbh": 46675, + "Ġhoses": 46676, + "ĠCrops": 46677, + "ĠMON": 46678, + "ĠHuxley": 46679, + "ĠNuts": 46680, + "iegel": 46681, + "iffel": 46682, + "Ġunderline": 46683, + "Ġexporter": 46684, + "Ġencodes": 46685, + "Ġ%%": 46686, + "firstsum": 46687, + "igmund": 46688, + "Ġprioritized": 46689, + "ĠCalculus": 46690, + "Ġrefreshed": 46691, + "Ġbottlenecks": 46692, + "Ġreagents": 46693, + "Ġrift": 46694, + "ĠNIST": 46695, + "agricult": 46696, + "Ġyearning": 46697, + "Ġsuboptimal": 46698, + "ĠAlle": 46699, + "viewer": 46700, + "ĠConsistency": 46701, + "Ġsilvery": 46702, + "ĠDiscipline": 46703, + "Ġfrontline": 46704, + "Ġsteamer": 46705, + "Ġaccorded": 46706, + "ĠApproved": 46707, + "someone": 46708, + "several": 46709, + "Ġcoinage": 46710, + "ĠProtestantism": 46711, + "ĠConfucian": 46712, + "freedom": 46713, + "inventory": 46714, + "Ġunsettling": 46715, + "Ġeuthanasia": 46716, + "ĠAeronautics": 46717, + "Ġcanyons": 46718, + "Je": 46719, + "PLE": 46720, + "brew": 46721, + "Ġtenses": 46722, + "Ġpawn": 46723, + "Ġriddle": 46724, + "ĠDivid": 46725, + "Ġremitt": 46726, + "insured": 46727, + "printer": 46728, + "manac": 46729, + "scapes": 46730, + "ĠIntensive": 46731, + "ursor": 46732, + "dicts": 46733, + "Ġundefined": 46734, + "ĠRivera": 46735, + "denom": 46736, + "IRED": 46737, + "ĠMethodology": 46738, + "Ġdecayed": 46739, + "grids": 46740, + "ĠLithium": 46741, + "ĠHEALTH": 46742, + "Ġcooperating": 46743, + "ĠPatriot": 46744, + "ĠRomanticism": 46745, + "ĠDwight": 46746, + "Ġtelomeres": 46747, + "Walking": 46748, + "leaved": 46749, + "ĠITS": 46750, + "ĠHul": 46751, + "ĠEG": 46752, + "ibid": 46753, + "Ġjade": 46754, + "ensual": 46755, + "ĠKamp": 46756, + "ĠShipping": 46757, + "Ġburgers": 46758, + "omyelitis": 46759, + "ĠSchwe": 46760, + "Ġsettles": 46761, + "Donnell": 46762, + "ãĥ³": 46763, + "ĠMongo": 46764, + "Ġsieve": 46765, + "hc": 46766, + "yre": 46767, + "ĠTara": 46768, + "ĠDeng": 46769, + "ĠYesh": 46770, + "Ġlows": 46771, + "Ġboon": 46772, + "Ġrarer": 46773, + "Adams": 46774, + "winner": 46775, + "ĠDistricts": 46776, + "Ġsodas": 46777, + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 46778, + "Ġunprepared": 46779, + "Ġripening": 46780, + "æłĩ": 46781, + "Ġcafeteria": 46782, + "Ta": 46783, + "cash": 46784, + "Ġgothic": 46785, + "ĠSoutheastern": 46786, + "estimate": 46787, + "ocannab": 46788, + "ĠVT": 46789, + "Ġsignified": 46790, + "decre": 46791, + "Ġschoolchildren": 46792, + "ĠBeam": 46793, + "ĠMeal": 46794, + "Ġsnapped": 46795, + "Ġexecutor": 46796, + "Ġcookware": 46797, + "Ġstarve": 46798, + "ĠNazareth": 46799, + "Ġbombed": 46800, + "Ġwhisper": 46801, + "Ġrehearsal": 46802, + "Ġ################": 46803, + "iflor": 46804, + "ĠMovies": 46805, + "ivol": 46806, + "ĠBhat": 46807, + "ĠNL": 46808, + "perception": 46809, + "oviruses": 46810, + "Ġoperas": 46811, + "Ġzig": 46812, + "ĠOnes": 46813, + "Ġsymbolically": 46814, + "ĠElis": 46815, + "Physics": 46816, + "Ġfrustrations": 46817, + "ĠJacqu": 46818, + "Priv": 46819, + "Protecting": 46820, + "Ġsubordinates": 46821, + "Sensor": 46822, + "dain": 46823, + "Ġhoard": 46824, + "ĠAFP": 46825, + "ulism": 46826, + "ĠInflation": 46827, + "combo": 46828, + "Ġtechnologists": 46829, + "omsky": 46830, + "Italy": 46831, + "ĠBenin": 46832, + "Ġpairwise": 46833, + "ĠEthan": 46834, + "planet": 46835, + "ĠEmploying": 46836, + "Ġmonopolies": 46837, + "ĠACTION": 46838, + "skinned": 46839, + "Ġlanterns": 46840, + "ĠExcitedly": 46841, + "æİ¥": 46842, + "Ġplasmid": 46843, + "Nobody": 46844, + "({}": 46845, + "åĿ": 46846, + "ĠCrescent": 46847, + "ĠKri": 46848, + "aircraft": 46849, + "-----------------------": 46850, + "iken": 46851, + "Ġauthorize": 46852, + "Ġshareholder": 46853, + "ĠPrev": 46854, + "ĠApoll": 46855, + "EGER": 46856, + "continuous": 46857, + "Ġdyeing": 46858, + "'?": 46859, + "River": 46860, + "Ġtainted": 46861, + "Ġniacin": 46862, + "Ġgill": 46863, + "Ġaloe": 46864, + "Ġpreem": 46865, + "Ġtransporter": 46866, + "ahua": 46867, + "Static": 46868, + "shirts": 46869, + "ĠBeans": 46870, + "ĠDepartments": 46871, + "Ġsnug": 46872, + "Ġbedrooms": 46873, + "ĠClassics": 46874, + "Ġmanipulative": 46875, + "Ġrubbed": 46876, + "Ġharassed": 46877, + "Ġtonsils": 46878, + "ÑĢи": 46879, + "aaaa": 46880, + "Ġdialectical": 46881, + "ĠOwens": 46882, + "Ġprosecutors": 46883, + "ÏĥÏĦ": 46884, + "Ġconjugate": 46885, + "Ġhemispheres": 46886, + "theria": 46887, + "aviruses": 46888, + "forces": 46889, + "Ġtherapeutics": 46890, + "installed": 46891, + "Ġfreshman": 46892, + "ĠCareers": 46893, + "ĠPCI": 46894, + "ĠWordsworth": 46895, + "CreateModel": 46896, + "Processor": 46897, + "ĠROI": 46898, + "ĠPandas": 46899, + "Ġantisocial": 46900, + "Ġassemblages": 46901, + "tionary": 46902, + "Ġancients": 46903, + "Fold": 46904, + "NSA": 46905, + "magnetic": 46906, + "sers": 46907, + "opport": 46908, + "ĠDPS": 46909, + "Ġleasing": 46910, + "Ġlevy": 46911, + "Ġmodifies": 46912, + "exposed": 46913, + "ategic": 46914, + "Ġxs": 46915, + "ĠiT": 46916, + "classical": 46917, + "Ġnutritionist": 46918, + "ĠSyst": 46919, + "Ġnervousness": 46920, + "opolis": 46921, + "Ġbombarded": 46922, + "Assert": 46923, + "Ġdownturn": 46924, + "Harvard": 46925, + "Ġeugenics": 46926, + "hay": 46927, + "lc": 46928, + "Ġtresp": 46929, + "onical": 46930, + "ĠSart": 46931, + "ĠJem": 46932, + "coni": 46933, + "ĠKA": 46934, + "Ġtransformational": 46935, + "Ġunwitting": 46936, + "slip": 46937, + "reporting": 46938, + "Solid": 46939, + "æĸ¹": 46940, + "Ġmarsup": 46941, + "ĠPreparedness": 46942, + "Marsh": 46943, + "isks": 46944, + "Ġdm": 46945, + "ĠPeng": 46946, + "ĠRit": 46947, + "ĠLau": 46948, + "Ġcentimetres": 46949, + "prised": 46950, + "scenes": 46951, + "Ġpsychothe": 46952, + "ĠPostal": 46953, + "Ġpanda": 46954, + "ĠmiRNA": 46955, + "Ġvomit": 46956, + "Ġpolicymaking": 46957, + "Ġdeterrence": 46958, + "Lect": 46959, + "ĠIth": 46960, + "Ġchakra": 46961, + "Ġrick": 46962, + "ustrated": 46963, + "Ġmania": 46964, + "ĠComplementary": 46965, + "Ġvirulent": 46966, + "ĠNeur": 46967, + "ĠPolynes": 46968, + "Ġmomentous": 46969, + "iformes": 46970, + "ĠEssentials": 46971, + "Ġprecedes": 46972, + "ой": 46973, + "Ġdissolving": 46974, + "Ġporosity": 46975, + "ĠBrowning": 46976, + "Ġauctions": 46977, + "Ġgloomy": 46978, + "toc": 46979, + "æı": 46980, + "ĠSphinx": 46981, + "ĠMF": 46982, + "osan": 46983, + "ĠDell": 46984, + "ĠFH": 46985, + "teachers": 46986, + "Ġmodulating": 46987, + "Ġcalmer": 46988, + "culus": 46989, + "Ġtradeoffs": 46990, + "üh": 46991, + "Idx": 46992, + "Interval": 46993, + "hydrogen": 46994, + "nonzero": 46995, + "åıĤ": 46996, + "Ġmajesty": 46997, + "ĠCambodian": 46998, + "Davis": 46999, + "Circ": 47000, + "ĠHavana": 47001, + "ĠXYZ": 47002, + "eveloped": 47003, + ")==": 47004, + "Ger": 47005, + "Ls": 47006, + "Sugar": 47007, + "UDE": 47008, + "fid": 47009, + "hint": 47010, + "atches": 47011, + "Ġhovering": 47012, + "ĠAure": 47013, + "Ġweeping": 47014, + "Ġshimmer": 47015, + "ĠChir": 47016, + "Ġremorse": 47017, + "Asia": 47018, + "Ġcatap": 47019, + "ĠDesktop": 47020, + "Ġautomating": 47021, + "ĠTransaction": 47022, + "Ġutilise": 47023, + "Ġ\"/\"": 47024, + "Camera": 47025, + "hoot": 47026, + "Ġauster": 47027, + "ĠSessions": 47028, + "ĠJag": 47029, + "Ġcommuting": 47030, + "iani": 47031, + "azer": 47032, + "Ġcutaneous": 47033, + "blasts": 47034, + "ĠNeumann": 47035, + "ĠQuinn": 47036, + "Ġgoldfish": 47037, + "Scot": 47038, + "ĠTVs": 47039, + "Ġspirals": 47040, + "Ġpropagating": 47041, + "personic": 47042, + "ĠDerby": 47043, + "Ġatheism": 47044, + "Ġdipole": 47045, + "ĠMixing": 47046, + "ĠWorcester": 47047, + "añ": 47048, + "baby": 47049, + "idade": 47050, + "odine": 47051, + "Ġcompresses": 47052, + "aterally": 47053, + "conform": 47054, + "ĠVisc": 47055, + "ĠWeimar": 47056, + "Ġboating": 47057, + "Ġlaterally": 47058, + "Ġscream": 47059, + "Ġа": 47060, + "Ġobstetric": 47061, + "Ġbanded": 47062, + "England": 47063, + "Ġstratosphere": 47064, + "]')": 47065, + "Ġdd": 47066, + "chism": 47067, + "ĠHOLD": 47068, + "ĠDuty": 47069, + "armaceutical": 47070, + "Ġparticulars": 47071, + "ĠCoke": 47072, + "Ġproponent": 47073, + "Ġsufferings": 47074, + "icycle": 47075, + "oplasma": 47076, + "ĠJackie": 47077, + "purple": 47078, + "Ġallegorical": 47079, + "ĠPolytechn": 47080, + "ĠElias": 47081, + "Ġenslavement": 47082, + "ticker": 47083, + "Ġmercant": 47084, + "Ġanarchists": 47085, + "ĠFolklore": 47086, + "Hungary": 47087, + "ĠCelebrating": 47088, + "Ġprocrastination": 47089, + "gam": 47090, + "mining": 47091, + "å§": 47092, + "èĥ½": 47093, + "Ġcot": 47094, + "Ġpom": 47095, + "ĠPia": 47096, + "ivirus": 47097, + "quakes": 47098, + "romycin": 47099, + "ĠDir": 47100, + "ibi": 47101, + "Ġindeterm": 47102, + "Ġracks": 47103, + "appointed": 47104, + "ĠAdler": 47105, + "Ġfilming": 47106, + "ĠClerk": 47107, + "ICs": 47108, + "Ġappease": 47109, + "Ġthrift": 47110, + "ĠHumanitarian": 47111, + "ijk": 47112, + "ĠBenz": 47113, + "ĠAnyway": 47114, + "Ġirritants": 47115, + "Ġlieu": 47116, + "ĠZhu": 47117, + "Ġmegawatts": 47118, + "Ġjurors": 47119, + "Ġliaison": 47120, + "pac": 47121, + "Ġaft": 47122, + "etin": 47123, + "Ġstarches": 47124, + "Ġsurfact": 47125, + "ĠIsis": 47126, + "ributing": 47127, + "Ġrediscovered": 47128, + "ĠGuill": 47129, + "ĠQuiet": 47130, + "Ġhydrology": 47131, + "Anderson": 47132, + "ĠSurgeons": 47133, + "Ġblem": 47134, + "drawal": 47135, + "Amazon": 47136, + "finish": 47137, + "Ġrevisiting": 47138, + "ĠConcerning": 47139, + "Ġdichotomy": 47140, + "Ġا": 47141, + "anut": 47142, + "ĠPSA": 47143, + "ĠFTP": 47144, + "__),": 47145, + "Ġcentering": 47146, + "ĠShu": 47147, + "prep": 47148, + "ĠLeiden": 47149, + "ĠCalhoun": 47150, + "Ġalternately": 47151, + "Ġweakly": 47152, + "Ġheighten": 47153, + "tracker": 47154, + "ĠHumor": 47155, + "Ġclerical": 47156, + "Ġalkali": 47157, + "Ġhegemonic": 47158, + "Ġovershadowed": 47159, + "wag": 47160, + "Ġluggage": 47161, + "ĠCot": 47162, + "ĠPNG": 47163, + "ĠBSE": 47164, + "linearity": 47165, + "Ġbrewed": 47166, + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 47167, + "Ġoxen": 47168, + "Ġtenacity": 47169, + "Ġcolliding": 47170, + "rosine": 47171, + "Ġpickled": 47172, + "Ġprecede": 47173, + "pinephrine": 47174, + "middleware": 47175, + "Ġchampionship": 47176, + "vaccinated": 47177, + "ĠMosquito": 47178, + "?||": 47179, + "Git": 47180, + "SAM": 47181, + "Ġ```": 47182, + "ĠMikhail": 47183, + "Ġrangers": 47184, + "ĠNFL": 47185, + "ruz": 47186, + "cliffe": 47187, + "ĠUmb": 47188, + "Ġimpairs": 47189, + "Ġhermene": 47190, + "Ġ[('": 47191, + "Ġgrouse": 47192, + "Ġhumanism": 47193, + "Ġrisked": 47194, + "patches": 47195, + "ĠSyll": 47196, + "UNC": 47197, + "Abd": 47198, + "Ġmackerel": 47199, + "Ġcompositional": 47200, + "ĠChecklist": 47201, + "Ġvenerable": 47202, + "Ġroyalties": 47203, + "Ġexchanger": 47204, + "ĠPLOS": 47205, + "Ġcatalogs": 47206, + "Ġdormancy": 47207, + "Ġlaminated": 47208, + "ĠRohing": 47209, + "ĠDecreased": 47210, + "Ġinterspersed": 47211, + "Penn": 47212, + "ĠĠĠĠĊĠĠĠ": 47213, + "Ġsto": 47214, + "verified": 47215, + "Ġsoared": 47216, + "Ġvegans": 47217, + "ISING": 47218, + "ĠQuint": 47219, + "orphous": 47220, + "ĠHarmon": 47221, + "åŃIJ": 47222, + "Ġstylized": 47223, + ",,,,,,,,,,,,,,,,": 47224, + "heny": 47225, + "ropod": 47226, + "Ġmagnified": 47227, + "ĠMinh": 47228, + "Ġangled": 47229, + "ĠLandmark": 47230, + "Ġnumerically": 47231, + "Ġdeployments": 47232, + "Ġguaranteeing": 47233, + "ĠExecution": 47234, + "cursive": 47235, + "Rapid": 47236, + "Ġthroats": 47237, + "ĠCarthage": 47238, + "ĠKippur": 47239, + "ĠMou": 47240, + "ĠMoy": 47241, + "ĠWC": 47242, + "ĠGnostic": 47243, + "ĠOdd": 47244, + "Ġspa": 47245, + "oby": 47246, + "rayer": 47247, + "Ġpostsecondary": 47248, + "Ġtoolbar": 47249, + "ĠIntake": 47250, + "\"]=": 47251, + "countries": 47252, + "Ġdoubtless": 47253, + "Ġstuffing": 47254, + "ĠSiem": 47255, + "ĠCBSE": 47256, + "Ġminuscule": 47257, + "Ġhemorrhagic": 47258, + "Ġsardines": 47259, + "Mand": 47260, + "infer": 47261, + "Ġcilantro": 47262, + "omavirus": 47263, + "olome": 47264, + "abar": 47265, + "ĠRough": 47266, + "sohn": 47267, + "Ġunderlined": 47268, + "Ġinsidious": 47269, + "Ġtestes": 47270, + "ashire": 47271, + "ĠShia": 47272, + "shown": 47273, + "ulet": 47274, + "Ġhistoriography": 47275, + "ĠAmaz": 47276, + "boost": 47277, + "ĠApi": 47278, + "Ġreputations": 47279, + "ozilla": 47280, + "ĠCRT": 47281, + "Ġbrilliantly": 47282, + "Ġdiscernment": 47283, + "Director": 47284, + "Ġcinematic": 47285, + "ĠJohannesburg": 47286, + "ç«": 47287, + "Ġreclamation": 47288, + "ĠGLO": 47289, + "ĠKiki": 47290, + "Ġcurative": 47291, + "ĠProlong": 47292, + "Ġplayback": 47293, + "Ġlandfall": 47294, + "inched": 47295, + "bolt": 47296, + "umbles": 47297, + "Ġpursuant": 47298, + "ĠFourteenth": 47299, + "Ġatheist": 47300, + "Ġμg": 47301, + "Certainly": 47302, + "Ġclandestine": 47303, + "Cats": 47304, + "Dead": 47305, + "WP": 47306, + "hazard": 47307, + "kas": 47308, + "leaves": 47309, + "starch": 47310, + "sema": 47311, + "ĠLef": 47312, + "Ġevocative": 47313, + "undity": 47314, + "--------------------------": 47315, + "Ġzu": 47316, + "Ġradii": 47317, + "ĠRedist": 47318, + "ILY": 47319, + "capac": 47320, + "Ġbioinformatics": 47321, + "ĠVerb": 47322, + "Acute": 47323, + "ĠRandall": 47324, + "Ġreplicas": 47325, + "ĠDermatology": 47326, + "-$": 47327, + "crum": 47328, + "ranges": 47329, + "ĠHide": 47330, + "converter": 47331, + "Ġinval": 47332, + "Ġsubfield": 47333, + "Ġcautions": 47334, + "ĠWeaver": 47335, + "Ġredox": 47336, + "blogs": 47337, + "ĠOptimal": 47338, + "KeyNot": 47339, + "AddField": 47340, + "ĠSpirituality": 47341, + "ĠPrinted": 47342, + "Ġscrambled": 47343, + "Ġperilous": 47344, + "Ġalphabets": 47345, + "Ġincompetent": 47346, + "ομαι": 47347, + "Pont": 47348, + "Russ": 47349, + "aires": 47350, + "cine": 47351, + "drops": 47352, + "ÐĴ": 47353, + "Ġyoke": 47354, + "ĠGoose": 47355, + "ĠGras": 47356, + "Ġkerosene": 47357, + "ĠAsiatic": 47358, + "Ġopacity": 47359, + "mington": 47360, + "__(*": 47361, + "Ġcomprehensively": 47362, + "Ġfilmmaker": 47363, + "Ġbrotherhood": 47364, + "Ġcemented": 47365, + "ĠHuron": 47366, + "Ġpaediatric": 47367, + "Ġtossing": 47368, + "ĠDinosaur": 47369, + "ĠMackenzie": 47370, + "Ġnymphs": 47371, + "Ġellipse": 47372, + "Fine": 47373, + "kp": 47374, + "ĠETH": 47375, + "Ġalluvial": 47376, + "ĠThoreau": 47377, + "Ġdeduced": 47378, + "Newton": 47379, + "ĠIND": 47380, + "objs": 47381, + "however": 47382, + "Ġembeddings": 47383, + "ĠParental": 47384, + "ĠPuget": 47385, + "Ġoversaw": 47386, + "Ġchimps": 47387, + "ĠCLR": 47388, + "Ġsamurai": 47389, + "campus": 47390, + "mails": 47391, + "Ġerection": 47392, + "ĠBake": 47393, + "ĠEisen": 47394, + "Ġunmist": 47395, + "Ġoblong": 47396, + "Ġmeditative": 47397, + "Ġcarriages": 47398, + "Ġengravings": 47399, + "Ġstorylines": 47400, + "writes": 47401, + "datas": 47402, + "ĠElections": 47403, + "volt": 47404, + "Transl": 47405, + "ĠNumerical": 47406, + "azzo": 47407, + "Ġpermeate": 47408, + "LOGGER": 47409, + "ĠPicchu": 47410, + "ĠIncorporated": 47411, + "comparison": 47412, + "Ġpianist": 47413, + "LET": 47414, + "Sher": 47415, + "¿": 47416, + "Ġtipped": 47417, + "Ġmla": 47418, + "ĠIPA": 47419, + "ĠCoptic": 47420, + "unals": 47421, + "ĠRacing": 47422, + "ĠStirling": 47423, + "Ġdrifted": 47424, + "Ġcloseness": 47425, + "ĠSerbs": 47426, + "detector": 47427, + "ĠPayne": 47428, + "Months": 47429, + "Ġsalmonella": 47430, + "Ġalienated": 47431, + "Ġgynec": 47432, + "ĠAlbanian": 47433, + "Ideally": 47434, + "Ġdredging": 47435, + "asmodium": 47436, + "Ġarthropods": 47437, + "pseud": 47438, + "çŃ": 47439, + "olumines": 47440, + "urists": 47441, + "adone": 47442, + "ĠPb": 47443, + "ĠLamp": 47444, + "Ġadheres": 47445, + "bergs": 47446, + "ĠStrict": 47447, + "Ġdiurnal": 47448, + "Ġ+/-": 47449, + "agna": 47450, + "ĠResonance": 47451, + "Ġsociologist": 47452, + "ĠClan": 47453, + "ofi": 47454, + "Chris": 47455, + "Ġsque": 47456, + "ĠRemembrance": 47457, + "visional": 47458, + "Ġbulimia": 47459, + "Ġwrongdo": 47460, + "director": 47461, + "ĠChiefs": 47462, + "iphany": 47463, + "advanced": 47464, + "Ġitalic": 47465, + "Ġchocolates": 47466, + "mv": 47467, + "Ġchivalry": 47468, + "ĠNI": 47469, + "ĠNer": 47470, + "ĠKL": 47471, + "nev": 47472, + "Inflamm": 47473, + "examination": 47474, + "Ġsolvers": 47475, + "Arn": 47476, + "bedo": 47477, + "ĠJosef": 47478, + "ĠCardiff": 47479, + "pretty": 47480, + "weekly": 47481, + "ĠBoris": 47482, + "ĠIDEA": 47483, + "Bol": 47484, + "poles": 47485, + "wu": 47486, + "Ġrew": 47487, + "ĠIvy": 47488, + "estrogen": 47489, + "ĠBord": 47490, + "ĠDock": 47491, + "artist": 47492, + "Ġindia": 47493, + "tec": 47494, + "ĠChatt": 47495, + "Ġameric": 47496, + "ĠEnoch": 47497, + "Ġinfluencers": 47498, + "Ġburgl": 47499, + "calendar": 47500, + "ĠSupplies": 47501, + "ĠHonolulu": 47502, + "ĠFewer": 47503, + "splitext": 47504, + "Ġmartyrdom": 47505, + "jam": 47506, + "Ġavert": 47507, + "hev": 47508, + "icially": 47509, + "opoulos": 47510, + "ĠMacc": 47511, + "ĠWills": 47512, + "ĠFeld": 47513, + "Ġshack": 47514, + "ĠLift": 47515, + "ervative": 47516, + "Ġmyopia": 47517, + "Ġpromoters": 47518, + "Ġpostulated": 47519, + "Ġbreakage": 47520, + "listen": 47521, + "aura": 47522, + "Ġrowing": 47523, + "Ġsanity": 47524, + "Ġperfusion": 47525, + "ĠðŁĻĤ": 47526, + "Bind": 47527, + "ĠTemporary": 47528, + "amus": 47529, + "ĠThebes": 47530, + "ĠKafka": 47531, + "Ġforensics": 47532, + "ATES": 47533, + "ĠGuitar": 47534, + "ĠMcInt": 47535, + "ĠSami": 47536, + "ĠInsight": 47537, + "Protect": 47538, + "ĠBudapest": 47539, + "Functional": 47540, + "Ġevidences": 47541, + "Functions": 47542, + "ĠStreptococcus": 47543, + "ĠBismarck": 47544, + "cone": 47545, + "ý": 47546, + "Ġpaves": 47547, + "ĠPp": 47548, + "Ġvass": 47549, + "Ġsupersonic": 47550, + "ĠFate": 47551, + "ĠFertility": 47552, + "ĠGanga": 47553, + "ATIVE": 47554, + "ĠMeas": 47555, + "Ġbacteri": 47556, + "ĠBarbad": 47557, + "Creation": 47558, + "joined": 47559, + "Ġdyed": 47560, + "Ġcropped": 47561, + "+-+-": 47562, + "Ġperiodontitis": 47563, + "Narr": 47564, + "á¼": 47565, + "Ġapr": 47566, + "ĠVote": 47567, + "ĠChristie": 47568, + "Ġsustains": 47569, + "Ġcapitalization": 47570, + "Ġeggplant": 47571, + "Ġpigmentation": 47572, + "harata": 47573, + "Ġbuttocks": 47574, + "Ġlinestyle": 47575, + "Ġvocalizations": 47576, + "ĠRainforest": 47577, + "ĠConditioning": 47578, + "Ġoftentimes": 47579, + "ĠOrbiter": 47580, + "toplasmic": 47581, + "Ġwrench": 47582, + "Ġfrant": 47583, + "ĠCuc": 47584, + "ĠBacter": 47585, + "Ġcommunicators": 47586, + "Ġस": 47587, + "interesting": 47588, + "ĠTelephone": 47589, + "Ġreplicates": 47590, + "ĠFlexibility": 47591, + "Ġscratched": 47592, + "DELETE": 47593, + "ĠREDD": 47594, + "HETATM": 47595, + "Ġleprosy": 47596, + "jord": 47597, + "à´": 47598, + "Ġply": 47599, + "Ġinanimate": 47600, + "ĠSloan": 47601, + "ĠNil": 47602, + "Ġkiwi": 47603, + "ĠStrange": 47604, + "athing": 47605, + "Ġscape": 47606, + "ĠShopping": 47607, + "Ġcombinator": 47608, + "remlin": 47609, + "Ġfederalism": 47610, + "Setup": 47611, + "Ġorbiter": 47612, + "Ġreconciled": 47613, + "Ġoctop": 47614, + "Ġtweak": 47615, + "Ġwhitish": 47616, + "Ġannihilation": 47617, + ".):": 47618, + "tles": 47619, + "|-": 47620, + "Ġpang": 47621, + "Ġexalted": 47622, + "ĠMoll": 47623, + "umetric": 47624, + "unya": 47625, + "Ġseizing": 47626, + "ĠKale": 47627, + "Ġpox": 47628, + "ĠAlma": 47629, + "ĠClosed": 47630, + "ĠContribution": 47631, + "Ġfruiting": 47632, + "ĠSTDs": 47633, + "Ġcerebellum": 47634, + "Ġelevators": 47635, + "Ġlichen": 47636, + "volent": 47637, + "Ġmitigated": 47638, + "ĠIntegrative": 47639, + "ĠProponents": 47640, + "ĠCarta": 47641, + "Ġaccretion": 47642, + "MHz": 47643, + "reli": 47644, + "allion": 47645, + "cken": 47646, + "ĊĠĠĠĠĊĠĠĠĠĠĠĠ": 47647, + "Ġcolonel": 47648, + "Ġstarved": 47649, + "ĠRefrig": 47650, + "checker": 47651, + "ĠUtilities": 47652, + "Ġmurky": 47653, + "Ġrenting": 47654, + "ĠPeriodically": 47655, + "Ġsneaky": 47656, + "ĠWHAT": 47657, + "Ġparadoxical": 47658, + "ĠPompeii": 47659, + "Ġadipose": 47660, + "ĠNielsen": 47661, + "Brief": 47662, + "Cu": 47663, + "DOT": 47664, + "Mail": 47665, + "gid": 47666, + "pdb": 47667, + "Ġpediatrics": 47668, + "ĠTags": 47669, + "amond": 47670, + "Ġwhim": 47671, + "ĠPang": 47672, + "Ġshone": 47673, + "Ġresists": 47674, + "ĠJong": 47675, + "ĠComic": 47676, + "Ġphotore": 47677, + "Ġfluently": 47678, + "Ġcruising": 47679, + "Severe": 47680, + "ĠInvasion": 47681, + "ün": 47682, + "izzard": 47683, + "MDR": 47684, + "Ġpresumption": 47685, + "ematics": 47686, + "STRUCT": 47687, + "Reviewed": 47688, + "NUMBER": 47689, + "Ġdelicacy": 47690, + "Ġawakened": 47691, + "ĠBarker": 47692, + "Ġsheriff": 47693, + "pas": 47694, + "Ġaide": 47695, + "receive": 47696, + "Ġfoes": 47697, + "elands": 47698, + "ĠBIG": 47699, + "ĠDating": 47700, + "ĠKerr": 47701, + "oflu": 47702, + "Chain": 47703, + "])[": 47704, + "Ġpropellant": 47705, + "ĠBenef": 47706, + "ĠBrass": 47707, + "Ġchartered": 47708, + "ĠAccommod": 47709, + "Ġswimmer": 47710, + "itania": 47711, + "Ġrelieves": 47712, + "Backend": 47713, + "oplas": 47714, + "Glob": 47715, + "rendip": 47716, + "Ġnecessitated": 47717, + "ĠRolls": 47718, + "ĠDartmouth": 47719, + "Ġtimetable": 47720, + "Ġinhuman": 47721, + "idase": 47722, + "Ġconclusively": 47723, + "acute": 47724, + "ĠBoe": 47725, + "Ġlevers": 47726, + "routing": 47727, + "upa": 47728, + "uropathic": 47729, + "Ġsuperiors": 47730, + "listener": 47731, + "ĠEdmonton": 47732, + "Connell": 47733, + "Ġharmonics": 47734, + "ĠProtocols": 47735, + "Ġgemstone": 47736, + "ĠQuincy": 47737, + "Ġsultan": 47738, + "veau": 47739, + "ĠCoul": 47740, + "ĠMn": 47741, + "ĠOC": 47742, + "Ġemer": 47743, + "ĠClair": 47744, + "Ġ_('": 47745, + "Ġfootnotes": 47746, + "Ġsyntactic": 47747, + "Ġsmoothie": 47748, + "ĠEpstein": 47749, + "ĠProductivity": 47750, + "coprote": 47751, + "Ġsnippets": 47752, + "Ġsanitizer": 47753, + "PREFIX": 47754, + "hofer": 47755, + "quartered": 47756, + "Et": 47757, + "HPV": 47758, + "ĠDG": 47759, + "Ġalligator": 47760, + "Ġperks": 47761, + "ĠSeymour": 47762, + "Ġparables": 47763, + "Ġphysiotherapy": 47764, + "Ġcapit": 47765, + "entioned": 47766, + "iums": 47767, + "(\"#": 47768, + "Ġmicrobe": 47769, + "Ġmicroprocessor": 47770, + "zzo": 47771, + "Ġhappenings": 47772, + "LEVEL": 47773, + "buttons": 47774, + "Historic": 47775, + "ezers": 47776, + "Ġaffiliates": 47777, + "wallet": 47778, + "releases": 47779, + "Ġperturbations": 47780, + "Agriculture": 47781, + "Eff": 47782, + "Ġlw": 47783, + "Ġanc": 47784, + "ĠMiriam": 47785, + "Ġjuncture": 47786, + "Ġscur": 47787, + "Ġtreatises": 47788, + "Ġplanter": 47789, + "ĠZip": 47790, + "ĠComprom": 47791, + "ETH": 47792, + "Ġboarded": 47793, + "Ġbowling": 47794, + "ĠSpecialists": 47795, + "Ġneurologist": 47796, + "ĠSephard": 47797, + "Ġbiomarker": 47798, + "inu": 47799, + "Ġwick": 47800, + "Ġya": 47801, + "Ġheuristic": 47802, + "Ġvocation": 47803, + "ĠBacillus": 47804, + "Ġweathered": 47805, + "ĠEq": 47806, + "ĠRFC": 47807, + "plier": 47808, + "ĠLuna": 47809, + "izo": 47810, + "ibar": 47811, + "Ġ'@": 47812, + "Ġrefute": 47813, + "ĠThereafter": 47814, + "ĠEngel": 47815, + "Ġzyg": 47816, + "Ġprobate": 47817, + "ĠTransgender": 47818, + "Ġmouthwash": 47819, + "agoons": 47820, + "ĠIncred": 47821, + "Ġpowdery": 47822, + "Vel": 47823, + "hogs": 47824, + "nies": 47825, + "wine": 47826, + "à§": 47827, + "Ġoasis": 47828, + "Ġwigg": 47829, + "Ġthorns": 47830, + "omile": 47831, + "ĠTie": 47832, + "opon": 47833, + "Ġhearth": 47834, + "qua": 47835, + "emi": 47836, + "Ġcolic": 47837, + "Ġdescends": 47838, + "Ġaxle": 47839, + "URS": 47840, + "Leaf": 47841, + "ĠOrdinary": 47842, + "Ġinvertebrate": 47843, + "ĠHazardous": 47844, + "hari": 47845, + "pone": 47846, + "tenth": 47847, + "Ġreopened": 47848, + "orepinephrine": 47849, + "Ġbutcher": 47850, + "Ġscorn": 47851, + "athers": 47852, + "Ġmultil": 47853, + "Ġbiotic": 47854, + "ĠControlling": 47855, + "Ġdroplet": 47856, + "Ġtoxicology": 47857, + "ĠSalon": 47858, + "Ġprecipitated": 47859, + "Ġprosecute": 47860, + "Ġplaygrounds": 47861, + "ĠSiege": 47862, + "magnitude": 47863, + "TAR": 47864, + "lung": 47865, + "Ġorator": 47866, + "usoleum": 47867, + "ĠEighth": 47868, + "angling": 47869, + "explan": 47870, + "Ġskates": 47871, + "Ġplaywrights": 47872, + "']).": 47873, + "coast": 47874, + "Ġtolerances": 47875, + "Ġmacros": 47876, + "ĠMulticultural": 47877, + "Flash": 47878, + "discrim": 47879, + "ĠMPG": 47880, + "ĠAchieving": 47881, + "benchmark": 47882, + "rails": 47883, + "ĠCaring": 47884, + "ĠDoming": 47885, + "ĠRhythm": 47886, + "acean": 47887, + "Ġinterlocking": 47888, + "Ġpoker": 47889, + "Ġmaturing": 47890, + "Ġyoungster": 47891, + "Ġperfecting": 47892, + "ĠMusa": 47893, + "Ġmissp": 47894, + "MSE": 47895, + "Ġnodding": 47896, + "Difference": 47897, + "Ġretrofit": 47898, + "Ġbosses": 47899, + "ĠBreastfeeding": 47900, + "Ġsilhouette": 47901, + ")<": 47902, + "jid": 47903, + "pca": 47904, + "employed": 47905, + "ĠFaul": 47906, + "ĠYi": 47907, + "typed": 47908, + "ckpt": 47909, + "Ġgracious": 47910, + "Ġsociologists": 47911, + "Ġbrokers": 47912, + "ĠCanary": 47913, + "intercept": 47914, + "ĠRemembering": 47915, + "Ġadoptive": 47916, + "Neil": 47917, + "ĠBaal": 47918, + "privileged": 47919, + "ĠIliad": 47920, + "draft": 47921, + "Ġtrophy": 47922, + "atro": 47923, + "segments": 47924, + "Ġiterator": 47925, + "ĠLIFE": 47926, + "activ": 47927, + "ĠKak": 47928, + "otho": 47929, + "Ġenticing": 47930, + "Ġcheering": 47931, + "scopy": 47932, + "Ġcaters": 47933, + "ĠCompound": 47934, + "risings": 47935, + "Ġmistreatment": 47936, + "ĠGoldberg": 47937, + "computing": 47938, + "Ġ''',": 47939, + "PROJECT": 47940, + "ĠNagasaki": 47941, + "Jamie": 47942, + "juna": 47943, + "already": 47944, + "ĠIPS": 47945, + "Ġanarchy": 47946, + "ĠDiverse": 47947, + "gha": 47948, + "ĠAtom": 47949, + "Ġcircling": 47950, + "ĠScenario": 47951, + "ĠMeals": 47952, + "Ġtriang": 47953, + "ĠPreserving": 47954, + "Ġdecidedly": 47955, + "Ġdepartmental": 47956, + "ĠWillis": 47957, + "Previously": 47958, + "ĠRockies": 47959, + "Ġchickenpox": 47960, + "ĠSituation": 47961, + "Ġunleashed": 47962, + "Ġkeratin": 47963, + "Ġdemeanor": 47964, + "Kenn": 47965, + "Tib": 47966, + "Ġcada": 47967, + "Ġdag": 47968, + "Ġalley": 47969, + "ĠWren": 47970, + "Ġinsensitive": 47971, + "ĠCaltech": 47972, + "ées": 47973, + "Ġreligiously": 47974, + "ridor": 47975, + "Contains": 47976, + "Ġcolouring": 47977, + "citizens": 47978, + "Ġcrunchy": 47979, + "ĠLorraine": 47980, + "Ġsalamanders": 47981, + "Bin": 47982, + "DES": 47983, + "Ġinversely": 47984, + "ĠCough": 47985, + "ande": 47986, + "ĠHb": 47987, + "nees": 47988, + "Ġturnaround": 47989, + "ollah": 47990, + "ouncill": 47991, + "ĠPosts": 47992, + "ĠLandsat": 47993, + "Ġreluctantly": 47994, + "querque": 47995, + "ĠCinema": 47996, + "ĠPythagorean": 47997, + "Ġpessimistic": 47998, + "\"/": 47999, + "rif": 48000, + "è¨": 48001, + "Ġcaching": 48002, + "Ġboto": 48003, + "ĠTurns": 48004, + "Ġbeavers": 48005, + "ĠAAP": 48006, + "ĠEUR": 48007, + "ĠScales": 48008, + "ĠLevin": 48009, + "Repeat": 48010, + "ĠEliza": 48011, + "Ġstaffing": 48012, + "Indones": 48013, + "Edited": 48014, + "Ġrhod": 48015, + "ĠCSF": 48016, + "Ġthumbnail": 48017, + "ĠConsultant": 48018, + "ĠCooling": 48019, + "ĠAdvancements": 48020, + "Quantum": 48021, + "Ġkangaroo": 48022, + "Ġraccoons": 48023, + "ĠMoisture": 48024, + "Ġpurposely": 48025, + "Ġresuscitation": 48026, + "Ġsubdued": 48027, + "JD": 48028, + "ionine": 48029, + "seated": 48030, + "ĠCaf": 48031, + "ĠChances": 48032, + "Ġdeferred": 48033, + "henia": 48034, + "Ġparanoia": 48035, + "Staff": 48036, + "\"]/": 48037, + "ĠEdith": 48038, + "Ġconsequential": 48039, + "Ġhonours": 48040, + "ĠMonteneg": 48041, + "Ġseeded": 48042, + "ĠNorris": 48043, + "ĠCONN": 48044, + "Ġfledgling": 48045, + "åĬł": 48046, + "ĠInstancePreprocess": 48047, + "Ġeosin": 48048, + "ĠAbe": 48049, + "ĠSass": 48050, + "ĠMUST": 48051, + "ĠPocket": 48052, + "ĠHockey": 48053, + "ĠEMS": 48054, + "teins": 48055, + "ĠVoc": 48056, + "ĠYours": 48057, + "Ġcoals": 48058, + "Ġrefinery": 48059, + "Ġdecad": 48060, + "Ġgeos": 48061, + "Ġhostage": 48062, + "Ġmischief": 48063, + "Ġcopious": 48064, + "Ġcogniz": 48065, + "hardware": 48066, + "ĠBuilder": 48067, + "ĠLesbian": 48068, + "fetchall": 48069, + "Conditions": 48070, + "receiver": 48071, + "Ġrhizomes": 48072, + "pause": 48073, + "Ġtrol": 48074, + "ĠCrim": 48075, + "ĠMai": 48076, + "quat": 48077, + "udi": 48078, + "ĠDyn": 48079, + "ĠRao": 48080, + "ĠLosing": 48081, + "ruv": 48082, + "ĠForrest": 48083, + "marriage": 48084, + "compared": 48085, + "ĠChef": 48086, + "dataloader": 48087, + "Ġreforming": 48088, + "functioning": 48089, + "simpl": 48090, + "ĠBrady": 48091, + "Ġissuance": 48092, + "Popen": 48093, + "Ġwakes": 48094, + "Ġpmid": 48095, + "icos": 48096, + "ĠSword": 48097, + "thro": 48098, + "ĠPurch": 48099, + "ĠNMR": 48100, + "Ġalluded": 48101, + "ĠChopin": 48102, + "Ġmonet": 48103, + "ĠJuice": 48104, + "winged": 48105, + "ĠExtensive": 48106, + "ĠSuperman": 48107, + "Older": 48108, + "Middleware": 48109, + "ĠJFK": 48110, + "Bring": 48111, + "bought": 48112, + "Ġfined": 48113, + "ĠCCT": 48114, + "ĠRW": 48115, + "ĠRoe": 48116, + "ilet": 48117, + "avit": 48118, + "intrinsic": 48119, + "Ġ'))": 48120, + "Ġcurling": 48121, + "Ġdeepcopy": 48122, + "Ġfallopian": 48123, + "STOP": 48124, + "Ġtripled": 48125, + "Ġ\\*": 48126, + "ĠPatagon": 48127, + "ĠUltrasound": 48128, + "ĠEpisode": 48129, + "Ġneutralizing": 48130, + "BLANK": 48131, + "Ġbonuses": 48132, + "Ġointment": 48133, + "Ġrefineries": 48134, + "Wet": 48135, + "mr": 48136, + "ÄĻ": 48137, + "Ġí": 48138, + "ĠSurg": 48139, + "umar": 48140, + "ĠWuhan": 48141, + "Ġsynov": 48142, + "phants": 48143, + "ĠDee": 48144, + "Ġperiodical": 48145, + "eele": 48146, + "ibrill": 48147, + "ĠMald": 48148, + "Ġflyers": 48149, + "lassical": 48150, + "ĠDominion": 48151, + "Ġaffectionate": 48152, + "Ġlingered": 48153, + "Interesting": 48154, + "ĠEvangelical": 48155, + "Ġaustral": 48156, + "Ġantidote": 48157, + "\"%": 48158, + "\"/>": 48159, + "ĠTLS": 48160, + "ĠSear": 48161, + "ĠWak": 48162, + "Ġchond": 48163, + "Ġuprisings": 48164, + "Ġunderlies": 48165, + "Ġconsort": 48166, + "Ġsmashed": 48167, + "await": 48168, + "ĠRept": 48169, + "Ġboasting": 48170, + "ĠBritons": 48171, + "ĠMonet": 48172, + "Ġapproxim": 48173, + "Ġmotorized": 48174, + "ĠAttachment": 48175, + "Ġbathtub": 48176, + "ĠVegan": 48177, + "iyah": 48178, + "ĠPriority": 48179, + "ĠPaleo": 48180, + "ĠLadies": 48181, + "á¹ĩa": 48182, + "ĠWendy": 48183, + "Ġperforated": 48184, + "ĠSergeant": 48185, + "Ġeardrum": 48186, + "girl": 48187, + "lid": 48188, + "melt": 48189, + "Ġpts": 48190, + "Ġpont": 48191, + "arh": 48192, + "ĠMk": 48193, + "ĠMommy": 48194, + "ĠBlow": 48195, + "Ġraspberries": 48196, + "ĠFighter": 48197, + "ĠLNG": 48198, + "Ġdisheart": 48199, + "Ġbets": 48200, + "hesi": 48201, + "awak": 48202, + "anguard": 48203, + "ĠTraumatic": 48204, + "Ġangina": 48205, + "ĠDispar": 48206, + "Ġwalled": 48207, + "LAG": 48208, + "Ġconsumerism": 48209, + "ĠPoet": 48210, + "Ġtownships": 48211, + "Ġgroves": 48212, + "ĠIndexError": 48213, + "pointer": 48214, + "ĠKabbal": 48215, + "Balance": 48216, + "Ġmagistrate": 48217, + "sock": 48218, + "Ġbonsai": 48219, + "ĠWorse": 48220, + "ĠDup": 48221, + "ĠRhet": 48222, + "ĠLok": 48223, + "neut": 48224, + "Ġfoodstuffs": 48225, + "Ġvex": 48226, + "Ġoptomet": 48227, + "escue": 48228, + "Ġwondrous": 48229, + "ĠPrescription": 48230, + "Ġaxons": 48231, + "Ġvalidators": 48232, + "Ġcounterclockwise": 48233, + "OTH": 48234, + "ĠSTAR": 48235, + "Ġtorchvision": 48236, + "Ġforgiving": 48237, + "Ġvanity": 48238, + "relationships": 48239, + "ĠTrafficking": 48240, + "inclusive": 48241, + "inflation": 48242, + "olingu": 48243, + "ĠEhr": 48244, + "Ġdisintegration": 48245, + "ĠUpanish": 48246, + "onging": 48247, + "nearest": 48248, + "Ġtranspose": 48249, + "Ġgrabs": 48250, + "ashions": 48251, + "Stem": 48252, + "Ġnetting": 48253, + "aimon": 48254, + "ĠAbram": 48255, + "Ġemptied": 48256, + "NSF": 48257, + "ĠMastery": 48258, + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 48259, + "ĠEmbry": 48260, + "ĠAffirm": 48261, + "ĠSemi": 48262, + "Ġproxies": 48263, + "Ġadulter": 48264, + "ĠMembership": 48265, + "ĠJosiah": 48266, + "Ġexpansions": 48267, + "Ġsprawl": 48268, + "Mapper": 48269, + "reve": 48270, + "Ġbids": 48271, + "Ġrecl": 48272, + "ĠSDS": 48273, + "ĠLia": 48274, + "Ġfolly": 48275, + "undance": 48276, + "tainable": 48277, + "(\"./": 48278, + "ĊĠĠĠĠĊĠĠĠĠ": 48279, + "ĠUNHCR": 48280, + "persons": 48281, + "folded": 48282, + "Ġtransfusions": 48283, + "snake": 48284, + "Ġasymmetrical": 48285, + "Documents": 48286, + "è¿Ļ": 48287, + "ĠClayton": 48288, + "Ġprogenitor": 48289, + "Josh": 48290, + "sold": 48291, + "Ġtinct": 48292, + "Ġaspart": 48293, + "Ġvets": 48294, + "Ġsudo": 48295, + "ĠVOC": 48296, + "Ġconnotation": 48297, + "newaxis": 48298, + "playlist": 48299, + "Ġundeveloped": 48300, + "Ġrepealed": 48301, + "Ġconservatism": 48302, + "Ġhamper": 48303, + "Ġdecomposed": 48304, + "Ġpredisposed": 48305, + "Ġcrusade": 48306, + "Ġtectonics": 48307, + "ĠWitnesses": 48308, + "Ġbarbecue": 48309, + "Fear": 48310, + "Zen": 48311, + "}),": 48312, + "ĠCig": 48313, + "Ġunob": 48314, + "ilepsy": 48315, + "Ġtwinkling": 48316, + "yml": 48317, + "Ġemphasise": 48318, + "transistors": 48319, + "Ġsecretive": 48320, + "Ġposterity": 48321, + "Ġpistol": 48322, + "Ġpatrols": 48323, + "Ġsuperseded": 48324, + "Ġspoiled": 48325, + "ĠMaui": 48326, + "ĠClifford": 48327, + "Mul": 48328, + "MAS": 48329, + "museum": 48330, + "soup": 48331, + "tall": 48332, + "Ġà¨": 48333, + "erick": 48334, + "Ġnih": 48335, + "Ġcanv": 48336, + "ĠRaz": 48337, + "ĠOSA": 48338, + "Ġremun": 48339, + "----------------------": 48340, + "Ġagreeable": 48341, + "primarily": 48342, + "ĠÅļ": 48343, + "---------------------------------------------": 48344, + "ĠGarcÃŃa": 48345, + "Qual": 48346, + "hurt": 48347, + "killing": 48348, + "uag": 48349, + "ĠNino": 48350, + "ĠJunction": 48351, + "ĠStam": 48352, + "ĠVO": 48353, + "Ġacup": 48354, + "Ġbroom": 48355, + "Ġspringtime": 48356, + "Ġparallelism": 48357, + "cfm": 48358, + "cutoff": 48359, + "ĠSDG": 48360, + "ĠiPod": 48361, + "Ġauspicious": 48362, + "TEMPL": 48363, + "Ġfatigued": 48364, + "ĠAmendments": 48365, + "Wiki": 48366, + "cms": 48367, + "Ġbegg": 48368, + "ĠAene": 48369, + "ocort": 48370, + "Ġabusing": 48371, + "Ġunites": 48372, + "Ġimportation": 48373, + "ĠAnal": 48374, + "');": 48375, + "Ġmidday": 48376, + "Ġliberate": 48377, + "Ġpracticality": 48378, + "Ġturret": 48379, + "ĠGalveston": 48380, + "ĠPromise": 48381, + "Organization": 48382, + "Ġbarns": 48383, + "ĠClarence": 48384, + "Ġquarrel": 48385, + "internet": 48386, + "éĩı": 48387, + "Ġpleasurable": 48388, + "=\",": 48389, + "iu": 48390, + "kick": 48391, + "å¥": 48392, + "ivir": 48393, + "ĠBologna": 48394, + "ĠHors": 48395, + "ĠErd": 48396, + "ĠJorge": 48397, + "phthal": 48398, + "Ġrecitation": 48399, + "ĠUnlocking": 48400, + "Ġattends": 48401, + "Ġrepressive": 48402, + "Ġtakeover": 48403, + "Ġselector": 48404, + "Ġfruition": 48405, + "Ġappropriateness": 48406, + "Ġthermodynamic": 48407, + "Ġgirlfriend": 48408, + "Ġarticulating": 48409, + "ĠKindle": 48410, + "Ġventricles": 48411, + "Ġdecisively": 48412, + "/__": 48413, + "Ġpounding": 48414, + "anum": 48415, + "Ġstarl": 48416, + "ĠMb": 48417, + "Ġimitating": 48418, + "Ġspi": 48419, + "ĠVascular": 48420, + "Ġmodulated": 48421, + "Ġexpended": 48422, + "Ġsunscreens": 48423, + "ĠManor": 48424, + "ĠSwimming": 48425, + "ROS": 48426, + "Ġuniversality": 48427, + "Ġmammary": 48428, + "Amount": 48429, + "CONN": 48430, + "Ġuploading": 48431, + "ĠElders": 48432, + "Mindfulness": 48433, + "Ġantisem": 48434, + "Ġextinguished": 48435, + "Ġzombie": 48436, + "kits": 48437, + "ή": 48438, + "ripe": 48439, + "ĠUDP": 48440, + "ĠComplications": 48441, + "Ġparathyroid": 48442, + "Ġpostage": 48443, + "Forward": 48444, + "Ġmisplaced": 48445, + "ĠSTART": 48446, + "ĠDemographic": 48447, + "uhr": 48448, + "Ġzooplankton": 48449, + "Ġµg": 48450, + "cigarette": 48451, + "Ġcytokine": 48452, + "Ġquirks": 48453, + "ĠHyderabad": 48454, + "Bone": 48455, + "Led": 48456, + "LIB": 48457, + "brief": 48458, + "åij": 48459, + "enarios": 48460, + "Ġguts": 48461, + "ĠAedes": 48462, + "ĠSands": 48463, + "Pros": 48464, + "ĠOrganizing": 48465, + "Ġcompounding": 48466, + "ĠMahayana": 48467, + "buquerque": 48468, + "ĠmiRNAs": 48469, + "ĠPharmacy": 48470, + "cancerous": 48471, + "Ġdishwasher": 48472, + "Ġautonomously": 48473, + "GPT": 48474, + "ulc": 48475, + "ĠWORK": 48476, + "Ġdeflect": 48477, + "ĠPras": 48478, + "Ġfacilitators": 48479, + "ENTIAL": 48480, + "orphic": 48481, + "Ġdebtor": 48482, + "Ġdysph": 48483, + "ĠPaine": 48484, + "CheckBox": 48485, + "Ġrhinitis": 48486, + "Ġrustic": 48487, + "Ġresiduals": 48488, + "Ġdetainees": 48489, + "oflavin": 48490, + "pitched": 48491, + "Ġah": 48492, + "ĠPing": 48493, + "ansi": 48494, + "Ġteasing": 48495, + "ĠStrain": 48496, + "Ġmodifiers": 48497, + "Ġretraction": 48498, + "starts": 48499, + "Ġeffortless": 48500, + "Ġtrousers": 48501, + "Ġbanished": 48502, + "Institute": 48503, + "Prevent": 48504, + "ĠLoading": 48505, + "æĸĩ件": 48506, + "terrorism": 48507, + "sessions": 48508, + "æĭ": 48509, + "ĠErin": 48510, + "Ġtex": 48511, + "pylob": 48512, + "Stra": 48513, + "INDEX": 48514, + "ĠContinent": 48515, + "aita": 48516, + "locale": 48517, + "Intf": 48518, + "(((": 48519, + "Ġbioenergy": 48520, + "stackoverflow": 48521, + "electronic": 48522, + "Ġaptly": 48523, + "ĠEtrus": 48524, + "Ġantagonists": 48525, + "Ġastrophysics": 48526, + "Isaiah": 48527, + "LGBT": 48528, + "Fruit": 48529, + "oauth": 48530, + "Ġsages": 48531, + "ĠMerg": 48532, + "ĠBom": 48533, + "ĠHISTORY": 48534, + "Ġchants": 48535, + "ĠNarrow": 48536, + "astore": 48537, + "ĠâĢĵâĢĵâĢĵ": 48538, + "insular": 48539, + "Ġeclectic": 48540, + "Ġcampfire": 48541, + "retrieve": 48542, + "ĠHiggins": 48543, + "Ġbrutally": 48544, + "ĠSNPs": 48545, + "ĠChampion": 48546, + "Ġeloquent": 48547, + "ieth": 48548, + "Ġyolks": 48549, + "Ġexogenous": 48550, + "ĠLiability": 48551, + "Ġinflection": 48552, + "ĠConver": 48553, + "ĠConventions": 48554, + "ussing": 48555, + "Ġwrongdoing": 48556, + "ĠPatrol": 48557, + "OTHER": 48558, + "ĠUNF": 48559, + "Ġreformer": 48560, + "ĠSilence": 48561, + "ĠLyons": 48562, + "Ġhealers": 48563, + "ĠShowing": 48564, + "ĠBeginners": 48565, + "Ġlyrical": 48566, + "ĠSkinner": 48567, + "Samuel": 48568, + "Ġlogarithmic": 48569, + "Ġpromulgated": 48570, + "ĠQuébec": 48571, + "BH": 48572, + "Youth": 48573, + "Ġhacks": 48574, + "ĠCumm": 48575, + "Ġchia": 48576, + "Ġserendip": 48577, + "Ġarmp": 48578, + "Ġoutage": 48579, + "Ġskincare": 48580, + "ĠAndersen": 48581, + "ĠAmnesty": 48582, + "Clark": 48583, + "Ġannuals": 48584, + "Ġdeliverance": 48585, + "ĠSteiner": 48586, + "ĠWilkins": 48587, + "Ġcrowding": 48588, + "ĠRomances": 48589, + "Ġchronicle": 48590, + "ĠSyntax": 48591, + "Ġvascul": 48592, + "æīĢ": 48593, + "Facebook": 48594, + "Ġspoilage": 48595, + "ĠGradient": 48596, + "ĠFutures": 48597, + "Ġergonomic": 48598, + "irium": 48599, + "ĠBold": 48600, + "Ġindigo": 48601, + "Ġrake": 48602, + "Ġoverh": 48603, + "llis": 48604, + "Ġnozzles": 48605, + "ĠClouds": 48606, + "Ġecologists": 48607, + "ĠPolly": 48608, + "----------------------------------------": 48609, + "Ġflexion": 48610, + "Ġfraternity": 48611, + "Ġchecksum": 48612, + "ĠCharacterization": 48613, + "ĠÅł": 48614, + "Ġorphaned": 48615, + "Ġtheatres": 48616, + "Recommend": 48617, + "Ġgalvanized": 48618, + "Ġdissociation": 48619, + "Ġhydrolysis": 48620, + "||=||": 48621, + ">)": 48622, + "Mach": 48623, + "Ġpter": 48624, + "ĠTaft": 48625, + "ĠWiring": 48626, + "ĠEnder": 48627, + "ĠNON": 48628, + "Ġunbroken": 48629, + "ĠKolk": 48630, + "Ġdepressions": 48631, + "Ġdidactic": 48632, + "']=": 48633, + "Ġpurposefully": 48634, + "Ġwetter": 48635, + "ĠBreton": 48636, + "ĠSHALL": 48637, + "Ġhexagonal": 48638, + "Ġlambs": 48639, + "sampler": 48640, + "Ġmattresses": 48641, + "Ġcockroach": 48642, + "ĠHerschel": 48643, + "Ġsphincter": 48644, + "bara": 48645, + "׳": 48646, + "oule": 48647, + "ĠTType": 48648, + "christ": 48649, + "ĠBead": 48650, + "ĠWien": 48651, + "ĠLunch": 48652, + "ostrum": 48653, + "racts": 48654, + "Ġchildbearing": 48655, + "Ġreposition": 48656, + "Ġmonounsaturated": 48657, + "Ġmonoclonal": 48658, + "Ġengender": 48659, + "shifting": 48660, + "ĠYorker": 48661, + "ĠTracing": 48662, + "compiler": 48663, + "ĠPortable": 48664, + "burne": 48665, + "ĠBuying": 48666, + "ĠåĪ": 48667, + "Surv": 48668, + "ĠLancashire": 48669, + "opaedic": 48670, + "ĠCrusade": 48671, + "honored": 48672, + "Ross": 48673, + "dprinting": 48674, + "firm": 48675, + "arak": 48676, + "ĠSHA": 48677, + "ĠHild": 48678, + "ĠWI": 48679, + "ĠRd": 48680, + "oggy": 48681, + "ĠNOR": 48682, + "ĠJing": 48683, + "ensin": 48684, + "Ġpreexisting": 48685, + "Ġinvoice": 48686, + "ENCES": 48687, + "Ġcounterproductive": 48688, + "Ġpickles": 48689, + "omerase": 48690, + "Ġalerted": 48691, + "ĠCornelius": 48692, + "describe": 48693, + "ĠPulmonary": 48694, + "ÏĢο": 48695, + "Ġrechargeable": 48696, + "ĠGertrude": 48697, + "Barn": 48698, + "Joh": 48699, + "PRI": 48700, + "Sigma": 48701, + "ĠSAF": 48702, + "ĠCSA": 48703, + "actus": 48704, + "akable": 48705, + "ĠUmay": 48706, + "Ġaccusing": 48707, + "Ġlaborious": 48708, + "Ġmutate": 48709, + "Ġpyg": 48710, + "Ġcomplimentary": 48711, + "ĠRelativity": 48712, + "ĠMarkov": 48713, + "Ġfalsehood": 48714, + "Ġroughness": 48715, + "Ġcaregiving": 48716, + "ĠTunis": 48717, + "Comparison": 48718, + "Ġdiuretic": 48719, + "kegee": 48720, + "Ġworkable": 48721, + "ĠHeads": 48722, + "Ġeditable": 48723, + "Ġbooth": 48724, + "Ġtotaling": 48725, + "haft": 48726, + "Ġdecreed": 48727, + "ĠGlucose": 48728, + "ĠElastic": 48729, + "transformed": 48730, + "callbacks": 48731, + "Ġdoorstep": 48732, + "ĠEncryption": 48733, + "Ġcustod": 48734, + "ĠImporting": 48735, + "ĠHIPAA": 48736, + "Luckily": 48737, + "Lic": 48738, + "Ġinext": 48739, + "Ġmoor": 48740, + "Ġthru": 48741, + "ĠWra": 48742, + "ĠRPM": 48743, + "rips": 48744, + "allocation": 48745, + "ĠOmar": 48746, + "Ġspondyl": 48747, + "axanthin": 48748, + "ĠMinimal": 48749, + "ĠFinish": 48750, + "Ġturquoise": 48751, + "correlation": 48752, + "ĠARP": 48753, + "Ġmilitias": 48754, + "othschild": 48755, + "Ġcranberry": 48756, + "cooled": 48757, + "ĠIncorporate": 48758, + "ĠNebula": 48759, + "ĠInspector": 48760, + "Lie": 48761, + "Sort": 48762, + "Vec": 48763, + "Wash": 48764, + "hack": 48765, + "mgr": 48766, + "Ġtrophic": 48767, + "ĠTrium": 48768, + "Ġconund": 48769, + "Ġcomplying": 48770, + "Ġdeprecated": 48771, + "Ġelm": 48772, + "apples": 48773, + "Ġideation": 48774, + "ĠVisitor": 48775, + "Helping": 48776, + "Ġintimidated": 48777, + "omorphism": 48778, + "Ġdiaper": 48779, + "Ġantihistamines": 48780, + "};": 48781, + "icin": 48782, + "ĠCreed": 48783, + "Ġresumes": 48784, + "convers": 48785, + "Ġemancip": 48786, + "webs": 48787, + "Ġinfrequently": 48788, + "forcing": 48789, + "ĠPrinter": 48790, + "Ġportability": 48791, + "Ġsatiety": 48792, + "ĠKeyn": 48793, + "Ġsavanna": 48794, + "refs": 48795, + "Ġmacrom": 48796, + "Ġleaflet": 48797, + "Ġhillside": 48798, + "Ġbibliographic": 48799, + "Ġwreak": 48800, + "ĠLaurence": 48801, + "Ġcasser": 48802, + "ĠAdvocates": 48803, + "dogs": 48804, + "tower": 48805, + "Ġfend": 48806, + "aspect": 48807, + "Ġluke": 48808, + "uristics": 48809, + "ocarp": 48810, + "Ġrestrain": 48811, + "ampunk": 48812, + "Ġtextured": 48813, + "Ġfirewalls": 48814, + "REAM": 48815, + "ROL": 48816, + "ĠCharlemagne": 48817, + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ": 48818, + "Ġconstituencies": 48819, + "Ġfungicide": 48820, + "Ġelectrification": 48821, + "Ġlutein": 48822, + "Ġshorthand": 48823, + "LENGTH": 48824, + "TCP": 48825, + "citation": 48826, + "fps": 48827, + "sus": 48828, + "titles": 48829, + "isnan": 48830, + "utics": 48831, + "ĠSis": 48832, + "ĠDiver": 48833, + "Ġpreclude": 48834, + "Ġbioc": 48835, + "Ġprecinct": 48836, + "Ġnitrite": 48837, + "ĠCritique": 48838, + "ĠHadrian": 48839, + "Operating": 48840, + "Ġanonymously": 48841, + "Ġsimmering": 48842, + "Delivery": 48843, + "Fried": 48844, + "cx": 48845, + "ipt": 48846, + "Ġeut": 48847, + "ĠAO": 48848, + "abh": 48849, + "ĠOedipus": 48850, + "ucha": 48851, + "Ġstandby": 48852, + "ioles": 48853, + "Ġhypo": 48854, + "ĠBurr": 48855, + "hasa": 48856, + "ĠBrowser": 48857, + "anchez": 48858, + "multiply": 48859, + "Mission": 48860, + "bases": 48861, + "grab": 48862, + "Ġdru": 48863, + "Ġhrs": 48864, + "chosen": 48865, + "ĠRET": 48866, + "ĠInjection": 48867, + "Ġja": 48868, + "ĠChihu": 48869, + "Ġaccuse": 48870, + "ovir": 48871, + "ĠAlgon": 48872, + "NAMES": 48873, + "classic": 48874, + "Ġgeneralize": 48875, + "Align": 48876, + "Ġpayloads": 48877, + "ĠProfessors": 48878, + "Ġauthenticated": 48879, + "Ġunease": 48880, + "Ġinertial": 48881, + "ĠLectures": 48882, + "ĠAuthentic": 48883, + "ĠFrozen": 48884, + "ĠPupils": 48885, + "Ring": 48886, + "ndt": 48887, + "Ġslurry": 48888, + "ĠWhats": 48889, + "ĠGoes": 48890, + "Scene": 48891, + "Scenario": 48892, + "Ġmythologies": 48893, + "ĠParticipating": 48894, + "Ġresettlement": 48895, + "Britain": 48896, + "ĠEmphasize": 48897, + "Ġoverheard": 48898, + "assertIsInstance": 48899, + "çłģ": 48900, + "Benny": 48901, + "CLE": 48902, + "Nick": 48903, + "Uk": 48904, + "Ġproj": 48905, + "opo": 48906, + "ĠFram": 48907, + "ĠLakota": 48908, + "Ġwhooping": 48909, + "ĠKNOW": 48910, + "Ġrepub": 48911, + "ĠShang": 48912, + "annie": 48913, + "ĠCenturies": 48914, + "modes": 48915, + "ophobic": 48916, + "Ġmagically": 48917, + "Ġintelligently": 48918, + "Ġexcesses": 48919, + "enthal": 48920, + "Ġhygienic": 48921, + "Ġbarefoot": 48922, + "ĠYeast": 48923, + "ĠReturning": 48924, + "Ġpharmacology": 48925, + "εÏģ": 48926, + "ĠGibbs": 48927, + "Ġdecentralization": 48928, + "Ġunbearable": 48929, + "Molecular": 48930, + "Tick": 48931, + "VENT": 48932, + "tif": 48933, + "Ùĥ": 48934, + "aland": 48935, + "Ġfuses": 48936, + "Ġmalls": 48937, + "Ġlapse": 48938, + "Ġyin": 48939, + "Ġsucked": 48940, + "Exam": 48941, + "Ġinstructing": 48942, + "ĠSamantha": 48943, + "ulsed": 48944, + "Ġduke": 48945, + "MPs": 48946, + "ĠHawkins": 48947, + "Ġcompensatory": 48948, + "Ġsummertime": 48949, + "Ġcrochet": 48950, + "ĠFilipinos": 48951, + "otoxicity": 48952, + "Ġsuperconducting": 48953, + "Yeah": 48954, + "ĠSiddh": 48955, + "pylobacter": 48956, + "bomb": 48957, + "Ġwikipedia": 48958, + "anah": 48959, + "animals": 48960, + "stasy": 48961, + "ĠTEXT": 48962, + "Ġstencil": 48963, + "ĠCited": 48964, + "opods": 48965, + "ĠHitch": 48966, + "Ġrd": 48967, + "ostridium": 48968, + "Ġpartisans": 48969, + "Ġparticulates": 48970, + "anco": 48971, + "Ġplanks": 48972, + "Ġopposes": 48973, + "Ġphysique": 48974, + "ĠResearcher": 48975, + "Ġheadfirst": 48976, + "Ġuttered": 48977, + "Ġcigar": 48978, + "ĠCollier": 48979, + "åı·": 48980, + "Ġcatastrophes": 48981, + "ĠTaxes": 48982, + "Ġsnacking": 48983, + "Ġapologized": 48984, + "ĠGOOD": 48985, + "++++++++": 48986, + "MER": 48987, + "rein": 48988, + "ĠTuls": 48989, + "ĠAux": 48990, + "ĠHin": 48991, + "ĠNutrients": 48992, + "roughly": 48993, + "wee": 48994, + "Ġprovoking": 48995, + "Ġimprovised": 48996, + "Ġcheckpoints": 48997, + "Ġtriad": 48998, + "Ġepics": 48999, + "ĠAntim": 49000, + "ĠSalvation": 49001, + "ĠPhilist": 49002, + "Drinking": 49003, + "Ġveneration": 49004, + "Guard": 49005, + "Ġreassure": 49006, + "ĠBlueprint": 49007, + "Ġevaporated": 49008, + "HEADER": 49009, + "]\",": 49010, + "fus": 49011, + "atius": 49012, + "ĠChess": 49013, + "ĠMard": 49014, + "ĠDiction": 49015, + "Ġwastage": 49016, + "Ġclf": 49017, + "Ġ':": 49018, + "henes": 49019, + "Ġedifice": 49020, + "Ġlighted": 49021, + "Ġsizeable": 49022, + "Ġvermic": 49023, + "Ġselectivity": 49024, + "Ġbarbed": 49025, + "Ġbattlefields": 49026, + "ĠSunshine": 49027, + "Spain": 49028, + "diameter": 49029, + "Figures": 49030, + "circa": 49031, + "ĠCompetitive": 49032, + "ĠCarmel": 49033, + "Ġdishonesty": 49034, + "Ġorthodoxy": 49035, + "neurons": 49036, + "fetched": 49037, + "Mig": 49038, + "fen": 49039, + "seller": 49040, + "ĠEAR": 49041, + "ĠFountain": 49042, + "Ġdisclosing": 49043, + "deck": 49044, + "Ġfactoring": 49045, + "ĠShinto": 49046, + "Ġsuperflu": 49047, + "Ġstandardised": 49048, + "ĠNeon": 49049, + "Timeout": 49050, + "Ġdispens": 49051, + "Ġsmoky": 49052, + "Ġsprouted": 49053, + "Ġimaginable": 49054, + "ĠTemperatures": 49055, + "ĠTubman": 49056, + "ĠGenealogy": 49057, + "Gly": 49058, + "flying": 49059, + "poverty": 49060, + "tips": 49061, + "ĠCors": 49062, + "ĠMim": 49063, + "ppo": 49064, + "ĠHask": 49065, + "ĠUR": 49066, + "ubation": 49067, + "ĠKiev": 49068, + "ĠChavez": 49069, + "excluding": 49070, + "overlay": 49071, + "Ġmarig": 49072, + "Ġbrach": 49073, + "ĠHamas": 49074, + "ĠWalton": 49075, + "Ġrevolved": 49076, + "ĠCatalonia": 49077, + "ĠLauren": 49078, + "ĠKabul": 49079, + "ozygous": 49080, + "Tier": 49081, + "]][": 49082, + "lut": 49083, + "Ġbathe": 49084, + "Ġinsofar": 49085, + "ĠCope": 49086, + "odb": 49087, + "Ġ\"))": 49088, + "ĠThrow": 49089, + "Ġunmet": 49090, + "Ġsuppresses": 49091, + "inka": 49092, + "Ġpassports": 49093, + "ĠAugmented": 49094, + "ĠSurreal": 49095, + "ijn": 49096, + "ĠCarey": 49097, + "ĠEqually": 49098, + "divide": 49099, + "ĠCMOS": 49100, + "Bullying": 49101, + "ĠLafayette": 49102, + "Gy": 49103, + "Ġmids": 49104, + "chips": 49105, + "Ġprel": 49106, + "Ġassuring": 49107, + "Ġdelusions": 49108, + "arco": 49109, + "opharmac": 49110, + "ĠGenerations": 49111, + "ĠWilliamson": 49112, + "Ġnovo": 49113, + "ĠPaleolithic": 49114, + "competitive": 49115, + "ĠYankee": 49116, + "Ġdendritic": 49117, + "ĠPropaganda": 49118, + "Ġorangutans": 49119, + "ĠSovereign": 49120, + "Ġvolleyball": 49121, + "CBD": 49122, + "xism": 49123, + "hement": 49124, + "ĠMater": 49125, + "ERAL": 49126, + "floating": 49127, + "EDS": 49128, + "Ġcommercials": 49129, + "Seek": 49130, + "unker": 49131, + "ĠADC": 49132, + "ĠIdentities": 49133, + "Ġcarbide": 49134, + "Ġbrowning": 49135, + "ĠSiri": 49136, + "Maya": 49137, + "Ġaromatherapy": 49138, + "Ġreassured": 49139, + "Ġmeltdown": 49140, + "Emergency": 49141, + "ĠTragedy": 49142, + "ĠSTEAM": 49143, + "ĠThessalon": 49144, + "Ġpungent": 49145, + "FREE": 49146, + "Lif": 49147, + "omia": 49148, + "Ġexfol": 49149, + "ĠMama": 49150, + "ectable": 49151 + }, + "merges": [ + [ + "Ġ", + "t" + ], + [ + "Ġ", + "a" + ], + [ + "i", + "n" + ], + [ + "h", + "e" + ], + [ + "Ġ", + "Ġ" + ], + [ + "r", + "e" + ], + [ + "o", + "n" + ], + [ + "e", + "r" + ], + [ + "Ġt", + "he" + ], + [ + "a", + "t" + ], + [ + "Ġ", + "s" + ], + [ + "Ġ", + "o" + ], + [ + "e", + "n" + ], + [ + "Ġ", + "c" + ], + [ + "e", + "s" + ], + [ + "Ġ", + "w" + ], + [ + "n", + "d" + ], + [ + "i", + "t" + ], + [ + "o", + "r" + ], + [ + "i", + "s" + ], + [ + "a", + "l" + ], + [ + "Ġ", + "p" + ], + [ + "in", + "g" + ], + [ + "Ġ", + "f" + ], + [ + "a", + "n" + ], + [ + "e", + "d" + ], + [ + "Ġ", + "b" + ], + [ + "o", + "u" + ], + [ + "a", + "r" + ], + [ + "Ġ", + "in" + ], + [ + "Ġo", + "f" + ], + [ + "Ġ", + "m" + ], + [ + "Ġa", + "nd" + ], + [ + "i", + "on" + ], + [ + "i", + "c" + ], + [ + "Ġ", + "d" + ], + [ + "Ġt", + "o" + ], + [ + "ĠĠ", + "ĠĠ" + ], + [ + "l", + "e" + ], + [ + "r", + "o" + ], + [ + "a", + "s" + ], + [ + "en", + "t" + ], + [ + "Ġ", + "h" + ], + [ + "Ġt", + "h" + ], + [ + "c", + "t" + ], + [ + "Ġ", + "e" + ], + [ + "Ġ", + "re" + ], + [ + "e", + "l" + ], + [ + "o", + "m" + ], + [ + "i", + "l" + ], + [ + "s", + "t" + ], + [ + "Ġ", + "l" + ], + [ + "Ġ", + "n" + ], + [ + "e", + "t" + ], + [ + "i", + "m" + ], + [ + "v", + "e" + ], + [ + "o", + "l" + ], + [ + "at", + "ion" + ], + [ + "Ġ", + "g" + ], + [ + "i", + "d" + ], + [ + "Ġ", + "T" + ], + [ + "s", + "e" + ], + [ + "Ġ", + "is" + ], + [ + "u", + "r" + ], + [ + "u", + "t" + ], + [ + "r", + "a" + ], + [ + "l", + "y" + ], + [ + "c", + "e" + ], + [ + "o", + "t" + ], + [ + "â", + "Ģ" + ], + [ + "c", + "h" + ], + [ + "o", + "w" + ], + [ + "i", + "g" + ], + [ + "Ġb", + "e" + ], + [ + "Ġ", + "u" + ], + [ + "Ġf", + "or" + ], + [ + "Ġs", + "t" + ], + [ + "Ġ", + "y" + ], + [ + "Ġ", + "A" + ], + [ + "v", + "er" + ], + [ + "a", + "m" + ], + [ + "ĠĠ", + "Ġ" + ], + [ + "Ġ", + "S" + ], + [ + "Ġ", + "on" + ], + [ + "u", + "l" + ], + [ + "i", + "r" + ], + [ + "Ġth", + "at" + ], + [ + "Ġ", + "I" + ], + [ + "Ġ", + "C" + ], + [ + "a", + "y" + ], + [ + "i", + "f" + ], + [ + "it", + "h" + ], + [ + "a", + "d" + ], + [ + "Ġc", + "on" + ], + [ + "Ġy", + "ou" + ], + [ + "Ġa", + "s" + ], + [ + "Ġp", + "ro" + ], + [ + "he", + "r" + ], + [ + "o", + "d" + ], + [ + "Ġw", + "ith" + ], + [ + "t", + "er" + ], + [ + "ĠĠĠĠ", + "ĠĠĠĠ" + ], + [ + "Ġa", + "n" + ], + [ + "Ġo", + "r" + ], + [ + "Ġw", + "h" + ], + [ + "Ġ", + "it" + ], + [ + "m", + "ent" + ], + [ + "Ġa", + "re" + ], + [ + "Ġa", + "l" + ], + [ + "g", + "e" + ], + [ + "es", + "s" + ], + [ + "is", + "t" + ], + [ + "Ġe", + "x" + ], + [ + "Ġ", + "(" + ], + [ + "er", + "s" + ], + [ + "Ġd", + "e" + ], + [ + "at", + "e" + ], + [ + "a", + "b" + ], + [ + "i", + "es" + ], + [ + "o", + "p" + ], + [ + "Ġ", + "M" + ], + [ + "t", + "h" + ], + [ + "e", + "ct" + ], + [ + "re", + "s" + ], + [ + "u", + "s" + ], + [ + "Ġ", + "P" + ], + [ + "ĠT", + "he" + ], + [ + "Ġc", + "om" + ], + [ + "i", + "v" + ], + [ + "es", + "t" + ], + [ + "u", + "m" + ], + [ + "it", + "y" + ], + [ + "Ġ", + "he" + ], + [ + "q", + "u" + ], + [ + "Ġ", + "v" + ], + [ + "a", + "c" + ], + [ + "il", + "l" + ], + [ + "Ġ", + "B" + ], + [ + "o", + "re" + ], + [ + "e", + "m" + ], + [ + "Ġw", + "e" + ], + [ + "Ġs", + "u" + ], + [ + "p", + "p" + ], + [ + "o", + "s" + ], + [ + "k", + "e" + ], + [ + "a", + "nd" + ], + [ + "ro", + "m" + ], + [ + "n", + "t" + ], + [ + "l", + "d" + ], + [ + "or", + "t" + ], + [ + "a", + "in" + ], + [ + "an", + "t" + ], + [ + "i", + "ve" + ], + [ + "ig", + "h" + ], + [ + "o", + "c" + ], + [ + "Ġ", + "H" + ], + [ + "Ġ", + "W" + ], + [ + "i", + "al" + ], + [ + "Ġc", + "h" + ], + [ + "Ġb", + "y" + ], + [ + "Ġ", + "r" + ], + [ + "u", + "d" + ], + [ + "Ġ", + "E" + ], + [ + "ĠĠĠĠ", + "ĠĠĠ" + ], + [ + "Ġc", + "an" + ], + [ + "âĢ", + "Ļ" + ], + [ + "Ġa", + "t" + ], + [ + "u", + "n" + ], + [ + "Ġn", + "e" + ], + [ + "Ġh", + "a" + ], + [ + "Ġ", + "D" + ], + [ + "-", + "-" + ], + [ + "u", + "re" + ], + [ + "Ġ", + "le" + ], + [ + "Ġ", + "F" + ], + [ + "Ġs", + "e" + ], + [ + "Ġ", + "R" + ], + [ + "Ġf", + "rom" + ], + [ + "Ġ", + "en" + ], + [ + "r", + "i" + ], + [ + "p", + "e" + ], + [ + "ic", + "al" + ], + [ + "ar", + "t" + ], + [ + "o", + "g" + ], + [ + "Ġw", + "as" + ], + [ + "p", + "t" + ], + [ + "ion", + "s" + ], + [ + "p", + "l" + ], + [ + "r", + "ou" + ], + [ + "Ġn", + "ot" + ], + [ + "Ġ", + "N" + ], + [ + "Ġs", + "h" + ], + [ + "Ġ", + "im" + ], + [ + "igh", + "t" + ], + [ + "Ġ", + "=" + ], + [ + "ou", + "t" + ], + [ + "Ċ", + "ĠĠĠĠĠĠĠ" + ], + [ + "al", + "l" + ], + [ + "Ġ", + "L" + ], + [ + "Ġth", + "is" + ], + [ + "Ġ", + "G" + ], + [ + "Ġa", + "b" + ], + [ + "a", + "g" + ], + [ + "re", + "d" + ], + [ + "p", + "er" + ], + [ + "Ġha", + "ve" + ], + [ + "Ġw", + "or" + ], + [ + "Ġ", + "âĢ" + ], + [ + "g", + "h" + ], + [ + "ou", + "r" + ], + [ + "in", + "e" + ], + [ + "i", + "z" + ], + [ + "Ġin", + "t" + ], + [ + "om", + "e" + ], + [ + "Ċ", + "ĠĠĠĠĠĠĠĠ" + ], + [ + "u", + "st" + ], + [ + "Ġu", + "s" + ], + [ + "Ġyou", + "r" + ], + [ + "ou", + "ld" + ], + [ + "a", + "ct" + ], + [ + "Ċ", + "ĠĠĠ" + ], + [ + "a", + "ge" + ], + [ + "o", + "st" + ], + [ + "Ġp", + "l" + ], + [ + "Ġ", + "\"" + ], + [ + "ar", + "d" + ], + [ + "el", + "l" + ], + [ + "t", + "her" + ], + [ + "Ġthe", + "ir" + ], + [ + "ul", + "t" + ], + [ + "el", + "f" + ], + [ + "at", + "ed" + ], + [ + "f", + "f" + ], + [ + "ic", + "h" + ], + [ + "en", + "d" + ], + [ + "an", + "s" + ], + [ + "ou", + "s" + ], + [ + "id", + "e" + ], + [ + "r", + "u" + ], + [ + "ation", + "s" + ], + [ + "Ġ", + "O" + ], + [ + "Ġa", + "d" + ], + [ + "a", + "k" + ], + [ + "Ġw", + "he" + ], + [ + "d", + "u" + ], + [ + "c", + "l" + ], + [ + "Ġcon", + "t" + ], + [ + "Ġre", + "s" + ], + [ + "as", + "t" + ], + [ + "Ġ", + "k" + ], + [ + "Ġthe", + "y" + ], + [ + "Ġcom", + "p" + ], + [ + "T", + "he" + ], + [ + "i", + "b" + ], + [ + "'", + "s" + ], + [ + "or", + "m" + ], + [ + "i", + "p" + ], + [ + "c", + "c" + ], + [ + "Ġd", + "is" + ], + [ + "Ġal", + "l" + ], + [ + "a", + "p" + ], + [ + "am", + "e" + ], + [ + "Ġ", + "U" + ], + [ + "ab", + "le" + ], + [ + "on", + "g" + ], + [ + "e", + "ar" + ], + [ + "e", + "re" + ], + [ + "i", + "e" + ], + [ + "as", + "s" + ], + [ + "Ġim", + "p" + ], + [ + "a", + "re" + ], + [ + "Ġw", + "ill" + ], + [ + "an", + "ce" + ], + [ + "ĠT", + "h" + ], + [ + "in", + "d" + ], + [ + "Ġwh", + "ich" + ], + [ + "o", + "od" + ], + [ + "ar", + "y" + ], + [ + "Ġ", + "J" + ], + [ + "u", + "al" + ], + [ + "v", + "el" + ], + [ + "ĠI", + "n" + ], + [ + "e", + "p" + ], + [ + "en", + "ce" + ], + [ + "Ġd", + "o" + ], + [ + "on", + "e" + ], + [ + "k", + "s" + ], + [ + "Ġc", + "l" + ], + [ + "Ġm", + "ore" + ], + [ + "r", + "y" + ], + [ + "i", + "a" + ], + [ + "Ġt", + "e" + ], + [ + "Ġ", + "j" + ], + [ + "ig", + "n" + ], + [ + "u", + "e" + ], + [ + "ent", + "s" + ], + [ + "re", + "at" + ], + [ + "Ġm", + "e" + ], + [ + "Ġo", + "ther" + ], + [ + "Ġu", + "n" + ], + [ + "i", + "le" + ], + [ + "Ġh", + "as" + ], + [ + "a", + "ch" + ], + [ + "Ġm", + "an" + ], + [ + "im", + "e" + ], + [ + "ct", + "ion" + ], + [ + "il", + "d" + ], + [ + "s", + "o" + ], + [ + "res", + "s" + ], + [ + "c", + "es" + ], + [ + "Ġa", + "r" + ], + [ + "Ġab", + "out" + ], + [ + "Ġb", + "ut" + ], + [ + "a", + "v" + ], + [ + "Ġa", + "pp" + ], + [ + "Ġp", + "er" + ], + [ + "o", + "o" + ], + [ + "ic", + "e" + ], + [ + "it", + "ion" + ], + [ + "at", + "er" + ], + [ + "el", + "y" + ], + [ + "âĢ", + "Ŀ" + ], + [ + "Ġs", + "p" + ], + [ + "a", + "ke" + ], + [ + "as", + "e" + ], + [ + "Ġe", + "v" + ], + [ + "Ġo", + "ut" + ], + [ + "or", + "s" + ], + [ + "ac", + "k" + ], + [ + "en", + "s" + ], + [ + "Ġon", + "e" + ], + [ + "ver", + "y" + ], + [ + "f", + "orm" + ], + [ + "Ġ", + "if" + ], + [ + "--", + "--" + ], + [ + "or", + "y" + ], + [ + "Ġs", + "o" + ], + [ + "or", + "d" + ], + [ + "a", + "ce" + ], + [ + "in", + "t" + ], + [ + "Ġwe", + "re" + ], + [ + "b", + "er" + ], + [ + "nd", + "er" + ], + [ + ")", + "." + ], + [ + "Ġl", + "i" + ], + [ + "Ġal", + "so" + ], + [ + "ou", + "nt" + ], + [ + "Ġp", + "art" + ], + [ + "Ġcom", + "m" + ], + [ + "Ġthe", + "m" + ], + [ + "o", + "se" + ], + [ + "a", + "u" + ], + [ + "an", + "g" + ], + [ + "c", + "i" + ], + [ + "Ġst", + "ud" + ], + [ + "c", + "on" + ], + [ + "r", + "it" + ], + [ + "i", + "re" + ], + [ + "Ġp", + "e" + ], + [ + "u", + "b" + ], + [ + "n", + "ow" + ], + [ + "Ġ", + "qu" + ], + [ + "Ġu", + "p" + ], + [ + "Ġs", + "y" + ], + [ + "ing", + "s" + ], + [ + "Ġwh", + "o" + ], + [ + "Ġint", + "o" + ], + [ + "ĠâĢ", + "ľ" + ], + [ + "ou", + "nd" + ], + [ + "is", + "h" + ], + [ + "Ġp", + "re" + ], + [ + "Ġthe", + "se" + ], + [ + "Ġit", + "s" + ], + [ + "ĠS", + "t" + ], + [ + "ol", + "og" + ], + [ + "if", + "f" + ], + [ + "pe", + "c" + ], + [ + "ĊĠĠĠĠĠĠĠĠ", + "ĠĠĠ" + ], + [ + "rou", + "gh" + ], + [ + "r", + "ic" + ], + [ + "Ġf", + "e" + ], + [ + "Ġbe", + "c" + ], + [ + "Ġs", + "ome" + ], + [ + "Ġt", + "ra" + ], + [ + "a", + "il" + ], + [ + "Ġ", + "'" + ], + [ + "Ġh", + "ow" + ], + [ + "Ġs", + "elf" + ], + [ + "re", + "e" + ], + [ + "Ġin", + "d" + ], + [ + "it", + "ies" + ], + [ + ")", + "," + ], + [ + "k", + "ing" + ], + [ + "Ġwhe", + "n" + ], + [ + "ay", + "s" + ], + [ + "p", + "h" + ], + [ + "ver", + "s" + ], + [ + "Ġe", + "m" + ], + [ + "Ġh", + "is" + ], + [ + "Ġ", + "ro" + ], + [ + "if", + "ic" + ], + [ + "Ġo", + "ur" + ], + [ + "Ġm", + "ay" + ], + [ + "Ġt", + "ime" + ], + [ + "Ġu", + "nder" + ], + [ + "ĠI", + "t" + ], + [ + "ment", + "s" + ], + [ + "Ġ", + "K" + ], + [ + "at", + "es" + ], + [ + "op", + "le" + ], + [ + "n", + "e" + ], + [ + "it", + "e" + ], + [ + "Ġc", + "ol" + ], + [ + "Ġthe", + "re" + ], + [ + "Ġb", + "et" + ], + [ + "ur", + "n" + ], + [ + "c", + "re" + ], + [ + "ĠTh", + "is" + ], + [ + "Ġth", + "an" + ], + [ + "ou", + "gh" + ], + [ + "y", + "s" + ], + [ + "Ġd", + "iff" + ], + [ + "at", + "ing" + ], + [ + "o", + "b" + ], + [ + "t", + "e" + ], + [ + "w", + "e" + ], + [ + "ĠC", + "h" + ], + [ + "at", + "h" + ], + [ + "j", + "ect" + ], + [ + "Ġt", + "r" + ], + [ + "al", + "ly" + ], + [ + "l", + "ow" + ], + [ + "er", + "v" + ], + [ + "Ġg", + "o" + ], + [ + "m", + "s" + ], + [ + "Ġcon", + "s" + ], + [ + "Ġa", + "g" + ], + [ + "Ġ", + "ra" + ], + [ + "Ġo", + "ver" + ], + [ + "le", + "ct" + ], + [ + "Ġre", + "c" + ], + [ + "x", + "t" + ], + [ + "Ġp", + "r" + ], + [ + "p", + "le" + ], + [ + "ter", + "n" + ], + [ + "i", + "an" + ], + [ + "Ġa", + "cc" + ], + [ + "Ġk", + "now" + ], + [ + "c", + "ess" + ], + [ + "Ġpe", + "ople" + ], + [ + "Ġli", + "ke" + ], + [ + "o", + "ve" + ], + [ + "Ġhe", + "l" + ], + [ + "Ġa", + "ct" + ], + [ + "at", + "a" + ], + [ + "on", + "s" + ], + [ + "Ġd", + "es" + ], + [ + "l", + "ic" + ], + [ + "cl", + "ud" + ], + [ + "i", + "ous" + ], + [ + "#", + "#" + ], + [ + "Ġy", + "ear" + ], + [ + "ar", + "n" + ], + [ + "Ġsu", + "ch" + ], + [ + "Ġre", + "l" + ], + [ + "Ġ", + "V" + ], + [ + "Ġ", + "Y" + ], + [ + "Ġbe", + "en" + ], + [ + "ro", + "w" + ], + [ + "e", + "f" + ], + [ + "Ġu", + "se" + ], + [ + "re", + "n" + ], + [ + "Ġhel", + "p" + ], + [ + "Ġne", + "w" + ], + [ + "g", + "et" + ], + [ + ")", + ":" + ], + [ + "al", + "th" + ], + [ + "ir", + "st" + ], + [ + "er", + "t" + ], + [ + "Ġ", + "-" + ], + [ + "Ġwh", + "at" + ], + [ + "au", + "se" + ], + [ + "et", + "h" + ], + [ + "l", + "es" + ], + [ + "Ġw", + "ould" + ], + [ + "Ġne", + "ed" + ], + [ + "Ġth", + "rough" + ], + [ + "f", + "ul" + ], + [ + "st", + "em" + ], + [ + "ur", + "ing" + ], + [ + "rou", + "nd" + ], + [ + "Ġs", + "a" + ], + [ + "Ġa", + "m" + ], + [ + "Ġe", + "ff" + ], + [ + "Ġwor", + "k" + ], + [ + "ic", + "s" + ], + [ + "vel", + "op" + ], + [ + "o", + "v" + ], + [ + "Ġan", + "y" + ], + [ + "o", + "ol" + ], + [ + "Ġimp", + "ort" + ], + [ + "Ġde", + "f" + ], + [ + "Ġb", + "l" + ], + [ + "ul", + "ar" + ], + [ + "u", + "res" + ], + [ + "Ġas", + "s" + ], + [ + "Ġs", + "pec" + ], + [ + "Ġg", + "en" + ], + [ + "Ġt", + "w" + ], + [ + "Ġh", + "ad" + ], + [ + "ri", + "b" + ], + [ + "m", + "er" + ], + [ + "l", + "l" + ], + [ + "Ġin", + "clud" + ], + [ + "c", + "ed" + ], + [ + "Ġof", + "f" + ], + [ + "Ġm", + "ost" + ], + [ + "is", + "e" + ], + [ + "he", + "d" + ], + [ + "s", + "elf" + ], + [ + "Ġpro", + "v" + ], + [ + "p", + "ort" + ], + [ + "is", + "s" + ], + [ + "ra", + "ct" + ], + [ + "an", + "ge" + ], + [ + "Ġp", + "h" + ], + [ + "ic", + "t" + ], + [ + "Ġre", + "g" + ], + [ + "ation", + "al" + ], + [ + "al", + "s" + ], + [ + "Ġdiff", + "ere" + ], + [ + "il", + "ity" + ], + [ + "Ġa", + "c" + ], + [ + "p", + "ect" + ], + [ + "os", + "s" + ], + [ + "Ġn", + "o" + ], + [ + "I", + "n" + ], + [ + "ot", + "h" + ], + [ + "oo", + "k" + ], + [ + "at", + "ive" + ], + [ + "ar", + "k" + ], + [ + "ol", + "d" + ], + [ + "Ġo", + "b" + ], + [ + "he", + "n" + ], + [ + "Ġpro", + "du" + ], + [ + "Ġin", + "v" + ], + [ + "Ġm", + "od" + ], + [ + "Ġde", + "velop" + ], + [ + "Ġman", + "y" + ], + [ + "Ġd", + "i" + ], + [ + "Ġre", + "m" + ], + [ + "Ġad", + "d" + ], + [ + "Ġus", + "ed" + ], + [ + "Ġon", + "ly" + ], + [ + "Ġs", + "c" + ], + [ + "f", + "ter" + ], + [ + "Ġf", + "irst" + ], + [ + "we", + "en" + ], + [ + "ĠU", + "n" + ], + [ + "Ġch", + "ild" + ], + [ + "ib", + "le" + ], + [ + "t", + "en" + ], + [ + "ra", + "m" + ], + [ + "u", + "c" + ], + [ + "ĠâĢ", + "ĵ" + ], + [ + "Ġsy", + "stem" + ], + [ + "ar", + "ch" + ], + [ + "Ġat", + "t" + ], + [ + "Ġg", + "et" + ], + [ + "as", + "ed" + ], + [ + "Ġin", + "st" + ], + [ + "ow", + "er" + ], + [ + "c", + "om" + ], + [ + "ce", + "pt" + ], + [ + "Ġbet", + "ween" + ], + [ + "Ġtw", + "o" + ], + [ + "*", + "*" + ], + [ + "Ġre", + "t" + ], + [ + "if", + "e" + ], + [ + "ch", + "n" + ], + [ + "Ġf", + "l" + ], + [ + "er", + "m" + ], + [ + "Ġin", + "f" + ], + [ + "Ġle", + "arn" + ], + [ + "iz", + "e" + ], + [ + "Ġwhe", + "re" + ], + [ + "Ġs", + "ur" + ], + [ + "w", + "n" + ], + [ + "Ġsu", + "b" + ], + [ + "Ġex", + "am" + ], + [ + "it", + "s" + ], + [ + "Ġin", + "ter" + ], + [ + "Ġp", + "o" + ], + [ + "ow", + "n" + ], + [ + "e", + "w" + ], + [ + "on", + "d" + ], + [ + "Ġp", + "ers" + ], + [ + "t", + "s" + ], + [ + "Ġtr", + "ans" + ], + [ + "p", + "s" + ], + [ + "he", + "s" + ], + [ + "Ġp", + "ol" + ], + [ + "b", + "le" + ], + [ + "Ġex", + "per" + ], + [ + "Ġc", + "ould" + ], + [ + "Ġc", + "o" + ], + [ + "Ġsu", + "pp" + ], + [ + "s", + "s" + ], + [ + "ut", + "ion" + ], + [ + "Ġn", + "um" + ], + [ + "t", + "ing" + ], + [ + "n", + "g" + ], + [ + "Ġhe", + "alth" + ], + [ + "Ġs", + "m" + ], + [ + "t", + "y" + ], + [ + "ur", + "al" + ], + [ + "Ġsh", + "ould" + ], + [ + "er", + "n" + ], + [ + "g", + "an" + ], + [ + "Ġst", + "r" + ], + [ + "e", + "ver" + ], + [ + "c", + "y" + ], + [ + "Ġ", + "her" + ], + [ + "u", + "es" + ], + [ + "Ġw", + "ell" + ], + [ + "Ġb", + "u" + ], + [ + "il", + "y" + ], + [ + "st", + "and" + ], + [ + "id", + "ent" + ], + [ + "er", + "g" + ], + [ + "oc", + "i" + ], + [ + "Ġt", + "y" + ], + [ + "in", + "es" + ], + [ + "i", + "ed" + ], + [ + "Ġv", + "al" + ], + [ + "Ġp", + "res" + ], + [ + "e", + "x" + ], + [ + "Ġex", + "pl" + ], + [ + "_", + "_" + ], + [ + "Ġv", + "ar" + ], + [ + "f", + "ore" + ], + [ + "Ġre", + "se" + ], + [ + "ak", + "ing" + ], + [ + "Ġs", + "im" + ], + [ + "Ġdiffere", + "nt" + ], + [ + "Ġe", + "very" + ], + [ + "iv", + "es" + ], + [ + "olog", + "y" + ], + [ + "in", + "k" + ], + [ + "ic", + "k" + ], + [ + "Ġ", + "ke" + ], + [ + "ad", + "e" + ], + [ + "Ġh", + "igh" + ], + [ + "Ġwor", + "ld" + ], + [ + "at", + "ure" + ], + [ + "Ġ", + "#" + ], + [ + "Ġev", + "en" + ], + [ + "ĠH", + "e" + ], + [ + "Ġfor", + "m" + ], + [ + "ist", + "s" + ], + [ + "a", + "w" + ], + [ + "Ġw", + "ater" + ], + [ + "Ġs", + "ign" + ], + [ + "Ġj", + "ust" + ], + [ + "----", + "----" + ], + [ + "ant", + "s" + ], + [ + "is", + "m" + ], + [ + "Ġm", + "ake" + ], + [ + "v", + "ent" + ], + [ + "Ġex", + "p" + ], + [ + "o", + "y" + ], + [ + "'", + "," + ], + [ + "n", + "ess" + ], + [ + "u", + "ch" + ], + [ + "f", + "t" + ], + [ + "in", + "s" + ], + [ + "ie", + "w" + ], + [ + "Ġyear", + "s" + ], + [ + "Ġre", + "f" + ], + [ + "d", + "s" + ], + [ + "Ġs", + "et" + ], + [ + "Ġ", + "[" + ], + [ + "Ġcomm", + "un" + ], + [ + "Ġc", + "re" + ], + [ + "c", + "k" + ], + [ + "Ġdis", + "c" + ], + [ + "ar", + "g" + ], + [ + "Ġte", + "chn" + ], + [ + "Ġd", + "ata" + ], + [ + "ch", + "ool" + ], + [ + "ĠR", + "e" + ], + [ + "ic", + "es" + ], + [ + "Ġre", + "qu" + ], + [ + "ĊĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠĠĠ" + ], + [ + "Ġc", + "all" + ], + [ + "ical", + "ly" + ], + [ + "Ġh", + "um" + ], + [ + "ot", + "her" + ], + [ + ".", + "." + ], + [ + "a", + "x" + ], + [ + "ent", + "ial" + ], + [ + "Ġ", + "ed" + ], + [ + "ar", + "s" + ], + [ + "Ġg", + "ra" + ], + [ + "i", + "el" + ], + [ + "Ġm", + "y" + ], + [ + "Ġm", + "ed" + ], + [ + "w", + "ard" + ], + [ + "it", + "ed" + ], + [ + "ru", + "ct" + ], + [ + "h", + "at" + ], + [ + "Ġse", + "e" + ], + [ + "Ġd", + "et" + ], + [ + "Ġthe", + "n" + ], + [ + "Ġres", + "ult" + ], + [ + "Ġth", + "ose" + ], + [ + "ual", + "ly" + ], + [ + "ag", + "es" + ], + [ + "Ġw", + "ay" + ], + [ + "Ġe", + "ach" + ], + [ + "form", + "ation" + ], + [ + "Ġin", + "s" + ], + [ + "h", + "ip" + ], + [ + "Ġbec", + "ause" + ], + [ + "ect", + "ion" + ], + [ + "Ġeff", + "ect" + ], + [ + "Ġb", + "el" + ], + [ + "Ġwh", + "ile" + ], + [ + "Ġpro", + "cess" + ], + [ + "Ġd", + "uring" + ], + [ + "'", + "t" + ], + [ + "Ġf", + "ound" + ], + [ + "Ġar", + "t" + ], + [ + "Ġc", + "ount" + ], + [ + "Ġl", + "ong" + ], + [ + "Ġp", + "at" + ], + [ + "Ġde", + "c" + ], + [ + "Ġf", + "ol" + ], + [ + "Ġa", + "fter" + ], + [ + "Ġgen", + "er" + ], + [ + "r", + "on" + ], + [ + "Ġex", + "t" + ], + [ + "ar", + "m" + ], + [ + "mer", + "ic" + ], + [ + "Ġc", + "ent" + ], + [ + "et", + "y" + ], + [ + "and", + "s" + ], + [ + "Ġin", + "cre" + ], + [ + "(", + ")" + ], + [ + "Ġl", + "oc" + ], + [ + "\"", + "," + ], + [ + "Ġret", + "urn" + ], + [ + "Ċ", + "ĊĠĠĠ" + ], + [ + "iz", + "ed" + ], + [ + "Ġd", + "ist" + ], + [ + "l", + "ed" + ], + [ + "Ġpro", + "g" + ], + [ + "ir", + "on" + ], + [ + "i", + "ent" + ], + [ + "Ġs", + "k" + ], + [ + "Ġre", + "ad" + ], + [ + "Ġ", + "ent" + ], + [ + "im", + "es" + ], + [ + "Ġus", + "ing" + ], + [ + "Ġpart", + "ic" + ], + [ + "Ġp", + "ub" + ], + [ + "d", + "e" + ], + [ + "ar", + "ly" + ], + [ + "Ġc", + "a" + ], + [ + "Ġc", + "ur" + ], + [ + "Ġle", + "ad" + ], + [ + "Ġa", + "ut" + ], + [ + "Ġre", + "p" + ], + [ + "el", + "s" + ], + [ + "Ġh", + "ist" + ], + [ + "Ġf", + "act" + ], + [ + "Ġt", + "est" + ], + [ + "Ġl", + "ife" + ], + [ + "Ġcomp", + "le" + ], + [ + "Ġf", + "am" + ], + [ + "ĠA", + "s" + ], + [ + "iv", + "id" + ], + [ + "i", + "vers" + ], + [ + "Ġ", + "very" + ], + [ + "Ġbe", + "ing" + ], + [ + "Ġf", + "un" + ], + [ + "Ġo", + "wn" + ], + [ + "n", + "ing" + ], + [ + "re", + "ad" + ], + [ + "Ġs", + "he" + ], + [ + "Ġf", + "ind" + ], + [ + "od", + "y" + ], + [ + "Ġunder", + "stand" + ], + [ + "i", + "qu" + ], + [ + "ĠW", + "e" + ], + [ + "ĊĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠĠ" + ], + [ + "Ġr", + "ight" + ], + [ + "as", + "es" + ], + [ + "c", + "ent" + ], + [ + "or", + "k" + ], + [ + "ĠA", + "meric" + ], + [ + "ĠP", + "ro" + ], + [ + "Ġres", + "p" + ], + [ + "Ġpers", + "on" + ], + [ + "Ġb", + "ack" + ], + [ + "g", + "g" + ], + [ + "Ġstud", + "ents" + ], + [ + "en", + "g" + ], + [ + "Ġde", + "p" + ], + [ + "v", + "ed" + ], + [ + "Ġb", + "oth" + ], + [ + "at", + "her" + ], + [ + "al", + "ity" + ], + [ + "ĠA", + "l" + ], + [ + "Ġfol", + "low" + ], + [ + "Ġw", + "rit" + ], + [ + "ĠF", + "or" + ], + [ + "ĠThe", + "y" + ], + [ + "Ġimport", + "ant" + ], + [ + "ĠC", + "on" + ], + [ + "Ġdo", + "es" + ], + [ + "ĠH", + "ow" + ], + [ + "Ġg", + "l" + ], + [ + "Ġg", + "row" + ], + [ + "Ġc", + "ar" + ], + [ + "oc", + "k" + ], + [ + "p", + "ut" + ], + [ + "Ġm", + "in" + ], + [ + "t", + "le" + ], + [ + "ĠC", + "om" + ], + [ + "T", + "h" + ], + [ + "Ġm", + "uch" + ], + [ + "d", + "ition" + ], + [ + "Ġm", + "ain" + ], + [ + "Ġcon", + "f" + ], + [ + "v", + "iron" + ], + [ + "i", + "x" + ], + [ + "Ġc", + "he" + ], + [ + "Ġapp", + "ro" + ], + [ + "Ġm", + "on" + ], + [ + "Ġbe", + "fore" + ], + [ + "\"", + "\"" + ], + [ + "ĠI", + "f" + ], + [ + "p", + "ar" + ], + [ + "Ġin", + "formation" + ], + [ + "Ġs", + "om" + ], + [ + "Ġg", + "rou" + ], + [ + "v", + "es" + ], + [ + "Ġs", + "ol" + ], + [ + "Ġs", + "ci" + ], + [ + "Ġe", + "l" + ], + [ + "v", + "ing" + ], + [ + "in", + "al" + ], + [ + "Ġpro", + "ble" + ], + [ + "Ġle", + "vel" + ], + [ + "ion", + "al" + ], + [ + "Ġstud", + "y" + ], + [ + "Ġg", + "reat" + ], + [ + "u", + "p" + ], + [ + "an", + "y" + ], + [ + "Ġen", + "d" + ], + [ + "Ġa", + "v" + ], + [ + "Ġf", + "ood" + ], + [ + "Ġexper", + "i" + ], + [ + "Ċ", + "Ċ" + ], + [ + "ĠA", + "n" + ], + [ + "n", + "ce" + ], + [ + "i", + "o" + ], + [ + "Ġst", + "art" + ], + [ + "al", + "e" + ], + [ + "Ġchild", + "ren" + ], + [ + "Ġg", + "ood" + ], + [ + "Ġm", + "ight" + ], + [ + "Ġs", + "chool" + ], + [ + "e", + "g" + ], + [ + "Ġwith", + "in" + ], + [ + "Ġcl", + "ass" + ], + [ + "Ġof", + "ten" + ], + [ + "Ġa", + "round" + ], + [ + "us", + "s" + ], + [ + "t", + "ed" + ], + [ + "Ġc", + "or" + ], + [ + "a", + "ve" + ], + [ + "Ġm", + "ade" + ], + [ + "er", + "ing" + ], + [ + "Ġsa", + "id" + ], + [ + "Ġsh", + "ow" + ], + [ + "Ġp", + "op" + ], + [ + "ver", + "n" + ], + [ + "t", + "o" + ], + [ + "Ġs", + "ame" + ], + [ + ".", + "," + ], + [ + "Ġp", + "ract" + ], + [ + "u", + "nd" + ], + [ + "ut", + "e" + ], + [ + "Ġto", + "o" + ], + [ + "an", + "c" + ], + [ + "Ġp", + "ower" + ], + [ + "Ġl", + "it" + ], + [ + "Ġrese", + "arch" + ], + [ + "Ġv", + "is" + ], + [ + "i", + "er" + ], + [ + "ak", + "es" + ], + [ + "ra", + "in" + ], + [ + "Ġb", + "r" + ], + [ + "Ġdes", + "ign" + ], + [ + "Ġo", + "p" + ], + [ + "e", + "c" + ], + [ + "re", + "nt" + ], + [ + "Ġprov", + "id" + ], + [ + "Ġact", + "iv" + ], + [ + "Ġag", + "ain" + ], + [ + "Ġpro", + "t" + ], + [ + "Ġsm", + "all" + ], + [ + "ĠA", + "r" + ], + [ + "Ġall", + "ow" + ], + [ + "Ġad", + "v" + ], + [ + "Ġm", + "em" + ], + [ + "oc", + "ial" + ], + [ + "Ġm", + "at" + ], + [ + "ro", + "ss" + ], + [ + "it", + "ions" + ], + [ + "Ġs", + "erv" + ], + [ + "et", + "s" + ], + [ + "Ġc", + "are" + ], + [ + "iv", + "ing" + ], + [ + "Ġp", + "oss" + ], + [ + "ivid", + "ual" + ], + [ + "p", + "r" + ], + [ + "Ġl", + "ess" + ], + [ + "od", + "e" + ], + [ + "Ġexam", + "ple" + ], + [ + ".", + "âĢĿ" + ], + [ + "a", + "ir" + ], + [ + "eth", + "od" + ], + [ + "Ġd", + "own" + ], + [ + "Ġt", + "ake" + ], + [ + "=", + "=" + ], + [ + "Ġcont", + "in" + ], + [ + "ter", + "s" + ], + [ + "Ġor", + "gan" + ], + [ + "ro", + "l" + ], + [ + "Ġd", + "ay" + ], + [ + "t", + "he" + ], + [ + "ire", + "ct" + ], + [ + "iel", + "d" + ], + [ + "in", + "ce" + ], + [ + "Ġsupp", + "ort" + ], + [ + "viron", + "ment" + ], + [ + "it", + "al" + ], + [ + "Ġc", + "ult" + ], + [ + "om", + "en" + ], + [ + "Ġqu", + "est" + ], + [ + "Ġhum", + "an" + ], + [ + "ĠY", + "ou" + ], + [ + "a", + "pp" + ], + [ + "Ġt", + "reat" + ], + [ + "Ġn", + "ow" + ], + [ + "in", + "ed" + ], + [ + "is", + "hed" + ], + [ + "Ġind", + "ividual" + ], + [ + "Ġg", + "u" + ], + [ + "a", + "red" + ], + [ + "Ġst", + "ate" + ], + [ + "ĠThe", + "se" + ], + [ + "Ġcall", + "ed" + ], + [ + "ĠI", + "nd" + ], + [ + "l", + "and" + ], + [ + "Ġe", + "qu" + ], + [ + "v", + "al" + ], + [ + "d", + "ay" + ], + [ + "d", + "er" + ], + [ + "ar", + "ge" + ], + [ + "Ġpo", + "int" + ], + [ + "erg", + "y" + ], + [ + "Ġen", + "g" + ], + [ + "p", + "ro" + ], + [ + "##", + "##" + ], + [ + "Ġnum", + "ber" + ], + [ + "t", + "t" + ], + [ + "Ġ", + "+" + ], + [ + "Ġc", + "le" + ], + [ + "Ġre", + "du" + ], + [ + "Ġbu", + "ild" + ], + [ + "Ġs", + "er" + ], + [ + "iz", + "ation" + ], + [ + "Ġpl", + "ay" + ], + [ + "Ġth", + "ough" + ], + [ + "r", + "al" + ], + [ + "v", + "en" + ], + [ + "Ġpro", + "f" + ], + [ + "Ġa", + "w" + ], + [ + "Ġr", + "is" + ], + [ + "n", + "ame" + ], + [ + "i", + "red" + ], + [ + "ul", + "ation" + ], + [ + "Ġb", + "ody" + ], + [ + "ĠB", + "ut" + ], + [ + "Ġd", + "id" + ], + [ + "Ġm", + "ust" + ], + [ + "Ġpl", + "an" + ], + [ + "ain", + "s" + ], + [ + "en", + "cy" + ], + [ + "Ġp", + "os" + ], + [ + "Ġbe", + "h" + ], + [ + "Ġo", + "cc" + ], + [ + "ra", + "ph" + ], + [ + "en", + "ces" + ], + [ + "her", + "s" + ], + [ + "Ġcon", + "st" + ], + [ + "Ġa", + "ff" + ], + [ + "Ġc", + "our" + ], + [ + "Ġ", + "est" + ], + [ + "âĢ", + "Ķ" + ], + [ + "Ġin", + "c" + ], + [ + "Ġp", + "ot" + ], + [ + "ĠS", + "e" + ], + [ + "act", + "er" + ], + [ + ".", + "\"" + ], + [ + "our", + "ces" + ], + [ + "Ġh", + "im" + ], + [ + "Ġcomm", + "on" + ], + [ + "ul", + "l" + ], + [ + "or", + "ies" + ], + [ + "at", + "ely" + ], + [ + "Ġw", + "ant" + ], + [ + "Ġm", + "et" + ], + [ + "ere", + "st" + ], + [ + "Ġp", + "ar" + ], + [ + "en", + "se" + ], + [ + "if", + "y" + ], + [ + "e", + "red" + ], + [ + "Ġ", + "ident" + ], + [ + "Ġinclud", + "ing" + ], + [ + "ater", + "ial" + ], + [ + "a", + "h" + ], + [ + "ru", + "e" + ], + [ + "pt", + "ion" + ], + [ + "Ġ", + "ide" + ], + [ + "Ġdis", + "e" + ], + [ + ")", + ")" + ], + [ + "ur", + "y" + ], + [ + "in", + "ing" + ], + [ + "ivers", + "ity" + ], + [ + "Ġth", + "ree" + ], + [ + "Ġc", + "ell" + ], + [ + "iv", + "en" + ], + [ + "o", + "h" + ], + [ + "m", + "on" + ], + [ + "Ġp", + "ass" + ], + [ + "in", + "ation" + ], + [ + "Ġle", + "t" + ], + [ + "Ġty", + "p" + ], + [ + "(", + "'" + ], + [ + "p", + "y" + ], + [ + "ab", + "ility" + ], + [ + "Ġed", + "uc" + ], + [ + "Ġis", + "s" + ], + [ + "id", + "er" + ], + [ + "l", + "ine" + ], + [ + "ang", + "u" + ], + [ + "Ġe", + "lect" + ], + [ + "our", + "ce" + ], + [ + "ĠN", + "ew" + ], + [ + "ĠW", + "h" + ], + [ + "as", + "h" + ], + [ + "ĠA", + "d" + ], + [ + "id", + "s" + ], + [ + "iv", + "ely" + ], + [ + "st", + "r" + ], + [ + "ate", + "g" + ], + [ + "ĠE", + "x" + ], + [ + "o", + "x" + ], + [ + "l", + "ess" + ], + [ + "Ġd", + "on" + ], + [ + "ert", + "ain" + ], + [ + "it", + "ive" + ], + [ + "Ġs", + "ocial" + ], + [ + "Ġgo", + "vern" + ], + [ + "|", + "|" + ], + [ + "pl", + "es" + ], + [ + "r", + "ies" + ], + [ + "Ġimp", + "ro" + ], + [ + "con", + "om" + ], + [ + "Ġch", + "ar" + ], + [ + "e", + "ad" + ], + [ + "Ġan", + "al" + ], + [ + "Ġc", + "reat" + ], + [ + "l", + "ish" + ], + [ + "Ġm", + "ethod" + ], + [ + "Ġinv", + "ol" + ], + [ + "Ġknow", + "n" + ], + [ + "b", + "ers" + ], + [ + "Ġre", + "al" + ], + [ + "a", + "j" + ], + [ + "Ġd", + "el" + ], + [ + "Th", + "is" + ], + [ + "Ġcon", + "n" + ], + [ + "ĠA", + "nd" + ], + [ + "Ġ", + "ess" + ], + [ + "in", + "ess" + ], + [ + "ou", + "n" + ], + [ + "p", + "or" + ], + [ + "Ġwith", + "out" + ], + [ + "Ġt", + "em" + ], + [ + "Ġen", + "vironment" + ], + [ + "cc", + "ess" + ], + [ + "Ġch", + "ang" + ], + [ + "Ġpub", + "lic" + ], + [ + "Ġst", + "ill" + ], + [ + "n", + "er" + ], + [ + "Ġch", + "ange" + ], + [ + "Ġsign", + "ific" + ], + [ + "Ġbet", + "ter" + ], + [ + "Ġpro", + "m" + ], + [ + "Ġe", + "as" + ], + [ + "ou", + "se" + ], + [ + "Ġh", + "and" + ], + [ + "t", + "ain" + ], + [ + "i", + "od" + ], + [ + "Ġan", + "other" + ], + [ + "v", + "iew" + ], + [ + "l", + "u" + ], + [ + "ial", + "ly" + ], + [ + "Ġm", + "aterial" + ], + [ + "a", + "pe" + ], + [ + "Ġre", + "port" + ], + [ + "Ġpl", + "ace" + ], + [ + "Ġlearn", + "ing" + ], + [ + "Ġp", + "ur" + ], + [ + "iv", + "ed" + ], + [ + "Ġo", + "pp" + ], + [ + "Ġint", + "erest" + ], + [ + "ĠThe", + "re" + ], + [ + "Ġpres", + "ent" + ], + [ + "Ġd", + "r" + ], + [ + "om", + "s" + ], + [ + "p", + "os" + ], + [ + "end", + "s" + ], + [ + "Ġpro", + "ject" + ], + [ + "u", + "ro" + ], + [ + "S", + "t" + ], + [ + "Ġb", + "en" + ], + [ + "or", + "n" + ], + [ + "Ġs", + "it" + ], + [ + "are", + "nt" + ], + [ + "Ġl", + "ist" + ], + [ + "Ġb", + "re" + ], + [ + "o", + "ver" + ], + [ + "Ġs", + "pe" + ], + [ + "Ġbel", + "ie" + ], + [ + "Ġph", + "ys" + ], + [ + "ro", + "du" + ], + [ + "i", + "or" + ], + [ + "Ġprodu", + "ct" + ], + [ + "Ġfe", + "el" + ], + [ + "Ġc", + "ap" + ], + [ + "r", + "ation" + ], + [ + "Ċ", + "ĊĠĠĠĠĠĠĠ" + ], + [ + "ill", + "s" + ], + [ + "o", + "ad" + ], + [ + "ĠD", + "e" + ], + [ + "c", + "ing" + ], + [ + "is", + "ion" + ], + [ + "as", + "on" + ], + [ + "ent", + "al" + ], + [ + "l", + "i" + ], + [ + "b", + "s" + ], + [ + "Ġl", + "ight" + ], + [ + "Ġdevelop", + "ment" + ], + [ + "Ġsy", + "m" + ], + [ + "ĠHow", + "ever" + ], + [ + "Ġm", + "us" + ], + [ + "b", + "e" + ], + [ + "Ġim", + "m" + ], + [ + "Ġe", + "le" + ], + [ + "ĠB", + "y" + ], + [ + "con", + "d" + ], + [ + "olog", + "ical" + ], + [ + "ĠI", + "s" + ], + [ + "eth", + "ing" + ], + [ + "u", + "g" + ], + [ + "ent", + "ly" + ], + [ + "ord", + "ing" + ], + [ + "an", + "ces" + ], + [ + "a", + "z" + ], + [ + "Ġbec", + "ome" + ], + [ + "Ġen", + "ergy" + ], + [ + "Ġop", + "en" + ], + [ + "Ġme", + "an" + ], + [ + "at", + "ic" + ], + [ + "Ġfe", + "w" + ], + [ + "h", + "or" + ], + [ + "Ġca", + "us" + ], + [ + "Ġke", + "ep" + ], + [ + ",", + "âĢĿ" + ], + [ + "ent", + "ion" + ], + [ + "Ġother", + "s" + ], + [ + "Ġb", + "est" + ], + [ + "Ġf", + "ac" + ], + [ + "w", + "ays" + ], + [ + "Ġinclud", + "e" + ], + [ + "Ġd", + "irect" + ], + [ + "f", + "rom" + ], + [ + "Ġ", + "&" + ], + [ + "at", + "s" + ], + [ + "Ġvar", + "i" + ], + [ + "an", + "k" + ], + [ + "i", + "um" + ], + [ + "Ġvar", + "ious" + ], + [ + "Ġn", + "ame" + ], + [ + "Ġhist", + "ory" + ], + [ + "Ġcre", + "ate" + ], + [ + "'", + ")" + ], + [ + "Ġto", + "p" + ], + [ + "er", + "y" + ], + [ + "'", + "]" + ], + [ + "ou", + "th" + ], + [ + "(", + "\"" + ], + [ + "ĠE", + "ng" + ], + [ + "o", + "int" + ], + [ + "Ġha", + "pp" + ], + [ + "Ġse", + "ver" + ], + [ + "Ġle", + "g" + ], + [ + "oc", + "us" + ], + [ + "Ġper", + "form" + ], + [ + "Ġh", + "ome" + ], + [ + "Ġpro", + "per" + ], + [ + "ag", + "n" + ], + [ + "Ġst", + "and" + ], + [ + "Ġe", + "t" + ], + [ + "m", + "an" + ], + [ + "ra", + "y" + ], + [ + "Ġm", + "ove" + ], + [ + "Ġam", + "ong" + ], + [ + "ar", + "c" + ], + [ + "Ġsom", + "ething" + ], + [ + "Ġm", + "ark" + ], + [ + "ect", + "ed" + ], + [ + "t", + "on" + ], + [ + "Ġl", + "ook" + ], + [ + "Ġsa", + "f" + ], + [ + "âĢ", + "ĵ" + ], + [ + "Ġth", + "ings" + ], + [ + "iqu", + "e" + ], + [ + "Ġch", + "all" + ], + [ + "if", + "ied" + ], + [ + "Ġme", + "as" + ], + [ + "Ġl", + "angu" + ], + [ + "Ġf", + "in" + ], + [ + "Ġty", + "pe" + ], + [ + "at", + "ch" + ], + [ + "am", + "es" + ], + [ + "ĠR", + "es" + ], + [ + "i", + "ans" + ], + [ + "Ġl", + "arge" + ], + [ + "at", + "or" + ], + [ + "Ġs", + "l" + ], + [ + "Ġth", + "ink" + ], + [ + "Ġdes", + "c" + ], + [ + "Ġa", + "ir" + ], + [ + "s", + "c" + ], + [ + "og", + "n" + ], + [ + "at", + "ural" + ], + [ + "Ġb", + "as" + ], + [ + "Ġfun", + "ction" + ], + [ + "er", + "c" + ], + [ + "l", + "ing" + ], + [ + "ot", + "e" + ], + [ + "ĠP", + "h" + ], + [ + "or", + "ing" + ], + [ + "Ġagain", + "st" + ], + [ + "im", + "ate" + ], + [ + "Ġl", + "aw" + ], + [ + "i", + "ents" + ], + [ + "e", + "xt" + ], + [ + "Ġgrou", + "p" + ], + [ + "Ġo", + "per" + ], + [ + "Ġme", + "ans" + ], + [ + "he", + "re" + ], + [ + "Ġre", + "st" + ], + [ + "Ġcont", + "rol" + ], + [ + "Ġde", + "v" + ], + [ + "Ġhe", + "re" + ], + [ + "og", + "raph" + ], + [ + "p", + "ath" + ], + [ + "Ġprov", + "ide" + ], + [ + "'", + ":" + ], + [ + "ur", + "ther" + ], + [ + "ĠS", + "h" + ], + [ + "Ġpartic", + "ular" + ], + [ + "Ġan", + "im" + ], + [ + "Ġh", + "y" + ], + [ + "Ġsever", + "al" + ], + [ + "Ġsignific", + "ant" + ], + [ + "ĠAmeric", + "an" + ], + [ + "em", + "ber" + ], + [ + "Ġb", + "us" + ], + [ + "ĠW", + "hen" + ], + [ + "ĠâĢ", + "ĺ" + ], + [ + "Ġb", + "ased" + ], + [ + "ar", + "th" + ], + [ + "Ġw", + "omen" + ], + [ + "er", + "al" + ], + [ + "Ġp", + "ain" + ], + [ + "Ġare", + "a" + ], + [ + "m", + "e" + ], + [ + "/", + "/" + ], + [ + "s", + "y" + ], + [ + "ro", + "p" + ], + [ + "Ġt", + "re" + ], + [ + "ard", + "s" + ], + [ + "Ġfam", + "ily" + ], + [ + "ot", + "s" + ], + [ + "Ġpot", + "ential" + ], + [ + "i", + "ver" + ], + [ + "Ġd", + "ue" + ], + [ + "Ġob", + "ject" + ], + [ + "Ġen", + "c" + ], + [ + "er", + "r" + ], + [ + "res", + "ent" + ], + [ + "Ġo", + "ld" + ], + [ + "Ġcur", + "rent" + ], + [ + "Ġm", + "ult" + ], + [ + "Ġt", + "ry" + ], + [ + "Ġ", + ":" + ], + [ + "Ġprog", + "ram" + ], + [ + "ort", + "un" + ], + [ + "Ġen", + "s" + ], + [ + "a", + "per" + ], + [ + "Ġe", + "conom" + ], + [ + "Ġbe", + "g" + ], + [ + "Ġe", + "arly" + ], + [ + "âĢ", + "ľ" + ], + [ + "Ġf", + "il" + ], + [ + "Ġl", + "ab" + ], + [ + "Ġc", + "al" + ], + [ + "I", + "t" + ], + [ + "Ġ", + "ve" + ], + [ + "Ġto", + "get" + ], + [ + "Ġtoget", + "her" + ], + [ + "Ġf", + "ocus" + ], + [ + "Ġacc", + "ess" + ], + [ + "s", + "h" + ], + [ + "Ġl", + "ast" + ], + [ + "Ġu", + "nt" + ], + [ + "Ġan", + "t" + ], + [ + "Ġ", + "es" + ], + [ + "Ġben", + "ef" + ], + [ + "[", + "'" + ], + [ + "ut", + "ure" + ], + [ + "Ġn", + "on" + ], + [ + "d", + "ef" + ], + [ + "l", + "ished" + ], + [ + "Ġ", + "Q" + ], + [ + "Ġt", + "urn" + ], + [ + "iss", + "ion" + ], + [ + "Ġl", + "im" + ], + [ + "Ġst", + "ruct" + ], + [ + "Ġdise", + "ase" + ], + [ + "b", + "r" + ], + [ + "am", + "p" + ], + [ + "s", + "et" + ], + [ + "d", + "itions" + ], + [ + "Ġor", + "ig" + ], + [ + "pl", + "oy" + ], + [ + "aj", + "or" + ], + [ + "Ġf", + "re" + ], + [ + "Ġ\"", + "\"\"" + ], + [ + "Ġris", + "k" + ], + [ + "Ġs", + "oci" + ], + [ + "Ġf", + "ore" + ], + [ + "Ġsu", + "ccess" + ], + [ + "Ġm", + "aking" + ], + [ + "ĠT", + "o" + ], + [ + ",", + "\"" + ], + [ + "Ġpr", + "int" + ], + [ + "ic", + "ation" + ], + [ + "Ġo", + "pt" + ], + [ + "Ġav", + "ail" + ], + [ + "Ġb", + "i" + ], + [ + "o", + "id" + ], + [ + "Ġc", + "rit" + ], + [ + "or", + "th" + ], + [ + "Ġposs", + "ible" + ], + [ + "w", + "ork" + ], + [ + "ĠUn", + "iversity" + ], + [ + "g", + "en" + ], + [ + "r", + "ist" + ], + [ + "ress", + "ion" + ], + [ + "Ġl", + "ow" + ], + [ + "Ġs", + "ay" + ], + [ + "ĠS", + "o" + ], + [ + "Ġimp", + "act" + ], + [ + "Ġke", + "y" + ], + [ + "Ġc", + "ertain" + ], + [ + "a", + "ut" + ], + [ + "rib", + "ut" + ], + [ + "Ġc", + "r" + ], + [ + "s", + "el" + ], + [ + "ĠP", + "l" + ], + [ + "A", + "s" + ], + [ + "Ġb", + "o" + ], + [ + "Ġm", + "il" + ], + [ + "ĉ", + "ĉ" + ], + [ + "Ġper", + "iod" + ], + [ + "Ġr", + "un" + ], + [ + "m", + "in" + ], + [ + "Ġsci", + "ent" + ], + [ + "ĠC", + "l" + ], + [ + "Ġ", + "{" + ], + [ + "Ġm", + "ill" + ], + [ + "age", + "ment" + ], + [ + "Ġg", + "r" + ], + [ + "Ġl", + "and" + ], + [ + "id", + "ence" + ], + [ + "c", + "le" + ], + [ + "Ġf", + "ri" + ], + [ + "Ġbl", + "ood" + ], + [ + "Ġc", + "ase" + ], + [ + "Ġ", + "*" + ], + [ + "Ġ", + "." + ], + [ + "an", + "e" + ], + [ + "Ġs", + "ince" + ], + [ + "he", + "m" + ], + [ + "id", + "es" + ], + [ + "Ġspec", + "ific" + ], + [ + "Ġloc", + "al" + ], + [ + "Ġhe", + "ad" + ], + [ + "Ġp", + "ost" + ], + [ + "an", + "n" + ], + [ + "Ġal", + "ong" + ], + [ + "cl", + "us" + ], + [ + "Ġval", + "ue" + ], + [ + "Ġor", + "der" + ], + [ + "em", + "s" + ], + [ + "--------", + "--------" + ], + [ + "Ġocc", + "ur" + ], + [ + "Ġcom", + "e" + ], + [ + "ĠS", + "p" + ], + [ + "Ġdisc", + "uss" + ], + [ + "Ġgovern", + "ment" + ], + [ + "Ġte", + "xt" + ], + [ + "Ġfollow", + "ing" + ], + [ + "ol", + "ution" + ], + [ + "w", + "w" + ], + [ + "ĠE", + "n" + ], + [ + "Ġac", + "ross" + ], + [ + "Ġcon", + "c" + ], + [ + "Ġwh", + "y" + ], + [ + "p", + "re" + ], + [ + "ĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠĠĠ" + ], + [ + "c", + "er" + ], + [ + "ic", + "le" + ], + [ + "Ġadd", + "ition" + ], + [ + "led", + "ge" + ], + [ + "Ġc", + "ost" + ], + [ + "ra", + "w" + ], + [ + "f", + "or" + ], + [ + "Ġt", + "imes" + ], + [ + "ĠC", + "ol" + ], + [ + "m", + "it" + ], + [ + "o", + "f" + ], + [ + "\"", + ")" + ], + [ + "il", + "ar" + ], + [ + "b", + "y" + ], + [ + "is", + "ed" + ], + [ + "end", + "ing" + ], + [ + "Ġcomp", + "ut" + ], + [ + "Ġare", + "as" + ], + [ + "Ġprof", + "ess" + ], + [ + "Ġh", + "ig" + ], + [ + "h", + "y" + ], + [ + "Ġunderstand", + "ing" + ], + [ + "u", + "se" + ], + [ + "al", + "k" + ], + [ + "Ġc", + "ause" + ], + [ + "Ġli", + "k" + ], + [ + "Ġab", + "le" + ], + [ + "Ġto", + "ward" + ], + [ + "Ġproble", + "m" + ], + [ + "Ġt", + "er" + ], + [ + "Ġsystem", + "s" + ], + [ + "Ġb", + "ro" + ], + [ + "Ġass", + "oci" + ], + [ + "Ġv", + "iew" + ], + [ + "as", + "ter" + ], + [ + "Ġm", + "ajor" + ], + [ + "Ġcour", + "se" + ], + [ + "u", + "ment" + ], + [ + ":", + "//" + ], + [ + "Ġmod", + "el" + ], + [ + "y", + "n" + ], + [ + "Ġel", + "se" + ], + [ + "Ġpre", + "vent" + ], + [ + "o", + "le" + ], + [ + "Ġinv", + "est" + ], + [ + "ĠI", + "m" + ], + [ + "]", + "," + ], + [ + "il", + "ities" + ], + [ + "Ġar", + "g" + ], + [ + "end", + "ed" + ], + [ + "E", + "R" + ], + [ + "Ġin", + "tern" + ], + [ + "ab", + "ly" + ], + [ + "Ġp", + "ress" + ], + [ + "Ġ=", + "=" + ], + [ + "Ġh", + "ard" + ], + [ + "id", + "d" + ], + [ + "Ġl", + "ine" + ], + [ + "ight", + "s" + ], + [ + "Ġto", + "ol" + ], + [ + "oo", + "ks" + ], + [ + "Ġrel", + "ations" + ], + [ + "n", + "ot" + ], + [ + "Ġspec", + "ial" + ], + [ + "on", + "es" + ], + [ + "os", + "ed" + ], + [ + "Ġavail", + "able" + ], + [ + "Ġcons", + "ider" + ], + [ + "Ġspec", + "ies" + ], + [ + "Ġcommun", + "ity" + ], + [ + "Ġf", + "uture" + ], + [ + "Ġcom", + "b" + ], + [ + "Ġbeh", + "av" + ], + [ + "Ġ", + "Z" + ], + [ + "gg", + "est" + ], + [ + "Ġapp", + "lic" + ], + [ + "W", + "hat" + ], + [ + "s", + "w" + ], + [ + "Ġn", + "atural" + ], + [ + "Ġpl", + "ant" + ], + [ + "Ġcomple", + "x" + ], + [ + "am", + "s" + ], + [ + "Ġexperi", + "ence" + ], + [ + "in", + "a" + ], + [ + "c", + "ul" + ], + [ + "Ġlangu", + "age" + ], + [ + "th", + "ough" + ], + [ + "Ġro", + "le" + ], + [ + "Ġ", + "x" + ], + [ + "Ġunt", + "il" + ], + [ + "Ġre", + "le" + ], + [ + "Ġresp", + "ons" + ], + [ + "Ġse", + "cond" + ], + [ + "ĠUn", + "ited" + ], + [ + "Ġcount", + "ry" + ], + [ + "\"", + ":" + ], + [ + "Ġm", + "en" + ], + [ + "Ġpol", + "it" + ], + [ + "it", + "ing" + ], + [ + "f", + "ace" + ], + [ + "Ġre", + "ce" + ], + [ + "Ġyou", + "ng" + ], + [ + "Ġwor", + "ks" + ], + [ + "ar", + "ing" + ], + [ + "ra", + "g" + ], + [ + "ac", + "y" + ], + [ + "ap", + "s" + ], + [ + "Ġal", + "ways" + ], + [ + "ĠW", + "hat" + ], + [ + "ac", + "es" + ], + [ + "ĠA", + "t" + ], + [ + "ob", + "al" + ], + [ + "ĠO", + "r" + ], + [ + "as", + "ing" + ], + [ + "as", + "k" + ], + [ + "op", + "e" + ], + [ + "Ġsu", + "ggest" + ], + [ + "os", + "p" + ], + [ + "Ġex", + "ist" + ], + [ + "uro", + "pe" + ], + [ + "d", + "ata" + ], + [ + "Ġlevel", + "s" + ], + [ + "Ġind", + "ust" + ], + [ + "ic", + "ult" + ], + [ + "Ġproble", + "ms" + ], + [ + "iz", + "ing" + ], + [ + "Ġp", + "ut" + ], + [ + "Ġm", + "ar" + ], + [ + "ain", + "ed" + ], + [ + "Ġst", + "ep" + ], + [ + "Ġto", + "day" + ], + [ + "Ġtechn", + "ology" + ], + [ + "Ġg", + "iven" + ], + [ + "Ġstr", + "ong" + ], + [ + "Ġlit", + "tle" + ], + [ + "ĠG", + "od" + ], + [ + "Ġs", + "w" + ], + [ + "ĠâĢ", + "Ķ" + ], + [ + "Ġc", + "ir" + ], + [ + "Ġchar", + "acter" + ], + [ + "Ġresult", + "s" + ], + [ + "Ġr", + "ange" + ], + [ + "e", + "k" + ], + [ + "ist", + "ic" + ], + [ + "ĠTh", + "at" + ], + [ + "Ġtreat", + "ment" + ], + [ + "Ġa", + "ge" + ], + [ + "ore", + "d" + ], + [ + "re", + "en" + ], + [ + "Ġw", + "ays" + ], + [ + "ys", + "is" + ], + [ + "c", + "ur" + ], + [ + "th", + "s" + ], + [ + "at", + "ors" + ], + [ + "Ġne", + "cess" + ], + [ + "Ġob", + "s" + ], + [ + "Ġv", + "ol" + ], + [ + "Ġbus", + "iness" + ], + [ + "le", + "ment" + ], + [ + "Ġb", + "ook" + ], + [ + "om", + "m" + ], + [ + "sel", + "ves" + ], + [ + "on", + "t" + ], + [ + "Ġne", + "xt" + ], + [ + "iv", + "ity" + ], + [ + "Ġf", + "ar" + ], + [ + "Ġper", + "cent" + ], + [ + "Ġl", + "arg" + ], + [ + "Ġdet", + "erm" + ], + [ + "i", + "k" + ], + [ + "Ġf", + "low" + ], + [ + "ort", + "s" + ], + [ + "Ġf", + "our" + ], + [ + "Ġde", + "m" + ], + [ + "it", + "her" + ], + [ + "Ġinf", + "lu" + ], + [ + "Ġrep", + "resent" + ], + [ + "c", + "o" + ], + [ + "W", + "e" + ], + [ + "ag", + "ing" + ], + [ + "th", + "ing" + ], + [ + "Ġ", + "$" + ], + [ + "or", + "ld" + ], + [ + "Ġsim", + "ilar" + ], + [ + "Ġeduc", + "ation" + ], + [ + "a", + "pt" + ], + [ + "Ġsh", + "ort" + ], + [ + "Ġwor", + "king" + ], + [ + "Ġ", + "z" + ], + [ + "ab", + "les" + ], + [ + "Ġchall", + "eng" + ], + [ + "Ġess", + "ential" + ], + [ + "Ġp", + "ast" + ], + [ + "ĠA", + "f" + ], + [ + "Ġsp", + "ace" + ], + [ + "Ġ", + "ill" + ], + [ + "Ġs", + "ing" + ], + [ + "l", + "ab" + ], + [ + "Ġam", + "ount" + ], + [ + "Ġ", + "**" + ], + [ + "Ġf", + "ree" + ], + [ + "y", + "m" + ], + [ + "et", + "imes" + ], + [ + "at", + "ures" + ], + [ + "s", + "ide" + ], + [ + "Ġcon", + "cept" + ], + [ + "ĠE", + "urope" + ], + [ + "Ġhe", + "art" + ], + [ + "at", + "ory" + ], + [ + "Ġw", + "ar" + ], + [ + "Ġv", + "ir" + ], + [ + "ure", + "d" + ], + [ + "Ġl", + "ater" + ], + [ + "Ġb", + "ir" + ], + [ + "ĠSt", + "ates" + ], + [ + "Ġaut", + "hor" + ], + [ + "Ġcon", + "ditions" + ], + [ + "Ġs", + "ays" + ], + [ + "du", + "ct" + ], + [ + "Ġneed", + "s" + ], + [ + "Ġwor", + "ds" + ], + [ + "Ġn", + "et" + ], + [ + "ĠCh", + "rist" + ], + [ + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠ" + ], + [ + "Ġg", + "ive" + ], + [ + "ĠW", + "ith" + ], + [ + "Ġin", + "it" + ], + [ + "ĠT", + "e" + ], + [ + "et", + "er" + ], + [ + "N", + "A" + ], + [ + "ĠB", + "e" + ], + [ + "un", + "e" + ], + [ + "ic", + "ro" + ], + [ + "I", + "f" + ], + [ + "Ġm", + "ov" + ], + [ + "a", + "f" + ], + [ + "on", + "se" + ], + [ + "Ġp", + "aper" + ], + [ + "Ġk", + "ind" + ], + [ + "ĠN", + "one" + ], + [ + "v", + "ious" + ], + [ + "Ġm", + "ind" + ], + [ + "i", + "res" + ], + [ + "Ġimpro", + "ve" + ], + [ + "Ġpol", + "ic" + ], + [ + "Ġe", + "y" + ], + [ + "in", + "c" + ], + [ + "u", + "le" + ], + [ + "Ġres", + "ources" + ], + [ + "Ġha", + "ving" + ], + [ + "Ġsk", + "ills" + ], + [ + "Ġf", + "ield" + ], + [ + "Ġbeg", + "in" + ], + [ + "Ġcons", + "um" + ], + [ + "Ġp", + "arent" + ], + [ + "Ġex", + "pect" + ], + [ + "Ġcell", + "s" + ], + [ + "Ġra", + "d" + ], + [ + "Ġquest", + "ion" + ], + [ + "ĠO", + "ne" + ], + [ + "Ġte", + "ac" + ], + [ + "Ġp", + "red" + ], + [ + "Ġtra", + "dition" + ], + [ + "Ġknow", + "ledge" + ], + [ + "ib", + "ility" + ], + [ + "`", + "`" + ], + [ + "our", + "s" + ], + [ + "Ġchang", + "es" + ], + [ + "Ġapp", + "ear" + ], + [ + "Ġj", + "our" + ], + [ + "Ġiss", + "ues" + ], + [ + "Ġest", + "ab" + ], + [ + "le", + "ction" + ], + [ + "Ġst", + "ory" + ], + [ + "ĠC", + "an" + ], + [ + "il", + "i" + ], + [ + "Ġup", + "on" + ], + [ + "Ġm", + "ot" + ], + [ + "Ġconc", + "ern" + ], + [ + "pec", + "ially" + ], + [ + "Ġrequ", + "ire" + ], + [ + "ĠO", + "n" + ], + [ + "Ġrelations", + "hip" + ], + [ + "Ġstr", + "ateg" + ], + [ + "ar", + "get" + ], + [ + "et", + "ic" + ], + [ + "Ġdiff", + "icult" + ], + [ + "Ġwhe", + "ther" + ], + [ + "e", + "e" + ], + [ + "Ġl", + "og" + ], + [ + "en", + "ing" + ], + [ + "Ġtyp", + "es" + ], + [ + "Ġpr", + "im" + ], + [ + "Ġs", + "ens" + ], + [ + "Ġas", + "k" + ], + [ + "us", + "h" + ], + [ + "Ġtem", + "per" + ], + [ + "Ġen", + "ough" + ], + [ + "al", + "es" + ], + [ + "Ġlik", + "ely" + ], + [ + "Ġrec", + "ord" + ], + [ + "ip", + "le" + ], + [ + "ĠIn", + "st" + ], + [ + "Ġus", + "ually" + ], + [ + "g", + "er" + ], + [ + "Ġd", + "ays" + ], + [ + "n", + "al" + ], + [ + "in", + "king" + ], + [ + "Ġhist", + "or" + ], + [ + "ap", + "ter" + ], + [ + "Ġadd", + "ress" + ], + [ + "ĠS", + "ome" + ], + [ + "le", + "t" + ], + [ + "im", + "port" + ], + [ + "ĠA", + "ll" + ], + [ + "ach", + "ing" + ], + [ + "H", + "ow" + ], + [ + "ch", + "ie" + ], + [ + "Ġm", + "akes" + ], + [ + "Ġopp", + "ortun" + ], + [ + "ĠC", + "ent" + ], + [ + "Ġaw", + "ay" + ], + [ + "..", + "." + ], + [ + "Ġn", + "orm" + ], + [ + "Ġs", + "um" + ], + [ + "Ġquest", + "ions" + ], + [ + "Ġf", + "urther" + ], + [ + "==", + "==" + ], + [ + "ict", + "ion" + ], + [ + "Ġrese", + "arc" + ], + [ + "s", + "on" + ], + [ + "ru", + "ction" + ], + [ + "one", + "y" + ], + [ + "Ġprot", + "ect" + ], + [ + "ĠU", + "S" + ], + [ + "is", + "ing" + ], + [ + "om", + "es" + ], + [ + "ri", + "ed" + ], + [ + "Ġe", + "ver" + ], + [ + "ci", + "ent" + ], + [ + "w", + "are" + ], + [ + "Ġgo", + "ing" + ], + [ + "ff", + "ic" + ], + [ + "Ġd", + "ig" + ], + [ + "Ġindividual", + "s" + ], + [ + "Ġle", + "ft" + ], + [ + "Ġp", + "ath" + ], + [ + "Ġacc", + "ount" + ], + [ + "ak", + "en" + ], + [ + "o", + "ot" + ], + [ + "ib", + "r" + ], + [ + "u", + "ed" + ], + [ + "Ġ", + "i" + ], + [ + "Ġem", + "ploy" + ], + [ + "ty", + "pe" + ], + [ + "ific", + "ation" + ], + [ + "Ġl", + "ay" + ], + [ + "Ġhig", + "her" + ], + [ + "A", + "T" + ], + [ + "Ġgrow", + "th" + ], + [ + "cl", + "ass" + ], + [ + "Ġ", + "ur" + ], + [ + "Ġb", + "ig" + ], + [ + "Ġ", + "<" + ], + [ + "T", + "o" + ], + [ + "=", + "'" + ], + [ + "Ġcent", + "ury" + ], + [ + "ĠN", + "ational" + ], + [ + "Ġcol", + "lect" + ], + [ + "Ġf", + "ull" + ], + [ + "ne", + "y" + ], + [ + "Ġcount", + "ries" + ], + [ + "Ġsu", + "per" + ], + [ + ".", + "_" + ], + [ + "am", + "m" + ], + [ + "ĠAf", + "ric" + ], + [ + "av", + "es" + ], + [ + "Ġincre", + "ase" + ], + [ + "Ġsit", + "u" + ], + [ + "C", + "h" + ], + [ + "Ġconn", + "ect" + ], + [ + "r", + "ans" + ], + [ + "pl", + "ic" + ], + [ + "Ġf", + "und" + ], + [ + "oo", + "king" + ], + [ + "A", + "n" + ], + [ + "Ġsu", + "re" + ], + [ + "Ġst", + "at" + ], + [ + "Ġsci", + "ence" + ], + [ + "Ġne", + "ver" + ], + [ + "Ġrec", + "ogn" + ], + [ + "ere", + "nce" + ], + [ + "Ġdesc", + "rib" + ], + [ + "E", + "S" + ], + [ + "Ġex", + "c" + ], + [ + "Ġphys", + "ical" + ], + [ + "Ġc", + "y" + ], + [ + "ĠM", + "ed" + ], + [ + "oh", + "n" + ], + [ + "Ġs", + "ide" + ], + [ + "ad", + "d" + ], + [ + "re", + "g" + ], + [ + "Ġb", + "rain" + ], + [ + "Ġhow", + "ever" + ], + [ + "ar", + "l" + ], + [ + "Ġpl", + "ants" + ], + [ + "ar", + "r" + ], + [ + "ver", + "se" + ], + [ + "Ġde", + "ath" + ], + [ + "I", + "N" + ], + [ + "ĠB", + "l" + ], + [ + "Ġt", + "erm" + ], + [ + "Ġun", + "ique" + ], + [ + "Ġes", + "pecially" + ], + [ + "Ġg", + "round" + ], + [ + "Ġgrou", + "ps" + ], + [ + "Ġab", + "ove" + ], + [ + "Ġev", + "ent" + ], + [ + "The", + "re" + ], + [ + "Ġactiv", + "ities" + ], + [ + "Ġle", + "ast" + ], + [ + "Ġmain", + "tain" + ], + [ + "Ġthrough", + "out" + ], + [ + "Ġcont", + "ain" + ], + [ + "####", + "####" + ], + [ + "t", + "est" + ], + [ + "m", + "ost" + ], + [ + "a", + "ult" + ], + [ + "ell", + "ing" + ], + [ + "ĠF", + "r" + ], + [ + "Ġpartic", + "ip" + ], + [ + "ag", + "ine" + ], + [ + "Ġem", + "b" + ], + [ + "il", + "t" + ], + [ + "Ġsub", + "ject" + ], + [ + "Ġs", + "ound" + ], + [ + "al", + "se" + ], + [ + "Ġne", + "ar" + ], + [ + "Ġa", + "chie" + ], + [ + "Ġperson", + "al" + ], + [ + "ed", + "i" + ], + [ + "sy", + "ch" + ], + [ + "ut", + "ions" + ], + [ + "ĠS", + "c" + ], + [ + "Ġmod", + "ern" + ], + [ + "read", + "y" + ], + [ + "ly", + "ing" + ], + [ + "Ġaff", + "ect" + ], + [ + "se", + "qu" + ], + [ + "f", + "ile" + ], + [ + "O", + "N" + ], + [ + "Ġpop", + "ulation" + ], + [ + "Ġd", + "am" + ], + [ + "Ġstud", + "ies" + ], + [ + "Ġne", + "g" + ], + [ + "Ġre", + "ally" + ], + [ + "f", + "act" + ], + [ + "Ġr", + "ather" + ], + [ + "pt", + "oms" + ], + [ + "Ġbec", + "ame" + ], + [ + "is", + "on" + ], + [ + "Ġeffect", + "s" + ], + [ + "Ġre", + "ason" + ], + [ + "ru", + "g" + ], + [ + "re", + "ct" + ], + [ + "il", + "s" + ], + [ + "a", + "im" + ], + [ + "it", + "es" + ], + [ + "m", + "od" + ], + [ + "Ġcan", + "cer" + ], + [ + "Ġqu", + "ality" + ], + [ + "Ġrel", + "ig" + ], + [ + "Ġlit", + "er" + ], + [ + "Ġn", + "ature" + ], + [ + "as", + "c" + ], + [ + "Ġ", + "`" + ], + [ + "Ġpract", + "ice" + ], + [ + "re", + "l" + ], + [ + "ill", + "ed" + ], + [ + "Ġche", + "m" + ], + [ + "Ġl", + "oss" + ], + [ + "at", + "ives" + ], + [ + "n", + "ces" + ], + [ + "ĠB", + "rit" + ], + [ + "Ġassoci", + "ated" + ], + [ + "u", + "nt" + ], + [ + "is", + "es" + ], + [ + "Ġpat", + "tern" + ], + [ + "at", + "t" + ], + [ + "F", + "or" + ], + [ + "Ġbuild", + "ing" + ], + [ + "iss", + "ue" + ], + [ + "Ġan", + "sw" + ], + [ + "ro", + "ll" + ], + [ + "Ġst", + "re" + ], + [ + "Ġc", + "ases" + ], + [ + "Ġpat", + "ients" + ], + [ + "am", + "ple" + ], + [ + "Ġdet", + "ail" + ], + [ + "Ġs", + "ize" + ], + [ + "Ġch", + "o" + ], + [ + "Ġh", + "old" + ], + [ + "Ġsome", + "one" + ], + [ + "Ġ", + "vers" + ], + [ + "Ġl", + "ower" + ], + [ + "al", + "f" + ], + [ + "Ġgener", + "al" + ], + [ + "A", + "S" + ], + [ + "Ġfact", + "ors" + ], + [ + "ove", + "red" + ], + [ + "en", + "n" + ], + [ + "Ġmill", + "ion" + ], + [ + "Ġcom", + "es" + ], + [ + "Ġexpl", + "ore" + ], + [ + "op", + "y" + ], + [ + "A", + "l" + ], + [ + "Ġme", + "et" + ], + [ + "Ġal", + "ready" + ], + [ + "Ġstud", + "ent" + ], + [ + "ed", + "s" + ], + [ + "Ġgl", + "obal" + ], + [ + "ra", + "ms" + ], + [ + "Ġd", + "oc" + ], + [ + "\"", + "." + ], + [ + "om", + "an" + ], + [ + "Ġwor", + "d" + ], + [ + "en", + "e" + ], + [ + "o", + "k" + ], + [ + "Ġsim", + "ple" + ], + [ + "in", + "ary" + ], + [ + "Ġreg", + "ard" + ], + [ + "ri", + "pt" + ], + [ + "Ġn", + "ut" + ], + [ + "m", + "b" + ], + [ + "I", + "D" + ], + [ + "Ġint", + "rodu" + ], + [ + "Ġc", + "ity" + ], + [ + "ne", + "w" + ], + [ + "Ġl", + "iving" + ], + [ + "au", + "gh" + ], + [ + "Ġsing", + "le" + ], + [ + "Ġpro", + "b" + ], + [ + "iqu", + "es" + ], + [ + "Ġind", + "ic" + ], + [ + "Ġab", + "s" + ], + [ + "Ġmem", + "bers" + ], + [ + "ĠL", + "e" + ], + [ + "Ġw", + "ind" + ], + [ + "ver", + "age" + ], + [ + "Ġthem", + "selves" + ], + [ + "Ġmaterial", + "s" + ], + [ + "]", + ")" + ], + [ + "t", + "ime" + ], + [ + "Ġs", + "ource" + ], + [ + "Ġtoward", + "s" + ], + [ + "ip", + "s" + ], + [ + "ĠW", + "orld" + ], + [ + "Ġph", + "ot" + ], + [ + "Ġprodu", + "ction" + ], + [ + "Ġobs", + "erv" + ], + [ + "iv", + "al" + ], + [ + "Ġres", + "pect" + ], + [ + "Ġd", + "om" + ], + [ + "Ġe", + "ither" + ], + [ + "Ġon", + "ce" + ], + [ + "Ġse", + "en" + ], + [ + "ra", + "d" + ], + [ + "Ġde", + "g" + ], + [ + "Ġ", + "/" + ], + [ + "Ġ", + "X" + ], + [ + "an", + "ced" + ], + [ + "Ġthough", + "t" + ], + [ + "Ġde", + "ep" + ], + [ + "r", + "ing" + ], + [ + "ĠG", + "erm" + ], + [ + "ot", + "t" + ], + [ + "un", + "g" + ], + [ + "le", + "ep" + ], + [ + "Ġ", + "ut" + ], + [ + "c", + "ol" + ], + [ + "in", + "ter" + ], + [ + "A", + "R" + ], + [ + "i", + "ol" + ], + [ + "ĠW", + "ar" + ], + [ + "Ġj", + "ob" + ], + [ + "Ġacc", + "ording" + ], + [ + "Ġp", + "ay" + ], + [ + "Ġh", + "ouse" + ], + [ + "le", + "y" + ], + [ + "Ġresearc", + "hers" + ], + [ + "Ġd", + "one" + ], + [ + "or", + "g" + ], + [ + "a", + "e" + ], + [ + "Ġem", + "ot" + ], + [ + "Ġinter", + "act" + ], + [ + "Ġte", + "am" + ], + [ + "her", + "n" + ], + [ + "Ġf", + "ile" + ], + [ + "en", + "ed" + ], + [ + "Ġ", + "ver" + ], + [ + "Ġc", + "ut" + ], + [ + "ric", + "t" + ], + [ + "ĠS", + "he" + ], + [ + "ir", + "d" + ], + [ + "en", + "c" + ], + [ + "Ġrequ", + "ired" + ], + [ + "ul", + "es" + ], + [ + "Ġhelp", + "s" + ], + [ + "Ġcre", + "ated" + ], + [ + "Ġactiv", + "ity" + ], + [ + "ad", + "em" + ], + [ + "ear", + "ch" + ], + [ + "'", + "re" + ], + [ + "i", + "pp" + ], + [ + "Ġanal", + "ysis" + ], + [ + "Ġf", + "ail" + ], + [ + "Ġproduct", + "s" + ], + [ + "ĠEng", + "lish" + ], + [ + "ĠJ", + "ohn" + ], + [ + "ep", + "end" + ], + [ + "ĠCom", + "m" + ], + [ + "Ġas", + "pect" + ], + [ + "h", + "old" + ], + [ + "Ġeng", + "ine" + ], + [ + "Ġint", + "eg" + ], + [ + "Ġon", + "line" + ], + [ + "Ġl", + "ive" + ], + [ + "it", + "ud" + ], + [ + "Ġf", + "all" + ], + [ + "Ġn", + "p" + ], + [ + "m", + "y" + ], + [ + "Ġf", + "ig" + ], + [ + "Ġsym", + "ptoms" + ], + [ + "Ġmethod", + "s" + ], + [ + "ful", + "ly" + ], + [ + "Ġfre", + "qu" + ], + [ + "Ġmed", + "ical" + ], + [ + "Ġl", + "ot" + ], + [ + "Ġmark", + "et" + ], + [ + "Ġman", + "agement" + ], + [ + "f", + "er" + ], + [ + "g", + "o" + ], + [ + "ot", + "es" + ], + [ + "l", + "er" + ], + [ + "Ġto", + "t" + ], + [ + "Ġeff", + "ic" + ], + [ + "Ġneed", + "ed" + ], + [ + "ĠG", + "o" + ], + [ + "oo", + "se" + ], + [ + "Ġa", + "ction" + ], + [ + "f", + "l" + ], + [ + "Ġanim", + "als" + ], + [ + "Ġpolit", + "ical" + ], + [ + "Ġp", + "ie" + ], + [ + "Ġcir", + "c" + ], + [ + "Ġide", + "a" + ], + [ + "iv", + "il" + ], + [ + "pl", + "ace" + ], + [ + "Ġs", + "ent" + ], + [ + "ra", + "nd" + ], + [ + "Ġev", + "idence" + ], + [ + "Ġqu", + "ick" + ], + [ + "Ġfl", + "u" + ], + [ + "Ċ", + "ĠĠĠĠ" + ], + [ + "ĠSt", + "ud" + ], + [ + "Ġredu", + "ce" + ], + [ + "Ġt", + "arget" + ], + [ + "Ġnecess", + "ary" + ], + [ + "ar", + "ies" + ], + [ + "Ġbre", + "ak" + ], + [ + "Ġsoci", + "ety" + ], + [ + "Ġso", + "ft" + ], + [ + "Ġsur", + "face" + ], + [ + "Ġrec", + "omm" + ], + [ + "Ġpop", + "ular" + ], + [ + "ĠHe", + "alth" + ], + [ + "Ġcol", + "or" + ], + [ + "Ġens", + "ure" + ], + [ + "Ġre", + "d" + ], + [ + "ĠP", + "r" + ], + [ + "w", + "ay" + ], + [ + "Ġwrit", + "ing" + ], + [ + "l", + "oad" + ], + [ + "Ġright", + "s" + ], + [ + "Ġsu", + "n" + ], + [ + "Ġm", + "ass" + ], + [ + "Ġact", + "ually" + ], + [ + "Ġpart", + "s" + ], + [ + "l", + "t" + ], + [ + "ke", + "y" + ], + [ + "Ġm", + "ess" + ], + [ + "Ġse", + "em" + ], + [ + "Ġval", + "ues" + ], + [ + "Ġl", + "ives" + ], + [ + "clus", + "ion" + ], + [ + "Ġp", + "ort" + ], + [ + "op", + "h" + ], + [ + "s", + "p" + ], + [ + "l", + "ist" + ], + [ + "b", + "on" + ], + [ + "z", + "e" + ], + [ + "ĠM", + "ay" + ], + [ + "Ġsom", + "etimes" + ], + [ + "y", + "le" + ], + [ + "Ġy", + "et" + ], + [ + "Ġoff", + "ic" + ], + [ + "ch", + "an" + ], + [ + "ren", + "g" + ], + [ + "Ġcl", + "imate" + ], + [ + "ul", + "ations" + ], + [ + "c", + "ial" + ], + [ + "Ġent", + "ire" + ], + [ + "al", + "ing" + ], + [ + "Ġg", + "e" + ], + [ + "Ġar", + "r" + ], + [ + "Ġsh", + "are" + ], + [ + "Ġincre", + "ased" + ], + [ + "Ġr", + "ate" + ], + [ + "Ġc", + "ame" + ], + [ + "y", + "stem" + ], + [ + "Ġappro", + "ach" + ], + [ + "or", + "ation" + ], + [ + "Ġresp", + "onse" + ], + [ + "W", + "hen" + ], + [ + "Ġfri", + "ends" + ], + [ + "Ġcommun", + "ities" + ], + [ + "Ġeffect", + "ive" + ], + [ + "Ġs", + "al" + ], + [ + "m", + "a" + ], + [ + "Ġprovid", + "es" + ], + [ + "Ġd", + "est" + ], + [ + "Ġst", + "ress" + ], + [ + "Ġenc", + "ou" + ], + [ + "Ġcle", + "ar" + ], + [ + "ĠA", + "m" + ], + [ + "ĠA", + "ss" + ], + [ + "ust", + "om" + ], + [ + "Ġbel", + "ow" + ], + [ + "er", + "ous" + ], + [ + "Ġim", + "age" + ], + [ + "Ġwho", + "le" + ], + [ + "ĠWh", + "ile" + ], + [ + "Ġdo", + "ct" + ], + [ + "ĠG", + "en" + ], + [ + "Ġn", + "ational" + ], + [ + "Ġsub", + "st" + ], + [ + "ag", + "ed" + ], + [ + "ub", + "lic" + ], + [ + "Ġdevelop", + "ed" + ], + [ + "p", + "ly" + ], + [ + "ol", + "ic" + ], + [ + "Ġmean", + "ing" + ], + [ + "Ġpress", + "ure" + ], + [ + "Ġar", + "ch" + ], + [ + "Ġhealth", + "y" + ], + [ + "er", + "ve" + ], + [ + "O", + "R" + ], + [ + "end", + "er" + ], + [ + "Ġex", + "erc" + ], + [ + "ide", + "red" + ], + [ + "I", + "I" + ], + [ + "Ġserv", + "ices" + ], + [ + "Ġev", + "ents" + ], + [ + "ur", + "ch" + ], + [ + "Ġcont", + "ext" + ], + [ + "os", + "is" + ], + [ + "Ġab", + "ility" + ], + [ + "Ġ", + "%" + ], + [ + "ac", + "ks" + ], + [ + "Ġt", + "aken" + ], + [ + "Ġincre", + "asing" + ], + [ + "Ġcontin", + "ue" + ], + [ + "c", + "hes" + ], + [ + "Ġmus", + "ic" + ], + [ + "Ġm", + "oney" + ], + [ + "o", + "res" + ], + [ + "le", + "x" + ], + [ + "Ġ", + ")" + ], + [ + "Ġav", + "oid" + ], + [ + "Ġ", + "_" + ], + [ + "Ġrel", + "ated" + ], + [ + "ĠA", + "b" + ], + [ + "tt", + "p" + ], + [ + "ac", + "c" + ], + [ + "Ġcomp", + "on" + ], + [ + "Ġinst", + "ead" + ], + [ + "Ġad", + "ult" + ], + [ + "n", + "ov" + ], + [ + "Ġem", + "erg" + ], + [ + "ĠAmeric", + "a" + ], + [ + "at", + "ter" + ], + [ + "ist", + "ance" + ], + [ + "Ġst", + "ates" + ], + [ + "er", + "ation" + ], + [ + "Ġt", + "aking" + ], + [ + "w", + "h" + ], + [ + "Ġcons", + "idered" + ], + [ + "l", + "ight" + ], + [ + "ct", + "ions" + ], + [ + "ĠD", + "r" + ], + [ + "Ġ", + "|" + ], + [ + "Ġt", + "ell" + ], + [ + "ĠM", + "an" + ], + [ + "ĠI", + "nt" + ], + [ + "ron", + "t" + ], + [ + "o", + "on" + ], + [ + "ĠIn", + "tern" + ], + [ + "it", + "ation" + ], + [ + "eng", + "th" + ], + [ + "ĠG", + "e" + ], + [ + "Ġm", + "icro" + ], + [ + "im", + "ately" + ], + [ + "E", + "x" + ], + [ + "Ġcult", + "ure" + ], + [ + "Ġallow", + "s" + ], + [ + "g", + "es" + ], + [ + "am", + "ed" + ], + [ + "Ġan", + "n" + ], + [ + "um", + "e" + ], + [ + "Ġre", + "view" + ], + [ + "Ġart", + "icle" + ], + [ + "Ġm", + "ach" + ], + [ + "Ġcan", + "not" + ], + [ + "Ġthe", + "ra" + ], + [ + "ĠS", + "ci" + ], + [ + "Ġchalleng", + "es" + ], + [ + "Ġs", + "ite" + ], + [ + "Ġf", + "ive" + ], + [ + "Ġpr", + "iv" + ], + [ + "pl", + "ay" + ], + [ + "Ġtra", + "ining" + ], + [ + "h", + "ing" + ], + [ + "Ġeconom", + "ic" + ], + [ + "Ġwh", + "ite" + ], + [ + "um", + "p" + ], + [ + "Ġread", + "ing" + ], + [ + "ĠC", + "al" + ], + [ + "p", + "art" + ], + [ + "b", + "ased" + ], + [ + "Ġb", + "al" + ], + [ + "Ġtechn", + "iques" + ], + [ + "Ġche", + "ck" + ], + [ + "Ġenvironment", + "al" + ], + [ + "Ġd", + "rug" + ], + [ + "Ġpos", + "ition" + ], + [ + "Ġtool", + "s" + ], + [ + "ĠA", + "fter" + ], + [ + "ir", + "m" + ], + [ + "Ġm", + "or" + ], + [ + "ĠE", + "m" + ], + [ + "a", + "i" + ], + [ + "Ġbehav", + "ior" + ], + [ + "Ġtradition", + "al" + ], + [ + "C", + "on" + ], + [ + "ĠCon", + "t" + ], + [ + "ord", + "er" + ], + [ + "Ġex", + "cept" + ], + [ + "Ġh", + "arm" + ], + [ + "ut", + "es" + ], + [ + "in", + "it" + ], + [ + "rib", + "ute" + ], + [ + "Ġcl", + "os" + ], + [ + "ar", + "i" + ], + [ + "Ġdo", + "ing" + ], + [ + "ac", + "ed" + ], + [ + "h", + "ib" + ], + [ + "Ġass", + "ess" + ], + [ + "he", + "t" + ], + [ + "im", + "ent" + ], + [ + "Ġevery", + "one" + ], + [ + "Ġsk", + "in" + ], + [ + "idd", + "le" + ], + [ + "am", + "in" + ], + [ + "Ġcle", + "an" + ], + [ + "c", + "ome" + ], + [ + "li", + "ke" + ], + [ + "Ġcomp", + "et" + ], + [ + "Ġits", + "elf" + ], + [ + "ĠS", + "outh" + ], + [ + "Ġcomput", + "er" + ], + [ + "av", + "ing" + ], + [ + "Ġbe", + "gan" + ], + [ + "o", + "es" + ], + [ + "Ġpub", + "lished" + ], + [ + "Ġs", + "ense" + ], + [ + "e", + "ed" + ], + [ + "ĠA", + "pp" + ], + [ + "ĠE", + "arth" + ], + [ + "Ġst", + "reng" + ], + [ + "uc", + "k" + ], + [ + "p", + "ose" + ], + [ + "Ġre", + "act" + ], + [ + "B", + "ut" + ], + [ + "ac", + "hes" + ], + [ + "e", + "y" + ], + [ + "es", + "c" + ], + [ + "op", + "s" + ], + [ + "ĠN", + "orth" + ], + [ + "p", + "ri" + ], + [ + "p", + "id" + ], + [ + "m", + "ber" + ], + [ + "Ġwe", + "ek" + ], + [ + "Ġl", + "ove" + ], + [ + "ast", + "ic" + ], + [ + "it", + "or" + ], + [ + "Ġcrit", + "ical" + ], + [ + "i", + "et" + ], + [ + "y", + "pe" + ], + [ + "Ġrem", + "ain" + ], + [ + "Ġwe", + "ight" + ], + [ + "Ġde", + "mon" + ], + [ + "f", + "ig" + ], + [ + "g", + "round" + ], + [ + "k", + "now" + ], + [ + "Ġl", + "a" + ], + [ + "Ġcon", + "dition" + ], + [ + "d", + "om" + ], + [ + "Ġmeas", + "ure" + ], + [ + "ĠH", + "ist" + ], + [ + "em", + "pt" + ], + [ + "Ġbenef", + "its" + ], + [ + "e", + "le" + ], + [ + "Ġoff", + "er" + ], + [ + "Ġcont", + "ent" + ], + [ + "ail", + "y" + ], + [ + "Ġt", + "rue" + ], + [ + "Ġac", + "cept" + ], + [ + "Ġmat", + "ter" + ], + [ + "Ġbl", + "ack" + ], + [ + "Ġse", + "par" + ], + [ + "Ġd", + "raw" + ], + [ + "Ġbr", + "ing" + ], + [ + "Ġre", + "v" + ], + [ + "Ġtoo", + "k" + ], + [ + "Ġmed", + "ic" + ], + [ + "is", + "c" + ], + [ + "Ġpro", + "te" + ], + [ + "j", + "oy" + ], + [ + "Ġcult", + "ural" + ], + [ + "Ġs", + "at" + ], + [ + "Ġc", + "at" + ], + [ + "Ġfe", + "ed" + ], + [ + "ĠA", + "ct" + ], + [ + "Ġexperi", + "ences" + ], + [ + "Ġinst", + "ance" + ], + [ + "Ġreg", + "ular" + ], + [ + "ĠA", + "ust" + ], + [ + "con", + "t" + ], + [ + "Ġparent", + "s" + ], + [ + "Ġc", + "ru" + ], + [ + "Ġg", + "reen" + ], + [ + "Ġh", + "ab" + ], + [ + "Ġter", + "ms" + ], + [ + "it", + "ary" + ], + [ + "b", + "l" + ], + [ + "ist", + "ics" + ], + [ + "p", + "ite" + ], + [ + "arg", + "s" + ], + [ + "Ġcon", + "duct" + ], + [ + "ra", + "ft" + ], + [ + "Ġo", + "il" + ], + [ + "Ġsu", + "st" + ], + [ + "Ġimp", + "lement" + ], + [ + "Ġexp", + "ress" + ], + [ + "y", + "l" + ], + [ + "Ġident", + "ify" + ], + [ + "Ġca", + "pt" + ], + [ + "=", + "\"" + ], + [ + "Ġpre", + "vious" + ], + [ + "iel", + "ds" + ], + [ + "Ġatt", + "ention" + ], + [ + "av", + "or" + ], + [ + "b", + "ack" + ], + [ + ".", + ")" + ], + [ + "Ġstruct", + "ure" + ], + [ + "ve", + "re" + ], + [ + "E", + "N" + ], + [ + "ic", + "les" + ], + [ + "e", + "qu" + ], + [ + "Y", + "ou" + ], + [ + "Ġst", + "ories" + ], + [ + "ol", + "l" + ], + [ + "Ġet", + "c" + ], + [ + "it", + "ution" + ], + [ + "Ġd", + "at" + ], + [ + "or", + "ks" + ], + [ + "Ġprodu", + "ce" + ], + [ + "in", + "f" + ], + [ + "te", + "xt" + ], + [ + "ĠG", + "u" + ], + [ + "h", + "ood" + ], + [ + "Ġreg", + "ion" + ], + [ + "N", + "ow" + ], + [ + "row", + "n" + ], + [ + "Ġf", + "ish" + ], + [ + "he", + "ad" + ], + [ + "Ġdemon", + "str" + ], + [ + "Ġmult", + "iple" + ], + [ + "Ġse", + "lect" + ], + [ + "W", + "h" + ], + [ + "Ġmon", + "ths" + ], + [ + "O", + "ne" + ], + [ + "if", + "t" + ], + [ + "g", + "ing" + ], + [ + "art", + "ment" + ], + [ + "ern", + "ame" + ], + [ + "Ġse", + "x" + ], + [ + "Ġprovid", + "ed" + ], + [ + "is", + "ter" + ], + [ + "e", + "b" + ], + [ + "Ġdi", + "et" + ], + [ + "Ġf", + "ace" + ], + [ + "al", + "u" + ], + [ + "Ġfor", + "ms" + ], + [ + "Ġpract", + "ices" + ], + [ + "Ġtot", + "al" + ], + [ + "ĠR", + "ep" + ], + [ + "I", + "S" + ], + [ + "Ġmin", + "im" + ], + [ + "Ġun", + "it" + ], + [ + "Ġdesign", + "ed" + ], + [ + "Ġsu", + "ff" + ], + [ + "u", + "el" + ], + [ + "Ġcomp", + "any" + ], + [ + "Ġele", + "ments" + ], + [ + "Ġindust", + "ry" + ], + [ + "is", + "ions" + ], + [ + "Ġpos", + "itive" + ], + [ + "r", + "or" + ], + [ + "Ġcreat", + "ing" + ], + [ + "Ġcons", + "ist" + ], + [ + "id", + "ed" + ], + [ + "ĠH", + "is" + ], + [ + "Ġh", + "ours" + ], + [ + "č", + "Ċ" + ], + [ + "Ġv", + "ide" + ], + [ + "b", + "o" + ], + [ + "Ġref", + "lect" + ], + [ + "err", + "or" + ], + [ + "Ġal", + "most" + ], + [ + "Ġshow", + "s" + ], + [ + "Ġh", + "alf" + ], + [ + "ĠS", + "u" + ], + [ + "Ġyour", + "self" + ], + [ + "Ġa", + "im" + ], + [ + "Ġp", + "sych" + ], + [ + "ow", + "s" + ], + [ + "Ġhe", + "av" + ], + [ + "o", + "ber" + ], + [ + "Ġb", + "ar" + ], + [ + "Ġserv", + "ice" + ], + [ + "Ġparticular", + "ly" + ], + [ + "Ã", + "©" + ], + [ + "ens", + "ive" + ], + [ + "Ġ", + "__" + ], + [ + "d", + "ate" + ], + [ + "Ġf", + "at" + ], + [ + "Ġdoes", + "n" + ], + [ + "Ġanal", + "y" + ], + [ + "Ġso", + "il" + ], + [ + "Ġschool", + "s" + ], + [ + "Ġrec", + "ent" + ], + [ + "Ġcl", + "aim" + ], + [ + "Ġd", + "og" + ], + [ + "um", + "n" + ], + [ + "Ġf", + "arm" + ], + [ + "Ġcont", + "act" + ], + [ + "r", + "ight" + ], + [ + "Ġe", + "th" + ], + [ + "Ġinvol", + "ved" + ], + [ + "Ġprog", + "rams" + ], + [ + "Ġth", + "ing" + ], + [ + "n", + "ers" + ], + [ + "I", + "m" + ], + [ + "Ġcont", + "ribut" + ], + [ + "Ġtemper", + "ature" + ], + [ + "i", + "ke" + ], + [ + "el", + "t" + ], + [ + "Ġme", + "chan" + ], + [ + "ĠM", + "ore" + ], + [ + "ir", + "it" + ], + [ + "Ġs", + "ources" + ], + [ + "ur", + "s" + ], + [ + "T", + "rue" + ], + [ + "Ġsim", + "ply" + ], + [ + "ĠY", + "our" + ], + [ + "[", + "\"" + ], + [ + "it", + "le" + ], + [ + "th", + "on" + ], + [ + "Ġcomm", + "it" + ], + [ + "r", + "ast" + ], + [ + "Ġl", + "ink" + ], + [ + "es", + "e" + ], + [ + "he", + "l" + ], + [ + "Ġorig", + "inal" + ], + [ + "ar", + "ily" + ], + [ + "Ġcl", + "ose" + ], + [ + "Ġs", + "leep" + ], + [ + "Ġde", + "b" + ], + [ + "m", + "ing" + ], + [ + "a", + "ff" + ], + [ + "cc", + "ording" + ], + [ + "r", + "im" + ], + [ + "Ġeas", + "y" + ], + [ + "f", + "il" + ], + [ + "i", + "ation" + ], + [ + "A", + "N" + ], + [ + "Ġg", + "as" + ], + [ + "Ġ", + "er" + ], + [ + "st", + "er" + ], + [ + "Ġext", + "ra" + ], + [ + "Ġen", + "joy" + ], + [ + "t", + "ies" + ], + [ + "Ġhe", + "at" + ], + [ + "Ġst", + "e" + ], + [ + "Ġchem", + "ical" + ], + [ + "ĠP", + "e" + ], + [ + "Ġide", + "as" + ], + [ + "Ġm", + "ax" + ], + [ + "c", + "hed" + ], + [ + "Ġsp", + "read" + ], + [ + "ra", + "ge" + ], + [ + "Ġen", + "h" + ], + [ + "Ġtra", + "vel" + ], + [ + "ĠM", + "ar" + ], + [ + "âĢ", + "¦" + ], + [ + "č", + "ĊĠĠĠĠĠĠĠ" + ], + [ + "ri", + "ption" + ], + [ + "re", + "m" + ], + [ + "r", + "s" + ], + [ + "Ġsur", + "v" + ], + [ + "ri", + "or" + ], + [ + "o", + "in" + ], + [ + "Ġbu", + "ilt" + ], + [ + "ĠN", + "o" + ], + [ + "Ġaw", + "are" + ], + [ + "or", + "por" + ], + [ + "Ġstart", + "ed" + ], + [ + "Ġl", + "ed" + ], + [ + "Ġiss", + "ue" + ], + [ + "Ġhistor", + "ical" + ], + [ + "ve", + "y" + ], + [ + "Ġp", + "ict" + ], + [ + "ĠD", + "ep" + ], + [ + "Ġlong", + "er" + ], + [ + "Ġf", + "em" + ], + [ + "ĠA", + "g" + ], + [ + "Ġperform", + "ance" + ], + [ + "Ġgreat", + "er" + ], + [ + "Ġst", + "op" + ], + [ + "ĠJ", + "ew" + ], + [ + "Ġwrit", + "ten" + ], + [ + "Ġout", + "side" + ], + [ + "Ġin", + "j" + ], + [ + "Ġsur", + "round" + ], + [ + "Ġmod", + "els" + ], + [ + "ĠP", + "ar" + ], + [ + "por", + "ary" + ], + [ + "s", + "u" + ], + [ + "ĠY", + "ork" + ], + [ + "oun", + "ter" + ], + [ + "rib", + "ution" + ], + [ + "en", + "ced" + ], + [ + "ĠM", + "e" + ], + [ + "ens", + "ion" + ], + [ + "Ġa", + "ud" + ], + [ + "es", + "tern" + ], + [ + "n", + "um" + ], + [ + "Ġw", + "ild" + ], + [ + "Ġcomp", + "an" + ], + [ + "Ġl", + "ands" + ], + [ + "Ġbelie", + "ve" + ], + [ + "Ġpoint", + "s" + ], + [ + "f", + "ect" + ], + [ + "r", + "ig" + ], + [ + "v", + "ant" + ], + [ + "]", + "." + ], + [ + "it", + "ute" + ], + [ + "ograph", + "y" + ], + [ + "Ġdi", + "agn" + ], + [ + "Ġfin", + "anc" + ], + [ + "Ġde", + "cl" + ], + [ + "Ġbe", + "aut" + ], + [ + "Ġcor", + "rect" + ], + [ + "ĠSt", + "ate" + ], + [ + "a", + "it" + ], + [ + "Ġs", + "low" + ], + [ + "Ġmove", + "ment" + ], + [ + "Ġf", + "ire" + ], + [ + "Ġbeh", + "ind" + ], + [ + "Ġprog", + "ress" + ], + [ + "cur", + "ity" + ], + [ + "Ġth", + "reat" + ], + [ + "Ġass", + "ert" + ], + [ + "Ġm", + "ental" + ], + [ + "Ġlead", + "ing" + ], + [ + "y", + "ond" + ], + [ + "I", + "T" + ], + [ + "Ġmed", + "ia" + ], + [ + "erv", + "ation" + ], + [ + "ĠRes", + "earch" + ], + [ + "Ġb", + "ooks" + ], + [ + "ov", + "ed" + ], + [ + "Ġscient", + "ists" + ], + [ + "Ġcommun", + "ication" + ], + [ + "Ġc", + "ode" + ], + [ + "Ġm", + "om" + ], + [ + "Ġon", + "es" + ], + [ + "op", + "t" + ], + [ + "ĠC", + "ons" + ], + [ + "Ġus", + "er" + ], + [ + "Ġrem", + "ember" + ], + [ + "c", + "he" + ], + [ + "Ġf", + "ram" + ], + [ + "iz", + "ations" + ], + [ + "ron", + "ic" + ], + [ + "Ġstand", + "ard" + ], + [ + "Ġv", + "iol" + ], + [ + "et", + "ers" + ], + [ + "ĠC", + "o" + ], + [ + "min", + "ist" + ], + [ + "Ġus", + "es" + ], + [ + "Ġev", + "alu" + ], + [ + "ĠCan", + "ad" + ], + [ + "il", + "ies" + ], + [ + "Ġc", + "ustom" + ], + [ + "Ġad", + "apt" + ], + [ + "S", + "o" + ], + [ + "Ġbro", + "ad" + ], + [ + "Ġt", + "akes" + ], + [ + "in", + "ating" + ], + [ + "ap", + "an" + ], + [ + "Ġal", + "tern" + ], + [ + "Ġf", + "ru" + ], + [ + "ĠBrit", + "ish" + ], + [ + "iss", + "ions" + ], + [ + "Ġcol", + "le" + ], + [ + "Ġdevelop", + "ing" + ], + [ + "w", + "here" + ], + [ + "ric", + "ult" + ], + [ + "r", + "ate" + ], + [ + "re", + "w" + ], + [ + "stand", + "ing" + ], + [ + "b", + "an" + ], + [ + "Ġe", + "c" + ], + [ + "us", + "ername" + ], + [ + "Ġsaf", + "ety" + ], + [ + "Ġst", + "ay" + ], + [ + "Ġcaus", + "ed" + ], + [ + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠĠĠ" + ], + [ + "P", + "ro" + ], + [ + "Ġnorm", + "al" + ], + [ + "Ġd", + "aily" + ], + [ + "in", + "ally" + ], + [ + "ac", + "hed" + ], + [ + "ĠL", + "et" + ], + [ + "o", + "or" + ], + [ + "s", + "ize" + ], + [ + "olog", + "ies" + ], + [ + "Ġappro", + "pri" + ], + [ + "Ġw", + "ond" + ], + [ + "Ġwrit", + "e" + ], + [ + "Ġnum", + "bers" + ], + [ + "Ġget", + "ting" + ], + [ + "ad", + "es" + ], + [ + "Ġgrow", + "ing" + ], + [ + "re", + "ci" + ], + [ + "l", + "s" + ], + [ + "Ġins", + "ide" + ], + [ + "Ġhum", + "ans" + ], + [ + "ĠC", + "ar" + ], + [ + "rough", + "t" + ], + [ + "Ġs", + "ix" + ], + [ + "d", + "d" + ], + [ + "Ġinclud", + "es" + ], + [ + "Ġimport", + "ance" + ], + [ + "am", + "b" + ], + [ + "Ġcaus", + "es" + ], + [ + "u", + "fact" + ], + [ + "Ġpolic", + "y" + ], + [ + "g", + "ed" + ], + [ + "Ġsm", + "o" + ], + [ + "Ġ", + ">" + ], + [ + "Ġbas", + "ic" + ], + [ + "Ġansw", + "er" + ], + [ + "ĠU", + "s" + ], + [ + "Ġlead", + "ers" + ], + [ + "Ġsaf", + "e" + ], + [ + "Ġin", + "nov" + ], + [ + "ĠN", + "e" + ], + [ + "Ġcomple", + "te" + ], + [ + "ĠU", + "nder" + ], + [ + "ch", + "ol" + ], + [ + "Ġacc", + "ur" + ], + [ + "Ġre", + "ve" + ], + [ + "Ġins", + "p" + ], + [ + "ĠP", + "re" + ], + [ + "Ġsust", + "ain" + ], + [ + "w", + "ord" + ], + [ + "Ġprim", + "ary" + ], + [ + "Ġfe", + "atures" + ], + [ + "Ġpre", + "p" + ], + [ + "b", + "ol" + ], + [ + "Ġin", + "put" + ], + [ + "Ġl", + "ate" + ], + [ + "Ġ", + "--" + ], + [ + "E", + "D" + ], + [ + "am", + "ples" + ], + [ + "Ġl", + "ooking" + ], + [ + "Ġp", + "age" + ], + [ + "Ġwe", + "bs" + ], + [ + "Ġt", + "alk" + ], + [ + "Ġeff", + "orts" + ], + [ + "ĠP", + "er" + ], + [ + "Ġex", + "act" + ], + [ + "um", + "b" + ], + [ + "I", + "C" + ], + [ + "k", + "en" + ], + [ + "ut", + "h" + ], + [ + "tt", + "ps" + ], + [ + "Ġt", + "ax" + ], + [ + "Ġachie", + "ve" + ], + [ + "am", + "ent" + ], + [ + "ĠM", + "any" + ], + [ + "ial", + "s" + ], + [ + "du", + "c" + ], + [ + "p", + "es" + ], + [ + "Ġs", + "qu" + ], + [ + "f", + "ort" + ], + [ + "res", + "h" + ], + [ + "Ġsh", + "ap" + ], + [ + "Ġgu", + "id" + ], + [ + "Ġopportun", + "ities" + ], + [ + "Ġs", + "cre" + ], + [ + "U", + "p" + ], + [ + "Ġth", + "inking" + ], + [ + "Ġsh", + "ape" + ], + [ + "t", + "ings" + ], + [ + "cl", + "es" + ], + [ + "Ġover", + "all" + ], + [ + "Ġd", + "iv" + ], + [ + "Ġinvest", + "ig" + ], + [ + "Ġind", + "epend" + ], + [ + "at", + "ively" + ], + [ + "Ġvis", + "it" + ], + [ + "Ġa", + "verage" + ], + [ + "Ġc", + "ross" + ], + [ + "Ġst", + "ru" + ], + [ + "ĠF", + "l" + ], + [ + "Ġcomp", + "ared" + ], + [ + "Ġval", + "u" + ], + [ + "Ġdam", + "age" + ], + [ + "ĠS", + "chool" + ], + [ + "Ġsh", + "own" + ], + [ + "Ġc", + "amp" + ], + [ + "Ġe", + "arl" + ], + [ + "'", + "ll" + ], + [ + "Ġapp", + "l" + ], + [ + "Ġdec", + "ision" + ], + [ + "h", + "aps" + ], + [ + "Ġc", + "it" + ], + [ + "ww", + "w" + ], + [ + "ro", + "om" + ], + [ + "ers", + "on" + ], + [ + "Ġstrateg", + "ies" + ], + [ + "ĠQ", + "u" + ], + [ + "Ġbe", + "yond" + ], + [ + "ren", + "ch" + ], + [ + "ound", + "s" + ], + [ + "Ġrequ", + "ires" + ], + [ + "itud", + "e" + ], + [ + "Ġfor", + "ce" + ], + [ + "Ġb", + "acter" + ], + [ + "Ġpattern", + "s" + ], + [ + "Ġprocess", + "es" + ], + [ + "Ġr", + "out" + ], + [ + "Ġw", + "id" + ], + [ + "Ġk", + "ids" + ], + [ + "Ġnet", + "work" + ], + [ + "Ġpol", + "l" + ], + [ + "Ġf", + "ul" + ], + [ + "ĠJ", + "apan" + ], + [ + "Ġser", + "ies" + ], + [ + "B", + "y" + ], + [ + "g", + "ar" + ], + [ + "ĠInd", + "ia" + ], + [ + "ter", + "m" + ], + [ + "Ġw", + "arm" + ], + [ + "Ġl", + "o" + ], + [ + "Ġb", + "ill" + ], + [ + "ed", + "eral" + ], + [ + "ous", + "ly" + ], + [ + "Ġl", + "ack" + ], + [ + "Ġscient", + "ific" + ], + [ + "res", + "p" + ], + [ + "Ġelect", + "ric" + ], + [ + "Ġqu", + "ite" + ], + [ + "u", + "ments" + ], + [ + "Ġto", + "wn" + ], + [ + "Ġe", + "arth" + ], + [ + "Ġm", + "agn" + ], + [ + "Ġprob", + "ably" + ], + [ + "ĠS", + "im" + ], + [ + "l", + "og" + ], + [ + "Ġthe", + "ory" + ], + [ + "ci", + "ples" + ], + [ + "Ġatt", + "empt" + ], + [ + "Ġfood", + "s" + ], + [ + "Ġquick", + "ly" + ], + [ + "Ġintern", + "ational" + ], + [ + "Ġco", + "ver" + ], + [ + "pp", + "er" + ], + [ + "Ġrequ", + "est" + ], + [ + "Ġevery", + "thing" + ], + [ + "Ġcar", + "bon" + ], + [ + "r", + "ated" + ], + [ + "Ġcol", + "lab" + ], + [ + "ĠTh", + "rough" + ], + [ + "Ġc", + "ool" + ], + [ + "Ġp", + "ack" + ], + [ + "Ġout", + "put" + ], + [ + "Ġin", + "form" + ], + [ + "in", + "ct" + ], + [ + "S", + "T" + ], + [ + "ĠD", + "es" + ], + [ + "re", + "am" + ], + [ + "as", + "ons" + ], + [ + "al", + "y" + ], + [ + "Ġcol", + "on" + ], + [ + "Ġg", + "ame" + ], + [ + "Ġe", + "at" + ], + [ + "m", + "et" + ], + [ + "č", + "ĊĠĠĠ" + ], + [ + "app", + "end" + ], + [ + "cre", + "t" + ], + [ + "hen", + "s" + ], + [ + "Ġdoc", + "ument" + ], + [ + "ab", + "et" + ], + [ + "Ġpred", + "ict" + ], + [ + "m", + "ore" + ], + [ + "A", + "C" + ], + [ + "Ġvis", + "ual" + ], + [ + "Ġpre", + "c" + ], + [ + "od", + "ay" + ], + [ + "Ġapp", + "reci" + ], + [ + "Ġt", + "ri" + ], + [ + "Ġfore", + "st" + ], + [ + "is", + "ms" + ], + [ + "Ġeas", + "ily" + ], + [ + "ri", + "e" + ], + [ + "p", + "oint" + ], + [ + "ĠR", + "et" + ], + [ + "Ġag", + "o" + ], + [ + "vent", + "ion" + ], + [ + "Ġpat", + "ient" + ], + [ + "Ġb", + "ase" + ], + [ + "i", + "ency" + ], + [ + "Ġanim", + "al" + ], + [ + "le", + "ase" + ], + [ + "Ġn", + "ight" + ], + [ + "ell", + "ow" + ], + [ + "Ġl", + "if" + ], + [ + "ir", + "ing" + ], + [ + "Ġh", + "ost" + ], + [ + "Ġfam", + "ilies" + ], + [ + "Ġpers", + "pect" + ], + [ + "Ġ", + "ir" + ], + [ + "Ġaddition", + "al" + ], + [ + "Ġvalu", + "able" + ], + [ + "ill", + "i" + ], + [ + "Ġs", + "ect" + ], + [ + "Ġvari", + "ety" + ], + [ + "Ġteac", + "hers" + ], + [ + "id", + "ge" + ], + [ + "Ġgener", + "ally" + ], + [ + "Ġse", + "arch" + ], + [ + "Ġw", + "ood" + ], + [ + "Ġc", + "ivil" + ], + [ + "Ġdig", + "ital" + ], + [ + "Ġpo", + "or" + ], + [ + "Ġg", + "ain" + ], + [ + "Ġc", + "ou" + ], + [ + "Ġve", + "get" + ], + [ + "Ġt", + "ree" + ], + [ + "il", + "os" + ], + [ + "j", + "ust" + ], + [ + "ol", + "es" + ], + [ + "ĠSci", + "ence" + ], + [ + "ĠRe", + "g" + ], + [ + "Ġdiffere", + "nce" + ], + [ + "er", + "ate" + ], + [ + "Ġac", + "adem" + ], + [ + "ce", + "ed" + ], + [ + "Ġsoft", + "ware" + ], + [ + "al", + "king" + ], + [ + "Ġser", + "ious" + ], + [ + "Ġinflu", + "ence" + ], + [ + "Ġan", + "cient" + ], + [ + "Ġcru", + "cial" + ], + [ + "ĠAust", + "ral" + ], + [ + "Ġl", + "ines" + ], + [ + "u", + "ge" + ], + [ + "A", + "L" + ], + [ + "Ġbec", + "omes" + ], + [ + "Ġd", + "ou" + ], + [ + "ess", + "ion" + ], + [ + "ver", + "t" + ], + [ + "m", + "ission" + ], + [ + "Ġact", + "ive" + ], + [ + "Ġreport", + "ed" + ], + [ + "ĠC", + "O" + ], + [ + "iz", + "es" + ], + [ + "Ġfinanc", + "ial" + ], + [ + "Ġman", + "ufact" + ], + [ + "ig", + "en" + ], + [ + "l", + "im" + ], + [ + "in", + "ks" + ], + [ + "val", + "ue" + ], + [ + "\"", + "]" + ], + [ + "Ġsitu", + "ation" + ], + [ + "it", + "ch" + ], + [ + "u", + "ild" + ], + [ + "os", + "ing" + ], + [ + "Ġlarg", + "er" + ], + [ + "ĠM", + "in" + ], + [ + "Ġte", + "aching" + ], + [ + "Ġf", + "it" + ], + [ + "an", + "a" + ], + [ + "ou", + "d" + ], + [ + "enc", + "ies" + ], + [ + "ie", + "f" + ], + [ + "Ġadd", + "ed" + ], + [ + "ĠAr", + "t" + ], + [ + "od", + "es" + ], + [ + "ĠP", + "res" + ], + [ + "yn", + "am" + ], + [ + "Ġopt", + "im" + ], + [ + "Ġb", + "it" + ], + [ + "Ġpr", + "in" + ], + [ + "Ġcompan", + "ies" + ], + [ + "Ġhy", + "d" + ], + [ + "rou", + "p" + ], + [ + "Ġs", + "ection" + ], + [ + "Ġis", + "n" + ], + [ + "od", + "ies" + ], + [ + "Ġinclud", + "ed" + ], + [ + "h", + "a" + ], + [ + "Ġestab", + "lished" + ], + [ + "Ġt", + "able" + ], + [ + "Ġapplic", + "ations" + ], + [ + "Ġcal", + "cul" + ], + [ + "all", + "s" + ], + [ + "R", + "E" + ], + [ + "it", + "able" + ], + [ + "Ġprovid", + "ing" + ], + [ + "b", + "or" + ], + [ + "Ġaspect", + "s" + ], + [ + "ĠK", + "ing" + ], + [ + "ur", + "ies" + ], + [ + "Ġo", + "x" + ], + [ + "Ġt", + "end" + ], + [ + "Ġim", + "ages" + ], + [ + "r", + "ial" + ], + [ + "Ġrem", + "ains" + ], + [ + "Ġs", + "il" + ], + [ + "Ġpower", + "ful" + ], + [ + "an", + "cy" + ], + [ + "w", + "ise" + ], + [ + "pr", + "int" + ], + [ + "uc", + "le" + ], + [ + "re", + "t" + ], + [ + "ĠCh", + "ina" + ], + [ + "Ġp", + "rior" + ], + [ + "I", + "V" + ], + [ + "ĠP", + "art" + ], + [ + "Ġapplic", + "ation" + ], + [ + "O", + "n" + ], + [ + "Ġprodu", + "ced" + ], + [ + "Ġfe", + "et" + ], + [ + "ul", + "ate" + ], + [ + "ĠEurope", + "an" + ], + [ + "il", + "le" + ], + [ + "Ġb", + "ur" + ], + [ + "Ġspe", + "ak" + ], + [ + "Ġh", + "ands" + ], + [ + "Ġfri", + "end" + ], + [ + "Ġf", + "ost" + ], + [ + "ĠCom", + "p" + ], + [ + "Ġse", + "curity" + ], + [ + "Ġconf", + "lic" + ], + [ + "ibr", + "ary" + ], + [ + "ĠT", + "ra" + ], + [ + "cept", + "ion" + ], + [ + "Ġ", + "," + ], + [ + "m", + "ar" + ], + [ + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ" + ], + [ + "ĠF", + "rom" + ], + [ + "Ġstep", + "s" + ], + [ + "Ġh", + "or" + ], + [ + "Ġg", + "ard" + ], + [ + "em", + "porary" + ], + [ + "ĠJ", + "ust" + ], + [ + "Ġcon", + "cent" + ], + [ + "an", + "ks" + ], + [ + "l", + "ands" + ], + [ + "Ġb", + "ad" + ], + [ + "Ġth", + "us" + ], + [ + "Ġm", + "ention" + ], + [ + "ph", + "as" + ], + [ + "Ġu", + "lt" + ], + [ + "ĠC", + "ount" + ], + [ + "ĠD", + "o" + ], + [ + "Ġe", + "p" + ], + [ + "Ġtrans", + "port" + ], + [ + "Ġso", + "on" + ], + [ + "Ġdirect", + "ly" + ], + [ + "Ġrelig", + "ious" + ], + [ + "c", + "ks" + ], + [ + "Ġth", + "ous" + ], + [ + "Ġey", + "e" + ], + [ + "Ġqu", + "ant" + ], + [ + "c", + "are" + ], + [ + "en", + "ge" + ], + [ + "\"\"", + "\"" + ], + [ + "m", + "ed" + ], + [ + "Ġvir", + "us" + ], + [ + "Ġsp", + "irit" + ], + [ + "ĠR", + "uss" + ], + [ + "r", + "ror" + ], + [ + "b", + "it" + ], + [ + "Ġs", + "n" + ], + [ + "in", + "o" + ], + [ + "Ġimm", + "edi" + ], + [ + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠĠ" + ], + [ + "it", + "ect" + ], + [ + "Ġan", + "g" + ], + [ + "Ġd", + "ang" + ], + [ + "Ġvide", + "o" + ], + [ + "ar", + "v" + ], + [ + "u", + "ff" + ], + [ + "re", + "qu" + ], + [ + "e", + "v" + ], + [ + "Ġdeterm", + "ine" + ], + [ + "r", + "an" + ], + [ + "Ġestab", + "lish" + ], + [ + "ĠN", + "ot" + ], + [ + "Ġappropri", + "ate" + ], + [ + "Ġ", + "Â" + ], + [ + "m", + "at" + ], + [ + "y", + "ing" + ], + [ + "Ċ", + "ĉ" + ], + [ + "Ġrelationship", + "s" + ], + [ + "Ġa", + "st" + ], + [ + "Ġbelie", + "f" + ], + [ + "Ġrespons", + "ible" + ], + [ + "Ġproject", + "s" + ], + [ + "ĠP", + "ol" + ], + [ + "ĠM", + "y" + ], + [ + "Ġoff", + "ers" + ], + [ + "Ġg", + "ot" + ], + [ + "i", + "ence" + ], + [ + "Ġn", + "amed" + ], + [ + "Ġf", + "asc" + ], + [ + "Ġest", + "im" + ], + [ + "Ġwas", + "te" + ], + [ + "Ġdise", + "ases" + ], + [ + "Ġgra", + "du" + ], + [ + "Ġcon", + "vers" + ], + [ + "Ġr", + "ules" + ], + [ + "Ġpl", + "aces" + ], + [ + "Ġf", + "oot" + ], + [ + "Ġc", + "ele" + ], + [ + "if", + "ically" + ], + [ + "Ġexp", + "os" + ], + [ + "Ġo", + "s" + ], + [ + "Ġm", + "other" + ], + [ + "Ġh", + "ot" + ], + [ + "Ġdev", + "ices" + ], + [ + "Ġpro", + "pos" + ], + [ + "Ġb", + "ab" + ], + [ + "Ġdi", + "verse" + ], + [ + "Ġmil", + "itary" + ], + [ + "Ġref", + "er" + ], + [ + "Ġag", + "ree" + ], + [ + "Ġexerc", + "ise" + ], + [ + "ĠD", + "is" + ], + [ + "Ġpro", + "ced" + ], + [ + "ass", + "ert" + ], + [ + "Ġinc", + "orpor" + ], + [ + "Ġexpect", + "ed" + ], + [ + "Ġ", + "@" + ], + [ + "ĠE", + "d" + ], + [ + "Ġtry", + "ing" + ], + [ + "Ġinst", + "all" + ], + [ + "Ġro", + "ad" + ], + [ + "Ġs", + "us" + ], + [ + "Ġr", + "ates" + ], + [ + "Ġobject", + "s" + ], + [ + "Ġcomple", + "t" + ], + [ + "Ġf", + "inal" + ], + [ + "h", + "ors" + ], + [ + "ord", + "ers" + ], + [ + "Ġc", + "red" + ], + [ + "Ġde", + "cre" + ], + [ + "Ġhe", + "ld" + ], + [ + "in", + "ated" + ], + [ + "Ġn", + "av" + ], + [ + "d", + "ict" + ], + [ + "Ġm", + "ix" + ], + [ + "Ġask", + "ed" + ], + [ + "Ġatt", + "ack" + ], + [ + "Ġexpl", + "oring" + ], + [ + "Ġopt", + "ions" + ], + [ + "Ġtre", + "es" + ], + [ + "Ġinter", + "pre" + ], + [ + "Ġse", + "ems" + ], + [ + "ec", + "ause" + ], + [ + "Ġc", + "ard" + ], + [ + "ill", + "ing" + ], + [ + "Ġu", + "nd" + ], + [ + "Ġsuccess", + "ful" + ], + [ + "Ġleg", + "al" + ], + [ + "Ġse", + "a" + ], + [ + "Ġstru", + "gg" + ], + [ + "Ġr", + "ich" + ], + [ + "ĠE", + "duc" + ], + [ + "o", + "ff" + ], + [ + "Ġtyp", + "ically" + ], + [ + "ĠF", + "rench" + ], + [ + "Ġf", + "ront" + ], + [ + "Ġm", + "is" + ], + [ + "Ġlim", + "ited" + ], + [ + "hem", + "at" + ], + [ + "com", + "p" + ], + [ + "E", + "T" + ], + [ + "Ġcompon", + "ents" + ], + [ + "if", + "ul" + ], + [ + "ĠG", + "l" + ], + [ + "Ġn", + "ation" + ], + [ + "d", + "ing" + ], + [ + "Ġjour", + "ney" + ], + [ + "Ġinvol", + "ves" + ], + [ + "Ġpur", + "pose" + ], + [ + "us", + "ed" + ], + [ + "w", + "rit" + ], + [ + "Ġwh", + "ose" + ], + [ + "ĠC", + "our" + ], + [ + "Ġv", + "acc" + ], + [ + "Ġhigh", + "ly" + ], + [ + "Ġro", + "b" + ], + [ + "ell", + "ig" + ], + [ + "Ġb", + "reat" + ], + [ + "Ġf", + "avor" + ], + [ + "Ġj", + "ud" + ], + [ + "r", + "ong" + ], + [ + "Ġs", + "old" + ], + [ + "l", + "ife" + ], + [ + "R", + "es" + ], + [ + "in", + "st" + ], + [ + "in", + "ate" + ], + [ + "Ġth", + "ird" + ], + [ + "Ġuse", + "ful" + ], + [ + "Ġcent", + "ral" + ], + [ + "Ġra", + "ise" + ], + [ + "Ġper", + "fect" + ], + [ + "d", + "ir" + ], + [ + "Ġre", + "ach" + ], + [ + "ist", + "ry" + ], + [ + "Ġthere", + "fore" + ], + [ + "A", + "t" + ], + [ + "Ġst", + "ri" + ], + [ + "Ġcl", + "in" + ], + [ + "Ġdev", + "ice" + ], + [ + "form", + "at" + ], + [ + "Ġob", + "tain" + ], + [ + "ĠJ", + "u" + ], + [ + "Ġexam", + "ples" + ], + [ + "il", + "es" + ], + [ + "N", + "one" + ], + [ + "ĠAl", + "though" + ], + [ + "om", + "ing" + ], + [ + "Ġlearn", + "ed" + ], + [ + "ĠAfric", + "an" + ], + [ + "Ġmin", + "utes" + ], + [ + "ĠH", + "er" + ], + [ + "o", + "at" + ], + [ + "um", + "an" + ], + [ + "Ġgo", + "al" + ], + [ + "d", + "f" + ], + [ + "ip", + "ment" + ], + [ + "par", + "am" + ], + [ + "at", + "form" + ], + [ + "Ġlab", + "or" + ], + [ + "Ġey", + "es" + ], + [ + "Ġd", + "ry" + ], + [ + "Ġcost", + "s" + ], + [ + "Ġmem", + "ory" + ], + [ + "Ġproper", + "ty" + ], + [ + "Ġcontin", + "u" + ], + [ + "ĠM", + "od" + ], + [ + "e", + "ks" + ], + [ + "E", + "rror" + ], + [ + "Ġf", + "air" + ], + [ + "Ġv", + "it" + ], + [ + "ĠF", + "irst" + ], + [ + "Ġl", + "oad" + ], + [ + "w", + "ater" + ], + [ + "ĠS", + "m" + ], + [ + "St", + "ep" + ], + [ + "ĠO", + "f" + ], + [ + "Ġw", + "ent" + ], + [ + "Ġtrans", + "form" + ], + [ + "Ġdem", + "and" + ], + [ + "====", + "====" + ], + [ + "ĠAfric", + "a" + ], + [ + "Ġl", + "ength" + ], + [ + "ch", + "ange" + ], + [ + "o", + "very" + ], + [ + "S", + "ection" + ], + [ + "Ġse", + "vere" + ], + [ + "Ġneg", + "ative" + ], + [ + "Ġch", + "oose" + ], + [ + "ra", + "p" + ], + [ + "Ġcommun", + "ic" + ], + [ + "A", + "nd" + ], + [ + "ĠM", + "ost" + ], + [ + "ĠInd", + "ian" + ], + [ + "Ġmon", + "th" + ], + [ + "Ġch", + "apter" + ], + [ + "as", + "ks" + ], + [ + "Ġany", + "thing" + ], + [ + "Ġresp", + "ond" + ], + [ + "ĠA", + "c" + ], + [ + "at", + "tle" + ], + [ + "Ġf", + "ast" + ], + [ + "Ġra", + "pid" + ], + [ + "ash", + "ing" + ], + [ + "c", + "ape" + ], + [ + "Ġprot", + "ection" + ], + [ + "'", + "ve" + ], + [ + "Ġprofess", + "ional" + ], + [ + "i", + "ot" + ], + [ + "n", + "a" + ], + [ + "Ġspe", + "ed" + ], + [ + "Ġse", + "qu" + ], + [ + "use", + "um" + ], + [ + "ĠO", + "ther" + ], + [ + "Ġal", + "though" + ], + [ + "ur", + "g" + ], + [ + "Ġpar", + "am" + ], + [ + "ĠChrist", + "ian" + ], + [ + "Ġc", + "ateg" + ], + [ + "Ġexpl", + "ain" + ], + [ + "Ġp", + "an" + ], + [ + "Ċ", + "ĉĉ" + ], + [ + "Ġstat", + "us" + ], + [ + "Ġv", + "ia" + ], + [ + "Ġf", + "a" + ], + [ + "Ġno", + "vel" + ], + [ + "l", + "ation" + ], + [ + "Ġsol", + "ution" + ], + [ + "ce", + "an" + ], + [ + "m", + "l" + ], + [ + "ĠJ", + "an" + ], + [ + "Ġf", + "ight" + ], + [ + "ĠN", + "ow" + ], + [ + "Ġm", + "ount" + ], + [ + "Ġsignificant", + "ly" + ], + [ + "oc", + "ks" + ], + [ + "Ġsym", + "bol" + ], + [ + "ffic", + "ient" + ], + [ + "Ġcap", + "ital" + ], + [ + "e", + "ch" + ], + [ + "Ġsupp", + "ly" + ], + [ + "Ġcont", + "ribute" + ], + [ + "ĠR", + "em" + ], + [ + "Ġc", + "am" + ], + [ + "Ġdiffere", + "nces" + ], + [ + "Ġcap", + "ac" + ], + [ + "Ġbehav", + "i" + ], + [ + "Ġregard", + "ing" + ], + [ + "und", + "red" + ], + [ + "Ġvers", + "ion" + ], + [ + "ag", + "er" + ], + [ + "Ġcomm", + "and" + ], + [ + "Ġro", + "om" + ], + [ + "Ġl", + "ost" + ], + [ + "com", + "ment" + ], + [ + "o", + "e" + ], + [ + "Ġcont", + "ains" + ], + [ + "ĠTe", + "chn" + ], + [ + "st", + "ate" + ], + [ + "ĠV", + "al" + ], + [ + "Ġhab", + "it" + ], + [ + "Ġadult", + "s" + ], + [ + "Ġw", + "ide" + ], + [ + "Ġsh", + "ared" + ], + [ + "Ġaut", + "om" + ], + [ + "Ġadv", + "ant" + ], + [ + "C", + "l" + ], + [ + "in", + "y" + ], + [ + "Ġd", + "ark" + ], + [ + "ĠM", + "us" + ], + [ + "Ġb", + "ound" + ], + [ + "Ġbl", + "ock" + ], + [ + "i", + "us" + ], + [ + "y", + "ear" + ], + [ + "Ġcon", + "sequ" + ], + [ + "Ġcit", + "iz" + ], + [ + "r", + "ition" + ], + [ + "rodu", + "ction" + ], + [ + "om", + "et" + ], + [ + "Ġbegin", + "ning" + ], + [ + "u", + "k" + ], + [ + "Ġprin", + "ciples" + ], + [ + "u", + "ary" + ], + [ + "Ġwork", + "ers" + ], + [ + "Ġb", + "rought" + ], + [ + "Ġh", + "ttp" + ], + [ + "Ġ", + "ing" + ], + [ + "Ġem", + "phas" + ], + [ + "Ġencou", + "rag" + ], + [ + "Ġstruct", + "ures" + ], + [ + "ĠA", + "ug" + ], + [ + "ĠJ", + "es" + ], + [ + "Ġus", + "ers" + ], + [ + "Ġbal", + "ance" + ], + [ + "Ġcar", + "ry" + ], + [ + "Ġst", + "age" + ], + [ + "Ġd", + "im" + ], + [ + "Ġtr", + "ust" + ], + [ + "ĠT", + "rue" + ], + [ + "ĠO", + "ver" + ], + [ + "ci", + "ous" + ], + [ + "it", + "er" + ], + [ + "Ġve", + "h" + ], + [ + "__", + "__" + ], + [ + "w", + "ide" + ], + [ + "Ġtest", + "s" + ], + [ + "Ġact", + "ions" + ], + [ + "ĠCent", + "er" + ], + [ + "Ġse", + "ason" + ], + [ + "Ġpriv", + "ate" + ], + [ + "Ġex", + "ec" + ], + [ + "Ġdoct", + "or" + ], + [ + "ere", + "nces" + ], + [ + "ĠG", + "ree" + ], + [ + "Ġse", + "c" + ], + [ + "se", + "ct" + ], + [ + "i", + "ers" + ], + [ + "Ġfor", + "ces" + ], + [ + "Ġapp", + "e" + ], + [ + "Ġrece", + "ived" + ], + [ + "Ġliter", + "ature" + ], + [ + "Ġdisc", + "overed" + ], + [ + "w", + "ith" + ], + [ + "if", + "orn" + ], + [ + "Ġnew", + "s" + ], + [ + "g", + "n" + ], + [ + "act", + "ers" + ], + [ + "Ġag", + "ricult" + ], + [ + "Ġacc", + "om" + ], + [ + "Ġm", + "ag" + ], + [ + "os", + "ition" + ], + [ + "Ġt", + "im" + ], + [ + "Ġne", + "igh" + ], + [ + "Ġgra", + "ph" + ], + [ + "ot", + "ing" + ], + [ + "Ġac", + "id" + ], + [ + "Ġlim", + "it" + ], + [ + "Ġdef", + "in" + ], + [ + "Ġcontin", + "ued" + ], + [ + "id", + "ents" + ], + [ + "Ġprote", + "in" + ], + [ + "Ġh", + "on" + ], + [ + "Ġad", + "minist" + ], + [ + "Ġsa", + "w" + ], + [ + "H", + "e" + ], + [ + "un", + "ction" + ], + [ + "Ġdid", + "n" + ], + [ + "Ġinterest", + "ing" + ], + [ + "Ġearl", + "ier" + ], + [ + "i", + "os" + ], + [ + "Ġbir", + "th" + ], + [ + "Ġd", + "ate" + ], + [ + "ĠW", + "est" + ], + [ + "Ġd", + "er" + ], + [ + "Ġfun", + "ctions" + ], + [ + "ĠM", + "on" + ], + [ + "Ġsol", + "ar" + ], + [ + "Ġdisc", + "over" + ], + [ + "Ġloc", + "ation" + ], + [ + "Ġf", + "ear" + ], + [ + "ĠGerm", + "an" + ], + [ + "ĠO", + "ur" + ], + [ + "oc", + "ol" + ], + [ + "E", + "C" + ], + [ + "ĠT", + "w" + ], + [ + "Ġvir", + "t" + ], + [ + "Ġfor", + "ward" + ], + [ + "un", + "ch" + ], + [ + "Ġf", + "ields" + ], + [ + "U", + "n" + ], + [ + "Ġlaw", + "s" + ], + [ + "ud", + "d" + ], + [ + "E", + "M" + ], + [ + "Ġre", + "asons" + ], + [ + "Ġle", + "aves" + ], + [ + "Ġcent", + "er" + ], + [ + "ĠI", + "I" + ], + [ + "Ġmess", + "age" + ], + [ + "abet", + "es" + ], + [ + "Ġinf", + "ection" + ], + [ + "Ġ", + "Ċ" + ], + [ + "z", + "z" + ], + [ + "ef", + "ore" + ], + [ + "Ġorgan", + "izations" + ], + [ + "est", + "ic" + ], + [ + "Ġc", + "ra" + ], + [ + "Ġit", + "ems" + ], + [ + "Ġbenef", + "it" + ], + [ + "``", + "`" + ], + [ + "ĠH", + "ere" + ], + [ + "Ġte", + "ach" + ], + [ + "Ġtest", + "ing" + ], + [ + "tern", + "al" + ], + [ + "Ġrecomm", + "end" + ], + [ + "augh", + "t" + ], + [ + "Ġm", + "ole" + ], + [ + "R", + "e" + ], + [ + "(", + "):" + ], + [ + "Ġtra", + "de" + ], + [ + "Ġmeas", + "ures" + ], + [ + "Ġwe", + "eks" + ], + [ + "st", + "art" + ], + [ + "om", + "y" + ], + [ + "k", + "y" + ], + [ + "Ġem", + "p" + ], + [ + "ĠE", + "ven" + ], + [ + "Ġteac", + "her" + ], + [ + "iforn", + "ia" + ], + [ + "Ġb", + "ra" + ], + [ + "Ġmach", + "ine" + ], + [ + "Ġcomp", + "re" + ], + [ + "Ġv", + "o" + ], + [ + "Ġdep", + "end" + ], + [ + "C", + "om" + ], + [ + "Ġthera", + "py" + ], + [ + "Ġro", + "ot" + ], + [ + "Ġres", + "ource" + ], + [ + "Ġconst", + "ruct" + ], + [ + "a", + "id" + ], + [ + "ĠG", + "reat" + ], + [ + "##", + "#" + ], + [ + "Ġeffic", + "ient" + ], + [ + "ab", + "ilities" + ], + [ + "ĠHist", + "ory" + ], + [ + "s", + "er" + ], + [ + "__", + "(" + ], + [ + "Ġw", + "on" + ], + [ + "Ġsmall", + "er" + ], + [ + "ĠDe", + "velop" + ], + [ + "Ġpro", + "p" + ], + [ + "b", + "ook" + ], + [ + "ĠE", + "ach" + ], + [ + "ar", + "ian" + ], + [ + "Ġcont", + "roll" + ], + [ + "v", + "otes" + ], + [ + "Ġt", + "en" + ], + [ + "ul", + "a" + ], + [ + "ĠInst", + "itute" + ], + [ + "Ġchall", + "enge" + ], + [ + "ĠCh", + "ild" + ], + [ + "Ġapp", + "ly" + ], + [ + "ĠA", + "nt" + ], + [ + "ough", + "t" + ], + [ + "A", + "r" + ], + [ + "pl", + "it" + ], + [ + "pr", + "il" + ], + [ + "Ġto", + "ld" + ], + [ + "Ġc", + "opy" + ], + [ + "Ġe", + "gg" + ], + [ + "Ġsh", + "all" + ], + [ + "Ġopportun", + "ity" + ], + [ + "Ġill", + "ust" + ], + [ + "dition", + "ally" + ], + [ + "ĠT", + "rans" + ], + [ + "Ġinit", + "ial" + ], + [ + "i", + "ra" + ], + [ + "on", + "y" + ], + [ + "Ġess", + "ay" + ], + [ + "Ġde", + "al" + ], + [ + "Ġrece", + "ive" + ], + [ + "con", + "fig" + ], + [ + "Ġd", + "ynam" + ], + [ + "anc", + "ing" + ], + [ + "Ġpie", + "ce" + ], + [ + "Ġe", + "ating" + ], + [ + "ro", + "te" + ], + [ + "Ġaut", + "hors" + ], + [ + "b", + "re" + ], + [ + "Ċ", + "Ġ" + ], + [ + "qu", + "e" + ], + [ + "Ġloc", + "ated" + ], + [ + "Ġv", + "ict" + ], + [ + "Ġser", + "ve" + ], + [ + "Ġph", + "ilos" + ], + [ + "Ġth", + "r" + ], + [ + "Ġass", + "ign" + ], + [ + "Ġequ", + "ipment" + ], + [ + "Ġ", + "\\" + ], + [ + "Ġdeg", + "ree" + ], + [ + "'", + "'" + ], + [ + "Ġwebs", + "ite" + ], + [ + "ĠIntern", + "ational" + ], + [ + "Up", + "votes" + ], + [ + "ĠDep", + "artment" + ], + [ + "at", + "ur" + ], + [ + "Ġh", + "undred" + ], + [ + "ap", + "ers" + ], + [ + "Ġnum", + "erous" + ], + [ + "W", + "ith" + ], + [ + "Ġh", + "ope" + ], + [ + "Ġut", + "il" + ], + [ + "ĠComm", + "un" + ], + [ + "ĠS", + "ystem" + ], + [ + "our", + "nal" + ], + [ + "m", + "ax" + ], + [ + "Ġexist", + "ing" + ], + [ + "Ġdis", + "play" + ], + [ + "Ġn", + "ames" + ], + [ + "c", + "oh" + ], + [ + "Ġconst", + "ant" + ], + [ + "ĠS", + "w" + ], + [ + "ire", + "ction" + ], + [ + "âĢ", + "¢" + ], + [ + "Ġa", + "x" + ], + [ + "Ġdetail", + "s" + ], + [ + "Ġre", + "pl" + ], + [ + "out", + "hern" + ], + [ + "Ġjour", + "nal" + ], + [ + "ing", + "u" + ], + [ + "########", + "########" + ], + [ + "Ġmom", + "ent" + ], + [ + "air", + "s" + ], + [ + "Ġproper", + "ties" + ], + [ + "Ġconcept", + "s" + ], + [ + "Ġinit", + "i" + ], + [ + "g", + "ram" + ], + [ + "ul", + "ated" + ], + [ + "Ġcol", + "lection" + ], + [ + "ĠThe", + "ir" + ], + [ + "Ġt", + "ask" + ], + [ + "ĠO", + "ct" + ], + [ + "Ġl", + "en" + ], + [ + "ines", + "e" + ], + [ + "Ġsol", + "utions" + ], + [ + "Ġra", + "re" + ], + [ + "ĠL", + "ear" + ], + [ + "Ġconcern", + "s" + ], + [ + "know", + "n" + ], + [ + "Ġfe", + "ature" + ], + [ + "Ġarch", + "itect" + ], + [ + "Ġeff", + "ort" + ], + [ + "ĠS", + "erv" + ], + [ + "Ġexact", + "ly" + ], + [ + "Ġchar", + "acters" + ], + [ + "Ġal", + "g" + ], + [ + "A", + "P" + ], + [ + "Ġdescrib", + "ed" + ], + [ + "ur", + "t" + ], + [ + "ĠThe", + "n" + ], + [ + "Ġexp", + "and" + ], + [ + "Ġwe", + "b" + ], + [ + "Ġnot", + "hing" + ], + [ + "Ġsit", + "es" + ], + [ + "e", + "per" + ], + [ + "ro", + "gen" + ], + [ + "oc", + "r" + ], + [ + "ens", + "ity" + ], + [ + "Ġdec", + "isions" + ], + [ + "Ġexpos", + "ure" + ], + [ + "ĠJes", + "us" + ], + [ + "Ġsc", + "en" + ], + [ + "ind", + "ex" + ], + [ + "ĠCal", + "ifornia" + ], + [ + "Ġconn", + "ection" + ], + [ + "Ġm", + "iddle" + ], + [ + "Ġb", + "urn" + ], + [ + "Ġb", + "ott" + ], + [ + "Ġg", + "ives" + ], + [ + "Ġde", + "ad" + ], + [ + "Ġn", + "arr" + ], + [ + "ĠD", + "uring" + ], + [ + "Ġsa", + "ve" + ], + [ + "igen", + "ous" + ], + [ + "Ġaff", + "ected" + ], + [ + "Ġconst", + "ruction" + ], + [ + "The", + "se" + ], + [ + "ĠM", + "arch" + ], + [ + "Ġorgan", + "ization" + ], + [ + "Ġident", + "ity" + ], + [ + "ĠE", + "l" + ], + [ + "A", + "D" + ], + [ + "Ġ", + "ice" + ], + [ + "Ġinst", + "ru" + ], + [ + "Ġallow", + "ing" + ], + [ + "R", + "O" + ], + [ + "Ġcont", + "emporary" + ], + [ + "ĠAmeric", + "ans" + ], + [ + "ĊĠĠĠĠ", + "Ġ" + ], + [ + "Ġn", + "ucle" + ], + [ + "est", + "s" + ], + [ + "Ġallow", + "ed" + ], + [ + "el", + "ines" + ], + [ + "us", + "ion" + ], + [ + "Ġne", + "arly" + ], + [ + "Ġm", + "id" + ], + [ + "Ġfollow", + "ed" + ], + [ + "ib", + "ly" + ], + [ + "n", + "ed" + ], + [ + "Ġplan", + "et" + ], + [ + "Ġac", + "qu" + ], + [ + "ur", + "ation" + ], + [ + "Ġrec", + "ently" + ], + [ + "ĠW", + "ell" + ], + [ + "Ġhim", + "self" + ], + [ + "Ġm", + "ut" + ], + [ + "Ġh", + "ous" + ], + [ + "Ġmax", + "im" + ], + [ + "Ġle", + "ave" + ], + [ + "Ġgo", + "es" + ], + [ + "w", + "orks" + ], + [ + "ur", + "b" + ], + [ + "Ġr", + "ule" + ], + [ + "Ġbacter", + "ia" + ], + [ + "Ġm", + "ig" + ], + [ + "Ġpl", + "atform" + ], + [ + "Ġs", + "we" + ], + [ + "Ġold", + "er" + ], + [ + "ort", + "hern" + ], + [ + "M", + "E" + ], + [ + "Ġplan", + "ning" + ], + [ + "Ġwe", + "ather" + ], + [ + "Ġgu", + "ide" + ], + [ + "Ġgo", + "als" + ], + [ + "ĠR", + "ed" + ], + [ + "x", + "i" + ], + [ + "com", + "es" + ], + [ + "Ġbeaut", + "iful" + ], + [ + "Ġredu", + "ced" + ], + [ + "er", + "o" + ], + [ + "Ġm", + "iss" + ], + [ + "Ġd", + "ed" + ], + [ + "or", + "age" + ], + [ + "ĠA", + "ccording" + ], + [ + "p", + "an" + ], + [ + "Ġf", + "resh" + ], + [ + "Ġconnect", + "ions" + ], + [ + "Ġtechn", + "ologies" + ], + [ + "Ġsc", + "ale" + ], + [ + "Wh", + "ile" + ], + [ + "v", + "is" + ], + [ + ":", + "**" + ], + [ + "it", + "is" + ], + [ + "Ġback", + "ground" + ], + [ + "ĠH", + "ol" + ], + [ + "Ġinf", + "ect" + ], + [ + "Ġh", + "ol" + ], + [ + "o", + "ch" + ], + [ + "Ġstand", + "ards" + ], + [ + "Ġp", + "ow" + ], + [ + "m", + "osp" + ], + [ + "Ġf", + "uel" + ], + [ + "re", + "es" + ], + [ + "og", + "le" + ], + [ + "mod", + "el" + ], + [ + "l", + "oc" + ], + [ + "Ġsu", + "gar" + ], + [ + "g", + "y" + ], + [ + "Ġhe", + "ard" + ], + [ + "Ġb", + "ox" + ], + [ + "t", + "es" + ], + [ + "Ġf", + "ib" + ], + [ + "Ġb", + "orn" + ], + [ + "il", + "it" + ], + [ + "Ġsurround", + "ing" + ], + [ + "al", + "ed" + ], + [ + "ĠR", + "iver" + ], + [ + "Ġval", + "id" + ], + [ + "Ġb", + "ul" + ], + [ + "Ġlarg", + "est" + ], + [ + "ĠEng", + "land" + ], + [ + "Ġst", + "yle" + ], + [ + "ul", + "um" + ], + [ + "Ġnav", + "ig" + ], + [ + "og", + "en" + ], + [ + "Ġqu", + "al" + ], + [ + "plic", + "ations" + ], + [ + "Ġdi", + "vers" + ], + [ + "ĠCanad", + "a" + ], + [ + "con", + "s" + ], + [ + "Ġrele", + "vant" + ], + [ + "Ġc", + "ore" + ], + [ + "ag", + "s" + ], + [ + "se", + "e" + ], + [ + "Ġcele", + "br" + ], + [ + "Ġcol", + "d" + ], + [ + "Ġper", + "haps" + ], + [ + "Ġfasc", + "inating" + ], + [ + "ra", + "el" + ], + [ + "Ġhy", + "p" + ], + [ + "Ġal", + "one" + ], + [ + "Ġd", + "en" + ], + [ + "Ġsum", + "mer" + ], + [ + "ĠJ", + "une" + ], + [ + "ĠF", + "urther" + ], + [ + "for", + "ce" + ], + [ + "Ġro", + "ck" + ], + [ + "ĠIn", + "ter" + ], + [ + "re", + "me" + ], + [ + "Ġeffect", + "ively" + ], + [ + "ili", + "ar" + ], + [ + "ĠO", + "nce" + ], + [ + "Ġmem", + "ber" + ], + [ + "Ġ", + "}" + ], + [ + "Ġbas", + "is" + ], + [ + "Ġappro", + "x" + ], + [ + "Ġconf", + "ig" + ], + [ + "Ġpe", + "ace" + ], + [ + "Ġg", + "ender" + ], + [ + "Ġappl", + "ied" + ], + [ + "Ġcomplet", + "ely" + ], + [ + "Ġequ", + "al" + ], + [ + "I", + "nt" + ], + [ + "ru", + "pt" + ], + [ + "Ġst", + "ra" + ], + [ + "Ġdec", + "ided" + ], + [ + "ĠI", + "S" + ], + [ + "ĠSe", + "pt" + ], + [ + "ff", + "ect" + ], + [ + "ed", + "om" + ], + [ + "mit", + "ted" + ], + [ + "Ġele", + "ment" + ], + [ + "Ġwor", + "th" + ], + [ + "Ġt", + "ou" + ], + [ + "ast", + "e" + ], + [ + "Ġco", + "ast" + ], + [ + "Ġdist", + "ance" + ], + [ + "ĠAug", + "ust" + ], + [ + "Ġset", + "ting" + ], + [ + "c", + "an" + ], + [ + "ĠK", + "e" + ], + [ + "Ġpolic", + "ies" + ], + [ + "Ġprom", + "ote" + ], + [ + "ĠAss", + "oci" + ], + [ + "Ġdef", + "ault" + ], + [ + "Ġw", + "rong" + ], + [ + "m", + "p" + ], + [ + "ĠP", + "ress" + ], + [ + "Ġcol", + "l" + ], + [ + "m", + "en" + ], + [ + "ro", + "s" + ], + [ + "Ġpur", + "ch" + ], + [ + "oun", + "c" + ], + [ + "Ġinvol", + "ve" + ], + [ + "Ġlay", + "er" + ], + [ + "at", + "us" + ], + [ + "Ġacadem", + "ic" + ], + [ + "Ġdist", + "inct" + ], + [ + "Ġpr", + "inc" + ], + [ + "ar", + "a" + ], + [ + "ĠU", + "se" + ], + [ + "Ġte", + "eth" + ], + [ + "Ġc", + "op" + ], + [ + "Ġfind", + "ings" + ], + [ + "Ġp", + "y" + ], + [ + "Ġn", + "orth" + ], + [ + "h", + "t" + ], + [ + "Ġf", + "ather" + ], + [ + "Ġt", + "ru" + ], + [ + "----------------", + "----------------" + ], + [ + "ci", + "pl" + ], + [ + "Ġdet", + "ect" + ], + [ + "id", + "ing" + ], + [ + "Ġh", + "osp" + ], + [ + "Ġful", + "ly" + ], + [ + "ed", + "ia" + ], + [ + "inf", + "o" + ], + [ + "us", + "er" + ], + [ + "ĠD", + "av" + ], + [ + "Ġr", + "ise" + ], + [ + "Ġeduc", + "ational" + ], + [ + "ĠCh", + "inese" + ], + [ + "Ġant", + "i" + ], + [ + "ic", + "o" + ], + [ + "Ġsur", + "g" + ], + [ + "er", + "a" + ], + [ + "Ġc", + "and" + ], + [ + "s", + "ub" + ], + [ + "ĠT", + "oday" + ], + [ + "C", + "O" + ], + [ + "Ġem", + "ail" + ], + [ + "Ġf", + "ix" + ], + [ + "Ġrun", + "ning" + ], + [ + "Ġnot", + "e" + ], + [ + "Ġfig", + "ure" + ], + [ + "ĠEduc", + "ation" + ], + [ + "Ġcurrent", + "ly" + ], + [ + "r", + "ical" + ], + [ + "âĢĿ", + "." + ], + [ + "ĠD", + "ay" + ], + [ + "con", + "n" + ], + [ + "Ġmat", + "hemat" + ], + [ + "Ġeconom", + "y" + ], + [ + "Ġm", + "ath" + ], + [ + "Ġsign", + "s" + ], + [ + "ĠW", + "illi" + ], + [ + "Ġemot", + "ional" + ], + [ + "e", + "es" + ], + [ + "ĠA", + "pril" + ], + [ + "coh", + "ol" + ], + [ + "Ġw", + "atch" + ], + [ + "ic", + "a" + ], + [ + "Ġre", + "pe" + ], + [ + "iz", + "er" + ], + [ + "l", + "am" + ], + [ + "it", + "utions" + ], + [ + "Ġs", + "on" + ], + [ + "Ġinst", + "ruct" + ], + [ + "he", + "st" + ], + [ + "Ġb", + "odies" + ], + [ + "Ġim", + "ag" + ], + [ + "Ġent", + "er" + ], + [ + "Ġmov", + "ing" + ], + [ + "ĠM", + "c" + ], + [ + "Ġprofess", + "ion" + ], + [ + "Ġm", + "ap" + ], + [ + "Ġm", + "ob" + ], + [ + "Ġris", + "ks" + ], + [ + "Ġp", + "et" + ], + [ + "Ġg", + "iving" + ], + [ + "Ġwant", + "ed" + ], + [ + "Ġwork", + "ed" + ], + [ + "Ġs", + "chol" + ], + [ + "Ġoccur", + "s" + ], + [ + "Ġw", + "rote" + ], + [ + "(", + "[" + ], + [ + "l", + "en" + ], + [ + "A", + "M" + ], + [ + "a", + "ul" + ], + [ + "ĠCon", + "st" + ], + [ + "Ġj", + "oint" + ], + [ + "f", + "ord" + ], + [ + "Ġmil", + "es" + ], + [ + "Ġins", + "ights" + ], + [ + "Ġcom", + "fort" + ], + [ + "Ġl", + "ived" + ], + [ + "Ġev", + "olution" + ], + [ + "Ġm", + "aster" + ], + [ + "ĠRe", + "ad" + ], + [ + "t", + "a" + ], + [ + "Ġw", + "oman" + ], + [ + "Ġcom", + "ing" + ], + [ + "Ġaltern", + "ative" + ], + [ + "Ġc", + "ry" + ], + [ + "Ġspec", + "ifically" + ], + [ + "I", + "ON" + ], + [ + "Ġass", + "um" + ], + [ + "ĠP", + "ark" + ], + [ + "Ġre", + "ality" + ], + [ + "Ġor", + "d" + ], + [ + "h", + "ab" + ], + [ + "Ġpict", + "ure" + ], + [ + "ĠF", + "alse" + ], + [ + "Ġext", + "rem" + ], + [ + "Ġpass", + "ed" + ], + [ + "idd", + "en" + ], + [ + "I", + "s" + ], + [ + "ra", + "b" + ], + [ + "ĠA", + "re" + ], + [ + "ĠJu", + "ly" + ], + [ + "Ġfact", + "or" + ], + [ + "Ġcho", + "ice" + ], + [ + "ĠS", + "oci" + ], + [ + "Ġl", + "at" + ], + [ + "Ġcapac", + "ity" + ], + [ + "ĠGo", + "vern" + ], + [ + "I", + "L" + ], + [ + "ashing", + "ton" + ], + [ + "pp", + "ed" + ], + [ + "Ġocc", + "up" + ], + [ + "ri", + "ef" + ], + [ + "Ġk", + "ing" + ], + [ + "y", + "d" + ], + [ + "Ġc", + "ities" + ], + [ + "p", + "ing" + ], + [ + "Ġg", + "ir" + ], + [ + "ĠC", + "ur" + ], + [ + "Ġs", + "outh" + ], + [ + "Ġint", + "ellig" + ], + [ + "n", + "et" + ], + [ + "ĠC", + "ity" + ], + [ + "Ġcomp", + "ar" + ], + [ + "t", + "rans" + ], + [ + "ĠP", + "at" + ], + [ + "E", + "L" + ], + [ + "Ġad", + "just" + ], + [ + "Ġfind", + "ing" + ], + [ + "Ġtre", + "nd" + ], + [ + "Ġcont", + "ract" + ], + [ + "r", + "un" + ], + [ + "Ġp", + "hen" + ], + [ + "Ġgen", + "etic" + ], + [ + "Ġind", + "ex" + ], + [ + "Ġim", + "agine" + ], + [ + "Ġsur", + "pr" + ], + [ + "ond", + "on" + ], + [ + "ĠCh", + "urch" + ], + [ + "ic", + "ip" + ], + [ + "c", + "raft" + ], + [ + "Ġdist", + "ribution" + ], + [ + "l", + "in" + ], + [ + "a", + "ur" + ], + [ + "ĠPe", + "ople" + ], + [ + "ĠUnder", + "standing" + ], + [ + "Ġra", + "nd" + ], + [ + "Ġg", + "old" + ], + [ + "am", + "a" + ], + [ + "Ġfa", + "ith" + ], + [ + "Ġtop", + "ic" + ], + [ + "rel", + "ated" + ], + [ + "en", + "ame" + ], + [ + "Ġass", + "ist" + ], + [ + "Ġwe", + "ak" + ], + [ + "L", + "et" + ], + [ + "Ġcitiz", + "ens" + ], + [ + "b", + "al" + ], + [ + "Ġdi", + "ed" + ], + [ + "os", + "es" + ], + [ + "Ġsoci", + "et" + ], + [ + "F", + "alse" + ], + [ + "ĠT", + "est" + ], + [ + "Ġchang", + "ed" + ], + [ + "Ġfam", + "ous" + ], + [ + "Ġst", + "ore" + ], + [ + "ĠD", + "on" + ], + [ + "Ġf", + "ederal" + ], + [ + "Ġg", + "ames" + ], + [ + "**", + ":" + ], + [ + "n", + "orm" + ], + [ + "Ġbir", + "ds" + ], + [ + "h", + "am" + ], + [ + "ang", + "ing" + ], + [ + ")", + ";" + ], + [ + "ward", + "s" + ], + [ + "m", + "ark" + ], + [ + "Ġoper", + "ations" + ], + [ + "Ġill", + "ness" + ], + [ + "Ġfem", + "ale" + ], + [ + "ĠH", + "igh" + ], + [ + "bo", + "ard" + ], + [ + "s", + "es" + ], + [ + "ĠPres", + "ident" + ], + [ + "el", + "come" + ], + [ + "t", + "ical" + ], + [ + "ch", + "ing" + ], + [ + "Ġref", + "ers" + ], + [ + "i", + "as" + ], + [ + "ĠIs", + "rael" + ], + [ + "Ġnut", + "ri" + ], + [ + "a", + "res" + ], + [ + "Ġres", + "istance" + ], + [ + "Ġact", + "ual" + ], + [ + "Ġcommon", + "ly" + ], + [ + "ĠC", + "ong" + ], + [ + "ĠJ", + "ournal" + ], + [ + "ĠCh", + "apter" + ], + [ + "ar", + "ray" + ], + [ + "Ġhapp", + "ens" + ], + [ + "Ġcomm", + "erc" + ], + [ + "Ġeas", + "ier" + ], + [ + "Ġreg", + "ions" + ], + [ + "Ġsex", + "ual" + ], + [ + "c", + "ast" + ], + [ + "'", + "." + ], + [ + "ĠBl", + "ack" + ], + [ + "ĠCh", + "ar" + ], + [ + "Ġrequire", + "ments" + ], + [ + "ent", + "y" + ], + [ + "Ġpl", + "aced" + ], + [ + "Ġbec", + "oming" + ], + [ + "Ġde", + "eper" + ], + [ + "or", + "ith" + ], + [ + "r", + "id" + ], + [ + "Ġstreng", + "th" + ], + [ + "à", + "¤" + ], + [ + "Ġat", + "mosp" + ], + [ + "Ġfor", + "mer" + ], + [ + "ri", + "x" + ], + [ + "go", + "ing" + ], + [ + "ce", + "mber" + ], + [ + "Ġex", + "hib" + ], + [ + "Ġhelp", + "ing" + ], + [ + "Ġexper", + "iment" + ], + [ + "Ġr", + "at" + ], + [ + "com", + "m" + ], + [ + "ĠS", + "ince" + ], + [ + "xi", + "ety" + ], + [ + "Ġpres", + "ence" + ], + [ + "an", + "ish" + ], + [ + "Ġs", + "ample" + ], + [ + "ruct", + "ure" + ], + [ + "Ġhapp", + "en" + ], + [ + "ify", + "ing" + ], + [ + "Ġpr", + "ice" + ], + [ + "Ġtra", + "ck" + ], + [ + "z", + "ing" + ], + [ + "Ġpre", + "gn" + ], + [ + "Ġpop", + "ulations" + ], + [ + "Ġev", + "ol" + ], + [ + "Ġany", + "one" + ], + [ + "d", + "o" + ], + [ + "Ġthous", + "ands" + ], + [ + "Ġex", + "cess" + ], + [ + "Ġident", + "ified" + ], + [ + "Ġfeel", + "ing" + ], + [ + "Ġform", + "ed" + ], + [ + "ĠC", + "he" + ], + [ + "Ġmon", + "it" + ], + [ + "Ġv", + "ital" + ], + [ + "Ġstart", + "ing" + ], + [ + "Ġdrug", + "s" + ], + [ + "Ġs", + "em" + ], + [ + "Ġun", + "ivers" + ], + [ + "Ġw", + "inter" + ], + [ + "Ġchang", + "ing" + ], + [ + "Ġv", + "ary" + ], + [ + "Ġshow", + "ed" + ], + [ + "Ġur", + "ban" + ], + [ + "a", + "ign" + ], + [ + "Ġredu", + "cing" + ], + [ + "Ġro", + "t" + ], + [ + "Ġsh", + "aring" + ], + [ + "Ġdi", + "abetes" + ], + [ + "Ġpre", + "par" + ], + [ + "c", + "all" + ], + [ + "Ġrem", + "ove" + ], + [ + "Ġexp", + "ression" + ], + [ + "ĠUn", + "ion" + ], + [ + "Ġfru", + "it" + ], + [ + "Ġdef", + "ined" + ], + [ + "ĠM", + "ex" + ], + [ + "om", + "b" + ], + [ + "ĠL", + "ab" + ], + [ + "Ġfore", + "ign" + ], + [ + "Ġc", + "ounter" + ], + [ + "at", + "ers" + ], + [ + "Ġop", + "in" + ], + [ + "ĠS", + "pec" + ], + [ + "Ġget", + "s" + ], + [ + "ĠE", + "ast" + ], + [ + "Ġtop", + "ics" + ], + [ + "Ġsol", + "id" + ], + [ + "Ġlab", + "el" + ], + [ + "Ġrand", + "om" + ], + [ + "S", + "h" + ], + [ + "d", + "is" + ], + [ + "ĠT", + "r" + ], + [ + "Ġatt", + "ract" + ], + [ + "el", + "ine" + ], + [ + "ĠL", + "aw" + ], + [ + "Ġd", + "irection" + ], + [ + "Ġun", + "f" + ], + [ + "Ġadv", + "anced" + ], + [ + "Ġhealth", + "care" + ], + [ + "Ġevent", + "ually" + ], + [ + "Ġt", + "asks" + ], + [ + "Ġm", + "al" + ], + [ + "ĠV", + "ir" + ], + [ + "ĠD", + "NA" + ], + [ + "f", + "ield" + ], + [ + "Ġlet", + "ter" + ], + [ + "g", + "s" + ], + [ + "Ġm", + "outh" + ], + [ + "Ġ[", + "]" + ], + [ + "ac", + "he" + ], + [ + "iven", + "ess" + ], + [ + "ĠCount", + "y" + ], + [ + "S", + "e" + ], + [ + "et", + "ime" + ], + [ + "Ġconn", + "ected" + ], + [ + "Ġcompre", + "hens" + ], + [ + "Ġto", + "x" + ], + [ + "Ġw", + "a" + ], + [ + "g", + "l" + ], + [ + "ounc", + "il" + ], + [ + "Ġfeel", + "ings" + ], + [ + "ro", + "y" + ], + [ + "Ġsitu", + "ations" + ], + [ + "h", + "ouse" + ], + [ + "Ġb", + "all" + ], + [ + "Ġpl", + "ans" + ], + [ + "Ġv", + "ill" + ], + [ + "Ġadv", + "ance" + ], + [ + "se", + "mb" + ], + [ + "ove", + "mber" + ], + [ + "Ġbo", + "ard" + ], + [ + "Ġf", + "illed" + ], + [ + "n", + "p" + ], + [ + "ĠJew", + "ish" + ], + [ + "Ġmention", + "ed" + ], + [ + "Ġha", + "ir" + ], + [ + "Ġimm", + "une" + ], + [ + "Ġst", + "im" + ], + [ + "Ġread", + "ers" + ], + [ + "ĠAl", + "so" + ], + [ + "Ġread", + "y" + ], + [ + "Ġresult", + "ing" + ], + [ + "Ġp", + "en" + ], + [ + "Ġun", + "c" + ], + [ + "Ġaware", + "ness" + ], + [ + "Ġconsum", + "ption" + ], + [ + "i", + "able" + ], + [ + "t", + "rain" + ], + [ + "ĠP", + "y" + ], + [ + "Ġpart", + "ners" + ], + [ + "Ġless", + "ons" + ], + [ + "Ġh", + "op" + ], + [ + "Ġgl", + "ass" + ], + [ + "or", + "b" + ], + [ + "Ġdes", + "pite" + ], + [ + "Ġb", + "ond" + ], + [ + "l", + "ay" + ], + [ + "ĠW", + "ashington" + ], + [ + "Ġcaus", + "ing" + ], + [ + "Ġs", + "ort" + ], + [ + "ight", + "ly" + ], + [ + "P", + "A" + ], + [ + "Ġpie", + "ces" + ], + [ + "ĠĠĠĠ", + "Ġ" + ], + [ + "Ġtra", + "in" + ], + [ + "Ġcon", + "clusion" + ], + [ + "Ġsepar", + "ate" + ], + [ + "ĠSept", + "ember" + ], + [ + "S", + "ome" + ], + [ + "ĠJan", + "uary" + ], + [ + "ĠOct", + "ober" + ], + [ + "hip", + "s" + ], + [ + "Ġ", + "ign" + ], + [ + "ĠAd", + "ditionally" + ], + [ + "Ġs", + "ac" + ], + [ + "Ġl", + "ib" + ], + [ + "c", + "king" + ], + [ + "ĠCon", + "f" + ], + [ + "ĠB", + "i" + ], + [ + "How", + "ever" + ], + [ + "Ġbl", + "ue" + ], + [ + "Ġte", + "le" + ], + [ + "Ġb", + "ed" + ], + [ + "Ġplay", + "ing" + ], + [ + "am", + "ental" + ], + [ + "en", + "cing" + ], + [ + "Ġthough", + "ts" + ], + [ + "Ġch", + "ance" + ], + [ + "ĠR", + "oman" + ], + [ + "et", + "her" + ], + [ + "Ġsp", + "ect" + ], + [ + "Ġexper", + "im" + ], + [ + "Ġd", + "ial" + ], + [ + "at", + "in" + ], + [ + "Ġe", + "ight" + ], + [ + "Ġtechn", + "ique" + ], + [ + "ies", + "t" + ], + [ + "Ġpre", + "f" + ], + [ + "p", + "ed" + ], + [ + "Ġgard", + "en" + ], + [ + "Ġinterpre", + "t" + ], + [ + "ro", + "ps" + ], + [ + "pect", + "ed" + ], + [ + "Ġbelie", + "ved" + ], + [ + "Ġappro", + "aches" + ], + [ + "Ġexperi", + "enced" + ], + [ + "ub", + "e" + ], + [ + "d", + "own" + ], + [ + "Ġinf", + "l" + ], + [ + "ĠA", + "ut" + ], + [ + "Ġp", + "ick" + ], + [ + "Ġ", + "id" + ], + [ + "H", + "E" + ], + [ + "Ġvis", + "ion" + ], + [ + "Ġincre", + "ases" + ], + [ + "ĠD", + "ef" + ], + [ + "ĠAr", + "ch" + ], + [ + "d", + "at" + ], + [ + "ĠB", + "o" + ], + [ + "Ġh", + "om" + ], + [ + "U", + "S" + ], + [ + "Ġg", + "ave" + ], + [ + "A", + "d" + ], + [ + "Ġst", + "aff" + ], + [ + "Ġro", + "w" + ], + [ + "r", + "ant" + ], + [ + "Ġexper", + "t" + ], + [ + "ric", + "k" + ], + [ + "Ġdep", + "ending" + ], + [ + "Ġsustain", + "able" + ], + [ + "Ġman", + "age" + ], + [ + "op", + "hy" + ], + [ + "Ġmedic", + "ine" + ], + [ + "Ġ", + "error" + ], + [ + "O", + "T" + ], + [ + "Ġbab", + "y" + ], + [ + "Ġencou", + "rage" + ], + [ + "A", + "ll" + ], + [ + "Ġ+", + "=" + ], + [ + "Ġcult", + "ures" + ], + [ + "ĠGerm", + "any" + ], + [ + "rom", + "e" + ], + [ + "Ġbel", + "ong" + ], + [ + "Ġcom", + "pl" + ], + [ + "in", + "put" + ], + [ + "Ġd", + "ivid" + ], + [ + "Ġm", + "ission" + ], + [ + "ĠL", + "ondon" + ], + [ + "Ġpresent", + "ed" + ], + [ + "Ġout", + "comes" + ], + [ + "O", + "S" + ], + [ + "ĠF", + "eb" + ], + [ + "Ġbill", + "ion" + ], + [ + "Ġn", + "ative" + ], + [ + "Ġprofess", + "or" + ], + [ + "i", + "ance" + ], + [ + "Ġobserv", + "ed" + ], + [ + "Ġch", + "urch" + ], + [ + "Ġcont", + "rast" + ], + [ + "Ġfrequ", + "ently" + ], + [ + "Ġappear", + "s" + ], + [ + "Ġc", + "ogn" + ], + [ + "Ġrel", + "atively" + ], + [ + "ĠR", + "el" + ], + [ + "P", + "S" + ], + [ + "Ġinc", + "ome" + ], + [ + "Ġclass", + "es" + ], + [ + "Ġ{", + "}" + ], + [ + "Ġw", + "alk" + ], + [ + "ra", + "ction" + ], + [ + "ograph", + "ic" + ], + [ + "ars", + "er" + ], + [ + "l", + "or" + ], + [ + "Ġbusiness", + "es" + ], + [ + "Ġeng", + "age" + ], + [ + "Ġcol", + "umn" + ], + [ + "resp", + "ond" + ], + [ + "Ġwond", + "er" + ], + [ + "Ġmajor", + "ity" + ], + [ + "or", + "ch" + ], + [ + "Ġcon", + "v" + ], + [ + "Ġem", + "issions" + ], + [ + "Ġ", + "..." + ], + [ + "h", + "and" + ], + [ + "f", + "e" + ], + [ + "Ġpl", + "ays" + ], + [ + "Ġsuggest", + "s" + ], + [ + "res", + "ents" + ], + [ + "Ġtr", + "uth" + ], + [ + "g", + "ra" + ], + [ + "Ġbu", + "y" + ], + [ + "Ġdiscuss", + "ion" + ], + [ + "Ġhelp", + "ed" + ], + [ + "as", + "ion" + ], + [ + "Ġlangu", + "ages" + ], + [ + "ĠPro", + "f" + ], + [ + "Ġfil", + "es" + ], + [ + "al", + "t" + ], + [ + "ur", + "l" + ], + [ + "rie", + "ved" + ], + [ + "Ġon", + "to" + ], + [ + "A", + "fter" + ], + [ + "al", + "le" + ], + [ + "Ġcirc", + "um" + ], + [ + "Ġrecord", + "s" + ], + [ + "P", + "h" + ], + [ + "te", + "red" + ], + [ + "Ġad", + "vent" + ], + [ + "ur", + "ance" + ], + [ + "H", + "ere" + ], + [ + "Ġheav", + "y" + ], + [ + "Ġf", + "elt" + ], + [ + "r", + "is" + ], + [ + "Ġref", + "erence" + ], + [ + "Ġt", + "issue" + ], + [ + "ĠTh", + "us" + ], + [ + "Ġco", + "ord" + ], + [ + "Ġsound", + "s" + ], + [ + "Ġcre", + "ation" + ], + [ + "c", + "ap" + ], + [ + "ress", + "ive" + ], + [ + "č", + "ĊĠĠĠĠĠĠĠĠĠĠĠ" + ], + [ + "ĠB", + "ar" + ], + [ + "Ġprocess", + "ing" + ], + [ + "ant", + "ic" + ], + [ + "Ġa", + "p" + ], + [ + "n", + "o" + ], + [ + "Ġoff", + "ice" + ], + [ + "or", + "ge" + ], + [ + "Ġtrans", + "fer" + ], + [ + "Ġintern", + "al" + ], + [ + "het", + "ic" + ], + [ + "Ġpl", + "astic" + ], + [ + "Ġhe", + "ight" + ], + [ + "gy", + "pt" + ], + [ + "Ġcharacter", + "istics" + ], + [ + "ĠAustral", + "ia" + ], + [ + "ĠC", + "or" + ], + [ + "y", + "gen" + ], + [ + "f", + "low" + ], + [ + "ab", + "ase" + ], + [ + "Ġo", + "ption" + ], + [ + "ĠS", + "om" + ], + [ + "Ġform", + "at" + ], + [ + "Ġf", + "ert" + ], + [ + "Ġr", + "iver" + ], + [ + "ĠEn", + "vironment" + ], + [ + "U", + "T" + ], + [ + "Ġimpro", + "ved" + ], + [ + "ĠS", + "ur" + ], + [ + "Ġreport", + "s" + ], + [ + "qu", + "al" + ], + [ + "c", + "ular" + ], + [ + "Ġincreasing", + "ly" + ], + [ + "c", + "ode" + ], + [ + "Ġ", + "â" + ], + [ + "u", + "it" + ], + [ + "le", + "vel" + ], + [ + "c", + "ount" + ], + [ + "Ġpre", + "fer" + ], + [ + "ĠW", + "estern" + ], + [ + "Ġturn", + "ed" + ], + [ + "ĠW", + "ater" + ], + [ + "ann", + "el" + ], + [ + "ĠDe", + "cember" + ], + [ + "arn", + "ing" + ], + [ + "Ġmot", + "iv" + ], + [ + "ot", + "hes" + ], + [ + "ĠFr", + "ance" + ], + [ + "Ġdis", + "order" + ], + [ + "ĠB", + "ecause" + ], + [ + "Ġli", + "qu" + ], + [ + "ĠS", + "an" + ], + [ + "Ġimmedi", + "ately" + ], + [ + "Ġs", + "av" + ], + [ + "ic", + "on" + ], + [ + "Ġal", + "cohol" + ], + [ + "Ġnot", + "es" + ], + [ + "Ġens", + "uring" + ], + [ + "ĠGen", + "eral" + ], + [ + "Ġdis", + "orders" + ], + [ + "Ġm", + "ist" + ], + [ + "ribut", + "ed" + ], + [ + "ĠU", + "K" + ], + [ + "Ġengine", + "ering" + ], + [ + "Ġmus", + "cle" + ], + [ + "act", + "ion" + ], + [ + "Ġclin", + "ical" + ], + [ + "Ġrep", + "resents" + ], + [ + "Ġclass", + "room" + ], + [ + "v", + "ision" + ], + [ + "Ġm", + "ale" + ], + [ + "ic", + "ed" + ], + [ + "Ġindust", + "rial" + ], + [ + "Ġgen", + "e" + ], + [ + "ram", + "e" + ], + [ + "Ġra", + "ce" + ], + [ + "Ġconflic", + "t" + ], + [ + "Ġinst", + "itutions" + ], + [ + "d", + "ed" + ], + [ + "ĠS", + "ol" + ], + [ + "re", + "st" + ], + [ + "Ġcol", + "ors" + ], + [ + "p", + "at" + ], + [ + "ĠMed", + "ic" + ], + [ + "Ġgener", + "ation" + ], + [ + "h", + "ttps" + ], + [ + "Ġ", + "iron" + ], + [ + "Ġv", + "ul" + ], + [ + "Ġalg", + "orith" + ], + [ + "d", + "es" + ], + [ + "Ġdivers", + "ity" + ], + [ + "Ġan", + "xiety" + ], + [ + "Ġinterest", + "s" + ], + [ + "Ġenh", + "ance" + ], + [ + "Ġd", + "ive" + ], + [ + "Ġparticip", + "ants" + ], + [ + "Ġel", + "if" + ], + [ + "ĠH", + "ouse" + ], + [ + "ĠEx", + "pl" + ], + [ + "ic", + "ense" + ], + [ + "ĠSoci", + "ety" + ], + [ + "Ġj", + "o" + ], + [ + "ro", + "ad" + ], + [ + "il", + "arly" + ], + [ + "Ġrele", + "ase" + ], + [ + "ru", + "ary" + ], + [ + "Ġcolle", + "ge" + ], + [ + "be", + "ing" + ], + [ + "Ġtrans", + "l" + ], + [ + "Ġh", + "omes" + ], + [ + "ĠD", + "ata" + ], + [ + "Ġcommerc", + "ial" + ], + [ + "Ġtr", + "ig" + ], + [ + "pl", + "ot" + ], + [ + "re", + "f" + ], + [ + "ens", + "ions" + ], + [ + "Ġmet", + "al" + ], + [ + "Ġmaintain", + "ing" + ], + [ + "Ġant", + "ib" + ], + [ + "ĠD", + "i" + ], + [ + "Ġ-", + ">" + ], + [ + "Ġapprox", + "imately" + ], + [ + "os", + "ystem" + ], + [ + "olog", + "ists" + ], + [ + "Ġw", + "in" + ], + [ + "Ġintrodu", + "ced" + ], + [ + "IN", + "G" + ], + [ + "r", + "ations" + ], + [ + "ĠUn", + "it" + ], + [ + "ĠA", + "ng" + ], + [ + "Ġpart", + "y" + ], + [ + "Ġlead", + "s" + ], + [ + "Ġel", + "im" + ], + [ + "ail", + "s" + ], + [ + "ĠInst", + "ead" + ], + [ + "Ġviol", + "ence" + ], + [ + "Ġrelig", + "ion" + ], + [ + "Ġchalleng", + "ing" + ], + [ + "Ġfac", + "ilit" + ], + [ + "Ġrem", + "ov" + ], + [ + "Â", + "°" + ], + [ + "ob", + "ject" + ], + [ + "Ġing", + "red" + ], + [ + "ĠN", + "ovember" + ], + [ + "i", + "xt" + ], + [ + "as", + "et" + ], + [ + "Ġconsequ", + "ences" + ], + [ + "Ġv", + "ast" + ], + [ + "az", + "ing" + ], + [ + "Ġmeet", + "ing" + ], + [ + "Ġm", + "o" + ], + [ + "ish", + "ing" + ], + [ + "ĠE", + "gypt" + ], + [ + "od", + "ing" + ], + [ + "Ġdec", + "ades" + ], + [ + "Ġbre", + "ast" + ], + [ + "ĠS", + "ocial" + ], + [ + "Ġst", + "orage" + ], + [ + "Ġadv", + "oc" + ], + [ + "ac", + "ing" + ], + [ + "em", + "pl" + ], + [ + "Ġcle", + "arly" + ], + [ + "Ġtemper", + "atures" + ], + [ + "Ġjust", + "ice" + ], + [ + "Ġfre", + "edom" + ], + [ + "Ċ", + "ĊĠĠĠĠĠĠĠĠĠĠĠ" + ], + [ + "ord", + "s" + ], + [ + "ic", + "ated" + ], + [ + "Ġt", + "our" + ], + [ + "Ġfil", + "m" + ], + [ + "Ġcour", + "t" + ], + [ + "us", + "es" + ], + [ + "Ġp", + "p" + ], + [ + "Ġare", + "n" + ], + [ + "Ġh", + "uge" + ], + [ + "Ġnut", + "rition" + ], + [ + "Ġspe", + "ech" + ], + [ + "Ġter", + "rit" + ], + [ + "ed", + "ing" + ], + [ + "ĠIt", + "s" + ], + [ + "Ġfocus", + "ed" + ], + [ + "Ġin", + "sect" + ], + [ + "Ġun", + "its" + ], + [ + "Ġmult", + "i" + ], + [ + "Ġpract", + "ical" + ], + [ + "ĠSe", + "e" + ], + [ + "Ġmil", + "k" + ], + [ + "Ġbuild", + "ings" + ], + [ + "ĠMore", + "over" + ], + [ + "Ġindepend", + "ent" + ], + [ + "Im", + "agine" + ], + [ + "le", + "g" + ], + [ + "con", + "st" + ], + [ + "Ġcare", + "er" + ], + [ + "L", + "E" + ], + [ + "ak", + "ers" + ], + [ + "Ġeng", + "aging" + ], + [ + "Ġstrateg", + "y" + ], + [ + "ic", + "ial" + ], + [ + "Ġemot", + "ions" + ], + [ + "te", + "e" + ], + [ + "Ġp", + "ric" + ], + [ + "Ġassess", + "ment" + ], + [ + "U", + "R" + ], + [ + "s", + "ol" + ], + [ + "ent", + "h" + ], + [ + "u", + "x" + ], + [ + "An", + "other" + ], + [ + "b", + "ox" + ], + [ + "Ġsee", + "k" + ], + [ + "Ġb", + "atter" + ], + [ + "ortun", + "ately" + ], + [ + "Ġstate", + "ment" + ], + [ + "om", + "as" + ], + [ + "ĠM", + "at" + ], + [ + "?", + "\"" + ], + [ + "c", + "ript" + ], + [ + "Ġre", + "place" + ], + [ + "T", + "ype" + ], + [ + "g", + "in" + ], + [ + "ĠFurther", + "more" + ], + [ + "ĠS", + "ch" + ], + [ + "Ġexc", + "ell" + ], + [ + "Ġkeep", + "ing" + ], + [ + "om", + "a" + ], + [ + "ĠRe", + "v" + ], + [ + "M", + "od" + ], + [ + "z", + "er" + ], + [ + "viron", + "ments" + ], + [ + "Ġd", + "ri" + ], + [ + "ib", + "ilities" + ], + [ + "Ġcreat", + "ive" + ], + [ + "Ġcy", + "cle" + ], + [ + "Ġmin", + "or" + ], + [ + "Ġstudy", + "ing" + ], + [ + "ĠP", + "ublic" + ], + [ + "Ġtre", + "ated" + ], + [ + "erv", + "ed" + ], + [ + "Ġset", + "tings" + ], + [ + "ĠO", + "b" + ], + [ + "it", + "age" + ], + [ + "Ġextrem", + "ely" + ], + [ + "Ġphen", + "omen" + ], + [ + "Ġexper", + "ts" + ], + [ + "ĠAssoci", + "ation" + ], + [ + "sh", + "ape" + ], + [ + "ĠA", + "v" + ], + [ + "j", + "oin" + ], + [ + "at", + "ically" + ], + [ + "Ġcontin", + "ues" + ], + [ + "ain", + "t" + ], + [ + "s", + "pec" + ], + [ + "Ġinterest", + "ed" + ], + [ + "Ġcor", + "respond" + ], + [ + "Ġprim", + "arily" + ], + [ + "Ġc", + "ook" + ], + [ + "Ġconduct", + "ed" + ], + [ + "Ġdep", + "ression" + ], + [ + "Ġcollab", + "or" + ], + [ + "t", + "ra" + ], + [ + "ct", + "or" + ], + [ + "Ġpre", + "t" + ], + [ + "ĠP", + "al" + ], + [ + "m", + "ary" + ], + [ + "Ġelectric", + "ity" + ], + [ + "Ġsur", + "vey" + ], + [ + "d", + "b" + ], + [ + "Ġbott", + "om" + ], + [ + "Ġst", + "ar" + ], + [ + "Ġj", + "u" + ], + [ + "Ġt", + "rou" + ], + [ + "ĠPl", + "an" + ], + [ + "Ġis", + "ol" + ], + [ + "Ġhe", + "ar" + ], + [ + "Ġt", + "rib" + ], + [ + "i", + "i" + ], + [ + "Ġcamp", + "aign" + ], + [ + "Ġw", + "is" + ], + [ + "Ġorgan", + "ic" + ], + [ + "Ġp", + "ul" + ], + [ + "ĠThere", + "fore" + ], + [ + "ens", + "es" + ], + [ + "Ġf", + "lex" + ], + [ + "]", + "[" + ], + [ + "ĠH", + "ar" + ], + [ + "Ġnot", + "ice" + ], + [ + "t", + "hen" + ], + [ + "Ġwid", + "ely" + ], + [ + "Ġeffic", + "iency" + ], + [ + "Ġcar", + "ried" + ], + [ + "iver", + "se" + ], + [ + "Ġd", + "ram" + ], + [ + "Ġprep", + "ared" + ], + [ + "D", + "A" + ], + [ + "ĠWh", + "y" + ], + [ + "Ġsp", + "ot" + ], + [ + "W", + "hy" + ], + [ + "g", + "ment" + ], + [ + "in", + "n" + ], + [ + "Ġleg", + "is" + ], + [ + "Ġgener", + "ations" + ], + [ + "Ġs", + "and" + ], + [ + "Ġfram", + "ew" + ], + [ + "Ġgr", + "ant" + ], + [ + "pos", + "es" + ], + [ + "Ġb", + "ud" + ], + [ + "ress", + "ed" + ], + [ + "ĠDevelop", + "ment" + ], + [ + "ĠG", + "reen" + ], + [ + "Ġse", + "cret" + ], + [ + "ĠB", + "ra" + ], + [ + "ĠW", + "rit" + ], + [ + "Ġb", + "one" + ], + [ + "r", + "um" + ], + [ + "p", + "en" + ], + [ + "res", + "ult" + ], + [ + "re", + "p" + ], + [ + "Ġhig", + "hest" + ], + [ + "er", + "ia" + ], + [ + "Ġsp", + "ring" + ], + [ + "Ġsy", + "nt" + ], + [ + "Ġw", + "all" + ], + [ + "ĠG", + "ra" + ], + [ + "Ġcomb", + "ination" + ], + [ + "Ġdr", + "ive" + ], + [ + "Ġpro", + "s" + ], + [ + "Ġstr", + "ing" + ], + [ + "Ġhouse", + "hold" + ], + [ + "Ġext", + "ract" + ], + [ + "ĠJapan", + "ese" + ], + [ + "Ġfavor", + "ite" + ], + [ + "d", + "a" + ], + [ + "ĠA", + "N" + ], + [ + "Ġmov", + "ed" + ], + [ + "Ġart", + "ists" + ], + [ + "Ġmove", + "ments" + ], + [ + "Ġinv", + "ent" + ], + [ + "Ġperspect", + "ive" + ], + [ + "Ġperform", + "ed" + ], + [ + "ing", + "er" + ], + [ + "Ġfam", + "iliar" + ], + [ + "Ġth", + "ick" + ], + [ + "Ġplay", + "ed" + ], + [ + "ĠM", + "or" + ], + [ + "le", + "ge" + ], + [ + "Ġrecomm", + "ended" + ], + [ + "The", + "y" + ], + [ + "Ġcons", + "ervation" + ], + [ + "ĠF", + "ound" + ], + [ + "Ġch", + "ronic" + ], + [ + "out", + "put" + ], + [ + "Ġoper", + "ation" + ], + [ + "ĠU", + "N" + ], + [ + "Ġspirit", + "ual" + ], + [ + "Ġs", + "ong" + ], + [ + "Ġsp", + "ent" + ], + [ + "or", + "ial" + ], + [ + "Ġfund", + "amental" + ], + [ + "Ġg", + "ather" + ], + [ + "t", + "op" + ], + [ + "Ġse", + "ven" + ], + [ + "ĠGree", + "k" + ], + [ + "st", + "e" + ], + [ + "olog", + "ist" + ], + [ + "il", + "ing" + ], + [ + "ĠWilli", + "am" + ], + [ + "em", + "ic" + ], + [ + "Ġworld", + "wide" + ], + [ + "oy", + "al" + ], + [ + "Ġl", + "ibrary" + ], + [ + "Ġme", + "ant" + ], + [ + "Ġsign", + "al" + ], + [ + "Ġrespons", + "ibility" + ], + [ + "Ġcho", + "ices" + ], + [ + "Ġsay", + "ing" + ], + [ + "Ġbelief", + "s" + ], + [ + "Ġen", + "vironments" + ], + [ + "Ġf", + "ine" + ], + [ + "Ġcult", + "iv" + ], + [ + "Ġvol", + "ume" + ], + [ + "ĠRet", + "rieved" + ], + [ + "Ġox", + "ygen" + ], + [ + "Ġcon", + "ver" + ], + [ + "re", + "ed" + ], + [ + "Ġvul", + "ner" + ], + [ + "Ġsupp", + "l" + ], + [ + "S", + "A" + ], + [ + "Ġp", + "le" + ], + [ + "Ġadd", + "ing" + ], + [ + "Ġprofession", + "als" + ], + [ + "Ġcons", + "ult" + ], + [ + "Ġc", + "overed" + ], + [ + "ĠM", + "r" + ], + [ + "Ġdou", + "b" + ], + [ + "ĠH", + "uman" + ], + [ + "Ġfail", + "ure" + ], + [ + "Ġk", + "id" + ], + [ + "ĠPro", + "gram" + ], + [ + "Ġproper", + "ly" + ], + [ + "os", + "en" + ], + [ + "Ġm", + "el" + ], + [ + "Ġpol", + "y" + ], + [ + "Ġex", + "ternal" + ], + [ + "pro", + "cess" + ], + [ + "Ġun", + "iversity" + ], + [ + "Ġrem", + "ind" + ], + [ + "Ġp", + "al" + ], + [ + "Ġinc", + "red" + ], + [ + "Ġd", + "ra" + ], + [ + "Ġsy", + "n" + ], + [ + "ig", + "ure" + ], + [ + "ĠĠĠĠ", + "ĠĠ" + ], + [ + "is", + "ation" + ], + [ + "Ġlands", + "cape" + ], + [ + "se", + "c" + ], + [ + "Ġsignific", + "ance" + ], + [ + "im", + "al" + ], + [ + "Ġserv", + "ed" + ], + [ + "c", + "al" + ], + [ + "Ġemb", + "ra" + ], + [ + "ĠS", + "T" + ], + [ + "âĢĿ", + "," + ], + [ + "Ġhapp", + "ened" + ], + [ + "ĠOr", + "gan" + ], + [ + "Ġar", + "m" + ], + [ + "Ġdeg", + "rees" + ], + [ + "im", + "age" + ], + [ + "Ġimpact", + "s" + ], + [ + "oc", + "al" + ], + [ + "h", + "ttp" + ], + [ + "Ġart", + "icles" + ], + [ + "Ġit", + "em" + ], + [ + "Ġcent", + "uries" + ], + [ + "Ġse", + "eds" + ], + [ + "ot", + "ed" + ], + [ + "ĠJ", + "ames" + ], + [ + "Ġt", + "itle" + ], + [ + "d", + "im" + ], + [ + "Ġless", + "on" + ], + [ + "ro", + "ph" + ], + [ + "Ġadv", + "ice" + ], + [ + "ren", + "ce" + ], + [ + "Ġc", + "ast" + ], + [ + "Ġexam", + "ine" + ], + [ + "Ġdog", + "s" + ], + [ + "Ġse", + "ed" + ], + [ + "ĠIs", + "lam" + ], + [ + "Ġpl", + "ot" + ], + [ + "o", + "ke" + ], + [ + "Ġgener", + "ate" + ], + [ + "op", + "er" + ], + [ + "r", + "ating" + ], + [ + "Ġcare", + "fully" + ], + [ + "ing", + "ly" + ], + [ + "E", + "n" + ], + [ + "Ġp", + "apers" + ], + [ + "d", + "ent" + ], + [ + "Ġs", + "amples" + ], + [ + "Ġu", + "pper" + ], + [ + "ĠCong", + "ress" + ], + [ + "Ġorig", + "in" + ], + [ + "ric", + "s" + ], + [ + "ĠUs", + "ing" + ], + [ + "Ġo", + "cean" + ], + [ + "Ġag", + "g" + ], + [ + "Ġhigh", + "light" + ], + [ + "ĠM", + "ark" + ], + [ + "Ġsm", + "art" + ], + [ + "Ġm", + "ere" + ], + [ + "ĠSp", + "anish" + ], + [ + "lab", + "el" + ], + [ + "Ġlet", + "ters" + ], + [ + "ic", + "ians" + ], + [ + "Ġr", + "ound" + ], + [ + "Ġclos", + "ely" + ], + [ + "Ġcompon", + "ent" + ], + [ + "Ġscre", + "en" + ], + [ + "Ġar", + "ray" + ], + [ + "I", + "nd" + ], + [ + "ĠE", + "very" + ], + [ + "app", + "ing" + ], + [ + "Ġm", + "er" + ], + [ + "Ġsat", + "is" + ], + [ + "Ġcontain", + "ing" + ], + [ + "ot", + "al" + ], + [ + "Ġfin", + "ally" + ], + [ + "Ġvol", + "unt" + ], + [ + "Ġro", + "ll" + ], + [ + "Ġfig", + "ures" + ], + [ + "Ġs", + "end" + ], + [ + "Ġwe", + "alth" + ], + [ + "ĠIntern", + "et" + ], + [ + "Ġprevious", + "ly" + ], + [ + "ul", + "f" + ], + [ + "ĠFeb", + "ruary" + ], + [ + "ĠA", + "ir" + ], + [ + "ĠF", + "ood" + ], + [ + "ĠM", + "ary" + ], + [ + "z", + "a" + ], + [ + "Ġpotential", + "ly" + ], + [ + "Ġim", + "pl" + ], + [ + "Ġr", + "ul" + ], + [ + "oth", + "ing" + ], + [ + "an", + "ch" + ], + [ + "Ġec", + "osystem" + ], + [ + "()", + ")" + ], + [ + "Ġad", + "op" + ], + [ + "Ġamount", + "s" + ], + [ + "l", + "ines" + ], + [ + "'", + ")," + ], + [ + "ĠO", + "ff" + ], + [ + "l", + "ast" + ], + [ + "(", + ")." + ], + [ + "Ġnet", + "works" + ], + [ + "Ġinfl", + "amm" + ], + [ + "Ġl", + "ooks" + ], + [ + "Ġrele", + "ased" + ], + [ + "ĠS", + "ub" + ], + [ + "ang", + "es" + ], + [ + "C", + "ont" + ], + [ + "Ġ", + "err" + ], + [ + "m", + "ap" + ], + [ + "Ġrefer", + "red" + ], + [ + "Ġdescrib", + "e" + ], + [ + "ess", + "age" + ], + [ + "D", + "ata" + ], + [ + "Ġinj", + "ury" + ], + [ + "Ġfl", + "ood" + ], + [ + "r", + "ich" + ], + [ + "un", + "k" + ], + [ + "Ġpur", + "poses" + ], + [ + "C", + "ol" + ], + [ + "(", + "(" + ], + [ + "R", + "I" + ], + [ + "Ġveget", + "ables" + ], + [ + "C", + "C" + ], + [ + "act", + "ive" + ], + [ + "Ġown", + "ers" + ], + [ + "b", + "all" + ], + [ + "Ġh", + "ttps" + ], + [ + "Ġdest", + "roy" + ], + [ + "Ġconf", + "irm" + ], + [ + "path", + "y" + ], + [ + "ĠL", + "a" + ], + [ + "Ġa", + "id" + ], + [ + "Ġnucle", + "ar" + ], + [ + "ĠB", + "oth" + ], + [ + "ĠM", + "al" + ], + [ + "Ġlink", + "ed" + ], + [ + "ĠL", + "ord" + ], + [ + "Ġjob", + "s" + ], + [ + "ĠV", + "ol" + ], + [ + "Ġp", + "u" + ], + [ + "Ġsee", + "king" + ], + [ + "el", + "i" + ], + [ + "ol", + "low" + ], + [ + "Ġp", + "ages" + ], + [ + "ĠM", + "ich" + ], + [ + "est", + "ion" + ], + [ + "Ġaccur", + "ate" + ], + [ + "writ", + "e" + ], + [ + "Ġadvant", + "age" + ], + [ + "w", + "args" + ], + [ + "Ġpres", + "ident" + ], + [ + "Ġour", + "selves" + ], + [ + "r", + "m" + ], + [ + "Ġg", + "od" + ], + [ + "Ġt", + "um" + ], + [ + "Ġle", + "aving" + ], + [ + "Ġrad", + "io" + ], + [ + "st", + "ream" + ], + [ + "Ġstra", + "ight" + ], + [ + "Ġtra", + "ditions" + ], + [ + "Ġcon", + "vent" + ], + [ + "Ġme", + "at" + ], + [ + "Ġdang", + "erous" + ], + [ + "Ġrem", + "oved" + ], + [ + "Ġsurg", + "ery" + ], + [ + "n", + "ic" + ], + [ + "Ġcap", + "able" + ], + [ + "Ġb", + "attle" + ], + [ + "Ġestim", + "ated" + ], + [ + "Ġform", + "ation" + ], + [ + "Ġon", + "going" + ], + [ + "Ġcred", + "it" + ], + [ + "id", + "a" + ], + [ + "Ġprom", + "oting" + ], + [ + "Ġcom", + "ment" + ], + [ + "Ġro", + "ots" + ], + [ + "Ġro", + "les" + ], + [ + "Ġexpl", + "ained" + ], + [ + "Ġt", + "ail" + ], + [ + "ĠChild", + "ren" + ], + [ + "T", + "hat" + ], + [ + "Ġmay", + "be" + ], + [ + "it", + "ness" + ], + [ + "b", + "i" + ], + [ + "Ġmost", + "ly" + ], + [ + "Ġrad", + "iation" + ], + [ + "Ġre", + "b" + ], + [ + "Ġen", + "able" + ], + [ + "in", + "ations" + ], + [ + "Ġposs", + "ess" + ], + [ + "ĠStud", + "ents" + ], + [ + "Ġpoll", + "ution" + ], + [ + "Ġs", + "ou" + ], + [ + "Ġset", + "s" + ], + [ + ".", + "__" + ], + [ + "wh", + "ich" + ], + [ + "in", + "ent" + ], + [ + "F", + "rom" + ], + [ + "Ġrel", + "ative" + ], + [ + "Ġother", + "wise" + ], + [ + "Ġa", + "part" + ], + [ + "ific", + "ial" + ], + [ + "Ġh", + "orm" + ], + [ + "Ġgra", + "de" + ], + [ + "Ġsubject", + "s" + ], + [ + "Ġp", + "ush" + ], + [ + "Ġrecogn", + "ize" + ], + [ + "Ġsqu", + "are" + ], + [ + "ra", + "py" + ], + [ + "ĠS", + "y" + ], + [ + "Ġv", + "ess" + ], + [ + "b", + "ody" + ], + [ + "ipp", + "ed" + ], + [ + "Ġguid", + "elines" + ], + [ + "C", + "H" + ], + [ + "N", + "o" + ], + [ + "angu", + "age" + ], + [ + "Ġvict", + "im" + ], + [ + "Ġne", + "uro" + ], + [ + "Ġch", + "arg" + ], + [ + "ĠE", + "v" + ], + [ + "ĠA", + "D" + ], + [ + "ĠSu", + "pp" + ], + [ + "as", + "ure" + ], + [ + "Ġph", + "ase" + ], + [ + "[", + ":" + ], + [ + "Ġup", + "d" + ], + [ + "ĠCol", + "lege" + ], + [ + "og", + "ue" + ], + [ + "el", + "lect" + ], + [ + "Ġrev", + "olution" + ], + [ + "Ġegg", + "s" + ], + [ + "M", + "S" + ], + [ + "'", + "m" + ], + [ + "Ġra", + "in" + ], + [ + "Ġdeterm", + "ined" + ], + [ + "ak", + "er" + ], + [ + "Ġt", + "al" + ], + [ + "Ġsec", + "ure" + ], + [ + "Ġarg", + "ument" + ], + [ + "ĠAs", + "ia" + ], + [ + "augh", + "ter" + ], + [ + "]", + "(" + ], + [ + "ĠRem", + "ember" + ], + [ + "ĠDav", + "id" + ], + [ + "ĠPh", + "ys" + ], + [ + "ĠRep", + "ublic" + ], + [ + "ot", + "ic" + ], + [ + "Ġfac", + "ed" + ], + [ + "Ġatmosp", + "here" + ], + [ + "ĠPro", + "ject" + ], + [ + "ĠF", + "ore" + ], + [ + "Ġmot", + "or" + ], + [ + "ro", + "c" + ], + [ + "Ġvit", + "amin" + ], + [ + "Ġp", + "un" + ], + [ + "i", + "j" + ], + [ + "ĠWe", + "b" + ], + [ + "y", + "pes" + ], + [ + "Ġvo", + "ice" + ], + [ + "ens", + "or" + ], + [ + "Ġcomb", + "ined" + ], + [ + "Ġn", + "or" + ], + [ + "Ġdefin", + "ition" + ], + [ + "Ġtreat", + "ments" + ], + [ + "ĠR", + "ef" + ], + [ + "ar", + "row" + ], + [ + ".", + ";" + ], + [ + "Ġfarm", + "ers" + ], + [ + "Ġgen", + "es" + ], + [ + "Ġinfect", + "ions" + ], + [ + "ĠIm", + "agine" + ], + [ + "ut", + "ed" + ], + [ + "Ġsp", + "orts" + ], + [ + "Ġtechn", + "ical" + ], + [ + "Ġintellig", + "ence" + ], + [ + "Ġarg", + "s" + ], + [ + "E", + "qual" + ], + [ + "Ġmonit", + "oring" + ], + [ + "ĠM", + "ake" + ], + [ + "Ġgra", + "nd" + ], + [ + "c", + "s" + ], + [ + "ĠPro", + "t" + ], + [ + "Ġcircum", + "st" + ], + [ + "ĠC", + "ouncil" + ], + [ + "Ġappreci", + "ate" + ], + [ + "Ġe", + "arn" + ], + [ + "Ġsupport", + "ed" + ], + [ + "Ġreact", + "ion" + ], + [ + "ĠM", + "et" + ], + [ + "f", + "aces" + ], + [ + "h", + "ist" + ], + [ + "Ġfact", + "s" + ], + [ + "P", + "l" + ], + [ + "Ġt", + "aught" + ], + [ + "ĠH", + "ave" + ], + [ + "ĠB", + "el" + ], + [ + "ĠT", + "ur" + ], + [ + "Ġfrequ", + "ency" + ], + [ + "Ġd", + "ict" + ], + [ + "M", + "any" + ], + [ + "Ġann", + "ual" + ], + [ + "Ġmanufact", + "ure" + ], + [ + "re", + "et" + ], + [ + "ri", + "age" + ], + [ + "l", + "ig" + ], + [ + "Ġwor", + "ry" + ], + [ + "Ġinvol", + "ving" + ], + [ + "il", + "ed" + ], + [ + "Ġperiod", + "s" + ], + [ + "ĠA", + "lex" + ], + [ + "Ġoffic", + "ial" + ], + [ + "rast", + "ructure" + ], + [ + "Ġlook", + "ed" + ], + [ + "ric", + "ulum" + ], + [ + "ĠL", + "ife" + ], + [ + "Ġf", + "aster" + ], + [ + "Ġnot", + "ed" + ], + [ + "w", + "ell" + ], + [ + "Ġk", + "n" + ], + [ + "C", + "T" + ], + [ + "Ġbar", + "ri" + ], + [ + "Ġwh", + "om" + ], + [ + "ĠD", + "em" + ], + [ + "Ġcollab", + "oration" + ], + [ + "Ġoff", + "ered" + ], + [ + "Ġk", + "new" + ], + [ + "ĠC", + "re" + ], + [ + "al", + "d" + ], + [ + "Ġsp", + "end" + ], + [ + "F", + "irst" + ], + [ + "z", + "y" + ], + [ + "Ġcogn", + "itive" + ], + [ + "Ġt", + "alking" + ], + [ + "he", + "nt" + ], + [ + "pp", + "ing" + ], + [ + "Ġauthor", + "ity" + ], + [ + "as", + "p" + ], + [ + "Ġh", + "our" + ], + [ + "Ġult", + "imately" + ], + [ + "Ġn", + "ations" + ], + [ + "Ġhelp", + "ful" + ], + [ + "Ġre", + "new" + ], + [ + "nd", + "rome" + ], + [ + "Ġsl", + "ightly" + ], + [ + "Ġansw", + "ers" + ], + [ + "Ġp", + "lease" + ], + [ + "ĠH", + "el" + ], + [ + "Ġch", + "arge" + ], + [ + "Ġhe", + "aring" + ], + [ + "l", + "o" + ], + [ + "Ġdisc", + "rim" + ], + [ + "py", + "thon" + ], + [ + "Ġal", + "ign" + ], + [ + "Ġshow", + "ing" + ], + [ + "ĠGe", + "orge" + ], + [ + "Ġcomple", + "ted" + ], + [ + "Ġgr", + "ass" + ], + [ + "ĠB", + "as" + ], + [ + "ess", + "or" + ], + [ + "Ġk", + "illed" + ], + [ + "Ġschol", + "ars" + ], + [ + "Ġl", + "ung" + ], + [ + "ĠIs", + "land" + ], + [ + "Ġm", + "it" + ], + [ + "Ġh", + "it" + ], + [ + "ic", + "ks" + ], + [ + "Ġide", + "al" + ], + [ + "Ġt", + "iny" + ], + [ + "is", + "her" + ], + [ + "uild", + "ing" + ], + [ + "Ġcons", + "id" + ], + [ + "Ġexist", + "ence" + ], + [ + "Ġre", + "ached" + ], + [ + "ĠM", + "useum" + ], + [ + "Ġstre", + "am" + ], + [ + "Ġc", + "ere" + ], + [ + "ar", + "p" + ], + [ + "ĠHist", + "or" + ], + [ + "y", + "les" + ], + [ + "ĠO", + "pt" + ], + [ + "c", + "ell" + ], + [ + "ĠCl", + "ass" + ], + [ + "**", + "**" + ], + [ + "ĠG", + "et" + ], + [ + "n", + "s" + ], + [ + "ar", + "io" + ], + [ + "ir", + "ation" + ], + [ + "ĠP", + "ort" + ], + [ + "ust", + "er" + ], + [ + "Ġsubst", + "ant" + ], + [ + "ret", + "urn" + ], + [ + "ĠF", + "am" + ], + [ + "as", + "tern" + ], + [ + "O", + "D" + ], + [ + "Ġdesc", + "ription" + ], + [ + "Ġv", + "ent" + ], + [ + "Ġexcell", + "ent" + ], + [ + "Ġcr", + "is" + ], + [ + "y", + "cl" + ], + [ + "Ã", + "¡" + ], + [ + "Ġtru", + "ly" + ], + [ + "Ġperspect", + "ives" + ], + [ + "Ġimpro", + "ving" + ], + [ + "ĠAd", + "d" + ], + [ + "Ġsal", + "t" + ], + [ + "Ġredu", + "ction" + ], + [ + "s", + "um" + ], + [ + "Ġsmo", + "oth" + ], + [ + "oss", + "ible" + ], + [ + "O", + "ur" + ], + [ + "p", + "red" + ], + [ + "ĠS", + "et" + ], + [ + "Ġmaxim", + "um" + ], + [ + "Ġto", + "oth" + ], + [ + "ĠS", + "un" + ], + [ + "A", + "B" + ], + [ + "Ġis", + "land" + ], + [ + "Ġpropos", + "ed" + ], + [ + "al", + "ysis" + ], + [ + "le", + "te" + ], + [ + "in", + "ant" + ], + [ + "Ġd", + "ie" + ], + [ + "m", + "aking" + ], + [ + "i", + "ant" + ], + [ + "and", + "er" + ], + [ + "um", + "ber" + ], + [ + "Ġtra", + "ffic" + ], + [ + "Ġknow", + "s" + ], + [ + "Ġen", + "ab" + ], + [ + "ĠU", + "p" + ], + [ + "ĠPh", + "D" + ], + [ + "ĠB", + "udd" + ], + [ + "cre", + "te" + ], + [ + "A", + "ccording" + ], + [ + "Ġy", + "ield" + ], + [ + "Ġexp", + "osed" + ], + [ + "Ġob", + "vious" + ], + [ + "Ġb", + "rief" + ], + [ + "Ġke", + "pt" + ], + [ + "ĠP", + "aul" + ], + [ + "Ġgl", + "ob" + ], + [ + "ĠS", + "am" + ], + [ + "ĠR", + "ober" + ], + [ + "ĠH", + "IV" + ], + [ + "Ġph", + "one" + ], + [ + "Ġb", + "ank" + ], + [ + "Ġcand", + "id" + ], + [ + "w", + "ood" + ], + [ + "Ġelect", + "rical" + ], + [ + "ĠB", + "en" + ], + [ + "Ġlay", + "ers" + ], + [ + "p", + "ass" + ], + [ + "F", + "ield" + ], + [ + "Ġpartic", + "les" + ], + [ + "Ġ", + "Ð" + ], + [ + "ĠS", + "k" + ], + [ + "norm", + "al" + ], + [ + "Ġinter", + "view" + ], + [ + "l", + "ib" + ], + [ + "ĠS", + "uch" + ], + [ + "b", + "ut" + ], + [ + "ĠT", + "ex" + ], + [ + "Ġchemical", + "s" + ], + [ + "Ġkind", + "s" + ], + [ + "l", + "ong" + ], + [ + "est", + "ed" + ], + [ + "Ġsol", + "ve" + ], + [ + "Ġac", + "know" + ], + [ + "ri", + "a" + ], + [ + "Ġam", + "azing" + ], + [ + "Ġdel", + "iver" + ], + [ + "Ġex", + "change" + ], + [ + "y", + "a" + ], + [ + "Ġra", + "ised" + ], + [ + "ic", + "it" + ], + [ + "Ġpart", + "ies" + ], + [ + "Ġint", + "ended" + ], + [ + "ĠC", + "ath" + ], + [ + "f", + "it" + ], + [ + "ĠO", + "ut" + ], + [ + "Ġoper", + "ating" + ], + [ + "T", + "S" + ], + [ + "ĠC", + "ult" + ], + [ + "Ġsu", + "fficient" + ], + [ + "Ġdis", + "cipl" + ], + [ + "Ġmus", + "cles" + ], + [ + "Ġrem", + "ained" + ], + [ + "Ġgood", + "s" + ], + [ + "Ġflow", + "ers" + ], + [ + "ag", + "ue" + ], + [ + "Ġoff", + "ering" + ], + [ + "M", + "ore" + ], + [ + "Ġcertain", + "ly" + ], + [ + "ĠM", + "ount" + ], + [ + "Ġdraw", + "ing" + ], + [ + "Ġco", + "al" + ], + [ + "Ġf", + "irm" + ], + [ + "Ġsc", + "he" + ], + [ + "ĠA", + "rab" + ], + [ + "ag", + "o" + ], + [ + "ĠL", + "ist" + ], + [ + "Ġb", + "an" + ], + [ + "j", + "son" + ], + [ + "H", + "ave" + ], + [ + "ĠGovern", + "ment" + ], + [ + "Ġindic", + "ate" + ], + [ + "Ġmot", + "ion" + ], + [ + "ough", + "ly" + ], + [ + "com", + "ing" + ], + [ + "Ġimm", + "ig" + ], + [ + "g", + "i" + ], + [ + "Ġsub", + "sequ" + ], + [ + "st", + "ep" + ], + [ + "N", + "ew" + ], + [ + "Ġcomput", + "ers" + ], + [ + "n", + "es" + ], + [ + "Ġext", + "reme" + ], + [ + "Ġreg", + "ional" + ], + [ + "Ġselect", + "ed" + ], + [ + "Ġthem", + "es" + ], + [ + "Ġgovern", + "ments" + ], + [ + "Ġm", + "arg" + ], + [ + "ĠServ", + "ice" + ], + [ + "st", + "ract" + ], + [ + "Ġra", + "w" + ], + [ + "r", + "as" + ], + [ + "Ġview", + "s" + ], + [ + "Ġreg", + "ul" + ], + [ + "w", + "in" + ], + [ + "ĠKe", + "ep" + ], + [ + "ten", + "ance" + ], + [ + "Ġaffect", + "s" + ], + [ + "ĠâĢ", + "¦" + ], + [ + "Ġ", + "Ã" + ], + [ + "ĠM", + "iddle" + ], + [ + "e", + "er" + ], + [ + "Ġdep", + "ends" + ], + [ + "Ġliqu", + "id" + ], + [ + "Ġset", + "t" + ], + [ + "ars", + "h" + ], + [ + "ĠS", + "er" + ], + [ + "Ġhy", + "per" + ], + [ + "Ġfollow", + "s" + ], + [ + "v", + "ille" + ], + [ + "clus", + "ive" + ], + [ + "Ġdou", + "ble" + ], + [ + "Ġfl", + "at" + ], + [ + "ĠJew", + "s" + ], + [ + "ic", + "ious" + ], + [ + "ĠR", + "ich" + ], + [ + "ind", + "ing" + ], + [ + "Ġclos", + "er" + ], + [ + "n", + "y" + ], + [ + "Ġyou", + "th" + ], + [ + "']", + "," + ], + [ + "Ġres", + "ist" + ], + [ + "ad", + "o" + ], + [ + "ĠCent", + "ral" + ], + [ + "Ġfru", + "its" + ], + [ + "Ġsh", + "ip" + ], + [ + "D", + "F" + ], + [ + "c", + "ers" + ], + [ + "Ġregular", + "ly" + ], + [ + "K", + "ey" + ], + [ + "Ġfund", + "ing" + ], + [ + "atur", + "ally" + ], + [ + "Ġd", + "ro" + ], + [ + "--", + "-" + ], + [ + "Ġnutri", + "ents" + ], + [ + "it", + "ors" + ], + [ + "(", + ")," + ], + [ + "Ġhapp", + "y" + ], + [ + "w", + "hat" + ], + [ + "Ġapp", + "oint" + ], + [ + "Ġcon", + "clud" + ], + [ + "iction", + "ary" + ], + [ + "..", + ".." + ], + [ + "Ġcreat", + "es" + ], + [ + "Ġintern", + "et" + ], + [ + "Ġed", + "ge" + ], + [ + "Ġf", + "rag" + ], + [ + "c", + "est" + ], + [ + "Ġreturn", + "ed" + ], + [ + "par", + "ams" + ], + [ + "Ġsp", + "aces" + ], + [ + "Ġfor", + "t" + ], + [ + "conom", + "ic" + ], + [ + "Ġwas", + "n" + ], + [ + "Ġtext", + "s" + ], + [ + "Ġhand", + "le" + ], + [ + "g", + "roup" + ], + [ + "Ġth", + "in" + ], + [ + "Ġt", + "ips" + ], + [ + "ĠP", + "ract" + ], + [ + "Ġdisc", + "overy" + ], + [ + "Ġm", + "ort" + ], + [ + "row", + "s" + ], + [ + "Ġsuggest", + "ed" + ], + [ + "Ġf", + "ab" + ], + [ + "Ġbir", + "d" + ], + [ + "Ġre", + "in" + ], + [ + "Ġas", + "king" + ], + [ + "Ġc", + "ert" + ], + [ + "Ġk", + "ill" + ], + [ + "ĠCour", + "t" + ], + [ + "ro", + "id" + ], + [ + "ĠI", + "N" + ], + [ + "st", + "ood" + ], + [ + "ac", + "ific" + ], + [ + "Ġhosp", + "ital" + ], + [ + "Ġn", + "erv" + ], + [ + "wh", + "ile" + ], + [ + "C", + "E" + ], + [ + "d", + "en" + ], + [ + "Ġmain", + "ly" + ], + [ + "Ġh", + "idden" + ], + [ + "Ġinform", + "ed" + ], + [ + "U", + "N" + ], + [ + "Ġbeg", + "ins" + ], + [ + "Ġinnov", + "ative" + ], + [ + "Ġded", + "icated" + ], + [ + "el", + "ess" + ], + [ + "if", + "ies" + ], + [ + "ĠD", + "irect" + ], + [ + "b", + "and" + ], + [ + "Ġmed", + "ium" + ], + [ + "Ġinvest", + "ment" + ], + [ + "Ġproced", + "ure" + ], + [ + "or", + "king" + ], + [ + "Ġrapid", + "ly" + ], + [ + "ĠA", + "I" + ], + [ + "ĠMex", + "ico" + ], + [ + "Ġab", + "use" + ], + [ + "Ġcare", + "ful" + ], + [ + "G", + "en" + ], + [ + "ĠC", + "ivil" + ], + [ + "og", + "ether" + ], + [ + "n", + "am" + ], + [ + "Ġprote", + "ins" + ], + [ + "Ġt", + "ried" + ], + [ + "Ġw", + "aters" + ], + [ + "Ġfor", + "ced" + ], + [ + "ul", + "s" + ], + [ + "Ġabs", + "ol" + ], + [ + "Ġdoc", + "uments" + ], + [ + "Ġd", + "oll" + ], + [ + "on", + "ic" + ], + [ + "ĠLear", + "ning" + ], + [ + "Ġ", + "Î" + ], + [ + "ĠSe", + "cond" + ], + [ + "oun", + "ced" + ], + [ + "p", + "arent" + ], + [ + "Ġdis", + "app" + ], + [ + "ot", + "he" + ], + [ + "Ġst", + "orm" + ], + [ + "ĠL", + "atin" + ], + [ + "plic", + "ated" + ], + [ + "w", + "id" + ], + [ + "ear", + "s" + ], + [ + "Ġcl", + "im" + ], + [ + "Ġdiagn", + "osis" + ], + [ + "Ġs", + "outhern" + ], + [ + "Ġtox", + "ic" + ], + [ + "ĠBrit", + "ain" + ], + [ + "val", + "id" + ], + [ + "Ġbr", + "ight" + ], + [ + "Ġsupport", + "ing" + ], + [ + "ĠWh", + "ite" + ], + [ + "ĠH", + "en" + ], + [ + "ĠA", + "tt" + ], + [ + "Ġmo", + "ist" + ], + [ + "Ġcircumst", + "ances" + ], + [ + "Ġcl", + "ient" + ], + [ + "Ġflu", + "id" + ], + [ + "we", + "ight" + ], + [ + "Ġoccur", + "red" + ], + [ + "Ġst", + "one" + ], + [ + "Ġbehavi", + "ors" + ], + [ + "Ġleaders", + "hip" + ], + [ + "Ġproced", + "ures" + ], + [ + "p", + "ost" + ], + [ + "Ġprep", + "are" + ], + [ + "Ä", + "ģ" + ], + [ + "ht", + "ml" + ], + [ + "Ġwind", + "ow" + ], + [ + "ak", + "s" + ], + [ + "Ġlead", + "er" + ], + [ + "Ġst", + "ars" + ], + [ + "ist", + "an" + ], + [ + "ific", + "ations" + ], + [ + "Ġfound", + "ation" + ], + [ + "Ġconsist", + "ent" + ], + [ + "ĠD", + "ist" + ], + [ + "ang", + "ed" + ], + [ + "Ġman", + "ner" + ], + [ + "Ġmill", + "ions" + ], + [ + "Ġsu", + "itable" + ], + [ + "ĠTw", + "o" + ], + [ + "r", + "ust" + ], + [ + "Ġint", + "ellect" + ], + [ + "Ġsect", + "or" + ], + [ + "Ġbro", + "ther" + ], + [ + "ili", + "ence" + ], + [ + "Ġse", + "lection" + ], + [ + "Ġpo", + "et" + ], + [ + "Ġl", + "ies" + ], + [ + "ĠN", + "av" + ], + [ + "Ġmod", + "e" + ], + [ + "Ġy", + "ellow" + ], + [ + "f", + "ree" + ], + [ + "Ġemploy", + "ees" + ], + [ + "Ġpict", + "ures" + ], + [ + "Ġ", + "!" + ], + [ + "Ġst", + "ation" + ], + [ + "Ġinf", + "rastructure" + ], + [ + "ĠMus", + "lim" + ], + [ + "Ġl", + "oved" + ], + [ + "ĠM", + "ac" + ], + [ + "inst", + "ance" + ], + [ + "d", + "oc" + ], + [ + "Ġaccom", + "pl" + ], + [ + "ap", + "i" + ], + [ + "Ġmor", + "ning" + ], + [ + "ĠN", + "et" + ], + [ + "Ġpret", + "ty" + ], + [ + "Ġer", + "a" + ], + [ + "he", + "rent" + ], + [ + "ĠN", + "AS" + ], + [ + "ĠSp", + "ace" + ], + [ + "dd", + "en" + ], + [ + "s", + "k" + ], + [ + "Ġdom", + "estic" + ], + [ + "Ġbi", + "ological" + ], + [ + "Ġingred", + "ients" + ], + [ + "Ġunder", + "lying" + ], + [ + "re", + "c" + ], + [ + "Ġexpl", + "an" + ], + [ + "Ġsk", + "ill" + ], + [ + "Ġdec", + "ide" + ], + [ + "ate", + "ver" + ], + [ + "Ġveh", + "icle" + ], + [ + "Ġj", + "oin" + ], + [ + "Ġmat", + "ch" + ], + [ + "Ġinteract", + "ions" + ], + [ + "Ġb", + "ow" + ], + [ + "Ġn", + "orthern" + ], + [ + "y", + "p" + ], + [ + "ĠO", + "ld" + ], + [ + "Ġform", + "al" + ], + [ + "m", + "ethod" + ], + [ + "Ġd", + "u" + ], + [ + "Ġset", + "tle" + ], + [ + "Ġd", + "rop" + ], + [ + "Ġinstru", + "ment" + ], + [ + "Ġpric", + "es" + ], + [ + "Ġcollect", + "ed" + ], + [ + "Ġth", + "or" + ], + [ + "ur", + "ity" + ], + [ + "Ġp", + "ray" + ], + [ + "H", + "O" + ], + [ + "b", + "ed" + ], + [ + "Ġwe", + "ar" + ], + [ + "ĠTex", + "as" + ], + [ + "lic", + "k" + ], + [ + "Ġw", + "alls" + ], + [ + "ool", + "s" + ], + [ + "Ġob", + "st" + ], + [ + "Ġguid", + "ance" + ], + [ + "ĠC", + "am" + ], + [ + "Ġinst", + "ruction" + ], + [ + "ĠP", + "ost" + ], + [ + "os", + "ite" + ], + [ + "Al", + "though" + ], + [ + "Ġele", + "v" + ], + [ + "Ġdel", + "ve" + ], + [ + "Ġneigh", + "b" + ], + [ + "ic", + "ian" + ], + [ + "Ġw", + "et" + ], + [ + "Ġharm", + "ful" + ], + [ + "Ġpers", + "ist" + ], + [ + "Ġappear", + "ance" + ], + [ + "Ġrecord", + "ed" + ], + [ + "Ġvirt", + "ual" + ], + [ + "ber", + "g" + ], + [ + "Ġor", + "al" + ], + [ + "ver", + "ty" + ], + [ + "g", + "al" + ], + [ + "Ġcl", + "ick" + ], + [ + "ĠTechn", + "ology" + ], + [ + "fil", + "ename" + ], + [ + "Ġs", + "now" + ], + [ + "Ġha", + "z" + ], + [ + "Ġcor", + "por" + ], + [ + "Ġpo", + "verty" + ], + [ + "I", + "R" + ], + [ + "Ġvari", + "able" + ], + [ + "ex", + "p" + ], + [ + "rol", + "og" + ], + [ + "Ġsu", + "dden" + ], + [ + "Ġext", + "ent" + ], + [ + "ĠJ", + "e" + ], + [ + "Ġdat", + "abase" + ], + [ + "ri", + "an" + ], + [ + "I", + "G" + ], + [ + "N", + "ame" + ], + [ + "U", + "s" + ], + [ + "Ġrem", + "ark" + ], + [ + "Ġl", + "inks" + ], + [ + "n", + "el" + ], + [ + "l", + "a" + ], + [ + "C", + "S" + ], + [ + "ĠMan", + "agement" + ], + [ + "Ġdr", + "iving" + ], + [ + "ĠIn", + "c" + ], + [ + "w", + "er" + ], + [ + "m", + "as" + ], + [ + "Ġfost", + "ering" + ], + [ + "ĠQ", + "ue" + ], + [ + "Ġfac", + "ilities" + ], + [ + "u", + "ps" + ], + [ + "Ġcour", + "ses" + ], + [ + "ĠGo", + "ogle" + ], + [ + "Ġres", + "ol" + ], + [ + "ĠAn", + "other" + ], + [ + "Ġf", + "oss" + ], + [ + "Ġ(", + "'" + ], + [ + "Ġmor", + "al" + ], + [ + "ĠDes", + "ign" + ], + [ + "anc", + "er" + ], + [ + "Ġdr", + "inking" + ], + [ + "Ġw", + "est" + ], + [ + "Ġw", + "ait" + ], + [ + "assert", + "Equal" + ], + [ + "Ġdiscuss", + "ed" + ], + [ + "Ġfeed", + "back" + ], + [ + "Ġemerg", + "ency" + ], + [ + "u", + "ing" + ], + [ + "r", + "ates" + ], + [ + "om", + "ic" + ], + [ + "Ġt", + "ro" + ], + [ + "Ġdep", + "th" + ], + [ + "Ġsens", + "itive" + ], + [ + "Ġstreng", + "then" + ], + [ + "Ġam", + "b" + ], + [ + "Ġserv", + "es" + ], + [ + "Ġdetail", + "ed" + ], + [ + "Ġbl", + "og" + ], + [ + "ĠM", + "art" + ], + [ + "Ġentire", + "ly" + ], + [ + "Ġcommunic", + "ate" + ], + [ + "Ġfil", + "ter" + ], + [ + "if", + "orm" + ], + [ + "D", + "e" + ], + [ + "Ġminim", + "um" + ], + [ + "ĠM", + "iss" + ], + [ + "Ġcut", + "ting" + ], + [ + "Ġlist", + "en" + ], + [ + "Ġpres", + "c" + ], + [ + "ĠTh", + "omas" + ], + [ + "che", + "ck" + ], + [ + "Ġf", + "ill" + ], + [ + "ĠSt", + "and" + ], + [ + "ĠL", + "ike" + ], + [ + "Ġdef", + "ine" + ], + [ + "Ġstrugg", + "le" + ], + [ + "D", + "es" + ], + [ + "Ġs", + "ides" + ], + [ + "ĠIn", + "f" + ], + [ + "N", + "ot" + ], + [ + "ĠT", + "ime" + ], + [ + "Ġinst", + "itution" + ], + [ + "Ġintrodu", + "ction" + ], + [ + "Ġrec", + "overy" + ], + [ + "os", + "a" + ], + [ + "Ġl", + "ots" + ], + [ + "Ġch", + "ain" + ], + [ + "ĠS", + "al" + ], + [ + "Ġexam", + "ining" + ], + [ + "Ġmess", + "ages" + ], + [ + "Ġtou", + "ch" + ], + [ + "Ġs", + "en" + ], + [ + "ĠB", + "ible" + ], + [ + "Ġagricult", + "ural" + ], + [ + "ĠB", + "r" + ], + [ + "Ġshe", + "l" + ], + [ + "Ġgir", + "ls" + ], + [ + "Ġper", + "man" + ], + [ + "vers", + "ion" + ], + [ + "sc", + "ale" + ], + [ + "ĠPy", + "thon" + ], + [ + "c", + "el" + ], + [ + "th", + "at" + ], + [ + "k", + "es" + ], + [ + "Ġstart", + "s" + ], + [ + "ar", + "ant" + ], + [ + "Ġsh", + "if" + ], + [ + "Ġclaim", + "s" + ], + [ + "Ġhe", + "ro" + ], + [ + "Ġspe", + "aking" + ], + [ + "ĠJ", + "er" + ], + [ + "s", + "plit" + ], + [ + "ĠW", + "ork" + ], + [ + "Ġcontroll", + "ed" + ], + [ + "ĠEn", + "ergy" + ], + [ + "Ġcomprehens", + "ive" + ], + [ + "A", + "b" + ], + [ + "Ġinnov", + "ation" + ], + [ + "Ġtyp", + "ical" + ], + [ + "w", + "est" + ], + [ + "ĠL", + "eg" + ], + [ + "Ġatt", + "acks" + ], + [ + "ag", + "on" + ], + [ + "Ġrespons", + "es" + ], + [ + "Ġshap", + "ing" + ], + [ + "Ġreg", + "ulations" + ], + [ + "str", + "ing" + ], + [ + "Ġlarg", + "ely" + ], + [ + "Ġst", + "ages" + ], + [ + "Ġen", + "em" + ], + [ + "ro", + "ke" + ], + [ + "Ġaud", + "ience" + ], + [ + "Ġaddress", + "ing" + ], + [ + "ĠSom", + "etimes" + ], + [ + "Ġmat", + "ters" + ], + [ + "Ġp", + "aid" + ], + [ + "u", + "nder" + ], + [ + "ut", + "ive" + ], + [ + "ĠB", + "ay" + ], + [ + "Ġvacc", + "ine" + ], + [ + "pos", + "ition" + ], + [ + "Ġl", + "ose" + ], + [ + "Ġr", + "ural" + ], + [ + "Ġs", + "ell" + ], + [ + "Ġp", + "ark" + ], + [ + "ĠP", + "sych" + ], + [ + "Ġgrow", + "n" + ], + [ + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠ" + ], + [ + "ĠK", + "ore" + ], + [ + "Ġrecogn", + "ized" + ], + [ + "ce", + "ived" + ], + [ + "Ġcons", + "ists" + ], + [ + "cre", + "ate" + ], + [ + "Ġch", + "osen" + ], + [ + "dition", + "al" + ], + [ + "ĠC", + "are" + ], + [ + "Ġex", + "ists" + ], + [ + "ĠMedic", + "ine" + ], + [ + "L", + "A" + ], + [ + "le", + "an" + ], + [ + "M", + "y" + ], + [ + "Ġtra", + "um" + ], + [ + "ĠP", + "ower" + ], + [ + "Ġdr", + "ink" + ], + [ + "Ġli", + "ver" + ], + [ + "ĠSt", + "ep" + ], + [ + "Ġmechan", + "isms" + ], + [ + "Ġsequ", + "ence" + ], + [ + "Ġc", + "m" + ], + [ + "I", + "M" + ], + [ + "Ġb", + "and" + ], + [ + "Ġa", + "head" + ], + [ + "ens", + "us" + ], + [ + "Ġrest", + "rict" + ], + [ + "ĠW", + "he" + ], + [ + "ic", + "ing" + ], + [ + "Ġhabit", + "at" + ], + [ + "ĠMed", + "ical" + ], + [ + "ĠEm", + "p" + ], + [ + "Ġt", + "orch" + ], + [ + "Ġaccept", + "ed" + ], + [ + "Ġmet", + "ab" + ], + [ + "Ġinter", + "vention" + ], + [ + "Ġw", + "ants" + ], + [ + "Ġc", + "ars" + ], + [ + "um", + "in" + ], + [ + "ĠL", + "ou" + ], + [ + "Ġtr", + "ial" + ], + [ + "Ġpolit", + "ics" + ], + [ + "Ġn", + "ode" + ], + [ + "Ġagricult", + "ure" + ], + [ + "Ġan", + "cest" + ], + [ + "Ġpol", + "ice" + ], + [ + "ĠRe", + "c" + ], + [ + "Ġf", + "ro" + ], + [ + "Ġrep", + "rodu" + ], + [ + "Ġwe", + "ap" + ], + [ + "Ġ(", + "\"" + ], + [ + "ar", + "ter" + ], + [ + "h", + "i" + ], + [ + "Ġad", + "equ" + ], + [ + "Ġaim", + "ed" + ], + [ + "Ġass", + "istance" + ], + [ + "Ġlat", + "est" + ], + [ + "ĠM", + "em" + ], + [ + "Ġdi", + "am" + ], + [ + "Ġprom", + "pt" + ], + [ + "ĠD", + "ise" + ], + [ + "ag", + "ers" + ], + [ + "ĠS", + "en" + ], + [ + "ĠS", + "af" + ], + [ + "ĠO", + "F" + ], + [ + "Ġc", + "ooking" + ], + [ + "Ġm", + "ent" + ], + [ + "Ġinteract", + "ion" + ], + [ + "Ġc", + "rops" + ], + [ + "Ġopen", + "ing" + ], + [ + "Ġopin", + "ion" + ], + [ + "ĠJ", + "ud" + ], + [ + "Ġabs", + "orb" + ], + [ + "Ġne", + "ut" + ], + [ + "Ġsuccess", + "fully" + ], + [ + "an", + "es" + ], + [ + "Ġs", + "in" + ], + [ + "Ġph", + "r" + ], + [ + "Ġstud", + "ied" + ], + [ + "Ġvari", + "ables" + ], + [ + "Ġf", + "iction" + ], + [ + "Ġstre", + "t" + ], + [ + "Ġd", + "ut" + ], + [ + "Ġnarr", + "atives" + ], + [ + "ic", + "an" + ], + [ + "Ġh", + "arv" + ], + [ + "ĠW", + "omen" + ], + [ + "ĠM", + "il" + ], + [ + "Ġknow", + "ing" + ], + [ + "Ġpro", + "port" + ], + [ + "ĠFr", + "anc" + ], + [ + "Ġn", + "it" + ], + [ + "G", + "o" + ], + [ + "ĠT", + "reat" + ], + [ + "Ġst", + "em" + ], + [ + "ĠCom", + "mon" + ], + [ + "Ġsc", + "ript" + ], + [ + "ĠAn", + "y" + ], + [ + "Ġbud", + "get" + ], + [ + "Ġcris", + "is" + ], + [ + "est", + "yle" + ], + [ + "Ġw", + "ave" + ], + [ + "ĠRuss", + "ia" + ], + [ + "ox", + "ide" + ], + [ + "av", + "a" + ], + [ + "ĠVir", + "gin" + ], + [ + "g", + "u" + ], + [ + "ĠEng", + "ine" + ], + [ + "ex", + "pected" + ], + [ + "Ġhundred", + "s" + ], + [ + "es", + "ter" + ], + [ + "Ġc", + "atch" + ], + [ + "Ġser", + "ver" + ], + [ + "u", + "ous" + ], + [ + "Ġdivid", + "ed" + ], + [ + "ĠM", + "icro" + ], + [ + "erv", + "ing" + ], + [ + "ĠD", + "ec" + ], + [ + "ra", + "int" + ], + [ + "Ġind", + "igenous" + ], + [ + "ĠE", + "lect" + ], + [ + "Ġre", + "form" + ], + [ + "Ġad", + "opt" + ], + [ + "Ġcou", + "ple" + ], + [ + "A", + "meric" + ], + [ + "B", + "e" + ], + [ + "s", + "is" + ], + [ + "ĠB", + "er" + ], + [ + "Ġtrans", + "ition" + ], + [ + "Ġrel", + "ax" + ], + [ + "Ġent", + "ry" + ], + [ + "Ġaff", + "ord" + ], + [ + "ĠI", + "r" + ], + [ + "Ġdiscuss", + "ions" + ], + [ + "Ġprot", + "ected" + ], + [ + "con", + "ds" + ], + [ + "ĠNAS", + "A" + ], + [ + "Ġres", + "idents" + ], + [ + "Ġmeas", + "ured" + ], + [ + "ro", + "t" + ], + [ + "Ġsurv", + "ival" + ], + [ + "Ġdoct", + "ors" + ], + [ + "Ġs", + "ession" + ], + [ + "r", + "at" + ], + [ + "Ġapp", + "arent" + ], + [ + "Ġdown", + "load" + ], + [ + "Ġaccount", + "s" + ], + [ + "Ġn", + "aturally" + ], + [ + "Ġcall", + "s" + ], + [ + "M", + "ost" + ], + [ + "Ġall", + "erg" + ], + [ + "ĠRuss", + "ian" + ], + [ + "Ġact", + "s" + ], + [ + "n", + "ode" + ], + [ + "L", + "ist" + ], + [ + "Ġneigh", + "bor" + ], + [ + "itud", + "es" + ], + [ + "ic", + "ate" + ], + [ + "Ġveh", + "icles" + ], + [ + "h", + "ost" + ], + [ + "Ġcrit", + "ic" + ], + [ + "Ġprinc", + "iple" + ], + [ + "or", + "ous" + ], + [ + "Ġpos", + "itions" + ], + [ + "Ġparam", + "eters" + ], + [ + "ĠIn", + "formation" + ], + [ + "Ġsuff", + "ering" + ], + [ + "per", + "ty" + ], + [ + "Ġmach", + "ines" + ], + [ + "B", + "efore" + ], + [ + "Ġbeaut", + "y" + ], + [ + "Ġg", + "ar" + ], + [ + "ĠStud", + "ies" + ], + [ + "ĠP", + "acific" + ], + [ + "ĠAt", + "l" + ], + [ + "Ġal", + "t" + ], + [ + "Ġun", + "iverse" + ], + [ + "ra", + "cy" + ], + [ + "l", + "ers" + ], + [ + "Ġim", + "plications" + ], + [ + "Ġst", + "ock" + ], + [ + "Ġrepresent", + "ation" + ], + [ + "c", + "hers" + ], + [ + "Ġh", + "unt" + ], + [ + "Ġa", + "f" + ], + [ + "Ġb", + "rand" + ], + [ + "Ġmedic", + "ations" + ], + [ + "Ġw", + "alking" + ], + [ + "ocr", + "atic" + ], + [ + "Ġexpl", + "oration" + ], + [ + "Ġthe", + "rm" + ], + [ + "Ġatt", + "end" + ], + [ + "Ġre", + "ject" + ], + [ + "Ġres", + "ilience" + ], + [ + "Ġshap", + "es" + ], + [ + "Ġw", + "aves" + ], + [ + "or", + "gan" + ], + [ + "i", + "ate" + ], + [ + "{", + "}" + ], + [ + "Ġdep", + "artment" + ], + [ + "er", + "als" + ], + [ + "Ġt", + "un" + ], + [ + "Ġnear", + "by" + ], + [ + "a", + "ud" + ], + [ + "ag", + "ues" + ], + [ + "m", + "ain" + ], + [ + "Ġeth", + "ical" + ], + [ + "Ġdist", + "ingu" + ], + [ + "Ã", + "Ń" + ], + [ + "Ġco", + "ff" + ], + [ + "Ġcons", + "cious" + ], + [ + "Ġsim", + "pl" + ], + [ + "ĠF", + "orm" + ], + [ + "Ġtrend", + "s" + ], + [ + "Ġast", + "ron" + ], + [ + "NA", + "ME" + ], + [ + "Ġcreat", + "ivity" + ], + [ + "r", + "ants" + ], + [ + "Ġmain", + "tenance" + ], + [ + "Ġgener", + "ated" + ], + [ + "a", + "el" + ], + [ + "ĠF", + "e" + ], + [ + "Ġint", + "ric" + ], + [ + "p", + "ers" + ], + [ + "us", + "ing" + ], + [ + "Ġbound", + "aries" + ], + [ + "Ġvis", + "ible" + ], + [ + "ĠAc", + "adem" + ], + [ + "ĠR", + "ights" + ], + [ + "ĠSim", + "ilarly" + ], + [ + "Ġunder", + "stood" + ], + [ + "Ġs", + "an" + ], + [ + "Ġstrong", + "er" + ], + [ + "Ġsh", + "ift" + ], + [ + "Ġc", + "e" + ], + [ + "v", + "an" + ], + [ + "I", + "P" + ], + [ + "or", + "row" + ], + [ + "B", + "C" + ], + [ + "Ġcard", + "i" + ], + [ + "Ġw", + "ire" + ], + [ + "Ġconcern", + "ed" + ], + [ + "Ġcur", + "riculum" + ], + [ + "Ġbroad", + "er" + ], + [ + "Ġprevent", + "ion" + ], + [ + "G", + "et" + ], + [ + "Ġfram", + "e" + ], + [ + "Ġwild", + "life" + ], + [ + "Ġtell", + "s" + ], + [ + "Ġimm", + "un" + ], + [ + "ere", + "nt" + ], + [ + "Ġconcent", + "ration" + ], + [ + "Ġconf", + "idence" + ], + [ + "fl", + "oat" + ], + [ + "Ġport", + "ion" + ], + [ + "Ġmass", + "ive" + ], + [ + "ĠFound", + "ation" + ], + [ + "ci", + "ence" + ], + [ + "Ġin", + "ner" + ], + [ + "Ġframew", + "ork" + ], + [ + "ol", + "f" + ], + [ + "EN", + "T" + ], + [ + "Ġbo", + "ost" + ], + [ + "asc", + "ular" + ], + [ + "Ġprodu", + "cing" + ], + [ + "Ġs", + "ick" + ], + [ + "ĠK", + "now" + ], + [ + "Ġremain", + "ing" + ], + [ + "Ġmob", + "ile" + ], + [ + "Ġw", + "ife" + ], + [ + "Ġk", + "il" + ], + [ + "Ġhab", + "its" + ], + [ + "in", + "et" + ], + [ + "ĠB", + "et" + ], + [ + "ĠB", + "ook" + ], + [ + "Ġr", + "ig" + ], + [ + "O", + "f" + ], + [ + "Ġoffic", + "ials" + ], + [ + "Ġimplement", + "ation" + ], + [ + "ĠNew", + "s" + ], + [ + "Ġas", + "semb" + ], + [ + "Ġg", + "ained" + ], + [ + "ĠW", + "ind" + ], + [ + "Ġsubst", + "ance" + ], + [ + "Ġab", + "ilities" + ], + [ + "Ġar", + "my" + ], + [ + "Ġobtain", + "ed" + ], + [ + "Ġeng", + "agement" + ], + [ + "Ġman", + "aged" + ], + [ + "al", + "ian" + ], + [ + "Ġman", + "aging" + ], + [ + "Ġswe", + "et" + ], + [ + "ĠWh", + "o" + ], + [ + "um", + "s" + ], + [ + "c", + "a" + ], + [ + "Ġsign", + "als" + ], + [ + "D", + "o" + ], + [ + "Ġcl", + "oud" + ], + [ + "Ġgreat", + "est" + ], + [ + "Ġe", + "ast" + ], + [ + "se", + "ction" + ], + [ + "Ġdes", + "ired" + ], + [ + "Ġappe", + "ared" + ], + [ + "e", + "al" + ], + [ + "Ġprogram", + "ming" + ], + [ + "m", + "ic" + ], + [ + "ĠEx", + "per" + ], + [ + "ell", + "ed" + ], + [ + "Ġn", + "arrow" + ], + [ + "Ġsw", + "itch" + ], + [ + "r", + "ange" + ], + [ + "ĠM", + "ass" + ], + [ + "Ġno", + "ise" + ], + [ + "olic", + "y" + ], + [ + "im", + "g" + ], + [ + "Ġw", + "itness" + ], + [ + "Ġsee", + "ing" + ], + [ + "Ġs", + "ed" + ], + [ + "ann", + "els" + ], + [ + "Ġadv", + "is" + ], + [ + "ĠP", + "ers" + ], + [ + "Ġn", + "urs" + ], + [ + "Ġf", + "if" + ], + [ + "p", + "ol" + ], + [ + "Ġa", + "th" + ], + [ + "Ġarchitect", + "ure" + ], + [ + "am", + "pl" + ], + [ + "D", + "E" + ], + [ + "Ġexp", + "ensive" + ], + [ + "Ġimprove", + "ment" + ], + [ + "Ġover", + "l" + ], + [ + "Ġconvent", + "ional" + ], + [ + "ĠS", + "ov" + ], + [ + "Ġexpl", + "ains" + ], + [ + "Ġdemonstr", + "ate" + ], + [ + "ad", + "s" + ], + [ + "ĠCont", + "rol" + ], + [ + "Ġfl", + "oor" + ], + [ + "ĠAr", + "my" + ], + [ + "Ġread", + "er" + ], + [ + "ot", + "o" + ], + [ + "V", + "ID" + ], + [ + "Ġcr", + "im" + ], + [ + "ans", + "ion" + ], + [ + "requ", + "est" + ], + [ + "ĠComm", + "ission" + ], + [ + "Ġdesign", + "s" + ], + [ + "b", + "ar" + ], + [ + "Ġn", + "an" + ], + [ + "de", + "v" + ], + [ + "Ġdecre", + "ase" + ], + [ + "Ġrecogn", + "ition" + ], + [ + "Ġpregn", + "ancy" + ], + [ + "Ġexperim", + "ents" + ], + [ + "is", + "hes" + ], + [ + "D", + "uring" + ], + [ + "Ġf", + "old" + ], + [ + "Ġt", + "aste" + ], + [ + "T", + "est" + ], + [ + "st", + "atus" + ], + [ + "id", + "ay" + ], + [ + "Ġman", + "ip" + ], + [ + "Ġst", + "ored" + ], + [ + "Ġsu", + "c" + ], + [ + "Ġimp", + "ossible" + ], + [ + "Q", + "u" + ], + [ + "Ġelect", + "ronic" + ], + [ + "Ġmark", + "ed" + ], + [ + "Ġim", + "per" + ], + [ + "am", + "ing" + ], + [ + "p", + "et" + ], + [ + "act", + "s" + ], + [ + "Ġp", + "ure" + ], + [ + "s", + "hip" + ], + [ + "Ġtest", + "ed" + ], + [ + "ph", + "a" + ], + [ + "as", + "ive" + ], + [ + "Ġ", + "]" + ], + [ + "Ġsent", + "ence" + ], + [ + "ĠD", + "isc" + ], + [ + "Ġloc", + "ations" + ], + [ + "Ġsold", + "iers" + ], + [ + "ĠN", + "or" + ], + [ + "k", + "a" + ], + [ + "Ġsat", + "ell" + ], + [ + "i", + "pe" + ], + [ + "ber", + "t" + ], + [ + "ci", + "um" + ], + [ + "R", + "ead" + ], + [ + "Ġg", + "un" + ], + [ + "Ġp", + "ig" + ], + [ + "Ġinflamm", + "ation" + ], + [ + "Ġfail", + "ed" + ], + [ + "Ġinj", + "uries" + ], + [ + "Ġpar", + "alle" + ], + [ + "val", + "ues" + ], + [ + "Ġcustom", + "ers" + ], + [ + "Ġpers", + "ons" + ], + [ + "Ġmanufact", + "uring" + ], + [ + "Ġslow", + "ly" + ], + [ + "Ġpre", + "v" + ], + [ + "B", + "l" + ], + [ + "Ġb", + "rown" + ], + [ + "cul", + "es" + ], + [ + "ĠRober", + "t" + ], + [ + "ult", + "ane" + ], + [ + "Ġra", + "il" + ], + [ + "ash", + "ion" + ], + [ + "Ġphilos", + "ophy" + ], + [ + "Ġconsid", + "ering" + ], + [ + "ĠT", + "im" + ], + [ + "ĉĉ", + "ĉĉ" + ], + [ + "o", + "om" + ], + [ + "Ġun", + "less" + ], + [ + "Ġfost", + "er" + ], + [ + "Ġtransport", + "ation" + ], + [ + "ios", + "ity" + ], + [ + "Ġto", + "ler" + ], + [ + "Ġcl", + "osed" + ], + [ + "Ġfac", + "ing" + ], + [ + "ĠDes", + "pite" + ], + [ + "c", + "her" + ], + [ + "ĠD", + "el" + ], + [ + "Ġv", + "s" + ], + [ + "Ġsk", + "y" + ], + [ + "re", + "y" + ], + [ + "Ġw", + "estern" + ], + [ + "Ġexerc", + "ises" + ], + [ + "ĠCon", + "n" + ], + [ + "Ġk", + "m" + ], + [ + "Ġcapt", + "ure" + ], + [ + "ĠEnvironment", + "al" + ], + [ + "ot", + "a" + ], + [ + "Ġrec", + "ip" + ], + [ + "ĠPro", + "v" + ], + [ + "Ġhor", + "iz" + ], + [ + "Ġinstruct", + "ions" + ], + [ + "Ġevery", + "day" + ], + [ + "Ġparticip", + "ate" + ], + [ + "Ġhor", + "se" + ], + [ + "Ġind", + "eed" + ], + [ + "Ġplay", + "ers" + ], + [ + "Ġf", + "le" + ], + [ + "Ġdef", + "ic" + ], + [ + "Ġen", + "ables" + ], + [ + "ĠS", + "cient" + ], + [ + "ĠV", + "is" + ], + [ + "Ġag", + "es" + ], + [ + "ĠK", + "ey" + ], + [ + "at", + "o" + ], + [ + "Ġp", + "and" + ], + [ + "O", + "nce" + ], + [ + "ĠG", + "roup" + ], + [ + "Ġreve", + "aled" + ], + [ + "Ġk", + "it" + ], + [ + "M", + "e" + ], + [ + "Ġplatform", + "s" + ], + [ + "B", + "N" + ], + [ + "Ġpre", + "m" + ], + [ + "Ġpr", + "ison" + ], + [ + "Ġexc", + "iting" + ], + [ + "t", + "able" + ], + [ + "========", + "========" + ], + [ + "Ġagree", + "ment" + ], + [ + "Ġart", + "ificial" + ], + [ + "Ġthera", + "p" + ], + [ + "ĠCour", + "se" + ], + [ + "oc", + "ab" + ], + [ + "Ġst", + "ick" + ], + [ + "Ġc", + "os" + ], + [ + "ĠG", + "ood" + ], + [ + "ĠSm", + "ith" + ], + [ + "Ġm", + "ac" + ], + [ + "ixt", + "ure" + ], + [ + "L", + "O" + ], + [ + "ĠSe", + "a" + ], + [ + "Ġr", + "hy" + ], + [ + "Ġc", + "rop" + ], + [ + "ot", + "ion" + ], + [ + "Ġrem", + "ote" + ], + [ + "ur", + "d" + ], + [ + "if", + "ier" + ], + [ + "Ġsh", + "op" + ], + [ + "Ġder", + "ived" + ], + [ + "ĠD", + "iv" + ], + [ + "Ġd", + "ental" + ], + [ + "le", + "ments" + ], + [ + "Ġinc", + "hes" + ], + [ + "ĠD", + "et" + ], + [ + "p", + "ack" + ], + [ + "Ġsecond", + "ary" + ], + [ + "Ġst", + "ands" + ], + [ + "M", + "L" + ], + [ + "Ġcompet", + "ition" + ], + [ + "ang", + "o" + ], + [ + "ĠN", + "ature" + ], + [ + "Ġt", + "it" + ], + [ + "du", + "le" + ], + [ + "Ġfix", + "ed" + ], + [ + "Ġp", + "il" + ], + [ + "ĠI", + "dent" + ], + [ + "k", + "wargs" + ], + [ + "Ġag", + "reed" + ], + [ + "Ġp", + "air" + ], + [ + "Ġmon", + "itor" + ], + [ + "Ġincorpor", + "ating" + ], + [ + "Ġfl", + "oat" + ], + [ + "Ġcomp", + "osition" + ], + [ + "Ġr", + "ub" + ], + [ + "Ġconsum", + "ers" + ], + [ + "ĠT", + "HE" + ], + [ + "v", + "ity" + ], + [ + "n", + "ames" + ], + [ + "op", + "en" + ], + [ + "w", + "o" + ], + [ + "app", + "y" + ], + [ + "Ġmix", + "ed" + ], + [ + "Ġphot", + "os" + ], + [ + "Ġext", + "ended" + ], + [ + "Ġher", + "itage" + ], + [ + "in", + "ity" + ], + [ + "Ġch", + "art" + ], + [ + "um", + "es" + ], + [ + "lect", + "ed" + ], + [ + "ĠL", + "ake" + ], + [ + "A", + "pp" + ], + [ + "Ġpsych", + "ological" + ], + [ + "Ġstand", + "ing" + ], + [ + "ĠPh", + "il" + ], + [ + "ĠSt", + "e" + ], + [ + "Ġposs", + "ibly" + ], + [ + "ĠM", + "ont" + ], + [ + "ĠIn", + "v" + ], + [ + "Ð", + "¾" + ], + [ + "Ġus", + "age" + ], + [ + "ipp", + "ing" + ], + [ + "ĠFl", + "or" + ], + [ + "Ġsy", + "ndrome" + ], + [ + "Ġv", + "ibr" + ], + [ + "?", + "âĢĿ" + ], + [ + "Ġarr", + "ange" + ], + [ + "S", + "E" + ], + [ + "Ġun", + "s" + ], + [ + "Ġforest", + "s" + ], + [ + "Ġpl", + "ate" + ], + [ + "Ġturn", + "s" + ], + [ + "Ġens", + "ures" + ], + [ + "Ġdynam", + "ics" + ], + [ + "Ġdep", + "ict" + ], + [ + "Ġp", + "ip" + ], + [ + "D", + "r" + ], + [ + "ad", + "a" + ], + [ + "Ġinsp", + "ired" + ], + [ + "op", + "eration" + ], + [ + "r", + "c" + ], + [ + "ĠS", + "ec" + ], + [ + "Ġm", + "useum" + ], + [ + "es", + "h" + ], + [ + "Ġdirect", + "or" + ], + [ + "Ð", + "°" + ], + [ + "Ġincred", + "ible" + ], + [ + "Ġso", + "le" + ], + [ + "Ġrepe", + "ated" + ], + [ + "Ġaut", + "hent" + ], + [ + "our", + "se" + ], + [ + "Ġdeath", + "s" + ], + [ + "def", + "ault" + ], + [ + "ke", + "ys" + ], + [ + "V", + "al" + ], + [ + "Ġpass", + "ion" + ], + [ + "i", + "en" + ], + [ + "Ġevalu", + "ation" + ], + [ + "Ġanaly", + "ze" + ], + [ + "p", + "ace" + ], + [ + "S", + "c" + ], + [ + "ĠF", + "in" + ], + [ + "Ġshe", + "ll" + ], + [ + "Ġprot", + "ocol" + ], + [ + "Ġmathemat", + "ics" + ], + [ + "ĠStud", + "y" + ], + [ + "Ġsus", + "p" + ], + [ + "ĠCath", + "olic" + ], + [ + "Ġbenef", + "icial" + ], + [ + "Ġwrit", + "er" + ], + [ + "Ġp", + "ull" + ], + [ + "cl", + "ient" + ], + [ + "in", + "i" + ], + [ + "Ġexam", + "ination" + ], + [ + "f", + "ortunately" + ], + [ + "Ġ!", + "=" + ], + [ + "Ġb", + "ones" + ], + [ + "Ġb", + "ot" + ], + [ + "Ġintellect", + "ual" + ], + [ + "ĠTh", + "ink" + ], + [ + "Ġliter", + "ary" + ], + [ + "Ġag", + "encies" + ], + [ + "Ġar", + "ms" + ], + [ + "Ġst", + "ated" + ], + [ + "Ġthe", + "ore" + ], + [ + "Ġachie", + "ved" + ], + [ + "Ġun", + "known" + ], + [ + "ĠS", + "ar" + ], + [ + "Ġorgan", + "ized" + ], + [ + "cy", + "cl" + ], + [ + "Ġmed", + "ication" + ], + [ + "Ġexpect", + "ations" + ], + [ + "Ġres", + "olution" + ], + [ + "ĠC", + "D" + ], + [ + "Ġvill", + "age" + ], + [ + "Con", + "clusion" + ], + [ + "Ġmar", + "ine" + ], + [ + "um", + "ps" + ], + [ + "Ġaccur", + "acy" + ], + [ + "U", + "L" + ], + [ + "Ġth", + "read" + ], + [ + "ĠS", + "um" + ], + [ + "Ġemploy", + "ed" + ], + [ + "Ġsupport", + "s" + ], + [ + "Ġwhere", + "as" + ], + [ + "it", + "ivity" + ], + [ + "Ġopen", + "ed" + ], + [ + "Ġerr", + "ors" + ], + [ + "ent", + "ed" + ], + [ + "w", + "ing" + ], + [ + "im", + "er" + ], + [ + "ĠC", + "reat" + ], + [ + "Ġwrit", + "ers" + ], + [ + "Ġmeaning", + "ful" + ], + [ + "Ġconf", + "ident" + ], + [ + "Ġsc", + "ore" + ], + [ + "Ġadop", + "ted" + ], + [ + "Ġlim", + "its" + ], + [ + "u", + "ation" + ], + [ + "Ġcateg", + "ories" + ], + [ + "ĠM", + "ain" + ], + [ + "as", + "ters" + ], + [ + "Ġd", + "ust" + ], + [ + "as", + "er" + ], + [ + "n", + "n" + ], + [ + "Ġrec", + "ycl" + ], + [ + "Ġdeep", + "ly" + ], + [ + "er", + "ated" + ], + [ + "ĠA", + "P" + ], + [ + "ĠB", + "re" + ], + [ + "Ġb", + "io" + ], + [ + "ĠCom", + "put" + ], + [ + "i", + "at" + ], + [ + "Ġpow", + "ers" + ], + [ + "Ġar", + "ts" + ], + [ + "Ġdescrib", + "es" + ], + [ + "y", + "e" + ], + [ + "Ġfunction", + "al" + ], + [ + "Ġarg", + "uments" + ], + [ + "de", + "red" + ], + [ + "ĠCar", + "ol" + ], + [ + "f", + "unction" + ], + [ + "Ġchild", + "hood" + ], + [ + "Ġeth", + "nic" + ], + [ + "Ġrepresent", + "ed" + ], + [ + "Ġevalu", + "ate" + ], + [ + "Ġarr", + "ived" + ], + [ + "Ġdemonstr", + "ated" + ], + [ + "or", + "ter" + ], + [ + "Ġt", + "ur" + ], + [ + "Ġfor", + "get" + ], + [ + "d", + "ep" + ], + [ + "Ġh", + "ar" + ], + [ + "Ġemerg", + "ing" + ], + [ + "Ġreact", + "ions" + ], + [ + "Ġsc", + "ene" + ], + [ + "Ġle", + "ct" + ], + [ + "Ġcom", + "ments" + ], + [ + "th", + "rop" + ], + [ + "ul", + "in" + ], + [ + "Ġman", + "if" + ], + [ + "ul", + "ating" + ], + [ + "or", + "al" + ], + [ + "ic", + "king" + ], + [ + "Ġexpl", + "o" + ], + [ + "ar", + "ity" + ], + [ + "B", + "T" + ], + [ + "Ġbr", + "ings" + ], + [ + "Ġconvers", + "ation" + ], + [ + "Ġab", + "und" + ], + [ + "Ġdist", + "ributed" + ], + [ + "Ġappreci", + "ation" + ], + [ + "Ġreal", + "ized" + ], + [ + "Ġdynam", + "ic" + ], + [ + "u", + "h" + ], + [ + "Ġf", + "ell" + ], + [ + "Ġadminist", + "ration" + ], + [ + "Ð", + "µ" + ], + [ + "Ġdo", + "or" + ], + [ + "z", + "en" + ], + [ + "ĠAm", + "ong" + ], + [ + "ĠN", + "ative" + ], + [ + "Ġhous", + "es" + ], + [ + "Ġin", + "hab" + ], + [ + "Ġhold", + "s" + ], + [ + "Ġlist", + "ed" + ], + [ + "Ġsuff", + "er" + ], + [ + "!", + "\"" + ], + [ + "Ġre", + "ly" + ], + [ + "Ġwis", + "dom" + ], + [ + "Ġext", + "ensive" + ], + [ + "Ġc", + "art" + ], + [ + "oc", + "ation" + ], + [ + "urn", + "s" + ], + [ + "ĠChar", + "les" + ], + [ + "ĠHen", + "ry" + ], + [ + ".", + "'" + ], + [ + "}", + "," + ], + [ + "ess", + "ions" + ], + [ + "ĠJ", + "ose" + ], + [ + "l", + "ength" + ], + [ + "h", + "us" + ], + [ + "ĠW", + "ild" + ], + [ + "Ġa", + "qu" + ], + [ + "port", + "s" + ], + [ + "os", + "c" + ], + [ + "Ġwor", + "se" + ], + [ + "Ġb", + "le" + ], + [ + "i", + "ology" + ], + [ + "Ġcollect", + "ive" + ], + [ + "A", + "A" + ], + [ + "Ġbehavi", + "our" + ], + [ + "Ġneg", + "ot" + ], + [ + "Ġg", + "rew" + ], + [ + "Ġp", + "ump" + ], + [ + "Ġacc", + "el" + ], + [ + "ĠInt", + "roduction" + ], + [ + "Ġdecl", + "ine" + ], + [ + "ĠW", + "il" + ], + [ + "Ġsupp", + "lement" + ], + [ + "Ġindust", + "ries" + ], + [ + "Ġdis", + "s" + ], + [ + "Ġfl", + "ight" + ], + [ + "ĠCons", + "ider" + ], + [ + "S", + "S" + ], + [ + "s", + "he" + ], + [ + "it", + "em" + ], + [ + "w", + "orld" + ], + [ + "Ġfew", + "er" + ], + [ + "Ġle", + "af" + ], + [ + "ri", + "p" + ], + [ + "Ġins", + "urance" + ], + [ + "ĠA", + "cc" + ], + [ + "Ġun", + "us" + ], + [ + "Ġtrans", + "mission" + ], + [ + "Ġinf", + "ected" + ], + [ + "ar", + "ia" + ], + [ + "Ġbl", + "ocks" + ], + [ + "Ġint", + "ake" + ], + [ + "Ġhe", + "aling" + ], + [ + "es", + "ity" + ], + [ + "ob", + "j" + ], + [ + "Ġz", + "ero" + ], + [ + "Ġpresent", + "ation" + ], + [ + "al", + "a" + ], + [ + "t", + "age" + ], + [ + "us", + "iness" + ], + [ + "col", + "or" + ], + [ + "Ġrat", + "io" + ], + [ + "Ġcam", + "era" + ], + [ + "Ġfert", + "il" + ], + [ + "Ġposs", + "ibility" + ], + [ + "Ġtechn", + "ological" + ], + [ + "Ġalong", + "side" + ], + [ + "Ġch", + "ief" + ], + [ + "ĠComp", + "any" + ], + [ + "up", + "date" + ], + [ + "Ġimmedi", + "ate" + ], + [ + "Ġmar", + "riage" + ], + [ + "ĠE", + "xt" + ], + [ + "erson", + "al" + ], + [ + "hem", + "ical" + ], + [ + "Ġcoff", + "ee" + ], + [ + "ribut", + "es" + ], + [ + "oc", + "racy" + ], + [ + "ĠSov", + "iet" + ], + [ + "T", + "e" + ], + [ + "ph", + "one" + ], + [ + "Ġcreat", + "ures" + ], + [ + "at", + "he" + ], + [ + "Ġmat", + "rix" + ], + [ + "'", + "d" + ], + [ + "ri", + "end" + ], + [ + "Ġnorm", + "ally" + ], + [ + "Ġmount", + "ain" + ], + [ + "ĠO", + "x" + ], + [ + "Ġdiscrim", + "ination" + ], + [ + "en", + "a" + ], + [ + "In", + "st" + ], + [ + "Ġseem", + "ed" + ], + [ + "ir", + "t" + ], + [ + "Ġem", + "pathy" + ], + [ + "mod", + "els" + ], + [ + "r", + "ons" + ], + [ + "ĠL", + "ibrary" + ], + [ + "p", + "read" + ], + [ + "Ġste", + "el" + ], + [ + "Ġsurv", + "ive" + ], + [ + "ĠY", + "et" + ], + [ + "Ġfight", + "ing" + ], + [ + "Ġmole", + "cules" + ], + [ + "Ġtw", + "ice" + ], + [ + "in", + "du" + ], + [ + "Ġd", + "ensity" + ], + [ + "Ġg", + "all" + ], + [ + "Ġcomfort", + "able" + ], + [ + "ĠTh", + "ose" + ], + [ + "ĠP", + "C" + ], + [ + "Ġmark", + "ets" + ], + [ + "Ġreturn", + "s" + ], + [ + "s", + "uch" + ], + [ + "ĠD", + "iff" + ], + [ + "g", + "ent" + ], + [ + "ĠRe", + "view" + ], + [ + "le", + "ts" + ], + [ + "Ġdes", + "ire" + ], + [ + "Ġnum", + "py" + ], + [ + "Ġindic", + "ates" + ], + [ + "word", + "s" + ], + [ + "act", + "ions" + ], + [ + "Ġnavig", + "ate" + ], + [ + "B", + "ob" + ], + [ + "h", + "ow" + ], + [ + "Ġlearn", + "ers" + ], + [ + "Ġt", + "all" + ], + [ + "w", + "ar" + ], + [ + "Ġmiss", + "ing" + ], + [ + "Ġm", + "oon" + ], + [ + "Ġapp", + "lying" + ], + [ + "ĠProf", + "essor" + ], + [ + "Ġcolle", + "agues" + ], + [ + "ival", + "ent" + ], + [ + "ĠS", + "l" + ], + [ + "Ġcould", + "n" + ], + [ + "Ġauthor", + "ities" + ], + [ + "Ġl", + "atter" + ], + [ + "Ġbro", + "ken" + ], + [ + "Ġal", + "le" + ], + [ + "f", + "rame" + ], + [ + "it", + "ative" + ], + [ + "Ġw", + "ish" + ], + [ + "âĢĻ", + "." + ], + [ + "Ġd", + "in" + ], + [ + "m", + "m" + ], + [ + "om", + "ach" + ], + [ + "A", + "G" + ], + [ + "ĠGl", + "obal" + ], + [ + "Ġexpress", + "ed" + ], + [ + "Ġbreat", + "hing" + ], + [ + "ĠCanad", + "ian" + ], + [ + "ĠI", + "P" + ], + [ + "m", + "essage" + ], + [ + "Ġins", + "ight" + ], + [ + "Ġpur", + "su" + ], + [ + "ĠAb", + "out" + ], + [ + "Ġcomp", + "are" + ], + [ + "']", + ")" + ], + [ + "Ġyoung", + "er" + ], + [ + "Ġlif", + "estyle" + ], + [ + "Ġsociet", + "ies" + ], + [ + "Ġadvant", + "ages" + ], + [ + "vent", + "ions" + ], + [ + "ĠM", + "o" + ], + [ + "Ġwill", + "ing" + ], + [ + "Ġgu", + "ess" + ], + [ + "Ġsociet", + "al" + ], + [ + "b", + "ase" + ], + [ + "Ġpublic", + "ation" + ], + [ + "Ġpro", + "ve" + ], + [ + "Ġst", + "yles" + ], + [ + "Ġobserv", + "ations" + ], + [ + "igh", + "ter" + ], + [ + "ass", + "ion" + ], + [ + "ct", + "ic" + ], + [ + "me", + "an" + ], + [ + "s", + "m" + ], + [ + "g", + "est" + ], + [ + "Ġin", + "ject" + ], + [ + "Ġnecess", + "arily" + ], + [ + "Ġpub", + "lish" + ], + [ + "d", + "et" + ], + [ + "clud", + "ing" + ], + [ + "b", + "ra" + ], + [ + "b", + "urg" + ], + [ + "ĠM", + "ag" + ], + [ + "rop", + "ical" + ], + [ + "rib", + "e" + ], + [ + "cl", + "aim" + ], + [ + "Ġst", + "rict" + ], + [ + "Ġsim", + "ultane" + ], + [ + "Ġg", + "al" + ], + [ + "Ġpain", + "ting" + ], + [ + "id", + "x" + ], + [ + "ro", + "vers" + ], + [ + "Ġup", + "date" + ], + [ + "Ġoptim", + "al" + ], + [ + "Ġcommit", + "ment" + ], + [ + "p", + "age" + ], + [ + "st", + "one" + ], + [ + "Ġf", + "ant" + ], + [ + "on", + "a" + ], + [ + "Ġm", + "amm" + ], + [ + "Ġlist", + "ening" + ], + [ + "s", + "or" + ], + [ + "Ġcontinu", + "ous" + ], + [ + "Ġhous", + "ing" + ], + [ + "b", + "orn" + ], + [ + "ak", + "ed" + ], + [ + "Ġsuppl", + "ies" + ], + [ + "Ġcr", + "ime" + ], + [ + "Ġdeb", + "ate" + ], + [ + "Ġax", + "is" + ], + [ + "A", + "ct" + ], + [ + "Ġ[", + "'" + ], + [ + "Ġfocus", + "es" + ], + [ + "Ġag", + "ency" + ], + [ + "\"", + ")," + ], + [ + "Ġsh", + "ut" + ], + [ + "ĠB", + "ro" + ], + [ + "ĠE", + "ss" + ], + [ + "Ġvulner", + "able" + ], + [ + "Ġmy", + "th" + ], + [ + "Ġconst", + "it" + ], + [ + "ed", + "y" + ], + [ + "ĠL", + "ong" + ], + [ + "Ġcateg", + "ory" + ], + [ + "O", + "r" + ], + [ + "ĠH", + "am" + ], + [ + "Ġcomp", + "r" + ], + [ + "Ġc", + "oun" + ], + [ + "P", + "R" + ], + [ + "ĠF", + "inally" + ], + [ + "Ġsuc", + "ceed" + ], + [ + "Ġf", + "av" + ], + [ + "Ġparticip", + "ation" + ], + [ + "Th", + "rough" + ], + [ + "ĠE", + "st" + ], + [ + "Ġa", + "er" + ], + [ + "Ġt", + "f" + ], + [ + "ad", + "ata" + ], + [ + "Ġorgan", + "isms" + ], + [ + "ra", + "ys" + ], + [ + "ib", + "l" + ], + [ + "Ġgreat", + "ly" + ], + [ + "call", + "ed" + ], + [ + "ov", + "es" + ], + [ + "Ġdom", + "ain" + ], + [ + "Ġadvent", + "ure" + ], + [ + "esc", + "ription" + ], + [ + "Ġpre", + "val" + ], + [ + "ĠOn", + "ly" + ], + [ + "Ġinstru", + "ments" + ], + [ + "Ġacc", + "um" + ], + [ + "Ġorig", + "inally" + ], + [ + "ĠO", + "h" + ], + [ + "point", + "s" + ], + [ + "ĠLou", + "is" + ], + [ + "Ġfab", + "ric" + ], + [ + "Ġthere", + "by" + ], + [ + "l", + "oss" + ], + [ + "u", + "a" + ], + [ + "Ġf", + "ly" + ], + [ + "re", + "al" + ], + [ + "Ġdep", + "os" + ], + [ + "ĠG", + "old" + ], + [ + "h", + "av" + ], + [ + "Ġelect", + "ron" + ], + [ + "Ġe", + "ar" + ], + [ + "Ġsect", + "ions" + ], + [ + "d", + "em" + ], + [ + "Ġcirc", + "uit" + ], + [ + "at", + "al" + ], + [ + "ĠL", + "and" + ], + [ + "Ġe", + "ld" + ], + [ + "wid", + "th" + ], + [ + "d", + "r" + ], + [ + "Ġreg", + "ist" + ], + [ + "Ġde", + "aling" + ], + [ + "Ġeng", + "aged" + ], + [ + "ang", + "le" + ], + [ + "Ġver", + "b" + ], + [ + "O", + "ther" + ], + [ + "ĠA", + "p" + ], + [ + "Ġturn", + "ing" + ], + [ + "ides", + "pread" + ], + [ + "Ġdifficult", + "y" + ], + [ + "Ġemerg", + "ed" + ], + [ + "Ġbreat", + "h" + ], + [ + "Ġphys", + "ics" + ], + [ + "Ġphot", + "ograph" + ], + [ + "c", + "m" + ], + [ + "Ġen", + "ds" + ], + [ + "ĠAustral", + "ian" + ], + [ + "Ġart", + "ist" + ], + [ + "ĠN", + "ations" + ], + [ + "ploy", + "ment" + ], + [ + "Ġthreat", + "s" + ], + [ + "ĠVirgin", + "ia" + ], + [ + "Ġthan", + "ks" + ], + [ + "Ġf", + "ellow" + ], + [ + "Ġb", + "read" + ], + [ + "ĠT", + "em" + ], + [ + "Ġmechan", + "ism" + ], + [ + "ĠL", + "anguage" + ], + [ + "Ġme", + "al" + ], + [ + "Ġhold", + "ing" + ], + [ + "Ġaccess", + "ible" + ], + [ + "Ġor", + "ient" + ], + [ + "Ġdel", + "i" + ], + [ + "it", + "tle" + ], + [ + "ĠL", + "icense" + ], + [ + "Ġindepend", + "ence" + ], + [ + "Ġs", + "ight" + ], + [ + "Ġin", + "du" + ], + [ + "Ġconsider", + "ation" + ], + [ + "ĠT", + "re" + ], + [ + "ĠE", + "th" + ], + [ + "Ġdist", + "rict" + ], + [ + "Ġwh", + "atever" + ], + [ + "hold", + "ers" + ], + [ + "and", + "a" + ], + [ + "II", + "I" + ], + [ + "Ġgu", + "arant" + ], + [ + "Ġbatter", + "y" + ], + [ + "amb", + "da" + ], + [ + "Ġs", + "ke" + ], + [ + "hes", + "is" + ], + [ + "Ġgr", + "id" + ], + [ + "Ġte", + "ams" + ], + [ + "Ġemploy", + "ment" + ], + [ + "ful", + "ness" + ], + [ + "Ġobject", + "ive" + ], + [ + "Ġmagn", + "etic" + ], + [ + "ĠRev", + "olution" + ], + [ + "Ġantib", + "iot" + ], + [ + "Ġcom", + "plicated" + ], + [ + "Ġserv", + "ing" + ], + [ + "ĠB", + "efore" + ], + [ + "h", + "op" + ], + [ + "Ġair", + "craft" + ], + [ + "Ġem", + "pt" + ], + [ + "Ġfund", + "s" + ], + [ + "C", + "D" + ], + [ + "t", + "arget" + ], + [ + "ĠN", + "on" + ], + [ + "Ġwarm", + "ing" + ], + [ + "Ġrel", + "iable" + ], + [ + "Ġwa", + "iting" + ], + [ + "Ġst", + "ability" + ], + [ + "Ġc", + "ards" + ], + [ + "a", + "o" + ], + [ + "ĠCur", + "rent" + ], + [ + "op", + "les" + ], + [ + "F", + "inally" + ], + [ + "est", + "ing" + ], + [ + "Ġopp", + "osite" + ], + [ + "Ġbe", + "ar" + ], + [ + "Ġd", + "rain" + ], + [ + "ĠFr", + "ank" + ], + [ + "M", + "P" + ], + [ + "all", + "ow" + ], + [ + "Ġacc", + "ident" + ], + [ + "Ġtra", + "ined" + ], + [ + "st", + "s" + ], + [ + "g", + "ans" + ], + [ + "Ġrout", + "ine" + ], + [ + "Ġtri", + "p" + ], + [ + "ĠChe", + "ck" + ], + [ + "Ġunc", + "ertain" + ], + [ + "in", + "ction" + ], + [ + "L", + "e" + ], + [ + "Ġinsect", + "s" + ], + [ + "Ġdoub", + "t" + ], + [ + "z", + "ed" + ], + [ + "ĠF", + "ederal" + ], + [ + "ob", + "s" + ], + [ + "s", + "ource" + ], + [ + "c", + "or" + ], + [ + "Ġm", + "aps" + ], + [ + "Ġs", + "od" + ], + [ + "]", + ":" + ], + [ + "Ġdeli", + "very" + ], + [ + "Ġt", + "ap" + ], + [ + "Ġun", + "expected" + ], + [ + "Ġocc", + "asion" + ], + [ + "p", + "ress" + ], + [ + "ĠPar", + "is" + ], + [ + "Ġch", + "ick" + ], + [ + "ĠAd", + "v" + ], + [ + "Ġs", + "ought" + ], + [ + "Ġadminist", + "r" + ], + [ + "pr", + "ing" + ], + [ + "Ġfl", + "ag" + ], + [ + "ĠE", + "arly" + ], + [ + "ĠCom", + "mit" + ], + [ + "Ġla", + "un" + ], + [ + "Ġme", + "als" + ], + [ + "Ġaffect", + "ing" + ], + [ + "ĠOff", + "ice" + ], + [ + "R", + "A" + ], + [ + "Ġed", + "itor" + ], + [ + "ĠEmp", + "ire" + ], + [ + "Ġlog", + "ging" + ], + [ + "Ġconsum", + "er" + ], + [ + "Ġprepar", + "ation" + ], + [ + "ict", + "or" + ], + [ + "Ġnot", + "iced" + ], + [ + "Ġmod", + "ule" + ], + [ + "Ġatt", + "ached" + ], + [ + "Ġf", + "alse" + ], + [ + "eli", + "hood" + ], + [ + "Ġsp", + "ending" + ], + [ + "Ġcharacter", + "ized" + ], + [ + "ĠSt", + "r" + ], + [ + "cont", + "ent" + ], + [ + "Ġredu", + "ces" + ], + [ + "li", + "ament" + ], + [ + "Ġconcern", + "ing" + ], + [ + "Ġs", + "plit" + ], + [ + "Ġst", + "ake" + ], + [ + "aut", + "hor" + ], + [ + "Ġac", + "ids" + ], + [ + "Ġsubst", + "ances" + ], + [ + "os", + "ph" + ], + [ + "ĠR", + "ad" + ], + [ + "Ġplay", + "er" + ], + [ + "Ġdem", + "ands" + ], + [ + "Ġinit", + "ially" + ], + [ + "iss", + "ues" + ], + [ + "Ġenc", + "ounter" + ], + [ + "ult", + "y" + ], + [ + "ĠInd", + "igenous" + ], + [ + "Ġpl", + "t" + ], + [ + "b", + "in" + ], + [ + "ĠT", + "ype" + ], + [ + "ĠLab", + "or" + ], + [ + "Ġthe", + "ories" + ], + [ + "Ġcur", + "iosity" + ], + [ + "Ġst", + "able" + ], + [ + "Ġbe", + "ings" + ], + [ + "omet", + "ry" + ], + [ + "j", + "ango" + ], + [ + "ro", + "g" + ], + [ + "r", + "us" + ], + [ + "Ġheav", + "ily" + ], + [ + "Ġal", + "ter" + ], + [ + ".", + "|" + ], + [ + "et", + "te" + ], + [ + "Ġfoss", + "il" + ], + [ + "ĠC", + "y" + ], + [ + "Ġad", + "m" + ], + [ + "Ġcompar", + "ison" + ], + [ + "ĠUS", + "A" + ], + [ + "k", + "in" + ], + [ + "O", + "ver" + ], + [ + "r", + "ine" + ], + [ + "Ġb", + "order" + ], + [ + "O", + "L" + ], + [ + "anc", + "hes" + ], + [ + "ĠO", + "pen" + ], + [ + "ĊĠĠĠĠ", + "ĊĠĠĠ" + ], + [ + "Ġvess", + "els" + ], + [ + "Ġc", + "up" + ], + [ + "Ġcor", + "n" + ], + [ + "Ġte", + "en" + ], + [ + "Ġbut", + "ter" + ], + [ + "Ġs", + "ales" + ], + [ + "Ġw", + "idespread" + ], + [ + "Ġprodu", + "ces" + ], + [ + "ind", + "er" + ], + [ + "p", + "are" + ], + [ + "Ġsum", + "mary" + ], + [ + "ip", + "al" + ], + [ + "ell", + "a" + ], + [ + "Ġcal", + "cium" + ], + [ + "Ġpurch", + "ase" + ], + [ + "Ġmathemat", + "ical" + ], + [ + "Ġent", + "hus" + ], + [ + "U", + "nder" + ], + [ + "ĠE", + "nd" + ], + [ + "Ġpart", + "ner" + ], + [ + "ĠD", + "ig" + ], + [ + "or", + "a" + ], + [ + "ĠS", + "ym" + ], + [ + "R", + "ef" + ], + [ + "Ġdra", + "wn" + ], + [ + "Ġregard", + "less" + ], + [ + "S", + "et" + ], + [ + "Ġnew", + "sp" + ], + [ + "Ġst", + "omach" + ], + [ + "Ġfor", + "th" + ], + [ + "Ġcomplex", + "ity" + ], + [ + "T", + "P" + ], + [ + "S", + "P" + ], + [ + "ock", + "et" + ], + [ + "omm", + "od" + ], + [ + "ĠConst", + "itution" + ], + [ + "ess", + "on" + ], + [ + "Ġcomp", + "ounds" + ], + [ + "Ġremark", + "able" + ], + [ + "Ġprof", + "ound" + ], + [ + "Ġsur", + "ve" + ], + [ + "ĠIt", + "aly" + ], + [ + "ĠI", + "ll" + ], + [ + "it", + "ter" + ], + [ + "Ġfib", + "er" + ], + [ + "ĠFlor", + "ida" + ], + [ + "ail", + "ed" + ], + [ + "Ġhuman", + "ity" + ], + [ + "pt", + "ions" + ], + [ + "P", + "e" + ], + [ + "Ġd", + "f" + ], + [ + "Ġun", + "able" + ], + [ + "Ġre", + "ven" + ], + [ + "Ã", + "¼" + ], + [ + "com", + "fort" + ], + [ + "ĠH", + "ome" + ], + [ + "ic", + "ide" + ], + [ + "is", + "k" + ], + [ + "res", + "hold" + ], + [ + "Ch", + "apter" + ], + [ + "f", + "old" + ], + [ + "par", + "se" + ], + [ + "ĠCol", + "umb" + ], + [ + "Ġd", + "ance" + ], + [ + "O", + "b" + ], + [ + "Ġn", + "one" + ], + [ + "Ġin", + "herent" + ], + [ + "ĠM", + "ill" + ], + [ + "ast", + "s" + ], + [ + "Ġcon", + "g" + ], + [ + "Ġl", + "ic" + ], + [ + "Ġte", + "a" + ], + [ + "Ġra", + "cial" + ], + [ + "Ġpr", + "on" + ], + [ + "ĠCO", + "VID" + ], + [ + "Ġput", + "ting" + ], + [ + "Ġperman", + "ent" + ], + [ + "ĠS", + "outhern" + ], + [ + "Ġcontribut", + "ions" + ], + [ + "ĠA", + "ccess" + ], + [ + "Ġin", + "hib" + ], + [ + "Ġla", + "unch" + ], + [ + "rib", + "ed" + ], + [ + "Ġr", + "id" + ], + [ + "Ġm", + "ood" + ], + [ + "Ġadequ", + "ate" + ], + [ + "ĠR", + "ob" + ], + [ + "Ġcl", + "othing" + ], + [ + "Ġper", + "m" + ], + [ + "ish", + "ment" + ], + [ + "Ġtro", + "ops" + ], + [ + "Ġres", + "erv" + ], + [ + "čĊ", + "č" + ], + [ + "ĠN", + "atural" + ], + [ + "Ġprevent", + "ing" + ], + [ + "r", + "d" + ], + [ + "Ġsmo", + "king" + ], + [ + "ĠL", + "ib" + ], + [ + "ch", + "ild" + ], + [ + "ĠSt", + "reet" + ], + [ + "Ġh", + "us" + ], + [ + "Ġcon", + "vey" + ], + [ + "Ġpro", + "ceed" + ], + [ + "Ġinflu", + "enced" + ], + [ + "Ġj", + "son" + ], + [ + "Ġexp", + "ansion" + ], + [ + "Ġdel", + "ay" + ], + [ + "R", + "em" + ], + [ + "Ġleg", + "s" + ], + [ + "Ġsur", + "faces" + ], + [ + "M", + "A" + ], + [ + "Ġcrit", + "eria" + ], + [ + "Ġhapp", + "ening" + ], + [ + "S", + "ince" + ], + [ + "ren", + "cy" + ], + [ + "St", + "ud" + ], + [ + "Ġrepl", + "aced" + ], + [ + "Ġsw", + "im" + ], + [ + "ĠB", + "ur" + ], + [ + "Ġoper", + "ate" + ], + [ + "Ġob", + "lig" + ], + [ + "Ġjo", + "ined" + ], + [ + "ter", + "ol" + ], + [ + "or", + "ph" + ], + [ + "Ġtrou", + "ble" + ], + [ + "ĠMod", + "ern" + ], + [ + "Ġsubsequ", + "ent" + ], + [ + "Ġover", + "w" + ], + [ + "Ġcommit", + "ted" + ], + [ + "Ġc", + "ul" + ], + [ + "Ġl", + "ens" + ], + [ + "op", + "ic" + ], + [ + "ĠK", + "h" + ], + [ + "Ġlimit", + "ations" + ], + [ + "Ġiniti", + "atives" + ], + [ + "Ġm", + "and" + ], + [ + "ĠF", + "re" + ], + [ + "d", + "raw" + ], + [ + "Ġdec", + "ade" + ], + [ + "Ġang", + "le" + ], + [ + "Ġcon", + "crete" + ], + [ + "Ġins", + "ert" + ], + [ + "Ġfor", + "g" + ], + [ + "t", + "itle" + ], + [ + "ĠAn", + "n" + ], + [ + "ĠFranc", + "is" + ], + [ + "ĠIS", + "BN" + ], + [ + "Ġsubstant", + "ial" + ], + [ + "as", + "y" + ], + [ + "M", + "ed" + ], + [ + "Ġsub", + "s" + ], + [ + "ĠR", + "ome" + ], + [ + "Ġt", + "u" + ], + [ + "Ġg", + "one" + ], + [ + "ĠH", + "aw" + ], + [ + "Ġm", + "ys" + ], + [ + "is", + "ters" + ], + [ + "ĠT", + "er" + ], + [ + "ĠEn", + "c" + ], + [ + "ro", + "oms" + ], + [ + "ed", + "ge" + ], + [ + "Ġas", + "p" + ], + [ + "Ġch", + "annel" + ], + [ + "Ġstre", + "et" + ], + [ + "Ġfocus", + "ing" + ], + [ + "Ġc", + "raft" + ], + [ + "____", + "____" + ], + [ + "ĠDise", + "ase" + ], + [ + "ĠT", + "ake" + ], + [ + "Ġd", + "ent" + ], + [ + "Ġref", + "uge" + ], + [ + "ĠP", + "eter" + ], + [ + "Ġcry", + "st" + ], + [ + "oles", + "terol" + ], + [ + "Ġhyp", + "othes" + ], + [ + "Ġcent", + "ers" + ], + [ + "E", + "P" + ], + [ + "Ġconf", + "erence" + ], + [ + "ĠD", + "an" + ], + [ + "Ġprotect", + "ing" + ], + [ + "Ġdist", + "urb" + ], + [ + "f", + "irst" + ], + [ + "ĠCol", + "or" + ], + [ + "ĠP", + "ub" + ], + [ + "Ġconflic", + "ts" + ], + [ + "Ġcol", + "our" + ], + [ + "ĠMe", + "an" + ], + [ + "Ġfacilit", + "ate" + ], + [ + "Ġterrit", + "ory" + ], + [ + "C", + "an" + ], + [ + "Ġf", + "ract" + ], + [ + "ear", + "chers" + ], + [ + "P", + "ar" + ], + [ + "Ġv", + "ac" + ], + [ + "Ġpercent", + "age" + ], + [ + "f", + "un" + ], + [ + "Ġrun", + "s" + ], + [ + "Ġt", + "ut" + ], + [ + "Ġch", + "rom" + ], + [ + "Ġlabor", + "atory" + ], + [ + "Ġf", + "ashion" + ], + [ + "at", + "ial" + ], + [ + "Ġreal", + "ize" + ], + [ + "or", + "ig" + ], + [ + "Ġm", + "ild" + ], + [ + "Ġlab", + "els" + ], + [ + "Ġz", + "one" + ], + [ + "ul", + "ary" + ], + [ + "ĠRep", + "ort" + ], + [ + "z", + "il" + ], + [ + "Ġre", + "ward" + ], + [ + "Ġintrodu", + "ce" + ], + [ + "Ġ", + "q" + ], + [ + "Ġgl", + "uc" + ], + [ + "Ġaim", + "s" + ], + [ + "v", + "ol" + ], + [ + "opy", + "right" + ], + [ + "Y", + "our" + ], + [ + "Ġmind", + "s" + ], + [ + "Ġwould", + "n" + ], + [ + "er", + "ior" + ], + [ + "ĊĠĠĠĠĠĠĠĠ", + "Ġ" + ], + [ + "Ġdet", + "ection" + ], + [ + "ograph", + "ical" + ], + [ + "Ġr", + "ice" + ], + [ + "Ã", + "³" + ], + [ + "ir", + "atory" + ], + [ + "Ġro", + "of" + ], + [ + "Ġse", + "conds" + ], + [ + "Ġath", + "let" + ], + [ + "Ġpres", + "erve" + ], + [ + "ast", + "y" + ], + [ + "Ġsymbol", + "s" + ], + [ + "Ġr", + "u" + ], + [ + "ĠA", + "ge" + ], + [ + "Ġresult", + "ed" + ], + [ + "Ġ{", + "'" + ], + [ + "so", + "ft" + ], + [ + "Ġdec", + "or" + ], + [ + "Al", + "ice" + ], + [ + "ĠO", + "cean" + ], + [ + "id", + "ity" + ], + [ + "Ġcont", + "rovers" + ], + [ + "Ġint", + "ent" + ], + [ + "ĠI", + "re" + ], + [ + "Ġin", + "equ" + ], + [ + "Ġreve", + "al" + ], + [ + "Ġtr", + "ials" + ], + [ + "ã", + "ģ" + ], + [ + "ab", + "s" + ], + [ + "Ġfl", + "our" + ], + [ + "Ġv", + "eter" + ], + [ + "ĠD", + "oes" + ], + [ + "Ġsac", + "r" + ], + [ + "Ġg", + "ap" + ], + [ + "ĠT", + "V" + ], + [ + "Ġinstall", + "ed" + ], + [ + "Ġthem", + "e" + ], + [ + "e", + "enth" + ], + [ + "Ġinvestig", + "ation" + ], + [ + "Ġpro", + "of" + ], + [ + "cur", + "rent" + ], + [ + "Ġj", + "ump" + ], + [ + "ut", + "s" + ], + [ + "Ġshe", + "et" + ], + [ + "ir", + "us" + ], + [ + "ag", + "raph" + ], + [ + "Ġconst", + "itution" + ], + [ + "ffect", + "ive" + ], + [ + "Ġst", + "uff" + ], + [ + "Ġne", + "ck" + ], + [ + "Ġd", + "aughter" + ], + [ + "force", + "ment" + ], + [ + "Ġneighbor", + "hood" + ], + [ + "ĠCl", + "in" + ], + [ + "Ġal", + "ike" + ], + [ + "S", + "u" + ], + [ + "ĠT", + "or" + ], + [ + "Ġbr", + "idge" + ], + [ + "ĊĠĠĠĠĠĠĠĠ", + "ĠĠĠĠ" + ], + [ + "Ġmit", + "ig" + ], + [ + "Ġdis", + "rupt" + ], + [ + "Ġl", + "ibr" + ], + [ + "Ġrecommend", + "ations" + ], + [ + "Ġidentify", + "ing" + ], + [ + "i", + "h" + ], + [ + "ĠEx", + "amples" + ], + [ + "S", + "D" + ], + [ + "et", + "ies" + ], + [ + "Ġinter", + "f" + ], + [ + "=", + "[" + ], + [ + "Ġad", + "j" + ], + [ + "on", + "ia" + ], + [ + "Ġrout", + "e" + ], + [ + "Ġprom", + "inent" + ], + [ + "k", + "ins" + ], + [ + "ĠC", + "ap" + ], + [ + "pl", + "ant" + ], + [ + "Ġbig", + "gest" + ], + [ + "it", + "a" + ], + [ + "Ġcon", + "ven" + ], + [ + "Ġrece", + "iving" + ], + [ + "Ġsh", + "ot" + ], + [ + "Ġencourag", + "es" + ], + [ + "i", + "ated" + ], + [ + "Ġfe", + "els" + ], + [ + "ĠIt", + "alian" + ], + [ + "Ġgradu", + "ate" + ], + [ + "Ġdep", + "art" + ], + [ + "Ġenab", + "ling" + ], + [ + "con", + "f" + ], + [ + "arg", + "ument" + ], + [ + "Ġpass", + "age" + ], + [ + "C", + "L" + ], + [ + "ĠE", + "astern" + ], + [ + "Ġw", + "arn" + ], + [ + "Ġg", + "ram" + ], + [ + "ex", + "ample" + ], + [ + "r", + "int" + ], + [ + "Ġcur", + "ious" + ], + [ + "Ġemot", + "ion" + ], + [ + "Ġrel", + "ation" + ], + [ + "Ġcont", + "ained" + ], + [ + "Ġarg", + "ue" + ], + [ + "Americ", + "an" + ], + [ + "f", + "ish" + ], + [ + "Ġgradu", + "ally" + ], + [ + "T", + "H" + ], + [ + "h", + "ma" + ], + [ + "Ġexcess", + "ive" + ], + [ + "ov", + "en" + ], + [ + "Ġcor", + "ner" + ], + [ + "he", + "ast" + ], + [ + "se", + "y" + ], + [ + "Ġthe", + "sis" + ], + [ + "Ġconstant", + "ly" + ], + [ + "ĠN", + "orthern" + ], + [ + "ocab", + "ulary" + ], + [ + "Ġbarri", + "ers" + ], + [ + "Ġd", + "ream" + ], + [ + "Ġhyd", + "rogen" + ], + [ + "ĠAs", + "ian" + ], + [ + "et", + "t" + ], + [ + "Ġengine", + "ers" + ], + [ + "init", + "ely" + ], + [ + "Ġn", + "ine" + ], + [ + "ch", + "o" + ], + [ + "I", + "d" + ], + [ + "Ġmem", + "br" + ], + [ + "Ã", + "¶" + ], + [ + "Ġc", + "row" + ], + [ + "Ġun", + "w" + ], + [ + "F", + "igure" + ], + [ + "Ġl", + "iv" + ], + [ + "Ġent", + "ertain" + ], + [ + "ĠU", + "t" + ], + [ + "ĠM", + "ad" + ], + [ + "Ġinteg", + "rated" + ], + [ + "Ġmere", + "ly" + ], + [ + "ĠSp", + "ain" + ], + [ + "out", + "s" + ], + [ + ".", + "âĢĻ" + ], + [ + "Int", + "roduction" + ], + [ + "Ġprovid", + "ers" + ], + [ + "ut", + "ch" + ], + [ + "Ġne", + "ur" + ], + [ + "s", + "l" + ], + [ + "ic", + "ago" + ], + [ + "ĠAN", + "D" + ], + [ + "ter", + "y" + ], + [ + "T", + "ime" + ], + [ + "Ġmov", + "es" + ], + [ + "Ġdial", + "ogue" + ], + [ + "Ġh", + "ole" + ], + [ + "ir", + "ty" + ], + [ + "Ġequ", + "ivalent" + ], + [ + "Ġest", + "imate" + ], + [ + "Ġp", + "ra" + ], + [ + "ap", + "h" + ], + [ + "Ġsustain", + "ability" + ], + [ + "Ġdo", + "i" + ], + [ + "Ġfound", + "ed" + ], + [ + "Ġgreen", + "house" + ], + [ + "âĢĻ", + "," + ], + [ + "Ġfeed", + "ing" + ], + [ + "br", + "idge" + ], + [ + "Ġpres", + "ents" + ], + [ + "Ġinterpret", + "ation" + ], + [ + "Ġbi", + "ology" + ], + [ + "Ġanal", + "ys" + ], + [ + "Ġv", + "ote" + ], + [ + "Ġad", + "vert" + ], + [ + "ĠJose", + "ph" + ], + [ + "Ġprint", + "ing" + ], + [ + "us", + "al" + ], + [ + "Ġacc", + "ommod" + ], + [ + "Ġimplement", + "ed" + ], + [ + "it", + "an" + ], + [ + "Ġstat", + "istics" + ], + [ + "Ġmus", + "ical" + ], + [ + "edi", + "at" + ], + [ + "ual", + "ity" + ], + [ + "b", + "ing" + ], + [ + "ĠM", + "ult" + ], + [ + "Ġsatis", + "f" + ], + [ + "Ġtw", + "enty" + ], + [ + "Ġam", + "id" + ], + [ + "O", + "C" + ], + [ + "E", + "d" + ], + [ + "f", + "ts" + ], + [ + "Ġevol", + "ved" + ], + [ + "ist", + "ical" + ], + [ + "Ġcalcul", + "ate" + ], + [ + "Ġse", + "g" + ], + [ + "Ġag", + "ents" + ], + [ + "Ġhon", + "or" + ], + [ + "f", + "ill" + ], + [ + "Ġdifferent", + "ly" + ], + [ + "qu", + "ality" + ], + [ + "Ġcorrect", + "ly" + ], + [ + "Ġeduc", + "ators" + ], + [ + "ĠS", + "ign" + ], + [ + "Ġre", + "cept" + ], + [ + "Ġart", + "istic" + ], + [ + "Ġposs", + "ibilities" + ], + [ + "Ġmoist", + "ure" + ], + [ + "Ġexpert", + "ise" + ], + [ + "c", + "ase" + ], + [ + "Ġab", + "stract" + ], + [ + "Ġn", + "erve" + ], + [ + "Ġrob", + "ust" + ], + [ + "D", + "P" + ], + [ + "Ġcolon", + "ial" + ], + [ + "Ġgra", + "d" + ], + [ + "Ġris", + "ing" + ], + [ + "Ġtreat", + "ing" + ], + [ + "Ġmar", + "ried" + ], + [ + "c", + "hen" + ], + [ + "Ġsh", + "ad" + ], + [ + "Ġsupp", + "osed" + ], + [ + "Ġthous", + "and" + ], + [ + "it", + "ory" + ], + [ + "ov", + "ing" + ], + [ + "m", + "edi" + ], + [ + "g", + "rad" + ], + [ + "Ġwhen", + "ever" + ], + [ + "ear", + "ing" + ], + [ + "Ġintric", + "ate" + ], + [ + "ment", + "ed" + ], + [ + "il", + "ation" + ], + [ + "s", + "pe" + ], + [ + "Ġpl", + "enty" + ], + [ + "Ġend", + "ed" + ], + [ + "ever", + "al" + ], + [ + "ont", + "al" + ], + [ + "on", + "ents" + ], + [ + "Ġdiv", + "ision" + ], + [ + "S", + "ee" + ], + [ + "ĠS", + "ing" + ], + [ + "Ġmys", + "elf" + ], + [ + "a", + "wn" + ], + [ + "Ġinter", + "ventions" + ], + [ + "Ġmeasure", + "ments" + ], + [ + "in", + "ates" + ], + [ + "Ġconvers", + "ations" + ], + [ + "Ġequ", + "ally" + ], + [ + "Mod", + "el" + ], + [ + "Ġcont", + "amin" + ], + [ + "Ġmeasure", + "ment" + ], + [ + "Ġe", + "pid" + ], + [ + "Ġunus", + "ual" + ], + [ + "Ġsp", + "ok" + ], + [ + "Ġinst", + "ances" + ], + [ + "Ġdifficult", + "ies" + ], + [ + "Ġtarget", + "s" + ], + [ + "Ġlegis", + "lation" + ], + [ + "################", + "################" + ], + [ + "ors", + "es" + ], + [ + "Ġrel", + "ief" + ], + [ + "Ġcap", + "abilities" + ], + [ + "ĠIre", + "land" + ], + [ + "ĠR", + "oyal" + ], + [ + "Ġc", + "ust" + ], + [ + "Ġdi", + "oxide" + ], + [ + "ik", + "ip" + ], + [ + "Ġsy", + "s" + ], + [ + "ĠP", + "op" + ], + [ + "Ġcomb", + "at" + ], + [ + "Ġrequ", + "iring" + ], + [ + "ĠT", + "itle" + ], + [ + "Ġbr", + "anch" + ], + [ + "b", + "les" + ], + [ + "m", + "es" + ], + [ + "Ġm", + "m" + ], + [ + "Ġbring", + "ing" + ], + [ + "Ġp", + "ool" + ], + [ + "Ġphenomen", + "on" + ], + [ + "Ġestim", + "ates" + ], + [ + "Ġown", + "er" + ], + [ + "Ġout", + "come" + ], + [ + "us", + "hed" + ], + [ + "F", + "ile" + ], + [ + "|", + "'" + ], + [ + "Ġdeb", + "t" + ], + [ + "ĠM", + "ars" + ], + [ + "Ġp", + "ed" + ], + [ + "Ġparalle", + "l" + ], + [ + "Ġoverw", + "hel" + ], + [ + "ĠM", + "ax" + ], + [ + "Ġr", + "ivers" + ], + [ + "O", + "P" + ], + [ + "ĠAd", + "minist" + ], + [ + "ir", + "ds" + ], + [ + "Ġobject", + "ives" + ], + [ + "Ġmechan", + "ical" + ], + [ + "ĠCommit", + "tee" + ], + [ + "cl", + "ose" + ], + [ + "Ġeffect", + "iveness" + ], + [ + "Ġass", + "ume" + ], + [ + "ĠB", + "C" + ], + [ + "e", + "ers" + ], + [ + "ut", + "ils" + ], + [ + "resp", + "onse" + ], + [ + "er", + "as" + ], + [ + "u", + "gh" + ], + [ + "ĠP", + "an" + ], + [ + "Ġn", + "ic" + ], + [ + "Ġn", + "ob" + ], + [ + "ĠS", + "pe" + ], + [ + "and", + "on" + ], + [ + "f", + "ind" + ], + [ + "ne", + "ys" + ], + [ + "Ġcontrol", + "s" + ], + [ + "es", + "is" + ], + [ + "Ġt", + "issues" + ], + [ + "Ġdestroy", + "ed" + ], + [ + "Ġdiscuss", + "ing" + ], + [ + "Ġ", + "ille" + ], + [ + "ĠW", + "here" + ], + [ + "ĠL", + "iter" + ], + [ + "Ġinteg", + "ration" + ], + [ + "g", + "ers" + ], + [ + "ant", + "ly" + ], + [ + "Ġo", + "d" + ], + [ + "ĠRes", + "p" + ], + [ + "ĠCh", + "ange" + ], + [ + "Ġspec", + "ified" + ], + [ + "ĠF", + "ree" + ], + [ + "cept", + "ions" + ], + [ + "Ġover", + "come" + ], + [ + "Ġsc", + "hed" + ], + [ + "et", + "ch" + ], + [ + "P", + "er" + ], + [ + "Ġpain", + "t" + ], + [ + "Ġob", + "esity" + ], + [ + "o", + "ir" + ], + [ + "Ġdiagn", + "osed" + ], + [ + "Ġr", + "an" + ], + [ + "Ġacknow", + "led" + ], + [ + "Ġcomp", + "rom" + ], + [ + "Ġstim", + "ul" + ], + [ + "v", + "ar" + ], + [ + "Ġw", + "ww" + ], + [ + "Ġc", + "ats" + ], + [ + "l", + "ights" + ], + [ + "os", + "ion" + ], + [ + "Ġout", + "l" + ], + [ + "A", + "dd" + ], + [ + "Ġpass", + "ing" + ], + [ + "ĠIm", + "p" + ], + [ + "ant", + "a" + ], + [ + "Ġalgorith", + "ms" + ], + [ + "he", + "alth" + ], + [ + "Ġminim", + "ize" + ], + [ + "Ġperform", + "ing" + ], + [ + "li", + "k" + ], + [ + "Ġmin", + "erals" + ], + [ + "Ġb", + "iod" + ], + [ + "Ġw", + "el" + ], + [ + "Ġcl", + "ients" + ], + [ + "Ġj", + "oy" + ], + [ + "Ġrep", + "air" + ], + [ + "Ġfair", + "ly" + ], + [ + "Ġm", + "eth" + ], + [ + "Ġp", + "up" + ], + [ + "Ġdis", + "put" + ], + [ + "Ġnot", + "able" + ], + [ + "Ġmov", + "ie" + ], + [ + "ĠC", + "amp" + ], + [ + "Ġb", + "oy" + ], + [ + "b", + "atch" + ], + [ + "Ġf", + "urn" + ], + [ + "Ġhistor", + "ic" + ], + [ + "Ġa", + "ward" + ], + [ + "it", + "z" + ], + [ + "ill", + "a" + ], + [ + "Ġsol", + "ving" + ], + [ + "Ġcontribut", + "ing" + ], + [ + "ĠP", + "M" + ], + [ + "ĠMod", + "el" + ], + [ + "Ġb", + "atch" + ], + [ + "Ġexplan", + "ation" + ], + [ + "Ġexpl", + "icit" + ], + [ + "ĠF", + "ollow" + ], + [ + "Ġfin", + "ished" + ], + [ + "Ġfrequ", + "ent" + ], + [ + "Ġfarm", + "ing" + ], + [ + "Ġfl", + "av" + ], + [ + "Ġco", + "vers" + ], + [ + "y", + "roid" + ], + [ + "Ġrep", + "ut" + ], + [ + "Ġcon", + "vert" + ], + [ + "Ġhand", + "ling" + ], + [ + "ĠC", + "ancer" + ], + [ + "ac", + "les" + ], + [ + "te", + "en" + ], + [ + "rit", + "is" + ], + [ + "ĠSt", + "art" + ], + [ + "et", + "ics" + ], + [ + "ĠG", + "ard" + ], + [ + "Ġunivers", + "ities" + ], + [ + "it", + "ical" + ], + [ + "Ġro", + "cks" + ], + [ + "Ġdevelop", + "ments" + ], + [ + "Ġdang", + "er" + ], + [ + "Ġcustom", + "er" + ], + [ + "ĠGe", + "org" + ], + [ + "Ġp", + "arser" + ], + [ + "Ġk", + "ne" + ], + [ + "Ġmy", + "st" + ], + [ + "Ġdat", + "aset" + ], + [ + "Ġalgorith", + "m" + ], + [ + "ĠB", + "ank" + ], + [ + "Ġtrans", + "c" + ], + [ + "Ġlight", + "s" + ], + [ + "Ġexperi", + "encing" + ], + [ + "Ġch", + "olesterol" + ], + [ + "))", + ")" + ], + [ + "p", + "op" + ], + [ + "Ġm", + "ur" + ], + [ + "Ġstrong", + "ly" + ], + [ + "Des", + "pite" + ], + [ + "ĠHistor", + "ical" + ], + [ + "ĠS", + "chol" + ], + [ + "Ġsh", + "ips" + ], + [ + "ik", + "i" + ], + [ + "ĠSc", + "ot" + ], + [ + "M", + "an" + ], + [ + "âĢ", + "ĺ" + ], + [ + "ro", + "ot" + ], + [ + "Ġstruct", + "ural" + ], + [ + "Ġexcept", + "ion" + ], + [ + "Ġsimultane", + "ously" + ], + [ + "B", + "S" + ], + [ + "Ġt", + "ag" + ], + [ + "t", + "ic" + ], + [ + "e", + "en" + ], + [ + "Ġsc", + "an" + ], + [ + "Ġunivers", + "al" + ], + [ + "aw", + "s" + ], + [ + "ĠAn", + "alysis" + ], + [ + "ĠRich", + "ard" + ], + [ + "ĠCre", + "ate" + ], + [ + "Ġor", + "gans" + ], + [ + "con", + "c" + ], + [ + "Ġform", + "ing" + ], + [ + "Ġsc", + "ores" + ], + [ + "ĠC", + "a" + ], + [ + "Ġvide", + "os" + ], + [ + "ikip", + "edia" + ], + [ + "Ġspecial", + "ized" + ], + [ + "ĠCommun", + "ity" + ], + [ + "ar", + "ks" + ], + [ + "ĠT", + "imes" + ], + [ + ">", + ">" + ], + [ + "Ġs", + "hed" + ], + [ + "[:", + "," + ], + [ + "Ġph", + "arm" + ], + [ + "Ġne", + "ither" + ], + [ + "Ġnew", + "ly" + ], + [ + "og", + "rap" + ], + [ + "Ġemb", + "ed" + ], + [ + "Ġf", + "est" + ], + [ + "Ġvictim", + "s" + ], + [ + "er", + "ies" + ], + [ + "cap", + "es" + ], + [ + "Ġvisit", + "ors" + ], + [ + "Ġs", + "izes" + ], + [ + "Ġsp", + "in" + ], + [ + "s", + "ave" + ], + [ + "Ġsp", + "ort" + ], + [ + "Ġb", + "ath" + ], + [ + "Ġnerv", + "ous" + ], + [ + "ĠR", + "om" + ], + [ + "Ġclean", + "ing" + ], + [ + "it", + "als" + ], + [ + "c", + "ar" + ], + [ + "ax", + "is" + ], + [ + "Ġreal", + "m" + ], + [ + "Ġassoci", + "ation" + ], + [ + "ĠW", + "ood" + ], + [ + "rain", + "ing" + ], + [ + "oc", + "y" + ], + [ + "Ġn", + "u" + ], + [ + "Ġst", + "ores" + ], + [ + "Ġd", + "ys" + ], + [ + "ru", + "ption" + ], + [ + "Ġdam", + "aged" + ], + [ + "ĠâĢ", + "¢" + ], + [ + "Ġeas", + "tern" + ], + [ + "Ġrespect", + "ively" + ], + [ + "Ġencourag", + "ed" + ], + [ + "ĠBo", + "ard" + ], + [ + "Ġtraum", + "a" + ], + [ + "L", + "ear" + ], + [ + "it", + "t" + ], + [ + "sequ", + "ently" + ], + [ + "Ġrepresent", + "ing" + ], + [ + "ĠM", + "a" + ], + [ + "Ġelect", + "ro" + ], + [ + "Ġt", + "ank" + ], + [ + "Ġs", + "essions" + ], + [ + "Ġf", + "u" + ], + [ + "ĠCl", + "imate" + ], + [ + "Ġvol", + "tage" + ], + [ + "Ġcir", + "cle" + ], + [ + "Ġinflu", + "ences" + ], + [ + "Ġcontribut", + "ed" + ], + [ + "Ġadd", + "s" + ], + [ + "Ġout", + "bre" + ], + [ + "Ġ", + "icon" + ], + [ + "ĠIn", + "it" + ], + [ + "ro", + "x" + ], + [ + "ĠSc", + "ott" + ], + [ + "Ġf", + "er" + ], + [ + "erv", + "ice" + ], + [ + "f", + "n" + ], + [ + "I", + "A" + ], + [ + "Ġ'", + "''" + ], + [ + "Ġdef", + "e" + ], + [ + "att", + "r" + ], + [ + "Ġsh", + "arp" + ], + [ + "Ġpract", + "ition" + ], + [ + "ĠIn", + "s" + ], + [ + "Ġobs", + "erve" + ], + [ + "ĠFam", + "ily" + ], + [ + "Ġcor", + "rel" + ], + [ + "Ġsmo", + "ke" + ], + [ + "on", + "ym" + ], + [ + "ol", + "a" + ], + [ + "Ġcomput", + "ing" + ], + [ + "Ġstate", + "ments" + ], + [ + "en", + "v" + ], + [ + "ĠGu", + "ide" + ], + [ + "S", + "ub" + ], + [ + "Ð", + "¸" + ], + [ + "ĠP", + "enn" + ], + [ + "ag", + "ram" + ], + [ + "op", + "es" + ], + [ + "Ġlaun", + "ched" + ], + [ + "ĠG", + "al" + ], + [ + "Ġres", + "ident" + ], + [ + "L", + "ast" + ], + [ + "Ġre", + "aching" + ], + [ + "Ġpe", + "oples" + ], + [ + "Ġbig", + "ger" + ], + [ + "Ġmin", + "ing" + ], + [ + "Ġmy", + "ster" + ], + [ + "Ġbut", + "ton" + ], + [ + "T", + "oday" + ], + [ + "ri", + "er" + ], + [ + "ct", + "ive" + ], + [ + "Ġres", + "on" + ], + [ + "Ġmole", + "cular" + ], + [ + "ĠW", + "orks" + ], + [ + "ost", + "ic" + ], + [ + "Ġrhy", + "th" + ], + [ + "g", + "ov" + ], + [ + "Ġt", + "ack" + ], + [ + "]", + "]" + ], + [ + "Ġequ", + "ality" + ], + [ + "ĠAg", + "ricult" + ], + [ + "ty", + "pes" + ], + [ + "Ġpoet", + "ry" + ], + [ + "Ġattempt", + "s" + ], + [ + "Ġint", + "ense" + ], + [ + "ĠW", + "ill" + ], + [ + ",", + "'" + ], + [ + "ĠE", + "U" + ], + [ + "ä", + "¸" + ], + [ + "ĠE", + "c" + ], + [ + "Ġb", + "anks" + ], + [ + "Ġbl", + "ind" + ], + [ + "Ġextra", + "ord" + ], + [ + "gen", + "er" + ], + [ + "it", + "ual" + ], + [ + "Ġm", + "ice" + ], + [ + "pe", + "ut" + ], + [ + "Ġcoast", + "al" + ], + [ + "se", + "arch" + ], + [ + "Ġinteg", + "r" + ], + [ + "Ġtrans", + "formation" + ], + [ + "ie", + "val" + ], + [ + "Ġg", + "ent" + ], + [ + "Ġweap", + "ons" + ], + [ + "Ġm", + "ir" + ], + [ + "Ġis", + "instance" + ], + [ + "Ġfl", + "o" + ], + [ + "ĠH", + "y" + ], + [ + "Ġpsych", + "ology" + ], + [ + "iz", + "ers" + ], + [ + "Ġobserv", + "ation" + ], + [ + "i", + "ences" + ], + [ + "am", + "ine" + ], + [ + "Ġpu", + "zz" + ], + [ + "Ġsome", + "what" + ], + [ + "ĠVal", + "ley" + ], + [ + "Ġcontain", + "er" + ], + [ + "Ġemp", + "ower" + ], + [ + "Ġqual", + "ities" + ], + [ + "ĠMich", + "ael" + ], + [ + "Ġbr", + "anches" + ], + [ + "Ġcrim", + "inal" + ], + [ + "ĠTh", + "ough" + ], + [ + "ress", + "ing" + ], + [ + "fil", + "es" + ], + [ + "Ġreg", + "ulation" + ], + [ + "Ġcar", + "b" + ], + [ + "ĠSci", + "ences" + ], + [ + "ol", + "esc" + ], + [ + "ell", + "s" + ], + [ + "ĠMay", + "be" + ], + [ + "ĠB", + "rown" + ], + [ + "Ġ}", + "," + ], + [ + "ĠM", + "ethod" + ], + [ + "Ġfriend", + "ly" + ], + [ + "the", + "less" + ], + [ + "Ġin", + "n" + ], + [ + "ure", + "au" + ], + [ + "Ġwatch", + "ing" + ], + [ + "Ġshap", + "ed" + ], + [ + "conn", + "ect" + ], + [ + "k", + "l" + ], + [ + "Ġaut", + "on" + ], + [ + "Ġform", + "ula" + ], + [ + "pro", + "perty" + ], + [ + "Ġ", + "rom" + ], + [ + "Ġempt", + "y" + ], + [ + "Ġincorpor", + "ate" + ], + [ + "Ġiss", + "ued" + ], + [ + "Ġbond", + "s" + ], + [ + "Ġarch", + "ae" + ], + [ + "R", + "eg" + ], + [ + "ĠH", + "appy" + ], + [ + "Ġfe", + "ver" + ], + [ + "V", + "iew" + ], + [ + "q", + "l" + ], + [ + "Ġline", + "ar" + ], + [ + "Ġfac", + "es" + ], + [ + "Ġwebs", + "ites" + ], + [ + "ab", + "led" + ], + [ + "ain", + "ing" + ], + [ + "num", + "ber" + ], + [ + "Ġcarry", + "ing" + ], + [ + "a", + "ired" + ], + [ + "ĠO", + "R" + ], + [ + "u", + "ke" + ], + [ + "ĠSt", + "at" + ], + [ + "ĠF", + "ind" + ], + [ + "Ġmom", + "ents" + ], + [ + "f", + "ast" + ], + [ + "ĠRe", + "al" + ], + [ + "ac", + "her" + ], + [ + "athe", + "red" + ], + [ + "Ġdef", + "ense" + ], + [ + "Ġdig", + "est" + ], + [ + "b", + "ur" + ], + [ + "Ġst", + "roke" + ], + [ + "ĠV", + "er" + ], + [ + ".", + "\"\"\"" + ], + [ + "Ġag", + "ent" + ], + [ + "Ġproduct", + "ivity" + ], + [ + "Ġent", + "ered" + ], + [ + "Ġre", + "ct" + ], + [ + "Ġsit", + "ting" + ], + [ + "Ġassign", + "ed" + ], + [ + "Ġphot", + "o" + ], + [ + "ail", + "able" + ], + [ + "Ġbo", + "ys" + ], + [ + "%", + "." + ], + [ + "Ġm", + "os" + ], + [ + "ĠN", + "ever" + ], + [ + "Ġessential", + "ly" + ], + [ + "ig", + "ma" + ], + [ + "ĠAcadem", + "y" + ], + [ + "al", + "i" + ], + [ + "ĠW", + "ord" + ], + [ + "Ġr", + "ank" + ], + [ + "ĠSpec", + "ial" + ], + [ + "ĠV", + "ictor" + ], + [ + "Ġvari", + "ations" + ], + [ + "Ġpo", + "ison" + ], + [ + "ĠInd", + "ust" + ], + [ + "Ġconstruct", + "ed" + ], + [ + "H", + "D" + ], + [ + "Ġper", + "mission" + ], + [ + "air", + "y" + ], + [ + "Ġin", + "her" + ], + [ + "Ġcapt", + "ured" + ], + [ + "an", + "i" + ], + [ + "ĠCh", + "icago" + ], + [ + "is", + "p" + ], + [ + "Ġmar", + "ks" + ], + [ + "Ġcorrespond", + "ing" + ], + [ + "P", + "re" + ], + [ + "Ġ", + ")," + ], + [ + "Ġch", + "ances" + ], + [ + "Ġsche", + "dule" + ], + [ + "Ġdesc", + "ript" + ], + [ + "Ġb", + "low" + ], + [ + "Ġencourag", + "ing" + ], + [ + "un", + "ning" + ], + [ + "Ġab", + "andon" + ], + [ + "Ġdest", + "ruction" + ], + [ + "Ġc", + "aught" + ], + [ + "v", + "a" + ], + [ + "Ġst", + "ead" + ], + [ + "Ġupd", + "ated" + ], + [ + "s", + "im" + ], + [ + "Ġvirus", + "es" + ], + [ + "Ġcomp", + "assion" + ], + [ + "Ġjud", + "ge" + ], + [ + "H", + "T" + ], + [ + "ĠBra", + "zil" + ], + [ + "en", + "ess" + ], + [ + "Ġm", + "ask" + ], + [ + "Ġliter", + "acy" + ], + [ + "Ġdis", + "pl" + ], + [ + "Ġpl", + "us" + ], + [ + "Ġpe", + "ak" + ], + [ + "Ġprint", + "ed" + ], + [ + "ari", + "os" + ], + [ + "row", + "ing" + ], + [ + "T", + "ext" + ], + [ + "ĠT", + "ry" + ], + [ + "Ġcomp", + "ens" + ], + [ + "Ġwell", + "being" + ], + [ + "Ġr", + "anging" + ], + [ + "ĠChristian", + "ity" + ], + [ + "ym", + "ph" + ], + [ + "Ġvol", + "can" + ], + [ + "Ġwid", + "th" + ], + [ + "or", + "ate" + ], + [ + "P", + "art" + ], + [ + "ult", + "s" + ], + [ + "og", + "a" + ], + [ + "am", + "ination" + ], + [ + "ab", + "il" + ], + [ + "ap", + "se" + ], + [ + "S", + "C" + ], + [ + "rand", + "om" + ], + [ + "ur", + "rent" + ], + [ + "r", + "ary" + ], + [ + "Ġes", + "cape" + ], + [ + "ac", + "co" + ], + [ + "Ġactiv", + "ely" + ], + [ + "ï", + "¼" + ], + [ + "D", + "on" + ], + [ + "Ġrob", + "ot" + ], + [ + "ĠB", + "ab" + ], + [ + "to", + "ken" + ], + [ + "Ġperson", + "ality" + ], + [ + "Ġp", + "it" + ], + [ + "ass", + "es" + ], + [ + "Ġenem", + "y" + ], + [ + "Ġstrateg", + "ic" + ], + [ + "Ġunder", + "t" + ], + [ + "b", + "a" + ], + [ + "ĠB", + "ig" + ], + [ + "Ġvers", + "ions" + ], + [ + "Ġcy", + "ber" + ], + [ + "ra", + "c" + ], + [ + "ĠSec", + "urity" + ], + [ + "f", + "riend" + ], + [ + "Ġsurpr", + "ising" + ], + [ + "Ġgluc", + "ose" + ], + [ + "S", + "p" + ], + [ + "Ġmod", + "ified" + ], + [ + "err", + "ing" + ], + [ + "Ġefficient", + "ly" + ], + [ + "I", + "F" + ], + [ + "ĠServ", + "ices" + ], + [ + "ĠW", + "elcome" + ], + [ + "Ġburn", + "ing" + ], + [ + "Ġworks", + "he" + ], + [ + "A", + "m" + ], + [ + "S", + "he" + ], + [ + "ĠL", + "ast" + ], + [ + "d", + "i" + ], + [ + "h", + "as" + ], + [ + "qu", + "it" + ], + [ + "Ġsun", + "light" + ], + [ + "am", + "i" + ], + [ + "Ġar", + "ise" + ], + [ + "Ġins", + "pect" + ], + [ + "Ġra", + "b" + ], + [ + "an", + "o" + ], + [ + "ĠYou", + "ng" + ], + [ + "Ġsl", + "a" + ], + [ + "col", + "umn" + ], + [ + "Ġimplement", + "ing" + ], + [ + "ĠVal", + "ue" + ], + [ + "st", + "ack" + ], + [ + "ot", + "ton" + ], + [ + "ĠV", + "iet" + ], + [ + "F", + "orm" + ], + [ + "Ġecosystem", + "s" + ], + [ + "Ġrenew", + "able" + ], + [ + "Ġprom", + "ise" + ], + [ + "Ġam", + "pl" + ], + [ + "Ġmet", + "ers" + ], + [ + "Ġh", + "un" + ], + [ + "k", + "i" + ], + [ + "ĠI", + "II" + ], + [ + "ree", + "k" + ], + [ + "ĠWhe", + "ther" + ], + [ + "am", + "ins" + ], + [ + "Ġaw", + "ait" + ], + [ + "Ġpract", + "icing" + ], + [ + "ort", + "ed" + ], + [ + "ĠCarol", + "ina" + ], + [ + "}", + ")" + ], + [ + "Ġnarr", + "ative" + ], + [ + "Ġc", + "av" + ], + [ + "Ġd", + "ates" + ], + [ + "S", + "im" + ], + [ + "ut", + "rition" + ], + [ + "Ġemphas", + "is" + ], + [ + "E", + "ven" + ], + [ + "ple", + "te" + ], + [ + "R", + "C" + ], + [ + "Ġt", + "ables" + ], + [ + "Ġappro", + "ved" + ], + [ + "Ġpos", + "it" + ], + [ + "Ġfem", + "ales" + ], + [ + "Ġmarket", + "ing" + ], + [ + "Ġpref", + "erences" + ], + [ + "oc", + "king" + ], + [ + "ĠSar", + "ah" + ], + [ + "Ġn", + "ose" + ], + [ + "Ġexpl", + "ored" + ], + [ + "Ġcomp", + "osed" + ], + [ + "v", + "ance" + ], + [ + "Ġclass", + "ic" + ], + [ + "Ġt", + "ub" + ], + [ + "ch", + "arge" + ], + [ + "ĠI", + "ran" + ], + [ + "c", + "ore" + ], + [ + "ĠPart", + "y" + ], + [ + "Ġplan", + "ned" + ], + [ + "Ġs", + "ad" + ], + [ + "',", + "'" + ], + [ + "ĠO", + "per" + ], + [ + "Ġgir", + "l" + ], + [ + "est", + "ions" + ], + [ + "ĠF", + "ace" + ], + [ + "Ġdes", + "ert" + ], + [ + "d", + "ist" + ], + [ + "Ġweak", + "ness" + ], + [ + "st", + "on" + ], + [ + "Ġkid", + "ney" + ], + [ + "se", + "m" + ], + [ + "Ġdis", + "aster" + ], + [ + "i", + "ar" + ], + [ + "es", + "ides" + ], + [ + "Ġautom", + "atically" + ], + [ + "ĠS", + "il" + ], + [ + "op", + "ath" + ], + [ + "Ġann", + "ounced" + ], + [ + "Ġm", + "ixture" + ], + [ + "ĠChrist", + "ians" + ], + [ + "P", + "E" + ], + [ + "ĠPl", + "ant" + ], + [ + "ad", + "ing" + ], + [ + "Ġscient", + "ist" + ], + [ + "b", + "ug" + ], + [ + "Ġur", + "l" + ], + [ + "Ġmort", + "ality" + ], + [ + "Ġass", + "ets" + ], + [ + "Ġbab", + "ies" + ], + [ + "Ġord", + "inary" + ], + [ + "Ġexpress", + "ions" + ], + [ + "Ġimprove", + "ments" + ], + [ + "Ġpur", + "s" + ], + [ + "Ġkeep", + "s" + ], + [ + "Ġprec", + "ise" + ], + [ + "Ġdim", + "ensions" + ], + [ + "Ġsla", + "very" + ], + [ + "Ġre", + "nder" + ], + [ + "Ġpo", + "em" + ], + [ + "Ġindic", + "ated" + ], + [ + "Ġanaly", + "zing" + ], + [ + "ĠT", + "ogether" + ], + [ + "Ġprov", + "en" + ], + [ + "Ġconsider", + "able" + ], + [ + "conn", + "ected" + ], + [ + "Ġt", + "ube" + ], + [ + "t", + "em" + ], + [ + "Ġm", + "ales" + ], + [ + "ens", + "ional" + ], + [ + "Ġfall", + "s" + ], + [ + "az", + "ine" + ], + [ + "Ġl", + "ingu" + ], + [ + "ĠU", + "lt" + ], + [ + "Ġpar", + "as" + ], + [ + "th", + "is" + ], + [ + "Ġr", + "ing" + ], + [ + "ut", + "ely" + ], + [ + "In", + "ter" + ], + [ + "Ġatt", + "ach" + ], + [ + "Ġbr", + "ush" + ], + [ + "Ġinsp", + "iration" + ], + [ + "Ġsign", + "ed" + ], + [ + "d", + "oor" + ], + [ + "T", + "rans" + ], + [ + "ES", + "T" + ], + [ + "Ġlegis", + "l" + ], + [ + "ov", + "ascular" + ], + [ + "eg", + "in" + ], + [ + "Ġgu", + "ard" + ], + [ + "Ġch", + "annels" + ], + [ + "Ġins", + "ulin" + ], + [ + "Ġprof", + "ile" + ], + [ + "Ġd", + "b" + ], + [ + "w", + "ind" + ], + [ + "Ġavail", + "ability" + ], + [ + "Ġpan", + "el" + ], + [ + "y", + "al" + ], + [ + "Ġres", + "id" + ], + [ + "el", + "esc" + ], + [ + "Ġst", + "rain" + ], + [ + "Ġproport", + "ion" + ], + [ + "Ġla", + "id" + ], + [ + "Ġtra", + "its" + ], + [ + "ot", + "ype" + ], + [ + "elf", + "are" + ], + [ + "ad", + "y" + ], + [ + "Ġwonder", + "ful" + ], + [ + "ĠS", + "at" + ], + [ + "low", + "er" + ], + [ + "ins", + "on" + ], + [ + "Ġp", + "in" + ], + [ + "Ġmem", + "ories" + ], + [ + "Ġc", + "ash" + ], + [ + "Ġprov", + "ed" + ], + [ + "ĠF", + "ort" + ], + [ + "ud", + "e" + ], + [ + "Ġt", + "ons" + ], + [ + "Ġdecl", + "ared" + ], + [ + "Ġdis", + "par" + ], + [ + "ĠPro", + "cess" + ], + [ + "ĠHol", + "y" + ], + [ + "ĠB", + "ack" + ], + [ + "Ġmeas", + "uring" + ], + [ + "Ġun", + "iform" + ], + [ + "ry", + "pt" + ], + [ + "Ġcy", + "cl" + ], + [ + "Ġfind", + "s" + ], + [ + "Ġorig", + "ins" + ], + [ + "ĠUn", + "fortunately" + ], + [ + "Ġdis", + "abilities" + ], + [ + "ĠDe", + "v" + ], + [ + "Ġw", + "ine" + ], + [ + "Ġext", + "end" + ], + [ + "Ġtarget", + "ed" + ], + [ + "U", + "M" + ], + [ + "it", + "ure" + ], + [ + "Ġvari", + "eties" + ], + [ + "Ġra", + "c" + ], + [ + "Ġcoun", + "sel" + ], + [ + "Ġhe", + "ating" + ], + [ + "sh", + "ow" + ], + [ + "Ġsen", + "ior" + ], + [ + "Ġdepend", + "ent" + ], + [ + "č", + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ" + ], + [ + "Ġper", + "ception" + ], + [ + "Ġplan", + "e" + ], + [ + "Ġsatell", + "ite" + ], + [ + "Ġsens", + "itivity" + ], + [ + "az", + "on" + ], + [ + ")", + "]" + ], + [ + "Ġep", + "is" + ], + [ + "ou", + "rage" + ], + [ + "ia", + "h" + ], + [ + "--------", + "----" + ], + [ + "Ġprepar", + "ing" + ], + [ + "Ġenh", + "ancing" + ], + [ + "Ġpres", + "erving" + ], + [ + "s", + "en" + ], + [ + "Ġnorm", + "s" + ], + [ + "A", + "ut" + ], + [ + "Ġatt", + "itudes" + ], + [ + "Ġident", + "ification" + ], + [ + "y", + "ou" + ], + [ + "Ġt", + "act" + ], + [ + "less", + "ly" + ], + [ + "Ġcl", + "ub" + ], + [ + "Ġscen", + "ario" + ], + [ + "ĠP", + "ot" + ], + [ + "ĠN", + "ote" + ], + [ + "ĠOpt", + "ional" + ], + [ + "Ġexhib", + "it" + ], + [ + "Ġm", + "old" + ], + [ + "Ġdef", + "end" + ], + [ + "ro", + "at" + ], + [ + "ed", + "u" + ], + [ + "ĠN", + "az" + ], + [ + "Ġinter", + "face" + ], + [ + "ĠIr", + "ish" + ], + [ + "Ġus", + "ual" + ], + [ + "Ġt", + "ension" + ], + [ + "ou", + "nce" + ], + [ + "Ġele", + "ction" + ], + [ + "Ġprovid", + "er" + ], + [ + "t", + "elling" + ], + [ + "Ġsaf", + "ely" + ], + [ + "l", + "ock" + ], + [ + "on", + "al" + ], + [ + "Ġequ", + "ation" + ], + [ + "Ġmicro", + "b" + ], + [ + "Ġcount", + "y" + ], + [ + "pro", + "ject" + ], + [ + "Ġche", + "st" + ], + [ + "n", + "ight" + ], + [ + "Ġpriv", + "acy" + ], + [ + "Ġremov", + "al" + ], + [ + "ot", + "ypes" + ], + [ + "Ġqu", + "iet" + ], + [ + "Ñ", + "Ĥ" + ], + [ + "Ġcont", + "ribution" + ], + [ + "Ġsc", + "ope" + ], + [ + "Ġdoll", + "ars" + ], + [ + "Ġinhab", + "it" + ], + [ + "Ġhus", + "band" + ], + [ + "Ġpe", + "er" + ], + [ + "Ġcho", + "osing" + ], + [ + "ĠB", + "ob" + ], + [ + "Ġroad", + "s" + ], + [ + "Ġv", + "el" + ], + [ + "ĠSystem", + "s" + ], + [ + "Ġhe", + "m" + ], + [ + "Ġinsp", + "ire" + ], + [ + "Ġs", + "ampl" + ], + [ + "Ġresp", + "iratory" + ], + [ + "l", + "ink" + ], + [ + "Ġmetab", + "ol" + ], + [ + "Ġsens", + "ors" + ], + [ + "Ġv", + "ocabulary" + ], + [ + "Ġcelebr", + "ate" + ], + [ + "Ġw", + "ound" + ], + [ + "Ġconnect", + "ing" + ], + [ + "ĠKing", + "dom" + ], + [ + "Ġout", + "er" + ], + [ + "Ġtra", + "ct" + ], + [ + "Ġint", + "ensity" + ], + [ + "Ġextraord", + "inary" + ], + [ + "Ġexperim", + "ental" + ], + [ + "op", + "ol" + ], + [ + "ĠM", + "el" + ], + [ + "ĠM", + "en" + ], + [ + "Ġfac", + "ility" + ], + [ + "ĠStr", + "ateg" + ], + [ + "Ġaud", + "io" + ], + [ + "Ġmarg", + "inal" + ], + [ + "ĠB", + "uilding" + ], + [ + "Ġfac", + "ulty" + ], + [ + "Ġwind", + "ows" + ], + [ + "ĠP", + "o" + ], + [ + "Ġec", + "ological" + ], + [ + "g", + "raph" + ], + [ + "ĠApp", + "lic" + ], + [ + "Ġr", + "itual" + ], + [ + "Ġprotect", + "ive" + ], + [ + "Ġf", + "inger" + ], + [ + "ak", + "istan" + ], + [ + "%", + ")" + ], + [ + "C", + "he" + ], + [ + "Ġdis", + "pos" + ], + [ + "E", + "E" + ], + [ + "Ġdr", + "iven" + ], + [ + "Ġir", + "rit" + ], + [ + "ha", + "ust" + ], + [ + "br", + "id" + ], + [ + "her", + "ic" + ], + [ + "ĠH", + "and" + ], + [ + "Ex", + "ample" + ], + [ + "u", + "id" + ], + [ + "Ġim", + "aging" + ], + [ + "Ġt", + "urb" + ], + [ + "it", + "ems" + ], + [ + "=", + "{" + ], + [ + "Ġw", + "arning" + ], + [ + "Ġh", + "orses" + ], + [ + "Ġg", + "ut" + ], + [ + "Ġfe", + "at" + ], + [ + "Ġdecre", + "ased" + ], + [ + "Ġl", + "ie" + ], + [ + "Ġmaintain", + "ed" + ], + [ + "Ġpros", + "pect" + ], + [ + "Ġco", + "verage" + ], + [ + "Ġmin", + "ute" + ], + [ + "Ġopin", + "ions" + ], + [ + "em", + "ia" + ], + [ + "Ġst", + "ere" + ], + [ + "Ġve", + "ctor" + ], + [ + "ĠL", + "ook" + ], + [ + "qu", + "ery" + ], + [ + "Ġess", + "ays" + ], + [ + "Ġabsol", + "ute" + ], + [ + "Ġgal", + "ax" + ], + [ + "Ġtheore", + "tical" + ], + [ + "ĠIslam", + "ic" + ], + [ + "Ġspect", + "rum" + ], + [ + "Ġmicro", + "sc" + ], + [ + "Ġal", + "ive" + ], + [ + "Ġhon", + "est" + ], + [ + "Ġdri", + "ver" + ], + [ + "ĠJohn", + "son" + ], + [ + "ĠY", + "ear" + ], + [ + "Ġinteract", + "ive" + ], + [ + "Ġpro", + "hib" + ], + [ + "ĠIm", + "port" + ], + [ + "Ġcalcul", + "ated" + ], + [ + "Ġh", + "oney" + ], + [ + "ive", + "red" + ], + [ + "ust", + "ain" + ], + [ + "Ġs", + "oph" + ], + [ + "c", + "f" + ], + [ + "Ġg", + "iant" + ], + [ + "ĠZ", + "eal" + ], + [ + "Ġint", + "rig" + ], + [ + "ĠLear", + "n" + ], + [ + "Ġc", + "oc" + ], + [ + "ĠB", + "usiness" + ], + [ + "ip", + "her" + ], + [ + "Ġcapt", + "iv" + ], + [ + "Ġstr", + "ange" + ], + [ + "ĠAtl", + "antic" + ], + [ + "ID", + "S" + ], + [ + "Ġdiet", + "ary" + ], + [ + "s", + "g" + ], + [ + "Ġearth", + "qu" + ], + [ + "rou", + "s" + ], + [ + "Ġadv", + "ances" + ], + [ + "Ġany", + "where" + ], + [ + "Ġh", + "ur" + ], + [ + "Ġp", + "ounds" + ], + [ + "Ġdef", + "ect" + ], + [ + "empl", + "ate" + ], + [ + "ail", + "ing" + ], + [ + "Ġsp", + "ir" + ], + [ + "ĠMart", + "in" + ], + [ + "it", + "amin" + ], + [ + "Ġbre", + "eding" + ], + [ + "ĠA", + "st" + ], + [ + "oh", + "yd" + ], + [ + "Ġtrans", + "lation" + ], + [ + "Ġprocess", + "ed" + ], + [ + "Ġtem", + "pl" + ], + [ + "ĠSu", + "per" + ], + [ + "hy", + "d" + ], + [ + "i", + "ological" + ], + [ + "t", + "r" + ], + [ + "Ġvary", + "ing" + ], + [ + "io", + "x" + ], + [ + "ĠInt", + "eg" + ], + [ + "C", + "P" + ], + [ + "Ġco", + "operation" + ], + [ + "od", + "ed" + ], + [ + "ide", + "o" + ], + [ + "Ġoffic", + "ers" + ], + [ + "ĠSaf", + "ety" + ], + [ + "Ġsil", + "ver" + ], + [ + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠĠĠ" + ], + [ + "ĠH", + "all" + ], + [ + "Ġab", + "normal" + ], + [ + "ĠG", + "rand" + ], + [ + "ĠFore", + "st" + ], + [ + "Ġev", + "il" + ], + [ + "Ġcere", + "mon" + ], + [ + "w", + "orking" + ], + [ + "or", + "ic" + ], + [ + "T", + "ra" + ], + [ + "Ġpar", + "agraph" + ], + [ + "Ġv", + "an" + ], + [ + "ĠPl", + "ay" + ], + [ + "Ġen", + "comp" + ], + [ + "it", + "arian" + ], + [ + "ig", + "an" + ], + [ + "Ġrec", + "over" + ], + [ + "ur", + "is" + ], + [ + "Ġreport", + "ing" + ], + [ + "Ġh", + "oles" + ], + [ + "Ġqu", + "ery" + ], + [ + "D", + "S" + ], + [ + "Ġrare", + "ly" + ], + [ + "H", + "ist" + ], + [ + "ĠSe", + "cret" + ], + [ + "Ġflow", + "er" + ], + [ + "ĠOx", + "ford" + ], + [ + "Ġcom", + "plications" + ], + [ + "Ġloss", + "es" + ], + [ + "Ġmig", + "ration" + ], + [ + "Cl", + "ass" + ], + [ + "Ġt", + "ick" + ], + [ + "Ġprinc", + "ipal" + ], + [ + "F", + "A" + ], + [ + "Ġelim", + "inate" + ], + [ + "Ġre", + "verse" + ], + [ + "Ġcover", + "ing" + ], + [ + "Ġscen", + "arios" + ], + [ + "Ġint", + "est" + ], + [ + "ign", + "ed" + ], + [ + "Ġha", + "ven" + ], + [ + "Ġreason", + "able" + ], + [ + "Ġbi", + "as" + ], + [ + "Ġprof", + "it" + ], + [ + "Ġ", + ";" + ], + [ + "Ġsent", + "ences" + ], + [ + "Ġaccom", + "pan" + ], + [ + "Â", + "·" + ], + [ + "Ġcop", + "per" + ], + [ + "Ġcre", + "am" + ], + [ + "ib", + "er" + ], + [ + "n", + "als" + ], + [ + "Ġtele", + "vision" + ], + [ + "Ġr", + "oughly" + ], + [ + "ĠRes", + "ources" + ], + [ + "ĠD", + "ou" + ], + [ + "Ġrec", + "all" + ], + [ + "Ġtax", + "es" + ], + [ + "ern", + "el" + ], + [ + "Ġabs", + "ence" + ], + [ + "Ġcent", + "re" + ], + [ + "ĠE", + "p" + ], + [ + "yn", + "c" + ], + [ + "ĠF", + "und" + ], + [ + "pre", + "ne" + ], + [ + "fil", + "ter" + ], + [ + "Ġseem", + "ingly" + ], + [ + "Ġpack", + "age" + ], + [ + "Ġcomp", + "ound" + ], + [ + "Ġper", + "ceived" + ], + [ + "Ġdom", + "inant" + ], + [ + "Ġclaim", + "ed" + ], + [ + "Ġcommit", + "tee" + ], + [ + "ĠZeal", + "and" + ], + [ + "ĠEngine", + "ering" + ], + [ + "arch", + "y" + ], + [ + "Ġf", + "ault" + ], + [ + "Ġcomm", + "ission" + ], + [ + "Ġhard", + "ware" + ], + [ + "f", + "eed" + ], + [ + "Ġfl", + "avor" + ], + [ + "ĠT", + "om" + ], + [ + "Ġphys", + "ically" + ], + [ + "Ġembra", + "cing" + ], + [ + "al", + "og" + ], + [ + "ment", + "ation" + ], + [ + "Ġtra", + "ce" + ], + [ + "peut", + "ic" + ], + [ + "Ġis", + "lands" + ], + [ + "Ġaccur", + "ately" + ], + [ + "ĠAl", + "ice" + ], + [ + "Ġor", + "bit" + ], + [ + "Ġconsum", + "e" + ], + [ + "ĠB", + "ill" + ], + [ + "Ġcollect", + "ions" + ], + [ + "Ġfunction", + "ing" + ], + [ + "Ġpregn", + "ant" + ], + [ + "Ġmut", + "ual" + ], + [ + "Ġc", + "oding" + ], + [ + "ĠS", + "up" + ], + [ + "E", + "very" + ], + [ + "Ġd", + "il" + ], + [ + "ep", + "ing" + ], + [ + "r", + "ance" + ], + [ + "Ġref", + "lection" + ], + [ + "Ġsus", + "cept" + ], + [ + "Ġrad", + "ical" + ], + [ + "Ġc", + "ab" + ], + [ + "re", + "prene" + ], + [ + "Ġbal", + "anced" + ], + [ + "ĠCon", + "sequently" + ], + [ + "Ġv", + "en" + ], + [ + "Ġcre", + "w" + ], + [ + "Ġvari", + "ation" + ], + [ + "Ġmem", + "or" + ], + [ + "=", + "(" + ], + [ + "ĠChrist", + "mas" + ], + [ + "in", + "cluding" + ], + [ + "Ġt", + "ip" + ], + [ + "os", + "h" + ], + [ + "ĠN", + "um" + ], + [ + "ĠNet", + "work" + ], + [ + "ĠL", + "ead" + ], + [ + "Ġf", + "ing" + ], + [ + "Ġminim", + "al" + ], + [ + "ch", + "ain" + ], + [ + "Ġdis", + "h" + ], + [ + "ĠH", + "T" + ], + [ + "ĠInd", + "ians" + ], + [ + "Ġfour", + "th" + ], + [ + "ĠOr", + "ig" + ], + [ + "Ġlog", + "ic" + ], + [ + "Ġemb", + "ark" + ], + [ + "Ġcon", + "qu" + ], + [ + "Ġflow", + "s" + ], + [ + "ask", + "a" + ], + [ + "Ġconfirm", + "ed" + ], + [ + "m", + "iss" + ], + [ + "Ġed", + "ition" + ], + [ + "Ġl", + "ists" + ], + [ + "ĠAg", + "ency" + ], + [ + "Ġar", + "rest" + ], + [ + "f", + "ound" + ], + [ + "Ġhard", + "er" + ], + [ + "cycl", + "op" + ], + [ + "Ġloc", + "k" + ], + [ + "ĠOn", + "line" + ], + [ + "EC", + "T" + ], + [ + "Ġhead", + "s" + ], + [ + "Ġrequest", + "s" + ], + [ + "Ġconscious", + "ness" + ], + [ + "Ġo", + "v" + ], + [ + "us", + "cript" + ], + [ + "B", + "ecause" + ], + [ + "Ġdesign", + "ing" + ], + [ + "ocol", + "ate" + ], + [ + "Ġwhe", + "el" + ], + [ + "Ġinvestig", + "ate" + ], + [ + "Ġto", + "w" + ], + [ + "Ġbre", + "aking" + ], + [ + "Ġflex", + "ibility" + ], + [ + "Ġn", + "odes" + ], + [ + "g", + "a" + ], + [ + "Ġgra", + "in" + ], + [ + "Ġsou", + "l" + ], + [ + "Ġch", + "am" + ], + [ + "Ġref", + "erences" + ], + [ + "Ġinf", + "o" + ], + [ + "Ġexam", + "ined" + ], + [ + "ĠM", + "ove" + ], + [ + "he", + "imer" + ], + [ + "Ġquant", + "um" + ], + [ + "ig", + "ue" + ], + [ + "ĠH", + "ill" + ], + [ + "ĠSw", + "ed" + ], + [ + "Ġf", + "o" + ], + [ + "re", + "ction" + ], + [ + "P", + "L" + ], + [ + "Ġb", + "att" + ], + [ + "Ġwond", + "ered" + ], + [ + "ens", + "ed" + ], + [ + "Ġver", + "tical" + ], + [ + "ul", + "pt" + ], + [ + "ĠOrgan", + "ization" + ], + [ + "ers", + "ion" + ], + [ + "Ġvibr", + "ant" + ], + [ + "Ġflex", + "ible" + ], + [ + "Ġd", + "uration" + ], + [ + "Ġopp", + "osed" + ], + [ + "Ġr", + "ational" + ], + [ + "Ġl", + "ake" + ], + [ + "ĠE", + "qu" + ], + [ + "c", + "ut" + ], + [ + "N", + "ext" + ], + [ + "ĠL", + "im" + ], + [ + "othe", + "rapy" + ], + [ + "ĠTh", + "ree" + ], + [ + "ri", + "ze" + ], + [ + "Ġher", + "self" + ], + [ + "cs", + "v" + ], + [ + "ĠM", + "er" + ], + [ + "em", + "b" + ], + [ + "al", + "ities" + ], + [ + "Ġlight", + "ing" + ], + [ + "ĠF", + "act" + ], + [ + "ĠA", + "R" + ], + [ + "ĠN", + "orm" + ], + [ + "Ġy", + "e" + ], + [ + "com", + "mon" + ], + [ + "Ġparam", + "eter" + ], + [ + "Ġb", + "row" + ], + [ + "ru", + "it" + ], + [ + "hem", + "a" + ], + [ + "ĠB", + "al" + ], + [ + "Ġauthent", + "ic" + ], + [ + "Ġphr", + "ase" + ], + [ + "ĠH", + "osp" + ], + [ + "Ġch", + "lor" + ], + [ + "Ġmount", + "ains" + ], + [ + "Ġcontribut", + "es" + ], + [ + "re", + "ams" + ], + [ + "ab", + "eth" + ], + [ + "Ġgrant", + "ed" + ], + [ + "Ġlibr", + "aries" + ], + [ + "C", + "ons" + ], + [ + "Ġfish", + "ing" + ], + [ + "Ġscre", + "ening" + ], + [ + "Ġb", + "ag" + ], + [ + "ĠL", + "ittle" + ], + [ + "ĠCont", + "in" + ], + [ + "et", + "ary" + ], + [ + "Ġsurpr", + "ise" + ], + [ + "ĠD", + "en" + ], + [ + "ant", + "ed" + ], + [ + "Ġsuper", + "ior" + ], + [ + "Ġacqu", + "ired" + ], + [ + "ĠAut", + "hor" + ], + [ + "Ġmanif", + "est" + ], + [ + "co", + "very" + ], + [ + "Ġro", + "se" + ], + [ + "Ġsp", + "ark" + ], + [ + "Ġhaz", + "ard" + ], + [ + "Ġant", + "icip" + ], + [ + "Ġcall", + "ing" + ], + [ + "ic", + "y" + ], + [ + "se", + "x" + ], + [ + "Ġprob", + "ability" + ], + [ + "Ġcal", + "ories" + ], + [ + "Ġresearc", + "her" + ], + [ + "Ġachie", + "ving" + ], + [ + "Ġcur", + "ve" + ], + [ + "Ġdet", + "ected" + ], + [ + "ĠC", + "le" + ], + [ + "Ġdel", + "ivered" + ], + [ + "Ġwor", + "ship" + ], + [ + "Ġp", + "ond" + ], + [ + "id", + "ation" + ], + [ + "Ġben", + "e" + ], + [ + "Ġmin", + "eral" + ], + [ + "Ġgrow", + "s" + ], + [ + "J", + "ust" + ], + [ + "Ġtem", + "por" + ], + [ + "Ġlo", + "op" + ], + [ + "ur", + "a" + ], + [ + "Ġsens", + "or" + ], + [ + "ĠP", + "lease" + ], + [ + "Ġclass", + "ical" + ], + [ + "Ġf", + "ra" + ], + [ + "Ġlands", + "capes" + ], + [ + "Ġex", + "ceed" + ], + [ + "Ġpe", + "ers" + ], + [ + "Ġdo", + "se" + ], + [ + "I", + "O" + ], + [ + "Ġsav", + "ed" + ], + [ + "Ġnum", + "er" + ], + [ + "ut", + "en" + ], + [ + "Ġsc", + "ulpt" + ], + [ + "Ġtem", + "ple" + ], + [ + "Ġpre", + "ced" + ], + [ + "ĠP", + "oint" + ], + [ + "Ġext", + "ension" + ], + [ + "Ġcompet", + "itive" + ], + [ + "Ġprop", + "ag" + ], + [ + "Ġphenomen", + "a" + ], + [ + "ol", + "ar" + ], + [ + "Ġmotiv", + "ation" + ], + [ + "Ġsong", + "s" + ], + [ + ".", + ")." + ], + [ + "Ġglob", + "e" + ], + [ + "ĠP", + "olicy" + ], + [ + "Ġappe", + "al" + ], + [ + "Ġdem", + "ocracy" + ], + [ + "D", + "ef" + ], + [ + "Ġinf", + "ant" + ], + [ + "Ġabs", + "or" + ], + [ + "Ġund", + "ers" + ], + [ + "p", + "ie" + ], + [ + "Ġvis", + "ited" + ], + [ + "ir", + "ms" + ], + [ + "ĠF", + "igure" + ], + [ + "clus", + "ions" + ], + [ + "Ġe", + "ase" + ], + [ + "ĠRead", + "ing" + ], + [ + "Ġbi", + "om" + ], + [ + "ven", + "ile" + ], + [ + "Ġdiam", + "eter" + ], + [ + "Ġdis", + "hes" + ], + [ + "Ġisol", + "ated" + ], + [ + "per", + "or" + ], + [ + "Ġcl", + "othes" + ], + [ + "et", + "a" + ], + [ + "ĠPract", + "ice" + ], + [ + "ĠAdminist", + "ration" + ], + [ + "ĠHe", + "b" + ], + [ + "Ġcool", + "ing" + ], + [ + "ĠC", + "ross" + ], + [ + "Ġdeterm", + "ining" + ], + [ + "u", + "is" + ], + [ + "ost", + "on" + ], + [ + "am", + "ps" + ], + [ + "Ġtown", + "s" + ], + [ + "čĊ", + "čĊĠĠĠ" + ], + [ + "Ġcopy", + "right" + ], + [ + "Ġbene", + "ath" + ], + [ + "Ġpass", + "word" + ], + [ + "ĠAss", + "ess" + ], + [ + "th", + "rough" + ], + [ + "Ġexpand", + "ed" + ], + [ + "Ġc", + "as" + ], + [ + "Ġdeterm", + "ination" + ], + [ + "raint", + "s" + ], + [ + "Ð", + "½" + ], + [ + "Ġpand", + "emic" + ], + [ + "Ġadvance", + "ments" + ], + [ + "ĠJ", + "ul" + ], + [ + "ol", + "n" + ], + [ + "m", + "ask" + ], + [ + "Ġaltern", + "atives" + ], + [ + "ac", + "ent" + ], + [ + "Ġsur", + "ge" + ], + [ + "Ġst", + "ations" + ], + [ + "ĠP", + "akistan" + ], + [ + "le", + "ft" + ], + [ + "Ġenh", + "anced" + ], + [ + "Ġne", + "ural" + ], + [ + "Ġsuff", + "ered" + ], + [ + "Ġcomp", + "os" + ], + [ + "ĠConn", + "ect" + ], + [ + "Ġf", + "rust" + ], + [ + "Ġtem", + "porary" + ], + [ + "ogen", + "ic" + ], + [ + "pt", + "ic" + ], + [ + "T", + "able" + ], + [ + "Ġg", + "ast" + ], + [ + "rou", + "d" + ], + [ + "ĠL", + "ow" + ], + [ + "Ġchem", + "istry" + ], + [ + "p", + "ower" + ], + [ + "per", + "m" + ], + [ + "un", + "ct" + ], + [ + "x", + "y" + ], + [ + "Ġcontext", + "s" + ], + [ + "ĠAng", + "el" + ], + [ + "Ġvers", + "us" + ], + [ + "Ġman", + "ager" + ], + [ + "Ġhabit", + "ats" + ], + [ + "ĊĊ", + "Ġ" + ], + [ + "Ġra", + "ising" + ], + [ + "ĠWind", + "ows" + ], + [ + "o", + "ons" + ], + [ + "Ġdis", + "ability" + ], + [ + "Ġbre", + "ed" + ], + [ + "ĠM", + "oon" + ], + [ + "r", + "in" + ], + [ + "ad", + "der" + ], + [ + "ĠWith", + "out" + ], + [ + "ang", + "er" + ], + [ + "ap", + "ed" + ], + [ + "Ġl", + "osing" + ], + [ + "Ġa", + "est" + ], + [ + "Ġgra", + "ins" + ], + [ + "Ġstake", + "holders" + ], + [ + "ĠDist", + "rict" + ], + [ + "av", + "ed" + ], + [ + "Ġbl", + "ank" + ], + [ + "Ġor", + "dered" + ], + [ + "clud", + "e" + ], + [ + "ĠO", + "bs" + ], + [ + "Ġelse", + "where" + ], + [ + "Ġke", + "ys" + ], + [ + "Ġeld", + "er" + ], + [ + "'", + "))" + ], + [ + "Ġg", + "athered" + ], + [ + "Ġwhe", + "at" + ], + [ + "f", + "ix" + ], + [ + "Ġun", + "ity" + ], + [ + "Ġvis", + "iting" + ], + [ + "Ġl", + "es" + ], + [ + "m", + "ath" + ], + [ + "ĠD", + "own" + ], + [ + "Ġh", + "ier" + ], + [ + "Ġsub", + "mit" + ], + [ + "pro", + "duct" + ], + [ + "ian", + "a" + ], + [ + "O", + "W" + ], + [ + "Ġl", + "uck" + ], + [ + "Ġhapp", + "iness" + ], + [ + "k", + "ind" + ], + [ + "Ġd", + "rag" + ], + [ + "Ġad", + "olesc" + ], + [ + "qu", + "ir" + ], + [ + "ad", + "vant" + ], + [ + "Ġearl", + "iest" + ], + [ + "Ġhe", + "nce" + ], + [ + "Ġaddress", + "ed" + ], + [ + "Ġhorm", + "one" + ], + [ + "Ġexc", + "ited" + ], + [ + "Ġtrib", + "es" + ], + [ + "ri", + "z" + ], + [ + "ĠC", + "rit" + ], + [ + "ĠF", + "our" + ], + [ + "cre", + "en" + ], + [ + "Ġsudden", + "ly" + ], + [ + "ĠR", + "oad" + ], + [ + "Ġcontroll", + "ing" + ], + [ + "m", + "ail" + ], + [ + "Ġex", + "haust" + ], + [ + "ĠI", + "D" + ], + [ + "N", + "ote" + ], + [ + "ic", + "ular" + ], + [ + "on", + "ent" + ], + [ + "roll", + "ed" + ], + [ + "Ġt", + "elling" + ], + [ + "Ġag", + "ed" + ], + [ + "Ġcon", + "j" + ], + [ + "Ġcolumn", + "s" + ], + [ + "ĠSp", + "irit" + ], + [ + "Ġac", + "ute" + ], + [ + "Ġed", + "ges" + ], + [ + "Ġdirect", + "ions" + ], + [ + "Ġas", + "c" + ], + [ + "Ġt", + "ropical" + ], + [ + "ou", + "red" + ], + [ + "Ġcount", + "less" + ], + [ + "Ġpar", + "ad" + ], + [ + "Ġs", + "aving" + ], + [ + "Ġvo", + "ices" + ], + [ + "Ġact", + "ing" + ], + [ + "ĠM", + "ath" + ], + [ + "Ġm", + "ine" + ], + [ + "em", + "a" + ], + [ + "Ġhunt", + "ing" + ], + [ + "Ġse", + "at" + ], + [ + "Ġt", + "error" + ], + [ + "ric", + "ts" + ], + [ + "ĠP", + "ath" + ], + [ + "Ġbu", + "ff" + ], + [ + "ĠS", + "ir" + ], + [ + "Ġb", + "omb" + ], + [ + "C", + "o" + ], + [ + "o", + "ids" + ], + [ + "Ġman", + "ual" + ], + [ + "Ġview", + "ed" + ], + [ + "Ġsatis", + "fact" + ], + [ + "Ġun", + "ion" + ], + [ + "N", + "S" + ], + [ + "ĠH", + "arv" + ], + [ + "Ġdis", + "ag" + ], + [ + "ĠC", + "ast" + ], + [ + "ĠL", + "og" + ], + [ + "C", + "A" + ], + [ + "r", + "h" + ], + [ + "ĠArt", + "icle" + ], + [ + "Ġdec", + "ay" + ], + [ + "ar", + "ation" + ], + [ + "m", + "al" + ], + [ + "Ġstop", + "ped" + ], + [ + "ĠR", + "ock" + ], + [ + "T", + "ER" + ], + [ + "on", + "ly" + ], + [ + "ĠCent", + "re" + ], + [ + "b", + "ooks" + ], + [ + "v", + "i" + ], + [ + "Ġoccur", + "ring" + ], + [ + "Ġch", + "ose" + ], + [ + "AT", + "ION" + ], + [ + "Ġf", + "ed" + ], + [ + "c", + "ult" + ], + [ + "Ġintegr", + "ity" + ], + [ + "Ġst", + "ones" + ], + [ + "ĠW", + "all" + ], + [ + "Ġcandid", + "ate" + ], + [ + "ĠT", + "op" + ], + [ + "Ġcomb", + "ine" + ], + [ + "ĠV", + "en" + ], + [ + "ĠJ", + "ac" + ], + [ + "Ġprefer", + "red" + ], + [ + "ann", + "ed" + ], + [ + "Î", + "±" + ], + [ + "as", + "ant" + ], + [ + "ms", + "g" + ], + [ + "con", + "text" + ], + [ + "Ġtherm", + "al" + ], + [ + "Ġsc", + "r" + ], + [ + "Ġnit", + "rogen" + ], + [ + "eg", + "a" + ], + [ + "Ġp", + "estic" + ], + [ + "omet", + "ric" + ], + [ + "ĠH", + "or" + ], + [ + "Ġleg", + "acy" + ], + [ + "u", + "i" + ], + [ + "p", + "df" + ], + [ + "i", + "ability" + ], + [ + "iz", + "abeth" + ], + [ + "Ġg", + "ently" + ], + [ + "Ġcl", + "uster" + ], + [ + "Ġachieve", + "ment" + ], + [ + "ĠL", + "ight" + ], + [ + "Ġstre", + "ets" + ], + [ + "Ġmag", + "ic" + ], + [ + "p", + "i" + ], + [ + "ex", + "ist" + ], + [ + "Ġfar", + "ms" + ], + [ + "Ã", + "¤" + ], + [ + "Ġph", + "osph" + ], + [ + "Ġsh", + "oot" + ], + [ + "In", + "f" + ], + [ + "Ġfall", + "ing" + ], + [ + "Ġremov", + "ing" + ], + [ + "Ġt", + "ales" + ], + [ + "Ġt", + "ight" + ], + [ + "Ġequ", + "ipped" + ], + [ + "m", + "ond" + ], + [ + "n", + "on" + ], + [ + "Ġsp", + "atial" + ], + [ + "Ġamid", + "st" + ], + [ + "Ġgra", + "des" + ], + [ + "Ġbacter", + "ial" + ], + [ + "Ġatt", + "ributes" + ], + [ + "ĠPro", + "p" + ], + [ + "Ġinvolve", + "ment" + ], + [ + "Ġhigh", + "lights" + ], + [ + "N", + "e" + ], + [ + "Ġv", + "ig" + ], + [ + "Ġquant", + "ity" + ], + [ + "Ġgen", + "u" + ], + [ + "ĠC", + "ase" + ], + [ + "t", + "xt" + ], + [ + "Ġdef", + "initely" + ], + [ + "ĠC", + "E" + ], + [ + "Ġast", + "hma" + ], + [ + "cent", + "ury" + ], + [ + "ci", + "pe" + ], + [ + "Ġeven", + "ing" + ], + [ + "Ġille", + "gal" + ], + [ + "Q", + "L" + ], + [ + "b", + "est" + ], + [ + "Ġpay", + "ing" + ], + [ + "lik", + "ely" + ], + [ + "ĠM", + "ach" + ], + [ + "Ġdut", + "y" + ], + [ + "ch", + "ar" + ], + [ + "ĠP", + "ass" + ], + [ + "f", + "ields" + ], + [ + "Ġwe", + "aring" + ], + [ + "Ġvit", + "amins" + ], + [ + "Ġsu", + "it" + ], + [ + "Ġdirect", + "ed" + ], + [ + "Ġc", + "ort" + ], + [ + "Ġelect", + "ed" + ], + [ + "reg", + "ation" + ], + [ + "Ġcal", + "m" + ], + [ + "Ġdiscipl", + "ine" + ], + [ + "Ġpoint", + "ed" + ], + [ + "iox", + "id" + ], + [ + "Ġsepar", + "ated" + ], + [ + "Ġnutri", + "ent" + ], + [ + "Ġmag", + "ical" + ], + [ + "du", + "ate" + ], + [ + "Ġpl", + "ain" + ], + [ + "z", + "heimer" + ], + [ + "AT", + "E" + ], + [ + "ange", + "red" + ], + [ + "Ġaut", + "o" + ], + [ + "om", + "er" + ], + [ + "W", + "elcome" + ], + [ + "im", + "m" + ], + [ + "im", + "ents" + ], + [ + "C", + "R" + ], + [ + "in", + "ition" + ], + [ + "ĠU", + "r" + ], + [ + "ĠT", + "able" + ], + [ + "ac", + "ies" + ], + [ + "ir", + "th" + ], + [ + "Ġdiff", + "er" + ], + [ + "Ġwrit", + "es" + ], + [ + "ĠKore", + "a" + ], + [ + "ĠRet", + "urns" + ], + [ + "Ġtrig", + "ger" + ], + [ + "ct", + "ors" + ], + [ + "Ġdiv", + "ine" + ], + [ + "Ġmist", + "akes" + ], + [ + "Ġbreak", + "s" + ], + [ + "ĠCo", + "ast" + ], + [ + "Ġp", + "d" + ], + [ + "ra", + "q" + ], + [ + "un", + "a" + ], + [ + "Ġowners", + "hip" + ], + [ + "Ġsp", + "an" + ], + [ + "Ġmanufacture", + "rs" + ], + [ + "a", + "fter" + ], + [ + "pl", + "oad" + ], + [ + "Ġord", + "ers" + ], + [ + "Ġphilos", + "oph" + ], + [ + "S", + "I" + ], + [ + "Ġphys", + "ician" + ], + [ + "ĠDig", + "ital" + ], + [ + "ĠD", + "ar" + ], + [ + "ĠM", + "D" + ], + [ + "Pe", + "ople" + ], + [ + "ĠS", + "und" + ], + [ + "epend", + "ent" + ], + [ + "Ġl", + "aser" + ], + [ + "ĠColumb", + "ia" + ], + [ + "ĠAv", + "oid" + ], + [ + "Ġd", + "ictionary" + ], + [ + "b", + "uild" + ], + [ + "Ġsole", + "ly" + ], + [ + "Ġsh", + "ock" + ], + [ + "ĠW", + "ay" + ], + [ + "Ġcour", + "ts" + ], + [ + "Ġrespons", + "ibilities" + ], + [ + "oc", + "ity" + ], + [ + "ĠP", + "et" + ], + [ + "Ġse", + "gment" + ], + [ + "Ġf", + "lying" + ], + [ + "H", + "A" + ], + [ + "Ġplant", + "ing" + ], + [ + "Ġconcent", + "rations" + ], + [ + "inc", + "oln" + ], + [ + "od", + "er" + ], + [ + "Ġfat", + "ty" + ], + [ + "O", + "ut" + ], + [ + "Ġn", + "om" + ], + [ + "pred", + "ict" + ], + [ + "Ġlog", + "ger" + ], + [ + "Ġpath", + "s" + ], + [ + "v", + "als" + ], + [ + "Ġ", + "?" + ], + [ + "Ġsac", + "red" + ], + [ + "b", + "el" + ], + [ + "comm", + "and" + ], + [ + "Ġf", + "ats" + ], + [ + "ĠIm", + "m" + ], + [ + "Ġgent", + "le" + ], + [ + "Ġl", + "ip" + ], + [ + "ĠD", + "om" + ], + [ + "et", + "ing" + ], + [ + "Ġse", + "cre" + ], + [ + "Ġg", + "ases" + ], + [ + "Ġdo", + "ors" + ], + [ + "ĠC", + "ir" + ], + [ + "un", + "icip" + ], + [ + "ĠF", + "ire" + ], + [ + "Ġper", + "pet" + ], + [ + "iv", + "ation" + ], + [ + "ĠC", + "ode" + ], + [ + "Ġarg", + "ued" + ], + [ + "Ġhealth", + "ier" + ], + [ + "Ġin", + "clusive" + ], + [ + "Ġal", + "ert" + ], + [ + "ĠG", + "r" + ], + [ + "ar", + "ters" + ], + [ + "Ġto", + "ys" + ], + [ + "Ġneut", + "ral" + ], + [ + "Ñ", + "Ģ" + ], + [ + "Ġperfect", + "ly" + ], + [ + "Ġd", + "rought" + ], + [ + "Ġadd", + "iction" + ], + [ + "lay", + "er" + ], + [ + "Ġp", + "airs" + ], + [ + "du", + "ction" + ], + [ + "is", + "ely" + ], + [ + "ĠSup", + "reme" + ], + [ + "Ġdram", + "atic" + ], + [ + "ĠCons", + "ervation" + ], + [ + "u", + "rolog" + ], + [ + "Ġdeg", + "rad" + ], + [ + "Ġspec", + "im" + ], + [ + "bl", + "ock" + ], + [ + "o", + "ys" + ], + [ + "Ġcl", + "ock" + ], + [ + "Ġch", + "air" + ], + [ + "ĠM", + "aster" + ], + [ + "il", + "a" + ], + [ + "Ġmet", + "als" + ], + [ + "z", + "one" + ], + [ + "[", + "-" + ], + [ + "ĊĠĠĠĠĠĠĠĠ", + "ĊĠĠĠĠĠĠĠ" + ], + [ + "Ġfin", + "ish" + ], + [ + "Ġcat", + "tle" + ], + [ + "Ġbiod", + "iversity" + ], + [ + "Ġro", + "yal" + ], + [ + "spec", + "ific" + ], + [ + "t", + "ag" + ], + [ + "Ġm", + "ic" + ], + [ + "ĠA", + "L" + ], + [ + "S", + "m" + ], + [ + "Ġinc", + "ident" + ], + [ + "Ġm", + "g" + ], + [ + "ac", + "hers" + ], + [ + "m", + "ade" + ], + [ + "$", + "$" + ], + [ + "Ġobst", + "acles" + ], + [ + "Ġpan", + "els" + ], + [ + "A", + "re" + ], + [ + "Ġdi", + "pl" + ], + [ + "Ġanalys", + "es" + ], + [ + "ĠI", + "ss" + ], + [ + "Ġsl", + "aves" + ], + [ + "Ġch", + "ap" + ], + [ + "Ġf", + "ought" + ], + [ + "ric", + "ted" + ], + [ + "al", + "m" + ], + [ + "\"", + "]," + ], + [ + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ" + ], + [ + "ou", + "l" + ], + [ + "S", + "ource" + ], + [ + "Ġt", + "ough" + ], + [ + "b", + "its" + ], + [ + "ĠY", + "es" + ], + [ + "Ġcharacter", + "istic" + ], + [ + "O", + "M" + ], + [ + "Ġrecogn", + "izing" + ], + [ + "ex", + "ec" + ], + [ + "Ġspok", + "en" + ], + [ + "Ġcardi", + "ovascular" + ], + [ + "lab", + "els" + ], + [ + "Ġt", + "one" + ], + [ + "Ġn", + "ice" + ], + [ + "Ġsub", + "t" + ], + [ + "Ġt", + "on" + ], + [ + "ĠPre", + "vention" + ], + [ + "Ġen", + "orm" + ], + [ + "Ġplan", + "ets" + ], + [ + "Ġent", + "ering" + ], + [ + "Ġm", + "ock" + ], + [ + "van", + "ia" + ], + [ + "ES", + "S" + ], + [ + "ĠHe", + "art" + ], + [ + "Ġwor", + "st" + ], + [ + "ĠP", + "en" + ], + [ + "ĠFace", + "book" + ], + [ + "Ġsl", + "ave" + ], + [ + "iss", + "ance" + ], + [ + "Ġpl", + "a" + ], + [ + "Ġimag", + "ination" + ], + [ + "ĠF", + "il" + ], + [ + "are", + "t" + ], + [ + "Ġman", + "uscript" + ], + [ + "ĠInv", + "est" + ], + [ + "pt", + "om" + ], + [ + "Ġpractition", + "ers" + ], + [ + "friend", + "ly" + ], + [ + "Ġad", + "vers" + ], + [ + "Ġsp", + "ots" + ], + [ + "Ġcandid", + "ates" + ], + [ + "er", + "ge" + ], + [ + "Im", + "age" + ], + [ + "f", + "s" + ], + [ + "Ġbehavior", + "al" + ], + [ + "Ġestablish", + "ing" + ], + [ + "ĠF", + "uture" + ], + [ + "ĠPro", + "g" + ], + [ + "ĠInd", + "eed" + ], + [ + "ĠC", + "r" + ], + [ + "Ġcl", + "ar" + ], + [ + "erm", + "an" + ], + [ + "be", + "an" + ], + [ + "Ġgraph", + "ic" + ], + [ + "Ġmod", + "erate" + ], + [ + "ĠProt", + "ection" + ], + [ + "Ġprior", + "ity" + ], + [ + "Ġexpand", + "ing" + ], + [ + "Ġnot", + "ion" + ], + [ + "Ġh", + "urt" + ], + [ + "Ġstay", + "ing" + ], + [ + "Ġaud", + "iences" + ], + [ + "Ġat", + "oms" + ], + [ + "Ġcont", + "ents" + ], + [ + "aw", + "are" + ], + [ + "ĠScot", + "land" + ], + [ + "E", + "ng" + ], + [ + "Ġconclud", + "ed" + ], + [ + "ent", + "er" + ], + [ + "Ġcharg", + "ed" + ], + [ + "Ġcl", + "ust" + ], + [ + "ĠCh", + "all" + ], + [ + "g", + "reen" + ], + [ + "sy", + "l" + ], + [ + "end", + "ar" + ], + [ + "Ġcomb", + "ining" + ], + [ + "R", + "ep" + ], + [ + "hav", + "ior" + ], + [ + "rop", + "ri" + ], + [ + "Ġp", + "ion" + ], + [ + "d", + "irect" + ], + [ + "iv", + "ate" + ], + [ + "ĠL", + "ee" + ], + [ + "Ġadapt", + "ed" + ], + [ + "à", + "¥" + ], + [ + "elt", + "a" + ], + [ + "Ġavoid", + "ing" + ], + [ + "Ġo", + "m" + ], + [ + "Through", + "out" + ], + [ + "ĠM", + "ah" + ], + [ + "Ġident", + "ities" + ], + [ + "b", + "as" + ], + [ + "Ġst", + "ood" + ], + [ + "Ġex", + "port" + ], + [ + "Ġint", + "ention" + ], + [ + "ĠD", + "utch" + ], + [ + "pl", + "t" + ], + [ + "op", + "her" + ], + [ + "E", + "X" + ], + [ + "R", + "et" + ], + [ + "Ġold", + "est" + ], + [ + "Ġtrans", + "mit" + ], + [ + "Ġexp", + "ed" + ], + [ + "Ġpredict", + "ed" + ], + [ + "Al", + "so" + ], + [ + "iv", + "a" + ], + [ + "Ġw", + "at" + ], + [ + "eng", + "er" + ], + [ + "Ġsettle", + "ment" + ], + [ + "P", + "ub" + ], + [ + "arn", + "ess" + ], + [ + "u", + "gg" + ], + [ + "Ġpopular", + "ity" + ], + [ + "Ġto", + "b" + ], + [ + "Ġpar", + "ams" + ], + [ + "ost", + "er" + ], + [ + "ĠE", + "mb" + ], + [ + "Ċĉĉ", + "ĉ" + ], + [ + "ys", + "ical" + ], + [ + "H", + "S" + ], + [ + "Ġdri", + "vers" + ], + [ + "Ġcust", + "oms" + ], + [ + "Ġt", + "ong" + ], + [ + "ĠI", + "de" + ], + [ + "Ġev", + "ident" + ], + [ + "Ġlung", + "s" + ], + [ + "ĠSupp", + "ort" + ], + [ + "Ġcommunic", + "ations" + ], + [ + "Ġgra", + "vity" + ], + [ + "ĠHeb", + "rew" + ], + [ + "Ġbe", + "es" + ], + [ + "Ġw", + "ise" + ], + [ + "Ġg", + "est" + ], + [ + "in", + "v" + ], + [ + "f", + "ol" + ], + [ + "ibl", + "ical" + ], + [ + "l", + "at" + ], + [ + "ert", + "y" + ], + [ + "Ġlect", + "ure" + ], + [ + "Ġw", + "elfare" + ], + [ + "****", + "****" + ], + [ + "P", + "y" + ], + [ + "m", + "ode" + ], + [ + "Ġpat", + "ience" + ], + [ + "ĠPal", + "est" + ], + [ + "ou", + "nder" + ], + [ + "et", + "ts" + ], + [ + "ĠPl", + "ace" + ], + [ + "Ġenter", + "pr" + ], + [ + "z", + "ym" + ], + [ + "Ġw", + "ider" + ], + [ + "Ġaccompl", + "ish" + ], + [ + "ĠT", + "ext" + ], + [ + "ĠB", + "ooks" + ], + [ + "Ġiniti", + "ative" + ], + [ + "ou", + "ds" + ], + [ + "Ñ", + "ģ" + ], + [ + "ĠE", + "ffect" + ], + [ + "Ġfl", + "ash" + ], + [ + "Ġrest", + "aur" + ], + [ + "ard", + "ing" + ], + [ + "Us", + "ing" + ], + [ + "Ġregard", + "ed" + ], + [ + "M", + "ay" + ], + [ + "ĠM", + "S" + ], + [ + "Ġocc", + "as" + ], + [ + "Ġg", + "if" + ], + [ + "Ar", + "t" + ], + [ + "Ġown", + "ed" + ], + [ + "ĠAl", + "zheimer" + ], + [ + "Ġeng", + "ines" + ], + [ + "Ġc", + "otton" + ], + [ + "s", + "we" + ], + [ + "Ġgra", + "b" + ], + [ + "ĠB", + "oston" + ], + [ + "Ġqu", + "arter" + ], + [ + "Ġlast", + "ing" + ], + [ + "Ġste", + "am" + ], + [ + "Ġreflect", + "s" + ], + [ + "ans", + "as" + ], + [ + "ĠMin", + "ister" + ], + [ + "Ġmed", + "itation" + ], + [ + "Ġregul", + "atory" + ], + [ + "Ġstrugg", + "les" + ], + [ + "Ġprom", + "ising" + ], + [ + "Ġfil", + "ms" + ], + [ + "as", + "ures" + ], + [ + "ĠHe", + "ad" + ], + [ + "j", + "ud" + ], + [ + "ĠBe", + "ing" + ], + [ + "Ġrestrict", + "ions" + ], + [ + "Ġs", + "elling" + ], + [ + "ili", + "pp" + ], + [ + "Ġdel", + "icious" + ], + [ + "ĠB", + "attle" + ], + [ + "Ġcontinu", + "ing" + ], + [ + "Ġstri", + "ke" + ], + [ + "ĠJust", + "ice" + ], + [ + "iz", + "z" + ], + [ + "ce", + "ive" + ], + [ + "Ġtum", + "or" + ], + [ + "rou", + "ps" + ], + [ + "ĠUn", + "like" + ], + [ + "Ġhosp", + "itals" + ], + [ + "ĠAs", + "k" + ], + [ + "Ġreve", + "als" + ], + [ + "Ġphotograph", + "s" + ], + [ + "b", + "ot" + ], + [ + "E", + "F" + ], + [ + "ple", + "x" + ], + [ + "Ġestablish", + "ment" + ], + [ + "ĠP", + "ur" + ], + [ + "Ġmeet", + "ings" + ], + [ + "Ġconsist", + "ently" + ], + [ + "Ġillust", + "rate" + ], + [ + "app", + "ed" + ], + [ + "C", + "re" + ], + [ + "ur", + "ches" + ], + [ + "Ġm", + "ouse" + ], + [ + "Ġbu", + "ying" + ], + [ + "ĠEd", + "ward" + ], + [ + "Ġag", + "ing" + ], + [ + "Go", + "ogle" + ], + [ + "ĠOf", + "ten" + ], + [ + "Ġcry", + "pt" + ], + [ + "Ġanal", + "og" + ], + [ + "Ġs", + "pl" + ], + [ + "Ob", + "ject" + ], + [ + "w", + "orth" + ], + [ + "Ġantibiot", + "ics" + ], + [ + "`", + "." + ], + [ + "s", + "ign" + ], + [ + "Ġfem", + "in" + ], + [ + "Ġatt", + "itude" + ], + [ + "Ġt", + "ric" + ], + [ + "ĠL", + "y" + ], + [ + "Ġf", + "ur" + ], + [ + "p", + "ub" + ], + [ + "ĠL", + "G" + ], + [ + "ac", + "cess" + ], + [ + "Ġrel", + "ie" + ], + [ + "d", + "rop" + ], + [ + "istic", + "ated" + ], + [ + "w", + "an" + ], + [ + "Ġreview", + "s" + ], + [ + "ĠS", + "and" + ], + [ + "ĠC", + "all" + ], + [ + "agn", + "etic" + ], + [ + "Ġdev", + "ast" + ], + [ + "Ġir", + "rig" + ], + [ + "Ġad", + "verse" + ], + [ + "Ġto", + "m" + ], + [ + "Ġsh", + "ares" + ], + [ + "Ġtob", + "acco" + ], + [ + "p", + "ay" + ], + [ + "aterial", + "s" + ], + [ + "C", + "omm" + ], + [ + "R", + "L" + ], + [ + "Ġj", + "uris" + ], + [ + "ĠJe", + "ff" + ], + [ + "Ġillness", + "es" + ], + [ + "ĠWrit", + "ing" + ], + [ + "G", + "e" + ], + [ + "Ġpol", + "ar" + ], + [ + "ĠAg", + "ain" + ], + [ + "Ġsci", + "ences" + ], + [ + "om", + "eters" + ], + [ + "~", + "~" + ], + [ + "ĠK", + "en" + ], + [ + "Ġconsum", + "ed" + ], + [ + "tain", + "ing" + ], + [ + "ĠC", + "at" + ], + [ + "ish", + "op" + ], + [ + "ble", + "m" + ], + [ + "ber", + "ry" + ], + [ + "Ġathlet", + "es" + ], + [ + "Ġmother", + "s" + ], + [ + "eg", + "u" + ], + [ + "Ġnovel", + "s" + ], + [ + "ĠN", + "ov" + ], + [ + "ĠS", + "elf" + ], + [ + "Ġjud", + "gment" + ], + [ + "im", + "a" + ], + [ + "ach", + "us" + ], + [ + "Ġdist", + "ances" + ], + [ + "Ġcelebr", + "ated" + ], + [ + "ig", + "ious" + ], + [ + "Ġbatter", + "ies" + ], + [ + "ĠI", + "raq" + ], + [ + "Ġbelie", + "ves" + ], + [ + "Ġh", + "all" + ], + [ + "ĠWrit", + "e" + ], + [ + "Ġexec", + "utive" + ], + [ + "A", + "ss" + ], + [ + "Ġthera", + "peutic" + ], + [ + "Ġthreat", + "ened" + ], + [ + "Ġun", + "likely" + ], + [ + "Ġ[", + "\"" + ], + [ + "Ġtra", + "cking" + ], + [ + "Ġvacc", + "ines" + ], + [ + "r", + "ink" + ], + [ + "Ġapp", + "s" + ], + [ + "ĠN", + "ext" + ], + [ + "Ġwe", + "igh" + ], + [ + "Ġaccept", + "ance" + ], + [ + "ist", + "ant" + ], + [ + "erc", + "ury" + ], + [ + ":", + ":" + ], + [ + "Ġadapt", + "ation" + ], + [ + "arm", + "ing" + ], + [ + "ĠI", + "V" + ], + [ + "Ġcarb", + "ohyd" + ], + [ + "Ġconvers", + "ion" + ], + [ + "Ġc", + "ord" + ], + [ + "et", + "he" + ], + [ + "Ġent", + "reprene" + ], + [ + "Ġw", + "ars" + ], + [ + "Ġtransform", + "ed" + ], + [ + "Ġfu", + "els" + ], + [ + "ĠEx", + "p" + ], + [ + "ĠB", + "ul" + ], + [ + "Ġdirect", + "ory" + ], + [ + "W", + "rit" + ], + [ + "ĠT", + "O" + ], + [ + "h", + "ire" + ], + [ + "dat", + "aset" + ], + [ + "Ġpr", + "ime" + ], + [ + "ĠIm", + "pro" + ], + [ + "Ġassign", + "ment" + ], + [ + "ĠE", + "mer" + ], + [ + "P", + "D" + ], + [ + "Ġexist", + "ed" + ], + [ + "ĠCam", + "bridge" + ], + [ + "Ġsupp", + "lements" + ], + [ + "Ġcon", + "d" + ], + [ + "Ġscen", + "es" + ], + [ + "su", + "pp" + ], + [ + "Ġconf", + "usion" + ], + [ + "Ġevery", + "where" + ], + [ + "ĠL", + "in" + ], + [ + "un", + "it" + ], + [ + "ĠC", + "ard" + ], + [ + "ĠQue", + "en" + ], + [ + "Ġlif", + "etime" + ], + [ + "Ġdiscover", + "ies" + ], + [ + "Ġp", + "ose" + ], + [ + "Ġmembr", + "ane" + ], + [ + "r", + "t" + ], + [ + "Ġpriv", + "ile" + ], + [ + "ĠSur", + "vey" + ], + [ + "W", + "here" + ], + [ + "Ġinput", + "s" + ], + [ + "u", + "ate" + ], + [ + "ĠPer", + "haps" + ], + [ + "Ġprogram", + "me" + ], + [ + "Ġen", + "um" + ], + [ + "Ġent", + "ities" + ], + [ + "Ġ{", + "\"" + ], + [ + "it", + "ting" + ], + [ + "syl", + "vania" + ], + [ + "e", + "vent" + ], + [ + "Ġfat", + "igue" + ], + [ + "Ġhy", + "gi" + ], + [ + "L", + "esson" + ], + [ + "Ġac", + "res" + ], + [ + "Ġthr", + "ive" + ], + [ + "dev", + "ice" + ], + [ + "Ġrein", + "for" + ], + [ + "Ġinflu", + "ential" + ], + [ + "Ġjour", + "nals" + ], + [ + "Ġcons", + "ent" + ], + [ + "ĠHosp", + "ital" + ], + [ + "Ġstat", + "istical" + ], + [ + "Ġpay", + "ment" + ], + [ + "part", + "s" + ], + [ + "Ġth", + "reshold" + ], + [ + "ĠSh", + "ould" + ], + [ + "Ġcrit", + "ically" + ], + [ + "as", + "hes" + ], + [ + "Ġprom", + "otes" + ], + [ + "Ġc", + "odes" + ], + [ + "Ġer", + "u" + ], + [ + "st", + "yle" + ], + [ + "Ġapplic", + "able" + ], + [ + "Ġchick", + "en" + ], + [ + "Ġstory", + "telling" + ], + [ + "Ã", + "¢" + ], + [ + "Ġs", + "ending" + ], + [ + ")", + ")," + ], + [ + "Ġess", + "ence" + ], + [ + "ĠE", + "conomic" + ], + [ + "<", + "/" + ], + [ + "ĠFor", + "ce" + ], + [ + "Ġlog", + "ical" + ], + [ + "K", + "E" + ], + [ + "Ġassemb", + "ly" + ], + [ + "N", + "et" + ], + [ + "ne", + "cess" + ], + [ + "Ġto", + "ken" + ], + [ + "c", + "ule" + ], + [ + "Ġcompl", + "iance" + ], + [ + "ĠI", + "T" + ], + [ + "o", + "ice" + ], + [ + "Ab", + "out" + ], + [ + "re", + "place" + ], + [ + "Ġparticip", + "ating" + ], + [ + "Ġdemonstr", + "ates" + ], + [ + "is", + "ition" + ], + [ + "f", + "ting" + ], + [ + "t", + "x" + ], + [ + "Ġprec", + "ision" + ], + [ + "Ġaccompan", + "ied" + ], + [ + "cl", + "os" + ], + [ + "Ġgo", + "ver" + ], + [ + "L", + "og" + ], + [ + "R", + "el" + ], + [ + "ĠB", + "u" + ], + [ + "ĠL", + "incoln" + ], + [ + "P", + "ath" + ], + [ + "Ġaddress", + "es" + ], + [ + "usal", + "em" + ], + [ + "Ġcomprehens", + "ion" + ], + [ + "Ġconver", + "ted" + ], + [ + "Ġmed", + "ieval" + ], + [ + "Ġenthus", + "i" + ], + [ + "loc", + "al" + ], + [ + "ĠF", + "ather" + ], + [ + "Ġun", + "like" + ], + [ + "c", + "opy" + ], + [ + "ĠH", + "indu" + ], + [ + "Ġfore", + "cast" + ], + [ + "Ġd", + "ating" + ], + [ + "ĠThe", + "ory" + ], + [ + "ne", + "g" + ], + [ + "el", + "ing" + ], + [ + "ĠE", + "conom" + ], + [ + "ĠEl", + "izabeth" + ], + [ + "Ġcy", + "cles" + ], + [ + "Ġcou", + "rage" + ], + [ + "Ġhousehold", + "s" + ], + [ + "Ġbur", + "ied" + ], + [ + "Ġjoint", + "s" + ], + [ + "Ġdefic", + "iency" + ], + [ + "Ġre", + "const" + ], + [ + "ER", + "S" + ], + [ + "Ġex", + "ch" + ], + [ + "Ġar", + "med" + ], + [ + "ĠLe", + "vel" + ], + [ + "g", + "rid" + ], + [ + "Ġleg", + "end" + ], + [ + "y", + "er" + ], + [ + "o", + "a" + ], + [ + "Ġch", + "ocolate" + ], + [ + "ĠL", + "i" + ], + [ + "Ġmos", + "quit" + ], + [ + "Ġc", + "ure" + ], + [ + "J", + "ohn" + ], + [ + "Ġreg", + "ister" + ], + [ + "Ġcollect", + "ing" + ], + [ + "ĠDirect", + "or" + ], + [ + "Ġharm", + "ony" + ], + [ + "Ġcomp", + "ost" + ], + [ + "f", + "oot" + ], + [ + "ut", + "her" + ], + [ + "sy", + "stem" + ], + [ + "Ġrest", + "ore" + ], + [ + "Rem", + "ember" + ], + [ + "Ġd", + "airy" + ], + [ + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠĠ" + ], + [ + "ĠN", + "OT" + ], + [ + "Ġconfig", + "uration" + ], + [ + "er", + "ator" + ], + [ + "ĠOh", + "io" + ], + [ + "az", + "e" + ], + [ + "Ġsett", + "led" + ], + [ + "Ġc", + "v" + ], + [ + "Ġrequire", + "ment" + ], + [ + "Ġpow", + "der" + ], + [ + "Ġhypothes", + "is" + ], + [ + "Ġdeb", + "ates" + ], + [ + "P", + "r" + ], + [ + "Ġju", + "ice" + ], + [ + "Ġveget", + "ation" + ], + [ + "Ġpress", + "ing" + ], + [ + "ain", + "ts" + ], + [ + "Ġpublic", + "ations" + ], + [ + "t", + "otal" + ], + [ + "Ġbe", + "at" + ], + [ + "Ġdr", + "inks" + ], + [ + "Ġcons", + "erv" + ], + [ + "ediat", + "ric" + ], + [ + "ol", + "i" + ], + [ + "ps", + "y" + ], + [ + "e", + "val" + ], + [ + "ĠF", + "ield" + ], + [ + "Ġopp", + "osition" + ], + [ + "ĠR", + "h" + ], + [ + "Ġp", + "roud" + ], + [ + "Ġinequ", + "ality" + ], + [ + "ĠD", + "id" + ], + [ + "o", + "is" + ], + [ + "man", + "n" + ], + [ + "Ġexplain", + "ing" + ], + [ + "Ch", + "ild" + ], + [ + "Ġisol", + "ation" + ], + [ + "Ġto", + "mat" + ], + [ + "Ġre", + "aches" + ], + [ + "Ġsoph", + "isticated" + ], + [ + "Ġgod", + "s" + ], + [ + "v", + "ari" + ], + [ + "Ġrel", + "ate" + ], + [ + "Ġbl", + "ess" + ], + [ + "Ġposit", + "ively" + ], + [ + "Ġl", + "ymph" + ], + [ + "Ġk", + "illing" + ], + [ + "Ġbo", + "at" + ], + [ + "Ġant", + "ioxid" + ], + [ + "Ġhorm", + "ones" + ], + [ + "Ġdisplay", + "ed" + ], + [ + "ĠL", + "ine" + ], + [ + "Ġeth", + "ics" + ], + [ + "Ġw", + "al" + ], + [ + "Ġreput", + "ation" + ], + [ + "Ġcorpor", + "ate" + ], + [ + "el", + "ve" + ], + [ + "Ġpray", + "er" + ], + [ + "Ġexc", + "ite" + ], + [ + "er", + "b" + ], + [ + "ĠMich", + "igan" + ], + [ + "iv", + "ities" + ], + [ + ")", + "|" + ], + [ + "Ġest", + "ate" + ], + [ + "Ch", + "ar" + ], + [ + "Ġin", + "cent" + ], + [ + "ĠDiv", + "ision" + ], + [ + "Ġwork", + "place" + ], + [ + "Ġcor", + "on" + ], + [ + "Val", + "ue" + ], + [ + "Ġpre", + "cious" + ], + [ + "Ġenjoy", + "ed" + ], + [ + "est", + "ock" + ], + [ + "ag", + "en" + ], + [ + "Ġl", + "icense" + ], + [ + "ĠV", + "e" + ], + [ + "Ġwith", + "draw" + ], + [ + "Ġvar", + "ied" + ], + [ + "Ġsp", + "oke" + ], + [ + "Ġequ", + "ations" + ], + [ + "ĠHaw", + "ai" + ], + [ + "it", + "ate" + ], + [ + "ĠW", + "al" + ], + [ + "Ġres", + "c" + ], + [ + "ĠMus", + "ic" + ], + [ + "Ġsp", + "ray" + ], + [ + "Ġrev", + "ol" + ], + [ + "Ġw", + "ra" + ], + [ + "Ġclass", + "ification" + ], + [ + "al", + "so" + ], + [ + "as", + "m" + ], + [ + "Ġutil", + "ize" + ], + [ + "c", + "at" + ], + [ + "gra", + "de" + ], + [ + "Ġconsider", + "ations" + ], + [ + "Ġsuggest", + "ing" + ], + [ + "e", + "em" + ], + [ + "Ġoffic", + "er" + ], + [ + "Ġas", + "ide" + ], + [ + "ĠM", + "ind" + ], + [ + "Ġpub", + "l" + ], + [ + "Ġp", + "ill" + ], + [ + "st", + "op" + ], + [ + "Ġsav", + "ings" + ], + [ + "Ġgard", + "ens" + ], + [ + "Ġaut", + "ism" + ], + [ + "hem", + "istry" + ], + [ + "U", + "se" + ], + [ + "ur", + "able" + ], + [ + "ell", + "er" + ], + [ + "Ġwork", + "er" + ], + [ + "Ġy", + "es" + ], + [ + "chn", + "ology" + ], + [ + "Ġreflect", + "ed" + ], + [ + "m", + "em" + ], + [ + "ad", + "el" + ], + [ + "Ġcomple", + "ment" + ], + [ + "ob", + "ile" + ], + [ + "%", + "," + ], + [ + "ĠGeorg", + "ia" + ], + [ + "IS", + "T" + ], + [ + "M", + "D" + ], + [ + "Ġfore", + "ver" + ], + [ + "Ġthor", + "ough" + ], + [ + "sc", + "ore" + ], + [ + "u", + "an" + ], + [ + "Ġport", + "ray" + ], + [ + "in", + "ator" + ], + [ + "Ġquant", + "ities" + ], + [ + "th", + "ritis" + ], + [ + "ane", + "an" + ], + [ + "C", + "ount" + ], + [ + "Ġcl", + "ay" + ], + [ + "Ġclass", + "ified" + ], + [ + "Ġde", + "ploy" + ], + [ + "ĠPh", + "ot" + ], + [ + "Ġassum", + "ed" + ], + [ + "ĠSchol", + "ar" + ], + [ + "X", + "X" + ], + [ + "az", + "z" + ], + [ + "Ġz", + "ones" + ], + [ + "Ġl", + "on" + ], + [ + "u", + "v" + ], + [ + "ĠA", + "ff" + ], + [ + "`", + "," + ], + [ + "Ġaccording", + "ly" + ], + [ + "Ġspread", + "ing" + ], + [ + "end", + "ment" + ], + [ + "mat", + "rix" + ], + [ + "Ġpain", + "tings" + ], + [ + "Ġinter", + "ior" + ], + [ + "Ġpost", + "s" + ], + [ + "Ġan", + "ger" + ], + [ + "Ġfit", + "ness" + ], + [ + "P", + "T" + ], + [ + "Ġout", + "door" + ], + [ + "Ġcur", + "rency" + ], + [ + "Ġsuggest", + "ions" + ], + [ + "W", + "id" + ], + [ + "Ġassum", + "ptions" + ], + [ + "Ġappl", + "ies" + ], + [ + "Ġse", + "vent" + ], + [ + "Ġgover", + "ning" + ], + [ + "n", + "atural" + ], + [ + "Ġrecycl", + "ing" + ], + [ + "Ġimmig", + "rants" + ], + [ + "ĠAm", + "azon" + ], + [ + "g", + "r" + ], + [ + "Ġancest", + "ors" + ], + [ + "e", + "fficient" + ], + [ + "oper", + "ative" + ], + [ + "achus", + "etts" + ], + [ + "reg", + "ular" + ], + [ + "acks", + "on" + ], + [ + "Ġstreng", + "ths" + ], + [ + "Ġviol", + "ent" + ], + [ + "Ġdis", + "advant" + ], + [ + "Ġtext", + "ure" + ], + [ + "Ġorient", + "ation" + ], + [ + "p", + "arser" + ], + [ + "ĠOb", + "ject" + ], + [ + "Ġem", + "erge" + ], + [ + "Ġher", + "b" + ], + [ + "if", + "ice" + ], + [ + "Ġc", + "ub" + ], + [ + "ge", + "bra" + ], + [ + "d", + "iff" + ], + [ + "id", + "ers" + ], + [ + "ĠY", + "O" + ], + [ + "Ġeconom", + "ics" + ], + [ + "ce", + "ans" + ], + [ + "ĠAr", + "ctic" + ], + [ + "Ġaccount", + "ing" + ], + [ + "st", + "ore" + ], + [ + "st", + "ars" + ], + [ + "Ġh", + "am" + ], + [ + "Ġlik", + "elihood" + ], + [ + "og", + "s" + ], + [ + "Ġcolon", + "ies" + ], + [ + "Ġb", + "orrow" + ], + [ + "ly", + "mp" + ], + [ + "Ġsh", + "orter" + ], + [ + ".\"", + ")" + ], + [ + "ulum", + "i" + ], + [ + "Ġmin", + "i" + ], + [ + "Ġpros", + "per" + ], + [ + "bor", + "ne" + ], + [ + "ĠSt", + "ar" + ], + [ + "Ġkit", + "chen" + ], + [ + "Ġp", + "ets" + ], + [ + "'", + "):" + ], + [ + "Ġign", + "ore" + ], + [ + "Ġlow", + "est" + ], + [ + "Ġc", + "rown" + ], + [ + "Ġpart", + "ial" + ], + [ + "Ġconv", + "in" + ], + [ + "Ġinhabit", + "ants" + ], + [ + "B", + "ack" + ], + [ + "Ġover", + "view" + ], + [ + "ĠPort", + "ug" + ], + [ + "ĠC", + "arl" + ], + [ + "ĠHel", + "p" + ], + [ + "ĠIn", + "cre" + ], + [ + "b", + "acks" + ], + [ + "Ġtail", + "ored" + ], + [ + "comm", + "un" + ], + [ + "dep", + "th" + ], + [ + "Ġsched", + "ul" + ], + [ + "Ġo", + "l" + ], + [ + "Ġneur", + "ons" + ], + [ + "ste", + "in" + ], + [ + "u", + "its" + ], + [ + "ĠJer", + "usalem" + ], + [ + "he", + "nd" + ], + [ + "Ġnutrition", + "al" + ], + [ + "ĠPenn", + "sylvania" + ], + [ + "Ġgen", + "ome" + ], + [ + "Ġdist", + "ant" + ], + [ + "Ġen", + "forcement" + ], + [ + "ĠPl", + "us" + ], + [ + "e", + "ven" + ], + [ + "Ġf", + "ires" + ], + [ + "Ġor", + "th" + ], + [ + "Ġhol", + "iday" + ], + [ + "p", + "u" + ], + [ + "Ġserious", + "ly" + ], + [ + "F", + "T" + ], + [ + "Ġground", + "s" + ], + [ + "ĠStand", + "ard" + ], + [ + "Ġâ", + "Ĩ" + ], + [ + "E", + "G" + ], + [ + "Ġm", + "ature" + ], + [ + "ĠSm", + "all" + ], + [ + "ut", + "ing" + ], + [ + "Ġagg", + "ressive" + ], + [ + "Ġreven", + "ue" + ], + [ + "ol", + "s" + ], + [ + "Ġappoint", + "ed" + ], + [ + "amm", + "a" + ], + [ + "Ġp", + "ace" + ], + [ + "Ġleg", + "it" + ], + [ + "p", + "in" + ], + [ + "Ġc", + "ow" + ], + [ + "ig", + "er" + ], + [ + "er", + "ally" + ], + [ + "ĠD", + "C" + ], + [ + "Ġrepe", + "at" + ], + [ + "ĠS", + "ection" + ], + [ + "ch", + "ron" + ], + [ + "Ġfeat", + "uring" + ], + [ + "Ġsub", + "tle" + ], + [ + "Ġb", + "are" + ], + [ + "Ġemploy", + "ee" + ], + [ + "F", + "rame" + ], + [ + "Ġh", + "at" + ], + [ + "Ġperson", + "nel" + ], + [ + "Ġvict", + "ory" + ], + [ + "ĠC", + "ub" + ], + [ + "ĠC", + "ost" + ], + [ + "Ġbe", + "ans" + ], + [ + "Ġbr", + "id" + ], + [ + "h", + "igh" + ], + [ + "Ġre", + "cre" + ], + [ + "Ġpers", + "u" + ], + [ + "ĠTest", + "ament" + ], + [ + "ĠIm", + "age" + ], + [ + "af", + "e" + ], + [ + "Ġut", + "ility" + ], + [ + "as", + "ma" + ], + [ + "Ġbra", + "ins" + ], + [ + "Ġthan", + "k" + ], + [ + "Ġind", + "irect" + ], + [ + "Ġpre", + "y" + ], + [ + "Ġill", + "um" + ], + [ + "it", + "ches" + ], + [ + "Ġharv", + "est" + ], + [ + "Ġbas", + "ically" + ], + [ + "Ġstri", + "king" + ], + [ + "Ġsche", + "me" + ], + [ + "Ġur", + "ine" + ], + [ + "Ġdevelop", + "ers" + ], + [ + "Ġcan", + "cers" + ], + [ + "D", + "is" + ], + [ + "Ġcal", + "c" + ], + [ + "en", + "za" + ], + [ + "Ġfin", + "ance" + ], + [ + "Ġsurround", + "ed" + ], + [ + "Ġl", + "oyal" + ], + [ + "']", + "." + ], + [ + "о", + "Ð" + ], + [ + "de", + "bug" + ], + [ + "fun", + "c" + ], + [ + "Ġe", + "ars" + ], + [ + "ĠR", + "ight" + ], + [ + "ĠA", + "ction" + ], + [ + "Ġsequ", + "ences" + ], + [ + "f", + "ire" + ], + [ + "K", + "e" + ], + [ + "o", + "z" + ], + [ + "Ġan", + "throp" + ], + [ + "d", + "iv" + ], + [ + "ĠIs", + "lands" + ], + [ + "Ġrec", + "ording" + ], + [ + "Ġcop", + "ies" + ], + [ + "Ġdat", + "etime" + ], + [ + "Ġselect", + "ing" + ], + [ + "Con", + "fig" + ], + [ + "Ġinteg", + "ral" + ], + [ + "V", + "I" + ], + [ + "k", + "er" + ], + [ + "St", + "ate" + ], + [ + "Ġhome", + "work" + ], + [ + "Ġmov", + "ies" + ], + [ + "Ġvir", + "al" + ], + [ + "Ġst", + "ack" + ], + [ + "s", + "ample" + ], + [ + "OR", + "D" + ], + [ + "Ġprec", + "isely" + ], + [ + "Ġstrugg", + "ling" + ], + [ + "Ġcaptiv", + "ating" + ], + [ + "Ġn", + "ull" + ], + [ + "ol", + "er" + ], + [ + "Ġb", + "orders" + ], + [ + "Ġmedic", + "ines" + ], + [ + "ĠR", + "am" + ], + [ + "The", + "n" + ], + [ + "ĠGree", + "ce" + ], + [ + "Ġcirc", + "ulation" + ], + [ + "ĠMuslim", + "s" + ], + [ + "ĠWith", + "in" + ], + [ + "Ġdesign", + "ated" + ], + [ + "Ġpain", + "ful" + ], + [ + "Ġf", + "r" + ], + [ + "Ġb", + "in" + ], + [ + "Ġreplace", + "ment" + ], + [ + "Ġd", + "raft" + ], + [ + "ira", + "ble" + ], + [ + "v", + "in" + ], + [ + "ĠColor", + "ado" + ], + [ + "row", + "th" + ], + [ + "Ġking", + "dom" + ], + [ + "Ġrow", + "s" + ], + [ + "e", + "or" + ], + [ + "ĠH", + "im" + ], + [ + "Ġp", + "H" + ], + [ + "Ġnewsp", + "aper" + ], + [ + "Ġt", + "or" + ], + [ + "Ġman", + "agers" + ], + [ + "ĠBl", + "ue" + ], + [ + "ĠC", + "apt" + ], + [ + "Ġevol", + "ving" + ], + [ + "olog", + "ically" + ], + [ + "Ġsum", + "mar" + ], + [ + "de", + "c" + ], + [ + "T", + "I" + ], + [ + "Ġdisag", + "ree" + ], + [ + "Ġdefin", + "itions" + ], + [ + "ig", + "m" + ], + [ + "ment", + "ia" + ], + [ + "ĠMed", + "ia" + ], + [ + "Ġd", + "reams" + ], + [ + "Ġaccept", + "able" + ], + [ + "ĠConf", + "ed" + ], + [ + "at", + "ile" + ], + [ + "Ġco", + "at" + ], + [ + "d", + "escription" + ], + [ + "B", + "ase" + ], + [ + "ĠE", + "vent" + ], + [ + "un", + "s" + ], + [ + "Ġcritic", + "ism" + ], + [ + "Ġident", + "ical" + ], + [ + "ĠH", + "um" + ], + [ + "cle", + "ar" + ], + [ + "fl", + "amm" + ], + [ + "Ġteach", + "ings" + ], + [ + "Ġimp", + "air" + ], + [ + "ĠTh", + "anks" + ], + [ + "Ġwood", + "en" + ], + [ + "st", + "ers" + ], + [ + "Ġ", + "ion" + ], + [ + "Ġworld", + "s" + ], + [ + "!", + "!" + ], + [ + "h", + "ops" + ], + [ + "ab", + "out" + ], + [ + "ĠB", + "ased" + ], + [ + "ĠAr", + "ts" + ], + [ + "s", + "ession" + ], + [ + "Ġl", + "ob" + ], + [ + "Ġenorm", + "ous" + ], + [ + "Ġveget", + "able" + ], + [ + "Ġpen", + "al" + ], + [ + "Ġsome", + "where" + ], + [ + "Ġc", + "her" + ], + [ + "Ġimportant", + "ly" + ], + [ + "ĠD", + "O" + ], + [ + "w", + "s" + ], + [ + "ĠF", + "ar" + ], + [ + "Ġrele", + "vance" + ], + [ + "ag", + "an" + ], + [ + "or", + "rect" + ], + [ + "ap", + "or" + ], + [ + "Ġreason", + "ing" + ], + [ + "k", + "et" + ], + [ + "a", + "is" + ], + [ + "Ġt", + "ends" + ], + [ + "orig", + "inal" + ], + [ + "Ġ", + "``" + ], + [ + "ĠC", + "ON" + ], + [ + "Ġult", + "imate" + ], + [ + "Ġpredict", + "ions" + ], + [ + "ĠSt", + "ory" + ], + [ + "Ġsect", + "ors" + ], + [ + "Ġs", + "au" + ], + [ + "h", + "al" + ], + [ + "se", + "curity" + ], + [ + "ater", + "al" + ], + [ + "Ġsepar", + "ation" + ], + [ + "Ġdescrib", + "ing" + ], + [ + "ĠMex", + "ican" + ], + [ + "Ġsurg", + "ical" + ], + [ + "Ġg", + "aps" + ], + [ + "ĠHarv", + "ard" + ], + [ + "Ġf", + "an" + ], + [ + "t", + "ains" + ], + [ + "Ġrest", + "oration" + ], + [ + "u", + "ce" + ], + [ + "object", + "s" + ], + [ + "B", + "M" + ], + [ + "ent", + "i" + ], + [ + "Ġb", + "ol" + ], + [ + "atch", + "ing" + ], + [ + "Ġsaf", + "er" + ], + [ + "Ġassoci", + "ate" + ], + [ + "Ġt", + "ab" + ], + [ + "ĠW", + "is" + ], + [ + "Ġnut", + "s" + ], + [ + "st", + "atic" + ], + [ + "ĠP", + "age" + ], + [ + "Ġbas", + "ics" + ], + [ + "Ġthor", + "oughly" + ], + [ + "Ġbackground", + "s" + ], + [ + "Ġbox", + "es" + ], + [ + "Ġsc", + "ales" + ], + [ + "ruct", + "ive" + ], + [ + "ĠPar", + "liament" + ], + [ + "ĠE", + "r" + ], + [ + "b", + "ell" + ], + [ + "f", + "are" + ], + [ + "Ġch", + "a" + ], + [ + "il", + "er" + ], + [ + "rain", + "ed" + ], + [ + "ĠMean", + "while" + ], + [ + "Ġg", + "ate" + ], + [ + "Ġt", + "ang" + ], + [ + "Ġqu", + "e" + ], + [ + "vis", + "or" + ], + [ + "Ġcap", + "s" + ], + [ + "Ġcollabor", + "ative" + ], + [ + "Ġn", + "est" + ], + [ + "Ġcele", + "b" + ], + [ + "ĠD", + "rug" + ], + [ + "Ġgather", + "ing" + ], + [ + "Ġbeg", + "un" + ], + [ + "Ġs", + "ale" + ], + [ + "Ġnavig", + "ating" + ], + [ + "T", + "O" + ], + [ + "P", + "lease" + ], + [ + "ĠN", + "ame" + ], + [ + "Ġshif", + "ts" + ], + [ + "ĠAn", + "cient" + ], + [ + "cyclop", + "edia" + ], + [ + "w", + "a" + ], + [ + "Ġr", + "anges" + ], + [ + "ser", + "ver" + ], + [ + "ĠP", + "arent" + ], + [ + "Ġvar", + "ies" + ], + [ + "Ġsub", + "sc" + ], + [ + "op", + "l" + ], + [ + "ic", + "ul" + ], + [ + "ĠP", + "rom" + ], + [ + "ill", + "ance" + ], + [ + "Ġconst", + "raints" + ], + [ + "Ġdistingu", + "ish" + ], + [ + "ĠMass", + "achusetts" + ], + [ + "ĠC", + "P" + ], + [ + "S", + "L" + ], + [ + "Ġsod", + "ium" + ], + [ + "Ġfing", + "ers" + ], + [ + "p", + "erson" + ], + [ + "ĠP", + "u" + ], + [ + "Ġ<", + "=" + ], + [ + "!", + ")" + ], + [ + "Ġindepend", + "ently" + ], + [ + "Ġevolution", + "ary" + ], + [ + "ĠOther", + "s" + ], + [ + "F", + "F" + ], + [ + "Ġvirt", + "ually" + ], + [ + "']", + "['" + ], + [ + "Ġt", + "elesc" + ], + [ + "oc", + "a" + ], + [ + "Ã", + "±" + ], + [ + "Ġt", + "ale" + ], + [ + "Ġfant", + "astic" + ], + [ + "Ġpres", + "ervation" + ], + [ + "ad", + "ed" + ], + [ + "In", + "put" + ], + [ + "Ġlay", + "out" + ], + [ + "Ġsus", + "pect" + ], + [ + "Ġmodel", + "ing" + ], + [ + "ĠViet", + "nam" + ], + [ + "Ġim", + "g" + ], + [ + "Ġh", + "al" + ], + [ + "br", + "is" + ], + [ + "ĠP", + "ain" + ], + [ + "Ġsc", + "ar" + ], + [ + "Ġbus", + "y" + ], + [ + "s", + "end" + ], + [ + "Ġproduct", + "ive" + ], + [ + "at", + "i" + ], + [ + "Ġstre", + "ams" + ], + [ + "Ġreprodu", + "ctive" + ], + [ + "Ġassess", + "ments" + ], + [ + "Ġf", + "raction" + ], + [ + "Ġcomm", + "ands" + ], + [ + "ĠPr", + "int" + ], + [ + "he", + "a" + ], + [ + "ment", + "al" + ], + [ + "ĠSo", + "ft" + ], + [ + "(", + "-" + ], + [ + "Ġs", + "ister" + ], + [ + "Ġd", + "ies" + ], + [ + "Ġor", + "ange" + ], + [ + "Ġse", + "am" + ], + [ + "a", + "ver" + ], + [ + "add", + "ress" + ], + [ + "Ġdist", + "ricts" + ], + [ + "im", + "p" + ], + [ + "ere", + "n" + ], + [ + "Ġminor", + "ity" + ], + [ + "ĠT", + "H" + ], + [ + "ĠV", + "iew" + ], + [ + "oc", + "c" + ], + [ + "ĠCult", + "ure" + ], + [ + "ĠÂ", + "£" + ], + [ + "Ġtw", + "ist" + ], + [ + "Ġfund", + "ed" + ], + [ + "F", + "l" + ], + [ + "Ġres", + "erved" + ], + [ + "ĠJ", + "ack" + ], + [ + "Ġtra", + "ding" + ], + [ + "ĠRe", + "cent" + ], + [ + "Ġgen", + "re" + ], + [ + "dim", + "ensional" + ], + [ + "Ġpreval", + "ence" + ], + [ + "id", + "al" + ], + [ + "Ġbarri", + "er" + ], + [ + "ian", + "ces" + ], + [ + "*", + "-" + ], + [ + "Ġd", + "ress" + ], + [ + "ĠPhys", + "ical" + ], + [ + "Ġg", + "ift" + ], + [ + "ĠPh", + "ilipp" + ], + [ + "Ġtre", + "m" + ], + [ + "Ġper", + "mit" + ], + [ + "Ġinf", + "ants" + ], + [ + "ĠH", + "aving" + ], + [ + "Che", + "ck" + ], + [ + "S", + "pec" + ], + [ + "ag", + "g" + ], + [ + "à", + "¸" + ], + [ + "Ġdesign", + "ers" + ], + [ + "ort", + "ion" + ], + [ + "Ġembra", + "ce" + ], + [ + "ect", + "or" + ], + [ + "Ġmyst", + "ery" + ], + [ + "Ġtempl", + "ate" + ], + [ + ")", + "):" + ], + [ + "pro", + "fit" + ], + [ + "ra", + "ine" + ], + [ + "Ġcomp", + "at" + ], + [ + "ount", + "ered" + ], + [ + "Ġexec", + "ution" + ], + [ + "on", + "ame" + ], + [ + "Ġgra", + "ce" + ], + [ + "enn", + "y" + ], + [ + "Ġdem", + "ocratic" + ], + [ + "ĠM", + "ot" + ], + [ + "ĠR", + "est" + ], + [ + "Ġcon", + "clusions" + ], + [ + "Ġfact", + "ory" + ], + [ + "ne", + "um" + ], + [ + "ro", + "le" + ], + [ + "ĠTr", + "ust" + ], + [ + "Ġtrans", + "mitted" + ], + [ + "ane", + "ous" + ], + [ + "Ġsaf", + "egu" + ], + [ + "Ġwas", + "h" + ], + [ + "Ġgr", + "asp" + ], + [ + "out", + "heast" + ], + [ + "E", + "ach" + ], + [ + "b", + "ow" + ], + [ + "ĠSt", + "an" + ], + [ + "ook", + "ed" + ], + [ + "Ġpropos", + "al" + ], + [ + "Ġin", + "clusion" + ], + [ + "Ġpartners", + "hip" + ], + [ + "ĠU", + "V" + ], + [ + "Ġtem", + "p" + ], + [ + "Ġoccasion", + "ally" + ], + [ + "Ġtravel", + "ing" + ], + [ + "ĠO", + "lymp" + ], + [ + "Ġrepresent", + "ative" + ], + [ + "semb", + "ly" + ], + [ + "Ġinvest", + "ments" + ], + [ + "c", + "in" + ], + [ + "Ġreflect", + "ing" + ], + [ + "Ġb", + "uck" + ], + [ + "ra", + "v" + ], + [ + "ef", + "ul" + ], + [ + "or", + "i" + ], + [ + "de", + "lete" + ], + [ + "Ġdiv", + "ide" + ], + [ + "cipl", + "inary" + ], + [ + "Ġcomp", + "elling" + ], + [ + "Ġo", + "ils" + ], + [ + "ak", + "a" + ], + [ + "Ġrep", + "et" + ], + [ + "or", + "ical" + ], + [ + "Ġenc", + "ountered" + ], + [ + "Ġche", + "ap" + ], + [ + "Ġbur", + "den" + ], + [ + "T", + "wo" + ], + [ + "ĠGu", + "id" + ], + [ + "Ġf", + "isher" + ], + [ + "Ġcomp", + "aring" + ], + [ + "em", + "ail" + ], + [ + "Ġread", + "ily" + ], + [ + "ĠCult", + "ural" + ], + [ + "ĠG", + "ulf" + ], + [ + "Ġfil", + "ters" + ], + [ + "Ġh", + "arsh" + ], + [ + "Ġprec", + "ip" + ], + [ + "Ġun", + "necess" + ], + [ + "Ġro", + "oms" + ], + [ + "p", + "ow" + ], + [ + "Ġamong", + "st" + ], + [ + "P", + "ost" + ], + [ + "ĠLG", + "BT" + ], + [ + "Ġt", + "ape" + ], + [ + "Ġpar", + "ks" + ], + [ + "Ġvess", + "el" + ], + [ + "eng", + "ths" + ], + [ + "ĠWh", + "ich" + ], + [ + "Ġcontain", + "ers" + ], + [ + "rep", + "oname" + ], + [ + "ĠE", + "nt" + ], + [ + "Ġdro", + "pped" + ], + [ + "Ġcr", + "imes" + ], + [ + "t", + "w" + ], + [ + "ĠF", + "red" + ], + [ + "b", + "u" + ], + [ + "ĠC", + "lick" + ], + [ + "Ġdim", + "in" + ], + [ + "ĠD", + "oc" + ], + [ + "Ġgovern", + "ance" + ], + [ + "Ġwe", + "ights" + ], + [ + "Ġadopt", + "ion" + ], + [ + "j", + "i" + ], + [ + "ĠS", + "qu" + ], + [ + "L", + "ike" + ], + [ + "pare", + "n" + ], + [ + "Ġchrom", + "os" + ], + [ + "i", + "ations" + ], + [ + "ph", + "ones" + ], + [ + "Ġpush", + "ing" + ], + [ + "ĠTreat", + "ment" + ], + [ + "Ġr", + "h" + ], + [ + "ã", + "Ĥ" + ], + [ + "Ġd", + "type" + ], + [ + "Ġsh", + "ore" + ], + [ + "Ġregist", + "ered" + ], + [ + "Ġd", + "ense" + ], + [ + "Ġbelong", + "ing" + ], + [ + "Ġtoler", + "ance" + ], + [ + "Ġp", + "el" + ], + [ + "lish", + "ing" + ], + [ + "ĠNav", + "y" + ], + [ + "zym", + "es" + ], + [ + "Ġimp", + "ressive" + ], + [ + "for", + "ward" + ], + [ + "Ġent", + "ity" + ], + [ + "Ġreg", + "ulate" + ], + [ + "Ġacknow", + "ledge" + ], + [ + "y", + "es" + ], + [ + "ĠN", + "ob" + ], + [ + "aut", + "h" + ], + [ + "ĠDiff", + "erent" + ], + [ + "G", + "S" + ], + [ + "Ġanaly", + "zed" + ], + [ + "Ġse", + "es" + ], + [ + "ĠImp", + "act" + ], + [ + "Under", + "standing" + ], + [ + "Ġprov", + "ince" + ], + [ + "ĠS", + "everal" + ], + [ + "ĠM", + "id" + ], + [ + "Ġheav", + "en" + ], + [ + "Ġdest", + "ination" + ], + [ + "Ġche", + "ese" + ], + [ + "Ġdigest", + "ive" + ], + [ + "ri", + "um" + ], + [ + "ĠC", + "H" + ], + [ + "\"", + ")." + ], + [ + "form", + "ed" + ], + [ + "Ġp", + "ix" + ], + [ + "is", + "ons" + ], + [ + "pl", + "ed" + ], + [ + "ĠU", + "k" + ], + [ + "Ġh", + "arness" + ], + [ + "Ġdis", + "sol" + ], + [ + "zy", + "me" + ], + [ + "Ġexcite", + "ment" + ], + [ + "it", + "err" + ], + [ + "ĠExpl", + "oring" + ], + [ + "P", + "O" + ], + [ + "R", + "equ" + ], + [ + "Ġhy", + "brid" + ], + [ + "s", + "ervice" + ], + [ + "Ġinnov", + "ations" + ], + [ + "ĠConf", + "erence" + ], + [ + "Ġuncertain", + "ty" + ], + [ + "Ġdiagn", + "ostic" + ], + [ + "p", + "ng" + ], + [ + "Ġm", + "apping" + ], + [ + "ĠB", + "ang" + ], + [ + "Ġso", + "ils" + ], + [ + "Ġc", + "ough" + ], + [ + "Ġann", + "ually" + ], + [ + "Ġre", + "nt" + ], + [ + "ĠCh", + "oose" + ], + [ + "ĠV", + "an" + ], + [ + "Ġopt", + "ical" + ], + [ + "Ġvis", + "its" + ], + [ + "Ġsu", + "g" + ], + [ + "ig", + "ration" + ], + [ + "f", + "all" + ], + [ + "Ċ", + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ" + ], + [ + "Ġso", + "vere" + ], + [ + "ĠAgricult", + "ure" + ], + [ + "F", + "ig" + ], + [ + "ĠFrancis", + "co" + ], + [ + "on", + "ing" + ], + [ + "Ġacc", + "ord" + ], + [ + "Ġpass", + "es" + ], + [ + "Ġg", + "ly" + ], + [ + "Ġm", + "sg" + ], + [ + "t", + "rue" + ], + [ + "Ġtrans", + "f" + ], + [ + "ĠC", + "S" + ], + [ + "ĠAlex", + "ander" + ], + [ + "s", + "cience" + ], + [ + "Ġsens", + "ory" + ], + [ + "cons", + "cious" + ], + [ + "ĠUlt", + "imately" + ], + [ + "Ġser", + "ial" + ], + [ + "ĠT", + "raining" + ], + [ + "Ġsampl", + "ing" + ], + [ + "ateg", + "ory" + ], + [ + "Ġoutbre", + "ak" + ], + [ + "Ġpl", + "acing" + ], + [ + "ous", + "es" + ], + [ + "G", + "l" + ], + [ + "s", + "ur" + ], + [ + "get", + "s" + ], + [ + "Ġindic", + "ating" + ], + [ + "ĠComput", + "er" + ], + [ + "ill", + "ion" + ], + [ + "result", + "s" + ], + [ + "st", + "d" + ], + [ + "St", + "ring" + ], + [ + "Ġfre", + "ely" + ], + [ + "ern", + "ess" + ], + [ + "Ġsever", + "ity" + ], + [ + "Ġprov", + "ision" + ], + [ + "Ġoff", + "set" + ], + [ + "sh", + "aped" + ], + [ + "Ġpersist", + "ent" + ], + [ + "Ġs", + "ulf" + ], + [ + "Ġ", + ".." + ], + [ + "Ġc", + "ater" + ], + [ + "ĠC", + "orn" + ], + [ + "ĠC", + "opyright" + ], + [ + "Ġpro", + "long" + ], + [ + "ĠV", + "i" + ], + [ + "]", + "))" + ], + [ + "Ġd", + "jango" + ], + [ + "es", + "ium" + ], + [ + "Ġen", + "de" + ], + [ + "Ġpurs", + "ue" + ], + [ + "Ġsc", + "al" + ], + [ + "Ġpartic", + "le" + ], + [ + "Ġart", + "if" + ], + [ + "Ġlab", + "our" + ], + [ + "ĠPr", + "im" + ], + [ + "Ġresist", + "ant" + ], + [ + "An", + "y" + ], + [ + "gra", + "duate" + ], + [ + "ustain", + "able" + ], + [ + "g", + "ame" + ], + [ + "ĠT", + "own" + ], + [ + "Ġrout", + "es" + ], + [ + "ir", + "al" + ], + [ + "d", + "ated" + ], + [ + "ĠInd", + "ones" + ], + [ + "Ġtrans", + "actions" + ], + [ + "ĠSund", + "ay" + ], + [ + "Ġg", + "um" + ], + [ + "ĠM", + "A" + ], + [ + "Ġinv", + "ention" + ], + [ + "Â", + "®" + ], + [ + "ir", + "s" + ], + [ + "Ġcent", + "ered" + ], + [ + "Ġadvis", + "or" + ], + [ + "Ġsub", + "mitted" + ], + [ + "Ġb", + "ool" + ], + [ + "Ġdi", + "ets" + ], + [ + "Y", + "es" + ], + [ + "Ġcra", + "ck" + ], + [ + "D", + "R" + ], + [ + "Ġe", + "ager" + ], + [ + "t", + "f" + ], + [ + "Ġgener", + "ating" + ], + [ + "Ġsm", + "ell" + ], + [ + "Ġspeak", + "ers" + ], + [ + "d", + "ig" + ], + [ + "iterr", + "anean" + ], + [ + "Ġp", + "od" + ], + [ + "ĠPro", + "duct" + ], + [ + "Ġinteg", + "rating" + ], + [ + "ĠRe", + "qu" + ], + [ + "os", + "ity" + ], + [ + "pro", + "t" + ], + [ + "se", + "lected" + ], + [ + "Ġabsol", + "utely" + ], + [ + "Ġre", + "vers" + ], + [ + "(", + "_" + ], + [ + "Ġoccup", + "ied" + ], + [ + "Ġgram", + "mar" + ], + [ + "Ġrespect", + "ive" + ], + [ + "Ġreg", + "ime" + ], + [ + "Ġre", + "ign" + ], + [ + "akes", + "pe" + ], + [ + "ĠL", + "ew" + ], + [ + "P", + "s" + ], + [ + "Ġp", + "add" + ], + [ + "Ġelect", + "rons" + ], + [ + "Ġb", + "ub" + ], + [ + "Ġhyd", + "ro" + ], + [ + "Ġn", + "n" + ], + [ + "P", + "oint" + ], + [ + "Ġop", + "ens" + ], + [ + "Ġcolor", + "ful" + ], + [ + "Ġresol", + "ve" + ], + [ + "Wh", + "o" + ], + [ + "Ġsurv", + "iv" + ], + [ + "Ġdiscipl", + "ines" + ], + [ + "Ġent", + "it" + ], + [ + "A", + "c" + ], + [ + "Ġb", + "at" + ], + [ + "Ġsh", + "oes" + ], + [ + "paren", + "cy" + ], + [ + "Ġspace", + "craft" + ], + [ + "Con", + "n" + ], + [ + "ugh", + "t" + ], + [ + "ĠReg", + "ular" + ], + [ + "Ġc", + "ited" + ], + [ + "Î", + "¿" + ], + [ + "Ġsp", + "inal" + ], + [ + "w", + "as" + ], + [ + "Ġmen", + "u" + ], + [ + "m", + "ult" + ], + [ + "ĠMicro", + "soft" + ], + [ + "A", + "tt" + ], + [ + "Ġunder", + "ground" + ], + [ + "ore", + "st" + ], + [ + "Res", + "p" + ], + [ + "Ġdis", + "k" + ], + [ + "ĠD", + "ictionary" + ], + [ + "ĠD", + "ue" + ], + [ + "ĠD", + "raw" + ], + [ + "Ġmor", + "ph" + ], + [ + "ious", + "ly" + ], + [ + "p", + "g" + ], + [ + "Ġshould", + "n" + ], + [ + "Ġbe", + "ars" + ], + [ + "ra", + "ham" + ], + [ + "Ġpresc", + "ribed" + ], + [ + "Ġpurch", + "ased" + ], + [ + "Ġdist", + "ract" + ], + [ + "Ġexp", + "enses" + ], + [ + "olog", + "ic" + ], + [ + "Ġtrans", + "plant" + ], + [ + "Ġmer", + "ch" + ], + [ + "ok", + "ed" + ], + [ + "ĠN", + "umber" + ], + [ + "ĠJ", + "ackson" + ], + [ + "Ġdel", + "icate" + ], + [ + "ĠWild", + "life" + ], + [ + "h", + "uman" + ], + [ + "Ġsearch", + "ing" + ], + [ + "Ġch", + "urches" + ], + [ + "ass", + "ium" + ], + [ + "C", + "M" + ], + [ + "ĠAn", + "aly" + ], + [ + "Ġdevelop", + "s" + ], + [ + "ĠHer", + "itage" + ], + [ + "ĠLabor", + "atory" + ], + [ + "Ġphot", + "ography" + ], + [ + "Ġph", + "ones" + ], + [ + "Ġsk", + "illed" + ], + [ + "con", + "v" + ], + [ + "Ġatt", + "ending" + ], + [ + "Ġcivil", + "ization" + ], + [ + "st", + "orm" + ], + [ + "Ġdispl", + "ays" + ], + [ + "Ġliv", + "estock" + ], + [ + "Ġas", + "h" + ], + [ + "l", + "ambda" + ], + [ + "Ġplant", + "ed" + ], + [ + "AR", + "T" + ], + [ + "Ġterrit", + "ories" + ], + [ + "Ī", + "Ĵ" + ], + [ + "Ġneighb", + "ors" + ], + [ + "Ġdim", + "ension" + ], + [ + "Ġapparent", + "ly" + ], + [ + "t", + "im" + ], + [ + "Ġc", + "ig" + ], + [ + "ĠP", + "DF" + ], + [ + "Ġbound", + "ary" + ], + [ + "Ġl", + "oud" + ], + [ + "om", + "ous" + ], + [ + "Ġobserv", + "ing" + ], + [ + "Ex", + "pl" + ], + [ + "Ġvolunt", + "eers" + ], + [ + "Ġpil", + "ot" + ], + [ + "ra", + "it" + ], + [ + "Ġdel", + "ight" + ], + [ + "Ġinvest", + "ors" + ], + [ + "ĠH", + "a" + ], + [ + "ac", + "le" + ], + [ + "Ġtong", + "ue" + ], + [ + "ĠT", + "urn" + ], + [ + "Ġn", + "urt" + ], + [ + "Ġliter", + "ally" + ], + [ + "ĠG", + "all" + ], + [ + "Ġw", + "elcome" + ], + [ + "ĠM", + "ur" + ], + [ + "Ġin", + "ev" + ], + [ + "ph", + "abet" + ], + [ + "Ġcut", + "s" + ], + [ + "Ġlingu", + "istic" + ], + [ + "at", + "oes" + ], + [ + "ay", + "a" + ], + [ + "ac", + "hel" + ], + [ + "ĠL", + "os" + ], + [ + "Ġhygi", + "ene" + ], + [ + "Ġb", + "ite" + ], + [ + "Ġdut", + "ies" + ], + [ + "Ġle", + "an" + ], + [ + "Ġcolon", + "y" + ], + [ + "u", + "um" + ], + [ + "Ġmagn", + "itude" + ], + [ + "Ġemb", + "ry" + ], + [ + "Ġinstall", + "ation" + ], + [ + "Ġoverwhel", + "ming" + ], + [ + "ĠEx", + "ception" + ], + [ + "Ġrelig", + "ions" + ], + [ + "ĠSh", + "are" + ], + [ + "Ġhoriz", + "ontal" + ], + [ + "ĠBet", + "ween" + ], + [ + "Ġswim", + "ming" + ], + [ + "h", + "ome" + ], + [ + "Ġcl", + "ouds" + ], + [ + "Ġrese", + "mb" + ], + [ + "Ġpl", + "ug" + ], + [ + "ĠL", + "ocal" + ], + [ + "ino", + "is" + ], + [ + "Ġattract", + "ive" + ], + [ + "Ġpup", + "ils" + ], + [ + "Ġg", + "ear" + ], + [ + "Ġshel", + "ter" + ], + [ + "Ġm", + "unicip" + ], + [ + "Ġgl", + "ac" + ], + [ + "mod", + "ule" + ], + [ + "ic", + "ations" + ], + [ + "Ġde", + "bris" + ], + [ + "re", + "ated" + ], + [ + "Ġt", + "ort" + ], + [ + "Ġde", + "als" + ], + [ + "set", + "tings" + ], + [ + "(", + "{" + ], + [ + "Ġin", + "ch" + ], + [ + "Ġdistinct", + "ive" + ], + [ + "in", + "ery" + ], + [ + "Ġembed", + "ded" + ], + [ + "Ġsystem", + "atic" + ], + [ + "ĠCent", + "ury" + ], + [ + "Ġb", + "ags" + ], + [ + "ĠM", + "rs" + ], + [ + "Ġte", + "ch" + ], + [ + "ater", + "nal" + ], + [ + "Ġbe", + "ach" + ], + [ + "cont", + "in" + ], + [ + "Ġsynt", + "hetic" + ], + [ + "ĠW", + "ikipedia" + ], + [ + "Ġdocument", + "ed" + ], + [ + "ĠSol", + "ar" + ], + [ + "Ġju", + "venile" + ], + [ + "Ġshe", + "ets" + ], + [ + "rib", + "le" + ], + [ + "Ġpres", + "erved" + ], + [ + "aw", + "a" + ], + [ + "akespe", + "are" + ], + [ + "Ġacc", + "idents" + ], + [ + "ct", + "u" + ], + [ + "t", + "ask" + ], + [ + "ps", + "on" + ], + [ + "er", + "ver" + ], + [ + "ĠCol", + "on" + ], + [ + "Ġpen", + "et" + ], + [ + "Ġincorpor", + "ated" + ], + [ + "Ġsym", + "b" + ], + [ + "C", + "al" + ], + [ + "Ġcell", + "ular" + ], + [ + "og", + "ens" + ], + [ + "Ġconduct", + "ing" + ], + [ + "ig", + "ation" + ], + [ + "b", + "ound" + ], + [ + "Ġmetabol", + "ism" + ], + [ + "Ġde", + "er" + ], + [ + "ĠSe", + "lect" + ], + [ + "ĠN", + "eg" + ], + [ + "plic", + "ate" + ], + [ + "Ġret", + "ain" + ], + [ + "ĠS", + "aint" + ], + [ + "ĠE", + "ll" + ], + [ + "Ġprev", + "ents" + ], + [ + "ĠEn", + "ter" + ], + [ + "!", + "âĢĿ" + ], + [ + "Ġdevelopment", + "al" + ], + [ + "Ġequ", + "ity" + ], + [ + "Ġbro", + "ke" + ], + [ + "Ġbot", + "tle" + ], + [ + "Ġf", + "et" + ], + [ + "Ġs", + "el" + ], + [ + "W", + "ell" + ], + [ + "Ġteac", + "hes" + ], + [ + "Ġinv", + "asive" + ], + [ + "ĠDisc", + "uss" + ], + [ + "Ġth", + "roat" + ], + [ + "Ġint", + "r" + ], + [ + "--------", + "--" + ], + [ + "Ġhighlight", + "ing" + ], + [ + "Ġengine", + "er" + ], + [ + "Ġmult", + "ip" + ], + [ + "Ġth", + "yroid" + ], + [ + "Ġput", + "s" + ], + [ + "Ġguarant", + "ee" + ], + [ + "b", + "t" + ], + [ + "ĠS", + "on" + ], + [ + "Ġ-", + "*-" + ], + [ + ")", + "||" + ], + [ + "Ġconsum", + "ing" + ], + [ + "loc", + "ation" + ], + [ + "ĠK", + "enn" + ], + [ + "ĠTem", + "ple" + ], + [ + "ĠDan", + "iel" + ], + [ + ",", + "-" + ], + [ + "ĠO", + "tt" + ], + [ + "Ġrot", + "ation" + ], + [ + "Ġmamm", + "als" + ], + [ + "v", + "as" + ], + [ + "ĠAnd", + "rew" + ], + [ + "Ġhaz", + "ards" + ], + [ + "il", + "st" + ], + [ + "om", + "eter" + ], + [ + "Ġl", + "akes" + ], + [ + "im", + "um" + ], + [ + "b", + "ul" + ], + [ + "C", + "ase" + ], + [ + "b", + "our" + ], + [ + "o", + "an" + ], + [ + "Ø", + "§" + ], + [ + "S", + "W" + ], + [ + "Ġr", + "ib" + ], + [ + "Ġend", + "ing" + ], + [ + "E", + "m" + ], + [ + "com", + "put" + ], + [ + "Ġoper", + "ational" + ], + [ + "Ġsatisfact", + "ion" + ], + [ + "ð", + "Ł" + ], + [ + "ĠBi", + "ology" + ], + [ + "Ġre", + "ef" + ], + [ + "Ġen", + "rich" + ], + [ + "ĠNever", + "theless" + ], + [ + "ĠC", + "lean" + ], + [ + "Ġr", + "ough" + ], + [ + "ĠB", + "ureau" + ], + [ + "ĠP", + "ut" + ], + [ + "Ġdocument", + "ation" + ], + [ + "Ġrecip", + "es" + ], + [ + "j", + "a" + ], + [ + "Ġal", + "tered" + ], + [ + "f", + "ront" + ], + [ + "Ġver", + "te" + ], + [ + "Ġspecial", + "ist" + ], + [ + "in", + "er" + ], + [ + "p", + "any" + ], + [ + "Ġspeak", + "er" + ], + [ + "Ġrul", + "ed" + ], + [ + "B", + "A" + ], + [ + "ĠMed", + "iterranean" + ], + [ + "C", + "ON" + ], + [ + "zer", + "os" + ], + [ + "Ġelder", + "ly" + ], + [ + "Ġsuscept", + "ible" + ], + [ + "w", + "all" + ], + [ + "or", + "ters" + ], + [ + "end", + "ers" + ], + [ + "ent", + "ry" + ], + [ + "ĠWilli", + "ams" + ], + [ + "Ġatt", + "ribute" + ], + [ + "R", + "ec" + ], + [ + "Ġinc", + "idence" + ], + [ + "Ġsu", + "icide" + ], + [ + "Ġtack", + "le" + ], + [ + "res", + "ource" + ], + [ + "Ġdis", + "comfort" + ], + [ + "Ġinter", + "connected" + ], + [ + "ĠAl", + "tern" + ], + [ + "Ġw", + "ings" + ], + [ + "Ġso", + "y" + ], + [ + "Ġresident", + "ial" + ], + [ + "Ġstru", + "ck" + ], + [ + "Ġbul", + "lying" + ], + [ + "ru", + "b" + ], + [ + "Ġpl", + "ates" + ], + [ + "Ġdram", + "atically" + ], + [ + "adel", + "ph" + ], + [ + "Ġcitiz", + "en" + ], + [ + "Ġcampaign", + "s" + ], + [ + "Ġpun", + "ishment" + ], + [ + "ond", + "ay" + ], + [ + "Ġatt", + "ributed" + ], + [ + "il", + "itation" + ], + [ + "ĠPr", + "inc" + ], + [ + "eng", + "ers" + ], + [ + "Ġspe", + "eds" + ], + [ + "Ġacqu", + "ire" + ], + [ + "Ġutil", + "ized" + ], + [ + "ĠBudd", + "h" + ], + [ + "Ġvel", + "ocity" + ], + [ + "Ġabsor", + "ption" + ], + [ + "ĠMin", + "istry" + ], + [ + "Ġtransfer", + "red" + ], + [ + "Ġtot", + "ally" + ], + [ + "Ġw", + "ing" + ], + [ + "inet", + "eenth" + ], + [ + "ou", + "rag" + ], + [ + "Ġsurround", + "ings" + ], + [ + "st", + "ud" + ], + [ + "Ġsym", + "ptom" + ], + [ + "est", + "one" + ], + [ + "Ġcir", + "cul" + ], + [ + "ĠG", + "iven" + ], + [ + "Ġ>", + "=" + ], + [ + "tern", + "oon" + ], + [ + "per", + "t" + ], + [ + "Ġhistor", + "ians" + ], + [ + "Ġinsp", + "iring" + ], + [ + "ĠL", + "ater" + ], + [ + "Ġcos", + "m" + ], + [ + "T", + "R" + ], + [ + "ĠC", + "reek" + ], + [ + "Ġb", + "ought" + ], + [ + "Ġarr", + "ival" + ], + [ + "Ġth", + "row" + ], + [ + "Ġreturn", + "ing" + ], + [ + "b", + "ury" + ], + [ + "Ġsleep", + "ing" + ], + [ + "ĠK", + "ids" + ], + [ + "Ġcontin", + "ent" + ], + [ + "p", + "a" + ], + [ + "s", + "v" + ], + [ + "Ġo", + "k" + ], + [ + "Ġgold", + "en" + ], + [ + "v", + "y" + ], + [ + "ĠApp", + "le" + ], + [ + "ĠApp", + "ro" + ], + [ + "D", + "ate" + ], + [ + "ar", + "ium" + ], + [ + "form", + "ance" + ], + [ + "Ġrest", + "ricted" + ], + [ + "ĠKore", + "an" + ], + [ + "Ġdes", + "k" + ], + [ + "Ġl", + "oose" + ], + [ + "Ġvill", + "ages" + ], + [ + "s", + "rc" + ], + [ + "ĠN", + "O" + ], + [ + "Ġ'", + "'" + ], + [ + "Ġsed", + "iment" + ], + [ + "Ġne", + "urolog" + ], + [ + "Ġout", + "line" + ], + [ + "Ġob", + "j" + ], + [ + "ik", + "a" + ], + [ + "Ġsurve", + "ys" + ], + [ + "Ġkne", + "e" + ], + [ + "Ġinter", + "section" + ], + [ + "Ġconsequ", + "ence" + ], + [ + "Ġd", + "ried" + ], + [ + "ĠO", + "S" + ], + [ + "ush", + "ing" + ], + [ + "Ġpred", + "om" + ], + [ + "h", + "an" + ], + [ + "Ġt", + "ill" + ], + [ + "Ġtransl", + "ated" + ], + [ + "Ġd", + "iving" + ], + [ + "Ġst", + "abil" + ], + [ + "ĠH", + "op" + ], + [ + "ur", + "se" + ], + [ + "Ġsim", + "ulation" + ], + [ + "Ġmob", + "ility" + ], + [ + "el", + "a" + ], + [ + "Ġloc", + "ally" + ], + [ + "Ġelect", + "ions" + ], + [ + "Ġble", + "eding" + ], + [ + "Ġ>", + ">>" + ], + [ + "Ġun", + "em" + ], + [ + "ĠUn", + "ivers" + ], + [ + "Ġele", + "ph" + ], + [ + "Ġtherap", + "ies" + ], + [ + "ĠV", + "itamin" + ], + [ + "epend", + "ence" + ], + [ + "ĠCon", + "vention" + ], + [ + "Ġge", + "ographical" + ], + [ + "t", + "ics" + ], + [ + "Ġo", + "ceans" + ], + [ + "Ġelev", + "ated" + ], + [ + "Ġenab", + "led" + ], + [ + "Ġcert", + "ific" + ], + [ + "Ġel", + "ab" + ], + [ + "ĠCh", + "ief" + ], + [ + "ĠF", + "ocus" + ], + [ + "ĠL", + "at" + ], + [ + "Ġcol", + "ored" + ], + [ + "reg", + "on" + ], + [ + "x", + "x" + ], + [ + "ĠE", + "s" + ], + [ + "Ġworks", + "hops" + ], + [ + "ili", + "ation" + ], + [ + "Ġcont", + "rad" + ], + [ + "ĠA", + "M" + ], + [ + "Ġo", + "ste" + ], + [ + "Ġto", + "y" + ], + [ + "Ġra", + "inf" + ], + [ + "ĠD", + "ie" + ], + [ + "Ġaff", + "airs" + ], + [ + "ast", + "ics" + ], + [ + "Ġher", + "bs" + ], + [ + "m", + "ates" + ], + [ + "ĠP", + "ay" + ], + [ + "Ġabund", + "ant" + ], + [ + "H", + "and" + ], + [ + "ĠR", + "NA" + ], + [ + "ĠH", + "ence" + ], + [ + "ir", + "ical" + ], + [ + "w", + "estern" + ], + [ + "ot", + "ional" + ], + [ + "Ġimmig", + "ration" + ], + [ + "G", + "E" + ], + [ + "th", + "ur" + ], + [ + "Ġafford", + "able" + ], + [ + "Ġset", + "up" + ], + [ + "ter", + "ior" + ], + [ + "ĠS", + "us" + ], + [ + "u", + "ity" + ], + [ + "Ġref", + "used" + ], + [ + "Ġend", + "angered" + ], + [ + "Ġlo", + "an" + ], + [ + "Ġcount", + "s" + ], + [ + "oc", + "ate" + ], + [ + "Ġgenu", + "ine" + ], + [ + "Ġra", + "ys" + ], + [ + "Ġimpro", + "ves" + ], + [ + "â", + "ĸ" + ], + [ + "th", + "ood" + ], + [ + "Ġprodu", + "cers" + ], + [ + "clud", + "ed" + ], + [ + "ĠTur", + "key" + ], + [ + "ĠC", + "R" + ], + [ + "Ġgra", + "y" + ], + [ + "opt", + "ions" + ], + [ + "ad", + "or" + ], + [ + "Ġo", + "vers" + ], + [ + "ĠC", + "orpor" + ], + [ + "D", + "L" + ], + [ + "Ġprogress", + "ive" + ], + [ + "ĠCol", + "l" + ], + [ + "Ġst", + "er" + ], + [ + "Ġemp", + "ire" + ], + [ + "ĠE", + "PA" + ], + [ + "L", + "ab" + ], + [ + "adelph", + "ia" + ], + [ + "ĠB", + "ol" + ], + [ + "ĠP", + "aper" + ], + [ + "st", + "rip" + ], + [ + "Ġupd", + "ates" + ], + [ + "iv", + "als" + ], + [ + "Ġr", + "ide" + ], + [ + "u", + "ct" + ], + [ + "ĠA", + "ud" + ], + [ + "Ġirrig", + "ation" + ], + [ + "nd", + "s" + ], + [ + "ĠC", + "ell" + ], + [ + "ud", + "a" + ], + [ + "Ġb", + "its" + ], + [ + "ol", + "ph" + ], + [ + "Ġnurs", + "ing" + ], + [ + "ĠSecret", + "ary" + ], + [ + "Ġh", + "ack" + ], + [ + "p", + "m" + ], + [ + "Ġtour", + "ism" + ], + [ + "Ġc", + "able" + ], + [ + "Ġcar", + "ries" + ], + [ + "Ġpath", + "ways" + ], + [ + "s", + "ite" + ], + [ + "ĠValue", + "Error" + ], + [ + "Ġintrig", + "uing" + ], + [ + "Ġadministr", + "ative" + ], + [ + "el", + "ly" + ], + [ + "Ġdesc", + "end" + ], + [ + "ors", + "hip" + ], + [ + "Ġcan", + "n" + ], + [ + "ĠR", + "ather" + ], + [ + "Ġconsist", + "ing" + ], + [ + "old", + "s" + ], + [ + "Ġrac", + "ism" + ], + [ + "as", + "ets" + ], + [ + "ĠP", + "L" + ], + [ + "O", + "s" + ], + [ + "Ġar", + "thritis" + ], + [ + "Ġact", + "ors" + ], + [ + "Ġinterview", + "s" + ], + [ + "ĠJ", + "am" + ], + [ + "ĠThrough", + "out" + ], + [ + "u", + "ction" + ], + [ + "ful", + "l" + ], + [ + "Ġflav", + "ors" + ], + [ + "ĠTur", + "k" + ], + [ + "Ġabund", + "ance" + ], + [ + "Ġhop", + "es" + ], + [ + "d", + "el" + ], + [ + "Ġexplicit", + "ly" + ], + [ + "Ġachieve", + "ments" + ], + [ + "Ġdef", + "ining" + ], + [ + "ĠAl", + "ways" + ], + [ + "in", + "ance" + ], + [ + "an", + "z" + ], + [ + "Ġmist", + "ake" + ], + [ + "quir", + "y" + ], + [ + "Ġf", + "t" + ], + [ + "Ġcont", + "amination" + ], + [ + "Act", + "ivity" + ], + [ + "w", + "orm" + ], + [ + "Ġb", + "inary" + ], + [ + "de", + "velop" + ], + [ + "ry", + "ing" + ], + [ + "Ġrad", + "i" + ], + [ + "Ġdist", + "inction" + ], + [ + "od", + "ox" + ], + [ + "red", + "it" + ], + [ + "Ġte", + "ens" + ], + [ + "He", + "alth" + ], + [ + "Ġincred", + "ibly" + ], + [ + "ĠW", + "ales" + ], + [ + "Ġinfect", + "ious" + ], + [ + "Ĥ", + "¬" + ], + [ + "ã", + "ĥ" + ], + [ + "F", + "ollow" + ], + [ + "Ġg", + "ro" + ], + [ + "y", + "nt" + ], + [ + "Ġrob", + "ots" + ], + [ + "om", + "etimes" + ], + [ + "ropri", + "ate" + ], + [ + "iz", + "ational" + ], + [ + "Ġshe", + "ep" + ], + [ + "gh", + "an" + ], + [ + "ĠScient", + "ists" + ], + [ + "Ġemphas", + "ize" + ], + [ + "ff", + "e" + ], + [ + "Ġwind", + "s" + ], + [ + "F", + "e" + ], + [ + "Ġcultiv", + "ate" + ], + [ + "Ġb", + "inding" + ], + [ + "St", + "art" + ], + [ + "Ġdr", + "ives" + ], + [ + "iss", + "ipp" + ], + [ + "Ġattempt", + "ed" + ], + [ + "\"", + "))" + ], + [ + "ĠUs", + "er" + ], + [ + "in", + "als" + ], + [ + "Ġret", + "ail" + ], + [ + "Ġunnecess", + "ary" + ], + [ + "U", + "ser" + ], + [ + "Ġh", + "ob" + ], + [ + "Ġer", + "osion" + ], + [ + "Ġpy", + "thon" + ], + [ + "h", + "ar" + ], + [ + "ĠA", + "S" + ], + [ + "ĠAre", + "a" + ], + [ + "ĠA", + "T" + ], + [ + "Ġk", + "g" + ], + [ + "Ġf", + "illing" + ], + [ + "Ġde", + "mentia" + ], + [ + "Ġdi", + "arr" + ], + [ + "Ġt", + "rick" + ], + [ + "Ġche", + "cks" + ], + [ + "Ġst", + "ew" + ], + [ + "Ġadolesc", + "ents" + ], + [ + "end", + "a" + ], + [ + "Ġdipl", + "om" + ], + [ + "Ġcir", + "cles" + ], + [ + "Ġinv", + "asion" + ], + [ + "Ġtyp", + "ing" + ], + [ + "Ġseason", + "al" + ], + [ + "Ġst", + "ems" + ], + [ + "ĠM", + "ic" + ], + [ + "Ġphilosoph", + "ical" + ], + [ + "ĠSen", + "ate" + ], + [ + "ra", + "id" + ], + [ + "Ġp", + "ipe" + ], + [ + "Ġentertain", + "ment" + ], + [ + "M", + "I" + ], + [ + "ĠM", + "oses" + ], + [ + "Ġfil", + "ename" + ], + [ + "ĠAnt", + "ar" + ], + [ + "Ġj", + "ew" + ], + [ + "Ġche", + "cking" + ], + [ + "Ġh", + "ide" + ], + [ + "og", + "ram" + ], + [ + "Ġallerg", + "ies" + ], + [ + "Ġsett", + "lers" + ], + [ + ".", + ")," + ], + [ + "et", + "ed" + ], + [ + "Ġb", + "ron" + ], + [ + "Ġevalu", + "ating" + ], + [ + "b", + "ec" + ], + [ + "c", + "r" + ], + [ + ".", + ":" + ], + [ + "Ġdi", + "ver" + ], + [ + "Ġassist", + "ant" + ], + [ + "Ġsem", + "i" + ], + [ + "Ġappro", + "val" + ], + [ + "ĠE", + "val" + ], + [ + "Ġbrow", + "ser" + ], + [ + "Ġg", + "re" + ], + [ + "ar", + "ious" + ], + [ + "Ã", + "¨" + ], + [ + "Ċ", + "ĠĠ" + ], + [ + "hem", + "atic" + ], + [ + "Ġadvoc", + "ate" + ], + [ + "Ġam", + "ino" + ], + [ + "ĠD", + "am" + ], + [ + "ĠS", + "P" + ], + [ + "ĠM", + "ajor" + ], + [ + "it", + "ic" + ], + [ + "Ġal", + "pha" + ], + [ + "Ġfunction", + "ality" + ], + [ + "cl", + "s" + ], + [ + "B", + "ased" + ], + [ + "''", + "'" + ], + [ + "bre", + "aking" + ], + [ + "Ġimag", + "ery" + ], + [ + "Ġhe", + "s" + ], + [ + "Ġlib", + "eral" + ], + [ + "Ġreal", + "istic" + ], + [ + "o", + "op" + ], + [ + "L", + "ay" + ], + [ + "Ġen", + "zymes" + ], + [ + "Ġfac", + "ial" + ], + [ + "Ġcomplex", + "ities" + ], + [ + "av", + "en" + ], + [ + "Ġunder", + "go" + ], + [ + "ian", + "o" + ], + [ + "ĠB", + "rain" + ], + [ + "Ġ(", + "âĢľ" + ], + [ + "e", + "lect" + ], + [ + "Ġprotocol", + "s" + ], + [ + "Ġem", + "it" + ], + [ + "osp", + "el" + ], + [ + "ĠO", + "cc" + ], + [ + "anc", + "ial" + ], + [ + "Ġcompre", + "hend" + ], + [ + "Ġsee", + "ks" + ], + [ + "i", + "op" + ], + [ + "Ġal", + "umin" + ], + [ + "Ġcalcul", + "ations" + ], + [ + "st", + "ic" + ], + [ + "Ġactiv", + "ation" + ], + [ + "ell", + "o" + ], + [ + "B", + "ox" + ], + [ + "or", + "ient" + ], + [ + "Ġbe", + "am" + ], + [ + "ĠR", + "ail" + ], + [ + "Ġhol", + "y" + ], + [ + "Ġrainf", + "all" + ], + [ + "Ġbr", + "illi" + ], + [ + "oc", + "ated" + ], + [ + "Ġtra", + "il" + ], + [ + "Ġdemonstr", + "ating" + ], + [ + "Ġcharg", + "es" + ], + [ + "ĠC", + "A" + ], + [ + "Ġrig", + "orous" + ], + [ + "plot", + "lib" + ], + [ + "at", + "tered" + ], + [ + "Ġreject", + "ed" + ], + [ + "Ġhe", + "al" + ], + [ + "ĠEgypt", + "ian" + ], + [ + "Ġl", + "unch" + ], + [ + "Ġorgan", + "ize" + ], + [ + "ĠIll", + "inois" + ], + [ + "Ġcl", + "oth" + ], + [ + "p", + "atch" + ], + [ + "s", + "ome" + ], + [ + "ans", + "wer" + ], + [ + "Ġdist", + "ribut" + ], + [ + "Ġn", + "am" + ], + [ + "Ġtum", + "ors" + ], + [ + "ĠN", + "utrition" + ], + [ + "ess", + "ional" + ], + [ + "Ġexc", + "av" + ], + [ + "D", + "ep" + ], + [ + "Ġt", + "ast" + ], + [ + "ĠO", + "l" + ], + [ + "â", + "Ķ" + ], + [ + "av", + "irus" + ], + [ + "ĊĠĠĠĠĠĠĠĠ", + "ĠĠ" + ], + [ + "Ġp", + "iv" + ], + [ + "log", + "ger" + ], + [ + "Ġdi", + "agram" + ], + [ + "b", + "age" + ], + [ + "ĠPh", + "ilos" + ], + [ + "W", + "orld" + ], + [ + "m", + "ers" + ], + [ + "ri", + "ver" + ], + [ + "Ġabandon", + "ed" + ], + [ + "Ġimper", + "ial" + ], + [ + "n", + "ia" + ], + [ + "Ġm", + "as" + ], + [ + "Ġatt", + "ended" + ], + [ + "ĠGard", + "en" + ], + [ + "y", + "ard" + ], + [ + "Ġinter", + "medi" + ], + [ + "ĠC", + "T" + ], + [ + "Ġarr", + "anged" + ], + [ + "M", + "on" + ], + [ + "Ġv", + "ot" + ], + [ + "Ġm", + "issions" + ], + [ + "ĠNe", + "uro" + ], + [ + "ne", + "xt" + ], + [ + "W", + "S" + ], + [ + "Ġs", + "le" + ], + [ + "ĠF", + "air" + ], + [ + "ĠE", + "N" + ], + [ + "Ġrece", + "ives" + ], + [ + "ran", + "ch" + ], + [ + "Ġelement", + "ary" + ], + [ + "ob", + "ic" + ], + [ + "D", + "et" + ], + [ + "Ġmulti", + "pl" + ], + [ + "ang", + "el" + ], + [ + "Ġv", + "ine" + ], + [ + "ĠJ", + "ava" + ], + [ + "Ġarr", + "ive" + ], + [ + "Ġan", + "ch" + ], + [ + "c", + "ies" + ], + [ + "Ġpat", + "ent" + ], + [ + "_", + "{" + ], + [ + "Ġarchitect", + "ural" + ], + [ + "b", + "urn" + ], + [ + "ol", + "y" + ], + [ + "Ġexpl", + "ores" + ], + [ + "Ġcam", + "eras" + ], + [ + "Ġgr", + "an" + ], + [ + "Ġshould", + "er" + ], + [ + "C", + "N" + ], + [ + "Ġframew", + "orks" + ], + [ + "Ġstret", + "ch" + ], + [ + "Ġar", + "ter" + ], + [ + "pos", + "ed" + ], + [ + "ĠSt", + "ill" + ], + [ + "Ġtw", + "elve" + ], + [ + "enti", + "eth" + ], + [ + "Ġshop", + "ping" + ], + [ + "f", + "ly" + ], + [ + "Ġland", + "ing" + ], + [ + "ĠAssess", + "ment" + ], + [ + "Ġpr", + "ide" + ], + [ + "ut", + "ical" + ], + [ + "Ġpat", + "ch" + ], + [ + "yn", + "asty" + ], + [ + "Ġcirc", + "ular" + ], + [ + "b", + "at" + ], + [ + "Ġcare", + "ers" + ], + [ + "Ġconf", + "used" + ], + [ + "ĠH", + "it" + ], + [ + "om", + "ers" + ], + [ + "Ġb", + "ind" + ], + [ + "Ġstra", + "ins" + ], + [ + "ay", + "lor" + ], + [ + "Ġmetab", + "olic" + ], + [ + "Ġsecre", + "ts" + ], + [ + "if", + "er" + ], + [ + "Ġdis", + "charge" + ], + [ + "Ġre", + "hab" + ], + [ + "ĠB", + "est" + ], + [ + "Ġintellig", + "ent" + ], + [ + "Lear", + "n" + ], + [ + "Ġrhyth", + "m" + ], + [ + "Ġaf", + "ternoon" + ], + [ + "i", + "ary" + ], + [ + "Ġh", + "ung" + ], + [ + "Ġbet", + "a" + ], + [ + "ab", + "ases" + ], + [ + "Ġkind", + "ness" + ], + [ + "Ġcam", + "ps" + ], + [ + "Ġheart", + "s" + ], + [ + "Ġpoll", + "ut" + ], + [ + "Ġprog", + "ression" + ], + [ + "rop", + "ol" + ], + [ + "are", + "r" + ], + [ + "uss", + "ian" + ], + [ + "t", + "wo" + ], + [ + "Ġan", + "at" + ], + [ + "Ġper", + "f" + ], + [ + "Ġadj", + "acent" + ], + [ + "Ġentit", + "led" + ], + [ + "ĠK", + "ent" + ], + [ + "Ġsubs", + "id" + ], + [ + "M", + "M" + ], + [ + "Ġst", + "raw" + ], + [ + "Ġfeature", + "d" + ], + [ + "ĠMove", + "ment" + ], + [ + "Ġcomb", + "inations" + ], + [ + "Ġatmosp", + "heric" + ], + [ + "Ġw", + "ake" + ], + [ + "ĠO", + "ffic" + ], + [ + "Ġg", + "ains" + ], + [ + "Ġb", + "ust" + ], + [ + "k", + "g" + ], + [ + "ĠL", + "ess" + ], + [ + "onym", + "ous" + ], + [ + "ĠR", + "ab" + ], + [ + "Ġindic", + "ators" + ], + [ + "Ġmole", + "cule" + ], + [ + "Ġsp", + "ons" + ], + [ + "Ġinf", + "lation" + ], + [ + "Res", + "earch" + ], + [ + "ro", + "se" + ], + [ + "ĠF", + "DA" + ], + [ + "Ġsw", + "elling" + ], + [ + "Ġrepresent", + "atives" + ], + [ + "Ġcontrovers", + "ial" + ], + [ + "c", + "ost" + ], + [ + "ĠFollow", + "ing" + ], + [ + "Ġcoll", + "apse" + ], + [ + "Ġintrodu", + "cing" + ], + [ + "Ġtra", + "v" + ], + [ + "ĠCar", + "ib" + ], + [ + "Ġtend", + "ency" + ], + [ + "Ġs", + "ons" + ], + [ + "Ġan", + "x" + ], + [ + "Ġint", + "ens" + ], + [ + "Ġinvent", + "ed" + ], + [ + "Ġfif", + "th" + ], + [ + "ul", + "ative" + ], + [ + "?", + "**" + ], + [ + "Ġcorrel", + "ation" + ], + [ + "Ġcal", + "endar" + ], + [ + "Ġceleb", + "ration" + ], + [ + "Ġdig", + "it" + ], + [ + "Ġharm", + "on" + ], + [ + "Ġeconom", + "ies" + ], + [ + "ĠD", + "at" + ], + [ + "ĠL", + "uc" + ], + [ + "aw", + "ay" + ], + [ + "Ġra", + "ises" + ], + [ + "Ġcook", + "ed" + ], + [ + "d", + "ess" + ], + [ + "ĠF", + "ed" + ], + [ + "m", + "ock" + ], + [ + "Ġfriends", + "hip" + ], + [ + "Ġpro", + "l" + ], + [ + "Ġinst", + "ant" + ], + [ + "Ġ", + "~" + ], + [ + "le", + "arn" + ], + [ + "ĠF", + "ac" + ], + [ + "Ġearn", + "ed" + ], + [ + "Ġas", + "ks" + ], + [ + "Ġel", + "ig" + ], + [ + "Ġcomplet", + "ion" + ], + [ + "Ġf", + "ate" + ], + [ + "per", + "ties" + ], + [ + "Ġbe", + "e" + ], + [ + "Ġb", + "old" + ], + [ + "fe", + "atures" + ], + [ + "ĠCommun", + "ication" + ], + [ + "issipp", + "i" + ], + [ + "ĠAl", + "aska" + ], + [ + "Ex", + "ception" + ], + [ + "Ġcompet", + "ing" + ], + [ + "ĠEnc", + "ourage" + ], + [ + "ĠÂ", + "©" + ], + [ + "ĠRel", + "ations" + ], + [ + "ĠO", + "regon" + ], + [ + "Ġweek", + "ly" + ], + [ + "p", + "ool" + ], + [ + "Ġfib", + "ers" + ], + [ + "ĠC", + "ond" + ], + [ + "Ġinj", + "ured" + ], + [ + "Ġpublish", + "ing" + ], + [ + "+", + "+" + ], + [ + "it", + "zer" + ], + [ + "Ġ", + "Ï" + ], + [ + "u", + "ple" + ], + [ + "ĠN", + "eed" + ], + [ + "hel", + "p" + ], + [ + "Ġm", + "es" + ], + [ + "g", + "ency" + ], + [ + "ĠBer", + "lin" + ], + [ + "ĠSt", + "ation" + ], + [ + "ĠInd", + "ex" + ], + [ + "Ġmean", + "ings" + ], + [ + "ĠSc", + "ript" + ], + [ + "Ġopt", + "ional" + ], + [ + "o", + "il" + ], + [ + "y", + "r" + ], + [ + "ĠWil", + "son" + ], + [ + "Ġperson", + "ally" + ], + [ + "reat", + "ing" + ], + [ + "\"", + "])" + ], + [ + "ĠO", + "N" + ], + [ + "Ġsp", + "ine" + ], + [ + "ĠCon", + "clusion" + ], + [ + "or", + "us" + ], + [ + "Ġgu", + "ides" + ], + [ + "Ġencomp", + "ass" + ], + [ + "Ġadvent", + "ures" + ], + [ + "B", + "L" + ], + [ + "ĠComm", + "ons" + ], + [ + "Ġcomb", + "ines" + ], + [ + "t", + "d" + ], + [ + "Ġrel", + "ating" + ], + [ + "Ġcamp", + "us" + ], + [ + "ĠT", + "ips" + ], + [ + "ĠD", + "iet" + ], + [ + "Ġworkshe", + "ets" + ], + [ + "g", + "ence" + ], + [ + "Ġconsist", + "ency" + ], + [ + "Ġagree", + "ments" + ], + [ + "Ġevalu", + "ated" + ], + [ + "ç", + "ļ" + ], + [ + "swe", + "red" + ], + [ + "ĠH", + "yd" + ], + [ + "Ġp", + "ale" + ], + [ + "Ġm", + "i" + ], + [ + "ĠInt", + "ellig" + ], + [ + "l", + "aw" + ], + [ + "health", + "y" + ], + [ + "Ġc", + "ope" + ], + [ + "Res", + "earchers" + ], + [ + "Ġdin", + "ner" + ], + [ + "Ġang", + "les" + ], + [ + "om", + "al" + ], + [ + "in", + "ite" + ], + [ + "Ġk", + "ernel" + ], + [ + "Ġle", + "mon" + ], + [ + "ĠInt", + "erest" + ], + [ + "ĠS", + "n" + ], + [ + "Ġg", + "erm" + ], + [ + "d", + "ers" + ], + [ + "Ġreview", + "ed" + ], + [ + "form", + "s" + ], + [ + "ĠOb", + "ama" + ], + [ + "]", + ")," + ], + [ + "ĠPr", + "in" + ], + [ + "Ġn", + "od" + ], + [ + "a", + "a" + ], + [ + "Ġhead", + "er" + ], + [ + "Ã", + "§" + ], + [ + "Ġpresent", + "ing" + ], + [ + "ĠB", + "ody" + ], + [ + "Ġpo", + "ems" + ], + [ + "h", + "ard" + ], + [ + "Î", + "½" + ], + [ + "the", + "y" + ], + [ + "t", + "emplate" + ], + [ + "Ġunc", + "over" + ], + [ + "Ġh", + "ip" + ], + [ + "Ġhist", + "ories" + ], + [ + "it", + "utes" + ], + [ + "ĠST", + "EM" + ], + [ + "ĠMount", + "ain" + ], + [ + "B", + "D" + ], + [ + "the", + "re" + ], + [ + "ĠL", + "ED" + ], + [ + "ot", + "ten" + ], + [ + "it", + "us" + ], + [ + "Ġn", + "oun" + ], + [ + "ef", + "its" + ], + [ + "erc", + "ise" + ], + [ + "ĠS", + "anta" + ], + [ + "Ġwere", + "n" + ], + [ + "ĠRes", + "earchers" + ], + [ + "Ġbroad", + "cast" + ], + [ + "Ġcy", + "l" + ], + [ + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠ" + ], + [ + "ĠN", + "ic" + ], + [ + "Ġconven", + "ient" + ], + [ + "ou", + "ri" + ], + [ + "Ġimm", + "ense" + ], + [ + "Ġcontinu", + "ously" + ], + [ + "m", + "akers" + ], + [ + "riz", + "ona" + ], + [ + "ĠJ", + "r" + ], + [ + "Ġoper", + "ated" + ], + [ + "s", + "creen" + ], + [ + "er", + "ic" + ], + [ + "he", + "ight" + ], + [ + "Ġassign", + "ments" + ], + [ + "Ġf", + "irms" + ], + [ + "ĠPhil", + "adelphia" + ], + [ + "Ġpart", + "ly" + ], + [ + "ĠM", + "other" + ], + [ + "Ġpost", + "ed" + ], + [ + "Ġmir", + "ror" + ], + [ + "Ġcat", + "aly" + ], + [ + "ĠM", + "arc" + ], + [ + "Ġinstitution", + "al" + ], + [ + "is", + "ations" + ], + [ + "ĠM", + "ap" + ], + [ + "Ġearthqu", + "ake" + ], + [ + "Ġglob", + "ally" + ], + [ + "Ġmet", + "adata" + ], + [ + "çļ", + "Ħ" + ], + [ + "ĠF", + "arm" + ], + [ + "Ġdepos", + "its" + ], + [ + "he", + "rence" + ], + [ + "ow", + "ers" + ], + [ + "Ġge", + "ometry" + ], + [ + "T", + "Y" + ], + [ + "Ġoffic", + "ially" + ], + [ + "wh", + "ite" + ], + [ + "Ġar", + "bit" + ], + [ + "Ġdist", + "ress" + ], + [ + "pro", + "v" + ], + [ + "S", + "cient" + ], + [ + "i", + "ors" + ], + [ + "ain", + "e" + ], + [ + "param", + "eters" + ], + [ + "ĠR", + "en" + ], + [ + "cl", + "ick" + ], + [ + "ĠBl", + "ood" + ], + [ + "Ġmet", + "ap" + ], + [ + "Ġcontamin", + "ated" + ], + [ + "Ġsystem", + "ic" + ], + [ + "ĠVis", + "ual" + ], + [ + "Ġmut", + "ations" + ], + [ + "Ġth", + "irty" + ], + [ + "ĠTw", + "itter" + ], + [ + "o", + "king" + ], + [ + "Ġre", + "cipe" + ], + [ + "Ġoff", + "ices" + ], + [ + "Ġinv", + "ited" + ], + [ + "re", + "port" + ], + [ + "co", + "in" + ], + [ + "Ġemploy", + "ers" + ], + [ + "Ġb", + "ull" + ], + [ + "it", + "ar" + ], + [ + "sp", + "ace" + ], + [ + "k", + "ens" + ], + [ + "M", + "at" + ], + [ + "Ġrepresent", + "ations" + ], + [ + "Ġabsorb", + "ed" + ], + [ + "ist", + "ent" + ], + [ + "ĠSchool", + "s" + ], + [ + "Ġdepart", + "ments" + ], + [ + "Ġmark", + "ers" + ], + [ + "Ġfav", + "our" + ], + [ + "Ġmag", + "azine" + ], + [ + "claim", + "ed" + ], + [ + "Ġgu", + "ided" + ], + [ + "Ġsh", + "ade" + ], + [ + "ĠWe", + "ek" + ], + [ + "ra", + "ce" + ], + [ + "Ġpred", + "ators" + ], + [ + "ore", + "r" + ], + [ + "Ġsacr", + "ifice" + ], + [ + "Ġstead", + "y" + ], + [ + "Ġrefuge", + "es" + ], + [ + "Ġins", + "u" + ], + [ + "et", + "ically" + ], + [ + "Ġsupport", + "ive" + ], + [ + "ĠTra", + "de" + ], + [ + "Ġattempt", + "ing" + ], + [ + "ĠM", + "aking" + ], + [ + "Ġtrans", + "parency" + ], + [ + "Ġre", + "nd" + ], + [ + "su", + "ccess" + ], + [ + "im", + "als" + ], + [ + "ĠM", + "i" + ], + [ + "wh", + "o" + ], + [ + "Ġstr", + "ive" + ], + [ + "Ġpain", + "ted" + ], + [ + "Ġto", + "wer" + ], + [ + "ĠB", + "ase" + ], + [ + "f", + "am" + ], + [ + "ĠM", + "arg" + ], + [ + "ĠF", + "ish" + ], + [ + "the", + "w" + ], + [ + "ĠOr", + "der" + ], + [ + "Ġit", + "er" + ], + [ + "Ġqual", + "ified" + ], + [ + "t", + "ree" + ], + [ + "se", + "ud" + ], + [ + "Ġpestic", + "ides" + ], + [ + "y", + "an" + ], + [ + "Ġinvest", + "ing" + ], + [ + "A", + "F" + ], + [ + "ĠS", + "pring" + ], + [ + "H", + "el" + ], + [ + "Ġse", + "al" + ], + [ + "ĠFr", + "iday" + ], + [ + "cont", + "rol" + ], + [ + "Ġwrit", + "ings" + ], + [ + "ĠPar", + "am" + ], + [ + "Ġs", + "ch" + ], + [ + "Ġv", + "ag" + ], + [ + "Ġdescript", + "ions" + ], + [ + "Ġfoot", + "print" + ], + [ + "Ġsurv", + "ived" + ], + [ + "ena", + "issance" + ], + [ + "un", + "ar" + ], + [ + "ĠO", + "pp" + ], + [ + "place", + "ment" + ], + [ + "Ġexhib", + "ition" + ], + [ + "Ġthick", + "ness" + ], + [ + "is", + "hers" + ], + [ + "Ġd", + "oses" + ], + [ + "Ġcham", + "ber" + ], + [ + "init", + "ial" + ], + [ + "P", + "C" + ], + [ + "Ġme", + "ets" + ], + [ + "ĠB", + "ern" + ], + [ + "ĠN", + "a" + ], + [ + "Ġp", + "est" + ], + [ + "amm", + "ad" + ], + [ + "ĠF", + "ig" + ], + [ + "Ġgain", + "ing" + ], + [ + "Ġsl", + "ight" + ], + [ + "ĠAD", + "HD" + ], + [ + "V", + "ER" + ], + [ + "ĠR", + "ole" + ], + [ + "Ġmind", + "fulness" + ], + [ + "Ġhum", + "idity" + ], + [ + "ĠInd", + "ividual" + ], + [ + "ĠM", + "ental" + ], + [ + "Ġst", + "atic" + ], + [ + "Ġp", + "ests" + ], + [ + "Ġo", + "w" + ], + [ + "clus", + "ively" + ], + [ + "Ġwond", + "ering" + ], + [ + "Ġs", + "orts" + ], + [ + "we", + "et" + ], + [ + "Ġmonth", + "ly" + ], + [ + "ĠClin", + "ical" + ], + [ + "b", + "ro" + ], + [ + "met", + "ric" + ], + [ + "Ġsal", + "mon" + ], + [ + "ĠAs", + "h" + ], + [ + "Ġorgan", + "ism" + ], + [ + "ĠMc", + "C" + ], + [ + "C", + "lick" + ], + [ + "Ġtim", + "ing" + ], + [ + "Ġphr", + "ases" + ], + [ + "Ġm", + "art" + ], + [ + "an", + "th" + ], + [ + "se", + "lect" + ], + [ + ":", + "`" + ], + [ + "ĠJ", + "ones" + ], + [ + "Ġf", + "ont" + ], + [ + "Ġassoci", + "ations" + ], + [ + "Ġrel", + "atives" + ], + [ + "ĠDe", + "cl" + ], + [ + "Ġelectron", + "ics" + ], + [ + "B", + "I" + ], + [ + "ĠS", + "em" + ], + [ + "Ġfol", + "k" + ], + [ + "ace", + "utical" + ], + [ + "ĠRep", + "resent" + ], + [ + "gg", + "ed" + ], + [ + "'", + ")." + ], + [ + "More", + "over" + ], + [ + "ep", + "s" + ], + [ + "Ġcomm", + "od" + ], + [ + "ĠLiter", + "ature" + ], + [ + "Ġpart", + "ially" + ], + [ + "Ġmanufacture", + "r" + ], + [ + "rict", + "ion" + ], + [ + "Ġl", + "ift" + ], + [ + "F", + "urther" + ], + [ + "at", + "re" + ], + [ + "il", + "ly" + ], + [ + "Ġgra", + "pp" + ], + [ + "Ġple", + "asure" + ], + [ + "in", + "ely" + ], + [ + "Ġan", + "swered" + ], + [ + "n", + "c" + ], + [ + "Ġhe", + "ter" + ], + [ + "Ġwor", + "n" + ], + [ + "Ġch", + "at" + ], + [ + "ip", + "ation" + ], + [ + "Q", + "U" + ], + [ + "Ġend", + "less" + ], + [ + "Ġdis", + "pers" + ], + [ + "Ġtal", + "ks" + ], + [ + "Ġbl", + "o" + ], + [ + "Ġaccom", + "pany" + ], + [ + "ĠSh", + "ort" + ], + [ + "Ġdoct", + "rine" + ], + [ + "Ġimp", + "ression" + ], + [ + "Ġdef", + "ines" + ], + [ + "Ġsynt", + "hesis" + ], + [ + "Ġdent", + "ist" + ], + [ + "Ġadvert", + "ising" + ], + [ + "ĠMar", + "x" + ], + [ + "Ġent", + "rance" + ], + [ + "ĠAs", + "sembly" + ], + [ + "Ġcoord", + "ination" + ], + [ + "Ġtit", + "les" + ], + [ + "Ġbatt", + "les" + ], + [ + "Ġorgan", + "izing" + ], + [ + "if", + "iers" + ], + [ + "Ġmod", + "ify" + ], + [ + "Ġcateg", + "or" + ], + [ + "lic", + "t" + ], + [ + "Ġref", + "rig" + ], + [ + "Ġaccess", + "ibility" + ], + [ + "ist", + "ically" + ], + [ + "Ġfol", + "ks" + ], + [ + "e", + "ffective" + ], + [ + "Ġphot", + "ograp" + ], + [ + "Ġarrange", + "ments" + ], + [ + "Ġat", + "om" + ], + [ + "N", + "ational" + ], + [ + "Ġm", + "erg" + ], + [ + "ĠN", + "ether" + ], + [ + "L", + "ife" + ], + [ + "Ġpreval", + "ent" + ], + [ + "D", + "own" + ], + [ + "Ġy", + "ields" + ], + [ + "ĠAb", + "raham" + ], + [ + "Ġburn", + "ed" + ], + [ + "Ġdisc", + "ourse" + ], + [ + "Ġsust", + "ained" + ], + [ + "Ġhighlight", + "ed" + ], + [ + "Ġwas", + "hing" + ], + [ + "Ġen", + "zyme" + ], + [ + "lu", + "x" + ], + [ + "Ġappoint", + "ment" + ], + [ + "P", + "V" + ], + [ + "or", + "ative" + ], + [ + "inc", + "ome" + ], + [ + "Ġw", + "age" + ], + [ + "Ġb", + "er" + ], + [ + "Ġinc", + "orrect" + ], + [ + "ĠW", + "orking" + ], + [ + "Ġimpl", + "ies" + ], + [ + "s", + "ys" + ], + [ + "ĠK", + "n" + ], + [ + "Ġsurve", + "illance" + ], + [ + "d", + "ot" + ], + [ + "Ġinter", + "val" + ], + [ + "do", + "i" + ], + [ + "Ġext", + "ends" + ], + [ + "dat", + "etime" + ], + [ + "ĠC", + "ra" + ], + [ + "mon", + "th" + ], + [ + "C", + "ar" + ], + [ + "Ġt", + "ied" + ], + [ + "ĊĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠ" + ], + [ + "Ġmin", + "ister" + ], + [ + "equ", + "al" + ], + [ + "Ġdiam", + "ond" + ], + [ + "ow", + "ed" + ], + [ + "ĠV", + "ari" + ], + [ + "Ġbrother", + "s" + ], + [ + "Ġpress", + "ures" + ], + [ + "ch", + "arg" + ], + [ + "ĠMat", + "hemat" + ], + [ + "Ġwar", + "rant" + ], + [ + "Ġutil", + "izing" + ], + [ + "Ġpr", + "inter" + ], + [ + "Ġun", + "pre" + ], + [ + "Ġlim", + "iting" + ], + [ + "Ġsubsequ", + "ently" + ], + [ + "Ġfear", + "s" + ], + [ + "Ġaf", + "raid" + ], + [ + "Ġbas", + "ket" + ], + [ + "Ġaccompl", + "ished" + ], + [ + "ĠL", + "uther" + ], + [ + "Ġexec", + "uted" + ], + [ + "p", + "o" + ], + [ + "pect", + "ive" + ], + [ + "um", + "my" + ], + [ + "mar", + "ks" + ], + [ + "Ġacqu", + "isition" + ], + [ + "Ġca", + "ve" + ], + [ + "Ġm", + "ail" + ], + [ + "ĠP", + "ersonal" + ], + [ + "Ġroot", + "ed" + ], + [ + "are", + "st" + ], + [ + "ĠAd", + "am" + ], + [ + "p", + "res" + ], + [ + "ĠMar", + "ine" + ], + [ + "act", + "ic" + ], + [ + "ĠR", + "o" + ], + [ + "sol", + "ving" + ], + [ + "Ġoff", + "s" + ], + [ + "ri", + "ends" + ], + [ + "Ġgr", + "ants" + ], + [ + "Ġtradition", + "ally" + ], + [ + "rep", + "resent" + ], + [ + "Ġp", + "neum" + ], + [ + "ĠH", + "ard" + ], + [ + "ĠG", + "ar" + ], + [ + "Ġd", + "rops" + ], + [ + "qu", + "es" + ], + [ + "ĠMiss", + "issippi" + ], + [ + "Ġass", + "et" + ], + [ + "ethe", + "less" + ], + [ + "Ġpsych", + "iat" + ], + [ + "ic", + "iency" + ], + [ + "Ġp", + "itch" + ], + [ + "Ġpartners", + "hips" + ], + [ + "o", + "ard" + ], + [ + "Ġsurpr", + "ised" + ], + [ + "Cre", + "ate" + ], + [ + "Ġphys", + "icians" + ], + [ + "Ġasp", + "ir" + ], + [ + "ĠT", + "ree" + ], + [ + "reat", + "ment" + ], + [ + "cult", + "ural" + ], + [ + "ĠPe", + "ace" + ], + [ + "child", + "ren" + ], + [ + "Ġm", + "uc" + ], + [ + "Ġinflu", + "enza" + ], + [ + "Ġu", + "l" + ], + [ + "ĠF", + "a" + ], + [ + "is", + "ible" + ], + [ + "Ġtrib", + "e" + ], + [ + "Ġmod", + "es" + ], + [ + "Ġpay", + "ments" + ], + [ + "nt", + "il" + ], + [ + ":", + "||" + ], + [ + "Ġd", + "ying" + ], + [ + "ĠAr", + "m" + ], + [ + "ĠSh", + "ow" + ], + [ + "Ġart", + "work" + ], + [ + "Ġcontract", + "s" + ], + [ + "Ġtra", + "cks" + ], + [ + "Ġp", + "ine" + ], + [ + "ber", + "ries" + ], + [ + "ĠOr", + "th" + ], + [ + "Ġ", + "]," + ], + [ + "st", + "ru" + ], + [ + "ro", + "py" + ], + [ + "ĠAngel", + "es" + ], + [ + "ĠAf", + "ghan" + ], + [ + "ath", + "an" + ], + [ + "p", + "ublic" + ], + [ + "Ġenjoy", + "ing" + ], + [ + "Ġass", + "ault" + ], + [ + "ver", + "b" + ], + [ + "L", + "ine" + ], + [ + "Ġcra", + "fts" + ], + [ + "ib", + "li" + ], + [ + "Ġsimilar", + "ities" + ], + [ + "U", + "D" + ], + [ + "Ġg", + "au" + ], + [ + "Ġpro", + "x" + ], + [ + "Ġgr", + "at" + ], + [ + "Ġcomple", + "ting" + ], + [ + "Ġb", + "ills" + ], + [ + "v", + "it" + ], + [ + "ĠAll", + "ah" + ], + [ + "Ġdang", + "ers" + ], + [ + "Ġprov", + "isions" + ], + [ + "Ġful", + "f" + ], + [ + "ĠScient", + "ific" + ], + [ + "Ġevol", + "ve" + ], + [ + "ĠMar", + "ia" + ], + [ + "ĠCh", + "arl" + ], + [ + "ards", + "hip" + ], + [ + "Ġpeace", + "ful" + ], + [ + "erv", + "es" + ], + [ + "W", + "ind" + ], + [ + "Ġs", + "ail" + ], + [ + "Ġad", + "min" + ], + [ + "ĠThe", + "rapy" + ], + [ + "F", + "ind" + ], + [ + "oun", + "ters" + ], + [ + "igh", + "th" + ], + [ + "en", + "ergy" + ], + [ + "ĠPsych", + "ology" + ], + [ + "á", + "¹" + ], + [ + "Ġqu", + "ad" + ], + [ + "Ġc", + "ouncil" + ], + [ + "m", + "ay" + ], + [ + "ver", + "ages" + ], + [ + "eng", + "ine" + ], + [ + "Ġab", + "ol" + ], + [ + "oc", + "ent" + ], + [ + "um", + "ing" + ], + [ + "ĠA", + "rizona" + ], + [ + "ĠB", + "on" + ], + [ + "y", + "t" + ], + [ + "ĠR", + "enaissance" + ], + [ + "Ġrevolution", + "ary" + ], + [ + "H", + "is" + ], + [ + "ĠStud", + "ent" + ], + [ + "ple", + "ment" + ], + [ + "Ġarrange", + "ment" + ], + [ + "ĠF", + "unction" + ], + [ + "U", + "P" + ], + [ + "ĠH", + "arr" + ], + [ + "A", + "v" + ], + [ + "ĠM", + "ess" + ], + [ + "ĠTh", + "ird" + ], + [ + "Ġconstitution", + "al" + ], + [ + "ĠH", + "em" + ], + [ + "Ġvol", + "umes" + ], + [ + "Ġmyster", + "ious" + ], + [ + "Ġch", + "ains" + ], + [ + "ĠAn", + "imal" + ], + [ + "ĠLew", + "is" + ], + [ + "ard", + "ed" + ], + [ + "Ġso", + "ap" + ], + [ + "Ġext", + "r" + ], + [ + "ĠAcc", + "ount" + ], + [ + "Ġpick", + "ed" + ], + [ + "Ġexpress", + "ing" + ], + [ + "im", + "ages" + ], + [ + "Ġoccup", + "ation" + ], + [ + "Ġapp", + "le" + ], + [ + "lic", + "ation" + ], + [ + "ĠBudd", + "hist" + ], + [ + "s", + "chool" + ], + [ + "ĠCarib", + "bean" + ], + [ + "Ġdis", + "asters" + ], + [ + "Ġenem", + "ies" + ], + [ + "ĠQu", + "estions" + ], + [ + "Ġcompens", + "ation" + ], + [ + "Ġp", + "ink" + ], + [ + "ĠO", + "nt" + ], + [ + "Ġex", + "it" + ], + [ + "Ġnam", + "ely" + ], + [ + "Ġallerg", + "ic" + ], + [ + "ĠS", + "E" + ], + [ + "Ġworks", + "hop" + ], + [ + "Ġse", + "iz" + ], + [ + "Ġv", + "om" + ], + [ + "Ġpr", + "one" + ], + [ + "Ġind", + "oor" + ], + [ + "Ġingred", + "ient" + ], + [ + "Ġs", + "lic" + ], + [ + "er", + "am" + ], + [ + "Ġat", + "omic" + ], + [ + "Î", + "¹" + ], + [ + ",", + "," + ], + [ + "uls", + "ion" + ], + [ + "Ġprofess", + "ors" + ], + [ + "iot", + "ic" + ], + [ + "ing", + "ton" + ], + [ + "Ġpresc", + "ription" + ], + [ + "in", + "ch" + ], + [ + "Ġminim", + "izing" + ], + [ + "Ġv", + "ice" + ], + [ + "ĠTechn", + "iques" + ], + [ + "Ġoper", + "ator" + ], + [ + "ur", + "ally" + ], + [ + "Ġshow", + "c" + ], + [ + "ar", + "ians" + ], + [ + "acc", + "ount" + ], + [ + "Ġded", + "ication" + ], + [ + "g", + "ood" + ], + [ + "art", + "s" + ], + [ + "Ġph", + "on" + ], + [ + "writ", + "ing" + ], + [ + "cy", + "cle" + ], + [ + "Ġt", + "anks" + ], + [ + "ĠC", + "ore" + ], + [ + "Ġful", + "fill" + ], + [ + "he", + "ro" + ], + [ + "Ġsing", + "ing" + ], + [ + "Ġrepl", + "ied" + ], + [ + "Ġr", + "ic" + ], + [ + "Ġpack", + "aging" + ], + [ + "Ġal", + "ien" + ], + [ + "Ġobvious", + "ly" + ], + [ + "re", + "nder" + ], + [ + "å", + "ı" + ], + [ + "Ġexcept", + "ional" + ], + [ + "Ġ'", + "/" + ], + [ + "Stud", + "ents" + ], + [ + "ĠEn", + "cyclopedia" + ], + [ + "Ġy", + "oga" + ], + [ + "us", + "hes" + ], + [ + "L", + "S" + ], + [ + "est", + "amp" + ], + [ + "Ġillust", + "rated" + ], + [ + "ĠStand", + "ards" + ], + [ + "ou", + "ch" + ], + [ + "ĠC", + "N" + ], + [ + "ĠG", + "P" + ], + [ + "ric", + "ane" + ], + [ + "Ġconstit", + "utes" + ], + [ + "clos", + "ure" + ], + [ + "en", + "er" + ], + [ + "A", + "V" + ], + [ + "ĠCl", + "ub" + ], + [ + "Inf", + "o" + ], + [ + "Ġappro", + "ached" + ], + [ + "ib", + "ration" + ], + [ + "int", + "eg" + ], + [ + "eng", + "es" + ], + [ + "Ġbel", + "oved" + ], + [ + "m", + "ind" + ], + [ + "Ġon", + "set" + ], + [ + "ĠEx", + "ec" + ], + [ + "ĠH", + "an" + ], + [ + "Ġse", + "asons" + ], + [ + "Ġcare", + "g" + ], + [ + "ĠEx", + "ample" + ], + [ + "ĠBe", + "havior" + ], + [ + "ĠCD", + "C" + ], + [ + "Ġfert", + "ility" + ], + [ + "ĠB", + "a" + ], + [ + "Ġco", + "ins" + ], + [ + "ĠH", + "ig" + ], + [ + "Ġw", + "ages" + ], + [ + "Ġpot", + "assium" + ], + [ + "th", + "al" + ], + [ + "lay", + "ers" + ], + [ + "ĠAP", + "I" + ], + [ + "ch", + "annel" + ], + [ + "M", + "C" + ], + [ + "Ġper", + "ceptions" + ], + [ + "ĠSh", + "akespeare" + ], + [ + "Ġt", + "ags" + ], + [ + "Ġimp", + "osed" + ], + [ + "Ġa", + "ug" + ], + [ + "ĠCon", + "c" + ], + [ + "R", + "S" + ], + [ + "Ġbo", + "ards" + ], + [ + "ut", + "ter" + ], + [ + "ĠR", + "and" + ], + [ + "Ġaward", + "ed" + ], + [ + "Ġkil", + "ometers" + ], + [ + "ĠB", + "egin" + ], + [ + "ĠF", + "un" + ], + [ + "Ġbi", + "ke" + ], + [ + "Ġcar", + "ing" + ], + [ + "Ġpl", + "asma" + ], + [ + "Ġorig", + "inated" + ], + [ + "Ġbut", + "t" + ], + [ + "Ġed", + "iting" + ], + [ + "au", + "c" + ], + [ + "Ġmur", + "der" + ], + [ + "Ġm", + "a" + ], + [ + "ĠD", + "esc" + ], + [ + "m", + "ake" + ], + [ + "ĠR", + "isk" + ], + [ + "Ġdis", + "miss" + ], + [ + "ĠU", + "RL" + ], + [ + "Ġwor", + "ried" + ], + [ + "ã", + "Ģ" + ], + [ + "ĠF", + "ile" + ], + [ + "ĠF", + "OR" + ], + [ + "Ġm", + "im" + ], + [ + "Ġapp", + "et" + ], + [ + "ĠApplic", + "ations" + ], + [ + "ĠPer", + "iod" + ], + [ + "Ġcr", + "ust" + ], + [ + "D", + "i" + ], + [ + "ĠB", + "it" + ], + [ + "uck", + "y" + ], + [ + "Ġshall", + "ow" + ], + [ + "ĠA", + "C" + ], + [ + "Ġfurn", + "iture" + ], + [ + "Ġc", + "od" + ], + [ + "ag", + "og" + ], + [ + "Ġ'", + "." + ], + [ + "Ġpot", + "atoes" + ], + [ + "et", + "ry" + ], + [ + "Ġen", + "v" + ], + [ + "Ġimm", + "ers" + ], + [ + "p", + "ersonal" + ], + [ + "Ġinteg", + "rate" + ], + [ + "Ġim", + "bal" + ], + [ + "ram", + "ew" + ], + [ + "ĠJ", + "im" + ], + [ + "Ġclass", + "rooms" + ], + [ + "Ġmix", + "ing" + ], + [ + "h", + "our" + ], + [ + "Ġins", + "ist" + ], + [ + "Ġimmun", + "ity" + ], + [ + "Ġdegrad", + "ation" + ], + [ + "Ġnumer", + "ical" + ], + [ + "Ġvacc", + "ination" + ], + [ + "Ġe", + "co" + ], + [ + "ĠF", + "ull" + ], + [ + "fold", + "er" + ], + [ + "Ġjo", + "ining" + ], + [ + "Ġstere", + "otypes" + ], + [ + "ĠC", + "old" + ], + [ + "Ġclust", + "ers" + ], + [ + "Ġhe", + "ated" + ], + [ + "Ġextra", + "ction" + ], + [ + "Ġs", + "our" + ], + [ + "ĠJer", + "sey" + ], + [ + "Ġconc", + "ert" + ], + [ + "f", + "a" + ], + [ + "se", + "ed" + ], + [ + "Ġsp", + "elling" + ], + [ + "Ġwire", + "less" + ], + [ + "re", + "ll" + ], + [ + "ĠPro", + "test" + ], + [ + "Ġflu", + "or" + ], + [ + "Ġinterpret", + "ations" + ], + [ + "re", + "q" + ], + [ + "le", + "m" + ], + [ + "as", + "hed" + ], + [ + "Ġrep", + "roduction" + ], + [ + "on", + "in" + ], + [ + "Ġ", + "verse" + ], + [ + "Ġcan", + "al" + ], + [ + "Ġpolit", + "icians" + ], + [ + "au", + "g" + ], + [ + "c", + "ard" + ], + [ + "in", + "flamm" + ], + [ + "Ġvis", + "ually" + ], + [ + "Ġtreat", + "y" + ], + [ + "N", + "ode" + ], + [ + "ĠT", + "enn" + ], + [ + "Ġcont", + "rary" + ], + [ + "d", + "istance" + ], + [ + "ĠB", + "io" + ], + [ + "Ġalign", + "ment" + ], + [ + "ĠN", + "Y" + ], + [ + "C", + "urrent" + ], + [ + "Ġprison", + "ers" + ], + [ + "Ġrecommend", + "ation" + ], + [ + "M", + "ar" + ], + [ + "Ġmark", + "er" + ], + [ + "Ġe", + "rect" + ], + [ + "roph", + "ic" + ], + [ + "erm", + "at" + ], + [ + "Ġdecre", + "ases" + ], + [ + "H", + "igh" + ], + [ + "Ġh", + "ang" + ], + [ + "spe", + "ed" + ], + [ + "Ġpre", + "jud" + ], + [ + "ĠL", + "u" + ], + [ + "Ġfro", + "zen" + ], + [ + "Ġver", + "ify" + ], + [ + "AC", + "T" + ], + [ + "Ġfrequ", + "encies" + ], + [ + "Ġflu", + "ids" + ], + [ + "ĠQ", + "uality" + ], + [ + "Ġex", + "empl" + ], + [ + "Ġt", + "orn" + ], + [ + "le", + "ton" + ], + [ + "Ġreserv", + "oir" + ], + [ + "Ġdefect", + "s" + ], + [ + "ĠW", + "ars" + ], + [ + "Ġwar", + "fare" + ], + [ + "Ġst", + "uck" + ], + [ + "ade", + "qu" + ], + [ + "e", + "ering" + ], + [ + "F", + "S" + ], + [ + "ĠEv", + "olution" + ], + [ + "P", + "at" + ], + [ + "hold", + "er" + ], + [ + "Ġpurch", + "asing" + ], + [ + "un", + "ci" + ], + [ + "Ġqu", + "ote" + ], + [ + "Ġext", + "inction" + ], + [ + "Ġport", + "ions" + ], + [ + "Ġab", + "road" + ], + [ + "Ġbrid", + "ges" + ], + [ + "Ġeat", + "en" + ], + [ + "Ġtox", + "ins" + ], + [ + "per", + "ature" + ], + [ + "Ġp", + "ushed" + ], + [ + "ĠG", + "ene" + ], + [ + "Ġmusic", + "ians" + ], + [ + "Ġgen", + "etics" + ], + [ + "Ġir", + "regular" + ], + [ + "Ġob", + "sc" + ], + [ + "Su", + "pp" + ], + [ + "ĠMin", + "nes" + ], + [ + "Ġfe", + "es" + ], + [ + "F", + "C" + ], + [ + "Ġmain", + "stream" + ], + [ + "ĠS", + "ource" + ], + [ + "Ġfat", + "al" + ], + [ + "ĠTre", + "nds" + ], + [ + "Ġrail", + "road" + ], + [ + "Ġemphas", + "izing" + ], + [ + "uis", + "ine" + ], + [ + "Ġk", + "wargs" + ], + [ + "Ġlo", + "ans" + ], + [ + "ĠYO", + "U" + ], + [ + "se", + "cond" + ], + [ + "Ġmon", + "ument" + ], + [ + "Ġn", + "ineteenth" + ], + [ + "Ġsmooth", + "ly" + ], + [ + "Ġcreat", + "ure" + ], + [ + "Ġexam", + "s" + ], + [ + "Ġarg", + "ues" + ], + [ + "s", + "ized" + ], + [ + "om", + "on" + ], + [ + "ĠNether", + "lands" + ], + [ + "cm", + "d" + ], + [ + "Ġcomp", + "ute" + ], + [ + "ip", + "h" + ], + [ + "Ġrel", + "iability" + ], + [ + "Ġavoid", + "ed" + ], + [ + "Ġemerg", + "ence" + ], + [ + "Ġantib", + "odies" + ], + [ + "Ġm", + "ile" + ], + [ + "il", + "ib" + ], + [ + "ge", + "red" + ], + [ + "E", + "xt" + ], + [ + "Ġl", + "in" + ], + [ + "Ġfe", + "as" + ], + [ + "Ġst", + "rand" + ], + [ + "Ġgra", + "ms" + ], + [ + "Ġd", + "ual" + ], + [ + "Ġst", + "unning" + ], + [ + "Ġtrust", + "ed" + ], + [ + "ac", + "on" + ], + [ + "Ġl", + "arv" + ], + [ + "ĠS", + "earch" + ], + [ + "d", + "est" + ], + [ + "Ġchap", + "ters" + ], + [ + "ul", + "ates" + ], + [ + "Ġt", + "ens" + ], + [ + "Ġgif", + "ts" + ], + [ + "P", + "DF" + ], + [ + "ĠW", + "ed" + ], + [ + "ĠHit", + "ler" + ], + [ + "Ġcons", + "ensus" + ], + [ + "al", + "g" + ], + [ + "ĠD", + "E" + ], + [ + "in", + "ian" + ], + [ + "Ġassess", + "ed" + ], + [ + "p", + "ur" + ], + [ + "act", + "ivity" + ], + [ + "Ġpoor", + "ly" + ], + [ + "Ġp", + "enc" + ], + [ + "te", + "in" + ], + [ + "Ġde", + "leg" + ], + [ + "b", + "et" + ], + [ + "num", + "py" + ], + [ + "Ġb", + "ands" + ], + [ + "p", + "us" + ], + [ + "ĠEss", + "ay" + ], + [ + "Ġal", + "gebra" + ], + [ + "Ġdat", + "abases" + ], + [ + "do", + "ors" + ], + [ + "ear", + "ly" + ], + [ + "ĠTe", + "achers" + ], + [ + "Ġartif", + "acts" + ], + [ + "ĠBuddh", + "ism" + ], + [ + "Ġprolong", + "ed" + ], + [ + "an", + "as" + ], + [ + "Ġeduc", + "ated" + ], + [ + "ĠNaz", + "i" + ], + [ + "Ġpat", + "ri" + ], + [ + "Ġprof", + "its" + ], + [ + "Ġmal", + "aria" + ], + [ + "ĠSoft", + "ware" + ], + [ + "we", + "b" + ], + [ + "Ġhum", + "or" + ], + [ + "Ġnerv", + "es" + ], + [ + "Ġb", + "aking" + ], + [ + "Child", + "ren" + ], + [ + "Ġval", + "ley" + ], + [ + "Ġsens", + "es" + ], + [ + "Ġt", + "ies" + ], + [ + "Ġalg", + "ae" + ], + [ + "Ġst", + "ops" + ], + [ + "st", + "ruct" + ], + [ + "ry", + "ption" + ], + [ + "Ġaccount", + "ability" + ], + [ + "Ġtact", + "ics" + ], + [ + "Ġt", + "ar" + ], + [ + "\\", + "\\" + ], + [ + "pass", + "word" + ], + [ + "gen", + "eration" + ], + [ + "Ġ", + "à¤" + ], + [ + "n", + "amed" + ], + [ + "i", + "ro" + ], + [ + "pl", + "an" + ], + [ + "ential", + "ly" + ], + [ + "Ġend", + "uring" + ], + [ + "Ġdec", + "ent" + ], + [ + "Ġbl", + "end" + ], + [ + "Ġm", + "ira" + ], + [ + "i", + "ative" + ], + [ + "Ġstr", + "ings" + ], + [ + "Ġcounter", + "parts" + ], + [ + "Ġdep", + "r" + ], + [ + "Ġview", + "ing" + ], + [ + "Ġbe", + "et" + ], + [ + "Ċĉĉ", + "ĉĉ" + ], + [ + "Ġatt", + "ain" + ], + [ + "Ġreve", + "aling" + ], + [ + "Ġattack", + "ed" + ], + [ + "ĠS", + "O" + ], + [ + "ĠJ", + "un" + ], + [ + "ĠPr", + "ince" + ], + [ + "Ġspecim", + "ens" + ], + [ + "Ġwa", + "vel" + ], + [ + "Ġpu", + "pp" + ], + [ + "ĠA", + "z" + ], + [ + "fl", + "ies" + ], + [ + "v", + "ation" + ], + [ + "id", + "ate" + ], + [ + "Ġt", + "ired" + ], + [ + "Ġo", + "dd" + ], + [ + "Ġto", + "ile" + ], + [ + "d", + "isc" + ], + [ + "ang", + "ular" + ], + [ + "S", + "O" + ], + [ + "Ġmod", + "ules" + ], + [ + "ucle", + "ar" + ], + [ + "Ġexp", + "ense" + ], + [ + "T", + "C" + ], + [ + "c", + "os" + ], + [ + "Ġtrans", + "parent" + ], + [ + "om", + "ical" + ], + [ + "c", + "ache" + ], + [ + "Ġprior", + "it" + ], + [ + "Ġnurs", + "es" + ], + [ + "Ġlabel", + "ed" + ], + [ + "Ġfollow", + "ers" + ], + [ + "Ġc", + "ups" + ], + [ + "pl", + "us" + ], + [ + "Ġneg", + "atively" + ], + [ + "G", + "u" + ], + [ + "AN", + "D" + ], + [ + "Ġmotiv", + "ated" + ], + [ + "Ġc", + "tx" + ], + [ + "Ġcarbohyd", + "rates" + ], + [ + "d", + "esc" + ], + [ + "Ġvac", + "uum" + ], + [ + "Ġeffic", + "acy" + ], + [ + "Ġmarginal", + "ized" + ], + [ + "Ġret", + "rie" + ], + [ + "ĠIs", + "a" + ], + [ + "Ġdisapp", + "ear" + ], + [ + "ĠM", + "onday" + ], + [ + "Ġex", + "ert" + ], + [ + "ĠH", + "ot" + ], + [ + "Ġweap", + "on" + ], + [ + "ĠT", + "ri" + ], + [ + "go", + "vern" + ], + [ + "r", + "ison" + ], + [ + "ĠS", + "av" + ], + [ + "ĠJ", + "ane" + ], + [ + "ĠLe", + "ague" + ], + [ + "ĠSam", + "uel" + ], + [ + "D", + "ict" + ], + [ + "ĠW", + "W" + ], + [ + "ĠCol", + "lect" + ], + [ + "Ġflood", + "ing" + ], + [ + "Par", + "am" + ], + [ + "Ġform", + "ats" + ], + [ + "r", + "ors" + ], + [ + "Ġd", + "ign" + ], + [ + "Ġch", + "amp" + ], + [ + "Ġint", + "ra" + ], + [ + "Ġbe", + "ef" + ], + [ + "Ġcas", + "ual" + ], + [ + "d", + "on" + ], + [ + "e", + "z" + ], + [ + "Ġbe", + "aring" + ], + [ + "ĠG", + "raph" + ], + [ + "Ġir", + "re" + ], + [ + "EM", + "A" + ], + [ + "Ġpass", + "ive" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ" + ], + [ + "ĠArab", + "ic" + ], + [ + "Ġen", + "l" + ], + [ + "Ġmet", + "a" + ], + [ + "ĠGu", + "ard" + ], + [ + "rem", + "ove" + ], + [ + "Ġmach", + "inery" + ], + [ + "ĠMinnes", + "ota" + ], + [ + "Ġpred", + "iction" + ], + [ + "ĠH", + "on" + ], + [ + "F", + "O" + ], + [ + "ĠA", + "qu" + ], + [ + "Ġph", + "ases" + ], + [ + "Ġhero", + "es" + ], + [ + "pie", + "ce" + ], + [ + "Ġrel", + "at" + ], + [ + "Ġconcent", + "rated" + ], + [ + "ĠG", + "ame" + ], + [ + "im", + "edia" + ], + [ + "b", + "en" + ], + [ + "ĠMiss", + "ouri" + ], + [ + "Ġv", + "oting" + ], + [ + "ĠH", + "u" + ], + [ + "Ġdiscover", + "ing" + ], + [ + "Ġb", + "iblical" + ], + [ + "ĠPol", + "and" + ], + [ + "Ġad", + "mitted" + ], + [ + "os", + "aur" + ], + [ + "AT", + "H" + ], + [ + "ĠSpec", + "ifically" + ], + [ + "Ġdeliver", + "ing" + ], + [ + "Ġre", + "conc" + ], + [ + "own", + "ers" + ], + [ + "Ġpursu", + "ing" + ], + [ + "Ġed", + "it" + ], + [ + "re", + "str" + ], + [ + "Resp", + "onse" + ], + [ + "ĠT", + "yp" + ], + [ + "H", + "z" + ], + [ + "Ġgun", + "s" + ], + [ + "Ġsc", + "hem" + ], + [ + "m", + "atch" + ], + [ + "ĠJac", + "ob" + ], + [ + "Ġign", + "ored" + ], + [ + "rel", + "s" + ], + [ + "Ġver", + "bal" + ], + [ + "n", + "ote" + ], + [ + "form", + "ing" + ], + [ + "Ġdial", + "ect" + ], + [ + "head", + "er" + ], + [ + "Ġval", + "ve" + ], + [ + "A", + "g" + ], + [ + "ak", + "h" + ], + [ + "Ġfertil", + "izer" + ], + [ + "p", + "ot" + ], + [ + "ĠKnow", + "ledge" + ], + [ + "ĠArch", + "itect" + ], + [ + "s", + "qu" + ], + [ + "Ġh", + "orn" + ], + [ + "Ġenum", + "erate" + ], + [ + "Ġcl", + "ues" + ], + [ + "ple", + "t" + ], + [ + "Ġsub", + "str" + ], + [ + "Ġf", + "ans" + ], + [ + "ĠCol", + "lab" + ], + [ + "Ġorgan", + "izational" + ], + [ + "Ġdraw", + "ings" + ], + [ + "tem", + "p" + ], + [ + "Ġtub", + "es" + ], + [ + "ĠM", + "arsh" + ], + [ + "Ġsh", + "ipping" + ], + [ + "Ġstruct", + "ured" + ], + [ + "ĠP", + "ope" + ], + [ + "ang", + "ers" + ], + [ + "Ġrelax", + "ation" + ], + [ + "ĠStep", + "hen" + ], + [ + "Ġagg", + "reg" + ], + [ + "ne", + "a" + ], + [ + "Ġbow", + "l" + ], + [ + "Ġmagn", + "et" + ], + [ + "ĠDem", + "ocratic" + ], + [ + "ĠPart", + "icip" + ], + [ + "ul", + "ent" + ], + [ + "ac", + "erb" + ], + [ + "Ġl", + "y" + ], + [ + "Ġfail", + "s" + ], + [ + "Ġsy", + "ll" + ], + [ + "te", + "enth" + ], + [ + "W", + "he" + ], + [ + "Ġconst", + "itute" + ], + [ + "Ġtravel", + "s" + ], + [ + "Ġch", + "ron" + ], + [ + ",", + "âĢĻ" + ], + [ + "R", + "NA" + ], + [ + "ĠTe", + "aching" + ], + [ + "Gen", + "eral" + ], + [ + "Ġseg", + "ments" + ], + [ + "ĠH", + "ung" + ], + [ + "Ġtrem", + "end" + ], + [ + "ad", + "er" + ], + [ + "feed", + "ing" + ], + [ + "Ġth", + "inks" + ], + [ + "e", + "ffic" + ], + [ + "pt", + "s" + ], + [ + "âĶ", + "Ģ" + ], + [ + "ĠL", + "iving" + ], + [ + "Ġsacr", + "ific" + ], + [ + "ĠBas", + "ic" + ], + [ + "ĠBudd", + "ha" + ], + [ + "Ġcor", + "al" + ], + [ + "Ġoper", + "ators" + ], + [ + "Ġfe", + "ather" + ], + [ + "oca", + "ust" + ], + [ + "qu", + "arters" + ], + [ + "Ġsuper", + "visor" + ], + [ + "ĠDe", + "ath" + ], + [ + "ĠP", + "resent" + ], + [ + "ĠM", + "es" + ], + [ + "ĠT", + "ai" + ], + [ + "cons", + "in" + ], + [ + "Ġrub", + "ber" + ], + [ + "Ġequ", + "itable" + ], + [ + "ick", + "ed" + ], + [ + "Ġphys", + "iological" + ], + [ + "Ġfall", + "en" + ], + [ + "]", + "['" + ], + [ + "ur", + "i" + ], + [ + "S", + "ize" + ], + [ + "Ġdevast", + "ating" + ], + [ + "Se", + "cond" + ], + [ + "Ġexped", + "ition" + ], + [ + "ĠPol", + "itical" + ], + [ + "art", + "en" + ], + [ + "Ġpolic", + "ym" + ], + [ + "ĠLin", + "ux" + ], + [ + "Ġreserv", + "es" + ], + [ + "Ġrel", + "ies" + ], + [ + "Ġcolle", + "ges" + ], + [ + "Ġl", + "ambda" + ], + [ + "ex", + "ists" + ], + [ + "Ġal", + "phabet" + ], + [ + "N", + "orm" + ], + [ + "i", + "ac" + ], + [ + "Ġdispar", + "ities" + ], + [ + "b", + "one" + ], + [ + "ĠN", + "ation" + ], + [ + "em", + "ed" + ], + [ + "Ġdev", + "oted" + ], + [ + "Ġang", + "ry" + ], + [ + "Re", + "cent" + ], + [ + "ĠCon", + "text" + ], + [ + "Ġcorpor", + "ations" + ], + [ + "Ġnecess", + "ity" + ], + [ + "M", + "ax" + ], + [ + "Ġtravel", + "ed" + ], + [ + "M", + "et" + ], + [ + "com", + "plete" + ], + [ + "ĠDe", + "ep" + ], + [ + "ĠB", + "ell" + ], + [ + "Ġprevent", + "ed" + ], + [ + "Ġfest", + "ival" + ], + [ + "Ġun", + "comfort" + ], + [ + "Ġnavig", + "ation" + ], + [ + "Ġcomm", + "em" + ], + [ + "met", + "a" + ], + [ + "Ġepis", + "ode" + ], + [ + "\"", + "):" + ], + [ + "Ġchalleng", + "ed" + ], + [ + "ĠIndust", + "rial" + ], + [ + "n", + "odes" + ], + [ + "Ġf", + "ounder" + ], + [ + "ĠSwed", + "en" + ], + [ + "ĠF", + "ront" + ], + [ + "Ġre", + "wards" + ], + [ + "Ġp", + "ap" + ], + [ + "Ġshif", + "ting" + ], + [ + "Ġle", + "ak" + ], + [ + "ĠMary", + "land" + ], + [ + "our", + "ing" + ], + [ + "Ġa", + "ster" + ], + [ + "Ġst", + "iff" + ], + [ + "l", + "ob" + ], + [ + "w", + "hen" + ], + [ + "Ġh", + "ills" + ], + [ + "Ġde", + "com" + ], + [ + "ins", + "ula" + ], + [ + "ĠB", + "uild" + ], + [ + "ced", + "ented" + ], + [ + "W", + "ater" + ], + [ + "at", + "ories" + ], + [ + "Ġfound", + "ations" + ], + [ + "Ġo", + "ught" + ], + [ + "ĠB", + "an" + ], + [ + "Ġca", + "ution" + ], + [ + "w", + "he" + ], + [ + "Ġpract", + "iced" + ], + [ + "Ġstress", + "ed" + ], + [ + "b", + "n" + ], + [ + "ĠAr", + "ist" + ], + [ + "or", + "ney" + ], + [ + "c", + "ir" + ], + [ + "Ġprof", + "iles" + ], + [ + "li", + "ers" + ], + [ + "am", + "ents" + ], + [ + "AL", + "L" + ], + [ + "Ġtrig", + "gers" + ], + [ + "Ġcomp", + "act" + ], + [ + "Ġref", + "erring" + ], + [ + "Ġwat", + "ched" + ], + [ + "ĠA", + "k" + ], + [ + "Ġval", + "ued" + ], + [ + "Ġf", + "its" + ], + [ + "Ġconf", + "ront" + ], + [ + "ep", + "och" + ], + [ + "Ġcount", + "ing" + ], + [ + "Ġmet", + "er" + ], + [ + "Ġmat", + "ches" + ], + [ + "Ġv", + "iable" + ], + [ + "Me", + "an" + ], + [ + "ĠC", + "ape" + ], + [ + "Ġsim", + "ilarly" + ], + [ + "ĠGerm", + "ans" + ], + [ + "ing", + "le" + ], + [ + "opt", + "ion" + ], + [ + "A", + "nt" + ], + [ + "s", + "q" + ], + [ + "T", + "ake" + ], + [ + "D", + "ec" + ], + [ + "x", + "ual" + ], + [ + "Ġhazard", + "ous" + ], + [ + "ĠL", + "ove" + ], + [ + "Ġrespond", + "ed" + ], + [ + "It", + "em" + ], + [ + "Ġf", + "les" + ], + [ + "un", + "ks" + ], + [ + "ĠSt", + "one" + ], + [ + "Ġcat", + "ast" + ], + [ + "Ġrul", + "ing" + ], + [ + "Ġsymb", + "olic" + ], + [ + "Ġenh", + "ances" + ], + [ + "Ù", + "Ħ" + ], + [ + "Ġneed", + "le" + ], + [ + "Ġret", + "ire" + ], + [ + "Ġdrain", + "age" + ], + [ + "ri", + "ers" + ], + [ + "dom", + "inal" + ], + [ + "Ġv", + "on" + ], + [ + "Ġemphas", + "izes" + ], + [ + "het", + "ics" + ], + [ + "Ġmitig", + "ate" + ], + [ + "Ġem", + "ission" + ], + [ + "Ġcap", + "ability" + ], + [ + "ĠM", + "and" + ], + [ + "ac", + "ity" + ], + [ + "Ð", + "»" + ], + [ + "Ġbe", + "er" + ], + [ + "Ġex", + "acerb" + ], + [ + "ĠPhys", + "ics" + ], + [ + "Ġp", + "ediatric" + ], + [ + "ĠRec", + "ogn" + ], + [ + "Ġspir", + "its" + ], + [ + "IT", + "Y" + ], + [ + "ens", + "ing" + ], + [ + "requ", + "ency" + ], + [ + "Ġcor", + "ruption" + ], + [ + "Ġinc", + "idents" + ], + [ + "ĠC", + "it" + ], + [ + "ĠT", + "aylor" + ], + [ + "Ġint", + "im" + ], + [ + "in", + "ology" + ], + [ + "Ġsl", + "ide" + ], + [ + "Ġbelong", + "s" + ], + [ + "Ġverb", + "ose" + ], + [ + "Ġpredom", + "inant" + ], + [ + "ro", + "ck" + ], + [ + "ĠEm", + "peror" + ], + [ + "Ġlib", + "erty" + ], + [ + "================", + "================" + ], + [ + "Ġor", + "b" + ], + [ + "Ġhistor", + "ically" + ], + [ + "Ġwin", + "ning" + ], + [ + "b", + "ad" + ], + [ + "Ġinter", + "rupt" + ], + [ + "ĠR", + "E" + ], + [ + "ĠJ", + "on" + ], + [ + "Ġexp", + "end" + ], + [ + "k", + "o" + ], + [ + "Ġflu", + "ctu" + ], + [ + "ou", + "lt" + ], + [ + "ĠIdent", + "ify" + ], + [ + "Ġt", + "ensions" + ], + [ + "Ġgen", + "us" + ], + [ + "ce", + "eds" + ], + [ + "Ġbreat", + "he" + ], + [ + "Ġdefe", + "at" + ], + [ + "Ġflo", + "ating" + ], + [ + "ĠSu", + "ccess" + ], + [ + "Ġd", + "ow" + ], + [ + "Ġsh", + "ield" + ], + [ + "Ġmaxim", + "ize" + ], + [ + "Ġloc", + "ate" + ], + [ + "Ġpuzz", + "le" + ], + [ + "Ġentreprene", + "urs" + ], + [ + "h", + "ad" + ], + [ + "yl", + "on" + ], + [ + "t", + "orch" + ], + [ + "ĠTe", + "am" + ], + [ + "class", + "es" + ], + [ + "emb", + "ered" + ], + [ + "Ġstim", + "ulate" + ], + [ + "Ġritual", + "s" + ], + [ + "Ġper", + "mitted" + ], + [ + "cl", + "osed" + ], + [ + ".", + "-" + ], + [ + "Ġaff", + "irm" + ], + [ + "Ġdom", + "inated" + ], + [ + "h", + "r" + ], + [ + "c", + "am" + ], + [ + "Ġdam", + "aging" + ], + [ + "ĠStat", + "istics" + ], + [ + "Ġeduc", + "ate" + ], + [ + "Ch", + "rist" + ], + [ + "in", + "th" + ], + [ + "Ġgard", + "ening" + ], + [ + "Ġfost", + "ers" + ], + [ + "Ġinter", + "vals" + ], + [ + "ĠScott", + "ish" + ], + [ + "S", + "ym" + ], + [ + "met", + "ry" + ], + [ + "Ġrein", + "force" + ], + [ + "rec", + "ord" + ], + [ + "pl", + "ane" + ], + [ + "Ġautom", + "ated" + ], + [ + "Ġhol", + "istic" + ], + [ + "ĠIntellig", + "ence" + ], + [ + "h", + "ot" + ], + [ + "Ġex", + "clusively" + ], + [ + "ĠDar", + "win" + ], + [ + "Ġhard", + "ly" + ], + [ + "ign", + "ment" + ], + [ + "Ġent", + "ries" + ], + [ + "Ġhyper", + "t" + ], + [ + "Ġad", + "ul" + ], + [ + "IN", + "E" + ], + [ + "i", + "y" + ], + [ + "Ġpal", + "m" + ], + [ + "Ġmagn", + "esium" + ], + [ + "Ġmechan", + "ics" + ], + [ + "Ġcheck", + "ed" + ], + [ + "Ġrel", + "ates" + ], + [ + "cle", + "an" + ], + [ + "ĠM", + "uh" + ], + [ + "Ġattract", + "ed" + ], + [ + "j", + "o" + ], + [ + "ed", + "ay" + ], + [ + "Ġla", + "wn" + ], + [ + "Ġdeterm", + "ines" + ], + [ + "Ġtut", + "orial" + ], + [ + "Ġbul", + "k" + ], + [ + "Ġexplo", + "itation" + ], + [ + "Ġun", + "ited" + ], + [ + "ol", + "k" + ], + [ + "Ġa", + "ids" + ], + [ + "Ġro", + "d" + ], + [ + "ĠIn", + "nov" + ], + [ + "n", + "an" + ], + [ + "Ġmet", + "rics" + ], + [ + "Ġdiagn", + "ose" + ], + [ + "M", + "in" + ], + [ + "Ġdoll", + "ar" + ], + [ + "r", + "ank" + ], + [ + "Ġes", + "cap" + ], + [ + "ĠN", + "ep" + ], + [ + "C", + "all" + ], + [ + "m", + "aster" + ], + [ + "S", + "H" + ], + [ + "se", + "q" + ], + [ + "Ġadminist", + "ered" + ], + [ + "ĠCont", + "emporary" + ], + [ + "ĠR", + "a" + ], + [ + "Ġrec", + "ur" + ], + [ + "as", + "is" + ], + [ + "f", + "u" + ], + [ + "Ġcul", + "inary" + ], + [ + "og", + "ene" + ], + [ + "ĠLGBT", + "Q" + ], + [ + "pro", + "b" + ], + [ + "ó", + "n" + ], + [ + "Ġcrit", + "ics" + ], + [ + "Ġtalk", + "ed" + ], + [ + "ĠM", + "uch" + ], + [ + "Ġmet", + "ric" + ], + [ + "Ġflow", + "ing" + ], + [ + "Pro", + "t" + ], + [ + "pre", + "fix" + ], + [ + "Ġst", + "ir" + ], + [ + "pp", + "ers" + ], + [ + "Ġinflu", + "encing" + ], + [ + "Ġj", + "aw" + ], + [ + "ass", + "ment" + ], + [ + "Ġye", + "ast" + ], + [ + "ĠT", + "ib" + ], + [ + "Ġsucceed", + "ed" + ], + [ + "an", + "ol" + ], + [ + "ï¼", + "Į" + ], + [ + "Ġvolunt", + "eer" + ], + [ + "Ġbra", + "ve" + ], + [ + "Ġcook", + "ies" + ], + [ + "ĠF", + "em" + ], + [ + "d", + "iction" + ], + [ + "l", + "ate" + ], + [ + "Ġmis", + "under" + ], + [ + "fe", + "ature" + ], + [ + "Ġrepeated", + "ly" + ], + [ + "ru", + "p" + ], + [ + "Ġg", + "er" + ], + [ + "Ġrock", + "et" + ], + [ + "ad", + "ays" + ], + [ + "e", + "in" + ], + [ + "Ġder", + "iv" + ], + [ + "M", + "ake" + ], + [ + "Ġp", + "ars" + ], + [ + "Ġelect", + "rom" + ], + [ + "M", + "O" + ], + [ + "ress", + "ions" + ], + [ + "Ġinject", + "ion" + ], + [ + "ĠF", + "lu" + ], + [ + "ed", + "ies" + ], + [ + "ric", + "es" + ], + [ + "ote", + "chnology" + ], + [ + "B", + "oth" + ], + [ + "ĠChar", + "acter" + ], + [ + "Ġuncomfort", + "able" + ], + [ + "Ġdead", + "ly" + ], + [ + "ĠComm", + "and" + ], + [ + "Ġstorm", + "s" + ], + [ + "g", + "roups" + ], + [ + "arg", + "o" + ], + [ + "Ġpar", + "se" + ], + [ + "Ġwe", + "aken" + ], + [ + "he", + "art" + ], + [ + "m", + "us" + ], + [ + "R", + "ed" + ], + [ + "Ġcl", + "s" + ], + [ + "Ġadd", + "ict" + ], + [ + "âĢĿ", + ")" + ], + [ + "Ġhistor", + "ian" + ], + [ + "id", + "ays" + ], + [ + "Ġunder", + "m" + ], + [ + "ĠD", + "un" + ], + [ + "ĠS", + "leep" + ], + [ + "Ġgraph", + "ics" + ], + [ + ".", + "]" + ], + [ + "el", + "and" + ], + [ + "dis", + "ciplinary" + ], + [ + "ues", + "day" + ], + [ + "Ġinflamm", + "atory" + ], + [ + "Ġd", + "ens" + ], + [ + "Ġt", + "ear" + ], + [ + "ord", + "an" + ], + [ + "ne", + "x" + ], + [ + "Ġexpl", + "os" + ], + [ + "Ġcre", + "ations" + ], + [ + "ĠIndones", + "ia" + ], + [ + "Ġinsu", + "fficient" + ], + [ + "Ġterm", + "inal" + ], + [ + "Ġn", + "ick" + ], + [ + "Ġl", + "ying" + ], + [ + "ag", + "ger" + ], + [ + "ag", + "le" + ], + [ + "ĠDav", + "is" + ], + [ + "ĠP", + "ict" + ], + [ + "ĠS", + "ep" + ], + [ + "Ġtreat", + "s" + ], + [ + "ra", + "red" + ], + [ + "Ġpack", + "ages" + ], + [ + "ol", + "ine" + ], + [ + "Ġser", + "vers" + ], + [ + "(", + "*" + ], + [ + "cl", + "er" + ], + [ + ".", + "*" + ], + [ + "Th", + "ough" + ], + [ + "ris", + "k" + ], + [ + "ant", + "ine" + ], + [ + "Ġp", + "or" + ], + [ + "Ġepid", + "emic" + ], + [ + "Ġwealth", + "y" + ], + [ + "Ġgener", + "ator" + ], + [ + "Ġcirc", + "uits" + ], + [ + "Ġpref", + "erence" + ], + [ + "Ġgar", + "lic" + ], + [ + "trans", + "form" + ], + [ + "Ġsuppl", + "ied" + ], + [ + "zz", + "le" + ], + [ + "C", + "I" + ], + [ + "Ġspecial", + "ists" + ], + [ + "Ġin", + "k" + ], + [ + "se", + "ver" + ], + [ + "Ġmet", + "eor" + ], + [ + "Ġsun", + "ny" + ], + [ + "Ġread", + "s" + ], + [ + "ĠH", + "om" + ], + [ + "ĠN", + "G" + ], + [ + "Ġup", + "set" + ], + [ + "Ġdistingu", + "ished" + ], + [ + "Ġdiarr", + "hea" + ], + [ + "Ġint", + "ensive" + ], + [ + "Ġautom", + "atic" + ], + [ + "Ġinvestig", + "ations" + ], + [ + "load", + "s" + ], + [ + "ble", + "ms" + ], + [ + "Ġfold", + "er" + ], + [ + "Ġoccur", + "rence" + ], + [ + "ĠCor", + "ps" + ], + [ + "Ġdispos", + "al" + ], + [ + "ogn", + "itive" + ], + [ + "bur", + "gh" + ], + [ + "Ġmac", + "ro" + ], + [ + "restr", + "ial" + ], + [ + "Ġaccommod", + "ate" + ], + [ + "ĠA", + "h" + ], + [ + "ĠL", + "ay" + ], + [ + "Ġunpre", + "cedented" + ], + [ + "he", + "res" + ], + [ + "a", + "ft" + ], + [ + "Ġgl", + "and" + ], + [ + "ĠRes", + "ource" + ], + [ + "Ġdis", + "abled" + ], + [ + "Ġbuild", + "s" + ], + [ + "Ġdom", + "ains" + ], + [ + "Ġcoord", + "inates" + ], + [ + "ĠFrank", + "lin" + ], + [ + "Ġh", + "ind" + ], + [ + "Ġ", + "×" + ], + [ + "Ġillust", + "rations" + ], + [ + "plic", + "it" + ], + [ + "id", + "ae" + ], + [ + "och", + "ond" + ], + [ + "vel", + "t" + ], + [ + "O", + "rig" + ], + [ + "ur", + "ated" + ], + [ + "Ġnewsp", + "apers" + ], + [ + "Ġr", + "ou" + ], + [ + "Ġpublic", + "ly" + ], + [ + "Ġbu", + "gs" + ], + [ + "Ġaqu", + "atic" + ], + [ + "Ġge", + "ography" + ], + [ + "Ġconsider", + "ably" + ], + [ + "Ġassum", + "ption" + ], + [ + "Ġauton", + "omy" + ], + [ + "Ġsurviv", + "ors" + ], + [ + "Ġbrilli", + "ant" + ], + [ + "Ġter", + "rain" + ], + [ + "j", + "ob" + ], + [ + "Ġdel", + "ves" + ], + [ + "Ġenc", + "oding" + ], + [ + "Ġfra", + "ud" + ], + [ + "ĠS", + "ab" + ], + [ + "Ġmar", + "vel" + ], + [ + "Ġrom", + "antic" + ], + [ + "ĠY", + "e" + ], + [ + "RO", + "M" + ], + [ + "ilib", + "rium" + ], + [ + "ĠRom", + "ans" + ], + [ + "Ġal", + "arm" + ], + [ + "ĠCent", + "ers" + ], + [ + ")", + "[" + ], + [ + "app", + "ropriate" + ], + [ + "ĠQ", + "ur" + ], + [ + "Ġn", + "urse" + ], + [ + "ĠUr", + "ban" + ], + [ + "D", + "id" + ], + [ + "Ġv", + "ivid" + ], + [ + "Ġprotect", + "s" + ], + [ + "ĠD", + "aily" + ], + [ + "č", + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ" + ], + [ + "Ġsign", + "ature" + ], + [ + ".", + "||" + ], + [ + "ĠGovern", + "or" + ], + [ + "Ġhun", + "ger" + ], + [ + "Ġse", + "arc" + ], + [ + "he", + "astern" + ], + [ + "Ġper", + "ipher" + ], + [ + "Ġsitu", + "ated" + ], + [ + "hist", + "ory" + ], + [ + "Ġl", + "apt" + ], + [ + "ok", + "es" + ], + [ + "N", + "umber" + ], + [ + "s", + "n" + ], + [ + "ĠA", + "IDS" + ], + [ + "Ġfram", + "es" + ], + [ + "Ġhost", + "s" + ], + [ + "Ġrecept", + "ors" + ], + [ + "Ġa", + "rom" + ], + [ + "Ġb", + "ases" + ], + [ + "ĠG", + "ir" + ], + [ + "Ġver", + "t" + ], + [ + "ĠT", + "ax" + ], + [ + "arm", + "a" + ], + [ + "Ġread", + "ings" + ], + [ + "Ġch", + "ip" + ], + [ + "Ġcontrad", + "ict" + ], + [ + "re", + "nd" + ], + [ + "ĠH", + "ay" + ], + [ + "Ġunder", + "graduate" + ], + [ + "line", + "ar" + ], + [ + "Ġcoord", + "inate" + ], + [ + "Ġtr", + "ies" + ], + [ + "Ġm", + "ol" + ], + [ + "Ġcop", + "ing" + ], + [ + "ĠB", + "alt" + ], + [ + "P", + "ublic" + ], + [ + "Ġclos", + "est" + ], + [ + "p", + "air" + ], + [ + "Ġref", + "ine" + ], + [ + "Ġl", + "ig" + ], + [ + "Ġtrans", + "action" + ], + [ + "us", + "ers" + ], + [ + "ĠT", + "y" + ], + [ + "but", + "ton" + ], + [ + "Ġvulner", + "ability" + ], + [ + "Ġtarget", + "ing" + ], + [ + "Ġload", + "ed" + ], + [ + "ĠO", + "il" + ], + [ + "ential", + "s" + ], + [ + "Ġge", + "ographic" + ], + [ + "ub", + "le" + ], + [ + "Ġz", + "inc" + ], + [ + "Ġmass", + "es" + ], + [ + "Ġpl", + "ots" + ], + [ + "sec", + "ution" + ], + [ + "cent", + "er" + ], + [ + "m", + "t" + ], + [ + "est", + "eem" + ], + [ + "ĠI", + "d" + ], + [ + "ĠCom", + "b" + ], + [ + "Ind", + "ex" + ], + [ + "urs", + "day" + ], + [ + "ĠWis", + "consin" + ], + [ + "ĠM", + "aterials" + ], + [ + "vel", + "ation" + ], + [ + "Ġsw", + "allow" + ], + [ + "f", + "ather" + ], + [ + "Ġalumin", + "um" + ], + [ + "Ġhead", + "aches" + ], + [ + "k", + "al" + ], + [ + "ro", + "ts" + ], + [ + "Ġadvoc", + "ates" + ], + [ + "Ġn", + "as" + ], + [ + "Ġex", + "clusive" + ], + [ + "eful", + "ly" + ], + [ + "Ġbi", + "ases" + ], + [ + "c", + "hem" + ], + [ + "pre", + "t" + ], + [ + "Ġrecycl", + "ed" + ], + [ + "Ġorgan", + "isation" + ], + [ + "Ġh", + "ill" + ], + [ + "()", + "`" + ], + [ + "Ġmat", + "ching" + ], + [ + "step", + "s" + ], + [ + "G", + "R" + ], + [ + "Ġv", + "ocal" + ], + [ + "Ġw", + "ed" + ], + [ + "Ġmod", + "ifications" + ], + [ + "ĠGuid", + "elines" + ], + [ + "Ġunem", + "ployment" + ], + [ + "Ġconclud", + "e" + ], + [ + "ĠN", + "i" + ], + [ + "Ġb", + "ell" + ], + [ + ")", + "/" + ], + [ + "ĠG", + "rant" + ], + [ + "g", + "rim" + ], + [ + "Ġbrief", + "ly" + ], + [ + "Ġreg", + "ression" + ], + [ + "Ġload", + "s" + ], + [ + "Ġgalax", + "ies" + ], + [ + "ol", + "ves" + ], + [ + "Ġt", + "ensor" + ], + [ + "Ġadop", + "ting" + ], + [ + "Ġinvestig", + "ated" + ], + [ + "Ġcross", + "ing" + ], + [ + "AS", + "E" + ], + [ + "Ġf", + "ut" + ], + [ + "OR", + "T" + ], + [ + "ĠVol", + "ume" + ], + [ + "o", + "T" + ], + [ + "Ġb", + "ark" + ], + [ + "Ġgast", + "ro" + ], + [ + "Ġemp", + "irical" + ], + [ + "ivers", + "ary" + ], + [ + "ĠCreat", + "ive" + ], + [ + "net", + "work" + ], + [ + "ĠCom", + "par" + ], + [ + "Ġn", + "ort" + ], + [ + "x", + "f" + ], + [ + "Ġpath", + "ogens" + ], + [ + "ĠSer", + "ies" + ], + [ + "Ġth", + "umb" + ], + [ + "Ġad", + "mit" + ], + [ + "C", + "ent" + ], + [ + "ĠZ", + "h" + ], + [ + "Ġscre", + "ens" + ], + [ + "Ġprosper", + "ity" + ], + [ + "Ġsus", + "pected" + ], + [ + "Ġsatell", + "ites" + ], + [ + "Ġvalid", + "ation" + ], + [ + "c", + "d" + ], + [ + "il", + "ton" + ], + [ + "Ġb", + "eds" + ], + [ + "Ġt", + "ire" + ], + [ + "ast", + "ing" + ], + [ + "ĠSt", + "ay" + ], + [ + "Ġco", + "inc" + ], + [ + "Ġpath", + "way" + ], + [ + "ramew", + "ork" + ], + [ + "Ġall", + "ergy" + ], + [ + "Ġunw", + "anted" + ], + [ + "Ġle", + "ts" + ], + [ + "Ġprom", + "ised" + ], + [ + "Ġbeh", + "ave" + ], + [ + "Ġpow", + "ered" + ], + [ + "er", + "ial" + ], + [ + "oles", + "cent" + ], + [ + "Ġcl", + "arity" + ], + [ + "Ġremind", + "er" + ], + [ + "im", + "eter" + ], + [ + "x", + "b" + ], + [ + "Int", + "eg" + ], + [ + "Ġshad", + "ow" + ], + [ + "Ġsort", + "ed" + ], + [ + "P", + "arser" + ], + [ + "hed", + "ral" + ], + [ + "Ġfoot", + "ball" + ], + [ + "Ġdisapp", + "oint" + ], + [ + "b", + "uilding" + ], + [ + "Ġc", + "el" + ], + [ + "ĠP", + "R" + ], + [ + "sc", + "ript" + ], + [ + "ĠS", + "ex" + ], + [ + "ĠC", + "ook" + ], + [ + "ut", + "y" + ], + [ + "Ġb", + "es" + ], + [ + "V", + "is" + ], + [ + "ĠS", + "her" + ], + [ + "Ġperform", + "ances" + ], + [ + "ĠMark", + "et" + ], + [ + "ĠTh", + "om" + ], + [ + "ĠW", + "atch" + ], + [ + "Ġc", + "ues" + ], + [ + "Ġr", + "ats" + ], + [ + "Ġindic", + "ator" + ], + [ + "Ġdepict", + "ed" + ], + [ + "e", + "lement" + ], + [ + "Ġmethod", + "ology" + ], + [ + "ĠOnt", + "ario" + ], + [ + "E", + "nd" + ], + [ + "Ġconserv", + "ative" + ], + [ + "g", + "ender" + ], + [ + "il", + "ty" + ], + [ + "ĠPr", + "ime" + ], + [ + "an", + "ium" + ], + [ + "ob", + "e" + ], + [ + "c", + "ounter" + ], + [ + "ĠM", + "P" + ], + [ + "Ġdisput", + "es" + ], + [ + "ĠA", + "ges" + ], + [ + "le", + "arning" + ], + [ + "sem", + "ble" + ], + [ + "Ġrepl", + "acing" + ], + [ + "ine", + "a" + ], + [ + "Ġwalk", + "ed" + ], + [ + "Ġfl", + "ags" + ], + [ + "Ġsom", + "eday" + ], + [ + "ĠI", + "ron" + ], + [ + "Ġcomprom", + "ise" + ], + [ + "opath", + "y" + ], + [ + "ĠAv", + "ailable" + ], + [ + "nes", + "day" + ], + [ + "ig", + "s" + ], + [ + "Ġch", + "ips" + ], + [ + "Ġox", + "id" + ], + [ + "P", + "res" + ], + [ + "ĠVir", + "t" + ], + [ + "Ġar", + "c" + ], + [ + "em", + "et" + ], + [ + "ĠG", + "a" + ], + [ + "Ġl", + "ux" + ], + [ + "ĠGra", + "de" + ], + [ + "Ġen", + "act" + ], + [ + "ile", + "y" + ], + [ + "Ġcompar", + "able" + ], + [ + "clus", + "ivity" + ], + [ + "S", + "ign" + ], + [ + "ic", + "ides" + ], + [ + "Ġan", + "ten" + ], + [ + "ar", + "se" + ], + [ + "Ġ", + "å" + ], + [ + "Ġout", + "doors" + ], + [ + "ĠCont", + "act" + ], + [ + "Ġdark", + "ness" + ], + [ + "ĠC", + "op" + ], + [ + "Ġmiss", + "ed" + ], + [ + "Ġde", + "lete" + ], + [ + "Ġk", + "in" + ], + [ + "or", + "se" + ], + [ + "ĠH", + "ur" + ], + [ + "Ġsocial", + "ly" + ], + [ + "isc", + "al" + ], + [ + "Ġdet", + "erior" + ], + [ + "Ġpar", + "liament" + ], + [ + "']", + "[" + ], + [ + "Ġtri", + "ps" + ], + [ + "ĠAdv", + "anced" + ], + [ + "Ġoptim", + "ize" + ], + [ + "Ġ", + "//" + ], + [ + "Ġenc", + "ounters" + ], + [ + "Ġc", + "ensus" + ], + [ + "per", + "ial" + ], + [ + "ĠJe", + "an" + ], + [ + "Ġprom", + "otion" + ], + [ + "Ġgalax", + "y" + ], + [ + "ap", + "ore" + ], + [ + "it", + "oring" + ], + [ + "y", + "ers" + ], + [ + "Ġmyster", + "ies" + ], + [ + "em", + "bed" + ], + [ + "Ġcryst", + "al" + ], + [ + "Ġimport", + "ed" + ], + [ + "Ġcomb", + "ust" + ], + [ + "Ġb", + "ars" + ], + [ + "Ġtw", + "entieth" + ], + [ + "Ġpul", + "led" + ], + [ + "Ġacc", + "used" + ], + [ + "Ġprecip", + "itation" + ], + [ + "âĶĢ", + "âĶĢ" + ], + [ + "ĠCal", + "cul" + ], + [ + "ig", + "ating" + ], + [ + "ph", + "al" + ], + [ + "Ġspec", + "ify" + ], + [ + "ĠH", + "ab" + ], + [ + "Ġconstit", + "u" + ], + [ + "Ġprior", + "ities" + ], + [ + "Ġco", + "in" + ], + [ + "Ġinform", + "al" + ], + [ + "ĠM", + "os" + ], + [ + "Ċ", + "ĊĊĠĠĠ" + ], + [ + "Ġint", + "u" + ], + [ + "Ġpr", + "iest" + ], + [ + "et", + "o" + ], + [ + "Ġfe", + "e" + ], + [ + "anc", + "ies" + ], + [ + "Ġwond", + "ers" + ], + [ + "Ġinher", + "ited" + ], + [ + "čĊ", + "čĊĠĠĠĠĠĠĠ" + ], + [ + "Ġpip", + "eline" + ], + [ + "on", + "to" + ], + [ + "Ġs", + "perm" + ], + [ + "ac", + "ular" + ], + [ + "d", + "y" + ], + [ + "re", + "view" + ], + [ + "Ġind", + "ivid" + ], + [ + "de", + "g" + ], + [ + "ĠC", + "ut" + ], + [ + "Ġhop", + "ing" + ], + [ + "ĠSym", + "ptoms" + ], + [ + "ĠStrateg", + "ies" + ], + [ + "il", + "ateral" + ], + [ + "ĠH", + "as" + ], + [ + "Ġpl", + "ag" + ], + [ + "Ġepid", + "em" + ], + [ + "Ġste", + "ep" + ], + [ + "Ġl", + "ith" + ], + [ + "ĠS", + "D" + ], + [ + "ĠD", + "u" + ], + [ + "tt", + "es" + ], + [ + "inflamm", + "atory" + ], + [ + "Ġadvoc", + "acy" + ], + [ + "t", + "ensor" + ], + [ + "Ġpres", + "um" + ], + [ + "e", + "u" + ], + [ + "Ġprot", + "est" + ], + [ + "Ġpollut", + "ants" + ], + [ + "ĠVictor", + "ia" + ], + [ + "Ġcalc", + "ulation" + ], + [ + "ig", + "nt" + ], + [ + "s", + "un" + ], + [ + "Ġgener", + "ates" + ], + [ + "ĠR", + "ub" + ], + [ + "Ġret", + "ention" + ], + [ + "Ġrest", + "ored" + ], + [ + "Com", + "p" + ], + [ + "ĠL", + "ower" + ], + [ + "Ġrecomm", + "ends" + ], + [ + "ĠY", + "ears" + ], + [ + "Ġter", + "rible" + ], + [ + "ĠEst", + "ab" + ], + [ + "Ġadjust", + "ments" + ], + [ + "s", + "amples" + ], + [ + "ĠR", + "os" + ], + [ + "Ġcollabor", + "ate" + ], + [ + "ĠK", + "ansas" + ], + [ + "Ġexplan", + "ations" + ], + [ + "Ġicon", + "ic" + ], + [ + "ĠS", + "ac" + ], + [ + "pro", + "file" + ], + [ + "m", + "ia" + ], + [ + "Ġf", + "usion" + ], + [ + "Ġinstruct", + "or" + ], + [ + "Ġrele", + "ases" + ], + [ + "ias", + "m" + ], + [ + "o", + "vers" + ], + [ + "Ġin", + "cl" + ], + [ + "Ġpr", + "ies" + ], + [ + "Ġm", + "ercury" + ], + [ + "Ġsmall", + "est" + ], + [ + "e", + "ffect" + ], + [ + "ins", + "ic" + ], + [ + "ĠN", + "E" + ], + [ + "f", + "iction" + ], + [ + "Ġwh", + "ales" + ], + [ + "Ġcrow", + "d" + ], + [ + "e", + "ous" + ], + [ + "Ġmeth", + "ane" + ], + [ + "Ġin", + "adequ" + ], + [ + "Ġent", + "ers" + ], + [ + "G", + "roup" + ], + [ + "Ġenterpr", + "ise" + ], + [ + "column", + "s" + ], + [ + "now", + "ned" + ], + [ + "sw", + "er" + ], + [ + "ĠAct", + "ivity" + ], + [ + "Ġadv", + "ancing" + ], + [ + "Ġol", + "ive" + ], + [ + "ol", + "ly" + ], + [ + "Ġstandard", + "ized" + ], + [ + "ĠT", + "am" + ], + [ + "ĠB", + "ush" + ], + [ + "oe", + "conomic" + ], + [ + "ann", + "ot" + ], + [ + "Ġy", + "ard" + ], + [ + "Ġk", + "ings" + ], + [ + "Ġdecl", + "ined" + ], + [ + "Ġbeh", + "alf" + ], + [ + "S", + "R" + ], + [ + "ĠR", + "out" + ], + [ + ":", + "]" + ], + [ + "Ġtra", + "ject" + ], + [ + "ĠBel", + "g" + ], + [ + "Ġsoci", + "o" + ], + [ + "ues", + "e" + ], + [ + "Ġaccord", + "ance" + ], + [ + "(", + "__" + ], + [ + "Ġc", + "itation" + ], + [ + "Ġrem", + "embered" + ], + [ + "Ġfail", + "ures" + ], + [ + "Ġvom", + "iting" + ], + [ + "Ġc", + "ite" + ], + [ + "Ġcompet", + "e" + ], + [ + "ĠDep", + "ression" + ], + [ + "Ġattach", + "ment" + ], + [ + "Ġfun", + "gi" + ], + [ + "ĠTrans", + "port" + ], + [ + ".", + "')" + ], + [ + "Ġf", + "ict" + ], + [ + "ĠC", + "hemical" + ], + [ + "Ġpursu", + "it" + ], + [ + "w", + "d" + ], + [ + "st", + "at" + ], + [ + "Ġpoint", + "ing" + ], + [ + "Ġnecess", + "it" + ], + [ + "oose", + "velt" + ], + [ + "Ġres", + "erve" + ], + [ + "Ġaccess", + "ed" + ], + [ + "ĠMach", + "ine" + ], + [ + "Ġre", + "ar" + ], + [ + "Ġactiv", + "ists" + ], + [ + "ex", + "pl" + ], + [ + "Ġplace", + "ment" + ], + [ + "Ġmembers", + "hip" + ], + [ + "Ġep", + "och" + ], + [ + "ĠG", + "DP" + ], + [ + "ĠPlan", + "ning" + ], + [ + "Ġtra", + "ged" + ], + [ + "ox", + "ic" + ], + [ + "Ġmanip", + "ulation" + ], + [ + "ĠElect", + "ric" + ], + [ + "Ġr", + "ings" + ], + [ + "Ġover", + "se" + ], + [ + "Ġstrengthen", + "ing" + ], + [ + "Ġfun", + "g" + ], + [ + "Ġpos", + "es" + ], + [ + "Ġdial", + "og" + ], + [ + "Ġd", + "ot" + ], + [ + "Ġtra", + "ins" + ], + [ + "ic", + "ism" + ], + [ + "F", + "R" + ], + [ + "Ġcons", + "ol" + ], + [ + "Ġcon", + "ce" + ], + [ + "ĠB", + "h" + ], + [ + "ex", + "per" + ], + [ + "umb", + "led" + ], + [ + "Ġsevere", + "ly" + ], + [ + "m", + "ans" + ], + [ + "Ġhe", + "pat" + ], + [ + "Ġnic", + "he" + ], + [ + "Ġinher", + "it" + ], + [ + "al", + "pha" + ], + [ + "Ġanaly", + "tical" + ], + [ + "let", + "ter" + ], + [ + "ĠW", + "alk" + ], + [ + "Ġc", + "erv" + ], + [ + "ĠP", + "ap" + ], + [ + "Ġin", + "ver" + ], + [ + "ĠK", + "im" + ], + [ + "Ġassess", + "ing" + ], + [ + "uff", + "er" + ], + [ + "Ġbel", + "t" + ], + [ + "Ġfact", + "ories" + ], + [ + "V", + "D" + ], + [ + "Ġche", + "aper" + ], + [ + "Ġcomput", + "ational" + ], + [ + "Ġpack", + "ed" + ], + [ + "Ġtherap", + "ist" + ], + [ + "n", + "i" + ], + [ + "enn", + "a" + ], + [ + "cf", + "g" + ], + [ + "al", + "in" + ], + [ + "ĠP", + "RO" + ], + [ + "ĠG", + "h" + ], + [ + "Ġext", + "ending" + ], + [ + "('", + "/" + ], + [ + "Ġm", + "ud" + ], + [ + "ĠSpec", + "ies" + ], + [ + "i", + "encies" + ], + [ + "Ġper", + "ceive" + ], + [ + "ĠA", + "bs" + ], + [ + "ĠK", + "ar" + ], + [ + "Ġantibiot", + "ic" + ], + [ + "N", + "O" + ], + [ + "in", + "ces" + ], + [ + "Ġcomp", + "ression" + ], + [ + "um", + "er" + ], + [ + "Ġmus", + "h" + ], + [ + "fore", + "st" + ], + [ + "Ġmil", + "it" + ], + [ + "Ġd", + "irt" + ], + [ + "Ġkey", + "board" + ], + [ + "p", + "he" + ], + [ + "Ġal", + "leg" + ], + [ + "ĠP", + "erson" + ], + [ + "Ġtransl", + "ate" + ], + [ + "Ġless", + "er" + ], + [ + "e", + "ared" + ], + [ + "ĠBr", + "idge" + ], + [ + "Ġ", + "^" + ], + [ + "Ġbl", + "adder" + ], + [ + "ĠDou", + "gl" + ], + [ + "Ġu", + "pload" + ], + [ + "ac", + "cept" + ], + [ + "F", + "act" + ], + [ + "Ġinterpre", + "ted" + ], + [ + "l", + "on" + ], + [ + "ile", + "m" + ], + [ + "Ġsc", + "attered" + ], + [ + "Ġsu", + "ited" + ], + [ + "Ġparticip", + "ated" + ], + [ + "met", + "adata" + ], + [ + "ĠAl", + "low" + ], + [ + "Ġaest", + "hetic" + ], + [ + "ĠEn", + "s" + ], + [ + "Ġfar", + "mer" + ], + [ + "Ġconf", + "erences" + ], + [ + "Ġr", + "ival" + ], + [ + "Ġcount", + "ies" + ], + [ + "l", + "ings" + ], + [ + "Ġdram", + "a" + ], + [ + "ignt", + "y" + ], + [ + "Ġexec", + "ute" + ], + [ + "Ġd", + "y" + ], + [ + "ann", + "a" + ], + [ + "Ġtal", + "ent" + ], + [ + "Ġse", + "af" + ], + [ + "iff", + "s" + ], + [ + "Ġsp", + "here" + ], + [ + "plic", + "ity" + ], + [ + "Ġal", + "b" + ], + [ + "Ġinvent", + "ory" + ], + [ + "Ġs", + "ne" + ], + [ + "Ġneg", + "lect" + ], + [ + "\\", + "_" + ], + [ + "ĠJeff", + "erson" + ], + [ + "ĠÂ", + "°" + ], + [ + "Requ", + "est" + ], + [ + "ĠM", + "ong" + ], + [ + "ĠP", + "oll" + ], + [ + "Ġadapt", + "ive" + ], + [ + "Ġtrib", + "al" + ], + [ + "ĠSk", + "ills" + ], + [ + "ĠN", + "ap" + ], + [ + "Ġle", + "ver" + ], + [ + "Ġprom", + "ises" + ], + [ + "Ġfund", + "ament" + ], + [ + "Ġcont", + "ra" + ], + [ + "ĠTim", + "my" + ], + [ + "Ġspeak", + "s" + ], + [ + "Ġany", + "more" + ], + [ + "im", + "ity" + ], + [ + "Ġdig", + "estion" + ], + [ + "P", + "RO" + ], + [ + "Ġsm", + "ile" + ], + [ + "vious", + "ly" + ], + [ + "Ġm", + "akers" + ], + [ + "g", + "on" + ], + [ + "Ġorgan", + "isations" + ], + [ + "Ġgen", + "etically" + ], + [ + "ĠDep", + "ending" + ], + [ + "Ġwh", + "ilst" + ], + [ + "Ġben", + "ch" + ], + [ + "ĠSy", + "ria" + ], + [ + "ody", + "nam" + ], + [ + "atur", + "day" + ], + [ + "....", + "...." + ], + [ + "Ġroll", + "ing" + ], + [ + "ers", + "hip" + ], + [ + "Ġcost", + "ly" + ], + [ + "ĠAd", + "apt" + ], + [ + "ĠTra", + "ditional" + ], + [ + "Ġguid", + "ing" + ], + [ + "ak", + "i" + ], + [ + "emet", + "ery" + ], + [ + "Ġr", + "um" + ], + [ + "Ġ:", + ":" + ], + [ + "ĠÂ", + "·" + ], + [ + "t", + "mp" + ], + [ + "ĠG", + "ames" + ], + [ + "ens", + "ively" + ], + [ + "Ġemploy", + "er" + ], + [ + "ĠRes", + "erve" + ], + [ + "Ġover", + "weight" + ], + [ + "om", + "ed" + ], + [ + "bl", + "ack" + ], + [ + "oc", + "hemical" + ], + [ + "Ġann", + "ounce" + ], + [ + "Ġdiv", + "or" + ], + [ + "Ġcom", + "ic" + ], + [ + "roll", + "er" + ], + [ + "ith", + "ub" + ], + [ + "M", + "T" + ], + [ + "ow", + "a" + ], + [ + "ĠT", + "ypes" + ], + [ + "Ġbott", + "les" + ], + [ + "ĠGold", + "en" + ], + [ + "ation", + "ally" + ], + [ + "ĠW", + "as" + ], + [ + "ĠY", + "ellow" + ], + [ + "Pro", + "f" + ], + [ + "Ï", + "ģ" + ], + [ + "erg", + "arten" + ], + [ + "Ġappet", + "ite" + ], + [ + "us", + "r" + ], + [ + "Ġalt", + "ogether" + ], + [ + "UL", + "T" + ], + [ + "icult", + "ural" + ], + [ + "Ġw", + "ires" + ], + [ + "ĉĉĉĉ", + "ĉĉĉĉ" + ], + [ + "Ġcast", + "le" + ], + [ + "Ġlic", + "ensed" + ], + [ + "Ġoutput", + "s" + ], + [ + "Ġtun", + "nel" + ], + [ + "ĊĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠ" + ], + [ + "Ġnu", + "anced" + ], + [ + "oc", + "cer" + ], + [ + "Ġtext", + "book" + ], + [ + "Ġpip", + "es" + ], + [ + "Ġinterf", + "erence" + ], + [ + "D", + "isc" + ], + [ + "Ġl", + "ighter" + ], + [ + "or", + "ious" + ], + [ + "Ġch", + "im" + ], + [ + "Ġabs", + "ent" + ], + [ + "ĠP", + "red" + ], + [ + "Ġpolicym", + "akers" + ], + [ + "ix", + "ed" + ], + [ + "iot", + "ics" + ], + [ + "Ġiniti", + "ated" + ], + [ + "est", + "ry" + ], + [ + "um", + "a" + ], + [ + "ĠW", + "HO" + ], + [ + "Ġquant", + "itative" + ], + [ + "Ġnet", + "working" + ], + [ + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠ" + ], + [ + "ys", + "ics" + ], + [ + "g", + "iving" + ], + [ + "Ġnegot", + "iations" + ], + [ + "Ġsim", + "ulations" + ], + [ + "Ġunder", + "water" + ], + [ + "Ġinvestig", + "ating" + ], + [ + "Ġsepar", + "ately" + ], + [ + "i", + "ating" + ], + [ + "g", + "t" + ], + [ + "ou", + "b" + ], + [ + "am", + "ation" + ], + [ + "F", + "il" + ], + [ + "Ġcann", + "ab" + ], + [ + "Ġb", + "ay" + ], + [ + "ĠRet", + "urn" + ], + [ + "am", + "iliar" + ], + [ + "Ġor", + "n" + ], + [ + "Ġsu", + "pre" + ], + [ + "Ġg", + "aming" + ], + [ + "ĠB", + "ox" + ], + [ + "ĠS", + "ustainable" + ], + [ + "Ġdat", + "asets" + ], + [ + "ĠHT", + "ML" + ], + [ + "ĠS", + "ix" + ], + [ + "Ġdec", + "iding" + ], + [ + "Ġstri", + "p" + ], + [ + "Ġcardi", + "ac" + ], + [ + "Ġglass", + "es" + ], + [ + "Col", + "or" + ], + [ + "Ġca", + "ffe" + ], + [ + "Ġground", + "water" + ], + [ + "Ġsubst", + "itute" + ], + [ + "Ġresc", + "ue" + ], + [ + "ĠW", + "ould" + ], + [ + "ĠD", + "ynam" + ], + [ + "Ġins", + "ulation" + ], + [ + "ard", + "less" + ], + [ + "j", + "pg" + ], + [ + "p", + "ip" + ], + [ + "ĠM", + "it" + ], + [ + "Ġdes", + "ires" + ], + [ + "io", + "let" + ], + [ + "au", + "nt" + ], + [ + "Ġrad", + "ius" + ], + [ + "Ġoper", + "ates" + ], + [ + "O", + "K" + ], + [ + "Ġdes", + "irable" + ], + [ + "Ġod", + "ds" + ], + [ + "Ġan", + "not" + ], + [ + "Ġstrict", + "ly" + ], + [ + "Ġconcept", + "ual" + ], + [ + "p", + "c" + ], + [ + "Ġregist", + "ration" + ], + [ + "h", + "ave" + ], + [ + "Ġdemand", + "ing" + ], + [ + "ĠT", + "en" + ], + [ + "Ġappropri", + "ately" + ], + [ + "ION", + "S" + ], + [ + "ĠKenn", + "edy" + ], + [ + "ig", + "ion" + ], + [ + "ĠAm", + "endment" + ], + [ + "ĠTh", + "ings" + ], + [ + "d", + "ays" + ], + [ + "ĠSc", + "he" + ], + [ + "Ġrequest", + "ed" + ], + [ + "Ġre", + "lying" + ], + [ + "D", + "B" + ], + [ + "Ġris", + "es" + ], + [ + "wind", + "ow" + ], + [ + "m", + "id" + ], + [ + "Ġconv", + "ict" + ], + [ + "Ġe", + "cho" + ], + [ + "Ġl", + "enses" + ], + [ + "ĠâĢ", + "Ŀ" + ], + [ + "Ġwar", + "mer" + ], + [ + "Ġfrag", + "ments" + ], + [ + "Ġoptim", + "ization" + ], + [ + "ut", + "il" + ], + [ + "ĠF", + "ive" + ], + [ + "ĠLe", + "on" + ], + [ + "Ġtele", + "phone" + ], + [ + "h", + "ol" + ], + [ + "ĠMount", + "ains" + ], + [ + "A", + "I" + ], + [ + "ĠS", + "ud" + ], + [ + "ĠF", + "all" + ], + [ + "Ġpe", + "cul" + ], + [ + "Ġele", + "g" + ], + [ + "ĠAr", + "thur" + ], + [ + "ĠAr", + "gs" + ], + [ + "Ġceremon", + "y" + ], + [ + "Ġde", + "hyd" + ], + [ + "Ġtrans", + "cript" + ], + [ + "Ġneighb", + "oring" + ], + [ + "ĠF", + "er" + ], + [ + "Ġc", + "ro" + ], + [ + "*", + ":" + ], + [ + "Ġreform", + "s" + ], + [ + "Ġtempor", + "al" + ], + [ + "ac", + "adem" + ], + [ + "Ġprop", + "he" + ], + [ + "w", + "ill" + ], + [ + "Ġcon", + "vention" + ], + [ + "Ġfre", + "ed" + ], + [ + "Ġsure", + "ly" + ], + [ + "z", + "ero" + ], + [ + "Ġanx", + "ious" + ], + [ + "Ġobtain", + "ing" + ], + [ + "ĠTreat", + "y" + ], + [ + "il", + "ient" + ], + [ + "est", + "inal" + ], + [ + "dr", + "iven" + ], + [ + "Ġschem", + "es" + ], + [ + "Ġl", + "augh" + ], + [ + "Ġsu", + "cc" + ], + [ + "cur", + "sor" + ], + [ + "Ġcou", + "pled" + ], + [ + "Ġh", + "ate" + ], + [ + "ut", + "ri" + ], + [ + "Ġcapt", + "uring" + ], + [ + "m", + "d" + ], + [ + "ĠR", + "ay" + ], + [ + "Ġfor", + "b" + ], + [ + "Ġoutl", + "ined" + ], + [ + "ĠP", + "ear" + ], + [ + "G", + "L" + ], + [ + "reg", + "ister" + ], + [ + "sc", + "ill" + ], + [ + "ĠMuh", + "ammad" + ], + [ + "Ġclos", + "ing" + ], + [ + "In", + "tern" + ], + [ + "we", + "ek" + ], + [ + "ĠOver", + "view" + ], + [ + "ĠMil", + "itary" + ], + [ + "Ġtri", + "um" + ], + [ + "Ġarchae", + "ological" + ], + [ + "ĠRepublic", + "an" + ], + [ + "B", + "el" + ], + [ + "ĠCapt", + "ain" + ], + [ + "Ġart", + "ic" + ], + [ + "M", + "us" + ], + [ + "Ġtom", + "orrow" + ], + [ + "Ð", + "º" + ], + [ + "Ġsl", + "ope" + ], + [ + "Ġacadem", + "ia" + ], + [ + "ĠR", + "oosevelt" + ], + [ + "S", + "um" + ], + [ + "ĠAr", + "gent" + ], + [ + "Ġconnect", + "s" + ], + [ + "ĠCount", + "ry" + ], + [ + "Ġbo", + "ats" + ], + [ + "ĠTurk", + "ish" + ], + [ + "Ġmount", + "ed" + ], + [ + "ĠHol", + "ocaust" + ], + [ + "ĠCorpor", + "ation" + ], + [ + "*", + "." + ], + [ + "Ġar", + "rays" + ], + [ + "ut", + "f" + ], + [ + "Ġtelesc", + "ope" + ], + [ + "unci", + "ation" + ], + [ + "Ġp", + "ad" + ], + [ + "Ġblock", + "chain" + ], + [ + "Ġforg", + "otten" + ], + [ + "Ġrespect", + "ed" + ], + [ + "Ġpharm", + "ac" + ], + [ + "al", + "o" + ], + [ + "Ġpro", + "c" + ], + [ + "Ġindivid", + "ually" + ], + [ + "Ġcelebr", + "ating" + ], + [ + "Ġcon", + "dem" + ], + [ + "Ġprom", + "oted" + ], + [ + "Ġtim", + "ber" + ], + [ + "Ġastron", + "aut" + ], + [ + "Ġd", + "rew" + ], + [ + "ĠPers", + "ian" + ], + [ + "E", + "l" + ], + [ + "Ġcommunic", + "ating" + ], + [ + "M", + "ain" + ], + [ + "Ġfirm", + "ly" + ], + [ + "KE", + "Y" + ], + [ + "ĠTib", + "et" + ], + [ + "ke", + "ep" + ], + [ + "light", + "en" + ], + [ + "Ġalle", + "v" + ], + [ + "ĠFre", + "edom" + ], + [ + "Ġoblig", + "ations" + ], + [ + "Ġtem", + "pt" + ], + [ + "Ġz", + "ip" + ], + [ + "ĠS", + "a" + ], + [ + "Ġgovern", + "or" + ], + [ + "ĠF", + "ord" + ], + [ + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "Ġ" + ], + [ + "Ġpost", + "ure" + ], + [ + "Ġvolcan", + "ic" + ], + [ + "D", + "iff" + ], + [ + "he", + "ld" + ], + [ + "es", + "see" + ], + [ + "Ġindu", + "ced" + ], + [ + "Ġexcept", + "ions" + ], + [ + "inst", + "ein" + ], + [ + "ĠHealth", + "y" + ], + [ + "Ġpresent", + "ations" + ], + [ + "Ġcha", + "os" + ], + [ + "ĠFore", + "ign" + ], + [ + "M", + "essage" + ], + [ + "ĠR", + "un" + ], + [ + "Ġ\"", + "\"" + ], + [ + "Ġshort", + "ly" + ], + [ + "Ġjew", + "el" + ], + [ + "ĠP", + "H" + ], + [ + "ĠH", + "ind" + ], + [ + "Ġweakness", + "es" + ], + [ + "el", + "se" + ], + [ + "Ġschedul", + "ed" + ], + [ + "ĠE", + "dition" + ], + [ + "ĠP", + "rize" + ], + [ + "ĠCon", + "vers" + ], + [ + "ĠP", + "rior" + ], + [ + "Ġenthus", + "iasm" + ], + [ + "Ġpres", + "chool" + ], + [ + "Ġed", + "itors" + ], + [ + "ĠMe", + "chan" + ], + [ + "Ġimpact", + "ed" + ], + [ + "Ġrec", + "overed" + ], + [ + "Ġc", + "ache" + ], + [ + "ĠG", + "ive" + ], + [ + "ĠEvent", + "ually" + ], + [ + "Ġra", + "ces" + ], + [ + "o", + "en" + ], + [ + "Ġconcent", + "rate" + ], + [ + "Ġbreak", + "fast" + ], + [ + "ch", + "i" + ], + [ + "Ġprot", + "agon" + ], + [ + "Ġrout", + "ines" + ], + [ + "Ġextract", + "ed" + ], + [ + "ĠCir", + "c" + ], + [ + "els", + "on" + ], + [ + "Ġapp", + "les" + ], + [ + "ob", + "i" + ], + [ + "Ġlect", + "ures" + ], + [ + "Ġd", + "a" + ], + [ + "F", + "L" + ], + [ + "H", + "er" + ], + [ + "ĠL", + "ind" + ], + [ + "Ġb", + "om" + ], + [ + "Ġtim", + "ely" + ], + [ + "Ġmoment", + "um" + ], + [ + "Ġpiv", + "otal" + ], + [ + "S", + "ometimes" + ], + [ + "ĠV", + "ersion" + ], + [ + "ĠPol", + "ish" + ], + [ + "Ġfif", + "ty" + ], + [ + "Ġpre", + "st" + ], + [ + "Hist", + "ory" + ], + [ + "ĠS", + "pr" + ], + [ + "ĠM", + "IT" + ], + [ + "Ġpe", + "pper" + ], + [ + "ĠC", + "L" + ], + [ + "Ġmed", + "ian" + ], + [ + "organ", + "isms" + ], + [ + "ĠB", + "ad" + ], + [ + "Ġsil", + "ent" + ], + [ + "pe", + "at" + ], + [ + "ause", + "a" + ], + [ + "ot", + "le" + ], + [ + "Com", + "mon" + ], + [ + "Ġmut", + "ation" + ], + [ + "R", + "AN" + ], + [ + "Ġtomat", + "oes" + ], + [ + "Ġc", + "eram" + ], + [ + "ĠD", + "uke" + ], + [ + "Ġthr", + "illing" + ], + [ + "Ġende", + "av" + ], + [ + "ric", + "ks" + ], + [ + "over", + "ing" + ], + [ + "erg", + "ies" + ], + [ + "Ġprogram", + "mes" + ], + [ + "Ġst", + "ays" + ], + [ + "M", + "ult" + ], + [ + "Ġmet", + "res" + ], + [ + "Ġtest", + "im" + ], + [ + "Ġreb", + "ell" + ], + [ + "Ġmagn", + "ific" + ], + [ + "ĠEduc", + "ational" + ], + [ + "ĠG", + "reg" + ], + [ + "Ġlarv", + "ae" + ], + [ + "Ġwitness", + "ed" + ], + [ + "ĠComp", + "an" + ], + [ + "gl", + "obal" + ], + [ + "or", + "ne" + ], + [ + "ĠR", + "og" + ], + [ + "Ġ", + "ions" + ], + [ + "Ġus", + "ername" + ], + [ + "Ġdest", + "ro" + ], + [ + "ĠCon", + "cept" + ], + [ + "Ġpass", + "engers" + ], + [ + "s", + "ens" + ], + [ + "ĠT", + "alk" + ], + [ + "ĠAfghan", + "istan" + ], + [ + "Ġg", + "rey" + ], + [ + "k", + "h" + ], + [ + "Ġneurolog", + "ical" + ], + [ + "ĠT", + "al" + ], + [ + "Ġmig", + "rations" + ], + [ + "ĠFin", + "ancial" + ], + [ + "it", + "ics" + ], + [ + "Ġprem", + "ature" + ], + [ + "Ġsug", + "ars" + ], + [ + "Ġin", + "quiry" + ], + [ + "are", + "ttes" + ], + [ + "O", + "pt" + ], + [ + "s", + "leep" + ], + [ + "Ġbuff", + "er" + ], + [ + "st", + "ra" + ], + [ + "Ġposs", + "ession" + ], + [ + "ĠPhilipp", + "ines" + ], + [ + "ĠL", + "arge" + ], + [ + "roll", + "ing" + ], + [ + "Ġmis", + "con" + ], + [ + "Ġemotion", + "ally" + ], + [ + "Ġwh", + "ites" + ], + [ + "up", + "iter" + ], + [ + "Ġelig", + "ible" + ], + [ + "Ġf", + "ier" + ], + [ + "Ġh", + "int" + ], + [ + "au", + "nd" + ], + [ + "Ġaccum", + "ulation" + ], + [ + "Ġmanip", + "ulate" + ], + [ + "Ġmanufact", + "ured" + ], + [ + "ĠP", + "a" + ], + [ + "Ġr", + "iding" + ], + [ + "ĠM", + "ission" + ], + [ + "B", + "O" + ], + [ + "Ġmor", + "ality" + ], + [ + "Ġbr", + "ut" + ], + [ + "ĠAr", + "men" + ], + [ + "Ġpos", + "ed" + ], + [ + "Ġas", + "ync" + ], + [ + "ĠO", + "s" + ], + [ + "ĠAl", + "ong" + ], + [ + "Ġplan", + "es" + ], + [ + "oth", + "s" + ], + [ + "Ġom", + "ega" + ], + [ + "ĠTr", + "ump" + ], + [ + "E", + "vent" + ], + [ + "l", + "ied" + ], + [ + "Ġc", + "uisine" + ], + [ + "Ġbl", + "acks" + ], + [ + "ĠD", + "ate" + ], + [ + "opt", + "im" + ], + [ + "he", + "ster" + ], + [ + "Ġtra", + "ced" + ], + [ + "ĠM", + "agn" + ], + [ + "Ġones", + "elf" + ], + [ + "Ġrespond", + "ing" + ], + [ + "Ġmel", + "an" + ], + [ + "Ġch", + "op" + ], + [ + "E", + "lement" + ], + [ + "ĠCol", + "lection" + ], + [ + "j", + "an" + ], + [ + "unct", + "ure" + ], + [ + "Ġpoly", + "mer" + ], + [ + "Ġchart", + "s" + ], + [ + "au", + "x" + ], + [ + "Ġrep", + "os" + ], + [ + "ĠO", + "wn" + ], + [ + "exec", + "ute" + ], + [ + "Ġg", + "ums" + ], + [ + "b", + "ool" + ], + [ + "Ġth", + "y" + ], + [ + "ĠMill", + "er" + ], + [ + "Ġv", + "apor" + ], + [ + "Ġtrans", + "ist" + ], + [ + "ĠP", + "ast" + ], + [ + "Ġelab", + "orate" + ], + [ + "â", + "Ħ" + ], + [ + "S", + "ON" + ], + [ + "ĠAd", + "vent" + ], + [ + "f", + "our" + ], + [ + "ov", + "a" + ], + [ + "Ġalign", + "ed" + ], + [ + "pro", + "of" + ], + [ + "Ġfl", + "ies" + ], + [ + "ar", + "ms" + ], + [ + "Ġalle", + "ged" + ], + [ + "Ġdisput", + "e" + ], + [ + "Ġmel", + "ting" + ], + [ + "Ġlegit", + "imate" + ], + [ + "w", + "ait" + ], + [ + "Ġbow", + "el" + ], + [ + "we", + "ights" + ], + [ + "Ġgen", + "res" + ], + [ + "Ġenvironment", + "ally" + ], + [ + "ult", + "ure" + ], + [ + "Ġunf", + "air" + ], + [ + "f", + "ive" + ], + [ + "Ġconf", + "ron" + ], + [ + "Ġadv", + "ised" + ], + [ + "ĠR", + "ap" + ], + [ + "tern", + "s" + ], + [ + "ĠMat", + "thew" + ], + [ + "Ġintermedi", + "ate" + ], + [ + "Ġslow", + "er" + ], + [ + "Ġpoll", + "en" + ], + [ + "â", + "ĪĴ" + ], + [ + "Ġpul", + "se" + ], + [ + "ĠC", + "ru" + ], + [ + "Ġdis", + "p" + ], + [ + "Scient", + "ists" + ], + [ + "Ġsk", + "ull" + ], + [ + "Ġoccas", + "ions" + ], + [ + "Ġb", + "od" + ], + [ + "Ġsoci", + "oeconomic" + ], + [ + "Ġacknowled", + "ging" + ], + [ + "Ġphys", + "ic" + ], + [ + "----------------", + "------------" + ], + [ + "oult", + "ry" + ], + [ + "Ġep", + "ic" + ], + [ + "av", + "ailable" + ], + [ + "Ġpharm", + "aceutical" + ], + [ + "('", + "--" + ], + [ + "ĠAg", + "ree" + ], + [ + "f", + "in" + ], + [ + "ĠM", + "oh" + ], + [ + "off", + "set" + ], + [ + "ĠDef", + "ense" + ], + [ + "Ġden", + "ied" + ], + [ + "Ġcontrovers", + "y" + ], + [ + "ur", + "red" + ], + [ + "Ġb", + "on" + ], + [ + "ĠHis", + "pan" + ], + [ + "Ġcav", + "ity" + ], + [ + "ik", + "h" + ], + [ + "isp", + "here" + ], + [ + "igh", + "ters" + ], + [ + "Ġcons", + "p" + ], + [ + "ĠP", + "il" + ], + [ + "Ġbust", + "ling" + ], + [ + "ĠN", + "ig" + ], + [ + "Ġbreak", + "through" + ], + [ + "Ġconvin", + "ced" + ], + [ + "Ġsubstant", + "ially" + ], + [ + "Ġbl", + "ame" + ], + [ + "Ġconj", + "unction" + ], + [ + "or", + "ie" + ], + [ + "Ġc", + "um" + ], + [ + "Ġjuris", + "diction" + ], + [ + "Ġsynt", + "hes" + ], + [ + "Ġoffs", + "pring" + ], + [ + "Ġm", + "arch" + ], + [ + "Ġsec", + "ular" + ], + [ + ".", + "\"," + ], + [ + "F", + "ree" + ], + [ + "it", + "ime" + ], + [ + "Ġfor", + "cing" + ], + [ + "art", + "icles" + ], + [ + "Ġ\"", + "," + ], + [ + "ĠK", + "at" + ], + [ + "Ġin", + "cons" + ], + [ + "est", + "y" + ], + [ + "ĠSing", + "apore" + ], + [ + "Ġrelie", + "ve" + ], + [ + "Ġcivil", + "izations" + ], + [ + "ĠPl", + "ants" + ], + [ + "Ġan", + "est" + ], + [ + "eng", + "u" + ], + [ + "ĠC", + "ensus" + ], + [ + "Ġtremend", + "ous" + ], + [ + "M", + "r" + ], + [ + "Ġmult", + "if" + ], + [ + "ĠB", + "oy" + ], + [ + "Ġtit", + "led" + ], + [ + "Ġsatisf", + "ied" + ], + [ + "osp", + "here" + ], + [ + "id", + "el" + ], + [ + "Ġw", + "ax" + ], + [ + "Ġar", + "ises" + ], + [ + "ins", + "ert" + ], + [ + "Ġres", + "idence" + ], + [ + "py", + "test" + ], + [ + "Ġth", + "rown" + ], + [ + "ĠM", + "u" + ], + [ + "Ġde", + "emed" + ], + [ + "b", + "led" + ], + [ + "Ġdiv", + "isions" + ], + [ + "Ġpassion", + "ate" + ], + [ + "Ġre", + "nowned" + ], + [ + "ĠDie", + "go" + ], + [ + "T", + "A" + ], + [ + "x", + "ml" + ], + [ + "ĠB", + "ird" + ], + [ + "pl", + "ing" + ], + [ + "Ġappe", + "aling" + ], + [ + "A", + "ug" + ], + [ + "ĠObs", + "erv" + ], + [ + "us", + "ive" + ], + [ + "Ġleg", + "ally" + ], + [ + "Â", + "©" + ], + [ + "Ġamb", + "ig" + ], + [ + "S", + "everal" + ], + [ + "ĠH", + "unt" + ], + [ + "Ġde", + "ar" + ], + [ + "l", + "anguage" + ], + [ + "Ġun", + "clear" + ], + [ + "b", + "ral" + ], + [ + "sh", + "ot" + ], + [ + "Ġsau", + "ce" + ], + [ + "Ġfert", + "ile" + ], + [ + "ĠHawai", + "i" + ], + [ + "Ġb", + "rick" + ], + [ + "ul", + "as" + ], + [ + "C", + "opyright" + ], + [ + "Ġrad", + "ar" + ], + [ + "N", + "um" + ], + [ + "ress", + "es" + ], + [ + "ĠMon", + "th" + ], + [ + "ĠCl", + "ark" + ], + [ + "Ġcitizens", + "hip" + ], + [ + "ĠPortug", + "uese" + ], + [ + "Ġs", + "ends" + ], + [ + "Ġw", + "ool" + ], + [ + "ĠĠĠĠĠĠĠĠ", + "ĠĠĠĠ" + ], + [ + "im", + "ated" + ], + [ + "Ġ'", + "," + ], + [ + "P", + "P" + ], + [ + "es", + "ome" + ], + [ + "w", + "iki" + ], + [ + "Ġjud", + "ges" + ], + [ + "ef", + "t" + ], + [ + "ĠThom", + "pson" + ], + [ + "Ġlegisl", + "ative" + ], + [ + "d", + "t" + ], + [ + "Ġwork", + "force" + ], + [ + "d", + "am" + ], + [ + "ole", + "cular" + ], + [ + "Ġg", + "ay" + ], + [ + "pro", + "du" + ], + [ + "Ġany", + "way" + ], + [ + "pro", + "to" + ], + [ + "Ġh", + "ub" + ], + [ + "ĠO", + "p" + ], + [ + "Ġproject", + "ed" + ], + [ + "Ġunf", + "amiliar" + ], + [ + "ĠC", + "ustom" + ], + [ + "ĠEth", + "iop" + ], + [ + "pre", + "hens" + ], + [ + "Ġhand", + "y" + ], + [ + "ĠH", + "old" + ], + [ + "Ġdign", + "ity" + ], + [ + "ĠB", + "ow" + ], + [ + "Ġsol", + "ved" + ], + [ + "Ġfles", + "h" + ], + [ + "ĠB", + "all" + ], + [ + "ĠAust", + "ria" + ], + [ + "We", + "b" + ], + [ + "op", + "hers" + ], + [ + "su", + "per" + ], + [ + "A", + "cc" + ], + [ + "ĠL", + "ily" + ], + [ + "are", + "n" + ], + [ + "ĠCh", + "ile" + ], + [ + "indu", + "ced" + ], + [ + "Ġrecept", + "or" + ], + [ + "let", + "al" + ], + [ + "Ġpro", + "state" + ], + [ + "m", + "outh" + ], + [ + "Ġab", + "dominal" + ], + [ + "Ġre", + "ass" + ], + [ + "ĠJ", + "o" + ], + [ + "ĠUt", + "il" + ], + [ + "ĠInd", + "ependence" + ], + [ + "Ġinv", + "isible" + ], + [ + "ĠChall", + "enges" + ], + [ + "G", + "od" + ], + [ + "S", + "M" + ], + [ + "Ä", + "«" + ], + [ + "cl", + "ip" + ], + [ + "â", + "Ĥ¬" + ], + [ + "test", + "s" + ], + [ + "ĠNor", + "way" + ], + [ + "Ġemphas", + "ized" + ], + [ + "?", + ")" + ], + [ + "f", + "at" + ], + [ + "G", + "B" + ], + [ + "Ġconsist", + "ed" + ], + [ + "Ġsurv", + "iving" + ], + [ + "Ġrev", + "ision" + ], + [ + "ras", + "ound" + ], + [ + "Ġimp", + "aired" + ], + [ + "ĠPol", + "y" + ], + [ + "Ġpla", + "que" + ], + [ + "Ġ'", + "__" + ], + [ + "ĠL", + "o" + ], + [ + "Ġlet", + "ting" + ], + [ + "ĠResp", + "onse" + ], + [ + "I", + "X" + ], + [ + "Ġclass", + "mates" + ], + [ + "Ġpro", + "st" + ], + [ + "Ġenjoy", + "able" + ], + [ + "st", + "ats" + ], + [ + "ĠAb", + "original" + ], + [ + "mon", + "ary" + ], + [ + "Ġed", + "ited" + ], + [ + "ĠCreat", + "ing" + ], + [ + "ac", + "cur" + ], + [ + "ĠSm", + "art" + ], + [ + "Ġtable", + "ts" + ], + [ + "l", + "ass" + ], + [ + "Ġtre", + "asure" + ], + [ + "Ġworkshe", + "et" + ], + [ + "Ġr", + "anks" + ], + [ + "G", + "ood" + ], + [ + "Ġpur", + "ple" + ], + [ + "ĠL", + "ands" + ], + [ + "ĠDis", + "order" + ], + [ + "Ġsp", + "r" + ], + [ + "G", + "A" + ], + [ + "l", + "ies" + ], + [ + "ĠAr", + "k" + ], + [ + "int", + "erest" + ], + [ + "ex", + "cept" + ], + [ + "tes", + "y" + ], + [ + "Î", + "µ" + ], + [ + "Ġw", + "ounds" + ], + [ + "Ġnot", + "ably" + ], + [ + "in", + "formation" + ], + [ + "ch", + "annels" + ], + [ + "ĠIsrael", + "i" + ], + [ + "AT", + "A" + ], + [ + "J", + "an" + ], + [ + "ĠUs", + "ually" + ], + [ + "Ġthe", + "ater" + ], + [ + "ĠE", + "X" + ], + [ + "k", + "m" + ], + [ + "Ġb", + "rows" + ], + [ + "Ġav", + "en" + ], + [ + "AR", + "S" + ], + [ + "Ġsil", + "ence" + ], + [ + "Ġin", + "clusivity" + ], + [ + "ĠT", + "our" + ], + [ + "Ġlack", + "ing" + ], + [ + "Ġstri", + "kes" + ], + [ + "Ġsal", + "ary" + ], + [ + "ĠH", + "ad" + ], + [ + "Ġban", + "king" + ], + [ + "ell", + "ar" + ], + [ + "Ġ", + "ip" + ], + [ + "Ġsuper", + "vision" + ], + [ + "Ġm", + "elt" + ], + [ + "ĠI", + "ce" + ], + [ + "new", + "s" + ], + [ + "Ġec", + "ology" + ], + [ + "Bl", + "ack" + ], + [ + "ol", + "ith" + ], + [ + "Ġsimpl", + "er" + ], + [ + "ac", + "ke" + ], + [ + "ĠEffect", + "s" + ], + [ + "od", + "ge" + ], + [ + "Ġtra", + "p" + ], + [ + "Ġd", + "os" + ], + [ + "im", + "ation" + ], + [ + "Ġox", + "ide" + ], + [ + "ĠDet", + "erm" + ], + [ + "Ġun", + "iqu" + ], + [ + "Ġcultiv", + "ating" + ], + [ + "ĠProt", + "ect" + ], + [ + "ĠO", + "w" + ], + [ + "ĠAn", + "ne" + ], + [ + "Ġpoison", + "ing" + ], + [ + "ĠUt", + "ah" + ], + [ + "E", + "urope" + ], + [ + "Ġvari", + "ability" + ], + [ + "Ġpersonal", + "ized" + ], + [ + "im", + "s" + ], + [ + "Ġdecre", + "asing" + ], + [ + "Ġcar", + "cin" + ], + [ + "Ġflu", + "x" + ], + [ + "m", + "n" + ], + [ + "Ġwhe", + "els" + ], + [ + "O", + "pen" + ], + [ + "ER", + "E" + ], + [ + "ad", + "min" + ], + [ + "IN", + "D" + ], + [ + "Ġun", + "healthy" + ], + [ + "ĠSy", + "ndrome" + ], + [ + "ĠProp", + "het" + ], + [ + "Ġst", + "oring" + ], + [ + "ĠW", + "H" + ], + [ + "E", + "nt" + ], + [ + "h", + "ash" + ], + [ + "ĠTe", + "le" + ], + [ + "Ġnav", + "al" + ], + [ + "Ġde", + "ce" + ], + [ + "Ġsp", + "ont" + ], + [ + "Ġauton", + "omous" + ], + [ + "Ġincent", + "ives" + ], + [ + "ĠA", + "mb" + ], + [ + "m", + "ill" + ], + [ + "Ġident", + "ifies" + ], + [ + "Ġrehab", + "ilitation" + ], + [ + "ĠR", + "aj" + ], + [ + "ĠRes", + "ults" + ], + [ + "Ġstret", + "ching" + ], + [ + "Ġsn", + "ake" + ], + [ + "ound", + "ing" + ], + [ + "Ġkid", + "neys" + ], + [ + "Ġb", + "alls" + ], + [ + "ve", + "ment" + ], + [ + "L", + "oad" + ], + [ + "ĠF", + "low" + ], + [ + "V", + "ol" + ], + [ + "Ġpot", + "ent" + ], + [ + "Ġm", + "ast" + ], + [ + "Ġint", + "act" + ], + [ + "t", + "ail" + ], + [ + "Ġcra", + "fting" + ], + [ + "ex", + "it" + ], + [ + "ĠAd", + "ams" + ], + [ + "ĠPub", + "lishing" + ], + [ + "----", + "---" + ], + [ + "ĠAl", + "bert" + ], + [ + "Ġse", + "as" + ], + [ + "ĠLouis", + "iana" + ], + [ + "Ġam", + "bit" + ], + [ + "Ġag", + "enda" + ], + [ + "Ġopen", + "ly" + ], + [ + "Th", + "us" + ], + [ + "ru", + "ce" + ], + [ + "Ġg", + "ross" + ], + [ + "int", + "on" + ], + [ + "Ġcert", + "ified" + ], + [ + "Ġdefe", + "ated" + ], + [ + "osa", + "urs" + ], + [ + "es", + "pecially" + ], + [ + "ĠS", + "i" + ], + [ + ")", + "**" + ], + [ + "ĠF", + "A" + ], + [ + "ĠP", + "A" + ], + [ + "N", + "on" + ], + [ + "ĠN", + "at" + ], + [ + "Ġrig", + "id" + ], + [ + "Th", + "ose" + ], + [ + "pe", + "ople" + ], + [ + "Ġmat", + "hematic" + ], + [ + "Ret", + "urn" + ], + [ + "ow", + "ing" + ], + [ + "we", + "ed" + ], + [ + "w", + "ich" + ], + [ + "F", + "i" + ], + [ + "ĠParent", + "s" + ], + [ + "ĠF", + "iction" + ], + [ + "ĠS", + "ite" + ], + [ + "th", + "ird" + ], + [ + "Ġref", + "ined" + ], + [ + "ĠGen", + "erally" + ], + [ + "ĠS", + "outheast" + ], + [ + "Ġdiscuss", + "es" + ], + [ + "u", + "ana" + ], + [ + "Ġcontin", + "ually" + ], + [ + "ĠTenn", + "essee" + ], + [ + "Ġann", + "iversary" + ], + [ + "Ġ", + "):" + ], + [ + "Ġexpl", + "osion" + ], + [ + "Ġthreat", + "ening" + ], + [ + "Ġign", + "or" + ], + [ + "it", + "u" + ], + [ + "tain", + "er" + ], + [ + "Ġproblem", + "atic" + ], + [ + "re", + "ach" + ], + [ + "ĠCh", + "o" + ], + [ + "Ġcr", + "ash" + ], + [ + "Ġrestaur", + "ants" + ], + [ + "Ġadvoc", + "ating" + ], + [ + "ag", + "rams" + ], + [ + "Ġelim", + "inating" + ], + [ + "Ġden", + "om" + ], + [ + "Ġd", + "ump" + ], + [ + "S", + "w" + ], + [ + "z", + "ens" + ], + [ + "ric", + "ular" + ], + [ + "r", + "ative" + ], + [ + "od", + "s" + ], + [ + ")", + "-" + ], + [ + "Ġs", + "or" + ], + [ + "Ġsh", + "ops" + ], + [ + "O", + "ct" + ], + [ + "Ġr", + "ating" + ], + [ + "v", + "ised" + ], + [ + "ck", + "er" + ], + [ + "er", + "ce" + ], + [ + "el", + "ong" + ], + [ + "Ġst", + "ro" + ], + [ + "eral", + "d" + ], + [ + "Ġgl", + "ands" + ], + [ + "Ġbal", + "ancing" + ], + [ + "Wh", + "ich" + ], + [ + "B", + "en" + ], + [ + "Ġad", + "hes" + ], + [ + "AC", + "K" + ], + [ + "Ġmain", + "tains" + ], + [ + "Ġcertific", + "ate" + ], + [ + "Ġtra", + "ces" + ], + [ + "ven", + "ue" + ], + [ + "Ġtrium", + "ph" + ], + [ + "Ġc", + "iv" + ], + [ + "Ġaff", + "ili" + ], + [ + "Ġtu", + "ple" + ], + [ + "Ġmen", + "stru" + ], + [ + "Ġpy", + "ram" + ], + [ + "Ġstim", + "ulation" + ], + [ + ")", + "*" + ], + [ + "Ġvent", + "ure" + ], + [ + "F", + "ore" + ], + [ + "last", + "name" + ], + [ + "ĠTe", + "acher" + ], + [ + "Lear", + "ning" + ], + [ + "ĠDecl", + "aration" + ], + [ + "so", + "le" + ], + [ + "ĊĊ", + "ĉ" + ], + [ + "Ġequ", + "ilibrium" + ], + [ + "Ġcert", + "ification" + ], + [ + "Ġen", + "for" + ], + [ + "ĠCh", + "ap" + ], + [ + "Ġcounsel", + "ing" + ], + [ + "ĠK", + "ong" + ], + [ + "Ġwell", + "s" + ], + [ + "ad", + "ian" + ], + [ + "Ġc", + "ows" + ], + [ + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠ" + ], + [ + "Ġsyn", + "chron" + ], + [ + "Ġmy", + "ths" + ], + [ + "Ġgl", + "ue" + ], + [ + "Ġar", + "tery" + ], + [ + "Ġf", + "ake" + ], + [ + "Ġd", + "ancing" + ], + [ + "ĠP", + "ack" + ], + [ + "conn", + "ection" + ], + [ + "Ġpan", + "ic" + ], + [ + "Ġd", + "amp" + ], + [ + "ast", + "ed" + ], + [ + "Ġsome", + "how" + ], + [ + "itzer", + "land" + ], + [ + "\",", + "\"" + ], + [ + "Ġschol", + "ar" + ], + [ + "ach", + "ment" + ], + [ + "ĠDi", + "abetes" + ], + [ + "Ġfl", + "ed" + ], + [ + "Ġfound", + "ing" + ], + [ + "ad", + "i" + ], + [ + "Ġpast", + "e" + ], + [ + "Ġmarg", + "in" + ], + [ + "ĠH", + "ong" + ], + [ + "vel", + "y" + ], + [ + "Ġpass", + "ages" + ], + [ + "ann", + "y" + ], + [ + "Ġvirt", + "ue" + ], + [ + "T", + "ube" + ], + [ + "Ġm", + "aternal" + ], + [ + "Ġc", + "ov" + ], + [ + "Ġg", + "reet" + ], + [ + "ab", + "etic" + ], + [ + "Ġb", + "ip" + ], + [ + "iz", + "able" + ], + [ + "ing", + "ing" + ], + [ + "Ġpost", + "er" + ], + [ + "æ", + "ľ" + ], + [ + "Ġs", + "rc" + ], + [ + "ed", + "ed" + ], + [ + "Ġbreak", + "down" + ], + [ + ")", + "?" + ], + [ + "ĠCar", + "bon" + ], + [ + "Ġopp", + "ression" + ], + [ + "Ġadvers", + "ity" + ], + [ + "Ġneighborhood", + "s" + ], + [ + "UR", + "L" + ], + [ + "ver", + "ts" + ], + [ + "Ġacknowled", + "ged" + ], + [ + "int", + "estinal" + ], + [ + "Ġpref", + "ix" + ], + [ + "Ġperm", + "its" + ], + [ + "Ġqu", + "ot" + ], + [ + "t", + "z" + ], + [ + "Ġres", + "ort" + ], + [ + "Ġs", + "ore" + ], + [ + ")", + "(" + ], + [ + "D", + "C" + ], + [ + "ĠNob", + "el" + ], + [ + "Ġd", + "well" + ], + [ + "Ġnot", + "ing" + ], + [ + "Ġappro", + "aching" + ], + [ + "ĠJud", + "a" + ], + [ + "Ġst", + "ocks" + ], + [ + "Ġfor", + "ty" + ], + [ + "oo", + "lean" + ], + [ + "Ġimp", + "ul" + ], + [ + "Ġgl", + "uten" + ], + [ + "Ï", + "Ħ" + ], + [ + "Ġmon", + "etary" + ], + [ + "Mod", + "ule" + ], + [ + "Ġd", + "ough" + ], + [ + "sh", + "ore" + ], + [ + "pow", + "ered" + ], + [ + "Ġper", + "t" + ], + [ + "port", + "ion" + ], + [ + "Ġj", + "un" + ], + [ + "im", + "b" + ], + [ + "ĠL", + "esson" + ], + [ + "M", + "ark" + ], + [ + "j", + "amin" + ], + [ + "Ġinterf", + "ere" + ], + [ + "F", + "P" + ], + [ + "Ġarter", + "ies" + ], + [ + "Ġo", + "ct" + ], + [ + "ĠJ", + "ordan" + ], + [ + "Ġsovere", + "ignty" + ], + [ + "Ġt", + "ender" + ], + [ + "Ġab", + "d" + ], + [ + "Ġur", + "gent" + ], + [ + "Ġl", + "act" + ], + [ + "ĠG", + "as" + ], + [ + "Ġtra", + "pped" + ], + [ + "aps", + "ed" + ], + [ + "Ġpro", + "be" + ], + [ + "Ġsh", + "o" + ], + [ + "t", + "an" + ], + [ + "ke", + "ley" + ], + [ + "Ġut", + "er" + ], + [ + "Ġmaster", + "ing" + ], + [ + "ĠC", + "ert" + ], + [ + "st", + "ates" + ], + [ + "am", + "el" + ], + [ + "ĠL", + "ink" + ], + [ + "B", + "ar" + ], + [ + "ot", + "ive" + ], + [ + "ĠB", + "esides" + ], + [ + "Ġgra", + "ve" + ], + [ + "ex", + "pr" + ], + [ + "E", + "A" + ], + [ + "Ġvisual", + "ize" + ], + [ + "Ġscholars", + "hip" + ], + [ + "com", + "b" + ], + [ + "ant", + "ing" + ], + [ + "Ġpl", + "astics" + ], + [ + "Ġup", + "coming" + ], + [ + "Ġsou", + "p" + ], + [ + "Ġreg", + "ulated" + ], + [ + "rolog", + "y" + ], + [ + "op", + "ter" + ], + [ + "Ġmyth", + "ology" + ], + [ + "Ġvot", + "ers" + ], + [ + "Ġbit", + "ter" + ], + [ + "Ġconsult", + "ation" + ], + [ + "Ġconvent", + "ions" + ], + [ + "Ġo", + "ven" + ], + [ + "ol", + "as" + ], + [ + "Ġbas", + "in" + ], + [ + "Ġelev", + "ation" + ], + [ + "un", + "ing" + ], + [ + "ĠL", + "oss" + ], + [ + "Ġsk", + "ip" + ], + [ + "Ġr", + "het" + ], + [ + "Ġdys", + "function" + ], + [ + "ĠG", + "PS" + ], + [ + "ĠGree", + "ks" + ], + [ + "Ġext", + "ensively" + ], + [ + "Ġdow", + "nt" + ], + [ + "Ġtrans", + "it" + ], + [ + "å", + "Ī" + ], + [ + "Ġfail", + "ing" + ], + [ + "dom", + "ain" + ], + [ + "Ġsn", + "ap" + ], + [ + "urg", + "ery" + ], + [ + "ra", + "de" + ], + [ + "Ġdam", + "ages" + ], + [ + "lighten", + "ment" + ], + [ + "Ġm", + "asks" + ], + [ + "Ġl", + "unar" + ], + [ + "Ġdepend", + "ence" + ], + [ + "iling", + "ual" + ], + [ + "Ġsod", + "a" + ], + [ + "Ġconf", + "ined" + ], + [ + "ĠSim", + "ple" + ], + [ + "Ġw", + "olf" + ], + [ + "Ġpra", + "ise" + ], + [ + "t", + "imes" + ], + [ + "Ġgu", + "ests" + ], + [ + "Ġvolunt", + "ary" + ], + [ + "ap", + "ing" + ], + [ + "Ġob", + "ese" + ], + [ + "ĠEvery", + "one" + ], + [ + "se", + "en" + ], + [ + "ĠSim", + "ilar" + ], + [ + "pt", + "on" + ], + [ + "Ġhier", + "arch" + ], + [ + "Ġepis", + "odes" + ], + [ + "Ġg", + "el" + ], + [ + "ĠAff", + "airs" + ], + [ + "Ġap", + "i" + ], + [ + "ĠB", + "apt" + ], + [ + "orient", + "ed" + ], + [ + "M", + "R" + ], + [ + "q", + "a" + ], + [ + "Ġout", + "standing" + ], + [ + "st", + "ock" + ], + [ + "Ġstr", + "at" + ], + [ + "Ġtour", + "ists" + ], + [ + "Ġloyal", + "ty" + ], + [ + "Ġc", + "f" + ], + [ + "Ġ\"", + "." + ], + [ + "Ġdis", + "pro" + ], + [ + "s", + "ort" + ], + [ + "Ġdisc", + "ount" + ], + [ + "x", + "c" + ], + [ + "best", + "os" + ], + [ + "Ġp", + "ulumi" + ], + [ + "Ġall", + "ies" + ], + [ + "Ġsens", + "ation" + ], + [ + "Ġwithdraw", + "al" + ], + [ + "Ġhas", + "n" + ], + [ + "ĠSt", + "ories" + ], + [ + "ur", + "ations" + ], + [ + "ĠB", + "ot" + ], + [ + "Ġl", + "oves" + ], + [ + "Ġprov", + "inces" + ], + [ + "m", + "ount" + ], + [ + "Ġm", + "esh" + ], + [ + "Ġd", + "ilem" + ], + [ + "ct", + "x" + ], + [ + "ater", + "n" + ], + [ + "Ġdraw", + "s" + ], + [ + "ant", + "e" + ], + [ + "S", + "ur" + ], + [ + "oler", + "ance" + ], + [ + "ĠEx", + "cel" + ], + [ + "Ġmod", + "ification" + ], + [ + "Ġrul", + "er" + ], + [ + "Ġg", + "low" + ], + [ + "Ġep", + "it" + ], + [ + "Ġid", + "x" + ], + [ + "doc", + "s" + ], + [ + "l", + "av" + ], + [ + "Ġrec", + "ru" + ], + [ + "Ġveter", + "in" + ], + [ + "it", + "ations" + ], + [ + "Ġcurrent", + "s" + ], + [ + "Ġind", + "ication" + ], + [ + "l", + "ades" + ], + [ + "Ġnew", + "born" + ], + [ + "Ph", + "oto" + ], + [ + "Ġmonit", + "ored" + ], + [ + "Ġpig", + "s" + ], + [ + "Ġ", + "||" + ], + [ + "Ġse", + "ats" + ], + [ + "Ġmat", + "plotlib" + ], + [ + "ĠPat", + "ients" + ], + [ + "ĠPM", + "ID" + ], + [ + "Ġcaffe", + "ine" + ], + [ + "Ġgu", + "ilty" + ], + [ + "Ġalt", + "itude" + ], + [ + "ĠC", + "ertain" + ], + [ + "x", + "change" + ], + [ + "Ġdu", + "ct" + ], + [ + "st", + "age" + ], + [ + "Ġpat", + "ches" + ], + [ + "Ġsm", + "ok" + ], + [ + "Ġdifferent", + "ial" + ], + [ + "Ġgrad", + "ient" + ], + [ + "Ġtou", + "ching" + ], + [ + "ĠP", + "i" + ], + [ + "ather", + "ine" + ], + [ + "Ġambit", + "ious" + ], + [ + "ĠParam", + "eters" + ], + [ + "Ġyour", + "s" + ], + [ + "Ġsat", + "urated" + ], + [ + "Ġstay", + "ed" + ], + [ + "er", + "ating" + ], + [ + "Ġmind", + "ful" + ], + [ + "ĠH", + "al" + ], + [ + "roc", + "ery" + ], + [ + "Ġconf", + "using" + ], + [ + "ĠCl", + "oud" + ], + [ + "ang", + "les" + ], + [ + "Ġf", + "riction" + ], + [ + "Ġhead", + "ed" + ], + [ + "Ġtransform", + "ing" + ], + [ + "ed", + "uc" + ], + [ + "ĠB", + "road" + ], + [ + "Ġbrand", + "s" + ], + [ + "Ġwell", + "ness" + ], + [ + "Ġimp", + "rison" + ], + [ + "Ġthread", + "s" + ], + [ + "Ġnum", + "b" + ], + [ + "Ġm", + "ines" + ], + [ + "Ġappl", + "iances" + ], + [ + "Ġpecul", + "iar" + ], + [ + "ĠJ", + "upiter" + ], + [ + "Ñ", + "ĥ" + ], + [ + "ott", + "om" + ], + [ + "ĠB", + "ah" + ], + [ + "g", + "ate" + ], + [ + "Ġv", + "oy" + ], + [ + "Ġsh", + "ar" + ], + [ + "Ġgl", + "ory" + ], + [ + "ĠBen", + "efits" + ], + [ + "ĠConfed", + "erate" + ], + [ + "Ġind", + "ices" + ], + [ + "Ġintent", + "ions" + ], + [ + "Ġinv", + "ite" + ], + [ + "uss", + "ion" + ], + [ + "Ġcar", + "p" + ], + [ + "Ġresol", + "ved" + ], + [ + "ĠIss", + "ue" + ], + [ + "aut", + "ions" + ], + [ + "Ġenthusi", + "asts" + ], + [ + "Ġflu", + "ores" + ], + [ + "Ġbiom", + "ass" + ], + [ + "Ġtrig", + "gered" + ], + [ + "Ġdes", + "cent" + ], + [ + "Ġcor", + "ners" + ], + [ + "\"", + "{" + ], + [ + "Ġview", + "ers" + ], + [ + "Ġmuseum", + "s" + ], + [ + "ograph", + "ies" + ], + [ + "iv", + "ism" + ], + [ + "Ġhead", + "ers" + ], + [ + "ĠProt", + "ocol" + ], + [ + "Ġelectrom", + "agnetic" + ], + [ + "acke", + "xchange" + ], + [ + "ibl", + "ings" + ], + [ + "Ġschol", + "arly" + ], + [ + "D", + "oes" + ], + [ + "Ġarrest", + "ed" + ], + [ + "Ġaccept", + "ing" + ], + [ + "ros", + "ion" + ], + [ + "Ġdeep", + "en" + ], + [ + "ron", + "es" + ], + [ + "ĠDoc", + "ument" + ], + [ + "ĠL", + "ady" + ], + [ + "ĠAst", + "ron" + ], + [ + "l", + "ook" + ], + [ + "ĠS", + "ound" + ], + [ + "Ġwarm", + "th" + ], + [ + "Ġteen", + "agers" + ], + [ + "Ġanim", + "ation" + ], + [ + "Ġhop", + "ed" + ], + [ + "Ġhypert", + "ension" + ], + [ + "Ġmagnific", + "ent" + ], + [ + "is", + "a" + ], + [ + "ĠF", + "riends" + ], + [ + "ze", + "ch" + ], + [ + "Ġinteract", + "ing" + ], + [ + "Ġpresident", + "ial" + ], + [ + "ĠI", + "C" + ], + [ + "achel", + "or" + ], + [ + "m", + "i" + ], + [ + "Ġrep", + "ublic" + ], + [ + "Ġdelay", + "ed" + ], + [ + "Am", + "ong" + ], + [ + "Ù", + "İ" + ], + [ + "T", + "op" + ], + [ + "ĠR", + "od" + ], + [ + "W", + "H" + ], + [ + "im", + "ental" + ], + [ + "Ġj", + "et" + ], + [ + "Ġstop", + "ping" + ], + [ + "P", + "ol" + ], + [ + "Ġresearch", + "ing" + ], + [ + "he", + "ll" + ], + [ + "Ġevery", + "body" + ], + [ + "Ġ", + "Ø" + ], + [ + "D", + "I" + ], + [ + "Ġinspect", + "ion" + ], + [ + "o", + "ors" + ], + [ + "ĠBl", + "ock" + ], + [ + "ĠKen", + "ya" + ], + [ + "is", + "er" + ], + [ + "ĠN", + "ort" + ], + [ + "Ġmetap", + "hor" + ], + [ + "Ġp", + "orts" + ], + [ + "Ġcol", + "ours" + ], + [ + "OD", + "O" + ], + [ + "Ġve", + "ctors" + ], + [ + "if", + "ting" + ], + [ + "ĠT", + "uesday" + ], + [ + "ac", + "re" + ], + [ + "Ġnut", + "rit" + ], + [ + "Ġimag", + "ined" + ], + [ + "Ġground", + "breaking" + ], + [ + "D", + "ev" + ], + [ + "Ġl", + "ining" + ], + [ + "Ġcon", + "form" + ], + [ + "Ġce", + "ment" + ], + [ + "ĠMathemat", + "ics" + ], + [ + "ĠIm", + "perial" + ], + [ + "s", + "ent" + ], + [ + "ot", + "y" + ], + [ + "Ġintest", + "inal" + ], + [ + "ĠUk", + "raine" + ], + [ + "Ġc", + "ous" + ], + [ + "ĠD", + "ub" + ], + [ + "Ġev", + "ac" + ], + [ + "vent", + "ional" + ], + [ + "Ġlaw", + "yer" + ], + [ + "ag", + "us" + ], + [ + "ĠG", + "er" + ], + [ + "on", + "ut" + ], + [ + "âĦ", + "¢" + ], + [ + "B", + "as" + ], + [ + "Ġg", + "ang" + ], + [ + "Ġdist", + "ribute" + ], + [ + "Ġemploy", + "ing" + ], + [ + "Ġsub", + "mission" + ], + [ + "Ġcar", + "rier" + ], + [ + "Ġnucle", + "us" + ], + [ + "Ġfair", + "ness" + ], + [ + "b", + "ird" + ], + [ + "TS", + "D" + ], + [ + "ĠLeg", + "al" + ], + [ + "ĠCons", + "ult" + ], + [ + "L", + "C" + ], + [ + "k", + "it" + ], + [ + "Ġaltern", + "ate" + ], + [ + "Ġfict", + "ional" + ], + [ + "K", + "now" + ], + [ + "inc", + "ial" + ], + [ + "input", + "s" + ], + [ + "Ġtra", + "g" + ], + [ + "ee", + "ze" + ], + [ + "Ġconstruct", + "ing" + ], + [ + "Ġse", + "w" + ], + [ + "Ġsold", + "ier" + ], + [ + "ru", + "bs" + ], + [ + "Ġc", + "ock" + ], + [ + "Ġall", + "ocation" + ], + [ + "as", + "a" + ], + [ + "Ġ\"", + "/" + ], + [ + "pl", + "ug" + ], + [ + "Ġrec", + "ruit" + ], + [ + "ĠMal", + "ays" + ], + [ + "Ġstraight", + "forward" + ], + [ + "ĠJ", + "oh" + ], + [ + "Ġbul", + "bs" + ], + [ + "Ġhol", + "idays" + ], + [ + "n", + "l" + ], + [ + "Ġs", + "occer" + ], + [ + "Ġf", + "art" + ], + [ + "Ġs", + "ink" + ], + [ + "Ġv", + "end" + ], + [ + "Ġshell", + "s" + ], + [ + "Ġok", + "ay" + ], + [ + "']", + ":" + ], + [ + "Ġcontroll", + "er" + ], + [ + "ynt", + "hesis" + ], + [ + "c", + "rit" + ], + [ + "ĠR", + "oss" + ], + [ + "te", + "ch" + ], + [ + "Ġrev", + "ised" + ], + [ + "Un", + "fortunately" + ], + [ + "Ġfresh", + "water" + ], + [ + "Ġantioxid", + "ants" + ], + [ + "ĠExec", + "utive" + ], + [ + "Ġv", + "otes" + ], + [ + "uc", + "ks" + ], + [ + "Ġshoot", + "ing" + ], + [ + "AG", + "E" + ], + [ + "Ġinstruction", + "al" + ], + [ + "ch", + "a" + ], + [ + "Ġass", + "im" + ], + [ + "Ġtap", + "estry" + ], + [ + "ĠCast", + "le" + ], + [ + "Ġsp", + "ices" + ], + [ + "role", + "um" + ], + [ + "ĠMethod", + "s" + ], + [ + "udd", + "en" + ], + [ + "Pro", + "ject" + ], + [ + "cl", + "uster" + ], + [ + "D", + "O" + ], + [ + "ke", + "eping" + ], + [ + "ĠAl", + "ab" + ], + [ + "Ġbill", + "ions" + ], + [ + "Ġy", + "og" + ], + [ + "Ġpy", + "test" + ], + [ + "Ġtal", + "ents" + ], + [ + "Eng", + "lish" + ], + [ + "Ġemail", + "s" + ], + [ + "ĠV", + "in" + ], + [ + "f", + "ood" + ], + [ + "Ġnob", + "le" + ], + [ + "Ġover", + "t" + ], + [ + "Ġm", + "ul" + ], + [ + "ĠP", + "it" + ], + [ + "Ġam", + "ph" + ], + [ + "mer", + "ce" + ], + [ + "st", + "ackexchange" + ], + [ + "cont", + "rolled" + ], + [ + "ĠE", + "le" + ], + [ + "Ġcompan", + "ion" + ], + [ + "Ġpropos", + "als" + ], + [ + "ĠPrim", + "ary" + ], + [ + "H", + "uman" + ], + [ + "ĠU", + "C" + ], + [ + "Ġadjust", + "ed" + ], + [ + "c", + "ription" + ], + [ + "ig", + "e" + ], + [ + "ik", + "es" + ], + [ + "ĠS", + "ri" + ], + [ + "Follow", + "ing" + ], + [ + "E", + "st" + ], + [ + "Ġunf", + "old" + ], + [ + "Ġhead", + "ing" + ], + [ + "Ġintrodu", + "ces" + ], + [ + "Ġtraum", + "atic" + ], + [ + "Ġcryst", + "als" + ], + [ + "ĠE", + "aster" + ], + [ + "ĠK", + "it" + ], + [ + "Ġcou", + "ples" + ], + [ + "writ", + "ten" + ], + [ + "ĠPhilos", + "ophy" + ], + [ + "Ġsettle", + "ments" + ], + [ + "ĠCap", + "ital" + ], + [ + "Ġnob", + "ody" + ], + [ + "IN", + "T" + ], + [ + "av", + "y" + ], + [ + "Ġv", + "ow" + ], + [ + "Ġworth", + "y" + ], + [ + "res", + "istant" + ], + [ + "ogen", + "esis" + ], + [ + "Ġmot", + "if" + ], + [ + "Ġimpair", + "ment" + ], + [ + "Ġdemonstr", + "ation" + ], + [ + "ĠE", + "lement" + ], + [ + "ĠAnt", + "i" + ], + [ + "f", + "red" + ], + [ + "on", + "ial" + ], + [ + "Ġg", + "am" + ], + [ + "ĠPhil", + "ip" + ], + [ + "Ġfle", + "et" + ], + [ + "am", + "ous" + ], + [ + "ĠReg", + "ional" + ], + [ + "Ġm", + "aj" + ], + [ + "b", + "ian" + ], + [ + "Ġh", + "iding" + ], + [ + "ĠC", + "ab" + ], + [ + "ĠN", + "ight" + ], + [ + "Ġvari", + "ant" + ], + [ + "ĠTh", + "ursday" + ], + [ + "ĠMay", + "a" + ], + [ + "Se", + "lect" + ], + [ + "ĠRad", + "io" + ], + [ + "b", + "ling" + ], + [ + "Ġmicrob", + "es" + ], + [ + "ĠA", + "y" + ], + [ + "ob", + "ia" + ], + [ + "am", + "an" + ], + [ + "Ġtrans", + "itions" + ], + [ + "Ġtri", + "angle" + ], + [ + "Ġgra", + "vit" + ], + [ + "an", + "alysis" + ], + [ + "ĠV", + "ill" + ], + [ + "ĠE", + "arl" + ], + [ + "ag", + "a" + ], + [ + "m", + "atic" + ], + [ + "ĠQu", + "ant" + ], + [ + "t", + "i" + ], + [ + "fol", + "io" + ], + [ + "ĠH", + "ub" + ], + [ + "Ġactiv", + "ated" + ], + [ + "ĠT", + "aking" + ], + [ + "ĠS", + "aturday" + ], + [ + "ĠF", + "est" + ], + [ + "ĠTe", + "ch" + ], + [ + "Ġdest", + "ructive" + ], + [ + "Ġinev", + "itable" + ], + [ + "et", + "on" + ], + [ + "un", + "es" + ], + [ + "Ġgu", + "ilt" + ], + [ + "Ġtem", + "ples" + ], + [ + "Ġclub", + "s" + ], + [ + "fact", + "ory" + ], + [ + "Ġcross", + "ed" + ], + [ + "Ġun", + "con" + ], + [ + "Ġundert", + "aken" + ], + [ + "Ġinst", + "inct" + ], + [ + "Ġdesign", + "er" + ], + [ + "D", + "at" + ], + [ + "Ġconnect", + "ivity" + ], + [ + "ĠIndust", + "ry" + ], + [ + "ĠN", + "ich" + ], + [ + "y", + "our" + ], + [ + "ĠP", + "V" + ], + [ + "Con", + "st" + ], + [ + "}", + "{" + ], + [ + "Ġgrat", + "itude" + ], + [ + "Ġconfident", + "ial" + ], + [ + "imm", + "une" + ], + [ + "Ġh", + "anging" + ], + [ + "ak", + "ota" + ], + [ + "O", + "per" + ], + [ + "Ġfound", + "ational" + ], + [ + "On", + "ly" + ], + [ + "Ġillust", + "rates" + ], + [ + "Ġlong", + "est" + ], + [ + "Ġb", + "ore" + ], + [ + "Ġrenew", + "ed" + ], + [ + "us", + "ually" + ], + [ + "ĠB", + "CE" + ], + [ + "S", + "pe" + ], + [ + "m", + "other" + ], + [ + "Ġdo", + "zen" + ], + [ + "lay", + "out" + ], + [ + "Ġexam", + "ines" + ], + [ + "Ġer", + "ad" + ], + [ + "ĠW", + "i" + ], + [ + "ĠSw", + "itzerland" + ], + [ + "Ġunt", + "o" + ], + [ + "ĠMem", + "orial" + ], + [ + "l", + "an" + ], + [ + "Ġas", + "ym" + ], + [ + "Ġsh", + "ots" + ], + [ + "Å", + "į" + ], + [ + "Ġtru", + "ck" + ], + [ + "pro", + "f" + ], + [ + "co", + "ord" + ], + [ + "ĠTer", + "rit" + ], + [ + "u", + "uid" + ], + [ + "Ġt", + "ears" + ], + [ + "Ġlik", + "es" + ], + [ + "ĠSt", + "ruct" + ], + [ + "Ġbas", + "eline" + ], + [ + "/", + "{" + ], + [ + "Ġres", + "ilient" + ], + [ + "Ġb", + "apt" + ], + [ + "Ġradio", + "active" + ], + [ + "Aut", + "hor" + ], + [ + "mark", + "et" + ], + [ + "ĠArch", + "ae" + ], + [ + "ĠUp", + "on" + ], + [ + "ĠResp", + "ons" + ], + [ + "Ġinsert", + "ed" + ], + [ + "ul", + "ator" + ], + [ + "ar", + "an" + ], + [ + "Ġgod", + "dess" + ], + [ + "Ġwh", + "is" + ], + [ + "Ġhead", + "ache" + ], + [ + "Ġve", + "ins" + ], + [ + "Ġvalid", + "ate" + ], + [ + "D", + "ay" + ], + [ + "Ġinadequ", + "ate" + ], + [ + "Ġenc", + "ryption" + ], + [ + "resh", + "ape" + ], + [ + "A", + "ccess" + ], + [ + "--------------------------------", + "--------------------------------" + ], + [ + "Ġlater", + "al" + ], + [ + "Ġmemor", + "able" + ], + [ + "d", + "jango" + ], + [ + "view", + "s" + ], + [ + "ĠFred", + "er" + ], + [ + "ĠC", + "V" + ], + [ + "ä", + "»" + ], + [ + "ast", + "ically" + ], + [ + "om", + "ics" + ], + [ + "ri", + "ad" + ], + [ + "ĠG", + "il" + ], + [ + "G", + "ET" + ], + [ + "Ġex", + "cluded" + ], + [ + "ĠWed", + "nesday" + ], + [ + "enn", + "is" + ], + [ + "ĠF", + "isher" + ], + [ + "Ġcultiv", + "ation" + ], + [ + "Ġoutbre", + "aks" + ], + [ + "L", + "ong" + ], + [ + "is", + "ite" + ], + [ + "ĠR", + "ose" + ], + [ + "Ġpart", + "ition" + ], + [ + "ed", + "ic" + ], + [ + "Ġsequ", + "encing" + ], + [ + "u", + "f" + ], + [ + "Ġan", + "k" + ], + [ + "urt", + "les" + ], + [ + "at", + "is" + ], + [ + "ĠK", + "ind" + ], + [ + "Ġpre", + "lim" + ], + [ + "Ġhung", + "ry" + ], + [ + "em", + "an" + ], + [ + "Ġop", + "io" + ], + [ + "requ", + "ired" + ], + [ + "v", + "ia" + ], + [ + "ac", + "ial" + ], + [ + "Ġpl", + "ural" + ], + [ + "Ġ", + "ðŁ" + ], + [ + "ĠW", + "y" + ], + [ + "urg", + "ical" + ], + [ + "ĠP", + "os" + ], + [ + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "Ġ" + ], + [ + "Ġjour", + "neys" + ], + [ + "ĠJ", + "our" + ], + [ + "Ġthr", + "iving" + ], + [ + "Ġover", + "night" + ], + [ + "ĠIndian", + "a" + ], + [ + "Ġwarn", + "ings" + ], + [ + "Ġcompat", + "ible" + ], + [ + "ĠSt", + "ore" + ], + [ + "osc", + "ow" + ], + [ + "Ġreprodu", + "ce" + ], + [ + "Ġrele", + "asing" + ], + [ + "fig", + "ure" + ], + [ + "train", + "ing" + ], + [ + "Ġp", + "a" + ], + [ + "Ġe", + "ternal" + ], + [ + "E", + "arly" + ], + [ + "Ġbre", + "eds" + ], + [ + "Ġelim", + "inated" + ], + [ + "Ġhepat", + "itis" + ], + [ + "E", + "lect" + ], + [ + "ra", + "ul" + ], + [ + "Ġparam", + "ount" + ], + [ + "Ġcom", + "ics" + ], + [ + "b", + "oth" + ], + [ + "Ġlif", + "es" + ], + [ + "?", + "<" + ], + [ + "Ġcontact", + "s" + ], + [ + "ĠAlab", + "ama" + ], + [ + "ĠN", + "C" + ], + [ + "Ġground", + "ed" + ], + [ + "ĠS", + "QL" + ], + [ + "ĠR", + "ain" + ], + [ + "ĠAnt", + "on" + ], + [ + "ĠH", + "arm" + ], + [ + "r", + "ator" + ], + [ + "Ġw", + "rap" + ], + [ + "Ġmill", + "enn" + ], + [ + "am", + "l" + ], + [ + "sever", + "ance" + ], + [ + "d", + "in" + ], + [ + "Ġoverl", + "ooked" + ], + [ + "cre", + "ated" + ], + [ + "Ġvers", + "atile" + ], + [ + "Ġco", + "ating" + ], + [ + "st", + "able" + ], + [ + "ĠP", + "ier" + ], + [ + "oc", + "ide" + ], + [ + "ag", + "ent" + ], + [ + "mer", + "cial" + ], + [ + "ĠLaw", + "rence" + ], + [ + "ĠProf", + "essional" + ], + [ + "Ġheight", + "ened" + ], + [ + "Ġconsid", + "ers" + ], + [ + "Ġ", + ")." + ], + [ + "Ġblock", + "ed" + ], + [ + "Ġchem", + "otherapy" + ], + [ + "Ġcat", + "alog" + ], + [ + "ĠTest", + "ing" + ], + [ + "Ġhand", + "led" + ], + [ + "Ġvisual", + "ization" + ], + [ + "Ġmit", + "ochond" + ], + [ + "Ġvig", + "il" + ], + [ + "ĠV", + "ideo" + ], + [ + "Ġprint", + "s" + ], + [ + "on", + "ts" + ], + [ + "Ġj", + "ack" + ], + [ + "Ġparas", + "ites" + ], + [ + "ĠTra", + "vel" + ], + [ + "Ġdes", + "per" + ], + [ + "ĠC", + "hemistry" + ], + [ + "Ġ", + "ĊĠĠĠĠĠĠĠ" + ], + [ + "er", + "on" + ], + [ + "Ġdel", + "ta" + ], + [ + "Ġfacilit", + "ating" + ], + [ + "U", + "G" + ], + [ + "Ġar", + "ising" + ], + [ + "Wid", + "get" + ], + [ + "ind", + "ices" + ], + [ + "he", + "um" + ], + [ + "Ġloc", + "als" + ], + [ + "A", + "nal" + ], + [ + "Ġdry", + "ing" + ], + [ + "oub", + "ted" + ], + [ + "Ġafter", + "wards" + ], + [ + "=", + "-" + ], + [ + "ĠB", + "rad" + ], + [ + "oc", + "ur" + ], + [ + "Ġun", + "common" + ], + [ + "Ġexhib", + "its" + ], + [ + "}", + "\")" + ], + [ + "ĠDise", + "ases" + ], + [ + "ĠV", + "eter" + ], + [ + "ĠT", + "ools" + ], + [ + "ĠQ", + "t" + ], + [ + "Ġvalid", + "ity" + ], + [ + "ropol", + "itan" + ], + [ + "Ġbirth", + "day" + ], + [ + "Ġmosquit", + "o" + ], + [ + "S", + "ocial" + ], + [ + "ĠT", + "erm" + ], + [ + "Ġdem", + "ographic" + ], + [ + "Ġdivid", + "ing" + ], + [ + "mind", + "ed" + ], + [ + "Ġs", + "ake" + ], + [ + "Ġvent", + "ilation" + ], + [ + "iz", + "oph" + ], + [ + "ĠSo", + "on" + ], + [ + "Ġto", + "ll" + ], + [ + "roph", + "y" + ], + [ + "Ġp", + "ere" + ], + [ + "Ġmob", + "il" + ], + [ + "Ġconven", + "ience" + ], + [ + "ĠFact", + "ors" + ], + [ + "ert", + "o" + ], + [ + "Ġcor", + "rection" + ], + [ + "ĠS", + "ong" + ], + [ + "Ġclar", + "ify" + ], + [ + "Ġn", + "ausea" + ], + [ + "Ġvis", + "ibility" + ], + [ + "Ġes", + "cal" + ], + [ + "ĠQu", + "estion" + ], + [ + "Ġcon", + "sec" + ], + [ + "Ġvari", + "ants" + ], + [ + "F", + "ood" + ], + [ + "f", + "oo" + ], + [ + "ĠS", + "ant" + ], + [ + "Ġrestaur", + "ant" + ], + [ + "Ġl", + "oving" + ], + [ + "Ġexp", + "ose" + ], + [ + "Ġadministr", + "ators" + ], + [ + "EMA", + "IL" + ], + [ + "=", + "['" + ], + [ + "Ġcondition", + "ing" + ], + [ + "e", + "conomic" + ], + [ + "Ġperiod", + "ic" + ], + [ + "Ġca", + "ut" + ], + [ + "augh", + "ters" + ], + [ + "ĠPract", + "ices" + ], + [ + "Ġadul", + "thood" + ], + [ + "S", + "earch" + ], + [ + "Ġmand", + "atory" + ], + [ + "ĠL", + "ie" + ], + [ + "ĠU", + "pper" + ], + [ + "fact", + "or" + ], + [ + "ic", + "ut" + ], + [ + "Ġext", + "inct" + ], + [ + "ĠA", + "ra" + ], + [ + "man", + "ager" + ], + [ + "ĠD", + "or" + ], + [ + "Ġ[", + "]," + ], + [ + "Ġcapital", + "ism" + ], + [ + "I", + "dent" + ], + [ + "ĠD", + "al" + ], + [ + "Ġm", + "ant" + ], + [ + "Ġo", + "scill" + ], + [ + "Ġdis", + "placement" + ], + [ + "Ġcru", + "el" + ], + [ + "Ġber", + "ries" + ], + [ + "Ġst", + "ain" + ], + [ + "Ġclean", + "er" + ], + [ + "Ġpure", + "ly" + ], + [ + "Ġb", + "anned" + ], + [ + "ĠJam", + "ie" + ], + [ + "ĠK", + "al" + ], + [ + "ros", + "is" + ], + [ + "z", + "ip" + ], + [ + "ĠS", + "ports" + ], + [ + "Ġde", + "le" + ], + [ + "eth", + "yl" + ], + [ + "ĠOtt", + "oman" + ], + [ + "Ġcombust", + "ion" + ], + [ + "Ġpe", + "as" + ], + [ + "play", + "er" + ], + [ + "og", + "lob" + ], + [ + "Ġimpl", + "ant" + ], + [ + "Ġdescend", + "ants" + ], + [ + "g", + "ly" + ], + [ + "Ġadapt", + "ing" + ], + [ + "čĊ", + "ĉ" + ], + [ + "Ġsurge", + "on" + ], + [ + "ĠSt", + "ock" + ], + [ + "izoph", + "ren" + ], + [ + "z", + "o" + ], + [ + "ĠT", + "rib" + ], + [ + "Ġrem", + "edies" + ], + [ + "ER", + "R" + ], + [ + "Ġlast", + "ed" + ], + [ + "Ġload", + "ing" + ], + [ + "Ġles", + "ions" + ], + [ + "est", + "ab" + ], + [ + "Ġfinanc", + "ing" + ], + [ + "Ġrel", + "ied" + ], + [ + "ĠAct", + "ivities" + ], + [ + "bo", + "ards" + ], + [ + "Ġallev", + "iate" + ], + [ + "ĠB", + "BC" + ], + [ + "Ġthr", + "one" + ], + [ + "ir", + "k" + ], + [ + "ĠO", + "K" + ], + [ + "Ġstat", + "ue" + ], + [ + "as", + "ia" + ], + [ + "aud", + "i" + ], + [ + "s", + "ql" + ], + [ + "ol", + "ia" + ], + [ + "Ġeconom", + "ically" + ], + [ + "parent", + "s" + ], + [ + "Ġmicrob", + "ial" + ], + [ + "L", + "a" + ], + [ + "x", + "e" + ], + [ + "Ġst", + "amp" + ], + [ + "ĠVirt", + "ual" + ], + [ + "Ġapp", + "end" + ], + [ + "dis", + "play" + ], + [ + "Ġp", + "anc" + ], + [ + "Ġtransport", + "ed" + ], + [ + "Ġra", + "m" + ], + [ + "Ġinteg", + "er" + ], + [ + "Ġw", + "olves" + ], + [ + "ĠF", + "at" + ], + [ + "hand", + "ler" + ], + [ + "Ġpun", + "ct" + ], + [ + "AS", + "T" + ], + [ + "r", + "idge" + ], + [ + "Ġcompar", + "ative" + ], + [ + "Ġtempor", + "arily" + ], + [ + "Ġo", + "zone" + ], + [ + "ĠH", + "ans" + ], + [ + "Ġaut", + "umn" + ], + [ + "Ġb", + "ats" + ], + [ + "ĠS", + "C" + ], + [ + "ĠL", + "es" + ], + [ + "ill", + "es" + ], + [ + "ĠC", + "ool" + ], + [ + "Ġhas", + "h" + ], + [ + "Ġquestion", + "ing" + ], + [ + "Ġret", + "ained" + ], + [ + "Ġtrou", + "bles" + ], + [ + "ĠProtest", + "ant" + ], + [ + "ĠCh", + "am" + ], + [ + "ĠWh", + "it" + ], + [ + "#", + "!" + ], + [ + "all", + "ing" + ], + [ + "Ġharv", + "esting" + ], + [ + "Ġcle", + "ver" + ], + [ + "Ġwant", + "ing" + ], + [ + "ĠBang", + "lades" + ], + [ + "Ġutil", + "ization" + ], + [ + "h", + "ouses" + ], + [ + "Ġin", + "h" + ], + [ + "Ġhoriz", + "on" + ], + [ + "Ġsp", + "ell" + ], + [ + "Le", + "vel" + ], + [ + "ĠP", + "ra" + ], + [ + "Ġex", + "otic" + ], + [ + "er", + "k" + ], + [ + "Ġmat", + "urity" + ], + [ + "ĠYou", + "th" + ], + [ + "Ġdr", + "ill" + ], + [ + "Ġautom", + "ation" + ], + [ + "Ġdil", + "ig" + ], + [ + "ĠH", + "ait" + ], + [ + "Ġoccas", + "ional" + ], + [ + "ĠZ", + "e" + ], + [ + "Ġs", + "q" + ], + [ + "Ġmicro", + "bi" + ], + [ + "h", + "is" + ], + [ + "it", + "ched" + ], + [ + "Ġm", + "asters" + ], + [ + "Ġfavor", + "able" + ], + [ + "J", + "u" + ], + [ + "ĠEx", + "ercise" + ], + [ + ":", + "-" + ], + [ + "Ġg", + "rocery" + ], + [ + "spec", + "ies" + ], + [ + "ĠEurope", + "ans" + ], + [ + "ĠApplic", + "ation" + ], + [ + "ĠC", + "ro" + ], + [ + "Ġwet", + "lands" + ], + [ + "Ġrecre", + "ational" + ], + [ + "r", + "ide" + ], + [ + "om", + "ial" + ], + [ + "x", + "d" + ], + [ + "ag", + "u" + ], + [ + "ĠBar", + "b" + ], + [ + "ĠTyp", + "ically" + ], + [ + "Ġimpl", + "ied" + ], + [ + "ug", + "ar" + ], + [ + "ĠSim", + "on" + ], + [ + "S", + "N" + ], + [ + "ĠArist", + "otle" + ], + [ + "Ġpries", + "ts" + ], + [ + "ĠG", + "i" + ], + [ + "ĠC", + "ass" + ], + [ + "Ġhier", + "archy" + ], + [ + "ĠOrth", + "odox" + ], + [ + "ĠE", + "uro" + ], + [ + "Ġwound", + "ed" + ], + [ + "Ġphilos", + "opher" + ], + [ + "F", + "IL" + ], + [ + "Ġb", + "esides" + ], + [ + "Ġcos", + "mic" + ], + [ + "en", + "h" + ], + [ + "Ġtr", + "im" + ], + [ + "Ġrail", + "way" + ], + [ + "H", + "R" + ], + [ + "Ġg", + "ym" + ], + [ + "Ġrandom", + "ly" + ], + [ + "Ġrest", + "ing" + ], + [ + "G", + "reen" + ], + [ + "Ġsufficient", + "ly" + ], + [ + "Ġun", + "int" + ], + [ + "G", + "iven" + ], + [ + "n", + "ut" + ], + [ + "Ġgau", + "ge" + ], + [ + "Ġen", + "force" + ], + [ + "Ġsl", + "ides" + ], + [ + "Ġc", + "ram" + ], + [ + "ock", + "ets" + ], + [ + "M", + "em" + ], + [ + "th", + "reat" + ], + [ + "H", + "aving" + ], + [ + "ĠF", + "ox" + ], + [ + "Ġbur", + "st" + ], + [ + "Ġpand", + "as" + ], + [ + "el", + "le" + ], + [ + "ĠRef", + "lect" + ], + [ + "Ġper", + "me" + ], + [ + "n", + "ational" + ], + [ + "ill", + "ery" + ], + [ + "Ġasp", + "iring" + ], + [ + "Â", + "ł" + ], + [ + "Ġprox", + "imity" + ], + [ + "Ġqu", + "otes" + ], + [ + "el", + "d" + ], + [ + "ixt", + "ures" + ], + [ + "Ġfoss", + "ils" + ], + [ + "ĠG", + "rowth" + ], + [ + "Ġp", + "oultry" + ], + [ + "Ġt", + "we" + ], + [ + "NA", + "L" + ], + [ + "th", + "an" + ], + [ + "Ġres", + "et" + ], + [ + "b", + "es" + ], + [ + "Ġdeploy", + "ed" + ], + [ + "ro", + "sc" + ], + [ + "Ġassum", + "ing" + ], + [ + "ĠW", + "IT" + ], + [ + "art", + "icle" + ], + [ + "Ġpot", + "ato" + ], + [ + "ĠJuda", + "ism" + ], + [ + "ĠSt", + "aff" + ], + [ + "Ġcollect", + "ively" + ], + [ + "S", + "U" + ], + [ + "ĠTh", + "ank" + ], + [ + "ĠE", + "V" + ], + [ + "m", + "ove" + ], + [ + "ĠAuthor", + "ity" + ], + [ + "Ġd", + "war" + ], + [ + "Ġhot", + "el" + ], + [ + "Col", + "umn" + ], + [ + "Ġreg", + "ards" + ], + [ + "Ġshould", + "ers" + ], + [ + "Ġtut", + "or" + ], + [ + "Ġman", + "kind" + ], + [ + "Ġsp", + "ite" + ], + [ + "Ġco", + "hes" + ], + [ + "Ġcharg", + "ing" + ], + [ + "Ġprelim", + "inary" + ], + [ + "Ġm", + "ad" + ], + [ + "ra", + "cing" + ], + [ + "Ġrep", + "ly" + ], + [ + "Ġearthqu", + "akes" + ], + [ + "ens", + "is" + ], + [ + "ĠCrit", + "ical" + ], + [ + "Ġn", + "a" + ], + [ + "ĠEm", + "ily" + ], + [ + "Ġsexual", + "ity" + ], + [ + "Ġpron", + "ounced" + ], + [ + "Ġsan", + "ct" + ], + [ + "ĠBe", + "ach" + ], + [ + "al", + "ia" + ], + [ + "ĠÃ", + "Ĺ" + ], + [ + "ĠE", + "D" + ], + [ + "s", + "in" + ], + [ + "ur", + "rection" + ], + [ + "ĠCh", + "i" + ], + [ + "________", + "________" + ], + [ + "iol", + "ence" + ], + [ + "ĠTor", + "onto" + ], + [ + "Ġv", + "ic" + ], + [ + "Ġbur", + "ial" + ], + [ + "Ġsil", + "k" + ], + [ + "Ġwarn", + "ed" + ], + [ + "ĠNig", + "eria" + ], + [ + "Ġsing", + "ular" + ], + [ + "th", + "read" + ], + [ + "pos", + "ure" + ], + [ + "ĠPro", + "blem" + ], + [ + "P", + "N" + ], + [ + "Ġf", + "ancy" + ], + [ + "Ġb", + "icy" + ], + [ + "Ġsw", + "ord" + ], + [ + "Ġport", + "able" + ], + [ + "Ġflood", + "s" + ], + [ + "oven", + "ant" + ], + [ + "Ġreconst", + "ruct" + ], + [ + "Ġo", + "re" + ], + [ + "em", + "at" + ], + [ + "Ġad", + "mission" + ], + [ + "M", + "ap" + ], + [ + "Ġp", + "icking" + ], + [ + "Ġstimul", + "i" + ], + [ + "Ġ", + "ib" + ], + [ + "Ġtraged", + "y" + ], + [ + "ĠLast", + "ly" + ], + [ + "r", + "ish" + ], + [ + "lo", + "op" + ], + [ + "oubted", + "ly" + ], + [ + "Ġ", + "##" + ], + [ + "Ġd", + "ated" + ], + [ + "Ġut", + "f" + ], + [ + "C", + "ur" + ], + [ + "Ġg", + "host" + ], + [ + "ut", + "or" + ], + [ + "Pro", + "cess" + ], + [ + "ĊĠĠĠĠ", + "ĠĠ" + ], + [ + "ĠKent", + "ucky" + ], + [ + "sh", + "ort" + ], + [ + "az", + "a" + ], + [ + "Ġs", + "iblings" + ], + [ + "Ġprot", + "ests" + ], + [ + "W", + "A" + ], + [ + "Ġshow", + "case" + ], + [ + "Ġswitch", + "ing" + ], + [ + "arg", + "v" + ], + [ + "ist", + "le" + ], + [ + "iv", + "ia" + ], + [ + "aret", + "te" + ], + [ + "Ġnurt", + "uring" + ], + [ + "ias", + "is" + ], + [ + "ĠArch", + "ives" + ], + [ + "ĠCub", + "a" + ], + [ + "ra", + "ble" + ], + [ + "Ġor", + "ch" + ], + [ + "Ġcompr", + "ised" + ], + [ + "Ġqu", + "it" + ], + [ + "Ġto", + "mb" + ], + [ + "Ġto", + "dd" + ], + [ + "Ġemb", + "od" + ], + [ + "st", + "an" + ], + [ + "is", + "an" + ], + [ + "Ġat", + "e" + ], + [ + "Ġde", + "ployment" + ], + [ + "ĠYou", + "Tube" + ], + [ + "d", + "ependent" + ], + [ + "Ġdisc", + "ern" + ], + [ + "De", + "velop" + ], + [ + "Ġadvert", + "ise" + ], + [ + "Ġunt", + "reated" + ], + [ + "an", + "ia" + ], + [ + "Ġl", + "inking" + ], + [ + "ill", + "er" + ], + [ + "ĠW", + "ords" + ], + [ + "Ġprot", + "otype" + ], + [ + "Ġadapt", + "ations" + ], + [ + "ĠSt", + "ress" + ], + [ + "ĠK", + "ings" + ], + [ + "u", + "z" + ], + [ + "Ġbutt", + "ons" + ], + [ + "Ġillust", + "ration" + ], + [ + "Ġtr", + "ash" + ], + [ + "Ġpo", + "ets" + ], + [ + "ĠInit", + "iative" + ], + [ + "g", + "ithub" + ], + [ + "ĠDi", + "agn" + ], + [ + "ĠEconom", + "ics" + ], + [ + "Ġwhere", + "ver" + ], + [ + "Ġliv", + "elihood" + ], + [ + "Ġby", + "tes" + ], + [ + "vol", + "ume" + ], + [ + "ĠAgricult", + "ural" + ], + [ + "com", + "mit" + ], + [ + "al", + "id" + ], + [ + "Ġprocess", + "or" + ], + [ + "Ġent", + "ails" + ], + [ + "ĠO", + "m" + ], + [ + "min", + "ute" + ], + [ + "ser", + "ial" + ], + [ + "ĠT", + "ask" + ], + [ + "Ġle", + "ather" + ], + [ + ".", + "<" + ], + [ + "Ġcomm", + "erce" + ], + [ + "U", + "C" + ], + [ + "Ġsign", + "aling" + ], + [ + "Ġsil", + "icon" + ], + [ + "Ġn", + "our" + ], + [ + "ĠUn", + "iverse" + ], + [ + "nd", + "array" + ], + [ + "Ġne", + "at" + ], + [ + "det", + "erm" + ], + [ + "Ġbl", + "oom" + ], + [ + "Ġsuper", + "hero" + ], + [ + "Ġexerc", + "ising" + ], + [ + "Ġf", + "ired" + ], + [ + "ion", + "ed" + ], + [ + "ĠHistor", + "ic" + ], + [ + "Ġpro", + "pose" + ], + [ + "Ġsum", + "m" + ], + [ + "ĠS", + "M" + ], + [ + "Ġdissol", + "ved" + ], + [ + "Ġmet", + "all" + ], + [ + "Ġb", + "ureau" + ], + [ + "em", + "en" + ], + [ + "Ġgraph", + "s" + ], + [ + "Ġrem", + "edy" + ], + [ + "Ġnutrit", + "ious" + ], + [ + "p", + "her" + ], + [ + "Ġwood", + "s" + ], + [ + "Ġbu", + "g" + ], + [ + "ĠO", + "t" + ], + [ + "u", + "ating" + ], + [ + "ĠC", + "zech" + ], + [ + "Ġparticip", + "ant" + ], + [ + "G", + "reat" + ], + [ + "direct", + "ory" + ], + [ + "Ã", + "£" + ], + [ + "le", + "vant" + ], + [ + "Ġhom", + "eless" + ], + [ + "ĠStan", + "ford" + ], + [ + "Ġdr", + "illing" + ], + [ + "Hand", + "ler" + ], + [ + "em", + "ption" + ], + [ + "ĠDen", + "mark" + ], + [ + "Test", + "Case" + ], + [ + "Ġfirst", + "name" + ], + [ + "ĠC", + "and" + ], + [ + "Ġpneum", + "onia" + ], + [ + "Ġcomp", + "iled" + ], + [ + "Ġin", + "ability" + ], + [ + "ĠM", + "oscow" + ], + [ + "rox", + "imately" + ], + [ + "ĠS", + "pect" + ], + [ + "B", + "ook" + ], + [ + "og", + "g" + ], + [ + "Ġlist", + "ing" + ], + [ + "Ġcool", + "er" + ], + [ + "Ġcompr", + "ises" + ], + [ + "b", + "b" + ], + [ + "is", + "ol" + ], + [ + "ne", + "ver" + ], + [ + "Ġpull", + "ing" + ], + [ + "Ġoff", + "ensive" + ], + [ + "are", + "a" + ], + [ + "Ġmod", + "est" + ], + [ + "Ġretire", + "ment" + ], + [ + "ĠUS", + "DA" + ], + [ + "Ġtoile", + "t" + ], + [ + "ĠF", + "eed" + ], + [ + "ren", + "al" + ], + [ + "Ġel", + "ite" + ], + [ + "U", + "RE" + ], + [ + "Ġne", + "arest" + ], + [ + "Ġcomp", + "osite" + ], + [ + "ĠG", + "round" + ], + [ + "ĠC", + "redit" + ], + [ + "Ġtu", + "ber" + ], + [ + "A", + "f" + ], + [ + "Ġantioxid", + "ant" + ], + [ + "Ġadapt", + "ability" + ], + [ + "c", + "ourse" + ], + [ + "Ġwh", + "ale" + ], + [ + "æ", + "ķ" + ], + [ + "Ġg", + "rief" + ], + [ + "Ġinter", + "ven" + ], + [ + "b", + "id" + ], + [ + "ĠI", + "owa" + ], + [ + "ĠHar", + "ry" + ], + [ + "m", + "ble" + ], + [ + "ing", + "e" + ], + [ + "ĠC", + "amb" + ], + [ + "o", + "qu" + ], + [ + "ĠD", + "ark" + ], + [ + "ĠCo", + "al" + ], + [ + "Ġ'", + "-" + ], + [ + "Ġcommand", + "er" + ], + [ + "H", + "ead" + ], + [ + "ul", + "er" + ], + [ + "Ġsupp", + "ose" + ], + [ + "Ġform", + "ally" + ], + [ + "Ġpol", + "ym" + ], + [ + "ĠBet", + "ter" + ], + [ + "âĸ", + "Ī" + ], + [ + "ĠReg", + "ion" + ], + [ + "ĠBel", + "ow" + ], + [ + "Ġquestion", + "na" + ], + [ + "m", + "ass" + ], + [ + "Ġsix", + "th" + ], + [ + ":", + "*" + ], + [ + "ĠSwed", + "ish" + ], + [ + "Ġlearn", + "er" + ], + [ + "ĠG", + "re" + ], + [ + "Ġopp", + "osing" + ], + [ + "Ġshel", + "f" + ], + [ + "sc", + "he" + ], + [ + "ĠOpp", + "ortun" + ], + [ + "Ġp", + "iano" + ], + [ + "ĠC", + "hen" + ], + [ + "Ġpro", + "pri" + ], + [ + "ĠM", + "O" + ], + [ + "Ġshif", + "ted" + ], + [ + "E", + "v" + ], + [ + ")", + ")." + ], + [ + "up", + "uncture" + ], + [ + "Ġfrag", + "ile" + ], + [ + "Ġcon", + "ve" + ], + [ + "be", + "at" + ], + [ + "ĠPat", + "rick" + ], + [ + "Ġadjust", + "ing" + ], + [ + "c", + "ision" + ], + [ + "Ġqu", + "een" + ], + [ + "m", + "etic" + ], + [ + "Ġscr", + "ut" + ], + [ + "h", + "idden" + ], + [ + "Ġtransform", + "ative" + ], + [ + "But", + "ton" + ], + [ + "ĠEv", + "idence" + ], + [ + "Ġsn", + "ack" + ], + [ + "if", + "iable" + ], + [ + "St", + "r" + ], + [ + "Ġwe", + "eds" + ], + [ + "ĠCons", + "erv" + ], + [ + "Ġh", + "its" + ], + [ + "Ġr", + "ust" + ], + [ + "Ġ\"", + "\\" + ], + [ + "aut", + "o" + ], + [ + "ĠAll", + "iance" + ], + [ + "Ġfluctu", + "ations" + ], + [ + "Ġinstrument", + "al" + ], + [ + "~~", + "~~" + ], + [ + "ig", + "o" + ], + [ + "te", + "es" + ], + [ + "ĠV", + "ery" + ], + [ + "Ġdr", + "um" + ], + [ + "Ġremind", + "ed" + ], + [ + "ĠPrin", + "ciples" + ], + [ + "ĠM", + "as" + ], + [ + "Ġspec", + "ially" + ], + [ + "Ï", + "ī" + ], + [ + "Ġeven", + "ly" + ], + [ + "Ġpredominant", + "ly" + ], + [ + "Ġp", + "seud" + ], + [ + "a", + "us" + ], + [ + "Ġcultiv", + "ated" + ], + [ + "Ġsatisf", + "y" + ], + [ + "c", + "p" + ], + [ + "ĠF", + "acts" + ], + [ + "on", + "ics" + ], + [ + "Ġnew", + "found" + ], + [ + "Ġchar", + "ity" + ], + [ + "m", + "o" + ], + [ + "kl", + "ah" + ], + [ + "ne", + "ath" + ], + [ + "Ġscr", + "atch" + ], + [ + "ĠBen", + "jamin" + ], + [ + "S", + "cience" + ], + [ + "er", + "os" + ], + [ + "ĠPark", + "inson" + ], + [ + "Ġpenc", + "il" + ], + [ + "ip", + "y" + ], + [ + "Ġlit", + "ter" + ], + [ + "Ġreg", + "en" + ], + [ + "ĠPro", + "b" + ], + [ + "Ġdisapp", + "eared" + ], + [ + "Ġpray", + "ers" + ], + [ + "Ġsh", + "ame" + ], + [ + "cler", + "osis" + ], + [ + "str", + "ong" + ], + [ + "F", + "OR" + ], + [ + "c", + "ustom" + ], + [ + "__", + "':" + ], + [ + "Ġcult", + "urally" + ], + [ + "Ġsuggest", + "ion" + ], + [ + "ĠPre", + "vent" + ], + [ + "ĠH", + "o" + ], + [ + "Ġoccup", + "ational" + ], + [ + "Mean", + "while" + ], + [ + "c", + "v" + ], + [ + "IC", + "E" + ], + [ + "Char", + "Field" + ], + [ + "we", + "alth" + ], + [ + "Ġsc", + "atter" + ], + [ + "Ġgl", + "ance" + ], + [ + "T", + "ypes" + ], + [ + "Ġt", + "ie" + ], + [ + "ar", + "on" + ], + [ + "ĠH", + "ou" + ], + [ + "ail", + "ure" + ], + [ + "Ġd", + "op" + ], + [ + ").", + "__" + ], + [ + "m", + "el" + ], + [ + "ĠRem", + "ove" + ], + [ + "M", + "ethod" + ], + [ + "Ġflow", + "ering" + ], + [ + "us", + "ions" + ], + [ + "oll", + "o" + ], + [ + "ic", + "ode" + ], + [ + "Ġwis", + "hes" + ], + [ + "Ġclaim", + "ing" + ], + [ + "Ġphilos", + "ophers" + ], + [ + "ĠPalest", + "ine" + ], + [ + "Ġ", + "á" + ], + [ + "ĠTor", + "ah" + ], + [ + "Ġrul", + "ers" + ], + [ + "Last", + "ly" + ], + [ + "Ġam", + "ple" + ], + [ + "lim", + "ited" + ], + [ + "ĠN", + "A" + ], + [ + "by", + "tes" + ], + [ + "ĠB", + "ud" + ], + [ + "ĠMo", + "ore" + ], + [ + "C", + "ode" + ], + [ + "c", + "ategory" + ], + [ + "Ġp", + "umps" + ], + [ + "Ġmar", + "king" + ], + [ + "Ġperman", + "ently" + ], + [ + "ĠR", + "oc" + ], + [ + "ond", + "er" + ], + [ + "Ġmosquit", + "oes" + ], + [ + "g", + "ument" + ], + [ + "in", + "ar" + ], + [ + "Ġover", + "head" + ], + [ + "Ġparent", + "al" + ], + [ + "AS", + "S" + ], + [ + "writ", + "er" + ], + [ + "Ġrat", + "ios" + ], + [ + "Ġcm", + "d" + ], + [ + "Ġst", + "ating" + ], + [ + "ac", + "eted" + ], + [ + "ht", + "m" + ], + [ + "ĠIss", + "ues" + ], + [ + "Ġcomplement", + "ary" + ], + [ + "Ġut", + "ter" + ], + [ + "cur", + "s" + ], + [ + "Pro", + "v" + ], + [ + "Ġperipher", + "al" + ], + [ + "Ġtoxic", + "ity" + ], + [ + "ĠKh", + "an" + ], + [ + "Ġlif", + "elong" + ], + [ + "f", + "lu" + ], + [ + "p", + "ill" + ], + [ + "D", + "IR" + ], + [ + "w", + "elling" + ], + [ + "ĠPre", + "par" + ], + [ + "Ġinf", + "inite" + ], + [ + "Cl", + "ient" + ], + [ + "Ed", + "it" + ], + [ + "Ġencomp", + "asses" + ], + [ + "ĠE", + "li" + ], + [ + "Ġem", + "peror" + ], + [ + "ĠL", + "anc" + ], + [ + "ĠCont", + "ent" + ], + [ + "log", + "in" + ], + [ + "âĢ¦", + "." + ], + [ + "ar", + "ry" + ], + [ + "Ġh", + "i" + ], + [ + "Ġwater", + "ing" + ], + [ + "ĠAd", + "ditional" + ], + [ + "Ġfant", + "asy" + ], + [ + "Down", + "load" + ], + [ + "Ġinst", + "antly" + ], + [ + "ĠArch", + "ived" + ], + [ + "ĠAppro", + "ach" + ], + [ + "Ġtre", + "asures" + ], + [ + "Ġmon", + "arch" + ], + [ + "P", + "age" + ], + [ + "Ġsem", + "ester" + ], + [ + "Ġar", + "sen" + ], + [ + "\"", + ">" + ], + [ + "Data", + "Frame" + ], + [ + "Ġp", + "s" + ], + [ + "less", + "ness" + ], + [ + "Ġresid", + "ual" + ], + [ + "I", + "B" + ], + [ + "Ġadv", + "ise" + ], + [ + "Ġpubl", + "isher" + ], + [ + "ere", + "r" + ], + [ + "Ġrender", + "ing" + ], + [ + "f", + "uture" + ], + [ + "Ġl", + "engths" + ], + [ + "Ġagg", + "ression" + ], + [ + "ĠPop", + "ulation" + ], + [ + "ĠNew", + "ton" + ], + [ + "Ġvers", + "es" + ], + [ + "Ġinvest", + "ed" + ], + [ + "Ġstrugg", + "led" + ], + [ + "ĠBro", + "ok" + ], + [ + "Ġmicrosc", + "ope" + ], + [ + "Ġpuzz", + "les" + ], + [ + "ific", + "ant" + ], + [ + "ĠNorth", + "west" + ], + [ + "Ġfro", + "st" + ], + [ + "Ġcoron", + "avirus" + ], + [ + "ĠTai", + "wan" + ], + [ + "Ġoblig", + "ation" + ], + [ + "P", + "M" + ], + [ + "pr", + "im" + ], + [ + "Ġadvance", + "ment" + ], + [ + "Ġpenal", + "ty" + ], + [ + "Ġwhere", + "in" + ], + [ + "Ġclim", + "bing" + ], + [ + "Ġsupp", + "orters" + ], + [ + "ĠPart", + "ners" + ], + [ + "ĠS", + "yd" + ], + [ + "Ġarchitect", + "s" + ], + [ + "et", + "ric" + ], + [ + "Ġmicro", + "organisms" + ], + [ + "Ġanaly", + "tics" + ], + [ + "Ġwild", + "erness" + ], + [ + "Ġst", + "icks" + ], + [ + "orest", + "ation" + ], + [ + "Ġge", + "ometric" + ], + [ + "S", + "QL" + ], + [ + "ign", + "ant" + ], + [ + "ĠAnd", + "erson" + ], + [ + "ĠC", + "os" + ], + [ + "ĠSum", + "mer" + ], + [ + "Ġtang", + "ible" + ], + [ + "Ke", + "ep" + ], + [ + "ĠN", + "urs" + ], + [ + "Ġgradu", + "al" + ], + [ + "ocy", + "tes" + ], + [ + "Ġfit", + "ting" + ], + [ + "T", + "ensor" + ], + [ + "ĠS", + "el" + ], + [ + "Ġinter", + "personal" + ], + [ + "Ġind", + "oors" + ], + [ + "Ġreject", + "ion" + ], + [ + "Ġjewel", + "ry" + ], + [ + "le", + "ys" + ], + [ + "t", + "ags" + ], + [ + "ĠDem", + "ocr" + ], + [ + "ĠVictor", + "ian" + ], + [ + "ourag", + "ing" + ], + [ + "ester", + "day" + ], + [ + "M", + "OD" + ], + [ + "le", + "ading" + ], + [ + "Ġf", + "ool" + ], + [ + "Ġgener", + "ic" + ], + [ + "ĠSo", + "il" + ], + [ + "Ġref", + "ere" + ], + [ + "Ġacadem", + "ics" + ], + [ + "Ġfeas", + "ible" + ], + [ + "T", + "HE" + ], + [ + "ĠF", + "ried" + ], + [ + "Ġsubject", + "ed" + ], + [ + "g", + "b" + ], + [ + "ĠC", + "art" + ], + [ + "Ġrel", + "uct" + ], + [ + "ro", + "ve" + ], + [ + "]", + "<" + ], + [ + "Ġoverl", + "ap" + ], + [ + "Ġwaters", + "hed" + ], + [ + "Ġfeather", + "s" + ], + [ + "klah", + "oma" + ], + [ + "Ġpack", + "et" + ], + [ + "un", + "c" + ], + [ + "Ġmy", + "riad" + ], + [ + "Ġst", + "umbled" + ], + [ + "f", + "und" + ], + [ + "Ġsupp", + "ress" + ], + [ + "Ġabd", + "omen" + ], + [ + "ĠN", + "an" + ], + [ + "Ġs", + "li" + ], + [ + "ĠT", + "ool" + ], + [ + "R", + "N" + ], + [ + "Ġgu", + "itar" + ], + [ + "Ġclin", + "ic" + ], + [ + "own", + "er" + ], + [ + "ĠPer", + "formance" + ], + [ + "Comm", + "un" + ], + [ + "ĠD", + "ick" + ], + [ + "ĠBer", + "keley" + ], + [ + "Ġu", + "mb" + ], + [ + "h", + "u" + ], + [ + "Ġh", + "o" + ], + [ + "Ġpo", + "le" + ], + [ + "Ġopp", + "onents" + ], + [ + "t", + "ab" + ], + [ + "Ġg", + "ig" + ], + [ + "Ġg", + "amb" + ], + [ + "Ġjud", + "icial" + ], + [ + "Ġappreci", + "ated" + ], + [ + "ĠAccess", + "ed" + ], + [ + "\"", + ";" + ], + [ + "ail", + "and" + ], + [ + "ĠDevelop", + "ing" + ], + [ + "ar", + "bon" + ], + [ + "co", + "res" + ], + [ + "Ġun", + "ions" + ], + [ + "Ġjust", + "ify" + ], + [ + "ĠH", + "un" + ], + [ + "ĠJ", + "oint" + ], + [ + "Ġcur", + "ves" + ], + [ + "Ġd", + "ermat" + ], + [ + "Ġcar", + "ved" + ], + [ + "iz", + "za" + ], + [ + "ĠJ", + "ob" + ], + [ + "pro", + "p" + ], + [ + "head", + "ers" + ], + [ + "p", + "olicy" + ], + [ + "in", + "ence" + ], + [ + "Ġwor", + "ms" + ], + [ + "Ġrab", + "bit" + ], + [ + "Ġsc", + "arc" + ], + [ + "Ġoverwhel", + "med" + ], + [ + "Ġgravit", + "ational" + ], + [ + "Ġwal", + "ks" + ], + [ + "rou", + "te" + ], + [ + "h", + "ind" + ], + [ + "Ġcompet", + "itors" + ], + [ + "Ġreal", + "izing" + ], + [ + "Ġo", + "ak" + ], + [ + "Ġexplore", + "rs" + ], + [ + "Ġu", + "pt" + ], + [ + "Ġde", + "ck" + ], + [ + "Ġment", + "ally" + ], + [ + "op", + "or" + ], + [ + "ren", + "cies" + ], + [ + "Ġcit", + "ations" + ], + [ + "ĠW", + "AR" + ], + [ + "Ġcareg", + "ivers" + ], + [ + "ĠW", + "right" + ], + [ + "Ġt", + "ent" + ], + [ + "Ġh", + "ire" + ], + [ + "ĠT", + "otal" + ], + [ + "Un", + "it" + ], + [ + "Ġhand", + "ful" + ], + [ + "U", + "E" + ], + [ + "ĠCommun", + "ist" + ], + [ + "ĠRec", + "ord" + ], + [ + "Ġp", + "ir" + ], + [ + "hes", + "ia" + ], + [ + "Ġen", + "velop" + ], + [ + "Ġbod", + "ily" + ], + [ + "ĠP", + "s" + ], + [ + "Ġpe", + "an" + ], + [ + "at", + "ility" + ], + [ + "ight", + "ing" + ], + [ + "St", + "atus" + ], + [ + "Ġc", + "raw" + ], + [ + "ĠW", + "inter" + ], + [ + "cc", + "a" + ], + [ + "rit", + "e" + ], + [ + "AC", + "E" + ], + [ + "ĠM", + "s" + ], + [ + "Ġlower", + "ing" + ], + [ + "part", + "y" + ], + [ + "Ġam", + "mon" + ], + [ + "ffic", + "iency" + ], + [ + "Ġprivile", + "ge" + ], + [ + "Ġc", + "arn" + ], + [ + "AP", + "I" + ], + [ + "ĠDef", + "inition" + ], + [ + "Y", + "et" + ], + [ + "Ġal", + "oud" + ], + [ + "ard", + "o" + ], + [ + "Com", + "put" + ], + [ + "st", + "ar" + ], + [ + "Ġsec", + "ured" + ], + [ + "fl", + "at" + ], + [ + "ĠA", + "ward" + ], + [ + "ĠL", + "akes" + ], + [ + "ur", + "ban" + ], + [ + "ns", + "ic" + ], + [ + "ĠCurrent", + "ly" + ], + [ + "Ġindu", + "ce" + ], + [ + "H", + "ome" + ], + [ + "ĠB", + "at" + ], + [ + "ER", + "T" + ], + [ + "E", + "V" + ], + [ + "Ġcl", + "ip" + ], + [ + "Ġdel", + "iber" + ], + [ + "t", + "ml" + ], + [ + "Ġregul", + "ating" + ], + [ + "ĠS", + "ure" + ], + [ + "Ġdo", + "zens" + ], + [ + "Ġoffer", + "ings" + ], + [ + "u", + "pp" + ], + [ + "ĠGen", + "esis" + ], + [ + "w", + "ave" + ], + [ + "Ġwas", + "hed" + ], + [ + "ĠAll", + "en" + ], + [ + "v", + "o" + ], + [ + "ĠAut", + "om" + ], + [ + "Ġped", + "agog" + ], + [ + "Ġ", + "âĢĻ" + ], + [ + "Ġrespond", + "ents" + ], + [ + "Ġdiff", + "ers" + ], + [ + "Ġtru", + "cks" + ], + [ + "ĠBy", + "z" + ], + [ + "(\"", + "\\" + ], + [ + "ĠMe", + "asure" + ], + [ + "od", + "d" + ], + [ + "Ġthought", + "ful" + ], + [ + "C", + "or" + ], + [ + "Ġconcept", + "ion" + ], + [ + "D", + "irect" + ], + [ + "Ġbare", + "ly" + ], + [ + "ĠP", + "eters" + ], + [ + "AB", + "LE" + ], + [ + "Ġf", + "iscal" + ], + [ + "\"]", + "[\"" + ], + [ + "'", + "}" + ], + [ + "Ġs", + "its" + ], + [ + "Ġinter", + "sect" + ], + [ + "Ġfree", + "zing" + ], + [ + "ĠMem", + "ory" + ], + [ + "Ġlim", + "bs" + ], + [ + "Ġcompan", + "ions" + ], + [ + "ĠProv", + "ide" + ], + [ + "re", + "a" + ], + [ + "Ġre", + "pt" + ], + [ + "og", + "rams" + ], + [ + "OR", + "E" + ], + [ + "u", + "y" + ], + [ + "ĠL", + "td" + ], + [ + "Ġweek", + "end" + ], + [ + "ĠImm", + "un" + ], + [ + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠ" + ], + [ + "Ġfung", + "us" + ], + [ + "c", + "ence" + ], + [ + "Ġan", + "a" + ], + [ + "ĠG", + "and" + ], + [ + "ĠAl", + "i" + ], + [ + "Ġcl", + "icking" + ], + [ + "h", + "o" + ], + [ + "Ã", + "º" + ], + [ + "Ġredu", + "ctions" + ], + [ + "Ġprec", + "autions" + ], + [ + "ĠAgree", + "ment" + ], + [ + "Ġcont", + "empl" + ], + [ + "Ġcort", + "ex" + ], + [ + "Ġcan", + "on" + ], + [ + "ĠA", + "round" + ], + [ + "Ġb", + "ibli" + ], + [ + "ĠD", + "og" + ], + [ + "ĠIn", + "fect" + ], + [ + "ĠH", + "art" + ], + [ + "Ġme", + "ats" + ], + [ + "sc", + "hema" + ], + [ + "ri", + "ages" + ], + [ + "cl", + "amation" + ], + [ + "izophren", + "ia" + ], + [ + "u", + "ated" + ], + [ + "sq", + "rt" + ], + [ + "Ġg", + "y" + ], + [ + "Ġelectro", + "ly" + ], + [ + "Pub", + "Med" + ], + [ + "B", + "et" + ], + [ + "R", + "a" + ], + [ + "ĠS", + "ay" + ], + [ + "Ġdel", + "ib" + ], + [ + "ir", + "ie" + ], + [ + "th", + "reshold" + ], + [ + "Ġland", + "ed" + ], + [ + "Ġsn", + "akes" + ], + [ + "ĠT", + "B" + ], + [ + "Ġab", + "st" + ], + [ + "uls", + "ive" + ], + [ + "Ġhar", + "assment" + ], + [ + "ert", + "ation" + ], + [ + "in", + "us" + ], + [ + "ry", + "st" + ], + [ + "pos", + "itive" + ], + [ + "Ġcontinu", + "ity" + ], + [ + "Ġterrit", + "orial" + ], + [ + "Ġtransform", + "ations" + ], + [ + "Whe", + "ther" + ], + [ + "ĠS", + "yn" + ], + [ + "Ġad", + "herence" + ], + [ + "Ġad", + "olescent" + ], + [ + "Ġburn", + "s" + ], + [ + "ĠAng", + "lo" + ], + [ + "ĠBanglades", + "h" + ], + [ + "Ġret", + "ired" + ], + [ + "ĠIm", + "ages" + ], + [ + "Ġsp", + "ider" + ], + [ + "Ġproceed", + "ings" + ], + [ + "ĠS", + "now" + ], + [ + "m", + "aker" + ], + [ + "ĠEm", + "ploy" + ], + [ + "ĠS", + "ens" + ], + [ + "Ġgu", + "est" + ], + [ + "ĠRef", + "erence" + ], + [ + "Ġke", + "en" + ], + [ + "Ġsqu", + "ares" + ], + [ + "Ġnot", + "eb" + ], + [ + "Ġanat", + "omy" + ], + [ + "or", + "rh" + ], + [ + "ĠE", + "instein" + ], + [ + "Ġatt", + "orney" + ], + [ + "icro", + "b" + ], + [ + "Ġsched", + "ules" + ], + [ + "Ġinst", + "ability" + ], + [ + "Ġprim", + "itive" + ], + [ + "ĠBit", + "coin" + ], + [ + "J", + "une" + ], + [ + "Ġlog", + "s" + ], + [ + "Ġsens", + "ing" + ], + [ + "Ġfil", + "ed" + ], + [ + "ĠC", + "ould" + ], + [ + "Ġman", + "ually" + ], + [ + "Ġinter", + "faces" + ], + [ + "Ġmedic", + "inal" + ], + [ + "s", + "pect" + ], + [ + "Ġappear", + "ing" + ], + [ + "ĠSim", + "ply" + ], + [ + "log", + "ging" + ], + [ + "Ġr", + "ip" + ], + [ + "Ġfit", + "ted" + ], + [ + "pl", + "aces" + ], + [ + "ĠHam", + "ilton" + ], + [ + "Ġt", + "ightly" + ], + [ + "ĠR", + "ule" + ], + [ + "Ġmic", + "row" + ], + [ + "ĠDis", + "orders" + ], + [ + "ĠAN", + "Y" + ], + [ + "ĠS", + "alt" + ], + [ + "hes", + "s" + ], + [ + "Ġrecogn", + "ised" + ], + [ + "M", + "arch" + ], + [ + "ed", + "e" + ], + [ + "z", + "es" + ], + [ + "Ġt", + "et" + ], + [ + "ĠI", + "oT" + ], + [ + "Ġper", + "severance" + ], + [ + "Ġel", + "astic" + ], + [ + "Ġtrag", + "ic" + ], + [ + "ĠE", + "ffective" + ], + [ + "Ġt", + "err" + ], + [ + "Ġsusp", + "ended" + ], + [ + "Ġc", + "ake" + ], + [ + "Ġtal", + "ented" + ], + [ + "Ġfrust", + "ration" + ], + [ + "Ġint", + "imate" + ], + [ + "i", + "age" + ], + [ + "acter", + "ia" + ], + [ + ".", + "(" + ], + [ + "Ġst", + "igma" + ], + [ + "Ġgr", + "ate" + ], + [ + "Ġdocument", + "ary" + ], + [ + "av", + "al" + ], + [ + "Ġp", + "ocket" + ], + [ + "es", + "ar" + ], + [ + "Ġsc", + "ans" + ], + [ + "Ġrelax", + "ed" + ], + [ + "ĠU", + "ntil" + ], + [ + "ĠUs", + "ed" + ], + [ + "Ġ", + "iv" + ], + [ + "Ġun", + "lock" + ], + [ + "clud", + "es" + ], + [ + "Ġselect", + "ive" + ], + [ + "Ġconstruct", + "ive" + ], + [ + "v", + "able" + ], + [ + "ier", + "ra" + ], + [ + "Ġfriends", + "hips" + ], + [ + "Ġastron", + "omers" + ], + [ + "Ġis", + "ot" + ], + [ + "Ġauthor", + "ized" + ], + [ + "ĠUnder", + "stand" + ], + [ + "ĠE", + "ating" + ], + [ + "Ġmon", + "aster" + ], + [ + "L", + "D" + ], + [ + "Ġw", + "re" + ], + [ + "S", + "V" + ], + [ + "off", + "s" + ], + [ + "Ġex", + "agger" + ], + [ + "Ġen", + "ric" + ], + [ + "ĠG", + "ospel" + ], + [ + "ĠBe", + "yond" + ], + [ + "unt", + "ime" + ], + [ + "ĠVen", + "us" + ], + [ + "M", + "c" + ], + [ + "ĠB", + "eng" + ], + [ + "Ġinf", + "rared" + ], + [ + "Ġli", + "ability" + ], + [ + "Ġfl", + "aw" + ], + [ + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠ" + ], + [ + "Ġab", + "ortion" + ], + [ + "que", + "ue" + ], + [ + "Ġqu", + "oted" + ], + [ + "Ġh", + "iring" + ], + [ + "Ġt", + "urtles" + ], + [ + "Ġl", + "ady" + ], + [ + "ĠS", + "ounds" + ], + [ + "Ġal", + "kal" + ], + [ + "f", + "ed" + ], + [ + "Ġprol", + "if" + ], + [ + "Ġden", + "y" + ], + [ + "Ġcycl", + "ing" + ], + [ + "Ġgall", + "ons" + ], + [ + "è", + "¯" + ], + [ + "Ġnew", + "er" + ], + [ + "ĠImport", + "ance" + ], + [ + "as", + "ers" + ], + [ + "EN", + "D" + ], + [ + "ĠF", + "inn" + ], + [ + "ĠAn", + "imals" + ], + [ + "Ġmunicip", + "al" + ], + [ + "Ġdemand", + "ed" + ], + [ + "ĠMain", + "e" + ], + [ + "v", + "m" + ], + [ + "Ġfor", + "um" + ], + [ + "c", + "ross" + ], + [ + "ĠS", + "ave" + ], + [ + "Ġex", + "cer" + ], + [ + "Ġarm", + "ies" + ], + [ + "it", + "ives" + ], + [ + "Ġsn", + "acks" + ], + [ + "ĠSqu", + "are" + ], + [ + "pe", + "red" + ], + [ + "de", + "code" + ], + [ + "]", + "):" + ], + [ + "ĠArab", + "ia" + ], + [ + "Ġdies", + "el" + ], + [ + "Ġsupp", + "liers" + ], + [ + "cret", + "ion" + ], + [ + "S", + "ol" + ], + [ + "Lay", + "out" + ], + [ + "Ġd", + "olph" + ], + [ + "cl", + "oud" + ], + [ + "ours", + "es" + ], + [ + "Ġsubject", + "ive" + ], + [ + "pl", + "er" + ], + [ + "Ġsculpt", + "ure" + ], + [ + "th", + "ree" + ], + [ + "ceed", + "ings" + ], + [ + "D", + "oc" + ], + [ + "ot", + "ine" + ], + [ + "Ġbe", + "aches" + ], + [ + "Ġbase", + "ball" + ], + [ + "Ġgastro", + "intestinal" + ], + [ + "ar", + "b" + ], + [ + "Ġseiz", + "ures" + ], + [ + "x", + "a" + ], + [ + "å", + "IJ" + ], + [ + "art", + "z" + ], + [ + "Ġprof", + "iciency" + ], + [ + "Ġfle", + "e" + ], + [ + "D", + "ig" + ], + [ + "ty", + "p" + ], + [ + "Ġqual", + "itative" + ], + [ + "Ġadmin", + "ister" + ], + [ + "V", + "er" + ], + [ + "Ġchromos", + "ome" + ], + [ + "ed", + "it" + ], + [ + "Ġan", + "ts" + ], + [ + "Ġfil", + "ament" + ], + [ + "Ġg", + "ad" + ], + [ + "Ġd", + "ir" + ], + [ + "Ġlaw", + "yers" + ], + [ + "e", + "ff" + ], + [ + "ĠExpl", + "ain" + ], + [ + "Ġlight", + "ning" + ], + [ + "Ġintric", + "acies" + ], + [ + "ch", + "at" + ], + [ + "Ġide", + "als" + ], + [ + "ĠHig", + "her" + ], + [ + "Ġclim", + "b" + ], + [ + "Ġbu", + "nd" + ], + [ + "Ġide", + "ology" + ], + [ + "Ġintest", + "ine" + ], + [ + "p", + "ad" + ], + [ + "Ġtherap", + "ists" + ], + [ + "P", + "H" + ], + [ + "Ġthe", + "ology" + ], + [ + "Ġs", + "ql" + ], + [ + "ĠConnect", + "icut" + ], + [ + "Ġ", + "ĊĠĠĠ" + ], + [ + "Ġult", + "rasound" + ], + [ + "Ġhyp", + "ot" + ], + [ + "Ġsuper", + "natural" + ], + [ + "Ġas", + "leep" + ], + [ + "du", + "e" + ], + [ + "es", + "ian" + ], + [ + "Ġmembr", + "anes" + ], + [ + "Ġass", + "ass" + ], + [ + "Ġp", + "ile" + ], + [ + "Ġcorrespond", + "s" + ], + [ + "process", + "ing" + ], + [ + "ira", + "cy" + ], + [ + "ĠFa", + "ith" + ], + [ + "Ġsqu", + "ir" + ], + [ + "ĠEx", + "press" + ], + [ + "ĠMic", + "hel" + ], + [ + "lu", + "g" + ], + [ + "Ġup", + "ward" + ], + [ + "Ġun", + "re" + ], + [ + "Ġfest", + "ivals" + ], + [ + "raul", + "ic" + ], + [ + "In", + "it" + ], + [ + "F", + "ound" + ], + [ + "p", + "ulumi" + ], + [ + "Ġbus", + "h" + ], + [ + "t", + "ry" + ], + [ + "Ġseg", + "regation" + ], + [ + "Ġax", + "es" + ], + [ + "img", + "ur" + ], + [ + "E", + "duc" + ], + [ + "L", + "L" + ], + [ + "g", + "it" + ], + [ + "Ġmaster", + "y" + ], + [ + "Ġcomp", + "ress" + ], + [ + "Ġbul", + "let" + ], + [ + "Ġpric", + "ing" + ], + [ + "s", + "a" + ], + [ + "Ġsal", + "vation" + ], + [ + "Ġwaste", + "water" + ], + [ + "g", + "ments" + ], + [ + "Ġw", + "and" + ], + [ + "Ġcent", + "res" + ], + [ + "Ġl", + "ion" + ], + [ + "Ġbe", + "verages" + ], + [ + "ĠAn", + "na" + ], + [ + "Ġstimul", + "us" + ], + [ + "Ġacid", + "ic" + ], + [ + "Ġf", + "ox" + ], + [ + "Ġg", + "amma" + ], + [ + "ĠSat", + "urn" + ], + [ + "#!", + "/" + ], + [ + "m", + "g" + ], + [ + "ĠE", + "R" + ], + [ + "Ġar", + "row" + ], + [ + "Ġreson", + "ate" + ], + [ + "enc", + "ode" + ], + [ + "Ġsolid", + "arity" + ], + [ + "Ġcommun", + "al" + ], + [ + "duct", + "or" + ], + [ + "m", + "u" + ], + [ + "empt", + "y" + ], + [ + "Ġpar", + "king" + ], + [ + "Ġsc", + "rap" + ], + [ + "le", + "ans" + ], + [ + "ĠB", + "lu" + ], + [ + "Ġcur", + "sor" + ], + [ + "ĠL", + "ank" + ], + [ + "ĠSt", + "alin" + ], + [ + "sy", + "mb" + ], + [ + "b", + "ies" + ], + [ + "Ġaut", + "h" + ], + [ + "is", + "co" + ], + [ + "ĠBas", + "in" + ], + [ + "Ð", + "²" + ], + [ + "Ġdet", + "er" + ], + [ + "ĠCom", + "plex" + ], + [ + "Ã", + "¦" + ], + [ + "Ġcomment", + "ary" + ], + [ + "Ġd", + "ye" + ], + [ + "ĠSk", + "in" + ], + [ + "Ġpix", + "el" + ], + [ + "N", + "E" + ], + [ + "Ġequ", + "als" + ], + [ + "im", + "ore" + ], + [ + "Ġtra", + "ils" + ], + [ + "Ġrel", + "iance" + ], + [ + "Ġtour", + "ist" + ], + [ + "ĠE", + "at" + ], + [ + "LO", + "G" + ], + [ + "Ġcred", + "its" + ], + [ + "ĠSt", + "ring" + ], + [ + "Ġport", + "rait" + ], + [ + "Ar", + "ray" + ], + [ + "Ġcomp", + "ly" + ], + [ + "ĠExt", + "ension" + ], + [ + "Ġ'", + "\\" + ], + [ + "Ġcreat", + "ors" + ], + [ + "Ġcompet", + "ence" + ], + [ + "Ġsubstr", + "ate" + ], + [ + "Ġfol", + "iage" + ], + [ + "T", + "itle" + ], + [ + "Ġnation", + "wide" + ], + [ + "hand", + "le" + ], + [ + "Ġc", + "ables" + ], + [ + "Ġcan", + "vas" + ], + [ + "ĠG", + "ram" + ], + [ + "sm", + "all" + ], + [ + "Ġmitig", + "ation" + ], + [ + "Ġun", + "conscious" + ], + [ + "Ġlay", + "ing" + ], + [ + "Ġadjust", + "ment" + ], + [ + "Ġharv", + "ested" + ], + [ + "Ġrespect", + "ful" + ], + [ + "Ġtast", + "es" + ], + [ + "*", + "," + ], + [ + "ĊĊ", + "Ċ" + ], + [ + "pro", + "g" + ], + [ + "Ġastron", + "omy" + ], + [ + "ant", + "ry" + ], + [ + "Ġ'", + "--" + ], + [ + "rag", + "on" + ], + [ + "Ġcerv", + "ical" + ], + [ + "C", + "V" + ], + [ + "Ġcivil", + "ian" + ], + [ + "+", + "'" + ], + [ + "F", + "eb" + ], + [ + "Ġbelie", + "ving" + ], + [ + "Ġcr", + "ises" + ], + [ + "Ġlast", + "s" + ], + [ + "Ġun", + "e" + ], + [ + "A", + "ction" + ], + [ + "Ġansw", + "ering" + ], + [ + "cel", + "and" + ], + [ + "Ġguarant", + "eed" + ], + [ + "à¥", + "į" + ], + [ + "Ġbl", + "ocking" + ], + [ + "ring", + "e" + ], + [ + "Ġd", + "irty" + ], + [ + "ĠConn", + "ection" + ], + [ + "Ġprejud", + "ice" + ], + [ + "Ġsex", + "ually" + ], + [ + "Ġdivor", + "ce" + ], + [ + "Ġtr", + "unk" + ], + [ + "Ġabnormal", + "ities" + ], + [ + "D", + "ist" + ], + [ + "Ġph", + "yl" + ], + [ + "flow", + "er" + ], + [ + "Ġgra", + "zing" + ], + [ + "Ġgl", + "oves" + ], + [ + "********", + "********" + ], + [ + "Ġm", + "u" + ], + [ + "Ġsh", + "ower" + ], + [ + "Ġcompar", + "isons" + ], + [ + "ĠE", + "M" + ], + [ + "Ġc", + "argo" + ], + [ + "Ġreconst", + "ruction" + ], + [ + "Ġdes", + "erve" + ], + [ + "ol", + "en" + ], + [ + "ell", + "ers" + ], + [ + "Ġre", + "plic" + ], + [ + "Ġassemb", + "led" + ], + [ + "Ġd", + "ynasty" + ], + [ + "Ġ(", + "$" + ], + [ + "ĠOlymp", + "ic" + ], + [ + "Ġ'", + "<" + ], + [ + "%", + ")," + ], + [ + "ĠSe", + "qu" + ], + [ + "Ġe", + "arning" + ], + [ + "ĠG", + "ender" + ], + [ + "ĠMult", + "iple" + ], + [ + "ge", + "vity" + ], + [ + "AR", + "E" + ], + [ + "Q", + "t" + ], + [ + "op", + "ard" + ], + [ + "Ġstress", + "ful" + ], + [ + "ĠRel", + "igion" + ], + [ + "ou", + "stic" + ], + [ + "Ġcor", + "rupt" + ], + [ + "T", + "E" + ], + [ + "ĠSyd", + "ney" + ], + [ + "def", + "ined" + ], + [ + "Ġdef", + "icit" + ], + [ + "Ġn", + "ights" + ], + [ + "it", + "ated" + ], + [ + "ĠF", + "le" + ], + [ + "Ġfather", + "s" + ], + [ + "ĠT", + "a" + ], + [ + "ĠH", + "ell" + ], + [ + "Ġtable", + "t" + ], + [ + "p", + "resent" + ], + [ + "Ġact", + "ed" + ], + [ + "mans", + "hip" + ], + [ + "Ġsp", + "rou" + ], + [ + "Ġatt", + "raction" + ], + [ + "ĠIdent", + "ity" + ], + [ + "P", + "ATH" + ], + [ + "Ġbul", + "b" + ], + [ + "kl", + "ore" + ], + [ + "ĠPol", + "ice" + ], + [ + "em", + "on" + ], + [ + "bl", + "ue" + ], + [ + "Ġkn", + "ock" + ], + [ + "read", + "ing" + ], + [ + "pat", + "ient" + ], + [ + "ĠT", + "R" + ], + [ + "Ġpar", + "ish" + ], + [ + "Ġthink", + "ers" + ], + [ + "Ġliqu", + "ids" + ], + [ + "Ġr", + "ash" + ], + [ + "ĠT", + "ODO" + ], + [ + "we", + "g" + ], + [ + "Ġrem", + "n" + ], + [ + "Ġpal", + "ace" + ], + [ + "Ġprem", + "ium" + ], + [ + "ĠB", + "arn" + ], + [ + "ev", + "ol" + ], + [ + "Ġformer", + "ly" + ], + [ + "Ġs", + "ie" + ], + [ + "Ġlim", + "b" + ], + [ + "ĠAlex", + "and" + ], + [ + "L", + "P" + ], + [ + "ĠD", + "er" + ], + [ + "Ġbr", + "ighter" + ], + [ + "ĠInf", + "lu" + ], + [ + "ĠApp", + "ly" + ], + [ + "Ġassum", + "es" + ], + [ + "w", + "alk" + ], + [ + "ĠCh", + "air" + ], + [ + "assert", + "True" + ], + [ + "en", + "ium" + ], + [ + "ĠL", + "ic" + ], + [ + "Ġdec", + "ides" + ], + [ + "Ġret", + "reat" + ], + [ + "Ġmind", + "set" + ], + [ + "ĠO", + "klahoma" + ], + [ + "Ġaw", + "esome" + ], + [ + "Ġk", + "ick" + ], + [ + "Ġminor", + "ities" + ], + [ + "Ġpass", + "enger" + ], + [ + "Ġimper", + "ative" + ], + [ + "ĠBab", + "ylon" + ], + [ + "ĠJ", + "oe" + ], + [ + "Ġprospect", + "ive" + ], + [ + "ur", + "u" + ], + [ + "ĠL", + "oc" + ], + [ + "Ġpat", + "ron" + ], + [ + "ĠMarg", + "aret" + ], + [ + "Ġsc", + "ra" + ], + [ + "Ġreward", + "ing" + ], + [ + "c", + "ards" + ], + [ + "ĠW", + "in" + ], + [ + "ĠN", + "ile" + ], + [ + "Ġluck", + "y" + ], + [ + "Ġped", + "est" + ], + [ + "Ġtransc", + "end" + ], + [ + "ĠH", + "az" + ], + [ + "ĠMem", + "bers" + ], + [ + "Ġaest", + "hetics" + ], + [ + "ut", + "o" + ], + [ + "ri", + "ans" + ], + [ + "ĠWal", + "ter" + ], + [ + "Ġstrong", + "est" + ], + [ + "M", + "s" + ], + [ + "O", + "ff" + ], + [ + "li", + "ver" + ], + [ + "ĠN", + "uclear" + ], + [ + "Ġprevent", + "ive" + ], + [ + "Ġunf", + "ortunately" + ], + [ + "d", + "type" + ], + [ + "Ġger", + "ms" + ], + [ + "Ġrend", + "ered" + ], + [ + "ĠIm", + "plement" + ], + [ + "Ġdecl", + "ining" + ], + [ + "count", + "ry" + ], + [ + "lim", + "it" + ], + [ + "ous", + "ing" + ], + [ + "Ġexplo", + "it" + ], + [ + "z", + "i" + ], + [ + "Ġt", + "ense" + ], + [ + "Ġball", + "oon" + ], + [ + "Ġspot", + "ted" + ], + [ + "Ġl", + "ips" + ], + [ + "Ġinstall", + "ing" + ], + [ + "Î", + "¼" + ], + [ + "ĠSt", + "ructure" + ], + [ + "ĠPro", + "per" + ], + [ + "ĠDougl", + "as" + ], + [ + "opor", + "osis" + ], + [ + "C", + "ross" + ], + [ + "Ġcol", + "oring" + ], + [ + "Ġclean", + "ed" + ], + [ + "u", + "pper" + ], + [ + "Ġjump", + "ing" + ], + [ + "Ġex", + "clusion" + ], + [ + "Ġgre", + "ens" + ], + [ + "Ġlik", + "ed" + ], + [ + "ĠMag", + "azine" + ], + [ + "com", + "a" + ], + [ + "Ġfun", + "c" + ], + [ + "Ġcompos", + "itions" + ], + [ + "ĠCh", + "anges" + ], + [ + "Ġmin", + "istry" + ], + [ + "?", + "?" + ], + [ + "o", + "os" + ], + [ + "Ġc", + "in" + ], + [ + "est", + "ial" + ], + [ + "ĠS", + "audi" + ], + [ + "ĠPro", + "duction" + ], + [ + "ĠGet", + "ting" + ], + [ + "Ġas", + "bestos" + ], + [ + "Ġconv", + "ince" + ], + [ + "Ġinterpre", + "ting" + ], + [ + "fam", + "ily" + ], + [ + "ĠTh", + "ailand" + ], + [ + "Th", + "ree" + ], + [ + "ĠProg", + "rams" + ], + [ + "Further", + "more" + ], + [ + "ĠHe", + "at" + ], + [ + "Ġethnic", + "ity" + ], + [ + "Ġsl", + "ip" + ], + [ + "ĠB", + "os" + ], + [ + "Ġreview", + "ing" + ], + [ + "h", + "alf" + ], + [ + "ve", + "ctor" + ], + [ + "static", + "method" + ], + [ + "ch", + "anged" + ], + [ + "Ġab", + "oard" + ], + [ + "Ġj", + "e" + ], + [ + "Ġinter", + "disciplinary" + ], + [ + "ci", + "ously" + ], + [ + "Be", + "ing" + ], + [ + "Z", + "E" + ], + [ + "Ġpot", + "s" + ], + [ + "Ġdescript", + "ive" + ], + [ + "Ġsc", + "ary" + ], + [ + "s", + "ky" + ], + [ + "Ġle", + "uk" + ], + [ + "ĠPlan", + "et" + ], + [ + "ĠB", + "or" + ], + [ + "Ġdef", + "ensive" + ], + [ + "ĠFl", + "ore" + ], + [ + "A", + "pril" + ], + [ + "C", + "ong" + ], + [ + "Ġunderstand", + "s" + ], + [ + "Ġaccident", + "ally" + ], + [ + "ä", + "º" + ], + [ + "ĠPar", + "ks" + ], + [ + "Â", + "½" + ], + [ + "Ã", + "ł" + ], + [ + "ĠF", + "oot" + ], + [ + "Ġprodu", + "cer" + ], + [ + "Ġf", + "right" + ], + [ + "ou", + "ble" + ], + [ + "ĠR", + "ot" + ], + [ + "ri", + "ors" + ], + [ + "Ġen", + "roll" + ], + [ + "ĠLe", + "v" + ], + [ + "Ġreflect", + "ive" + ], + [ + "agon", + "al" + ], + [ + "ĠNap", + "ole" + ], + [ + "Ġinn", + "ocent" + ], + [ + "ĠPh", + "arm" + ], + [ + "edi", + "ence" + ], + [ + "ĠD", + "ead" + ], + [ + "Ġbl", + "ade" + ], + [ + "ang", + "a" + ], + [ + "ĠExper", + "iment" + ], + [ + "h", + "n" + ], + [ + "ĠS", + "H" + ], + [ + "Ġkn", + "ife" + ], + [ + "Ġsan", + "itation" + ], + [ + "ĠDat", + "abase" + ], + [ + "Ġmet", + "icul" + ], + [ + "Ġfif", + "teen" + ], + [ + "ĠO", + "k" + ], + [ + "ans", + "k" + ], + [ + "Ġra", + "cing" + ], + [ + "Ġspark", + "ed" + ], + [ + "ĠB", + "rig" + ], + [ + "Ġd", + "urable" + ], + [ + "ĠCh", + "annel" + ], + [ + "ĠE", + "ye" + ], + [ + "Ġref", + "lex" + ], + [ + "Ġconver", + "ting" + ], + [ + "f", + "i" + ], + [ + "Ġp", + "ound" + ], + [ + "\"", + "]." + ], + [ + "ĠĠĠĠĠĠĠĠ", + "ĠĠ" + ], + [ + "ĠM", + "RI" + ], + [ + "Ġunder", + "neath" + ], + [ + "az", + "ines" + ], + [ + "ĠFreder", + "ick" + ], + [ + "ra", + "its" + ], + [ + "Ġceremon", + "ies" + ], + [ + "acter", + "ial" + ], + [ + "ly", + "wood" + ], + [ + "Ġs", + "ocket" + ], + [ + "Ġad", + "here" + ], + [ + "Ġpere", + "nn" + ], + [ + "Ġperform", + "s" + ], + [ + "Ġgas", + "oline" + ], + [ + "ĠO", + "ak" + ], + [ + "Ġback", + "up" + ], + [ + "Ġmot", + "ors" + ], + [ + "Ġauthentic", + "ity" + ], + [ + "us", + "age" + ], + [ + "ĠAp", + "ache" + ], + [ + "Ġprohib", + "ited" + ], + [ + "Ġaccompany", + "ing" + ], + [ + "Ġd", + "orm" + ], + [ + "Per", + "haps" + ], + [ + "Ġsw", + "ift" + ], + [ + "ĠPre", + "pare" + ], + [ + "Ġd", + "awn" + ], + [ + "Ġwe", + "ed" + ], + [ + "ĠO", + "ri" + ], + [ + "Ġsmart", + "phones" + ], + [ + "Ġadequ", + "ately" + ], + [ + "Ġpadd", + "ing" + ], + [ + "v", + "ideo" + ], + [ + "Se", + "pt" + ], + [ + "ĠB", + "ishop" + ], + [ + "ram", + "es" + ], + [ + "Ad", + "ditionally" + ], + [ + "is", + "l" + ], + [ + "Ġh", + "ired" + ], + [ + "Th", + "ink" + ], + [ + "ec", + "hes" + ], + [ + "Ġsurprising", + "ly" + ], + [ + "ĠR", + "F" + ], + [ + "ç", + "Ķ" + ], + [ + "Ġemb", + "arr" + ], + [ + "Ġred", + "irect" + ], + [ + "oth", + "y" + ], + [ + "est", + "ones" + ], + [ + "Ġp", + "ays" + ], + [ + "c", + "op" + ], + [ + "Ġre", + "use" + ], + [ + "ĠL", + "ive" + ], + [ + "ĠS", + "S" + ], + [ + "ĠB", + "rand" + ], + [ + "Ġinf", + "est" + ], + [ + "ĠEmer", + "gency" + ], + [ + "ĠPh", + "oto" + ], + [ + "Ġsimilar", + "ity" + ], + [ + "Ġ", + "----------" + ], + [ + "im", + "eters" + ], + [ + "Ġsub", + "mar" + ], + [ + "h", + "um" + ], + [ + "Ġfl", + "ip" + ], + [ + "app", + "lication" + ], + [ + "on", + "i" + ], + [ + "the", + "ta" + ], + [ + "it", + "o" + ], + [ + "ch", + "anging" + ], + [ + "Ġdel", + "ays" + ], + [ + "Ġur", + "inary" + ], + [ + "ĠReg", + "ister" + ], + [ + "ve", + "c" + ], + [ + "ir", + "i" + ], + [ + "ag", + "h" + ], + [ + "ĠEd", + "itor" + ], + [ + "Ġs", + "ins" + ], + [ + "Ġreef", + "s" + ], + [ + "at", + "en" + ], + [ + "id", + "ated" + ], + [ + "Ġinf", + "erior" + ], + [ + "head", + "s" + ], + [ + "ĠWe", + "ight" + ], + [ + "Ġviol", + "ation" + ], + [ + "oc", + "ene" + ], + [ + "Ġdep", + "ths" + ], + [ + "re", + "r" + ], + [ + "j", + "e" + ], + [ + "Cons", + "ider" + ], + [ + "Ġexch", + "anges" + ], + [ + "ro", + "d" + ], + [ + "Ġdef", + "orestation" + ], + [ + "ĠCol", + "omb" + ], + [ + "P", + "ort" + ], + [ + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠ" + ], + [ + "ĠSaf", + "e" + ], + [ + "D", + "av" + ], + [ + "w", + "ed" + ], + [ + "Ġment", + "ions" + ], + [ + "Ġcelebr", + "ations" + ], + [ + "exist", + "ing" + ], + [ + "Ġveter", + "ans" + ], + [ + "ĠSol", + "omon" + ], + [ + "iqu", + "ity" + ], + [ + "cul", + "osis" + ], + [ + "Ġund", + "oubtedly" + ], + [ + "Ġterm", + "inology" + ], + [ + "ul", + "us" + ], + [ + "Ñ", + "ı" + ], + [ + "Ġens", + "l" + ], + [ + "ĠL", + "O" + ], + [ + "Ġdis", + "charg" + ], + [ + "Ġco", + "operative" + ], + [ + "Ġanticip", + "ated" + ], + [ + "Ġbo", + "iling" + ], + [ + "ĠD", + "ict" + ], + [ + "Ġinj", + "ust" + ], + [ + "Ġhob", + "by" + ], + [ + "R", + "T" + ], + [ + "Ġo", + "un" + ], + [ + "ĠR", + "ange" + ], + [ + "ax", + "on" + ], + [ + "az", + "y" + ], + [ + "qu", + "estions" + ], + [ + "Ġtric", + "ks" + ], + [ + "ĠG", + "M" + ], + [ + "ĠB", + "ron" + ], + [ + "ĠMc", + "G" + ], + [ + "Ġmer", + "ge" + ], + [ + "ru", + "le" + ], + [ + "Ġref", + "use" + ], + [ + "ĠSol", + "utions" + ], + [ + "Ġprev", + "ailing" + ], + [ + "Ġapp", + "ar" + ], + [ + "ĠCol", + "umn" + ], + [ + "O", + "h" + ], + [ + "Ġt", + "mp" + ], + [ + "ĠD", + "akota" + ], + [ + "A", + "ust" + ], + [ + "Ġp", + "i" + ], + [ + "Ġcommission", + "ed" + ], + [ + "Ġancest", + "ral" + ], + [ + "is", + "ure" + ], + [ + "ĠT", + "her" + ], + [ + "ĠBi", + "ological" + ], + [ + "tra", + "ck" + ], + [ + "W", + "ork" + ], + [ + "Ġd", + "aughters" + ], + [ + "ĠD", + "ental" + ], + [ + "p", + "ine" + ], + [ + "Ġsp", + "ill" + ], + [ + "Ġfart", + "her" + ], + [ + "IV", + "E" + ], + [ + "Ġciv", + "ic" + ], + [ + "ĠVis", + "it" + ], + [ + "Ġdepos", + "it" + ], + [ + "Ġstro", + "kes" + ], + [ + "Ġsh", + "r" + ], + [ + "Ġgovern", + "ed" + ], + [ + "Ġ", + "Ù" + ], + [ + "Th", + "anks" + ], + [ + "Ġd", + "ur" + ], + [ + "oth", + "ic" + ], + [ + "Ġpass", + "words" + ], + [ + "atur", + "ated" + ], + [ + "ad", + "ers" + ], + [ + "Ġbroad", + "ly" + ], + [ + "ĠMan", + "ufact" + ], + [ + "Ġswe", + "at" + ], + [ + "Ġaccel", + "eration" + ], + [ + "Ġclim", + "ates" + ], + [ + "Ġsim", + "plicity" + ], + [ + "S", + "te" + ], + [ + "Ġap", + "ost" + ], + [ + "Ġcryst", + "all" + ], + [ + "ir", + "ts" + ], + [ + "Ġpract", + "ically" + ], + [ + "Ex", + "per" + ], + [ + "Ġten", + "ure" + ], + [ + "G", + "P" + ], + [ + "ĠM", + "un" + ], + [ + "Ġtext", + "books" + ], + [ + "ĠCit", + "iz" + ], + [ + "Ġdev", + "iation" + ], + [ + "ĠT", + "oo" + ], + [ + "ct", + "ica" + ], + [ + "Ġcogn", + "ition" + ], + [ + "ĠĠĠĠĠĠĠĠ", + "ĠĠĠ" + ], + [ + "ĠR", + "A" + ], + [ + "Ġstress", + "es" + ], + [ + "Ġimp", + "art" + ], + [ + "Ġbutter", + "flies" + ], + [ + "Ġse", + "ism" + ], + [ + "Ġad", + "ject" + ], + [ + "Ġher", + "bal" + ], + [ + "ĠExpl", + "ore" + ], + [ + "Ġcannab", + "is" + ], + [ + "Ġright", + "eous" + ], + [ + "Ġpil", + "grim" + ], + [ + "ĠAntar", + "ctic" + ], + [ + "p", + "rom" + ], + [ + "Ġtra", + "it" + ], + [ + "ĠWorks", + "he" + ], + [ + "čĊ", + "čĊč" + ], + [ + "Ġattend", + "ance" + ], + [ + "Ġneed", + "ing" + ], + [ + "Ġrebell", + "ion" + ], + [ + "Ġthe", + "atre" + ], + [ + "Ġco", + "h" + ], + [ + "class", + "method" + ], + [ + "ij", + "uana" + ], + [ + "ep", + "rint" + ], + [ + "ĠMarsh", + "all" + ], + [ + "ĠSt", + "age" + ], + [ + "ĠAnn", + "ual" + ], + [ + "Ġcub", + "ic" + ], + [ + "Ġh", + "ay" + ], + [ + "ĠAmeric", + "as" + ], + [ + "Ġv", + "ascular" + ], + [ + "Ġr", + "if" + ], + [ + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠ" + ], + [ + "Ġperm", + "issions" + ], + [ + "ĠD", + "ry" + ], + [ + "ĠD", + "I" + ], + [ + "els", + "h" + ], + [ + "er", + "ion" + ], + [ + "Ġge", + "ological" + ], + [ + "ĠÂ", + "±" + ], + [ + "ĠExpl", + "oration" + ], + [ + "ĠBro", + "ther" + ], + [ + "ĠAct", + "ive" + ], + [ + "Ġprospect", + "s" + ], + [ + "s", + "ocial" + ], + [ + "Ġdecor", + "ative" + ], + [ + "l", + "ie" + ], + [ + "ĠK", + "u" + ], + [ + "Ġdispro", + "portion" + ], + [ + "ĠUn", + "less" + ], + [ + "ĠInt", + "rodu" + ], + [ + "Ġexperiment", + "ation" + ], + [ + "thon", + "y" + ], + [ + "Ġweaken", + "ed" + ], + [ + "Ġrec", + "ess" + ], + [ + "Ġnon", + "profit" + ], + [ + "ĠMan", + "ual" + ], + [ + "ĠTechn", + "ical" + ], + [ + "Ġtr", + "illion" + ], + [ + "pro", + "perties" + ], + [ + "Ġfun", + "ny" + ], + [ + "ĠB", + "run" + ], + [ + "Cont", + "rol" + ], + [ + "reg", + "n" + ], + [ + "ĠCom", + "prehens" + ], + [ + "Ġsmart", + "phone" + ], + [ + "ã", + "o" + ], + [ + "Ġeleph", + "ant" + ], + [ + "Ġcl", + "ot" + ], + [ + "stand", + "ard" + ], + [ + "Ġnas", + "al" + ], + [ + "Ġoverse", + "as" + ], + [ + "Ġtraffic", + "king" + ], + [ + "n", + "osis" + ], + [ + "ra", + "vel" + ], + [ + "Ġgra", + "pe" + ], + [ + "uck", + "et" + ], + [ + "Ġhost", + "ing" + ], + [ + "Ġfl", + "ights" + ], + [ + "psy", + "ch" + ], + [ + "ĠL", + "oad" + ], + [ + "Ġdis", + "ruption" + ], + [ + "Ġtric", + "ky" + ], + [ + "Ġtomat", + "o" + ], + [ + "ci", + "o" + ], + [ + "D", + "NA" + ], + [ + "Ġl", + "ag" + ], + [ + "ĠH", + "ug" + ], + [ + "ĠW", + "olf" + ], + [ + "Ġbl", + "ending" + ], + [ + "Ġdetect", + "ing" + ], + [ + "Ġdis", + "ciples" + ], + [ + "Ġsur", + "f" + ], + [ + "Ġbelong", + "ed" + ], + [ + "int", + "o" + ], + [ + "box", + "es" + ], + [ + "Ġsl", + "ice" + ], + [ + "ĠComp", + "et" + ], + [ + "ĠArchitect", + "ure" + ], + [ + "a", + "uses" + ], + [ + "um", + "en" + ], + [ + "Ġlapt", + "op" + ], + [ + "ES", + "CO" + ], + [ + "ock", + "er" + ], + [ + "Ġton", + "nes" + ], + [ + "ĠAcadem", + "ic" + ], + [ + "ĠEn", + "h" + ], + [ + "Ġth", + "ou" + ], + [ + "ĠPr", + "ice" + ], + [ + "ii", + "i" + ], + [ + "ĠDraw", + "ing" + ], + [ + "sh", + "ould" + ], + [ + "Ġa", + "ver" + ], + [ + "ĠPen", + "insula" + ], + [ + "Ġdis", + "cre" + ], + [ + "Ġcru", + "c" + ], + [ + "arr", + "ing" + ], + [ + "Ġauthent", + "ication" + ], + [ + "Ġwhere", + "by" + ], + [ + "Ġrecogn", + "izes" + ], + [ + "Ġcalcul", + "ating" + ], + [ + "å", + "ħ" + ], + [ + "Ġarg", + "uing" + ], + [ + "En", + "vironment" + ], + [ + "Ġscan", + "ning" + ], + [ + "or", + "ia" + ], + [ + "ĠL", + "uke" + ], + [ + "Ġtax", + "on" + ], + [ + "ĠPer", + "u" + ], + [ + "l", + "it" + ], + [ + "Ġsk", + "etch" + ], + [ + "ĠG", + "ab" + ], + [ + "Ġ", + "æ" + ], + [ + "Ġd", + "ots" + ], + [ + "Ġqu", + "iz" + ], + [ + "ĠPu", + "erto" + ], + [ + "Ġsome", + "body" + ], + [ + "Ġfl", + "ora" + ], + [ + "V", + "A" + ], + [ + "Ġprotect", + "ions" + ], + [ + "Ġstri", + "ps" + ], + [ + "Ġdisadvant", + "ages" + ], + [ + "W", + "illi" + ], + [ + "ĠHT", + "TP" + ], + [ + "Ġmultip", + "ly" + ], + [ + "b", + "irds" + ], + [ + "t", + "ol" + ], + [ + "ing", + "ham" + ], + [ + "ĠE", + "ver" + ], + [ + "ĠSw", + "iss" + ], + [ + "ĠUnivers", + "al" + ], + [ + "threat", + "ening" + ], + [ + "Ġat", + "he" + ], + [ + "Ġout", + "s" + ], + [ + "ĠV", + "erm" + ], + [ + "ĠO", + "d" + ], + [ + "Ġdeal", + "t" + ], + [ + "s", + "d" + ], + [ + "ĠPol", + "itics" + ], + [ + "ah", + "o" + ], + [ + "ĠD", + "ra" + ], + [ + "Ġbl", + "u" + ], + [ + "ĠWe", + "ather" + ], + [ + "ĠP", + "ow" + ], + [ + "ĠG", + "ib" + ], + [ + "iar", + "ism" + ], + [ + "Ġfemin", + "ist" + ], + [ + "ĠF", + "ortunately" + ], + [ + "Ġfo", + "am" + ], + [ + "y", + "g" + ], + [ + "Ġdecl", + "are" + ], + [ + "ST", + "R" + ], + [ + "n", + "as" + ], + [ + "Ġdark", + "er" + ], + [ + "ĠMult", + "i" + ], + [ + "S", + "k" + ], + [ + "Ġim", + "plicit" + ], + [ + "Ġdeterm", + "in" + ], + [ + "L", + "ook" + ], + [ + "Ġant", + "im" + ], + [ + "Ġeleph", + "ants" + ], + [ + "as", + "ync" + ], + [ + "Ġprompt", + "ed" + ], + [ + "pt", + "ical" + ], + [ + "ub", + "ric" + ], + [ + "br", + "ate" + ], + [ + ":", + "%" + ], + [ + "Ġpet", + "ition" + ], + [ + "Ġreson", + "ance" + ], + [ + "ĠCE", + "O" + ], + [ + "Ġpropag", + "anda" + ], + [ + "sc", + "ope" + ], + [ + "is", + "ive" + ], + [ + "ĠR", + "O" + ], + [ + "Ġco", + "ach" + ], + [ + "Ġhol", + "low" + ], + [ + "Ġfract", + "ions" + ], + [ + "Î", + "»" + ], + [ + "set", + "up" + ], + [ + "Ġgest", + "ures" + ], + [ + "Ġglobal", + "ization" + ], + [ + "Un", + "iversity" + ], + [ + "Ġeas", + "iest" + ], + [ + "Ġlif", + "ting" + ], + [ + "Ġr", + "ush" + ], + [ + "T", + "im" + ], + [ + "ĠQue", + "ens" + ], + [ + "Ġcompl", + "aints" + ], + [ + "Ġhuman", + "itarian" + ], + [ + "on", + "ed" + ], + [ + "Ġwra", + "pped" + ], + [ + "ro", + "st" + ], + [ + "ĠT", + "s" + ], + [ + "ĠSt", + "op" + ], + [ + "Ġaqu", + "arium" + ], + [ + "Ġlike", + "wise" + ], + [ + "ĠPsych", + "iat" + ], + [ + "in", + "is" + ], + [ + "Ġthr", + "ust" + ], + [ + "ĠMon", + "itoring" + ], + [ + "Ġhum", + "ble" + ], + [ + "Ġimport", + "s" + ], + [ + "Ġbi", + "op" + ], + [ + "Ġle", + "verage" + ], + [ + "Ġut", + "ils" + ], + [ + "ĠTr", + "uth" + ], + [ + "Ġkil", + "omet" + ], + [ + "ĠB", + "ed" + ], + [ + "op", + "ing" + ], + [ + "Ġra", + "mp" + ], + [ + "om", + "orph" + ], + [ + "Ġcr", + "ude" + ], + [ + "rad", + "es" + ], + [ + "Ġbrush", + "ing" + ], + [ + "ĠOther", + "wise" + ], + [ + "Ġrese", + "mble" + ], + [ + "Ġg", + "ri" + ], + [ + "b", + "irth" + ], + [ + "it", + "i" + ], + [ + "ĠAll", + "ied" + ], + [ + "reg", + "ion" + ], + [ + "Ġrecip", + "ient" + ], + [ + "cho", + "ice" + ], + [ + "C", + "s" + ], + [ + "m", + "issions" + ], + [ + "Ġspecim", + "en" + ], + [ + "Ġdistribut", + "ions" + ], + [ + "er", + "get" + ], + [ + "Lab", + "el" + ], + [ + "b", + "ig" + ], + [ + "te", + "x" + ], + [ + "oun", + "s" + ], + [ + "Cont", + "in" + ], + [ + "Ġpix", + "els" + ], + [ + "Ġfract", + "ure" + ], + [ + "ĠS", + "A" + ], + [ + "ĠQue", + "bec" + ], + [ + "O", + "ld" + ], + [ + "Ġexhib", + "ited" + ], + [ + "Ġl", + "aughter" + ], + [ + "ĠT", + "ob" + ], + [ + "Ġst", + "d" + ], + [ + "Ġsynt", + "ax" + ], + [ + "ĠÂ", + "»" + ], + [ + "Ġb", + "ass" + ], + [ + "ĠMan", + "ager" + ], + [ + "Ġinstruct", + "ors" + ], + [ + "w", + "al" + ], + [ + "Ġth", + "rowing" + ], + [ + "oph", + "il" + ], + [ + "Ġdisturb", + "ances" + ], + [ + "ĠOr", + "leans" + ], + [ + "ĠSud", + "an" + ], + [ + "u", + "ced" + ], + [ + "Ġtim", + "eline" + ], + [ + "in", + "os" + ], + [ + "Ġdi", + "agrams" + ], + [ + "\"", + "'" + ], + [ + "}", + "\\" + ], + [ + "v", + "ic" + ], + [ + "ig", + "hed" + ], + [ + "Ġcont", + "est" + ], + [ + "ĠC", + "ov" + ], + [ + "Ġde", + "af" + ], + [ + "R", + "un" + ], + [ + "Ġth", + "ir" + ], + [ + "path", + "s" + ], + [ + "Ġbreast", + "feeding" + ], + [ + "ĠNon", + "etheless" + ], + [ + "f", + "inal" + ], + [ + "Ġsulf", + "ur" + ], + [ + "it", + "ably" + ], + [ + "Ġrece", + "iver" + ], + [ + "Ġsec", + "uring" + ], + [ + "ĠSer", + "ver" + ], + [ + "M", + "en" + ], + [ + "ist", + "a" + ], + [ + "Ġenc", + "rypt" + ], + [ + "Ġbuck", + "et" + ], + [ + "Ġsou", + "ls" + ], + [ + "Ġtestim", + "ony" + ], + [ + "Ġi", + "P" + ], + [ + "Ġple", + "asant" + ], + [ + "St", + "and" + ], + [ + "ĠT", + "ell" + ], + [ + "Gl", + "obal" + ], + [ + "Ġj", + "azz" + ], + [ + "Ġmat", + "ched" + ], + [ + "Ġembra", + "ced" + ], + [ + "Ġex", + "ports" + ], + [ + "Ġblood", + "stream" + ], + [ + "ware", + "ness" + ], + [ + "Ġu", + "pl" + ], + [ + "Ġmem", + "orial" + ], + [ + "Ġbad", + "ly" + ], + [ + "ĠC", + "C" + ], + [ + "Ġshort", + "age" + ], + [ + "se", + "a" + ], + [ + "Ġparad", + "igm" + ], + [ + "p", + "aper" + ], + [ + "pl", + "ants" + ], + [ + "Ġb", + "end" + ], + [ + "Ġto", + "es" + ], + [ + "Ġcount", + "ed" + ], + [ + "Ġviol", + "ations" + ], + [ + "ĠDom", + "in" + ], + [ + "S", + "ch" + ], + [ + "Ġp", + "rize" + ], + [ + "is", + "y" + ], + [ + "Ġview", + "points" + ], + [ + "ĠFed", + "eration" + ], + [ + "Ġen", + "erget" + ], + [ + "ĠV", + "R" + ], + [ + "E", + "qu" + ], + [ + "m", + "ac" + ], + [ + "ĠI", + "celand" + ], + [ + "Ġback", + "ward" + ], + [ + "Ġmus", + "cular" + ], + [ + "Ġreact", + "or" + ], + [ + "ĠN", + "otes" + ], + [ + "ĠNe", + "v" + ], + [ + "Ġp", + "ear" + ], + [ + "ĠB", + "and" + ], + [ + "There", + "fore" + ], + [ + "Ġev", + "ap" + ], + [ + "Ġtow", + "ers" + ], + [ + "Ġaspir", + "ations" + ], + [ + "Rel", + "ated" + ], + [ + "ĠW", + "ang" + ], + [ + "Ġout", + "lines" + ], + [ + "con", + "dition" + ], + [ + "Ġpress", + "ed" + ], + [ + "Europe", + "an" + ], + [ + "----", + "-" + ], + [ + "am", + "on" + ], + [ + "Ġrestrict", + "ion" + ], + [ + "AN", + "T" + ], + [ + "ĠN", + "elson" + ], + [ + "Ġscar", + "ce" + ], + [ + "Ġt", + "une" + ], + [ + "Ġbelie", + "vers" + ], + [ + "ĠArgent", + "ina" + ], + [ + "G", + "raph" + ], + [ + "ĠPro", + "blems" + ], + [ + "Ġplanet", + "ary" + ], + [ + "ĠRec", + "ords" + ], + [ + "ĠâĨ", + "ij" + ], + [ + "ĠCompan", + "ies" + ], + [ + "Ġmultif", + "aceted" + ], + [ + "j", + "u" + ], + [ + "Ġter", + "restrial" + ], + [ + "od", + "ia" + ], + [ + "Ġpe", + "aks" + ], + [ + "ĠDel", + "hi" + ], + [ + "Ġsh", + "arks" + ], + [ + "ĠAl", + "ber" + ], + [ + "Ġcol", + "i" + ], + [ + "ph", + "ase" + ], + [ + "ĠHow", + "ard" + ], + [ + "f", + "requency" + ], + [ + "Ġlab", + "s" + ], + [ + "Ġcyl", + "inder" + ], + [ + "Ġmim", + "ic" + ], + [ + "R", + "ES" + ], + [ + "Ġcor", + "rosion" + ], + [ + "Ġf", + "ocal" + ], + [ + "op", + "a" + ], + [ + "Ġcred", + "ibility" + ], + [ + "Ġenterpr", + "ises" + ], + [ + "Ġspect", + "acular" + ], + [ + "Ġbo", + "ot" + ], + [ + "Ġcontamin", + "ants" + ], + [ + "ĠP", + "TSD" + ], + [ + "om", + "nia" + ], + [ + "ĠProg", + "ress" + ], + [ + "Ġstew", + "ardship" + ], + [ + "er", + "vers" + ], + [ + "Ġseaf", + "ood" + ], + [ + "S", + "chool" + ], + [ + "ĠHou", + "ston" + ], + [ + "ĠK", + "y" + ], + [ + "Ġirrit", + "ation" + ], + [ + "ĠNum", + "Py" + ], + [ + "Ġut", + "ilities" + ], + [ + "Ġrepet", + "itive" + ], + [ + "Ġhead", + "quarters" + ], + [ + "Ġimp", + "ly" + ], + [ + "hist", + "oric" + ], + [ + "Or", + "gan" + ], + [ + "ĠDown", + "load" + ], + [ + "st", + "ory" + ], + [ + "ĠV", + "I" + ], + [ + "ĠĠĠĠĠĠĠĠ", + "Ġ" + ], + [ + "Ġman", + "eu" + ], + [ + "gen", + "erate" + ], + [ + "Ġpron", + "unciation" + ], + [ + "ap", + "es" + ], + [ + "exp", + "ression" + ], + [ + "ĠR", + "at" + ], + [ + "Ġcig", + "arettes" + ], + [ + "Ġmultipl", + "ication" + ], + [ + "ĠF", + "ast" + ], + [ + "ug", + "s" + ], + [ + "Ġhe", + "ights" + ], + [ + "Ġlog", + "in" + ], + [ + "ĠIn", + "g" + ], + [ + "ĠPro", + "ceedings" + ], + [ + "Ġdin", + "osaurs" + ], + [ + "Ju", + "ly" + ], + [ + "ag", + "ic" + ], + [ + "heum", + "at" + ], + [ + "/", + "." + ], + [ + "r", + "l" + ], + [ + "Ġa", + "cre" + ], + [ + "ĠCon", + "fig" + ], + [ + "th", + "ink" + ], + [ + "ĠF", + "ramework" + ], + [ + "('", + "\\" + ], + [ + "Ġod", + "or" + ], + [ + "ill", + "ary" + ], + [ + "ky", + "o" + ], + [ + "Ġdon", + "or" + ], + [ + "err", + "ors" + ], + [ + "Ġhost", + "ile" + ], + [ + "ol", + "ics" + ], + [ + "Ġ$", + "$" + ], + [ + "Aug", + "ust" + ], + [ + "Ġ", + "iod" + ], + [ + "az", + "ed" + ], + [ + "Ġtruth", + "s" + ], + [ + "n", + "utrition" + ], + [ + "ul", + "ph" + ], + [ + "Ġaff", + "ection" + ], + [ + "Ġmon", + "opol" + ], + [ + "ass", + "oci" + ], + [ + "Ġpay", + "load" + ], + [ + "Ġround", + "ed" + ], + [ + "Ġdrag", + "on" + ], + [ + "S", + "l" + ], + [ + "Ġthe", + "or" + ], + [ + "at", + "ar" + ], + [ + "ĠP", + "un" + ], + [ + "ĠChrist", + "opher" + ], + [ + "Ġarch", + "ive" + ], + [ + "RE", + "E" + ], + [ + "ĠR", + "ace" + ], + [ + "Ġdep", + "ressed" + ], + [ + "ĠH", + "ud" + ], + [ + "Ġmar", + "ijuana" + ], + [ + "Ġcoc", + "onut" + ], + [ + "f", + "alls" + ], + [ + "itud", + "inal" + ], + [ + "d", + "m" + ], + [ + "Ġconclud", + "es" + ], + [ + "per", + "iod" + ], + [ + "The", + "ir" + ], + [ + "bt", + "n" + ], + [ + "Ġlock", + "ed" + ], + [ + "Ġlist", + "ened" + ], + [ + "ĠSt", + "rong" + ], + [ + "Ġtur", + "tle" + ], + [ + "ĠFin", + "land" + ], + [ + "ou", + "p" + ], + [ + "Ġar", + "che" + ], + [ + "W", + "omen" + ], + [ + "Ġimag", + "in" + ], + [ + "Ġce", + "iling" + ], + [ + "Ġintr", + "insic" + ], + [ + "Ġmethod", + "ologies" + ], + [ + "Ġrefuge", + "e" + ], + [ + "\"", + "?" + ], + [ + "ĠK", + "a" + ], + [ + "ĠCur", + "riculum" + ], + [ + "ĠMont", + "ana" + ], + [ + "ĠEmb", + "racing" + ], + [ + "ro", + "it" + ], + [ + "cess", + "ion" + ], + [ + "Ġcast", + "ing" + ], + [ + "Ġin", + "con" + ], + [ + "ed", + "ges" + ], + [ + "ud", + "ge" + ], + [ + "cl", + "ock" + ], + [ + "ord", + "on" + ], + [ + "to", + "x" + ], + [ + "Ġvis", + "itor" + ], + [ + "d", + "ose" + ], + [ + "amb", + "oo" + ], + [ + "Ġp", + "ist" + ], + [ + "ig", + "raph" + ], + [ + "Ġlim", + "estone" + ], + [ + "Ġhost", + "ed" + ], + [ + "e", + "ur" + ], + [ + "app", + "ly" + ], + [ + "Ġpl", + "ague" + ], + [ + "Ġun", + "predict" + ], + [ + "Ġre", + "per" + ], + [ + "Ġ(", + "-" + ], + [ + "Ġaw", + "a" + ], + [ + "doc", + "ument" + ], + [ + "be", + "it" + ], + [ + "Ġarg", + "parse" + ], + [ + "B", + "re" + ], + [ + "Ġt", + "asty" + ], + [ + "Ġdown", + "stream" + ], + [ + "ĠB", + "ull" + ], + [ + "Ġpul", + "monary" + ], + [ + "Ġnu", + "ances" + ], + [ + "tim", + "estamp" + ], + [ + "i", + "w" + ], + [ + "Ġw", + "ore" + ], + [ + "g", + "age" + ], + [ + "ĠP", + "ed" + ], + [ + "Integ", + "er" + ], + [ + "Ġsh", + "rubs" + ], + [ + "cell", + "ular" + ], + [ + "ĠA", + "CT" + ], + [ + "ĠM", + "ember" + ], + [ + "ib", + "les" + ], + [ + "Ġcl", + "ause" + ], + [ + "ut", + "able" + ], + [ + "C", + "ourse" + ], + [ + "ĠR", + "ow" + ], + [ + "Ġdecor", + "ated" + ], + [ + "p", + "k" + ], + [ + "ĠS", + "ad" + ], + [ + "ach", + "ine" + ], + [ + "Ġrun", + "off" + ], + [ + "Ġcul", + "min" + ], + [ + "ul", + "ous" + ], + [ + "Ġser", + "um" + ], + [ + "Ġveterin", + "arian" + ], + [ + "ith", + "metic" + ], + [ + "pr", + "ice" + ], + [ + "br", + "ates" + ], + [ + "Ġsimpl", + "est" + ], + [ + "Ġfl", + "ame" + ], + [ + "Ġsh", + "ark" + ], + [ + "Ġdis", + "inf" + ], + [ + "Ġact", + "or" + ], + [ + "Ġinc", + "ub" + ], + [ + "Ġterm", + "ed" + ], + [ + "Ġpersist", + "ence" + ], + [ + "Ġ", + "ic" + ], + [ + "st", + "ones" + ], + [ + "ĠAl", + "cohol" + ], + [ + "ace", + "ous" + ], + [ + "d", + "river" + ], + [ + "Ġrepos", + "itory" + ], + [ + "ĠCo", + "ord" + ], + [ + "Ġrecre", + "ation" + ], + [ + "Ġy", + "ards" + ], + [ + "ĠC", + "hem" + ], + [ + "Ġve", + "in" + ], + [ + "Ġp", + "m" + ], + [ + "ĠI", + "BM" + ], + [ + "ĠDef", + "ault" + ], + [ + "Ġper", + "secution" + ], + [ + "Ġlearn", + "s" + ], + [ + "ĠOcc", + "up" + ], + [ + "n", + "x" + ], + [ + "ĠC", + "atal" + ], + [ + "ĠM", + "R" + ], + [ + "Ġdiff", + "ering" + ], + [ + "Con", + "text" + ], + [ + "od", + "ont" + ], + [ + "Ġcrypt", + "ocur" + ], + [ + "Ġheav", + "ier" + ], + [ + "ĠT", + "ro" + ], + [ + "ĠPub", + "l" + ], + [ + "Ġtou", + "ched" + ], + [ + "ĠConst", + "ruction" + ], + [ + "Mod", + "ern" + ], + [ + "Ġsubt", + "ract" + ], + [ + "er", + "red" + ], + [ + "Ġl", + "amp" + ], + [ + "Ġbi", + "ography" + ], + [ + "Ġsevent", + "h" + ], + [ + "work", + "ers" + ], + [ + "Ġconst", + "ell" + ], + [ + "Res", + "ult" + ], + [ + "b", + "eta" + ], + [ + "ĠT", + "u" + ], + [ + "ĠHispan", + "ic" + ], + [ + "ĠL", + "ang" + ], + [ + "ĠInit", + "ial" + ], + [ + "PO", + "ST" + ], + [ + "Ġkne", + "es" + ], + [ + "Ġsoon", + "er" + ], + [ + "Ġoccup", + "y" + ], + [ + "Ġsuccess", + "es" + ], + [ + "ĠSt", + "ew" + ], + [ + "Ġve", + "gg" + ], + [ + "Ġturb", + "ines" + ], + [ + "res", + "ol" + ], + [ + "ĠApp", + "lying" + ], + [ + "ĠPortug", + "al" + ], + [ + "ph", + "y" + ], + [ + "Ġd", + "ams" + ], + [ + "Ġw", + "are" + ], + [ + "Ġvac", + "ation" + ], + [ + "Ġ'", + "%" + ], + [ + "Ġfe", + "eds" + ], + [ + "b", + "ecause" + ], + [ + "Ġpolit", + "ically" + ], + [ + "mod", + "ern" + ], + [ + "ĠDo", + "ctor" + ], + [ + "Ġpul", + "p" + ], + [ + "Ġfisher", + "ies" + ], + [ + "?", + "!" + ], + [ + "Ġexp", + "on" + ], + [ + "R", + "ad" + ], + [ + "Ġp", + "ools" + ], + [ + "Out", + "put" + ], + [ + "s", + "erv" + ], + [ + "Ġin", + "appropriate" + ], + [ + "ĠAp", + "ollo" + ], + [ + "Ġdispl", + "aced" + ], + [ + "Ġen", + "vision" + ], + [ + "Ġhigh", + "way" + ], + [ + "en", + "ic" + ], + [ + "Ġreason", + "ably" + ], + [ + "ĠProgram", + "me" + ], + [ + "Ġf", + "iring" + ], + [ + "Ġfun", + "gal" + ], + [ + "Ġaccel", + "erate" + ], + [ + "Ġempower", + "ment" + ], + [ + "ograph", + "ics" + ], + [ + "Ġlon", + "gevity" + ], + [ + "ĠHop", + "kins" + ], + [ + "Ġcar", + "riers" + ], + [ + "Ġsign", + "ing" + ], + [ + "Ġimmig", + "rant" + ], + [ + "f", + "ont" + ], + [ + "iv", + "ated" + ], + [ + "ple", + "ted" + ], + [ + "Ġpsych", + "ologists" + ], + [ + "A", + "ng" + ], + [ + "Ġd", + "ip" + ], + [ + "Ġav", + "iation" + ], + [ + "Ġneed", + "les" + ], + [ + "Ġreinfor", + "ced" + ], + [ + "Ġno", + "qa" + ], + [ + "Ġearn", + "ings" + ], + [ + "Ġinform", + "ative" + ], + [ + "Ġu", + "b" + ], + [ + "Ġintern", + "ationally" + ], + [ + "fl", + "ag" + ], + [ + "last", + "ing" + ], + [ + "Ġt", + "ended" + ], + [ + "t", + "uple" + ], + [ + "Ġelim", + "ination" + ], + [ + "ĠMalays", + "ia" + ], + [ + "mon", + "t" + ], + [ + "ĠA", + "BC" + ], + [ + "load", + "er" + ], + [ + "ĠEthiop", + "ia" + ], + [ + "Ġb", + "ru" + ], + [ + "Ġe", + "ll" + ], + [ + "s", + "cient" + ], + [ + "ĠTh", + "or" + ], + [ + "ĠFor", + "um" + ], + [ + "Ġexc", + "el" + ], + [ + "T", + "otal" + ], + [ + "Ġpro", + "active" + ], + [ + "ĠHy", + "per" + ], + [ + "Ġcompassion", + "ate" + ], + [ + "og", + "ly" + ], + [ + "ĠFest", + "ival" + ], + [ + "bre", + "ak" + ], + [ + "Ġp", + "ave" + ], + [ + "uten", + "ant" + ], + [ + "En", + "ter" + ], + [ + "mit", + "t" + ], + [ + "ĠScript", + "ure" + ], + [ + "Ġse", + "aled" + ], + [ + "Ġen", + "rolled" + ], + [ + "-", + "%" + ], + [ + "Ġt", + "ide" + ], + [ + "Ġbo", + "il" + ], + [ + "ĠGu", + "inea" + ], + [ + "Ġcommerc", + "ially" + ], + [ + "ĠTechn", + "ologies" + ], + [ + "udden", + "ly" + ], + [ + "ĠR", + "on" + ], + [ + "she", + "et" + ], + [ + "Ġanch", + "or" + ], + [ + "ĠE", + "C" + ], + [ + "ĠD", + "ur" + ], + [ + "I", + "H" + ], + [ + "Ġcour", + "tesy" + ], + [ + "Ġmist", + "aken" + ], + [ + "Ġsur", + "render" + ], + [ + "ĠP", + "ent" + ], + [ + "Ġair", + "port" + ], + [ + "D", + "T" + ], + [ + "time", + "out" + ], + [ + "ĠShe", + "l" + ], + [ + "Ġacqu", + "iring" + ], + [ + "ĠA", + "B" + ], + [ + "alle", + "l" + ], + [ + "Ġfract", + "ures" + ], + [ + "Ġerect", + "ed" + ], + [ + "ĠP", + "oor" + ], + [ + "ĠCr", + "ime" + ], + [ + "ĠN", + "ear" + ], + [ + "Ġmar", + "ry" + ], + [ + "Ġdepict", + "ing" + ], + [ + "or", + "ations" + ], + [ + "ĠMc", + "K" + ], + [ + "oo", + "f" + ], + [ + "const", + "ruction" + ], + [ + "ĠE", + "ric" + ], + [ + "ĠAn", + "at" + ], + [ + "ad", + "ic" + ], + [ + "plet", + "ion" + ], + [ + "Ġc", + "ens" + ], + [ + "Ġfree", + "ze" + ], + [ + "Ġcolon", + "ization" + ], + [ + "Ġmag", + "azines" + ], + [ + "Up", + "date" + ], + [ + "Ġantib", + "ody" + ], + [ + "Ġphosph", + "orus" + ], + [ + "U", + "I" + ], + [ + "Ġh", + "ook" + ], + [ + "ĠC", + "as" + ], + [ + "Ġfin", + "ite" + ], + [ + "Ġcomprom", + "ised" + ], + [ + "Ġref", + "eren" + ], + [ + "head", + "ed" + ], + [ + "Ġproport", + "ions" + ], + [ + "organ", + "ic" + ], + [ + "he", + "at" + ], + [ + "B", + "rit" + ], + [ + "exp", + "ensive" + ], + [ + "Ġhe", + "ct" + ], + [ + "un", + "its" + ], + [ + "ĠCh", + "ron" + ], + [ + "ĠTra", + "il" + ], + [ + "se", + "ctions" + ], + [ + "ediat", + "rics" + ], + [ + "Ġmon", + "uments" + ], + [ + "ge", + "x" + ], + [ + "Ġsp", + "awn" + ], + [ + "neg", + "ative" + ], + [ + "academ", + "ia" + ], + [ + "f", + "c" + ], + [ + "Ġaster", + "oid" + ], + [ + "w", + "atch" + ], + [ + "Ġeth", + "n" + ], + [ + "ĠEval", + "uation" + ], + [ + "Ġcivil", + "ians" + ], + [ + "ij", + "ing" + ], + [ + "Ġan", + "th" + ], + [ + "Ġsn", + "ipp" + ], + [ + "Ph", + "one" + ], + [ + "Ġinherit", + "ance" + ], + [ + "ĠI", + "F" + ], + [ + "ĠSe", + "attle" + ], + [ + "Ġrhyth", + "ms" + ], + [ + "Ġpurch", + "ases" + ], + [ + "Ġdef", + "ence" + ], + [ + "Ġinv", + "iting" + ], + [ + "Ġdetect", + "or" + ], + [ + "Ġed", + "ible" + ], + [ + "Ġs", + "aves" + ], + [ + "Ġdecl", + "aration" + ], + [ + "Ġaer", + "ial" + ], + [ + "spe", + "aking" + ], + [ + "ĠV", + "ision" + ], + [ + "Ġex", + "terior" + ], + [ + "Ġcle", + "ans" + ], + [ + "ĠCP", + "U" + ], + [ + "t", + "hens" + ], + [ + "Ġs", + "isters" + ], + [ + "Ġn", + "esting" + ], + [ + "ĠP", + "ick" + ], + [ + "Ġmanuscript", + "s" + ], + [ + "ot", + "or" + ], + [ + "Ġ[", + "[" + ], + [ + "Ġamph", + "ib" + ], + [ + "Ġcontin", + "ents" + ], + [ + "est", + "yles" + ], + [ + "Ġver", + "bs" + ], + [ + "ĠStrateg", + "y" + ], + [ + "Ġsub", + "set" + ], + [ + "Ġcra", + "cks" + ], + [ + "Ġdestro", + "ying" + ], + [ + "qu", + "er" + ], + [ + "Ġfront", + "ier" + ], + [ + "Ġcrit", + "ique" + ], + [ + "ĠLike", + "wise" + ], + [ + "Ġbub", + "bles" + ], + [ + "Comm", + "and" + ], + [ + "id", + "ating" + ], + [ + "Ġpro", + "sec" + ], + [ + "o", + "i" + ], + [ + "Ġstick", + "y" + ], + [ + "isp", + "ens" + ], + [ + "het", + "ical" + ], + [ + "Ġfe", + "ast" + ], + [ + "st", + "orage" + ], + [ + "it", + "at" + ], + [ + "Ġdifferent", + "iation" + ], + [ + "f", + "erence" + ], + [ + "Ġauto", + "immune" + ], + [ + "anc", + "ers" + ], + [ + "resp", + "ons" + ], + [ + "Ġb", + "ites" + ], + [ + "ĠPalest", + "inian" + ], + [ + "################################", + "################################" + ], + [ + "ĠAgain", + "st" + ], + [ + "ixt", + "y" + ], + [ + "ast", + "ype" + ], + [ + "ĠExper", + "ience" + ], + [ + "ĠRob", + "inson" + ], + [ + "Ġwel", + "ding" + ], + [ + "ĠIsa", + "ac" + ], + [ + "it", + "ol" + ], + [ + "um", + "ble" + ], + [ + "Ġempower", + "ing" + ], + [ + ":", + "." + ], + [ + "P", + "arent" + ], + [ + "Ġin", + "coming" + ], + [ + "Ġsc", + "hema" + ], + [ + "ĠEx", + "change" + ], + [ + "Ġport", + "folio" + ], + [ + "Ġactiv", + "ism" + ], + [ + "Ġpost", + "erior" + ], + [ + "Ġhand", + "ed" + ], + [ + "ĠSum", + "mary" + ], + [ + "æ", + "ĸ" + ], + [ + "Ġg", + "ates" + ], + [ + "Ġsw", + "itches" + ], + [ + "Ġath", + "lete" + ], + [ + "ĠAnd", + "roid" + ], + [ + "ĠÎ", + "¼" + ], + [ + "ĠAntar", + "ctica" + ], + [ + "ĠâĨ", + "Ĵ" + ], + [ + "Ġindirect", + "ly" + ], + [ + "Ġan", + "emia" + ], + [ + "ĠB", + "irth" + ], + [ + "met", + "rics" + ], + [ + "ĠS", + "N" + ], + [ + "Ġ\"", + "--" + ], + [ + "Ġcor", + "related" + ], + [ + "âĢ", + "²" + ], + [ + "Ġfaith", + "ful" + ], + [ + "Ph", + "ysical" + ], + [ + "olith", + "ic" + ], + [ + "as", + "i" + ], + [ + "Ġme", + "g" + ], + [ + "Ġenjoy", + "ment" + ], + [ + "Ġto", + "kens" + ], + [ + "Ġpun", + "ish" + ], + [ + "Ġmicrosc", + "opic" + ], + [ + "P", + "op" + ], + [ + "Ġpod", + "cast" + ], + [ + "é", + "s" + ], + [ + "ose", + "xual" + ], + [ + "Ġre", + "velation" + ], + [ + "Ġv", + "oted" + ], + [ + "ĠCy", + "ber" + ], + [ + "d", + "ra" + ], + [ + "Ġdevelop", + "er" + ], + [ + "Ġreg", + "im" + ], + [ + "Ġdes", + "erves" + ], + [ + "ĠSus", + "an" + ], + [ + "ĠC", + "B" + ], + [ + "ab", + "y" + ], + [ + "ĠClin", + "ic" + ], + [ + "ol", + "is" + ], + [ + "Ġc", + "sv" + ], + [ + "Ġhe", + "d" + ], + [ + "ple", + "asant" + ], + [ + "}", + "}" + ], + [ + "ul", + "atory" + ], + [ + "Ġinter", + "play" + ], + [ + "ar", + "ound" + ], + [ + "Ġann", + "oy" + ], + [ + "á", + "n" + ], + [ + "P", + "os" + ], + [ + "ĠF", + "if" + ], + [ + "Ġremain", + "der" + ], + [ + "Ð", + "¼" + ], + [ + "UL", + "L" + ], + [ + "Ġwilling", + "ness" + ], + [ + "ĠB", + "art" + ], + [ + "Qu", + "estion" + ], + [ + "Ġjust", + "ified" + ], + [ + "sc", + "ores" + ], + [ + "(", + "['" + ], + [ + "b", + "us" + ], + [ + "ĠAl", + "g" + ], + [ + "Cont", + "ent" + ], + [ + "f", + "ires" + ], + [ + "Ġex", + "h" + ], + [ + "Ġrespect", + "ing" + ], + [ + "Ġcoord", + "inated" + ], + [ + "En", + "c" + ], + [ + "ĠEx", + "am" + ], + [ + "Ġastronaut", + "s" + ], + [ + "S", + "uch" + ], + [ + "Ġn", + "ov" + ], + [ + "Ġtechn", + "ically" + ], + [ + "id", + "is" + ], + [ + "Ġconvin", + "cing" + ], + [ + "th", + "irds" + ], + [ + "Ġ\"", + "__" + ], + [ + "..", + "/" + ], + [ + "rim", + "ental" + ], + [ + "ot", + "te" + ], + [ + "ĠBalt", + "imore" + ], + [ + "ĠMon", + "itor" + ], + [ + "Ġspin", + "ning" + ], + [ + "od", + "us" + ], + [ + "Ġshowc", + "asing" + ], + [ + "res", + "et" + ], + [ + "Ġcomp", + "ressed" + ], + [ + "Ġinv", + "alid" + ], + [ + "Ġcreat", + "or" + ], + [ + "ĠPict", + "ure" + ], + [ + "ĠM", + "ort" + ], + [ + "year", + "s" + ], + [ + "Ġspread", + "s" + ], + [ + "cript", + "ions" + ], + [ + "Ġreinfor", + "cing" + ], + [ + "P", + "ass" + ], + [ + "v", + "est" + ], + [ + "Ġall", + "iance" + ], + [ + "Ġend", + "urance" + ], + [ + "Ġlo", + "vely" + ], + [ + "ĠFood", + "s" + ], + [ + "Ġencourage", + "ment" + ], + [ + "ĠBelg", + "ium" + ], + [ + "ate", + "ur" + ], + [ + "Ġtraject", + "ory" + ], + [ + "Ex", + "amples" + ], + [ + "Ġdifferent", + "iate" + ], + [ + "Ġpet", + "roleum" + ], + [ + "Ġcand", + "y" + ], + [ + "h", + "ill" + ], + [ + "Ġsick", + "ness" + ], + [ + "ell", + "i" + ], + [ + "Ġprov", + "ing" + ], + [ + "Ġhapp", + "ier" + ], + [ + "ĠApp", + "lied" + ], + [ + "oll", + "en" + ], + [ + "m", + "ember" + ], + [ + "ĠM", + "L" + ], + [ + "Ġcommit", + "ments" + ], + [ + "Ġtravel", + "ers" + ], + [ + "Ar", + "ch" + ], + [ + "Ġin", + "complete" + ], + [ + "Ġfast", + "est" + ], + [ + "t", + "ar" + ], + [ + "Ġsuccess", + "ion" + ], + [ + "ĠIndividual", + "s" + ], + [ + "Ġw", + "oven" + ], + [ + "Ġvari", + "ance" + ], + [ + "Ġimp", + "ose" + ], + [ + "Ġemit", + "ted" + ], + [ + "Ġg", + "em" + ], + [ + "ak", + "y" + ], + [ + "Ġdec", + "imal" + ], + [ + "hel", + "ial" + ], + [ + "act", + "ly" + ], + [ + "ĠV", + "acc" + ], + [ + "ĠCommun", + "ications" + ], + [ + "Ġsch", + "izophrenia" + ], + [ + "Ġescap", + "ed" + ], + [ + "Ġdiss", + "ertation" + ], + [ + "Ġb", + "acks" + ], + [ + "Ġspiritual", + "ity" + ], + [ + "ĠMo", + "z" + ], + [ + "rib", + "ing" + ], + [ + "Ex", + "p" + ], + [ + "ĠPop", + "ular" + ], + [ + "en", + "vironment" + ], + [ + "ĠConvers", + "ely" + ], + [ + "EL", + "ECT" + ], + [ + "ĠRober", + "ts" + ], + [ + "Ġv", + "et" + ], + [ + "Ġhe", + "x" + ], + [ + "Ġfin", + "ishing" + ], + [ + "ĠChall", + "enge" + ], + [ + "Ġpain", + "ter" + ], + [ + "Ġl", + "ing" + ], + [ + "Ġfluor", + "ide" + ], + [ + "Ġaccount", + "ed" + ], + [ + "Ġbron", + "ze" + ], + [ + "ĠD", + "eg" + ], + [ + "op", + "ause" + ], + [ + "ĠL", + "en" + ], + [ + "Ġdom", + "inance" + ], + [ + "Art", + "icle" + ], + [ + "c", + "uda" + ], + [ + "ĠS", + "in" + ], + [ + "Ġposition", + "ed" + ], + [ + "with", + "out" + ], + [ + "Ġ{}", + "\"." + ], + [ + "b", + "efore" + ], + [ + "Ġgot", + "ten" + ], + [ + "Ġrecord", + "ings" + ], + [ + "rat", + "ulations" + ], + [ + "Ġcontin", + "ental" + ], + [ + "Ġcoll", + "ision" + ], + [ + "Ġb", + "unch" + ], + [ + "ar", + "in" + ], + [ + "Ġcalcul", + "ator" + ], + [ + "Ġassist", + "ed" + ], + [ + "ĠI", + "R" + ], + [ + "__", + "," + ], + [ + "Ġimbal", + "ance" + ], + [ + "se", + "min" + ], + [ + "ere", + "rs" + ], + [ + "Res", + "ource" + ], + [ + "Ġch", + "ord" + ], + [ + "re", + "tt" + ], + [ + "ĠL", + "am" + ], + [ + "Ġun", + "rest" + ], + [ + "Ġwith", + "stand" + ], + [ + "ĠImport", + "ant" + ], + [ + "Ġcons", + "erve" + ], + [ + "uc", + "ing" + ], + [ + "com", + "ed" + ], + [ + "Ġsk", + "et" + ], + [ + "Ġmar", + "itime" + ], + [ + "Ġposition", + "ing" + ], + [ + "ĠV", + "arious" + ], + [ + "Ġthreat", + "en" + ], + [ + "re", + "ne" + ], + [ + "bol", + "a" + ], + [ + "Ġunc", + "overed" + ], + [ + "ĠT", + "un" + ], + [ + "Ġgradu", + "ates" + ], + [ + "Ġconsult", + "ing" + ], + [ + "Ġremind", + "s" + ], + [ + "Ġmer", + "it" + ], + [ + "Ġparalle", + "ls" + ], + [ + "Ad", + "ditional" + ], + [ + "vari", + "able" + ], + [ + "ĠEng", + "aging" + ], + [ + "Oct", + "ober" + ], + [ + "_", + "(" + ], + [ + "Ġeleg", + "ant" + ], + [ + "Ġl", + "ad" + ], + [ + "ĠS", + "ierra" + ], + [ + "ĠUS", + "B" + ], + [ + "Ġland", + "mark" + ], + [ + "w", + "ick" + ], + [ + "w", + "ikipedia" + ], + [ + "Ġcolle", + "ague" + ], + [ + "Ġprompt", + "ly" + ], + [ + "Ġru", + "ins" + ], + [ + "re", + "v" + ], + [ + "Ġarbit", + "rary" + ], + [ + "pro", + "gram" + ], + [ + "ĠBe", + "aut" + ], + [ + "S", + "ervice" + ], + [ + "Ġgrate", + "ful" + ], + [ + "f", + "illed" + ], + [ + "Ġch", + "i" + ], + [ + "ĠSt", + "yle" + ], + [ + "Ġ(", + "(" + ], + [ + "ĠE", + "ra" + ], + [ + "y", + "cle" + ], + [ + "Ġvolcan", + "o" + ], + [ + "ro", + "b" + ], + [ + "res", + "olution" + ], + [ + "ĠVe", + "get" + ], + [ + "ĠC", + "ris" + ], + [ + "Ġ\"", + "<" + ], + [ + "ĠEx", + "c" + ], + [ + "M", + "icro" + ], + [ + "Ġup", + "grad" + ], + [ + "br", + "ush" + ], + [ + "Ġimmers", + "ive" + ], + [ + "ĠC", + "ognitive" + ], + [ + "ĠB", + "enny" + ], + [ + "Ġback", + "yard" + ], + [ + "Ġconver", + "ts" + ], + [ + "ĠM", + "oney" + ], + [ + "Ġdet", + "rimental" + ], + [ + "Ġvine", + "gar" + ], + [ + "Ġa", + "rose" + ], + [ + "Ġaud", + "itory" + ], + [ + "Ġbutter", + "fly" + ], + [ + "Ġsymbol", + "ism" + ], + [ + "ĠOper", + "ation" + ], + [ + "Fil", + "ter" + ], + [ + "à¤", + "¾" + ], + [ + "Ġopp", + "onent" + ], + [ + "Ġa", + "pt" + ], + [ + "Ġrout", + "inely" + ], + [ + "Ġn", + "ests" + ], + [ + "Ġmeth", + "yl" + ], + [ + "an", + "ical" + ], + [ + "P", + "rodu" + ], + [ + "N", + "OT" + ], + [ + "and", + "al" + ], + [ + "ar", + "king" + ], + [ + "ĠP", + "ul" + ], + [ + "Ġlo", + "ops" + ], + [ + "Ġwitness", + "es" + ], + [ + "Ġb", + "id" + ], + [ + "Ġprov", + "incial" + ], + [ + "Ġpol", + "es" + ], + [ + "Ġparagraph", + "s" + ], + [ + "Un", + "like" + ], + [ + "Ġexperiment", + "ing" + ], + [ + "un", + "ique" + ], + [ + "m", + "ir" + ], + [ + "ĠInst", + "itution" + ], + [ + "Ġinn", + "ate" + ], + [ + "ĠReg", + "ardless" + ], + [ + "ĠIn", + "put" + ], + [ + "p", + "ox" + ], + [ + "S", + "outh" + ], + [ + "Ġincorpor", + "ates" + ], + [ + "TY", + "PE" + ], + [ + "or", + "o" + ], + [ + "Ġco", + "efficient" + ], + [ + "Ġmed", + "i" + ], + [ + "Ġdispar", + "ate" + ], + [ + "Ġthe", + "ft" + ], + [ + "Ġa", + "wards" + ], + [ + "Ġprop", + "het" + ], + [ + "Ġlib", + "ert" + ], + [ + "um", + "m" + ], + [ + "Ġremember", + "ing" + ], + [ + "ĠI", + "M" + ], + [ + "ĠI", + "g" + ], + [ + "Ġair", + "plane" + ], + [ + "ĠP", + "ale" + ], + [ + "ĠBre", + "ak" + ], + [ + "Ġbasket", + "ball" + ], + [ + "Ġex", + "clude" + ], + [ + "ann", + "ah" + ], + [ + "Ġrem", + "ot" + ], + [ + "Ġlib", + "eration" + ], + [ + "ĠObserv", + "atory" + ], + [ + "ĠL", + "ith" + ], + [ + "ĠConst", + "ant" + ], + [ + ">", + "," + ], + [ + "Ġvis", + "c" + ], + [ + "Ġind", + "ispens" + ], + [ + "Ġmush", + "rooms" + ], + [ + "]", + "+" + ], + [ + "ly", + "n" + ], + [ + "Ġun", + "related" + ], + [ + "Ġqu", + "arters" + ], + [ + "ĠContin", + "ue" + ], + [ + "Ġwavel", + "ength" + ], + [ + "ĠL", + "ate" + ], + [ + "Ġleg", + "ends" + ], + [ + "med", + "ia" + ], + [ + "Ġpsychiat", + "ric" + ], + [ + "Ġlaw", + "su" + ], + [ + "Ġbond", + "ing" + ], + [ + "ub", + "a" + ], + [ + "ĠRel", + "igious" + ], + [ + "Ġcel", + "estial" + ], + [ + "ot", + "ics" + ], + [ + "Ġth", + "under" + ], + [ + "Ġpop", + "ulated" + ], + [ + "icrob", + "ial" + ], + [ + "U", + "B" + ], + [ + "Ġh", + "urd" + ], + [ + "Ġres", + "in" + ], + [ + "l", + "r" + ], + [ + "ÃŃ", + "a" + ], + [ + "Ġaccum", + "ulate" + ], + [ + "Ġque", + "ue" + ], + [ + "Ġintent", + "ional" + ], + [ + "ĠB", + "att" + ], + [ + "ĠPal", + "ace" + ], + [ + "Ġcatast", + "rophic" + ], + [ + "S", + "erial" + ], + [ + "ĠH", + "PV" + ], + [ + "Ġab", + "bre" + ], + [ + "il", + "age" + ], + [ + "Ġrisk", + "y" + ], + [ + "Ġsafegu", + "ard" + ], + [ + "Ġfacilit", + "ates" + ], + [ + "f", + "rac" + ], + [ + "Ġfast", + "ing" + ], + [ + "ĠSte", + "ve" + ], + [ + "ĠB", + "Y" + ], + [ + "Ġmir", + "rors" + ], + [ + "ut", + "ation" + ], + [ + "hy", + "th" + ], + [ + "ĠColumb", + "us" + ], + [ + "P", + "ress" + ], + [ + "Ġb", + "ent" + ], + [ + "ch", + "y" + ], + [ + "Ġd", + "ressed" + ], + [ + "id", + "ency" + ], + [ + "ĠAn", + "thony" + ], + [ + "Ġemerg", + "encies" + ], + [ + "ocr", + "ine" + ], + [ + "Ġspok", + "es" + ], + [ + "ĠP", + "erm" + ], + [ + "ĠHarr", + "is" + ], + [ + "p", + "ick" + ], + [ + "Ġtransl", + "ations" + ], + [ + "Ġt", + "ones" + ], + [ + "pl", + "oys" + ], + [ + "Ġw", + "ip" + ], + [ + "Ġn", + "m" + ], + [ + "ĠH", + "yp" + ], + [ + "Ġrest", + "oring" + ], + [ + "Ġaccum", + "ulated" + ], + [ + "er", + "ican" + ], + [ + "Ġaccomplish", + "ments" + ], + [ + "ĠAltern", + "atively" + ], + [ + "ĠW", + "elsh" + ], + [ + "ut", + "t" + ], + [ + "Ġspecific", + "ations" + ], + [ + "d", + "it" + ], + [ + "ĠB", + "urn" + ], + [ + "Ġbeautiful", + "ly" + ], + [ + "}", + "\"" + ], + [ + "ist", + "ed" + ], + [ + "Ġsu", + "its" + ], + [ + "ĠH", + "E" + ], + [ + "mem", + "ory" + ], + [ + "Ġaggreg", + "ate" + ], + [ + "ĠM", + "ix" + ], + [ + "Ġcommod", + "ity" + ], + [ + "Ġgra", + "pes" + ], + [ + "ĠIn", + "sp" + ], + [ + "Ġback", + "ed" + ], + [ + "Ġtra", + "ders" + ], + [ + "Ġpestic", + "ide" + ], + [ + "od", + "a" + ], + [ + "n", + "ull" + ], + [ + "Ġroll", + "ed" + ], + [ + "Ġsl", + "opes" + ], + [ + "Ù", + "Ĩ" + ], + [ + "Ġest", + "rogen" + ], + [ + "Ġgamb", + "ling" + ], + [ + "F", + "unction" + ], + [ + "ĠD", + "elta" + ], + [ + "dir", + "name" + ], + [ + "Ġremov", + "es" + ], + [ + "Ġtra", + "ps" + ], + [ + "Ġserv", + "ants" + ], + [ + "Ġmig", + "rants" + ], + [ + "Ġrom", + "ance" + ], + [ + "ĠS", + "ky" + ], + [ + "().", + "__" + ], + [ + "Ġt", + "icks" + ], + [ + "Ġm", + "arc" + ], + [ + "Ġpost", + "ers" + ], + [ + "Ġentreprene", + "ur" + ], + [ + "oglob", + "in" + ], + [ + "ansk", + "rit" + ], + [ + "Ġjournal", + "ists" + ], + [ + "in", + "ators" + ], + [ + "Ġp", + "our" + ], + [ + "Ġfulf", + "illing" + ], + [ + "Ġun", + "stable" + ], + [ + "Ġret", + "ro" + ], + [ + "Ġiniti", + "ate" + ], + [ + "ĠS", + "ah" + ], + [ + "Ġmake", + "up" + ], + [ + "Ġgrass", + "es" + ], + [ + "ĠVi", + "enna" + ], + [ + "Ġmin", + "us" + ], + [ + "ĠCom", + "plete" + ], + [ + "Ġpass", + "ions" + ], + [ + "ĠLet", + "ters" + ], + [ + "in", + "ical" + ], + [ + "Ġgl", + "oss" + ], + [ + "ĠInvest", + "ig" + ], + [ + "Ġdelight", + "ful" + ], + [ + "Ġproject", + "ion" + ], + [ + "ĠAfric", + "ans" + ], + [ + "iv", + "o" + ], + [ + "occ", + "up" + ], + [ + "æķ", + "°" + ], + [ + "Ġle", + "isure" + ], + [ + "arth", + "a" + ], + [ + "l", + "ad" + ], + [ + "ĠD", + "anish" + ], + [ + "Ġunder", + "going" + ], + [ + "Ġcoal", + "ition" + ], + [ + "b", + "uffer" + ], + [ + "ĠE", + "ld" + ], + [ + "Ġqual", + "ify" + ], + [ + "Ġtransist", + "ors" + ], + [ + "è", + "¿" + ], + [ + "G", + "s" + ], + [ + "Å", + "«" + ], + [ + "ĠS", + "ent" + ], + [ + "Ġad", + "s" + ], + [ + "__", + ")" + ], + [ + "Ġteam", + "work" + ], + [ + "ĠDes", + "ert" + ], + [ + "Ġgar", + "bage" + ], + [ + "ĠFor", + "ces" + ], + [ + "Ġparent", + "ing" + ], + [ + "Ġquestion", + "ed" + ], + [ + "ĠEns", + "ure" + ], + [ + "l", + "as" + ], + [ + "b", + "inary" + ], + [ + "ĠP", + "le" + ], + [ + "}", + "'" + ], + [ + "ĠK", + "id" + ], + [ + "Ġlith", + "ium" + ], + [ + "Ġfe", + "ared" + ], + [ + "Ġspan", + "ning" + ], + [ + "in", + "ctions" + ], + [ + "oc", + "hemistry" + ], + [ + "P", + "ER" + ], + [ + "ruct", + "ions" + ], + [ + "Ġchromos", + "omes" + ], + [ + "c", + "pu" + ], + [ + "Ġhit", + "ting" + ], + [ + "Ġdefin", + "itive" + ], + [ + "Ġd", + "ub" + ], + [ + "Ġform", + "ulas" + ], + [ + "Ġtim", + "eless" + ], + [ + "ĠIncre", + "ased" + ], + [ + "EX", + "T" + ], + [ + "å", + "®" + ], + [ + "uff", + "le" + ], + [ + "ĠPsych", + "ological" + ], + [ + "osa", + "ic" + ], + [ + "Ġequ", + "ip" + ], + [ + "Ġimpro", + "per" + ], + [ + "ĠAl", + "most" + ], + [ + "Ġaccess", + "ing" + ], + [ + "ĠCommun", + "ities" + ], + [ + "ic", + "us" + ], + [ + "Cont", + "act" + ], + [ + "ĠP", + "and" + ], + [ + "ĠTh", + "inking" + ], + [ + "Ġkind", + "ergarten" + ], + [ + "ĠInnov", + "ation" + ], + [ + "Ġv", + "oc" + ], + [ + "Ġrot", + "ating" + ], + [ + "comp", + "at" + ], + [ + "Ġob", + "ey" + ], + [ + "__", + "()" + ], + [ + "Ġphys", + "iology" + ], + [ + "sw", + "ith" + ], + [ + "Ġult", + "ra" + ], + [ + ".", + "**" + ], + [ + ".", + "[" + ], + [ + "N", + "C" + ], + [ + "Ġ'", + "_" + ], + [ + "ĠNep", + "al" + ], + [ + "Ġwed", + "ding" + ], + [ + "Ġgr", + "inding" + ], + [ + "Ġam", + "end" + ], + [ + "Ġbra", + "ck" + ], + [ + "ĠKeep", + "ing" + ], + [ + "oster", + "one" + ], + [ + "Ġp", + "df" + ], + [ + "Ġchick", + "ens" + ], + [ + "Ġyog", + "urt" + ], + [ + "sum", + "mary" + ], + [ + "Ġstead", + "ily" + ], + [ + "J", + "ew" + ], + [ + "Ġcompr", + "ising" + ], + [ + "Ġcong", + "ress" + ], + [ + "icular", + "ly" + ], + [ + "Ġsecret", + "ary" + ], + [ + "Ġgener", + "ous" + ], + [ + "Ġg", + "olf" + ], + [ + "opt", + "ional" + ], + [ + "Ġm", + "ate" + ], + [ + "en", + "viron" + ], + [ + "is", + "ers" + ], + [ + "Ġpol", + "yn" + ], + [ + "Ġr", + "ated" + ], + [ + "Ġaccount", + "able" + ], + [ + "Ġvulner", + "abilities" + ], + [ + "rav", + "iolet" + ], + [ + "NA", + "SA" + ], + [ + "Ġt", + "ours" + ], + [ + "he", + "x" + ], + [ + "Ġam", + "endment" + ], + [ + "ĠI", + "L" + ], + [ + "oc", + "key" + ], + [ + "Ġhel", + "ic" + ], + [ + "ĠB", + "erg" + ], + [ + "Ġstud", + "io" + ], + [ + "Ġeru", + "ption" + ], + [ + "Ġfab", + "rics" + ], + [ + "Ġtr", + "an" + ], + [ + "Ġeru", + "pt" + ], + [ + "ĠEngine", + "ers" + ], + [ + "ĠV", + "ar" + ], + [ + ".", + "/" + ], + [ + "Ġrob", + "otic" + ], + [ + "cor", + "rect" + ], + [ + "ĠB", + "rief" + ], + [ + "Ġinvestig", + "ators" + ], + [ + "ĠS", + "W" + ], + [ + "ĠD", + "h" + ], + [ + "Ġimpl", + "ants" + ], + [ + "Ġrepet", + "ition" + ], + [ + "ast", + "ical" + ], + [ + "ĠLead", + "ership" + ], + [ + "ĠX", + "ML" + ], + [ + "Ġconsequ", + "ently" + ], + [ + "Ġpreced", + "ing" + ], + [ + "l", + "iness" + ], + [ + "Ġ\"", + "-" + ], + [ + "Ġas", + "yn" + ], + [ + "Ġun", + "h" + ], + [ + "Ġup", + "hold" + ], + [ + "Ġturb", + "ine" + ], + [ + "Ġy", + "esterday" + ], + [ + "Ġte", + "asp" + ], + [ + "ĠArk", + "ansas" + ], + [ + "S", + "ystem" + ], + [ + "Ġsc", + "aling" + ], + [ + "Ġinherent", + "ly" + ], + [ + "ĠRep", + "orts" + ], + [ + "Ġspr", + "ings" + ], + [ + "Ñ", + "ĭ" + ], + [ + "pub", + "lished" + ], + [ + "Ġst", + "ance" + ], + [ + "ĠF", + "ab" + ], + [ + "ort", + "ing" + ], + [ + "Ġreal", + "ities" + ], + [ + "pr", + "ising" + ], + [ + "Ġreal", + "ism" + ], + [ + "Ġrespons", + "ive" + ], + [ + "ĠOrig", + "ins" + ], + [ + "Ġtw", + "in" + ], + [ + "Ġtransl", + "ates" + ], + [ + "Ġcompr", + "ise" + ], + [ + "Ġwor", + "m" + ], + [ + "any", + "on" + ], + [ + "Ġperf", + "ection" + ], + [ + "Ġreview", + "ers" + ], + [ + "Ġep", + "ile" + ], + [ + "Ġhur", + "ricane" + ], + [ + "ĠT", + "ar" + ], + [ + "ĠAdd", + "ress" + ], + [ + "Ġdisplay", + "ing" + ], + [ + "Ġforg", + "iveness" + ], + [ + "m", + "any" + ], + [ + "il", + "k" + ], + [ + "em", + "ade" + ], + [ + ")", + "+" + ], + [ + "Ġt", + "in" + ], + [ + "ĠSe", + "ven" + ], + [ + "s", + "afe" + ], + [ + "Ġaccel", + "erated" + ], + [ + "Ġsc", + "ared" + ], + [ + "Ġeditor", + "ial" + ], + [ + "Ġw", + "rist" + ], + [ + "Ġun", + "pleasant" + ], + [ + "C", + "ore" + ], + [ + "Ġes", + "oph" + ], + [ + "ĠN", + "AT" + ], + [ + "Ġappar", + "atus" + ], + [ + "ĠG", + "ate" + ], + [ + "du", + "p" + ], + [ + "p", + "ix" + ], + [ + "ct", + "ory" + ], + [ + "ĠF", + "ROM" + ], + [ + "ĠCh", + "ris" + ], + [ + "he", + "im" + ], + [ + "D", + "escription" + ], + [ + "ĠR", + "io" + ], + [ + "worm", + "s" + ], + [ + "A", + "IDS" + ], + [ + "E", + "arth" + ], + [ + "Ġdet", + "ox" + ], + [ + "Ġchar", + "ter" + ], + [ + "Ġwel", + "comed" + ], + [ + "Ġcav", + "ities" + ], + [ + "Ġsim", + "ulate" + ], + [ + "Ġarch", + "ives" + ], + [ + "ĠC", + "rown" + ], + [ + "Ġimag", + "inary" + ], + [ + "ph", + "p" + ], + [ + "ĠP", + "ic" + ], + [ + "ĠDe", + "b" + ], + [ + "--------------------------------", + "----------------" + ], + [ + "Ġad", + "orn" + ], + [ + "Ġancest", + "or" + ], + [ + "param", + "eter" + ], + [ + "Ġmotiv", + "ations" + ], + [ + "Ġnan", + "op" + ], + [ + "Ġrou", + "ter" + ], + [ + "T", + "T" + ], + [ + "Ġpredict", + "ing" + ], + [ + "Ġrobot", + "ics" + ], + [ + "G", + "I" + ], + [ + "L", + "ink" + ], + [ + "ĠLaw", + "s" + ], + [ + "Ġk", + "ills" + ], + [ + "ĠCamp", + "aign" + ], + [ + "Ġprov", + "es" + ], + [ + "Ġfil", + "tered" + ], + [ + "Ġscript", + "s" + ], + [ + "weg", + "ian" + ], + [ + "ect", + "ing" + ], + [ + "ĠMin", + "or" + ], + [ + "pack", + "age" + ], + [ + "n", + "ings" + ], + [ + "Ġrel", + "ay" + ], + [ + "ĠDon", + "ald" + ], + [ + "Ġk", + "et" + ], + [ + "pl", + "anes" + ], + [ + "alth", + "ough" + ], + [ + "Ġreven", + "ues" + ], + [ + "e", + "cess" + ], + [ + "Ġcorrespond", + "ence" + ], + [ + "Ġp", + "izza" + ], + [ + "Ġor", + "che" + ], + [ + "Ġhyd", + "raulic" + ], + [ + "S", + "F" + ], + [ + "Ġb", + "oss" + ], + [ + "Ġdefin", + "ite" + ], + [ + "Ġdisturb", + "ance" + ], + [ + "worth", + "y" + ], + [ + "Ġref", + "ining" + ], + [ + "Ġcab", + "in" + ], + [ + "bu", + "ilt" + ], + [ + "Ġsp", + "rink" + ], + [ + "ĠCommon", + "wealth" + ], + [ + "ad", + "os" + ], + [ + "all", + "ed" + ], + [ + "Ġup", + "right" + ], + [ + "start", + "swith" + ], + [ + "Ġhun", + "ters" + ], + [ + "Ġdeliber", + "ately" + ], + [ + "Ġcompat", + "ibility" + ], + [ + "ĠPl", + "ate" + ], + [ + "Ġund", + "erest" + ], + [ + "ĠMot", + "or" + ], + [ + "ĠEc", + "ology" + ], + [ + "V", + "E" + ], + [ + "Ġpl", + "um" + ], + [ + "Ġuter", + "us" + ], + [ + "ĠK", + "arl" + ], + [ + "ĠSym", + "bol" + ], + [ + "Ġsovere", + "ign" + ], + [ + "Ġb", + "other" + ], + [ + "Ġfilter", + "ing" + ], + [ + "Ġg", + "rip" + ], + [ + "Ġend", + "emic" + ], + [ + "Ġrepl", + "ication" + ], + [ + "s", + "ingle" + ], + [ + "Ġpriorit", + "ize" + ], + [ + "Ġlever", + "aging" + ], + [ + "l", + "iter" + ], + [ + "Ġmar", + "ble" + ], + [ + "Ġkilomet", + "res" + ], + [ + "er", + "able" + ], + [ + "Def", + "inition" + ], + [ + "Ġfib", + "re" + ], + [ + "ĠGall", + "ery" + ], + [ + "ĠA", + "wareness" + ], + [ + "ĠC", + "M" + ], + [ + "Ġrank", + "ed" + ], + [ + "FA", + "ULT" + ], + [ + "ĠSh", + "ah" + ], + [ + "ĠProduct", + "s" + ], + [ + "Ġnot", + "ions" + ], + [ + "ĠWork", + "ers" + ], + [ + "%", + ")." + ], + [ + "ĠF", + "u" + ], + [ + "Ġaven", + "ues" + ], + [ + "Ġn", + "aked" + ], + [ + "Ġsp", + "iders" + ], + [ + "Ġper", + "taining" + ], + [ + "Ġdev", + "otion" + ], + [ + "Ġsum", + "mit" + ], + [ + "Ġsculpt", + "ures" + ], + [ + "Ġarr", + "iving" + ], + [ + "Sept", + "ember" + ], + [ + "ĠC", + "over" + ], + [ + "ph", + "an" + ], + [ + "ĠCh", + "ronic" + ], + [ + "ĠHar", + "bor" + ], + [ + "ĠUp", + "date" + ], + [ + "ric", + "ula" + ], + [ + "gener", + "ative" + ], + [ + "Ġaim", + "ing" + ], + [ + "trans", + "mit" + ], + [ + "ĠS", + "ide" + ], + [ + "Ġmount", + "ing" + ], + [ + "ĠT", + "arget" + ], + [ + "ert", + "ility" + ], + [ + "Ġmerch", + "ant" + ], + [ + "ĠPl", + "ato" + ], + [ + "Ġlux", + "ury" + ], + [ + "ex", + "ception" + ], + [ + "ĠEvery", + "thing" + ], + [ + "Ġathlet", + "ic" + ], + [ + "V", + "ari" + ], + [ + "Ġcyl", + "ind" + ], + [ + "Ġval", + "ves" + ], + [ + "ĠAl", + "fred" + ], + [ + "B", + "uild" + ], + [ + "Ġfinanc", + "ially" + ], + [ + "Ġinject", + "ed" + ], + [ + "Ġindispens", + "able" + ], + [ + "it", + "uted" + ], + [ + "ĠM", + "ercury" + ], + [ + "Ġcoron", + "ary" + ], + [ + "down", + "load" + ], + [ + "ay", + "an" + ], + [ + "Ġinvent", + "ions" + ], + [ + "Ġfort", + "une" + ], + [ + "ic", + "ient" + ], + [ + "ĠArt", + "ificial" + ], + [ + "Ġ", + "ì" + ], + [ + "Ġcent", + "r" + ], + [ + "Ġpsych", + "ologist" + ], + [ + "Ġradical", + "s" + ], + [ + "k", + "n" + ], + [ + "Ġro", + "pe" + ], + [ + "ĠTransport", + "ation" + ], + [ + "Ġon", + "ions" + ], + [ + "ĠO", + "ral" + ], + [ + "ĠIntern", + "al" + ], + [ + "Ġpil", + "ots" + ], + [ + "ĠA", + "venue" + ], + [ + "Ġclin", + "icians" + ], + [ + "å", + "¤" + ], + [ + "st", + "ick" + ], + [ + "Ġparas", + "ite" + ], + [ + "Ġc", + "iting" + ], + [ + "Ġdepos", + "ited" + ], + [ + "Ġflo", + "ors" + ], + [ + "ĠN", + "am" + ], + [ + "Bl", + "ock" + ], + [ + "pl", + "ication" + ], + [ + "ĠCl", + "inton" + ], + [ + "Ï", + "Ĥ" + ], + [ + "col", + "ors" + ], + [ + "Ġeth", + "anol" + ], + [ + "deg", + "ree" + ], + [ + "Ġsm", + "iled" + ], + [ + "Wh", + "ite" + ], + [ + "ĠL", + "A" + ], + [ + "Ġpanc", + "reat" + ], + [ + "Ġin", + "expensive" + ], + [ + "ĠY", + "ang" + ], + [ + "Ġstreng", + "thens" + ], + [ + "Ġlifes", + "pan" + ], + [ + "Ġen", + "ergies" + ], + [ + "o", + "ic" + ], + [ + "Ġdig", + "its" + ], + [ + "Ġvacc", + "inated" + ], + [ + "Inst", + "ead" + ], + [ + "Ġgen", + "ius" + ], + [ + "Ġn", + "ails" + ], + [ + "Ġclin", + "ics" + ], + [ + "ĠSupp", + "ose" + ], + [ + "ä", + "½" + ], + [ + "Ġth", + "irst" + ], + [ + "car", + "bon" + ], + [ + "Ġcar", + "rots" + ], + [ + "Ġinhab", + "ited" + ], + [ + "Ġhorm", + "onal" + ], + [ + "ĠA", + "th" + ], + [ + "Ġunit", + "test" + ], + [ + "m", + "un" + ], + [ + "am", + "ount" + ], + [ + "ĠPrinc", + "eton" + ], + [ + "lic", + "ted" + ], + [ + "ĠHud", + "son" + ], + [ + "m", + "ess" + ], + [ + "Ġsy", + "rup" + ], + [ + "ĠAl", + "an" + ], + [ + "Ġuns", + "ure" + ], + [ + "Ġp", + "ic" + ], + [ + "Ġsystem", + "atically" + ], + [ + "Wind", + "ow" + ], + [ + "a", + "ic" + ], + [ + "Ġengine", + "ered" + ], + [ + "ĠTe", + "ach" + ], + [ + "Ġste", + "pping" + ], + [ + "ĠT", + "ower" + ], + [ + "uss", + "els" + ], + [ + "Ġdehyd", + "ration" + ], + [ + "Ġmotif", + "s" + ], + [ + "c", + "over" + ], + [ + "Ġlight", + "ly" + ], + [ + "ĠBapt", + "ist" + ], + [ + "Ġn", + "ail" + ], + [ + "Ġcont", + "ag" + ], + [ + "add", + "r" + ], + [ + "valid", + "ate" + ], + [ + "g", + "reat" + ], + [ + "Ġatt", + "ent" + ], + [ + "čĊ", + "čĊ" + ], + [ + "Ġendeav", + "ors" + ], + [ + "ĠSil", + "ver" + ], + [ + "ĠT", + "el" + ], + [ + "Ġing", + "en" + ], + [ + "Ġrab", + "bits" + ], + [ + "ĠD", + "escription" + ], + [ + "Ġwin", + "ner" + ], + [ + "Ġbip", + "olar" + ], + [ + "Ġl", + "oses" + ], + [ + "O", + "H" + ], + [ + "Ġg", + "rie" + ], + [ + "Ġad", + "renal" + ], + [ + "ara", + "oh" + ], + [ + "Ġbl", + "ades" + ], + [ + "ion", + "e" + ], + [ + "Ġnever", + "theless" + ], + [ + "Ġre", + "nal" + ], + [ + "Al", + "most" + ], + [ + "ĠIll", + "ust" + ], + [ + "Ġobsc", + "ure" + ], + [ + "ogene", + "ous" + ], + [ + "Ġprob", + "able" + ], + [ + "Ġpurs", + "ued" + ], + [ + "Ġco", + "herent" + ], + [ + "ĠPr", + "iv" + ], + [ + "Ï", + "Ģ" + ], + [ + "ĠArt", + "icles" + ], + [ + "ĠT", + "ip" + ], + [ + "ĠRail", + "road" + ], + [ + "Ġl", + "ubric" + ], + [ + "B", + "s" + ], + [ + "ĠSub", + "st" + ], + [ + "Ġactiv", + "ist" + ], + [ + "Ġproport", + "ional" + ], + [ + "Ġcig", + "arette" + ], + [ + "ĠD", + "iversity" + ], + [ + "pect", + "ion" + ], + [ + "Ġpot", + "tery" + ], + [ + "Ġhor", + "ror" + ], + [ + "ĠSub", + "ject" + ], + [ + "Ġcle", + "ared" + ], + [ + "Ġneg", + "lected" + ], + [ + "Des", + "ign" + ], + [ + "Ġnational", + "ism" + ], + [ + "h", + "ou" + ], + [ + "Pub", + "lished" + ], + [ + "Ġw", + "ard" + ], + [ + "Ġwork", + "out" + ], + [ + "Ġrepe", + "ating" + ], + [ + "Ġconfident", + "ly" + ], + [ + "Ġdece", + "ased" + ], + [ + "f", + "ten" + ], + [ + "ĠMor", + "gan" + ], + [ + "ü", + "r" + ], + [ + "e", + "an" + ], + [ + "ĠLank", + "a" + ], + [ + "P", + "rim" + ], + [ + "Ġsew", + "age" + ], + [ + "Ġcompet", + "ent" + ], + [ + "ĠJu", + "an" + ], + [ + "Ġcorpor", + "ation" + ], + [ + "Ġ[", + "-" + ], + [ + "Ġevalu", + "ations" + ], + [ + "ĠJ", + "os" + ], + [ + "Ġbel", + "ly" + ], + [ + "Ġsuscept", + "ibility" + ], + [ + "Ġkey", + "words" + ], + [ + "iv", + "ial" + ], + [ + "Ï", + "ĥ" + ], + [ + "n", + "u" + ], + [ + "å", + "Ń" + ], + [ + "Im", + "port" + ], + [ + "Ġblo", + "oms" + ], + [ + "ĠCath", + "olics" + ], + [ + "R", + "ight" + ], + [ + "Ġenact", + "ed" + ], + [ + "Ġh", + "inder" + ], + [ + "Ġsw", + "ing" + ], + [ + "Ġcommand", + "ed" + ], + [ + "S", + "pace" + ], + [ + "Ġdep", + "osition" + ], + [ + "ĠA", + "le" + ], + [ + "Ġcommit", + "tees" + ], + [ + "Ġemp", + "owers" + ], + [ + "Ġrat", + "ings" + ], + [ + "Ġlat", + "itude" + ], + [ + "aware", + "ness" + ], + [ + "Ġenl", + "arg" + ], + [ + "Ġmat", + "rices" + ], + [ + "Ġintention", + "ally" + ], + [ + "Ġmas", + "cul" + ], + [ + "Ġenerget", + "ic" + ], + [ + "Ġcont", + "ing" + ], + [ + "Ch", + "ina" + ], + [ + "Ġe", + "lic" + ], + [ + "Ġshad", + "ows" + ], + [ + "Ġart", + "illery" + ], + [ + "gr", + "ass" + ], + [ + "Ġsh", + "aft" + ], + [ + "Ġplay", + "ground" + ], + [ + "ĠLiter", + "acy" + ], + [ + "ĠProcess", + "ing" + ], + [ + "om", + "ething" + ], + [ + "ĠNev", + "ada" + ], + [ + "as", + "ury" + ], + [ + "im", + "ag" + ], + [ + "Ġexpos", + "ures" + ], + [ + "r", + "b" + ], + [ + "N", + "G" + ], + [ + "ĠZ", + "one" + ], + [ + "ĠAt", + "hens" + ], + [ + "Ġg", + "i" + ], + [ + "Ġqu", + "eries" + ], + [ + "ed", + "a" + ], + [ + "ĠUN", + "ESCO" + ], + [ + "Ġrecogn", + "ise" + ], + [ + "Ġb", + "arg" + ], + [ + "ĠY", + "ale" + ], + [ + "g", + "el" + ], + [ + "Ġsens", + "ations" + ], + [ + "ĠMor", + "ris" + ], + [ + "ĠT", + "itan" + ], + [ + "r", + "ise" + ], + [ + "Ġsh", + "ades" + ], + [ + "Ġmar", + "row" + ], + [ + "an", + "ning" + ], + [ + "Ġdown", + "ward" + ], + [ + "Ġbrain", + "storm" + ], + [ + "Ġ", + "Å" + ], + [ + "Ġproject", + "ions" + ], + [ + "ĠOver", + "all" + ], + [ + "Ġcred", + "entials" + ], + [ + "N", + "ET" + ], + [ + "Ġcaut", + "ious" + ], + [ + "D", + "D" + ], + [ + "e", + "very" + ], + [ + "Ġhand", + "les" + ], + [ + "ĠSet", + "ting" + ], + [ + "Ġportray", + "ed" + ], + [ + "ĠJoh", + "ann" + ], + [ + "per", + "cent" + ], + [ + "Ġsad", + "ness" + ], + [ + "ck", + "ed" + ], + [ + "represent", + "ed" + ], + [ + "Ġdecent", + "ral" + ], + [ + "ĠSt", + "reng" + ], + [ + "pat", + "hetic" + ], + [ + "Ġdi", + "ary" + ], + [ + "Ġdi", + "abetic" + ], + [ + "Ġdro", + "pping" + ], + [ + "Ġfertil", + "izers" + ], + [ + "ĠRand", + "om" + ], + [ + "ĠE", + "lements" + ], + [ + "Ġbl", + "ur" + ], + [ + "k", + "ernel" + ], + [ + "ĠB", + "ry" + ], + [ + "ĠE", + "gg" + ], + [ + "Ġco", + "zy" + ], + [ + "ĠAd", + "ult" + ], + [ + "Ġur", + "ge" + ], + [ + "Ġwork", + "flow" + ], + [ + "bl", + "og" + ], + [ + "Ġreg", + "imes" + ], + [ + "Ġsal", + "iva" + ], + [ + "bl", + "ank" + ], + [ + "Ġrich", + "ness" + ], + [ + "Ġgall", + "ery" + ], + [ + "č", + "ĊĠĠĠĠĠĠĠĠ" + ], + [ + "Ġspir", + "al" + ], + [ + "Ġfrust", + "rated" + ], + [ + "M", + "al" + ], + [ + "Ġtra", + "dem" + ], + [ + "ĠCan", + "al" + ], + [ + "ĠProv", + "ince" + ], + [ + "le", + "af" + ], + [ + "Ġlabor", + "atories" + ], + [ + "on", + "ian" + ], + [ + "Man", + "ager" + ], + [ + "p", + "hen" + ], + [ + "â", + "ķ" + ], + [ + "ĠB", + "eth" + ], + [ + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠĠ" + ], + [ + "Ġglac", + "iers" + ], + [ + "V", + "AL" + ], + [ + "Ġmid", + "st" + ], + [ + "Ġdig", + "ging" + ], + [ + "âĢ¦", + "âĢ¦" + ], + [ + "ref", + "erence" + ], + [ + "Ġc", + "ad" + ], + [ + "qu", + "ant" + ], + [ + "Ġrespond", + "s" + ], + [ + "se", + "cret" + ], + [ + "Ġp", + "ork" + ], + [ + "Ġneg", + "lig" + ], + [ + "of", + "ten" + ], + [ + "Ġquick", + "er" + ], + [ + "top", + "ic" + ], + [ + "ch", + "t" + ], + [ + "ap", + "hy" + ], + [ + "bs", + "ite" + ], + [ + "Ġh", + "tml" + ], + [ + "Ġignor", + "ance" + ], + [ + "b", + "earing" + ], + [ + "Ġm", + "arsh" + ], + [ + "ĠAct", + "s" + ], + [ + "effic", + "ients" + ], + [ + "ĠJour", + "ney" + ], + [ + "ĠJ", + "osh" + ], + [ + "it", + "ous" + ], + [ + "al", + "ion" + ], + [ + "ĠSt", + "atus" + ], + [ + "ĠD", + "im" + ], + [ + "Ġbu", + "zz" + ], + [ + "Ġrect", + "angular" + ], + [ + "Ġfol", + "klore" + ], + [ + "Ġver", + "ification" + ], + [ + "L", + "Y" + ], + [ + "ĠCle", + "ar" + ], + [ + "elect", + "ric" + ], + [ + "ĠN", + "ag" + ], + [ + "int", + "end" + ], + [ + "Ġgu", + "y" + ], + [ + "gen", + "eral" + ], + [ + "Ġf", + "ence" + ], + [ + "Ġb", + "aked" + ], + [ + "ĠEgypt", + "ians" + ], + [ + "Ġmart", + "ial" + ], + [ + "ĠGe", + "ographic" + ], + [ + "Ġjuris", + "dict" + ], + [ + "Ġceram", + "ic" + ], + [ + "ĠC", + "BD" + ], + [ + "ex", + "c" + ], + [ + "Ġhop", + "efully" + ], + [ + "bour", + "ne" + ], + [ + "Ġout", + "ward" + ], + [ + "Ġhad", + "n" + ], + [ + "Ġco", + "il" + ], + [ + "ĠCre", + "ation" + ], + [ + "ĠBe", + "ijing" + ], + [ + "Ġmenstru", + "al" + ], + [ + "Ġgu", + "ys" + ], + [ + "Ġrep", + "airs" + ], + [ + "Ġdel", + "ving" + ], + [ + "Ġdis", + "crete" + ], + [ + "Ġfle", + "w" + ], + [ + "Ġlim", + "itation" + ], + [ + "ĠC", + "row" + ], + [ + "ĠM", + "B" + ], + [ + "Ġbehavi", + "ours" + ], + [ + "ĠD", + "ynasty" + ], + [ + "ens", + "ation" + ], + [ + "own", + "ed" + ], + [ + "ĠNot", + "ice" + ], + [ + "ĠIdent", + "ifying" + ], + [ + "ĠD", + "ream" + ], + [ + "a", + "verage" + ], + [ + "p", + "ent" + ], + [ + "ain", + "ted" + ], + [ + "ĠH", + "R" + ], + [ + "Ġind", + "ul" + ], + [ + "Ġtrans", + "gender" + ], + [ + "Ġsk", + "learn" + ], + [ + "Ġdimin", + "ished" + ], + [ + "bet", + "ween" + ], + [ + "Ġst", + "ats" + ], + [ + "Ġgl", + "ad" + ], + [ + "be", + "y" + ], + [ + "ĠPr", + "ivate" + ], + [ + "Ġjournal", + "ist" + ], + [ + "Ġfro", + "gs" + ], + [ + "__", + "\":" + ], + [ + "Ph", + "ot" + ], + [ + "Ġcur", + "ved" + ], + [ + "Ġph", + "il" + ], + [ + "ĠPh", + "oen" + ], + [ + "Ġcham", + "bers" + ], + [ + "ren", + "ces" + ], + [ + "Ġsouth", + "west" + ], + [ + "Ġlegend", + "ary" + ], + [ + "Ġwor", + "ries" + ], + [ + "Ġstim", + "ulating" + ], + [ + "ic", + "ion" + ], + [ + "h", + "icle" + ], + [ + "ic", + "he" + ], + [ + "res", + "ources" + ], + [ + "ĠPh", + "ill" + ], + [ + "Ġabol", + "ition" + ], + [ + "re", + "search" + ], + [ + "Ġobs", + "erver" + ], + [ + "ĠOrgan", + "ic" + ], + [ + "N", + "orth" + ], + [ + "ĠC", + "anyon" + ], + [ + "ĠEth", + "ics" + ], + [ + "ĠColl", + "ins" + ], + [ + "f", + "uel" + ], + [ + "Ġbe", + "ads" + ], + [ + "ract", + "ice" + ], + [ + "Ġsen", + "iors" + ], + [ + "Ġdefic", + "iencies" + ], + [ + "á", + "¸" + ], + [ + "Ġl", + "ively" + ], + [ + "ĠI", + "l" + ], + [ + "ĠP", + "ages" + ], + [ + "As", + "k" + ], + [ + "ĠOffic", + "er" + ], + [ + "T", + "ree" + ], + [ + "ĠM", + "ol" + ], + [ + "Ġcontribut", + "ors" + ], + [ + "Ġsearc", + "hes" + ], + [ + "Ġoff", + "shore" + ], + [ + "ext", + "ract" + ], + [ + "ĠInd", + "ependent" + ], + [ + "Ġmass", + "age" + ], + [ + "train", + "ed" + ], + [ + "cc", + "oli" + ], + [ + "ĠL", + "aur" + ], + [ + "m", + "esh" + ], + [ + "t", + "k" + ], + [ + "level", + "and" + ], + [ + "ĠAnton", + "io" + ], + [ + "ĠM", + "aj" + ], + [ + "Ġmonit", + "ors" + ], + [ + "Ġexpend", + "iture" + ], + [ + "la", + "very" + ], + [ + "aunt", + "ing" + ], + [ + "ĠD", + "ial" + ], + [ + "ĠDis", + "covery" + ], + [ + "ĠByz", + "antine" + ], + [ + "Ġbl", + "oss" + ], + [ + "ĠRe", + "form" + ], + [ + "Ġ%", + "(" + ], + [ + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠ" + ], + [ + "v", + "oc" + ], + [ + "Ġexpect", + "ation" + ], + [ + "Ġveter", + "inary" + ], + [ + "Ġbicy", + "cle" + ], + [ + "C", + "am" + ], + [ + "ev", + "ents" + ], + [ + "Ġast", + "on" + ], + [ + "Ġtransc", + "ription" + ], + [ + "Ġdelib", + "erate" + ], + [ + "Ġpredict", + "ive" + ], + [ + "Ġsent", + "iment" + ], + [ + "p", + "end" + ], + [ + "ĠIS", + "O" + ], + [ + "Ġbub", + "ble" + ], + [ + "ess", + "ert" + ], + [ + "Ġev", + "id" + ], + [ + "Ġsub", + "process" + ], + [ + "Ġbes", + "ide" + ], + [ + "Ġl", + "id" + ], + [ + "Ġl", + "ap" + ], + [ + "cre", + "as" + ], + [ + "Ġdro", + "ve" + ], + [ + "ĠU", + "g" + ], + [ + "Ġdom", + "inate" + ], + [ + "Ġsal", + "ad" + ], + [ + "Ġprin", + "ters" + ], + [ + "ad", + "ow" + ], + [ + "ĠLe", + "ban" + ], + [ + "Ġcatch", + "ing" + ], + [ + "pol", + "y" + ], + [ + "Ġm", + "ating" + ], + [ + "Ġwh", + "oles" + ], + [ + "ĠW", + "at" + ], + [ + "Ġbl", + "ast" + ], + [ + "Ġfasc", + "inated" + ], + [ + "Ġbright", + "ness" + ], + [ + "I", + "OS" + ], + [ + "he", + "it" + ], + [ + "Ġf", + "onts" + ], + [ + "Ġass", + "ured" + ], + [ + "ĠC", + "ele" + ], + [ + "author", + "ized" + ], + [ + "ĠRe", + "covery" + ], + [ + "ĠOper", + "ations" + ], + [ + "p", + "b" + ], + [ + "Ġexpect", + "ancy" + ], + [ + "ĠP", + "O" + ], + [ + "Ġserv", + "ant" + ], + [ + "Ġpain", + "ts" + ], + [ + "ĠGo", + "als" + ], + [ + "ĠH", + "erm" + ], + [ + "Ġpossess", + "ed" + ], + [ + "Log", + "ger" + ], + [ + "Ġnorth", + "west" + ], + [ + "ĠP", + "as" + ], + [ + "ĠZ", + "ion" + ], + [ + "Ġanticip", + "ate" + ], + [ + "Ġprest", + "igious" + ], + [ + "over", + "ty" + ], + [ + "With", + "in" + ], + [ + "ĠCa", + "uses" + ], + [ + "ãĢ", + "Ĥ" + ], + [ + "ĠE", + "sc" + ], + [ + "Ġactiv", + "ate" + ], + [ + "Go", + "vern" + ], + [ + "ĠB", + "orn" + ], + [ + "ĠTo", + "kyo" + ], + [ + "Ġdisadvant", + "age" + ], + [ + "w", + "ear" + ], + [ + "Ġf", + "ame" + ], + [ + "Intern", + "ational" + ], + [ + "u", + "ci" + ], + [ + "Ġrot", + "ate" + ], + [ + "K", + "S" + ], + [ + "g", + "rowing" + ], + [ + "t", + "own" + ], + [ + "Ġcarbohyd", + "rate" + ], + [ + "ĠWalk", + "er" + ], + [ + "ĠM", + "aterial" + ], + [ + "ĠInst", + "itutes" + ], + [ + "Ġattack", + "ing" + ], + [ + "Ġeld", + "ers" + ], + [ + "Ġprolif", + "eration" + ], + [ + "j", + "s" + ], + [ + "ĠRe", + "comm" + ], + [ + "Ġnotice", + "able" + ], + [ + "Ġe", + "g" + ], + [ + "Ġvoy", + "age" + ], + [ + "ĠHe", + "y" + ], + [ + "Ġdesk", + "top" + ], + [ + "Ġank", + "le" + ], + [ + "ĠT", + "ow" + ], + [ + "ĠRuss", + "ell" + ], + [ + "j", + "oint" + ], + [ + "Ġl", + "av" + ], + [ + "..", + ".\"" + ], + [ + "Ġout", + "lets" + ], + [ + "Ġox", + "idation" + ], + [ + "Ġs", + "age" + ], + [ + "Ġ\"", + "%" + ], + [ + "Ġconqu", + "est" + ], + [ + "ĠL", + "iver" + ], + [ + "et", + "erm" + ], + [ + "]", + "*" + ], + [ + "Ġdwar", + "f" + ], + [ + "Ġacc", + "red" + ], + [ + "Ġgra", + "ding" + ], + [ + "Ġrecur", + "ring" + ], + [ + "H", + "C" + ], + [ + "Ġa", + "ux" + ], + [ + "Ġlegisl", + "ature" + ], + [ + "Ġy", + "arn" + ], + [ + "ac", + "ious" + ], + [ + "Ġgen", + "ocide" + ], + [ + "__", + "_" + ], + [ + "li", + "ance" + ], + [ + "Ġsatisf", + "ying" + ], + [ + "ĠAbs", + "ol" + ], + [ + "Â", + "²" + ], + [ + "clip", + "se" + ], + [ + "opath", + "ic" + ], + [ + "ĠS", + "ize" + ], + [ + "te", + "chn" + ], + [ + "rim", + "p" + ], + [ + "Ġtoler", + "ate" + ], + [ + "omm", + "y" + ], + [ + "ard", + "i" + ], + [ + "ĠClass", + "room" + ], + [ + "ĠGh", + "ana" + ], + [ + "ĠSt", + "ra" + ], + [ + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠ" + ], + [ + "M", + "ac" + ], + [ + "ĠE", + "ve" + ], + [ + "Ġhum", + "id" + ], + [ + "Ex", + "ec" + ], + [ + "am", + "y" + ], + [ + "Ġfac", + "ets" + ], + [ + "EN", + "SE" + ], + [ + "'", + "\\" + ], + [ + "d", + "ates" + ], + [ + "Ġspons", + "ored" + ], + [ + "Ġra", + "y" + ], + [ + "Ġder", + "ive" + ], + [ + "b", + "ath" + ], + [ + "spec", + "ial" + ], + [ + "ĠS", + "urgery" + ], + [ + "Writ", + "e" + ], + [ + "Ġinst", + "itute" + ], + [ + "att", + "ribute" + ], + [ + "B", + "ey" + ], + [ + "Ġh", + "ipp" + ], + [ + "oun", + "cing" + ], + [ + "Ġpred", + "ecess" + ], + [ + "Con", + "f" + ], + [ + "il", + "is" + ], + [ + "Ġord", + "ering" + ], + [ + "ĠB", + "ear" + ], + [ + "De", + "cember" + ], + [ + "Ġphotos", + "ynthesis" + ], + [ + "int", + "age" + ], + [ + "D", + "M" + ], + [ + "Ġsh", + "rink" + ], + [ + "Ġharm", + "less" + ], + [ + "âĢĿ", + ")." + ], + [ + "Ġapart", + "ment" + ], + [ + "n", + "els" + ], + [ + "}", + "." + ], + [ + "Ġo", + "t" + ], + [ + "ĠE", + "pid" + ], + [ + "Ġide", + "ological" + ], + [ + "ht", + "aking" + ], + [ + "Ġmig", + "rate" + ], + [ + "Ġmon", + "keys" + ], + [ + "Ġbus", + "es" + ], + [ + "Ġp", + "ier" + ], + [ + "col", + "lect" + ], + [ + "Ġdiplom", + "atic" + ], + [ + "Ġt", + "sun" + ], + [ + "ist", + "ence" + ], + [ + "Ġan", + "omal" + ], + [ + "Ġprivile", + "ges" + ], + [ + "D", + "esc" + ], + [ + "p", + "aste" + ], + [ + "Ġstret", + "ched" + ], + [ + ":", + "\\" + ], + [ + "U", + "ST" + ], + [ + "ats", + "on" + ], + [ + "ol", + "on" + ], + [ + "Ġdem", + "ol" + ], + [ + "let", + "ion" + ], + [ + "coh", + "olic" + ], + [ + "Ġnic", + "otine" + ], + [ + "F", + "IG" + ], + [ + "ot", + "onin" + ], + [ + "pl", + "ess" + ], + [ + "Ġsh", + "ine" + ], + [ + "aut", + "hors" + ], + [ + "ĠPl", + "ot" + ], + [ + "Ġcustom", + "ized" + ], + [ + "v", + "ings" + ], + [ + "Ġdr", + "astically" + ], + [ + "pos", + "itions" + ], + [ + "ĠAut", + "o" + ], + [ + "Ġseam", + "lessly" + ], + [ + "ĠO", + "liver" + ], + [ + "P", + "eer" + ], + [ + "Ġstr", + "angers" + ], + [ + "Ġfil", + "t" + ], + [ + "Ġal", + "mond" + ], + [ + "ĠCong", + "o" + ], + [ + "'", + "{" + ], + [ + "ĠB", + "E" + ], + [ + "Ġdis", + "able" + ], + [ + "re", + "pr" + ], + [ + "L", + "ow" + ], + [ + "Ġem", + "ploys" + ], + [ + "Ġra", + "pe" + ], + [ + "Ġtransform", + "s" + ], + [ + "Ġcapac", + "ities" + ], + [ + "Ġmand", + "ate" + ], + [ + "ot", + "ions" + ], + [ + "Ġel", + "uc" + ], + [ + "ext", + "end" + ], + [ + "ĠF", + "inal" + ], + [ + "Ġpe", + "ppers" + ], + [ + "Ġseed", + "lings" + ], + [ + "Ġpubl", + "ishers" + ], + [ + "Ġst", + "ub" + ], + [ + "Ġbo", + "om" + ], + [ + "Ġj", + "ar" + ], + [ + "other", + "mal" + ], + [ + "Un", + "ited" + ], + [ + "Ġreconc", + "iliation" + ], + [ + "ĠM", + "olecular" + ], + [ + "c", + "ert" + ], + [ + "Ġcon", + "ceived" + ], + [ + "Ġman", + "ure" + ], + [ + "Ġlo", + "os" + ], + [ + "Ġmer", + "cy" + ], + [ + "ib", + "ling" + ], + [ + "ĠNorm", + "an" + ], + [ + "In", + "formation" + ], + [ + "Ġdur", + "ability" + ], + [ + "FIL", + "E" + ], + [ + "Ġde", + "eds" + ], + [ + "sy", + "n" + ], + [ + "Ġmini", + "ature" + ], + [ + "Ġcf", + "g" + ], + [ + "Ð", + "´" + ], + [ + "en", + "um" + ], + [ + "Ġterror", + "ism" + ], + [ + "Ġsh", + "out" + ], + [ + "ĠL", + "yn" + ], + [ + "ĠPhot", + "os" + ], + [ + "ĠAdd", + "ressing" + ], + [ + "Ġran", + "king" + ], + [ + "Ġcyber", + "security" + ], + [ + "Ġreal", + "ization" + ], + [ + "Ġap", + "nea" + ], + [ + "Ġmarg", + "ins" + ], + [ + "Ġrevers", + "ed" + ], + [ + "en", + "able" + ], + [ + "Ġret", + "ina" + ], + [ + "Ġcur", + "ricula" + ], + [ + "Ġguarant", + "ees" + ], + [ + "Ġn", + "ost" + ], + [ + "ĠE", + "T" + ], + [ + "Ġgra", + "vel" + ], + [ + "Ġcompl", + "aint" + ], + [ + "Ġrock", + "y" + ], + [ + "Ġsin", + "us" + ], + [ + "Ġgradu", + "ated" + ], + [ + "Ġsem", + "icon" + ], + [ + "Ġparad", + "ox" + ], + [ + "Ġt", + "iles" + ], + [ + "Ġb", + "oring" + ], + [ + "ĠGal", + "ile" + ], + [ + "ĠAust", + "in" + ], + [ + "C", + "le" + ], + [ + "b", + "rain" + ], + [ + "Ġc", + "emetery" + ], + [ + "Ġe", + "ch" + ], + [ + "**", + "." + ], + [ + "Ġur", + "anium" + ], + [ + "Ġd", + "rones" + ], + [ + "ĠK", + "ath" + ], + [ + "wid", + "get" + ], + [ + "Ġwh", + "it" + ], + [ + "Ġl", + "acks" + ], + [ + "Ġfin", + "ances" + ], + [ + "ĠMor", + "oc" + ], + [ + "Jan", + "uary" + ], + [ + ">", + "'," + ], + [ + "Ġur", + "ged" + ], + [ + "Ġcop", + "ied" + ], + [ + "Ġmain", + "land" + ], + [ + "Ġyear", + "ly" + ], + [ + "ene", + "z" + ], + [ + "Ġment", + "or" + ], + [ + "go", + "ogle" + ], + [ + "ĠSpe", + "ech" + ], + [ + "T", + "reatment" + ], + [ + "Ġspe", + "eches" + ], + [ + "W", + "est" + ], + [ + "Ġlight", + "weight" + ], + [ + "UT", + "H" + ], + [ + "Ġoste", + "oporosis" + ], + [ + "I", + "AL" + ], + [ + "output", + "s" + ], + [ + "t", + "ool" + ], + [ + "Ġdef", + "ending" + ], + [ + "Con", + "v" + ], + [ + "exp", + "and" + ], + [ + "Ġj", + "ury" + ], + [ + "Ġac", + "ne" + ], + [ + "Ġfore", + "most" + ], + [ + "ĠM", + "ike" + ], + [ + "Ġadolesc", + "ence" + ], + [ + "f", + "ocus" + ], + [ + "ĠP", + "el" + ], + [ + "Ġcr", + "ushed" + ], + [ + "Ġemerg", + "es" + ], + [ + "Ġconfig", + "urations" + ], + [ + "des", + "ign" + ], + [ + "Ġbreat", + "htaking" + ], + [ + "Int", + "erest" + ], + [ + "iz", + "ard" + ], + [ + "ple", + "ts" + ], + [ + "D", + "ue" + ], + [ + "n", + "ative" + ], + [ + "A", + "ir" + ], + [ + "S", + "em" + ], + [ + "and", + "o" + ], + [ + "Ġnegot", + "iate" + ], + [ + "ĠR", + "ules" + ], + [ + "names", + "e" + ], + [ + "ĠM", + "obile" + ], + [ + "Ġby", + "pass" + ], + [ + "ĠHum", + "ans" + ], + [ + "Ġseam", + "less" + ], + [ + "Ġdiscre", + "p" + ], + [ + "ĠCh", + "and" + ], + [ + "ĠHigh", + "way" + ], + [ + "Ġamb", + "ient" + ], + [ + "not", + "es" + ], + [ + "Ġtransf", + "ers" + ], + [ + "Ġprof", + "itable" + ], + [ + "Ġc", + "ant" + ], + [ + "ic", + "ine" + ], + [ + "Ġres", + "h" + ], + [ + "Ġher", + "d" + ], + [ + "Ġpersonal", + "ities" + ], + [ + "Ġcompens", + "ate" + ], + [ + "P", + "AS" + ], + [ + ">", + "." + ], + [ + "en", + "abled" + ], + [ + "ĠInterest", + "ingly" + ], + [ + "(\"", + "/" + ], + [ + "ĠIn", + "side" + ], + [ + "ern", + "s" + ], + [ + "Ġmicrow", + "ave" + ], + [ + "Ġlength", + "y" + ], + [ + "elesc", + "ope" + ], + [ + "âĸĪ", + "âĸĪ" + ], + [ + "Ġcapital", + "ist" + ], + [ + "é", + "t" + ], + [ + "Ġcle", + "arer" + ], + [ + "a", + "ire" + ], + [ + "her", + "ing" + ], + [ + "Ġpe", + "pt" + ], + [ + "()", + "[" + ], + [ + "Ġexcell", + "ence" + ], + [ + "Ġrein", + "forcement" + ], + [ + "ĠLuc", + "y" + ], + [ + "ac", + "ulture" + ], + [ + "ĠB", + "irds" + ], + [ + "V", + "ar" + ], + [ + "pie", + "ces" + ], + [ + "ĠNav", + "al" + ], + [ + "ĠCa", + "esar" + ], + [ + "ĠPh", + "ase" + ], + [ + "Im", + "ple" + ], + [ + "ĠWAR", + "RAN" + ], + [ + "els", + "ius" + ], + [ + "Ġmal", + "icious" + ], + [ + "Ġlow", + "ered" + ], + [ + "ĠEr", + "n" + ], + [ + "l", + "ined" + ], + [ + "to", + "k" + ], + [ + "oot", + "ing" + ], + [ + "eli", + "very" + ], + [ + "Ġaccommod", + "ation" + ], + [ + "(", + "\\" + ], + [ + "Ġfort", + "un" + ], + [ + "ix", + "on" + ], + [ + "Ġge", + "ology" + ], + [ + "Post", + "ed" + ], + [ + "Ġincent", + "ive" + ], + [ + "comp", + "et" + ], + [ + "ĠJ", + "ay" + ], + [ + "Ġl", + "ined" + ], + [ + "Ġse", + "q" + ], + [ + "Ġcal", + "orie" + ], + [ + "pat", + "tern" + ], + [ + "Ġcater", + "pill" + ], + [ + "Ġan", + "terior" + ], + [ + "Ġgener", + "ators" + ], + [ + "de", + "ep" + ], + [ + "sh", + "ine" + ], + [ + "the", + "ir" + ], + [ + "Ġun", + "even" + ], + [ + "Ġstret", + "ches" + ], + [ + "P", + "I" + ], + [ + "Ġa", + "il" + ], + [ + "ĠCom", + "ment" + ], + [ + "ric", + "anes" + ], + [ + "Ġinstall", + "ations" + ], + [ + ")", + "\"" + ], + [ + "Ġl", + "umin" + ], + [ + "ĠLa", + "ure" + ], + [ + "Ġtuber", + "culosis" + ], + [ + "ĠL", + "E" + ], + [ + "Ġfl", + "oss" + ], + [ + "Ġst", + "y" + ], + [ + "em", + "por" + ], + [ + "R", + "ev" + ], + [ + "Ġw", + "r" + ], + [ + "urd", + "y" + ], + [ + "Bey", + "ond" + ], + [ + "n", + "one" + ], + [ + "in", + "cre" + ], + [ + "ĠDiv", + "ine" + ], + [ + "Ġprotagon", + "ist" + ], + [ + "()", + "))" + ], + [ + "Ġnort", + "heast" + ], + [ + "ver", + "bal" + ], + [ + "ific", + "ance" + ], + [ + "Ġcred", + "ited" + ], + [ + "Ġfell", + "ows" + ], + [ + "g", + "one" + ], + [ + "ĠNav", + "igating" + ], + [ + "o", + "S" + ], + [ + "ĠAd", + "just" + ], + [ + "Ġhous", + "ed" + ], + [ + "Ġo", + "wing" + ], + [ + "Ġan", + "onymous" + ], + [ + "Ġhon", + "our" + ], + [ + "ĠEnc", + "ouraging" + ], + [ + "d", + "ings" + ], + [ + "Ġg", + "ospel" + ], + [ + "ess", + "ed" + ], + [ + "ĠFam", + "ilies" + ], + [ + "r", + "ators" + ], + [ + "Ġse", + "als" + ], + [ + "Ġup", + "wards" + ], + [ + "ĠHealth", + "care" + ], + [ + "ĠUk", + "rain" + ], + [ + "Ġfirst", + "hand" + ], + [ + "Ġobs", + "ervers" + ], + [ + "Ġsupre", + "me" + ], + [ + "k", + "ill" + ], + [ + "ĠP", + "apers" + ], + [ + "g", + "rowth" + ], + [ + "ĠM", + "ade" + ], + [ + "Ġnon", + "fiction" + ], + [ + "c", + "ott" + ], + [ + "ĠW", + "ol" + ], + [ + "ass", + "ed" + ], + [ + "Ġsuccess", + "ive" + ], + [ + "Ġconc", + "ise" + ], + [ + "Ġsusp", + "ension" + ], + [ + "ar", + "ange" + ], + [ + "ud", + "er" + ], + [ + "d", + "ump" + ], + [ + "f", + "rames" + ], + [ + "ĠM", + "is" + ], + [ + "Ġsupplement", + "ation" + ], + [ + "Ġn", + "aming" + ], + [ + "ĠGen", + "etic" + ], + [ + "Ġfrag", + "ment" + ], + [ + "ge", + "o" + ], + [ + "os", + "ke" + ], + [ + "Ġper", + "v" + ], + [ + "ĠNor", + "wegian" + ], + [ + "Ġresemb", + "les" + ], + [ + "Ġvegg", + "ies" + ], + [ + "b", + "ank" + ], + [ + "ment", + "ioned" + ], + [ + "Th", + "ank" + ], + [ + "ie", + "ve" + ], + [ + "Ġred", + "ist" + ], + [ + "Ġhes", + "itate" + ], + [ + "ap", + "le" + ], + [ + "elt", + "ic" + ], + [ + "se", + "par" + ], + [ + "Ġide", + "ologies" + ], + [ + "ĠEm", + "otional" + ], + [ + "Ġchlor", + "ine" + ], + [ + "Ġmon", + "ks" + ], + [ + "B", + "i" + ], + [ + "ash", + "i" + ], + [ + "Prof", + "essor" + ], + [ + "Ġph", + "y" + ], + [ + "u", + "pload" + ], + [ + "Ġcollect", + "ors" + ], + [ + "Ġple", + "ased" + ], + [ + "ĠÎ", + "±" + ], + [ + "EE", + "E" + ], + [ + "Hel", + "p" + ], + [ + "Sym", + "ptoms" + ], + [ + "N", + "ever" + ], + [ + "}", + "/" + ], + [ + "ĠE", + "t" + ], + [ + "rim", + "ination" + ], + [ + "Ġste", + "pped" + ], + [ + "Ġgradu", + "ation" + ], + [ + "product", + "s" + ], + [ + "W", + "R" + ], + [ + "Ġl", + "ush" + ], + [ + "Ġplace", + "bo" + ], + [ + "Af", + "ric" + ], + [ + "Ġsym", + "metry" + ], + [ + "m", + "ile" + ], + [ + "ĠNapole", + "on" + ], + [ + "U", + "V" + ], + [ + "ĠF", + "inding" + ], + [ + "sub", + "ject" + ], + [ + "L", + "ocal" + ], + [ + "ĠG", + "ent" + ], + [ + "rib", + "es" + ], + [ + "ĠNich", + "olas" + ], + [ + "O", + "UT" + ], + [ + "Ġmerch", + "ants" + ], + [ + "Ġbron", + "ch" + ], + [ + "Ġcom", + "et" + ], + [ + "orth", + "y" + ], + [ + "Ġcomput", + "ed" + ], + [ + "iot", + "he" + ], + [ + "Ġtou", + "ches" + ], + [ + "Ġsafegu", + "arding" + ], + [ + "C", + "reating" + ], + [ + "H", + "ello" + ], + [ + "ĠT", + "an" + ], + [ + "Ġout", + "let" + ], + [ + "Ġworry", + "ing" + ], + [ + "ĠA", + "SD" + ], + [ + "ĠIn", + "j" + ], + [ + "ĠBra", + "h" + ], + [ + "Ġres", + "ume" + ], + [ + "rim", + "inal" + ], + [ + "Ġcab", + "inet" + ], + [ + "Ġanalog", + "y" + ], + [ + "d", + "umps" + ], + [ + "ĠM", + "ason" + ], + [ + "gg", + "ing" + ], + [ + "Ġgl", + "imp" + ], + [ + "Ġglimp", + "se" + ], + [ + "Y", + "S" + ], + [ + "Ġ$", + "\\" + ], + [ + "Ġtick", + "et" + ], + [ + "ĠPro", + "perty" + ], + [ + "ĠIde", + "as" + ], + [ + "Ġb", + "or" + ], + [ + "qu", + "et" + ], + [ + "ĠNorm", + "al" + ], + [ + "s", + "igma" + ], + [ + "ograph", + "s" + ], + [ + "Ġang", + "el" + ], + [ + "Ġcomfort", + "ably" + ], + [ + "ĠFam", + "iliar" + ], + [ + "Ġn", + "ons" + ], + [ + "Ġbur", + "d" + ], + [ + "Ġeduc", + "ating" + ], + [ + "Ġpersu", + "asive" + ], + [ + "ĠG", + "ordon" + ], + [ + "ord", + "ered" + ], + [ + "Ġprinc", + "ip" + ], + [ + "Ġprepar", + "ations" + ], + [ + "F", + "am" + ], + [ + "Ġs", + "outheast" + ], + [ + "ĠHand", + "book" + ], + [ + "Ġdialog", + "ues" + ], + [ + "d", + "x" + ], + [ + "ĠBrazil", + "ian" + ], + [ + "Inst", + "ance" + ], + [ + "ĠAust", + "rian" + ], + [ + "ĠSy", + "nt" + ], + [ + "ĠComp", + "are" + ], + [ + "ĠFirst", + "ly" + ], + [ + "oy", + "d" + ], + [ + "che", + "ll" + ], + [ + "udd", + "y" + ], + [ + "Ġwis", + "ely" + ], + [ + "Ġsacrific", + "es" + ], + [ + "Ġl", + "ime" + ], + [ + "Ġdis", + "semin" + ], + [ + "Ġcorrect", + "ed" + ], + [ + "Ġpond", + "s" + ], + [ + "Ġconst", + "ipation" + ], + [ + "ĠPot", + "ential" + ], + [ + "Ġmult", + "icultural" + ], + [ + "Ġvol", + "atile" + ], + [ + "Ġpro", + "xy" + ], + [ + "uth", + "ors" + ], + [ + "s", + "ix" + ], + [ + "Ġlit", + "eral" + ], + [ + "j", + "ar" + ], + [ + "F", + "our" + ], + [ + "Q", + "ue" + ], + [ + "Ġinhib", + "itors" + ], + [ + "v", + "ars" + ], + [ + "Ġpred", + "is" + ], + [ + "Ġw", + "it" + ], + [ + "Ġang", + "els" + ], + [ + "old", + "er" + ], + [ + "ĠGl", + "ass" + ], + [ + "Ġcrim", + "inals" + ], + [ + "in", + "se" + ], + [ + "mer", + "ged" + ], + [ + "Ġgather", + "ings" + ], + [ + "ĠI", + "U" + ], + [ + "um", + "ption" + ], + [ + "ĠRe", + "peat" + ], + [ + "ĠFe", + "el" + ], + [ + "rell", + "a" + ], + [ + "ow", + "ered" + ], + [ + "ĠA", + "part" + ], + [ + "ĠE", + "L" + ], + [ + "Ġnecessit", + "ates" + ], + [ + "ĠM", + "orm" + ], + [ + "ĠSal", + "mon" + ], + [ + "c", + "ology" + ], + [ + "ĠGe", + "ological" + ], + [ + "ah", + "ren" + ], + [ + "Ġhonest", + "y" + ], + [ + "Ġderiv", + "ative" + ], + [ + "ist", + "ing" + ], + [ + "Ġdead", + "line" + ], + [ + "ĠT", + "ab" + ], + [ + "E", + "ss" + ], + [ + "ul", + "ence" + ], + [ + "Ġcl", + "ergy" + ], + [ + "Ġlisten", + "ers" + ], + [ + "Ġloc", + "om" + ], + [ + "ĠAl", + "t" + ], + [ + "Ġmon", + "key" + ], + [ + "ĠVol", + "unt" + ], + [ + "Ġretrie", + "ve" + ], + [ + "Ġc", + "roc" + ], + [ + "Ġd", + "ors" + ], + [ + "Ġsh", + "y" + ], + [ + "Ġsupp", + "ression" + ], + [ + "':", + "'" + ], + [ + "N", + "N" + ], + [ + "Ġappreci", + "ating" + ], + [ + "Ġform", + "ations" + ], + [ + "M", + "aking" + ], + [ + "Ġdr", + "ift" + ], + [ + "ortun", + "ate" + ], + [ + "sp", + "an" + ], + [ + "Ġc", + "aves" + ], + [ + "Ġanten", + "na" + ], + [ + "Ġperiod", + "ically" + ], + [ + "Ġcong", + "estion" + ], + [ + "Ġag", + "rees" + ], + [ + "ĠRel", + "ated" + ], + [ + "ĠLeg", + "isl" + ], + [ + "ri", + "pp" + ], + [ + "ĠS", + "anskrit" + ], + [ + "ĠG", + "ray" + ], + [ + "Ġra", + "ins" + ], + [ + "Ġblog", + "s" + ], + [ + "l", + "inks" + ], + [ + "L", + "ocation" + ], + [ + "p", + "ared" + ], + [ + "ĠR", + "oom" + ], + [ + "Ġbud", + "s" + ], + [ + "G", + "M" + ], + [ + "J", + "apan" + ], + [ + "ĠI", + "Q" + ], + [ + "Ġreflect", + "ions" + ], + [ + "Ġp", + "ins" + ], + [ + "ĠComprehens", + "ive" + ], + [ + "B", + "E" + ], + [ + "Ġpion", + "eer" + ], + [ + "H", + "y" + ], + [ + "Ġsuper", + "f" + ], + [ + "ĠSur", + "v" + ], + [ + "Ġen", + "ch" + ], + [ + "Ġnow", + "adays" + ], + [ + "Ġexp", + "osing" + ], + [ + "test", + "ing" + ], + [ + "Ġall", + "ocated" + ], + [ + "IL", + "L" + ], + [ + "Ġfacilit", + "ated" + ], + [ + "Ġfut", + "ures" + ], + [ + "ĠL", + "ibr" + ], + [ + "ugg", + "ing" + ], + [ + "Ġkill", + "er" + ], + [ + "Ġphyl", + "ogen" + ], + [ + "Ġche", + "wing" + ], + [ + "Ġt", + "ile" + ], + [ + "ound", + "ed" + ], + [ + "ĠGra", + "du" + ], + [ + "Ġl", + "am" + ], + [ + "in", + "av" + ], + [ + "ĠSh", + "aring" + ], + [ + "Ġwar", + "riors" + ], + [ + "Ġshed", + "ding" + ], + [ + "Ġd", + "ull" + ], + [ + "Ġst", + "olen" + ], + [ + "ĠAl", + "b" + ], + [ + "st", + "ation" + ], + [ + "ac", + "a" + ], + [ + "Ġsuccess", + "or" + ], + [ + "Ġsub", + "ord" + ], + [ + "l", + "ooking" + ], + [ + "itch", + "ing" + ], + [ + "vis", + "ory" + ], + [ + "Ġalter", + "ations" + ], + [ + "Ġco", + "aches" + ], + [ + "us", + "able" + ], + [ + "sk", + "i" + ], + [ + "she", + "ll" + ], + [ + "ce", + "phal" + ], + [ + "Ġdepart", + "ure" + ], + [ + "Ġcomprom", + "ising" + ], + [ + "ograp", + "her" + ], + [ + "ĠC", + "el" + ], + [ + "Ġapplic", + "ants" + ], + [ + "ĠEstab", + "lish" + ], + [ + "t", + "ools" + ], + [ + "}", + "')" + ], + [ + "ra", + "cle" + ], + [ + "ĠSt", + "ev" + ], + [ + "Ġrespons", + "ibly" + ], + [ + "Ġpursu", + "its" + ], + [ + "ĠC", + "I" + ], + [ + "ĠE", + "rror" + ], + [ + "ah", + "a" + ], + [ + "Ġdepend", + "ency" + ], + [ + "Ġgrand", + "father" + ], + [ + "ĠSen", + "ior" + ], + [ + "Ġcum", + "ulative" + ], + [ + "rat", + "io" + ], + [ + "Ġsc", + "roll" + ], + [ + "Ġview", + "er" + ], + [ + "Ġac", + "et" + ], + [ + "ĠH", + "ills" + ], + [ + "Ġdop", + "amine" + ], + [ + "ĠW", + "aste" + ], + [ + "br", + "aska" + ], + [ + "Ġvirt", + "ues" + ], + [ + "Ġsubsid", + "ies" + ], + [ + "Ġen", + "list" + ], + [ + "Ġpath", + "ogen" + ], + [ + "Ġfer", + "mentation" + ], + [ + "Ġshe", + "er" + ], + [ + "Ġd", + "ining" + ], + [ + "Ġwe", + "ird" + ], + [ + "Ġun", + "ified" + ], + [ + "Ġsoci", + "ology" + ], + [ + "Ġm", + "int" + ], + [ + "Ġsh", + "ake" + ], + [ + "Ġinter", + "tw" + ], + [ + "Ġfundament", + "ally" + ], + [ + "act", + "or" + ], + [ + "ĠSing", + "h" + ], + [ + "he", + "red" + ], + [ + "Ġinev", + "itably" + ], + [ + "Ġtreat", + "ies" + ], + [ + "Ġpla", + "us" + ], + [ + "K", + "ing" + ], + [ + "S", + "equ" + ], + [ + "/", + "'" + ], + [ + "w", + "arning" + ], + [ + "Ġtra", + "cing" + ], + [ + "Ġcrow", + "ded" + ], + [ + "ĠGand", + "hi" + ], + [ + "L", + "eg" + ], + [ + "Ġsurvey", + "ed" + ], + [ + "Ġtime", + "out" + ], + [ + "Ġabs", + "urd" + ], + [ + "Bel", + "ow" + ], + [ + "ĠD", + "R" + ], + [ + "dat", + "abase" + ], + [ + "Ġdistract", + "ions" + ], + [ + "ir", + "l" + ], + [ + "ĠMad", + "ison" + ], + [ + "ĠHait", + "i" + ], + [ + "æ", + "Ī" + ], + [ + "ne", + "red" + ], + [ + "Ġestim", + "ation" + ], + [ + "h", + "ole" + ], + [ + "ult", + "ural" + ], + [ + "Ġredu", + "nd" + ], + [ + "ĠM", + "ust" + ], + [ + "Ġconflic", + "ting" + ], + [ + "ĠAtl", + "anta" + ], + [ + "Ġbeet", + "les" + ], + [ + "N", + "atural" + ], + [ + "Ġhe", + "red" + ], + [ + "Ġdecl", + "ines" + ], + [ + "umb", + "ing" + ], + [ + "ĠS", + "low" + ], + [ + "Ġevent", + "ual" + ], + [ + "ĠMag", + "ic" + ], + [ + "Fore", + "ign" + ], + [ + "Ġcon", + "e" + ], + [ + "Ġstrengthen", + "ed" + ], + [ + "duc", + "ive" + ], + [ + "ĠB", + "iblical" + ], + [ + "ĠF", + "light" + ], + [ + "ili", + "ary" + ], + [ + "Ġhob", + "bies" + ], + [ + "Ġb", + "ishop" + ], + [ + "men", + "u" + ], + [ + "ON", + "E" + ], + [ + "b", + "ias" + ], + [ + "Ġbe", + "ams" + ], + [ + "ĠE", + "ight" + ], + [ + "ĠD", + "B" + ], + [ + "={", + "'" + ], + [ + "Ġto", + "ss" + ], + [ + "Ġle", + "x" + ], + [ + "Y", + "ear" + ], + [ + "d", + "elta" + ], + [ + "ĠAn", + "swer" + ], + [ + "Ġcle", + "aring" + ], + [ + "ĠR", + "idge" + ], + [ + "Ġcart", + "ilage" + ], + [ + "Ġac", + "oustic" + ], + [ + "Ġpur", + "ity" + ], + [ + "Ġlemon", + "ade" + ], + [ + "app", + "er" + ], + [ + "osp", + "ace" + ], + [ + "G", + "erman" + ], + [ + "Ġcontext", + "ual" + ], + [ + "Ġremot", + "ely" + ], + [ + "âĢ", + "³" + ], + [ + "Ġdeb", + "ug" + ], + [ + "Ġdisturb", + "ed" + ], + [ + "ĠS", + "olution" + ], + [ + "Ġgl", + "ut" + ], + [ + "der", + "r" + ], + [ + "Ġpan", + "creas" + ], + [ + "N", + "ovember" + ], + [ + "ro", + "f" + ], + [ + "Ġex", + "empt" + ], + [ + "tem", + "perature" + ], + [ + "Ġorb", + "ital" + ], + [ + "Ġsol", + "ids" + ], + [ + "col", + "onial" + ], + [ + "F", + "I" + ], + [ + "ĠR", + "oy" + ], + [ + "ond", + "s" + ], + [ + "Ġins", + "omnia" + ], + [ + "Ġpresum", + "ably" + ], + [ + "Ġsepar", + "ating" + ], + [ + "Ġembry", + "o" + ], + [ + "In", + "cre" + ], + [ + "ĠLet", + "ter" + ], + [ + "r", + "ase" + ], + [ + "w", + "ere" + ], + [ + "C", + "AD" + ], + [ + "ill", + "o" + ], + [ + "ĠAb", + "stract" + ], + [ + "Ġsusp", + "icious" + ], + [ + "Ġnegot", + "iation" + ], + [ + "Ñ", + "Į" + ], + [ + "Ġnow", + "here" + ], + [ + "Ġspecific", + "ation" + ], + [ + "Ġtext", + "ures" + ], + [ + "Ġtort", + "ure" + ], + [ + "Ġul", + "cers" + ], + [ + "Ġhar", + "bor" + ], + [ + "ĠAn", + "throp" + ], + [ + "Ġelect", + "r" + ], + [ + "Ġpick", + "le" + ], + [ + "Ġle", + "ap" + ], + [ + "Ġrhet", + "oric" + ], + [ + "Ġm", + "l" + ], + [ + "Ġst", + "yl" + ], + [ + "Ġche", + "er" + ], + [ + "con", + "tainer" + ], + [ + "sy", + "m" + ], + [ + "Ġunpredict", + "able" + ], + [ + "_", + "," + ], + [ + "Ġunder", + "pin" + ], + [ + "Ġpast", + "a" + ], + [ + "ĠP", + "osition" + ], + [ + "Ġbu", + "il" + ], + [ + "alu", + "able" + ], + [ + "ĠIns", + "urance" + ], + [ + "Ġconfron", + "ted" + ], + [ + "ĠThe", + "od" + ], + [ + "ĠF", + "alls" + ], + [ + "L", + "R" + ], + [ + "Ġve", + "gan" + ], + [ + "ro", + "v" + ], + [ + "Ġso", + "ften" + ], + [ + "Ġday", + "light" + ], + [ + "in", + "ner" + ], + [ + "cl", + "i" + ], + [ + "Ġcor", + "rid" + ], + [ + "ocr", + "ates" + ], + [ + "Get", + "ting" + ], + [ + "Ġb", + "amboo" + ], + [ + "ĠOr", + "ange" + ], + [ + "ĠBl", + "og" + ], + [ + "Ġbuy", + "ers" + ], + [ + "Ġprompt", + "s" + ], + [ + "Ġconqu", + "ered" + ], + [ + "Ġno", + "zzle" + ], + [ + "col", + "s" + ], + [ + "olic", + "ies" + ], + [ + "Ġcr", + "us" + ], + [ + "sequ", + "ence" + ], + [ + "Ġfa", + "una" + ], + [ + "Ġindu", + "ction" + ], + [ + "d", + "oms" + ], + [ + "ĠE", + "u" + ], + [ + "ĠL", + "eft" + ], + [ + "ĠPress", + "ure" + ], + [ + "Ġblind", + "ness" + ], + [ + "Ġdon", + "ors" + ], + [ + "Ġpost", + "ing" + ], + [ + "Ġsecure", + "ly" + ], + [ + "Ġalter", + "ing" + ], + [ + "pl", + "atform" + ], + [ + "qu", + "estion" + ], + [ + "Ġbath", + "room" + ], + [ + "ĠElement", + "ary" + ], + [ + "Ġmight", + "y" + ], + [ + "ĠHor", + "se" + ], + [ + "ĠPan", + "el" + ], + [ + "ou", + "ver" + ], + [ + "Ġour", + "s" + ], + [ + "Ġham", + "mer" + ], + [ + "à", + "®" + ], + [ + "ass", + "ing" + ], + [ + "Ġsand", + "y" + ], + [ + "ĠTerrit", + "ory" + ], + [ + "fil", + "ters" + ], + [ + "Ġhypothes", + "es" + ], + [ + "Ġpropag", + "ation" + ], + [ + "ĠN", + "arr" + ], + [ + "pr", + "ise" + ], + [ + "enn", + "ial" + ], + [ + "Ġdemonstr", + "ations" + ], + [ + "ĠM", + "om" + ], + [ + "Ġgovernment", + "al" + ], + [ + "ĠIran", + "ian" + ], + [ + "ĠR", + "ivers" + ], + [ + "out", + "heastern" + ], + [ + "Ġint", + "end" + ], + [ + "Ġuniqu", + "ely" + ], + [ + "Ġsp", + "acing" + ], + [ + "cept", + "ive" + ], + [ + "Ġweak", + "er" + ], + [ + "Ġmot", + "ions" + ], + [ + "Ġto", + "e" + ], + [ + "as", + "ian" + ], + [ + "ĠD", + "ays" + ], + [ + "Ġgrow", + "ers" + ], + [ + "ĠWh", + "atever" + ], + [ + "ĠPub", + "lished" + ], + [ + "ĠC", + "atherine" + ], + [ + "ĠGreen", + "land" + ], + [ + "Ġslic", + "es" + ], + [ + "Ġm", + "our" + ], + [ + "Ġcontrast", + "ing" + ], + [ + "ĠK", + "az" + ], + [ + "utri", + "ents" + ], + [ + "er", + "ates" + ], + [ + "ĠElect", + "ronic" + ], + [ + "r", + "ights" + ], + [ + "il", + "ial" + ], + [ + "ĊĠĠĠĠĠĠĠĠ", + "ĊĠĠĠ" + ], + [ + "cent", + "ral" + ], + [ + "Ġâ", + "Ī" + ], + [ + "Ġconsec", + "utive" + ], + [ + "ĠFlore", + "nce" + ], + [ + "Ġf", + "og" + ], + [ + "ic", + "ating" + ], + [ + "ĠB", + "row" + ], + [ + "Ġdismiss", + "ed" + ], + [ + "Ġbegin", + "ners" + ], + [ + "dis", + "covery" + ], + [ + "Ġsimpl", + "ified" + ], + [ + "Ġac", + "upuncture" + ], + [ + "Ġp", + "ills" + ], + [ + "Ġb", + "ic" + ], + [ + "Ġcataly", + "st" + ], + [ + "ĠY", + "ah" + ], + [ + "Ġstr", + "ide" + ], + [ + "T", + "ry" + ], + [ + "col", + "lection" + ], + [ + "Americ", + "ans" + ], + [ + "ĠE", + "asy" + ], + [ + "SW", + "ORD" + ], + [ + "Ġsnipp", + "et" + ], + [ + "ĠC", + "ant" + ], + [ + "r", + "ational" + ], + [ + "ĠSecond", + "ly" + ], + [ + "ĠDet", + "roit" + ], + [ + "Ġpractition", + "er" + ], + [ + "ud", + "al" + ], + [ + "ĠSpec", + "ific" + ], + [ + "k", + "ers" + ], + [ + "ĠE", + "ur" + ], + [ + "Ġemb", + "ody" + ], + [ + "ĠC", + "leveland" + ], + [ + "Ġequ", + "ator" + ], + [ + "ra", + "ises" + ], + [ + "ĠF", + "resh" + ], + [ + "Ġhel", + "l" + ], + [ + "Ġstat", + "istically" + ], + [ + "Ġregul", + "ators" + ], + [ + "ĠColon", + "ial" + ], + [ + "at", + "ivity" + ], + [ + "Ġprocess", + "ors" + ], + [ + "ĠCamp", + "bell" + ], + [ + "Ġlegit", + "im" + ], + [ + "'", + "}," + ], + [ + "ic", + "i" + ], + [ + "Ġcon", + "ducive" + ], + [ + "ĠR", + "ice" + ], + [ + "Ġtra", + "ction" + ], + [ + "d", + "l" + ], + [ + "ĠP", + "E" + ], + [ + "ĠD", + "ent" + ], + [ + "Ġacc", + "ent" + ], + [ + "Ġcap", + "ita" + ], + [ + "Ġconfirm", + "ation" + ], + [ + "ĠComput", + "ing" + ], + [ + "Ġcy", + "t" + ], + [ + "S", + "al" + ], + [ + "Ġcritic", + "ized" + ], + [ + "Ġp", + "aired" + ], + [ + "AR", + "D" + ], + [ + "oph", + "ys" + ], + [ + "á", + "ĥ" + ], + [ + "Ġin", + "land" + ], + [ + "ect", + "ar" + ], + [ + "ĠSc", + "ale" + ], + [ + "Ġav", + "oc" + ], + [ + "ĠCl", + "aud" + ], + [ + "Ġb", + "ored" + ], + [ + "Ġb", + "achelor" + ], + [ + "ent", + "ity" + ], + [ + "Ġcan", + "cel" + ], + [ + "Ġl", + "amps" + ], + [ + "con", + "vert" + ], + [ + "call", + "back" + ], + [ + "sem", + "ination" + ], + [ + "ĠMe", + "eting" + ], + [ + "Ġcraft", + "ed" + ], + [ + "Ġcasual", + "ties" + ], + [ + "Ġw", + "ives" + ], + [ + "ill", + "ation" + ], + [ + "Ġd", + "essert" + ], + [ + "Ġpl", + "ains" + ], + [ + "Ġcons", + "cience" + ], + [ + "Ġs", + "urn" + ], + [ + "ĠAb", + "use" + ], + [ + "Ġref", + "res" + ], + [ + "ext", + "ra" + ], + [ + "ĠE", + "bola" + ], + [ + "(", + "**" + ], + [ + "ĠPos", + "itive" + ], + [ + "d", + "irection" + ], + [ + "Ġp", + "ockets" + ], + [ + "son", + "ian" + ], + [ + "Ġelect", + "oral" + ], + [ + "Ġband", + "width" + ], + [ + "O", + "p" + ], + [ + "ogen", + "ous" + ], + [ + "ĠConf", + "lict" + ], + [ + "('", + "-" + ], + [ + "loc", + "king" + ], + [ + "F", + "E" + ], + [ + "W", + "atch" + ], + [ + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "Ġ" + ], + [ + "Ġadm", + "issions" + ], + [ + "Ġle", + "ar" + ], + [ + "ĠSc", + "and" + ], + [ + "ĠJon", + "athan" + ], + [ + ":", + "," + ], + [ + "b", + "f" + ], + [ + "ĠD", + "ogs" + ], + [ + "ĠLess", + "ons" + ], + [ + "M", + "B" + ], + [ + "ĠAss", + "istant" + ], + [ + "Ġdoct", + "r" + ], + [ + "ĠJ", + "SON" + ], + [ + "ace", + "ae" + ], + [ + "Ġce", + "ase" + ], + [ + "occ", + "us" + ], + [ + "Ġplag", + "iarism" + ], + [ + "B", + "uilding" + ], + [ + "ĠS", + "ally" + ], + [ + "Ġlif", + "estyles" + ], + [ + "ill", + "as" + ], + [ + "Ġmath", + "s" + ], + [ + "Ġmetall", + "ic" + ], + [ + "Ġseism", + "ic" + ], + [ + "Ġdr", + "one" + ], + [ + "Ġspect", + "ral" + ], + [ + "Ġbir", + "ths" + ], + [ + "Ġconqu", + "er" + ], + [ + "Ġsur", + "pass" + ], + [ + "ph", + "ony" + ], + [ + "IG", + "HT" + ], + [ + "t", + "aking" + ], + [ + "x", + "is" + ], + [ + "en", + "ers" + ], + [ + "Ġse", + "ized" + ], + [ + "ĠK", + "ra" + ], + [ + "Ġhand", + "ler" + ], + [ + "Ġobst", + "acle" + ], + [ + "Ġammon", + "ia" + ], + [ + "ĠGen", + "eration" + ], + [ + "ĠAlber", + "ta" + ], + [ + "ĠR", + "u" + ], + [ + "u", + "ilt" + ], + [ + "T", + "r" + ], + [ + "Ġdirect", + "ors" + ], + [ + "Ġorient", + "ed" + ], + [ + "Ġintu", + "itive" + ], + [ + "Ġbrut", + "al" + ], + [ + "Ġch", + "unks" + ], + [ + "Ġfl", + "ock" + ], + [ + "Ġmin", + "ers" + ], + [ + "EN", + "CE" + ], + [ + "Ġhom", + "emade" + ], + [ + "Ġquiet", + "ly" + ], + [ + "Ġfore", + "nsic" + ], + [ + "oid", + "al" + ], + [ + "]", + "])" + ], + [ + "Ġgroup", + "ed" + ], + [ + "f", + "etch" + ], + [ + "Ġm", + "ph" + ], + [ + "C", + "are" + ], + [ + "ĠRegular", + "ly" + ], + [ + "on", + "line" + ], + [ + "cre", + "ation" + ], + [ + "Ġunders", + "cores" + ], + [ + "Ġgif", + "ted" + ], + [ + "Ġopio", + "id" + ], + [ + "ĠB", + "rian" + ], + [ + "t", + "ick" + ], + [ + "Ġre", + "nov" + ], + [ + "Ġoverl", + "apping" + ], + [ + "ĠLim", + "ited" + ], + [ + "squ", + "are" + ], + [ + "ide", + "press" + ], + [ + "Ġsp", + "are" + ], + [ + "Ġkey", + "word" + ], + [ + "é", + "e" + ], + [ + "Ġlabel", + "ing" + ], + [ + "ĠW", + "ik" + ], + [ + "Ġha", + "unt" + ], + [ + "ad", + "ium" + ], + [ + "ĠCanad", + "ians" + ], + [ + "G", + "ER" + ], + [ + "In", + "s" + ], + [ + "Ġrandom", + "ized" + ], + [ + "yroid", + "ism" + ], + [ + "Ġdetect", + "ive" + ], + [ + "Ġpup", + "il" + ], + [ + "Ġb", + "ins" + ], + [ + "Ġappoint", + "ments" + ], + [ + "press", + "ure" + ], + [ + "conf", + "idence" + ], + [ + "Ġw", + "ished" + ], + [ + "id", + "o" + ], + [ + "ĠMy", + "th" + ], + [ + "ĠBarb", + "ara" + ], + [ + "Ġp", + "ads" + ], + [ + "Ġdoub", + "led" + ], + [ + "Ġhum", + "ility" + ], + [ + "ĠC", + "rus" + ], + [ + "ĠColomb", + "ia" + ], + [ + "Ġsle", + "e" + ], + [ + "U", + "t" + ], + [ + "Ġin", + "ert" + ], + [ + "ĠW", + "ard" + ], + [ + "Ġcou", + "p" + ], + [ + "Ġcolonial", + "ism" + ], + [ + "ĠCl", + "ar" + ], + [ + "irt", + "ual" + ], + [ + "p", + "d" + ], + [ + "Ġundert", + "ake" + ], + [ + "Ġl", + "ava" + ], + [ + "ĠV", + "iolence" + ], + [ + "re", + "lu" + ], + [ + "ro", + "ots" + ], + [ + "ĠAb", + "d" + ], + [ + "Don", + "ald" + ], + [ + "Ġsk", + "ies" + ], + [ + "ĠEn", + "joy" + ], + [ + "Ġensl", + "aved" + ], + [ + "is", + "en" + ], + [ + "Ġdon", + "ated" + ], + [ + "ĠFour", + "th" + ], + [ + "Ġrec", + "omb" + ], + [ + "Ġcapt", + "ain" + ], + [ + "ab", + "el" + ], + [ + "Ġmem", + "oir" + ], + [ + "ĠMean", + "ing" + ], + [ + "m", + "ant" + ], + [ + "engu", + "in" + ], + [ + "Ġneighb", + "our" + ], + [ + "ĠBre", + "ast" + ], + [ + "P", + "rint" + ], + [ + "c", + "ra" + ], + [ + "Ġval", + "leys" + ], + [ + "bl", + "ocks" + ], + [ + "odynam", + "ic" + ], + [ + "id", + "en" + ], + [ + "col", + "l" + ], + [ + "Ġrecruit", + "ment" + ], + [ + "h", + "s" + ], + [ + "ĠB", + "L" + ], + [ + "ĠG", + "ran" + ], + [ + "izz", + "es" + ], + [ + "ĠDemocr", + "ats" + ], + [ + "ustain", + "ability" + ], + [ + "ot", + "ted" + ], + [ + "comm", + "ands" + ], + [ + "Ġschool", + "ing" + ], + [ + "Ġtrav", + "elling" + ], + [ + "Ġres", + "ide" + ], + [ + "ĠSe", + "ason" + ], + [ + "Ġstat", + "ues" + ], + [ + "Feb", + "ruary" + ], + [ + "Ġbuil", + "dup" + ], + [ + "ĠV", + "o" + ], + [ + "ĠNum", + "bers" + ], + [ + "J", + "oin" + ], + [ + "P", + "ower" + ], + [ + "Ġm", + "ills" + ], + [ + "Ġar", + "ist" + ], + [ + "ĠB", + "rid" + ], + [ + "Ġcere", + "bral" + ], + [ + "Ġaut", + "obi" + ], + [ + "for", + "get" + ], + [ + "ĠDesc", + "ribe" + ], + [ + "ount", + "ain" + ], + [ + "OR", + "Y" + ], + [ + "Ġout", + "reach" + ], + [ + "Ġste", + "al" + ], + [ + "Ġund", + "es" + ], + [ + "Ġric", + "her" + ], + [ + "Ġar", + "ithmetic" + ], + [ + "ĠAr", + "n" + ], + [ + "ĠE", + "ither" + ], + [ + "orn", + "s" + ], + [ + "Ġdest", + "inations" + ], + [ + "Ġw", + "iring" + ], + [ + "Ġd", + "ug" + ], + [ + "ĠHe", + "aven" + ], + [ + "Ġpredict", + "able" + ], + [ + "Ġmanifest", + "ations" + ], + [ + "V", + "ideo" + ], + [ + "ĠC", + "ities" + ], + [ + "Ġsur", + "plus" + ], + [ + "ic", + "idal" + ], + [ + "ĠAre", + "as" + ], + [ + "Ġmal", + "ware" + ], + [ + "Ġchlor", + "ide" + ], + [ + "Ġm", + "erc" + ], + [ + "âĢ", + "IJ" + ], + [ + "Ġcon", + "gen" + ], + [ + "op", + "us" + ], + [ + "Ġclos", + "ure" + ], + [ + "ari", + "at" + ], + [ + "Ġprompt", + "ing" + ], + [ + "Ġinhib", + "it" + ], + [ + "Ġspont", + "aneous" + ], + [ + "col", + "ored" + ], + [ + "Ġdele", + "ted" + ], + [ + "Ġult", + "raviolet" + ], + [ + "her", + "ical" + ], + [ + "Ġplant", + "ations" + ], + [ + "Ġhyd", + "roc" + ], + [ + "w", + "ra" + ], + [ + "Ġg", + "inger" + ], + [ + "au", + "er" + ], + [ + "Ġimper", + "fect" + ], + [ + "Â", + "»" + ], + [ + "Ġexam", + "inations" + ], + [ + "Ġcircul", + "ating" + ], + [ + "ll", + "a" + ], + [ + "ĠDec", + "ision" + ], + [ + "im", + "mer" + ], + [ + "ĠB", + "MI" + ], + [ + "ĠK", + "am" + ], + [ + "W", + "ill" + ], + [ + "el", + "iness" + ], + [ + "Ġgu", + "ards" + ], + [ + "Pro", + "perty" + ], + [ + "Ġmotiv", + "ate" + ], + [ + "ĠW", + "a" + ], + [ + "ĠRecent", + "ly" + ], + [ + "Ġincl", + "ined" + ], + [ + "Ġthe", + "e" + ], + [ + "na", + "issance" + ], + [ + "Ġformat", + "ting" + ], + [ + "us", + "c" + ], + [ + "Ġbet", + "ray" + ], + [ + "Ġmil", + "estones" + ], + [ + "Ġun", + "aware" + ], + [ + "Ġl", + "end" + ], + [ + "Ġcomput", + "ation" + ], + [ + "S", + "ec" + ], + [ + "Ġhem", + "isphere" + ], + [ + "ĠEconom", + "y" + ], + [ + "Ġfavour", + "ite" + ], + [ + "Ä", + "±" + ], + [ + "ĠW", + "oman" + ], + [ + "ĠViet", + "namese" + ], + [ + "Ġsmok", + "ers" + ], + [ + "b", + "ottom" + ], + [ + "Ġb", + "ricks" + ], + [ + "Ġnod", + "ded" + ], + [ + "Ġrec", + "k" + ], + [ + "Ġh", + "atch" + ], + [ + "Ġex", + "ile" + ], + [ + "Ġus", + "eless" + ], + [ + "F", + "ull" + ], + [ + "M", + "ode" + ], + [ + "R", + "ob" + ], + [ + "ĠM", + "end" + ], + [ + "Ġev", + "oke" + ], + [ + "Ġinv", + "ites" + ], + [ + "Ġupt", + "ake" + ], + [ + "Ġqu", + "eer" + ], + [ + "att", + "ributes" + ], + [ + "Sh", + "ort" + ], + [ + "Ġbom", + "bs" + ], + [ + "Ġrev", + "is" + ], + [ + "Ġvend", + "ors" + ], + [ + "ĠM", + "atter" + ], + [ + "um", + "atic" + ], + [ + "Ġ\"", + ")" + ], + [ + "ĠDef", + "ine" + ], + [ + "std", + "out" + ], + [ + "b", + "ins" + ], + [ + "Ġske", + "leton" + ], + [ + "ĠT", + "elescope" + ], + [ + "Ġris", + "en" + ], + [ + "Ġtelesc", + "opes" + ], + [ + "B", + "B" + ], + [ + "Ġ", + "ĊĠĠĠĠĠĠĠĠĠĠĠ" + ], + [ + "ah", + "n" + ], + [ + "Ġwa", + "ist" + ], + [ + "ĠRes", + "istance" + ], + [ + "Ġapprox", + "imate" + ], + [ + "Ġpossess", + "es" + ], + [ + "supp", + "orted" + ], + [ + "Ġunders", + "core" + ], + [ + "Ġquad", + "r" + ], + [ + "ĠEng", + "age" + ], + [ + "ĠVill", + "age" + ], + [ + "Ġt", + "ires" + ], + [ + "ĠL", + "inks" + ], + [ + "Ġstr", + "iving" + ], + [ + "man", + "agement" + ], + [ + "Ġtend", + "encies" + ], + [ + "Ġmitig", + "ating" + ], + [ + "ĠT", + "anz" + ], + [ + "ph", + "i" + ], + [ + "ĠDO", + "I" + ], + [ + "m", + "icro" + ], + [ + "ĠEm", + "ma" + ], + [ + "ĠS", + "ources" + ], + [ + "ĠP", + "rad" + ], + [ + "IC", + "ENSE" + ], + [ + "Ġreput", + "able" + ], + [ + "qu", + "ire" + ], + [ + "CO", + "L" + ], + [ + "Ġfro", + "g" + ], + [ + "ĠE", + "S" + ], + [ + "ĠD", + "A" + ], + [ + "ĠM", + "ig" + ], + [ + "inn", + "amon" + ], + [ + "ĠKnow", + "ing" + ], + [ + "Ġiod", + "ine" + ], + [ + "Ġimpact", + "ing" + ], + [ + "ĠAt", + "mosp" + ], + [ + "Ġpack", + "ets" + ], + [ + "Ġuns", + "afe" + ], + [ + "Ġind", + "ent" + ], + [ + "ĠTh", + "reat" + ], + [ + "en", + "z" + ], + [ + "ĠP", + "D" + ], + [ + "Ġimp", + "ressed" + ], + [ + "ĠY", + "oga" + ], + [ + "Ġhom", + "eland" + ], + [ + "ĠA", + "ch" + ], + [ + "Ġle", + "m" + ], + [ + "Ġen", + "amel" + ], + [ + "ĠP", + "in" + ], + [ + "Ġover", + "ly" + ], + [ + "ateg", + "ories" + ], + [ + "ey", + "e" + ], + [ + "Re", + "al" + ], + [ + "w", + "ent" + ], + [ + "ĠD", + "est" + ], + [ + "ĠU", + "l" + ], + [ + "Ġcollect", + "or" + ], + [ + "ĠBab", + "y" + ], + [ + "B", + "ig" + ], + [ + "Ġch", + "unk" + ], + [ + "Ġnot", + "ation" + ], + [ + "Ġco", + "efficients" + ], + [ + "es", + "ters" + ], + [ + "Ġl", + "ent" + ], + [ + "u", + "er" + ], + [ + "ĠDou", + "ble" + ], + [ + "mult", + "i" + ], + [ + "Ġend", + "orse" + ], + [ + "requ", + "ently" + ], + [ + "Ġautom", + "obile" + ], + [ + "Ġeight", + "eenth" + ], + [ + "Ġrept", + "iles" + ], + [ + "ĠD", + "NS" + ], + [ + "ĠBeng", + "al" + ], + [ + "con", + "duct" + ], + [ + "opol", + "itical" + ], + [ + "an", + "ic" + ], + [ + "ĠJ", + "oy" + ], + [ + "ish", + "ops" + ], + [ + "Ġapp", + "rent" + ], + [ + "IT", + "E" + ], + [ + "av", + "g" + ], + [ + "mer", + "ge" + ], + [ + "aps", + "es" + ], + [ + "Ġarchae", + "ologists" + ], + [ + "Ġneuro", + "transmit" + ], + [ + "Ġcaps", + "ule" + ], + [ + "E", + "mb" + ], + [ + "il", + "on" + ], + [ + "ĠK", + "le" + ], + [ + "heart", + "ed" + ], + [ + "al", + "am" + ], + [ + "Ġpenal", + "ties" + ], + [ + "Ġpyram", + "id" + ], + [ + "Ġoutl", + "ook" + ], + [ + "op", + "ot" + ], + [ + "Ġconv", + "iction" + ], + [ + "Ġconc", + "urrent" + ], + [ + "ĠK", + "ash" + ], + [ + "Ġfier", + "ce" + ], + [ + "M", + "art" + ], + [ + "Ġd", + "aunting" + ], + [ + "ĠB", + "ruce" + ], + [ + "Ġperenn", + "ial" + ], + [ + "Pro", + "gram" + ], + [ + "Ġfav", + "ored" + ], + [ + "fl", + "ags" + ], + [ + "cont", + "rib" + ], + [ + "ĠInteg", + "ration" + ], + [ + "Ġhi", + "king" + ], + [ + "Ġinjust", + "ice" + ], + [ + "ĠR", + "uth" + ], + [ + "Ġco", + "exist" + ], + [ + "Ġill", + "usion" + ], + [ + "Ġru", + "pt" + ], + [ + "Cent", + "ral" + ], + [ + "Ġre", + "plicate" + ], + [ + "Ġimp", + "ed" + ], + [ + "Ġback", + "drop" + ], + [ + "ser", + "ies" + ], + [ + "/", + ")" + ], + [ + "Ġdis", + "contin" + ], + [ + "P", + "olicy" + ], + [ + "Ġel", + "bow" + ], + [ + "tra", + "ce" + ], + [ + "c", + "ov" + ], + [ + "dra", + "wn" + ], + [ + "Ġs", + "ized" + ], + [ + "ov", + "ak" + ], + [ + "ĠEv", + "ents" + ], + [ + "ul", + "u" + ], + [ + "ĠC", + "ole" + ], + [ + "ri", + "el" + ], + [ + "Ġinv", + "aded" + ], + [ + "ĠMet", + "a" + ], + [ + "at", + "ra" + ], + [ + "en", + "o" + ], + [ + "Ġin", + "verse" + ], + [ + "ĠB", + "AS" + ], + [ + "Ġbar", + "rel" + ], + [ + "Sh", + "are" + ], + [ + "ĠB", + "ring" + ], + [ + "ĠNeg", + "ro" + ], + [ + "Ġcommod", + "ities" + ], + [ + "bl", + "ood" + ], + [ + "re", + "lease" + ], + [ + "Ġsed", + "iments" + ], + [ + "Ġwavel", + "engths" + ], + [ + "Ġpresc", + "ribe" + ], + [ + "co", + "al" + ], + [ + "Ġcook", + "ie" + ], + [ + "P", + "lay" + ], + [ + "ĠB", + "uff" + ], + [ + "ant", + "i" + ], + [ + "Ġbiop", + "sy" + ], + [ + "Ġb", + "arn" + ], + [ + "Ġpat", + "ents" + ], + [ + "comput", + "er" + ], + [ + "P", + "al" + ], + [ + "Ġresid", + "ue" + ], + [ + "comp", + "ile" + ], + [ + "Ġpion", + "eering" + ], + [ + "Ġchop", + "ped" + ], + [ + "ab", + "a" + ], + [ + "cent", + "ered" + ], + [ + "e", + "ast" + ], + [ + "ĠCat", + "hedral" + ], + [ + ",,", + ",," + ], + [ + "ud", + "ed" + ], + [ + "ĠNaz", + "is" + ], + [ + "Ġmult", + "imedia" + ], + [ + "ĠCost", + "a" + ], + [ + "ap", + "olis" + ], + [ + "m", + "os" + ], + [ + "ob", + "a" + ], + [ + "const", + "ruct" + ], + [ + "em", + "p" + ], + [ + "Ġair", + "borne" + ], + [ + "ĠSing", + "le" + ], + [ + "Ġfluores", + "cent" + ], + [ + "ahren", + "heit" + ], + [ + "L", + "ooking" + ], + [ + "id", + "ering" + ], + [ + "Ġv", + "oid" + ], + [ + "Ġrec", + "urrent" + ], + [ + "Ġyoung", + "est" + ], + [ + "Ġnurs", + "ery" + ], + [ + "F", + "in" + ], + [ + "Ġ", + "-------" + ], + [ + "Ġv", + "est" + ], + [ + "ĠB", + "aker" + ], + [ + "Ġbless", + "ed" + ], + [ + "amm", + "y" + ], + [ + "Ġfet", + "al" + ], + [ + "success", + "ful" + ], + [ + "ut", + "er" + ], + [ + "Ġman", + "ages" + ], + [ + "Ġrem", + "em" + ], + [ + "Ġunf", + "ortunate" + ], + [ + "Ġst", + "ip" + ], + [ + "Ġrec", + "ycle" + ], + [ + "Ġp", + "rag" + ], + [ + "ĠG", + "N" + ], + [ + "Ï", + "ħ" + ], + [ + "ĠM", + "C" + ], + [ + "Ġillust", + "rating" + ], + [ + "ĠLib", + "erty" + ], + [ + "Ġexcer", + "pt" + ], + [ + "Ġunder", + "way" + ], + [ + "l", + "ishes" + ], + [ + "Ġsh", + "iny" + ], + [ + "ire", + "ments" + ], + [ + "Ġdiff", + "usion" + ], + [ + "Ġpr", + "uning" + ], + [ + "Ġexp", + "ans" + ], + [ + "With", + "out" + ], + [ + "Ġroll", + "s" + ], + [ + "ĠCris", + "is" + ], + [ + "t", + "urn" + ], + [ + "ĠC", + "elsius" + ], + [ + "govern", + "mental" + ], + [ + "Ġdon", + "ation" + ], + [ + "Ġant", + "iv" + ], + [ + "Ġcompet", + "itions" + ], + [ + "ploy", + "ed" + ], + [ + "Ġthe", + "ological" + ], + [ + "Ġbe", + "an" + ], + [ + "ri", + "k" + ], + [ + "Ġatt", + "r" + ], + [ + "ĠAr", + "med" + ], + [ + "e", + "q" + ], + [ + "Ø", + "±" + ], + [ + "ĠT", + "ut" + ], + [ + "ĠA", + "ld" + ], + [ + "ĠV", + "ice" + ], + [ + "Ġpul", + "ses" + ], + [ + "Ġid", + "i" + ], + [ + "Ġweigh", + "ing" + ], + [ + "Ġmanage", + "able" + ], + [ + "ĠEss", + "ential" + ], + [ + "ĠThanks", + "giving" + ], + [ + "Ġjun", + "ior" + ], + [ + "Ġmis", + "leading" + ], + [ + "ĠInter", + "action" + ], + [ + "Ġc", + "age" + ], + [ + "ĠH", + "ope" + ], + [ + "Ġcrit", + "erion" + ], + [ + "ĠHung", + "ary" + ], + [ + "F", + "low" + ], + [ + "Ġflour", + "ish" + ], + [ + "]", + "]," + ], + [ + "ra", + "ise" + ], + [ + "Ġarr", + "ives" + ], + [ + "Ġl", + "os" + ], + [ + "ĠH", + "ob" + ], + [ + "pl", + "ots" + ], + [ + "Ġjust", + "ification" + ], + [ + "Ã", + "Ĺ" + ], + [ + "Ġre", + "ception" + ], + [ + "ĠS", + "uddenly" + ], + [ + "ort", + "ium" + ], + [ + "ĠHindu", + "ism" + ], + [ + "Ġe", + "ighth" + ], + [ + "Ġrem", + "arks" + ], + [ + "Ġrecip", + "ients" + ], + [ + "Ġc", + "ube" + ], + [ + "Ġsim", + "ulated" + ], + [ + "Ġvers", + "a" + ], + [ + "Ġdin", + "osaur" + ], + [ + "Ġende", + "avor" + ], + [ + "Ġcous", + "in" + ], + [ + "op", + "ia" + ], + [ + "ĠN", + "ames" + ], + [ + "Ġlob", + "by" + ], + [ + "Ġc", + "ovenant" + ], + [ + "Sh", + "ould" + ], + [ + "ĠJohn", + "s" + ], + [ + "ony", + "ms" + ], + [ + "ĠRevolution", + "ary" + ], + [ + "Ġel", + "usive" + ], + [ + "Ġdepend", + "encies" + ], + [ + "Ġstain", + "less" + ], + [ + "p", + "x" + ], + [ + "Ġele", + "ven" + ], + [ + "Ġjud", + "ged" + ], + [ + "ĠT", + "A" + ], + [ + "Ġen", + "closed" + ], + [ + "ĠG", + "IS" + ], + [ + "Ġshort", + "ages" + ], + [ + "Ġcapt", + "ures" + ], + [ + "Ġaccess", + "ories" + ], + [ + "Ġcont", + "raction" + ], + [ + "ov", + "irus" + ], + [ + "Ġavoid", + "ance" + ], + [ + "Ġp", + "sy" + ], + [ + "Ġg", + "room" + ], + [ + "ĠOpt", + "ions" + ], + [ + "Ġannounce", + "ment" + ], + [ + "Ġt", + "el" + ], + [ + "Ġd", + "iction" + ], + [ + "Ġre", + "un" + ], + [ + "ĠL", + "ack" + ], + [ + "Ġ-", + "=" + ], + [ + "Sm", + "ith" + ], + [ + "ĠM", + "ut" + ], + [ + "Ġeduc", + "ator" + ], + [ + "ĠBe", + "hind" + ], + [ + "Ġschedul", + "ing" + ], + [ + "*", + "(" + ], + [ + "PAS", + "SWORD" + ], + [ + "Ġinfant", + "ry" + ], + [ + "py", + "plot" + ], + [ + "Ġbed", + "time" + ], + [ + "Ġa", + "ph" + ], + [ + ")", + "}" + ], + [ + "Ġl", + "ions" + ], + [ + "verb", + "ose" + ], + [ + "U", + "lt" + ], + [ + "Ġcomp", + "uls" + ], + [ + "eal", + "ous" + ], + [ + "|'", + "\\" + ], + [ + "on", + "str" + ], + [ + "ĠH", + "ep" + ], + [ + "Ġrec", + "ount" + ], + [ + "ĠHur", + "ricane" + ], + [ + "Ġclim", + "atic" + ], + [ + "se", + "ason" + ], + [ + "Ġd", + "ad" + ], + [ + "Ġcharacter", + "ization" + ], + [ + "ĠGreat", + "er" + ], + [ + "Ġscarc", + "ity" + ], + [ + "s", + "ets" + ], + [ + "osc", + "opy" + ], + [ + "ĠCo", + "oper" + ], + [ + "Ġqual", + "ifications" + ], + [ + "gen", + "erated" + ], + [ + "Ġterror", + "ist" + ], + [ + "Ġma", + "ize" + ], + [ + "Aust", + "ral" + ], + [ + "ĠMed", + "ieval" + ], + [ + "cont", + "roller" + ], + [ + "Ġtax", + "ation" + ], + [ + "Ġwor", + "s" + ], + [ + "form", + "er" + ], + [ + "Ġd", + "ressing" + ], + [ + "ĠColon", + "el" + ], + [ + "ĠDef", + "ining" + ], + [ + "ĠList", + "en" + ], + [ + "ĠT", + "ests" + ], + [ + "ĠWy", + "oming" + ], + [ + "c", + "ity" + ], + [ + "ĠI", + "gn" + ], + [ + "Ġpropos", + "ition" + ], + [ + "Ġcher", + "ished" + ], + [ + "m", + "k" + ], + [ + "ĠR", + "ico" + ], + [ + "Ġdes", + "pair" + ], + [ + "be", + "e" + ], + [ + "ĠR", + "ud" + ], + [ + "Ġline", + "age" + ], + [ + "in", + "burgh" + ], + [ + "ĠL", + "ooking" + ], + [ + "Ġreview", + "er" + ], + [ + "Ġne", + "on" + ], + [ + "ĠCar", + "ter" + ], + [ + "ax", + "es" + ], + [ + "Ġsm", + "arter" + ], + [ + "ger", + "ies" + ], + [ + "Dev", + "ice" + ], + [ + "Ġd", + "ash" + ], + [ + "')", + ")," + ], + [ + "yp", + "ical" + ], + [ + "Ġhoriz", + "ons" + ], + [ + "ĠBack", + "ground" + ], + [ + "x", + "ia" + ], + [ + "Ġm", + "isc" + ], + [ + "ĠS", + "ic" + ], + [ + "vent", + "h" + ], + [ + "Ġ", + "###" + ], + [ + "ĠJ", + "enn" + ], + [ + "Ġdivid", + "es" + ], + [ + "Ġspin", + "ach" + ], + [ + "Ġst", + "aple" + ], + [ + "reg", + "ulation" + ], + [ + "ï", + "¬" + ], + [ + "in", + "qu" + ], + [ + "iv", + "ores" + ], + [ + "ch", + "art" + ], + [ + "Ġj", + "ail" + ], + [ + "le", + "en" + ], + [ + "Ġafter", + "math" + ], + [ + "Ġske", + "letal" + ], + [ + "({", + "'" + ], + [ + "Ġo", + "vere" + ], + [ + "Ġgo", + "ats" + ], + [ + "b", + "ors" + ], + [ + "Ġp", + "agan" + ], + [ + "il", + "ization" + ], + [ + "Ġsu", + "ng" + ], + [ + "Ġdownload", + "ed" + ], + [ + "Ġdefic", + "its" + ], + [ + "red", + "ients" + ], + [ + "ĠHor", + "iz" + ], + [ + "Ġgrapp", + "le" + ], + [ + "Ġs", + "ab" + ], + [ + "angu", + "ages" + ], + [ + "Ġaccommod", + "ations" + ], + [ + "j", + "ournal" + ], + [ + "Ġrem", + "inis" + ], + [ + "Ġl", + "uc" + ], + [ + "Ġjud", + "gments" + ], + [ + "v", + "s" + ], + [ + "Ġrecall", + "ed" + ], + [ + "Ġtack", + "ling" + ], + [ + "Ġo", + "y" + ], + [ + "Ġp", + "aved" + ], + [ + "Ġm", + "ites" + ], + [ + "Ġsw", + "itched" + ], + [ + "uel", + "a" + ], + [ + "Ġgrand", + "mother" + ], + [ + "ĠClass", + "ical" + ], + [ + "Ġreact", + "ive" + ], + [ + "čĊ", + "ĉĉ" + ], + [ + "A", + "lex" + ], + [ + "Ġal", + "beit" + ], + [ + "Ġsocial", + "ist" + ], + [ + "Ġnoteb", + "ook" + ], + [ + "urn", + "al" + ], + [ + "Cl", + "imate" + ], + [ + "Ġdolph", + "ins" + ], + [ + "st", + "ructure" + ], + [ + "Ġst", + "up" + ], + [ + "read", + "er" + ], + [ + "Ġanim", + "ated" + ], + [ + "AM", + "P" + ], + [ + "ĠG", + "othic" + ], + [ + "Ġsk", + "i" + ], + [ + "OR", + "S" + ], + [ + "yl", + "um" + ], + [ + "Ġwas", + "ted" + ], + [ + "af", + "ety" + ], + [ + "Ġfilt", + "ration" + ], + [ + "I", + "ES" + ], + [ + "ust", + "ers" + ], + [ + "ron", + "ics" + ], + [ + "Ġbegin", + "nings" + ], + [ + "Ġpin", + "point" + ], + [ + "ĠJ", + "ere" + ], + [ + "Ġpar", + "a" + ], + [ + "Ġmisunder", + "stand" + ], + [ + "Ġquestionna", + "ire" + ], + [ + "J", + "ames" + ], + [ + "our", + "ge" + ], + [ + "St", + "ill" + ], + [ + "Ġep", + "ist" + ], + [ + "Ġâ", + "ĪĴ" + ], + [ + "oty", + "ping" + ], + [ + "Norm", + "al" + ], + [ + "ow", + "l" + ], + [ + "Ġres", + "urrection" + ], + [ + "Ġtend", + "on" + ], + [ + "Over", + "all" + ], + [ + "Ġcompos", + "er" + ], + [ + "'", + "\"" + ], + [ + "pr", + "ivate" + ], + [ + "Ġcertain", + "ty" + ], + [ + "ĠPar", + "ad" + ], + [ + "Ġref", + "lux" + ], + [ + "i", + "ens" + ], + [ + "Ġr", + "ounds" + ], + [ + "ĠR", + "ate" + ], + [ + "Ġt", + "rop" + ], + [ + "ĠA", + "post" + ], + [ + "ab", + "us" + ], + [ + "ĠD", + "a" + ], + [ + "ĠRe", + "ality" + ], + [ + "Ġphotograp", + "her" + ], + [ + "Å", + "¡" + ], + [ + "Ġbe", + "ats" + ], + [ + "ĠÂ", + "§" + ], + [ + "Ġveget", + "arian" + ], + [ + "d", + "uration" + ], + [ + "ia", + "e" + ], + [ + "sh", + "ift" + ], + [ + "To", + "ken" + ], + [ + "pos", + "ing" + ], + [ + "run", + "ning" + ], + [ + "Ġpump", + "ing" + ], + [ + "Ġincons", + "istent" + ], + [ + "ĠN", + "othing" + ], + [ + "Ġbi", + "ologists" + ], + [ + "v", + "et" + ], + [ + "ĠDr", + "ive" + ], + [ + "Ġpig", + "ment" + ], + [ + "M", + "ENT" + ], + [ + "rop", + "ract" + ], + [ + "ĠAssoci", + "ated" + ], + [ + "--------------------------------", + "------------" + ], + [ + "Ġenfor", + "ced" + ], + [ + "od", + "ium" + ], + [ + "Ġwas", + "tes" + ], + [ + "o", + "ft" + ], + [ + "ĠNo", + "vel" + ], + [ + "Ġjournal", + "ism" + ], + [ + "Ġimagin", + "ative" + ], + [ + "Ġcart", + "oon" + ], + [ + "o", + "ise" + ], + [ + "u", + "art" + ], + [ + "Ġca", + "f" + ], + [ + "ĠInst", + "ruction" + ], + [ + "ĠCons", + "umer" + ], + [ + "Ġoptim", + "izer" + ], + [ + "Ġscrut", + "iny" + ], + [ + "Ġflat", + "ten" + ], + [ + "Ġreported", + "ly" + ], + [ + "Ġstrand", + "s" + ], + [ + "ç", + "»" + ], + [ + "ĠSy", + "rian" + ], + [ + "Pres", + "ident" + ], + [ + "Ġforb", + "idden" + ], + [ + "Ġcra", + "zy" + ], + [ + "ĠQueens", + "land" + ], + [ + "Ġm", + "ars" + ], + [ + "Ġentertain", + "ing" + ], + [ + "ĠSex", + "ual" + ], + [ + "ess", + "ment" + ], + [ + "Ġsp", + "ur" + ], + [ + "__", + "." + ], + [ + "Ġl", + "bs" + ], + [ + "Ġext", + "ensions" + ], + [ + "Ġtext", + "ile" + ], + [ + "âĢ", + "ł" + ], + [ + "ĠB", + "iol" + ], + [ + "ĠAut", + "ism" + ], + [ + "TI", + "ES" + ], + [ + "Ġw", + "ins" + ], + [ + "Ġshel", + "ves" + ], + [ + "Ġeng", + "ra" + ], + [ + "Ġgrand", + "parents" + ], + [ + "Sm", + "all" + ], + [ + "in", + "as" + ], + [ + "Christ", + "ian" + ], + [ + "Ġben", + "ign" + ], + [ + "Ġcon", + "sole" + ], + [ + "Ġret", + "aining" + ], + [ + "sim", + "ple" + ], + [ + "Ġmur", + "dered" + ], + [ + "Ġorgan", + "ised" + ], + [ + "ĠM", + "igration" + ], + [ + "Ġvolcan", + "oes" + ], + [ + "add", + "ing" + ], + [ + "Ġnit", + "rate" + ], + [ + "Ġgad", + "gets" + ], + [ + "at", + "ics" + ], + [ + "ĠAd", + "ding" + ], + [ + "ĠOrig", + "in" + ], + [ + "Ġub", + "iqu" + ], + [ + "Ġsh", + "ores" + ], + [ + "ĠL", + "if" + ], + [ + "Ġtri", + "ple" + ], + [ + "Ġenhance", + "ment" + ], + [ + "ĠN", + "ik" + ], + [ + "Ġbr", + "ass" + ], + [ + "ĠAd", + "m" + ], + [ + "Ġphotograp", + "hers" + ], + [ + "ur", + "ls" + ], + [ + "Ġlaunch", + "ing" + ], + [ + "chem", + "y" + ], + [ + "V", + "M" + ], + [ + "ĠG", + "ot" + ], + [ + "e", + "zing" + ], + [ + "Ġfor", + "ums" + ], + [ + "Ġmorph", + "ology" + ], + [ + "Ġc", + "ents" + ], + [ + "Ġv", + "ibration" + ], + [ + "Ġconst", + "ants" + ], + [ + "Ġsummar", + "ize" + ], + [ + "W", + "HO" + ], + [ + "Willi", + "am" + ], + [ + "b", + "low" + ], + [ + "Ġbl", + "ended" + ], + [ + "Ġbre", + "ach" + ], + [ + "ĠRef", + "uge" + ], + [ + "u", + "int" + ], + [ + "ĠNe", + "braska" + ], + [ + "Ġtempl", + "ates" + ], + [ + "Ġhypot", + "hetical" + ], + [ + "Ġn", + "ets" + ], + [ + "Ġcountry", + "side" + ], + [ + "Ġdisagree", + "ments" + ], + [ + "ĠC", + "eltic" + ], + [ + "ĠF", + "ra" + ], + [ + "Ġbless", + "ing" + ], + [ + "Ġharness", + "ing" + ], + [ + "Ġepile", + "psy" + ], + [ + "ĠM", + "anc" + ], + [ + "ĠId", + "aho" + ], + [ + "=", + "_" + ], + [ + "d", + "c" + ], + [ + "f", + "ake" + ], + [ + "f", + "its" + ], + [ + "Ġpe", + "at" + ], + [ + "ĠOr", + "d" + ], + [ + "ĠPC", + "R" + ], + [ + "Ġexch", + "anged" + ], + [ + "ĠO", + "P" + ], + [ + "Ġfl", + "ush" + ], + [ + "Ġdev", + "ised" + ], + [ + "ĠInit", + "ially" + ], + [ + "Ġcoh", + "ort" + ], + [ + "L", + "icense" + ], + [ + "C", + "rit" + ], + [ + "R", + "ich" + ], + [ + "b", + "ind" + ], + [ + "ĠG", + "H" + ], + [ + "to", + "kens" + ], + [ + "umb", + "ling" + ], + [ + "Ġrelat", + "able" + ], + [ + "ĠSe", + "ek" + ], + [ + "B", + "egin" + ], + [ + "f", + "req" + ], + [ + "Ġs", + "ixty" + ], + [ + "om", + "atic" + ], + [ + "ur", + "ities" + ], + [ + "Ġsun", + "screen" + ], + [ + "G", + "uid" + ], + [ + "Ġcard", + "board" + ], + [ + "Ġanest", + "hesia" + ], + [ + "ĠP", + "ray" + ], + [ + "Ġsimpl", + "ify" + ], + [ + "Ġcort", + "isol" + ], + [ + "ĠLat", + "ino" + ], + [ + "add", + "le" + ], + [ + "Ġâ", + "ī" + ], + [ + "Ġsuff", + "ix" + ], + [ + "vis", + "ors" + ], + [ + ">", + "'" + ], + [ + "us", + "p" + ], + [ + "ĠG", + "ather" + ], + [ + "ĠG", + "y" + ], + [ + "Ġfun", + "eral" + ], + [ + "Ġadvoc", + "ated" + ], + [ + "ĠR", + "ou" + ], + [ + "Ġsh", + "rub" + ], + [ + "Ġrec", + "ession" + ], + [ + "Ġisol", + "ate" + ], + [ + "ĠKnow", + "n" + ], + [ + "Param", + "eter" + ], + [ + "Ġst", + "ool" + ], + [ + "Ġcav", + "al" + ], + [ + "ĠP", + "om" + ], + [ + "Ġcit", + "rus" + ], + [ + "Ġvit", + "ro" + ], + [ + "Ġam", + "ateur" + ], + [ + "ĠM", + "t" + ], + [ + "Ġz", + "oom" + ], + [ + "Ġsol", + "uble" + ], + [ + "First", + "ly" + ], + [ + "ĠM", + "E" + ], + [ + "Ġmult", + "itude" + ], + [ + "Ġes", + "p" + ], + [ + "atter", + "y" + ], + [ + "Ġchamp", + "ion" + ], + [ + "Ġk", + "its" + ], + [ + "Ġoptim", + "um" + ], + [ + "Ġinvent", + "or" + ], + [ + "New", + "s" + ], + [ + "Sim", + "ilarly" + ], + [ + "ĠMur", + "ray" + ], + [ + "B", + "R" + ], + [ + "ĠH", + "i" + ], + [ + "ĠCond", + "itions" + ], + [ + "Ġf", + "al" + ], + [ + "Ġch", + "arm" + ], + [ + "Ġresearc", + "hed" + ], + [ + "t", + "ically" + ], + [ + "Ġp", + "yl" + ], + [ + "ĠA", + "F" + ], + [ + "ie", + "u" + ], + [ + "Ġmet", + "aph" + ], + [ + "Ġlif", + "ted" + ], + [ + "al", + "is" + ], + [ + "ĠS", + "eg" + ], + [ + "Ġint", + "olerance" + ], + [ + "Ġdisturb", + "ing" + ], + [ + "Ġtables", + "p" + ], + [ + "estab", + "lished" + ], + [ + "m", + "ag" + ], + [ + "Ġt", + "ennis" + ], + [ + "Ġin", + "accur" + ], + [ + "Ġsal", + "ts" + ], + [ + "pl", + "ain" + ], + [ + "ens", + "on" + ], + [ + "Ġvis", + "ions" + ], + [ + "Ġbank", + "rupt" + ], + [ + "ĠPro", + "ced" + ], + [ + "anc", + "ouver" + ], + [ + "ĠRepublic", + "ans" + ], + [ + "gener", + "ational" + ], + [ + "Dav", + "id" + ], + [ + "Ġst", + "ark" + ], + [ + "ĠParticip", + "ants" + ], + [ + "Ġs", + "ailing" + ], + [ + "Ġpossess", + "ions" + ], + [ + "Ġancest", + "ry" + ], + [ + "Ġcontag", + "ious" + ], + [ + "Ġlocal", + "ized" + ], + [ + "with", + "in" + ], + [ + "Inter", + "face" + ], + [ + "Ġvag", + "inal" + ], + [ + "Ġst", + "urdy" + ], + [ + "Ġintrodu", + "ctory" + ], + [ + "b", + "egin" + ], + [ + "ĠCl", + "ose" + ], + [ + "Ġaer", + "os" + ], + [ + "Ġpre", + "historic" + ], + [ + "ari", + "us" + ], + [ + "ĠSte", + "el" + ], + [ + "ĠMar", + "ie" + ], + [ + "M", + "ix" + ], + [ + "P", + "Y" + ], + [ + "Ġst", + "arch" + ], + [ + "Ġgood", + "ness" + ], + [ + "Ġs", + "aints" + ], + [ + "Ġembod", + "ied" + ], + [ + "Ġenlarg", + "ed" + ], + [ + "el", + "ed" + ], + [ + "ero", + "ids" + ], + [ + "ĠÃ", + "¢" + ], + [ + "ĠF", + "ew" + ], + [ + "Ġsuff", + "ers" + ], + [ + "Ġadministr", + "ator" + ], + [ + "Ġdos", + "age" + ], + [ + "Ġopen", + "ness" + ], + [ + "Ġcaus", + "al" + ], + [ + "Ġdev", + "ote" + ], + [ + "ok", + "en" + ], + [ + "Ġfor", + "age" + ], + [ + "Te", + "chn" + ], + [ + "Ġexplos", + "ive" + ], + [ + "Ġk", + "iss" + ], + [ + "Ġref", + "ract" + ], + [ + "ĠC", + "F" + ], + [ + "ĠG", + "un" + ], + [ + "Ġfl", + "aws" + ], + [ + "Ġexpect", + "ing" + ], + [ + "ung", + "le" + ], + [ + "Î", + "º" + ], + [ + "Ġd", + "ances" + ], + [ + "Ġsh", + "oe" + ], + [ + "Ġenc", + "oded" + ], + [ + "dim", + "s" + ], + [ + "Ġstiff", + "ness" + ], + [ + "B", + "ra" + ], + [ + "ĠP", + "rem" + ], + [ + "Ġn", + "ectar" + ], + [ + "ay", + "ing" + ], + [ + "Ġport", + "raits" + ], + [ + "ĠIsrael", + "ites" + ], + [ + "Ġphysic", + "ist" + ], + [ + "ic", + "ans" + ], + [ + "Ġmet", + "ast" + ], + [ + "ĠSee", + "ing" + ], + [ + "Ġsel", + "dom" + ], + [ + "Ġw", + "art" + ], + [ + "Ġser", + "otonin" + ], + [ + "ev", + "in" + ], + [ + "Ġinstruct", + "ed" + ], + [ + "ĠCov", + "id" + ], + [ + "al", + "one" + ], + [ + "app", + "ro" + ], + [ + "hib", + "ition" + ], + [ + "Ġhot", + "els" + ], + [ + "ĠS", + "ARS" + ], + [ + "Ġcommun", + "ist" + ], + [ + "ophy", + "ll" + ], + [ + "Ġcan", + "opy" + ], + [ + "D", + "s" + ], + [ + "g", + "as" + ], + [ + "r", + "atory" + ], + [ + "Ġeconom", + "ists" + ], + [ + "Ġant", + "agon" + ], + [ + "Ġlog", + "istics" + ], + [ + "Ġcoll", + "agen" + ], + [ + "ĠPl", + "ains" + ], + [ + "D", + "raw" + ], + [ + "`", + ":" + ], + [ + "Ġinv", + "aluable" + ], + [ + "Ġcrow", + "ds" + ], + [ + "Ġlip", + "id" + ], + [ + "ĠPit", + "ts" + ], + [ + "f", + "ollow" + ], + [ + "Ġpro", + "se" + ], + [ + "sign", + "al" + ], + [ + "commun", + "ications" + ], + [ + "l", + "ived" + ], + [ + "symb", + "ol" + ], + [ + "Ġad", + "en" + ], + [ + "ĠM", + "att" + ], + [ + "Ġd", + "welling" + ], + [ + "ĠCh", + "ick" + ], + [ + "Ġborrow", + "ed" + ], + [ + "ĠF", + "ill" + ], + [ + "Ġpo", + "etic" + ], + [ + "Sh", + "ow" + ], + [ + "Ġ:", + "," + ], + [ + "ĠSchol", + "ars" + ], + [ + "Ġregen", + "eration" + ], + [ + "opot", + "am" + ], + [ + "s", + "elling" + ], + [ + "Ġcell", + "ul" + ], + [ + "ĠDis", + "ney" + ], + [ + "ath", + "s" + ], + [ + "Ġprint", + "able" + ], + [ + "ĠV", + "ers" + ], + [ + "Ġbo", + "asts" + ], + [ + "Ġmess", + "aging" + ], + [ + "Ġin", + "aug" + ], + [ + "ĠN", + "ut" + ], + [ + "Ġsc", + "oring" + ], + [ + "ĠMont", + "real" + ], + [ + "a", + "an" + ], + [ + "Ċ", + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ" + ], + [ + "iz", + "a" + ], + [ + "Ġsc", + "ipy" + ], + [ + "ĠAr", + "g" + ], + [ + "Ch", + "oose" + ], + [ + ">", + "<" + ], + [ + "Ġaccident", + "al" + ], + [ + "review", + "ed" + ], + [ + "ĠS", + "oph" + ], + [ + "un", + "i" + ], + [ + "Ġle", + "thal" + ], + [ + "Ġden", + "ial" + ], + [ + "te", + "am" + ], + [ + "sk", + "ip" + ], + [ + "E", + "num" + ], + [ + "x", + "cc" + ], + [ + "Ġovers", + "ight" + ], + [ + "S", + "ah" + ], + [ + "ell", + "ite" + ], + [ + "ĠJ", + "oin" + ], + [ + "sc", + "ribe" + ], + [ + "Ġconsult", + "ant" + ], + [ + "Ġcul", + "p" + ], + [ + "ĠH", + "ost" + ], + [ + "ĠEqu", + "ipment" + ], + [ + "Ġhect", + "ares" + ], + [ + "Ġimm", + "ort" + ], + [ + "Ġplant", + "ation" + ], + [ + "Ġvic", + "inity" + ], + [ + "bi", + "ology" + ], + [ + "Ġaer", + "obic" + ], + [ + "Ġf", + "are" + ], + [ + "sh", + "ire" + ], + [ + "Ġover", + "load" + ], + [ + "ĠProject", + "s" + ], + [ + "Ġfulfill", + "ment" + ], + [ + "associ", + "ated" + ], + [ + "ĠM", + "ia" + ], + [ + "ĠRe", + "le" + ], + [ + "Ġenc", + "aps" + ], + [ + "Ġspecial", + "ty" + ], + [ + "Ġastron", + "omical" + ], + [ + "as", + "ci" + ], + [ + "ĠC", + "ooking" + ], + [ + "Ġmuc", + "us" + ], + [ + "Ġcand", + "les" + ], + [ + "Ġrod", + "ents" + ], + [ + "Ġbrows", + "ing" + ], + [ + "Ġm", + "apped" + ], + [ + "ĠConsider", + "ations" + ], + [ + "C", + "ap" + ], + [ + "ie", + "ce" + ], + [ + "fl", + "ight" + ], + [ + "pri", + "or" + ], + [ + "IS", + "E" + ], + [ + "Ġaud", + "it" + ], + [ + "Ar", + "gument" + ], + [ + "ĠFl", + "ood" + ], + [ + "Ġautom", + "otive" + ], + [ + "SI", + "ZE" + ], + [ + "L", + "ondon" + ], + [ + "Ġs", + "ap" + ], + [ + "ĠN", + "ord" + ], + [ + "Ġgen", + "ital" + ], + [ + "Ġfulf", + "illed" + ], + [ + "Ġm", + "aker" + ], + [ + "ĠT", + "es" + ], + [ + "ĠN", + "ick" + ], + [ + "hat", + "tan" + ], + [ + "Ġap", + "olog" + ], + [ + "CD", + "C" + ], + [ + "in", + "atory" + ], + [ + "se", + "conds" + ], + [ + "Ġtun", + "ed" + ], + [ + "ĠCorn", + "ell" + ], + [ + "W", + "ord" + ], + [ + "ĠS", + "ugar" + ], + [ + "ĠM", + "ine" + ], + [ + "ĠAr", + "c" + ], + [ + "Ġcr", + "an" + ], + [ + "Ġanaly", + "sts" + ], + [ + "Ġcomp", + "ares" + ], + [ + "ilit", + "ating" + ], + [ + "Ġfix", + "ing" + ], + [ + "UN", + "D" + ], + [ + "ĠTop", + "ics" + ], + [ + "he", + "id" + ], + [ + "def", + "inition" + ], + [ + "Ġsort", + "ing" + ], + [ + "In", + "valid" + ], + [ + "develop", + "ed" + ], + [ + "Ġmerg", + "ed" + ], + [ + "Ġban", + "ana" + ], + [ + "Ġfinger", + "print" + ], + [ + "Ġjurisdict", + "ions" + ], + [ + "Ġm", + "oss" + ], + [ + "Ġp", + "ause" + ], + [ + "Ġmen", + "ing" + ], + [ + "Ġcere", + "al" + ], + [ + "Ġj", + "elly" + ], + [ + "Ġa", + "z" + ], + [ + "Ġswe", + "pt" + ], + [ + "ĠRail", + "way" + ], + [ + "Ġb", + "ounds" + ], + [ + "Ġperform", + "ers" + ], + [ + "o", + "ffic" + ], + [ + "ver", + "bs" + ], + [ + "Ġnews", + "letter" + ], + [ + "Ġbattle", + "field" + ], + [ + "Ġco", + "oper" + ], + [ + "method", + "s" + ], + [ + "Ġdesign", + "ation" + ], + [ + "us", + "k" + ], + [ + "ke", + "eper" + ], + [ + "Ġpo", + "orer" + ], + [ + "ĠQu", + "ick" + ], + [ + "On", + "line" + ], + [ + "Ġpion", + "eers" + ], + [ + ")", + "])" + ], + [ + "P", + "ORT" + ], + [ + "ĠT", + "ol" + ], + [ + "Ġb", + "ree" + ], + [ + "ĠC", + "auc" + ], + [ + "ĠG", + "A" + ], + [ + "uss", + "ions" + ], + [ + "Ġurban", + "ization" + ], + [ + "m", + "und" + ], + [ + "ĠW", + "et" + ], + [ + "rec", + "ogn" + ], + [ + "det", + "ails" + ], + [ + "Ġvig", + "orous" + ], + [ + "L", + "im" + ], + [ + "Ġmut", + "ually" + ], + [ + "t", + "ight" + ], + [ + "el", + "ia" + ], + [ + "ĠT", + "rain" + ], + [ + "ric", + "ting" + ], + [ + "ĠWar", + "ren" + ], + [ + "Ġcons", + "on" + ], + [ + "ĠZ", + "oo" + ], + [ + "Ġr", + "ipe" + ], + [ + "Ġbar", + "ley" + ], + [ + "Ġgene", + "alog" + ], + [ + "Ġmar", + "riages" + ], + [ + "ĠAssoci", + "ate" + ], + [ + "ĠR", + "oll" + ], + [ + "Ð", + "¿" + ], + [ + "Ġs", + "ulph" + ], + [ + "Ġex", + "ceeds" + ], + [ + "Ġfl", + "ask" + ], + [ + "Ġdisc", + "arded" + ], + [ + "EL", + "L" + ], + [ + "Ġign", + "oring" + ], + [ + "ĠDel", + "aware" + ], + [ + "ĠScand", + "inav" + ], + [ + "P", + "UT" + ], + [ + "ab", + "i" + ], + [ + "An", + "swer" + ], + [ + "ver", + "ted" + ], + [ + "ĠDynam", + "ic" + ], + [ + "Ġpr", + "ince" + ], + [ + "Ġpenet", + "rate" + ], + [ + "c", + "orn" + ], + [ + "rosc", + "opy" + ], + [ + "Ġre", + "n" + ], + [ + "Ġ\"", + "_" + ], + [ + "Ġro", + "s" + ], + [ + "vari", + "ables" + ], + [ + "M", + "iss" + ], + [ + "Ġc", + "ath" + ], + [ + "ĠC", + "ou" + ], + [ + "N", + "T" + ], + [ + "Ġz", + "oo" + ], + [ + "ĠOpportun", + "ities" + ], + [ + "ĠOut", + "put" + ], + [ + "n", + "uts" + ], + [ + "ov", + "ol" + ], + [ + "Ġcolon", + "ists" + ], + [ + "L", + "ead" + ], + [ + "Ġc", + "asc" + ], + [ + "Ġde", + "generation" + ], + [ + "ĠL", + "ORD" + ], + [ + "()", + ")," + ], + [ + "ĠSh", + "an" + ], + [ + "č", + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ" + ], + [ + "pect", + "ives" + ], + [ + "Ġresol", + "ving" + ], + [ + "Ġsurge", + "ons" + ], + [ + "ab", + "ad" + ], + [ + "Ġfam", + "ine" + ], + [ + "Ġsu", + "ite" + ], + [ + "ĠCount", + "ries" + ], + [ + "Ġcoll", + "apsed" + ], + [ + "cir", + "c" + ], + [ + "i", + "ably" + ], + [ + "D", + "em" + ], + [ + "Ġenl", + "arge" + ], + [ + "u", + "pt" + ], + [ + "ĠF", + "ahrenheit" + ], + [ + "Ġey", + "el" + ], + [ + "----------------", + "--------" + ], + [ + "Ġfig", + "ured" + ], + [ + "ĠCle", + "arly" + ], + [ + "Ġb", + "ilingual" + ], + [ + "ur", + "ved" + ], + [ + "Ġhas", + "attr" + ], + [ + "Ġexplo", + "ited" + ], + [ + "Ġs", + "aint" + ], + [ + "ĠN", + "H" + ], + [ + "P", + "aul" + ], + [ + "Ġhe", + "ir" + ], + [ + "ĠF", + "ern" + ], + [ + "ĠF", + "L" + ], + [ + "ĠR", + "ound" + ], + [ + "Ġcertific", + "ates" + ], + [ + "Ġslow", + "ing" + ], + [ + "au", + "coma" + ], + [ + "Ġsens", + "it" + ], + [ + "at", + "om" + ], + [ + "ĠCon", + "duct" + ], + [ + "ĠNet", + "works" + ], + [ + "d", + "ouble" + ], + [ + "l", + "ag" + ], + [ + "×", + "Ļ" + ], + [ + "iv", + "an" + ], + [ + "ĠG", + "R" + ], + [ + "Ġmarket", + "place" + ], + [ + "Ġ>", + ">" + ], + [ + "al", + "ph" + ], + [ + "ure", + "rs" + ], + [ + "Ġfire", + "f" + ], + [ + "Ġassist", + "ants" + ], + [ + "Ġg", + "reed" + ], + [ + "Ġin", + "comes" + ], + [ + "Ġremind", + "ing" + ], + [ + "serv", + "ices" + ], + [ + "/", + "(" + ], + [ + "Ġj", + "unk" + ], + [ + "z", + "ema" + ], + [ + "c", + "red" + ], + [ + "ĠH", + "app" + ], + [ + "Ġcol", + "der" + ], + [ + "ĠCl", + "ay" + ], + [ + "Ġlack", + "ed" + ], + [ + "ĠForm", + "ation" + ], + [ + "ĠHam", + "ps" + ], + [ + "Ġly", + "rics" + ], + [ + "determ", + "ination" + ], + [ + "mess", + "ages" + ], + [ + "Ġf", + "ighters" + ], + [ + "Ġco", + "res" + ], + [ + "ĠRog", + "er" + ], + [ + "m", + "c" + ], + [ + "Ġp", + "ains" + ], + [ + "Ġupd", + "ating" + ], + [ + "Ġrefrig", + "erator" + ], + [ + "Ġit", + "eration" + ], + [ + "Ġident", + "ifier" + ], + [ + "Ġintern", + "ally" + ], + [ + "Ġimbal", + "ances" + ], + [ + "ĠP", + "ediatrics" + ], + [ + "Ġunderm", + "ine" + ], + [ + "Ġconstitu", + "ents" + ], + [ + "ops", + "is" + ], + [ + "Ġfreed", + "oms" + ], + [ + "oc", + "ular" + ], + [ + "Ġdoub", + "ts" + ], + [ + "C", + "ustom" + ], + [ + "Ġp", + "unch" + ], + [ + "Ġpast", + "ure" + ], + [ + "ĠL", + "ect" + ], + [ + "Res", + "ults" + ], + [ + "Re", + "view" + ], + [ + "ĠM", + "essage" + ], + [ + "Ġneuro", + "science" + ], + [ + "ĠStart", + "ing" + ], + [ + "Ġattract", + "ing" + ], + [ + "R", + "ange" + ], + [ + "S", + "elf" + ], + [ + "zz", + "y" + ], + [ + "ĠGreg", + "ory" + ], + [ + "Ġup", + "grade" + ], + [ + "ann", + "ers" + ], + [ + "T", + "w" + ], + [ + "on", + "ies" + ], + [ + "ĠTibet", + "an" + ], + [ + "S", + "ession" + ], + [ + "Ġel", + "ong" + ], + [ + "Ġn", + "atives" + ], + [ + "id", + "i" + ], + [ + "ĠLine", + "ar" + ], + [ + "E", + "p" + ], + [ + "er", + "obic" + ], + [ + "Ġlo", + "vers" + ], + [ + "Ġst", + "amps" + ], + [ + "Ġpoison", + "ous" + ], + [ + "ĠHamps", + "hire" + ], + [ + "d", + "ish" + ], + [ + "Ġreact", + "ors" + ], + [ + "Ġtun", + "nels" + ], + [ + "o", + "am" + ], + [ + "Ġc", + "aste" + ], + [ + "AR", + "Y" + ], + [ + "ĠChild", + "hood" + ], + [ + "M", + "eta" + ], + [ + "ĠK", + "os" + ], + [ + "Ġcar", + "pet" + ], + [ + "bal", + "ance" + ], + [ + "Ġtur", + "key" + ], + [ + "Ġhat", + "red" + ], + [ + "Ġoxid", + "ative" + ], + [ + "op", + "ping" + ], + [ + "ĠSt", + "orage" + ], + [ + "Ġcollabor", + "ations" + ], + [ + "Ġm", + "ould" + ], + [ + "Ġform", + "ulated" + ], + [ + "Ġsign", + "atures" + ], + [ + "cur", + "ities" + ], + [ + "Ġdeb", + "ts" + ], + [ + "ĠV", + "III" + ], + [ + "Ġang", + "ular" + ], + [ + "Ġin", + "hal" + ], + [ + "ĠV", + "enez" + ], + [ + "Ġd", + "ome" + ], + [ + "ab", + "we" + ], + [ + "Ġden", + "otes" + ], + [ + "LO", + "C" + ], + [ + "ĠBul", + "gar" + ], + [ + "ĠHawai", + "ian" + ], + [ + "Ġharmon", + "ious" + ], + [ + "du", + "ino" + ], + [ + "Ġform", + "ulation" + ], + [ + "por", + "a" + ], + [ + "Ġproud", + "ly" + ], + [ + "bul", + "lying" + ], + [ + "U", + "K" + ], + [ + "Ġf", + "ighter" + ], + [ + "ĠS", + "ample" + ], + [ + "ipp", + "le" + ], + [ + "Ġlear", + "nt" + ], + [ + "Ġsh", + "rimp" + ], + [ + "ĠBul", + "let" + ], + [ + "U", + "ntil" + ], + [ + "ĠL", + "ock" + ], + [ + "ific", + "ate" + ], + [ + "ĠVen", + "ice" + ], + [ + "Ġimm", + "ersion" + ], + [ + "Ġsw", + "ollen" + ], + [ + "S", + "an" + ], + [ + "at", + "um" + ], + [ + "Ġappe", + "als" + ], + [ + "Ġinequ", + "alities" + ], + [ + "il", + "ated" + ], + [ + "Ġhe", + "ater" + ], + [ + "St", + "at" + ], + [ + "Ġver", + "ified" + ], + [ + "Ġen", + "j" + ], + [ + "Ġend", + "ure" + ], + [ + "inter", + "val" + ], + [ + "Ġsel", + "enium" + ], + [ + "L", + "ight" + ], + [ + "Ġd", + "s" + ], + [ + "ĠE", + "ff" + ], + [ + "ult", + "an" + ], + [ + "ĠAd", + "ults" + ], + [ + "ĠRe", + "ason" + ], + [ + "Ġdepict", + "s" + ], + [ + "g", + "ia" + ], + [ + "Ġt", + "am" + ], + [ + "Ġcommit", + "ting" + ], + [ + "N", + "R" + ], + [ + "ah", + "l" + ], + [ + "rop", + "he" + ], + [ + "Ġul", + "cer" + ], + [ + "ĠC", + "roat" + ], + [ + "Ġle", + "v" + ], + [ + "Ġirre", + "levant" + ], + [ + "p", + "oll" + ], + [ + "lic", + "enses" + ], + [ + "ĠBut", + "ter" + ], + [ + "ĠRuss", + "ians" + ], + [ + "ĠHol", + "lywood" + ], + [ + "ry", + "s" + ], + [ + "Ġmin", + "isters" + ], + [ + "ounc", + "ils" + ], + [ + "Ġmul", + "ch" + ], + [ + "\"", + "\\" + ], + [ + "Ġbra", + "ke" + ], + [ + "Ġun", + "expl" + ], + [ + "arth", + "ritis" + ], + [ + "Ġz", + "o" + ], + [ + "Ġfig", + "ur" + ], + [ + "ĠAtl", + "as" + ], + [ + "ĠCub", + "an" + ], + [ + "Ġimpul", + "se" + ], + [ + "Ġinter", + "cept" + ], + [ + "D", + "om" + ], + [ + "ĠT", + "rees" + ], + [ + "Ġteen", + "age" + ], + [ + "valid", + "ation" + ], + [ + "Current", + "ly" + ], + [ + "ĠS", + "L" + ], + [ + "Stud", + "ies" + ], + [ + "ĠBern", + "ard" + ], + [ + "im", + "ates" + ], + [ + "ĠS", + "ed" + ], + [ + "n", + "ik" + ], + [ + "Ġg", + "on" + ], + [ + "Ġch", + "airs" + ], + [ + "Ġsp", + "ike" + ], + [ + "Ġcy", + "an" + ], + [ + "p", + "ages" + ], + [ + "Ġal", + "arming" + ], + [ + "ĠK", + "an" + ], + [ + "ĠCham", + "ber" + ], + [ + "gener", + "ator" + ], + [ + "ĠP", + "I" + ], + [ + "ĠSouth", + "west" + ], + [ + "izz", + "iness" + ], + [ + "ĠPro", + "tein" + ], + [ + "Ġalb", + "um" + ], + [ + "Ġide", + "ally" + ], + [ + "ĠMel", + "bourne" + ], + [ + "Diff", + "erent" + ], + [ + "Ġc", + "uc" + ], + [ + "Ġvir", + "gin" + ], + [ + "ĠLab", + "our" + ], + [ + "Ġp", + "oured" + ], + [ + "Ġr", + "heumat" + ], + [ + "mod", + "ules" + ], + [ + "Ġlic", + "ensing" + ], + [ + "i", + "our" + ], + [ + "ĠA", + "id" + ], + [ + "ĠUs", + "ers" + ], + [ + "Ġattract", + "ions" + ], + [ + "uss", + "ia" + ], + [ + "ĠB", + "P" + ], + [ + "Ġsc", + "ent" + ], + [ + "Ġin", + "effective" + ], + [ + "ĠW", + "atson" + ], + [ + "ĠCh", + "amp" + ], + [ + "ĠV", + "A" + ], + [ + "Ġamb", + "ition" + ], + [ + "Ġhack", + "ers" + ], + [ + "Ã", + "´" + ], + [ + "Ġexp", + "ands" + ], + [ + "Ġsett", + "ling" + ], + [ + "âĶĢâĶĢ", + "âĶĢâĶĢ" + ], + [ + "T", + "erm" + ], + [ + "f", + "alse" + ], + [ + "Ġelectro", + "des" + ], + [ + "%", + "(" + ], + [ + "n", + "atal" + ], + [ + "\")", + ";" + ], + [ + "Ġst", + "icking" + ], + [ + "Ġhe", + "el" + ], + [ + "Ġremn", + "ants" + ], + [ + "es", + "us" + ], + [ + "Ġtest", + "ament" + ], + [ + "ĠAss", + "y" + ], + [ + "!", + "[" + ], + [ + "am", + "orph" + ], + [ + "ĠB", + "us" + ], + [ + "ef", + "ined" + ], + [ + "En", + "ergy" + ], + [ + "o", + "j" + ], + [ + "Ġfam", + "ilial" + ], + [ + "pher", + "d" + ], + [ + "d", + "al" + ], + [ + "ĠI", + "CT" + ], + [ + "ĠPat", + "ri" + ], + [ + "win", + "ning" + ], + [ + "Ġscre", + "w" + ], + [ + "ĠQu", + "arter" + ], + [ + "Ġteen", + "ager" + ], + [ + "Imple", + "mented" + ], + [ + "Ġillum", + "inate" + ], + [ + "b", + "order" + ], + [ + "Ġsuppl", + "ier" + ], + [ + "Ġstr", + "ides" + ], + [ + "IC", + "AL" + ], + [ + "sens", + "itive" + ], + [ + "idel", + "ity" + ], + [ + "end", + "ix" + ], + [ + "ĠImpro", + "ve" + ], + [ + "ĠRap", + "id" + ], + [ + "ĠC", + "ow" + ], + [ + "Ġdis", + "reg" + ], + [ + "ĠGe", + "ography" + ], + [ + "Ġmiss", + "ile" + ], + [ + "Ġsanct", + "uary" + ], + [ + "Ġsp", + "heres" + ], + [ + "Ġprogress", + "es" + ], + [ + "ĠMod", + "els" + ], + [ + "ĠProgram", + "ming" + ], + [ + "Ġwater", + "ways" + ], + [ + "Ġins", + "ign" + ], + [ + "anc", + "ell" + ], + [ + "ĠNe", + "ither" + ], + [ + "=", + "{}" + ], + [ + "Ġe", + "go" + ], + [ + "ĠJ", + "ama" + ], + [ + "no", + "ise" + ], + [ + "Ġmathematic", + "ians" + ], + [ + "ĠR", + "oot" + ], + [ + "Ġsp", + "ores" + ], + [ + "Ġlog", + "o" + ], + [ + "T", + "EST" + ], + [ + "Ġwor", + "sh" + ], + [ + "Ġinf", + "ilt" + ], + [ + "Ġinter", + "change" + ], + [ + "anc", + "ipation" + ], + [ + "Ġmeas", + "les" + ], + [ + "Ù", + "ħ" + ], + [ + "B", + "est" + ], + [ + "]", + ")." + ], + [ + "Ġbe", + "verage" + ], + [ + "ĠG", + "I" + ], + [ + "Ġclass", + "ify" + ], + [ + "iss", + "ors" + ], + [ + "Ġaltern", + "ating" + ], + [ + "Ġblank", + "et" + ], + [ + "Ġenvelop", + "e" + ], + [ + "Ġgrapp", + "ling" + ], + [ + "ar", + "re" + ], + [ + "and", + "y" + ], + [ + "ĠAn", + "xiety" + ], + [ + "Ġmaster", + "piece" + ], + [ + "ĠTam", + "il" + ], + [ + "R", + "ober" + ], + [ + "Ġl", + "ord" + ], + [ + "Ġg", + "aze" + ], + [ + "ah", + "u" + ], + [ + "th", + "alm" + ], + [ + "Ġb", + "un" + ], + [ + "Ġl", + "asers" + ], + [ + "Ġcr", + "ater" + ], + [ + "Ġdiamond", + "s" + ], + [ + "N", + "ING" + ], + [ + "w", + "ig" + ], + [ + "Ã", + "Ĥ" + ], + [ + "ai", + "ro" + ], + [ + "h", + "l" + ], + [ + "ĠPo", + "etry" + ], + [ + "act", + "ivation" + ], + [ + "ĠIn", + "vent" + ], + [ + "ĠV", + "II" + ], + [ + "Ġgen", + "omic" + ], + [ + "ost", + "ics" + ], + [ + "ĠSt", + "re" + ], + [ + "Ġ[", + "(" + ], + [ + "Ġsie", + "ge" + ], + [ + "in", + "clude" + ], + [ + "Ġnation", + "ally" + ], + [ + "Ġstimul", + "ates" + ], + [ + "ĠR", + "ural" + ], + [ + "Ġ--", + "-" + ], + [ + "Ġcoll", + "isions" + ], + [ + "Ġassim", + "ilation" + ], + [ + "ic", + "iary" + ], + [ + "Ġi", + "i" + ], + [ + "ĠEd", + "inburgh" + ], + [ + "Ġcentral", + "ized" + ], + [ + "ĠGovern", + "ments" + ], + [ + "D", + "iv" + ], + [ + "ol", + "o" + ], + [ + "Ġcool", + "ed" + ], + [ + "Ġgenu", + "inely" + ], + [ + "ĠNG", + "Os" + ], + [ + "Ġmis", + "use" + ], + [ + "ĠAc", + "cept" + ], + [ + "Ġdisc", + "ourag" + ], + [ + "Ġv", + "ague" + ], + [ + "ĠRes", + "olution" + ], + [ + "ust", + "rial" + ], + [ + "Ġsp", + "ends" + ], + [ + "Ġaddition", + "ally" + ], + [ + "}", + "\"." + ], + [ + "----", + "--" + ], + [ + "E", + "ffective" + ], + [ + "Ġw", + "x" + ], + [ + "ĠDirect", + "ions" + ], + [ + "ĠForm", + "at" + ], + [ + "g", + "rown" + ], + [ + "ar", + "us" + ], + [ + "ty", + "m" + ], + [ + "Ġ_", + "," + ], + [ + "irm", + "ingham" + ], + [ + "Pl", + "ace" + ], + [ + "ĠPear", + "l" + ], + [ + "ĠUg", + "anda" + ], + [ + "è", + "¡" + ], + [ + "Ġadd", + "itives" + ], + [ + "Ġroof", + "s" + ], + [ + "Ġov", + "arian" + ], + [ + "ig", + "uous" + ], + [ + "ows", + "ki" + ], + [ + "Ġutil", + "izes" + ], + [ + "ĠF", + "oster" + ], + [ + "ĠDe", + "al" + ], + [ + "F", + "ast" + ], + [ + "Ġco", + "op" + ], + [ + "Ġstring", + "ent" + ], + [ + "Ġm", + "urd" + ], + [ + "Ġse", + "ab" + ], + [ + "ĠU", + "T" + ], + [ + "Ġbi", + "ologist" + ], + [ + "Ġgest", + "ure" + ], + [ + ",", + ")" + ], + [ + "Ġb", + "rit" + ], + [ + "rel", + "ation" + ], + [ + "Ġcontribut", + "or" + ], + [ + "ĠFil", + "m" + ], + [ + "ĠPl", + "atform" + ], + [ + "Ġd", + "t" + ], + [ + "Ġhome", + "owners" + ], + [ + "Ġinsist", + "ed" + ], + [ + "G", + "O" + ], + [ + "M", + "uch" + ], + [ + "in", + "ars" + ], + [ + "Ġgram", + "mat" + ], + [ + "M", + "AP" + ], + [ + "Ġw", + "itch" + ], + [ + "ĠChurch", + "ill" + ], + [ + "Ã", + "¸" + ], + [ + "ĠA", + "chie" + ], + [ + "Ġle", + "aks" + ], + [ + "ĠG", + "O" + ], + [ + "Ġcal", + "f" + ], + [ + "Ġsun", + "set" + ], + [ + "Ġleaf", + "y" + ], + [ + "L", + "at" + ], + [ + "a", + "que" + ], + [ + "à", + "¦" + ], + [ + "Ġno", + "ises" + ], + [ + "Ġshel", + "ters" + ], + [ + "iod", + "iversity" + ], + [ + "ĠMon", + "te" + ], + [ + "Step", + "s" + ], + [ + "Ġsupposed", + "ly" + ], + [ + "Ġs", + "ibling" + ], + [ + "Ġhur", + "ricanes" + ], + [ + "Ġenj", + "oys" + ], + [ + "Ġd", + "read" + ], + [ + "Ġor", + "bits" + ], + [ + "Ġab", + "rupt" + ], + [ + "ĠConst", + "ruct" + ], + [ + "Ġanthrop", + "ology" + ], + [ + "Spec", + "ial" + ], + [ + "k", + "w" + ], + [ + "k", + "ward" + ], + [ + "er", + "ators" + ], + [ + "Ġestab", + "lishes" + ], + [ + "cont", + "act" + ], + [ + "Ġcapt", + "ive" + ], + [ + "Ġcong", + "regation" + ], + [ + "Ġoptim", + "istic" + ], + [ + "Ġexhaust", + "ed" + ], + [ + "Ġfet", + "us" + ], + [ + "Ġrac", + "ist" + ], + [ + "Ġvig", + "or" + ], + [ + "Ġcreat", + "ively" + ], + [ + "comput", + "e" + ], + [ + "Ġpean", + "ut" + ], + [ + "ĠImplement", + "ing" + ], + [ + "g", + "om" + ], + [ + "me", + "al" + ], + [ + "ĠAL", + "L" + ], + [ + "Ġcat", + "he" + ], + [ + "Ġextract", + "s" + ], + [ + "ĠTrans", + "fer" + ], + [ + "Ġcollabor", + "ating" + ], + [ + "ĠMain", + "tain" + ], + [ + "ĠCalcul", + "ate" + ], + [ + "ch", + "air" + ], + [ + "ong", + "o" + ], + [ + "do", + "ctor" + ], + [ + "cal", + "cul" + ], + [ + "ĠScient", + "ist" + ], + [ + "Ġh", + "alt" + ], + [ + "ĠV", + "oice" + ], + [ + "Ġscient", + "ifically" + ], + [ + "Ġarg", + "u" + ], + [ + "ĠRed", + "uce" + ], + [ + "Ġprem", + "ises" + ], + [ + "Ġdesc", + "ended" + ], + [ + "c", + "ot" + ], + [ + "t", + "ake" + ], + [ + "Ġd", + "uck" + ], + [ + "ĠEl", + "se" + ], + [ + "ov", + "ie" + ], + [ + "y", + "label" + ], + [ + "Ġt", + "ant" + ], + [ + "ĠW", + "ash" + ], + [ + "Ġco", + "ined" + ], + [ + "ĠIm", + "plications" + ], + [ + "ĠInst", + "ru" + ], + [ + "ĠPre", + "t" + ], + [ + "à¤", + "°" + ], + [ + "R", + "est" + ], + [ + "ane", + "ously" + ], + [ + "Ġdiagn", + "oses" + ], + [ + "aur", + "us" + ], + [ + "ĠFre", + "ud" + ], + [ + "ĠP", + "LA" + ], + [ + "Ġant", + "igen" + ], + [ + "b", + "eth" + ], + [ + "f", + "ar" + ], + [ + "anc", + "he" + ], + [ + "Ġunivers", + "ally" + ], + [ + "process", + "ed" + ], + [ + "Stud", + "y" + ], + [ + "Ġdisrupt", + "ed" + ], + [ + "Ġr", + "idge" + ], + [ + "ĠR", + "AM" + ], + [ + "Ġcondem", + "ned" + ], + [ + "L", + "anguage" + ], + [ + "Ġe", + "ats" + ], + [ + "Ġinn", + "oc" + ], + [ + "ĠRepresent", + "atives" + ], + [ + "E", + "s" + ], + [ + "and", + "om" + ], + [ + "config", + "uration" + ], + [ + "Ġmonaster", + "y" + ], + [ + "ĠH", + "imal" + ], + [ + "it", + "ures" + ], + [ + "Ġspec", + "ulation" + ], + [ + "oc", + "ating" + ], + [ + "Ġpred", + "ator" + ], + [ + "ĠA", + "V" + ], + [ + "ĠM", + "ir" + ], + [ + "Ġ{}", + "'." + ], + [ + "Ġseiz", + "ure" + ], + [ + "ĠC", + "ort" + ], + [ + "Ġget", + "attr" + ], + [ + "inst", + "all" + ], + [ + "ĠEss", + "ays" + ], + [ + "Ġdownt", + "own" + ], + [ + "Dat", + "aset" + ], + [ + "-", + "," + ], + [ + "r", + "il" + ], + [ + "Ġreluct", + "ant" + ], + [ + "Ind", + "ia" + ], + [ + "iss", + "a" + ], + [ + "pol", + "itical" + ], + [ + "ĠR", + "aw" + ], + [ + "Ġtra", + "ded" + ], + [ + "Ġsol", + "o" + ], + [ + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠ" + ], + [ + "allow", + "een" + ], + [ + "Ġsour", + "ced" + ], + [ + "ĠC", + "her" + ], + [ + "ans", + "om" + ], + [ + "Ġumb", + "rella" + ], + [ + "Writ", + "ing" + ], + [ + "b", + "ucket" + ], + [ + "app", + "le" + ], + [ + "Ġvalid", + "ated" + ], + [ + "Ġcl", + "ocks" + ], + [ + "Ġstream", + "ing" + ], + [ + "HO", + "UT" + ], + [ + "Ġabsorb", + "ing" + ], + [ + "ĠGene", + "va" + ], + [ + "ĠCitiz", + "ens" + ], + [ + "Ġt", + "iger" + ], + [ + "ill", + "in" + ], + [ + "Ġdel", + "ivers" + ], + [ + "Ġwin", + "ters" + ], + [ + "ĠEx", + "cess" + ], + [ + "Ġtax", + "pay" + ], + [ + "ĠFin", + "ance" + ], + [ + "Ġgi", + "ants" + ], + [ + "Ġh", + "ast" + ], + [ + "Ġan", + "nex" + ], + [ + "Ġsp", + "oon" + ], + [ + "Ġcharacter", + "ize" + ], + [ + "amm", + "ed" + ], + [ + "lex", + "ia" + ], + [ + "con", + "taining" + ], + [ + "Ġest", + "eem" + ], + [ + "Ġcross", + "es" + ], + [ + "Net", + "work" + ], + [ + "Ġsh", + "ipped" + ], + [ + "Ġche", + "w" + ], + [ + "Ġt", + "il" + ], + [ + "ĠN", + "it" + ], + [ + "ĠSu", + "ff" + ], + [ + "ĠHol", + "land" + ], + [ + "Ġdeterior", + "ation" + ], + [ + "]", + "[\"" + ], + [ + "Ġproceed", + "ing" + ], + [ + "Ġbro", + "ccoli" + ], + [ + "ĠÐ", + "¿" + ], + [ + "Ġ", + "Ñģ" + ], + [ + "Ġatt", + "ained" + ], + [ + "Ġfin", + "est" + ], + [ + "sw", + "ig" + ], + [ + "^", + "{" + ], + [ + "Ġre", + "lic" + ], + [ + "Ġhyd", + "rop" + ], + [ + "v", + "ier" + ], + [ + "id", + "able" + ], + [ + "Ġret", + "rieved" + ], + [ + "XX", + "XX" + ], + [ + "ĠZh", + "ang" + ], + [ + "C", + "ond" + ], + [ + "Ġmal", + "nutrition" + ], + [ + "Ġneut", + "r" + ], + [ + "Ġman", + "g" + ], + [ + "Ġover", + "th" + ], + [ + "ars", + "on" + ], + [ + "Ġbur", + "ge" + ], + [ + "Ġreb", + "uild" + ], + [ + "Ġru", + "in" + ], + [ + "G", + "ra" + ], + [ + "ĠLy", + "me" + ], + [ + "ĠL", + "ud" + ], + [ + "ĠV", + "el" + ], + [ + "Ġske", + "ptic" + ], + [ + "ra", + "ment" + ], + [ + "sh", + "are" + ], + [ + "ĠOpt", + "im" + ], + [ + "Ġdialect", + "s" + ], + [ + "ĠArmen", + "ian" + ], + [ + "ĠT", + "ensor" + ], + [ + "Ġde", + "form" + ], + [ + "Ġun", + "equal" + ], + [ + "ĠRelations", + "hips" + ], + [ + "T", + "aking" + ], + [ + "ore", + "n" + ], + [ + "ĠH", + "ousing" + ], + [ + "Ġle", + "tt" + ], + [ + "Ġdis", + "mant" + ], + [ + "ĠRe", + "ich" + ], + [ + "oc", + "o" + ], + [ + "ĠSe", + "lection" + ], + [ + "gl", + "ob" + ], + [ + "P", + "ut" + ], + [ + "Ġon", + "ion" + ], + [ + "ribut", + "ions" + ], + [ + "ĠBe", + "ck" + ], + [ + "in", + "ational" + ], + [ + "ĠC", + "e" + ], + [ + "lect", + "ric" + ], + [ + "ĠVerm", + "ont" + ], + [ + "i", + "ots" + ], + [ + "Ġthere", + "after" + ], + [ + "Ġdef", + "enses" + ], + [ + "Ġinter", + "pol" + ], + [ + "Ġembry", + "os" + ], + [ + "ĠRen", + "ew" + ], + [ + "Line", + "ar" + ], + [ + "f", + "em" + ], + [ + "app", + "rox" + ], + [ + "Ġsubsc", + "ription" + ], + [ + "Educ", + "ation" + ], + [ + "Ġcomp", + "elled" + ], + [ + "ĠFl", + "ag" + ], + [ + "Ġoptim", + "izing" + ], + [ + "â", + "Ī" + ], + [ + "ĠD", + "ance" + ], + [ + "Ġtemper", + "ate" + ], + [ + ".", + "âĢĶ" + ], + [ + "L", + "INE" + ], + [ + "ĠEx", + "actly" + ], + [ + "Form", + "at" + ], + [ + "v", + "iol" + ], + [ + "ĠK", + "ant" + ], + [ + "Ġpriv", + "ately" + ], + [ + "ĠSpr", + "ings" + ], + [ + "Ġthir", + "teen" + ], + [ + "Ġreservoir", + "s" + ], + [ + "Ġtr", + "ump" + ], + [ + "Ġevap", + "oration" + ], + [ + "as", + "uring" + ], + [ + "ñ", + "o" + ], + [ + "Ã", + "ª" + ], + [ + "Ġinc", + "ap" + ], + [ + "Ġsimultane", + "ous" + ], + [ + "Ġview", + "point" + ], + [ + "ĠFl", + "ash" + ], + [ + "ĠGra", + "ham" + ], + [ + "Ġplaus", + "ible" + ], + [ + "c", + "b" + ], + [ + "ise", + "xual" + ], + [ + "Ġdest", + "iny" + ], + [ + "ĠCont", + "ract" + ], + [ + "Ġembark", + "ed" + ], + [ + "è", + "®" + ], + [ + "el", + "if" + ], + [ + "ĠJud", + "ge" + ], + [ + "rel", + "ations" + ], + [ + "ĠMay", + "or" + ], + [ + "Ġbur", + "nt" + ], + [ + "ij", + "i" + ], + [ + "Ġsail", + "ors" + ], + [ + "B", + "ER" + ], + [ + "G", + "old" + ], + [ + "in", + "ist" + ], + [ + "Ġvert", + "ically" + ], + [ + "Ġdilem", + "mas" + ], + [ + "e", + "ered" + ], + [ + "Ġstress", + "ors" + ], + [ + "ĠYe", + "ah" + ], + [ + "Ġsol", + "itary" + ], + [ + "ĠAc", + "id" + ], + [ + "ograp", + "hers" + ], + [ + "Ġl", + "od" + ], + [ + "Ġun", + "just" + ], + [ + "Ġant", + "idepress" + ], + [ + "Ġc", + "ured" + ], + [ + "Ġh", + "ats" + ], + [ + "ĠGu", + "ate" + ], + [ + "f", + "r" + ], + [ + "Ġpill", + "ars" + ], + [ + "pret", + "ation" + ], + [ + "ĠB", + "ak" + ], + [ + "ĠG", + "rowing" + ], + [ + "ĠSecond", + "ary" + ], + [ + "!", + ")." + ], + [ + "imb", + "abwe" + ], + [ + "ĠWARRAN", + "TIES" + ], + [ + "is", + "ans" + ], + [ + "ĠState", + "ment" + ], + [ + "Ġregul", + "ates" + ], + [ + "Ġhem", + "orrh" + ], + [ + "Ġind", + "ef" + ], + [ + "z", + "ek" + ], + [ + "il", + "ia" + ], + [ + "ject", + "ion" + ], + [ + "Ġcall", + "back" + ], + [ + "iqu", + "id" + ], + [ + "e", + "a" + ], + [ + "Ġalt", + "ar" + ], + [ + "b", + "ach" + ], + [ + "t", + "ri" + ], + [ + "eth", + "ical" + ], + [ + "Ġsc", + "aff" + ], + [ + "comp", + "onent" + ], + [ + "ĠNO", + "AA" + ], + [ + "ĠPl", + "ans" + ], + [ + "ĠAra", + "bs" + ], + [ + "w", + "ild" + ], + [ + "ist", + "ration" + ], + [ + "ke", + "e" + ], + [ + "ident", + "ial" + ], + [ + "rep", + "o" + ], + [ + "е", + "н" + ], + [ + "p", + "aced" + ], + [ + "ĠHub", + "ble" + ], + [ + "g", + "amma" + ], + [ + "Ġwe", + "aving" + ], + [ + "Ġadm", + "ire" + ], + [ + "Ġarsen", + "ic" + ], + [ + "Ġdec", + "ipher" + ], + [ + "der", + "ived" + ], + [ + "w", + "arn" + ], + [ + "ĠV", + "ancouver" + ], + [ + "eli", + "ac" + ], + [ + "ĠSen", + "ator" + ], + [ + "Ġfundament", + "als" + ], + [ + "Ġsuperf", + "icial" + ], + [ + "ĠK", + "ir" + ], + [ + "Ġdec", + "isive" + ], + [ + "ĠCont", + "ents" + ], + [ + "Ġco", + "aching" + ], + [ + "Ġorig", + "inate" + ], + [ + "ĠZ", + "ero" + ], + [ + "P", + "G" + ], + [ + "p", + "al" + ], + [ + "Ġw", + "icked" + ], + [ + "un", + "iform" + ], + [ + "Ġemb", + "ro" + ], + [ + "m", + "apping" + ], + [ + "Ġhun", + "ter" + ], + [ + "Ġf", + "res" + ], + [ + "ĠS", + "ie" + ], + [ + "Ġvibr", + "ations" + ], + [ + "produ", + "cing" + ], + [ + "L", + "ib" + ], + [ + "it", + "ism" + ], + [ + "Ġdisc", + "ord" + ], + [ + "ĠSmith", + "sonian" + ], + [ + "Ġmicrosc", + "opy" + ], + [ + "Bas", + "ic" + ], + [ + "æ", + "ĺ" + ], + [ + "Ġdon", + "ations" + ], + [ + "met", + "rical" + ], + [ + "ec", + "d" + ], + [ + "Ġtext", + "iles" + ], + [ + "s", + "aving" + ], + [ + "Ġre", + "named" + ], + [ + "Ġl", + "b" + ], + [ + "ĠBe", + "at" + ], + [ + "Ġprophe", + "ts" + ], + [ + "T", + "ask" + ], + [ + "ĠC", + "ells" + ], + [ + "ĠH", + "alf" + ], + [ + "Ġment", + "ors" + ], + [ + "Add", + "ress" + ], + [ + "Ġampl", + "itude" + ], + [ + "S", + "cript" + ], + [ + "comp", + "onents" + ], + [ + "or", + "f" + ], + [ + "ill", + "us" + ], + [ + "Ġdro", + "plets" + ], + [ + "ĠDiscuss", + "ion" + ], + [ + "ĠUkrain", + "ian" + ], + [ + "Ġre", + "q" + ], + [ + "ad", + "apt" + ], + [ + "ĠN", + "ode" + ], + [ + "B", + "esides" + ], + [ + "o", + "ks" + ], + [ + "Ġst", + "al" + ], + [ + "Ġcoc", + "aine" + ], + [ + "ا", + "ÙĦ" + ], + [ + "ĠEn", + "lightenment" + ], + [ + "ĠGen", + "etics" + ], + [ + "Ġcoast", + "line" + ], + [ + "Ġenric", + "hed" + ], + [ + "D", + "el" + ], + [ + "act", + "ing" + ], + [ + "Ġev", + "apor" + ], + [ + "b", + "rown" + ], + [ + "ĠC", + "ycl" + ], + [ + "ĠJ", + "en" + ], + [ + "Ġtop", + "ical" + ], + [ + "Ġemp", + "owered" + ], + [ + "Ġamend", + "ments" + ], + [ + "Ġde", + "port" + ], + [ + "Ġend", + "point" + ], + [ + "ele", + "ments" + ], + [ + "Ġinject", + "ions" + ], + [ + "Ġeager", + "ly" + ], + [ + "=", + "[\"" + ], + [ + "ch", + "lor" + ], + [ + "erg", + "ic" + ], + [ + "Ġmusic", + "ian" + ], + [ + "ĠDub", + "lin" + ], + [ + "ĠW", + "ere" + ], + [ + "B", + "r" + ], + [ + "H", + "ey" + ], + [ + "Î", + "²" + ], + [ + "ent", + "ary" + ], + [ + "ĠP", + "ad" + ], + [ + "ann", + "ab" + ], + [ + "EN", + "S" + ], + [ + "Ġfair", + "y" + ], + [ + "Ġbudget", + "s" + ], + [ + "ĠFinn", + "ish" + ], + [ + "F", + "rench" + ], + [ + "Ġv", + "i" + ], + [ + "sw", + "ers" + ], + [ + "AS", + "H" + ], + [ + "Ġown", + "s" + ], + [ + "ĠMan", + "aging" + ], + [ + "cycl", + "ing" + ], + [ + "ĠCond", + "ition" + ], + [ + "Brit", + "ish" + ], + [ + "M", + "ich" + ], + [ + "Ġbi", + "os" + ], + [ + "Ġmel", + "ted" + ], + [ + "ĠOlymp", + "ics" + ], + [ + "Ġcaval", + "ry" + ], + [ + "l", + "ins" + ], + [ + "m", + "ut" + ], + [ + "P", + "OS" + ], + [ + "Ġexceed", + "ed" + ], + [ + "Ġe", + "agle" + ], + [ + "ĠSt", + "ri" + ], + [ + "Ġstation", + "ary" + ], + [ + "Ġmitochond", + "rial" + ], + [ + "Ġpy", + "game" + ], + [ + "Ġnumb", + "ered" + ], + [ + "Ġweb", + "page" + ], + [ + "Ġmod", + "ifying" + ], + [ + "Ġdecom", + "position" + ], + [ + "ĠConcept", + "s" + ], + [ + "Ġback", + "wards" + ], + [ + "Ġiter", + "ations" + ], + [ + "Ġf", + "ores" + ], + [ + "Ġdis", + "cretion" + ], + [ + "x", + "label" + ], + [ + "if", + "ted" + ], + [ + "Ġsc", + "rub" + ], + [ + "ĠM", + "aur" + ], + [ + "Ġacc", + "us" + ], + [ + "Ġdist", + "inctions" + ], + [ + "Ġread", + "iness" + ], + [ + "iment", + "ary" + ], + [ + "bo", + "at" + ], + [ + "ĠBal", + "ance" + ], + [ + "ĠVal", + "ues" + ], + [ + "forget", + "table" + ], + [ + "ut", + "ers" + ], + [ + "Ġprison", + "er" + ], + [ + "ur", + "ia" + ], + [ + "Ġj", + "unction" + ], + [ + "Ġhold", + "er" + ], + [ + "mean", + "ing" + ], + [ + "Ġevid", + "enced" + ], + [ + "Ġcan", + "als" + ], + [ + "work", + "er" + ], + [ + "cles", + "i" + ], + [ + "ĠW", + "ait" + ], + [ + "MA", + "X" + ], + [ + "ĠSign", + "s" + ], + [ + "Ġbibli", + "ography" + ], + [ + "ĠA", + "pr" + ], + [ + "Ġup", + "stream" + ], + [ + "Ġover", + "coming" + ], + [ + "B", + "P" + ], + [ + "Ġsl", + "ot" + ], + [ + "Ġair", + "way" + ], + [ + "Ġelectro", + "de" + ], + [ + "di", + "agn" + ], + [ + "c", + "row" + ], + [ + "ĠG", + "ast" + ], + [ + "Ġall", + "ocate" + ], + [ + "P", + "ack" + ], + [ + "s", + "ay" + ], + [ + "Ġcategor", + "ized" + ], + [ + "Ġdepr", + "ivation" + ], + [ + "ĠGuard", + "ian" + ], + [ + "ĠR", + "av" + ], + [ + "In", + "c" + ], + [ + "Ġoccur", + "rences" + ], + [ + "Ġoun", + "ces" + ], + [ + "ĠInd", + "o" + ], + [ + "ĠPublic", + "ations" + ], + [ + "Dig", + "ital" + ], + [ + "Ġburge", + "oning" + ], + [ + "ĠG", + "roups" + ], + [ + "Im", + "p" + ], + [ + "M", + "ock" + ], + [ + "count", + "s" + ], + [ + "ĠShe", + "et" + ], + [ + "ĠAb", + "u" + ], + [ + "ster", + "dam" + ], + [ + "ĠJosh", + "ua" + ], + [ + "Ġf", + "ranch" + ], + [ + "if", + "est" + ], + [ + "ge", + "on" + ], + [ + "Ġback", + "bone" + ], + [ + "Ġcapt", + "ivity" + ], + [ + "ĠHot", + "el" + ], + [ + "Ġi", + "Phone" + ], + [ + "c", + "ro" + ], + [ + "Ġrespect", + "s" + ], + [ + "ĊĊ", + "ĊĊ" + ], + [ + "Ġcongen", + "ital" + ], + [ + "Ġco", + "ated" + ], + [ + "Read", + "ing" + ], + [ + "tox", + "ic" + ], + [ + "Ġquant", + "ify" + ], + [ + "V", + "ersion" + ], + [ + "ĠC", + "hes" + ], + [ + "Ġche", + "fs" + ], + [ + "Ġter", + "ra" + ], + [ + "Ġindic", + "ative" + ], + [ + "Ġmort", + "gage" + ], + [ + "keep", + "ers" + ], + [ + "Ġlivelihood", + "s" + ], + [ + "ĠL", + "ives" + ], + [ + "Ġreg", + "ain" + ], + [ + "ĠTem", + "perature" + ], + [ + "urch", + "ase" + ], + [ + "Ġw", + "aking" + ], + [ + "Ġcal", + "ibration" + ], + [ + "aph", + "rag" + ], + [ + "ĠS", + "ikh" + ], + [ + "ruct", + "ose" + ], + [ + "E", + "ffect" + ], + [ + "an", + "mar" + ], + [ + "Ġany", + "time" + ], + [ + "aff", + "e" + ], + [ + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠ" + ], + [ + "ĠExp", + "ression" + ], + [ + "Ġlibert", + "ies" + ], + [ + "l", + "ists" + ], + [ + "per", + "formance" + ], + [ + "the", + "se" + ], + [ + "it", + "ating" + ], + [ + "le", + "v" + ], + [ + "Ġ'", + "{" + ], + [ + "ĠF", + "ear" + ], + [ + "Ġarchae", + "ology" + ], + [ + "ĠEx", + "cell" + ], + [ + "ĠV", + "ict" + ], + [ + "Ġteasp", + "oon" + ], + [ + "Ġdetect", + "ors" + ], + [ + "ĠSte", + "in" + ], + [ + "Ġscal", + "p" + ], + [ + "e", + "ach" + ], + [ + "Ġland", + "marks" + ], + [ + "Ġt", + "k" + ], + [ + "Ġsp", + "ans" + ], + [ + "ĠH", + "orn" + ], + [ + "Ġcor", + "pus" + ], + [ + "ĠHarr", + "ison" + ], + [ + "pe", + "er" + ], + [ + "Ġalkal", + "ine" + ], + [ + "Ġmy", + "el" + ], + [ + "Ġaug", + "mented" + ], + [ + "tain", + "ed" + ], + [ + "Ġhyp", + "oth" + ], + [ + "Ġthe", + "r" + ], + [ + "Ġforecast", + "s" + ], + [ + "if", + "ts" + ], + [ + "FOR", + "M" + ], + [ + "%", + "%" + ], + [ + "t", + "ailed" + ], + [ + "ĠR", + "ES" + ], + [ + "ĠTanz", + "ania" + ], + [ + "lu", + "ent" + ], + [ + "Ġnarr", + "ator" + ], + [ + "Ġde", + "pletion" + ], + [ + "Ġthere", + "of" + ], + [ + "Ġback", + "ing" + ], + [ + "Ġbar", + "rels" + ], + [ + "Ġcompl", + "ain" + ], + [ + "Ġun", + "limited" + ], + [ + "Ġdesper", + "ate" + ], + [ + "p", + "ars" + ], + [ + "ĠL", + "ag" + ], + [ + "Ġeng", + "lish" + ], + [ + "ĠMe", + "et" + ], + [ + "ĠHel", + "en" + ], + [ + "Ġremind", + "ers" + ], + [ + "Ġhel", + "met" + ], + [ + "Ġconstruct", + "s" + ], + [ + "Ġmiscon", + "ceptions" + ], + [ + "ĠLeban", + "on" + ], + [ + "ĠC", + "rypt" + ], + [ + "ĠEx", + "posure" + ], + [ + "Ġbas", + "al" + ], + [ + "Ġrecover", + "ing" + ], + [ + "Ġgra", + "phe" + ], + [ + "Ġallerg", + "ens" + ], + [ + "i", + "am" + ], + [ + "m", + "ol" + ], + [ + "Ġcough", + "ing" + ], + [ + "Ġmen", + "opause" + ], + [ + "Ġpra", + "irie" + ], + [ + "Ġpro", + "to" + ], + [ + "ĠP", + "S" + ], + [ + "Ġany", + "body" + ], + [ + "Ġsc", + "ored" + ], + [ + "Ġmeant", + "ime" + ], + [ + "Î", + "¯" + ], + [ + "Ġha", + "w" + ], + [ + "l", + "arge" + ], + [ + "Ġf", + "el" + ], + [ + "ĠM", + "T" + ], + [ + "Ġir", + "res" + ], + [ + "ĠCh", + "art" + ], + [ + "Ġplan", + "ners" + ], + [ + "Ġrain", + "forest" + ], + [ + "ĠLeg", + "acy" + ], + [ + "organ", + "ization" + ], + [ + "Ġf", + "ishes" + ], + [ + "Ġconstell", + "ation" + ], + [ + "gom", + "ery" + ], + [ + "g", + "ard" + ], + [ + "Pl", + "ane" + ], + [ + "ĠElect", + "rical" + ], + [ + "on", + "ce" + ], + [ + "Ġqu", + "izzes" + ], + [ + "Ġbl", + "ues" + ], + [ + "ĠDi", + "am" + ], + [ + "Ġshar", + "ply" + ], + [ + "Ġfoot", + "age" + ], + [ + "vis", + "ible" + ], + [ + "s", + "ampl" + ], + [ + "Ġt", + "idal" + ], + [ + "atern", + "ity" + ], + [ + "W", + "ar" + ], + [ + "Ġmod", + "elling" + ], + [ + "Ġsign", + "ifies" + ], + [ + "Ġoper", + "a" + ], + [ + "Ġom", + "n" + ], + [ + "ĠInter", + "ior" + ], + [ + "ĠDist", + "ribution" + ], + [ + "Ġpro", + "w" + ], + [ + "Ġknowledge", + "able" + ], + [ + "Ġcalcul", + "us" + ], + [ + "Ġe", + "clipse" + ], + [ + "ear", + "th" + ], + [ + "Ġmaneu", + "ver" + ], + [ + "Ġch", + "ol" + ], + [ + "Ġstr", + "anger" + ], + [ + "ĠW", + "ire" + ], + [ + "Ġspecial", + "izing" + ], + [ + "J", + "ournal" + ], + [ + "up", + "us" + ], + [ + "ĠVal", + "ent" + ], + [ + "Ġpro", + "claimed" + ], + [ + "Ġblu", + "eprint" + ], + [ + "Ġc", + "ass" + ], + [ + "Ġth", + "igh" + ], + [ + "ĠW", + "aters" + ], + [ + "Ġlong", + "itudinal" + ], + [ + "Ġf", + "aint" + ], + [ + "ect", + "ive" + ], + [ + "fil", + "m" + ], + [ + "ĠPers", + "pectives" + ], + [ + "bas", + "ic" + ], + [ + "ĠReg", + "iment" + ], + [ + "leg", + "end" + ], + [ + "F", + "N" + ], + [ + "l", + "arg" + ], + [ + "ĠCh", + "anging" + ], + [ + "Ġdisc", + "ourage" + ], + [ + "Ġexpect", + "s" + ], + [ + "ĠSign", + "ificance" + ], + [ + "sur", + "face" + ], + [ + "App", + "lication" + ], + [ + "Ġvigil", + "ant" + ], + [ + "EC", + "D" + ], + [ + "Ġantim", + "icrobial" + ], + [ + "ĠH", + "D" + ], + [ + "ustom", + "ed" + ], + [ + "oe", + "ing" + ], + [ + "Bet", + "ween" + ], + [ + "od", + "ic" + ], + [ + "Ġr", + "ud" + ], + [ + "IC", + "T" + ], + [ + "Ġtim", + "ed" + ], + [ + "Ġtransf", + "erring" + ], + [ + "ann", + "on" + ], + [ + "Ġabbre", + "v" + ], + [ + "Ġtsun", + "ami" + ], + [ + "og", + "an" + ], + [ + "ĠL", + "it" + ], + [ + "Ġintu", + "ition" + ], + [ + "Ġnanop", + "articles" + ], + [ + "L", + "ength" + ], + [ + "Ġphot", + "ographic" + ], + [ + "Im", + "pro" + ], + [ + "b", + "ounds" + ], + [ + "Ġh", + "ips" + ], + [ + "Ġun", + "cle" + ], + [ + "Ġmission", + "aries" + ], + [ + "Ġju", + "ices" + ], + [ + "Ġcoc", + "oa" + ], + [ + "ERR", + "OR" + ], + [ + "Ġb", + "ending" + ], + [ + "ra", + "is" + ], + [ + "ĠD", + "in" + ], + [ + "Ġgen", + "omes" + ], + [ + "ĠBe", + "hav" + ], + [ + "ĠF", + "itz" + ], + [ + "Ġun", + "ve" + ], + [ + "cell", + "s" + ], + [ + "Ġlisten", + "er" + ], + [ + "k", + "eras" + ], + [ + "ĠK", + "ur" + ], + [ + "amp", + "us" + ], + [ + "Ġcat", + "ar" + ], + [ + "Ġopen", + "ings" + ], + [ + "Ġseason", + "ed" + ], + [ + "o", + "arthritis" + ], + [ + "ĠT", + "ru" + ], + [ + "ĠW", + "ear" + ], + [ + "Ġinc", + "arc" + ], + [ + "ĠChar", + "ter" + ], + [ + "Ġfort", + "ified" + ], + [ + "Ab", + "stract" + ], + [ + "Ġde", + "ities" + ], + [ + "Ch", + "annel" + ], + [ + "develop", + "ment" + ], + [ + "Lay", + "er" + ], + [ + "Ġoccup", + "ations" + ], + [ + "Ġgar", + "ments" + ], + [ + "Ġderiv", + "atives" + ], + [ + "ĠMan", + "hattan" + ], + [ + "et", + "ta" + ], + [ + "Ġdead", + "lines" + ], + [ + "Ġcr", + "ashes" + ], + [ + "Ġf", + "ond" + ], + [ + "Ġfore", + "front" + ], + [ + "ĠEpid", + "em" + ], + [ + "ĠB", + "enn" + ], + [ + "Ġaw", + "ake" + ], + [ + "Ġ<", + "/" + ], + [ + "ĠMorm", + "on" + ], + [ + "Ġfol", + "lic" + ], + [ + "ĠWh", + "ole" + ], + [ + "h", + "on" + ], + [ + "Ġg", + "ems" + ], + [ + "ĠB", + "ou" + ], + [ + "ĠDis", + "play" + ], + [ + "V", + "itamin" + ], + [ + "ĠMit", + "chell" + ], + [ + "Ġass", + "ay" + ], + [ + "ĠIncre", + "asing" + ], + [ + "Ġcommem", + "or" + ], + [ + "T", + "ur" + ], + [ + "c", + "uts" + ], + [ + "govern", + "ment" + ], + [ + "ĠHung", + "arian" + ], + [ + "Ġpancreat", + "ic" + ], + [ + "ĠR", + "w" + ], + [ + "Ġbacter", + "ium" + ], + [ + "Ġresid", + "ues" + ], + [ + "Ġw", + "rest" + ], + [ + "l", + "ang" + ], + [ + "Ġimp", + "osing" + ], + [ + "av", + "an" + ], + [ + "Ġpath", + "ology" + ], + [ + "ĠBas", + "ics" + ], + [ + "Wid", + "gets" + ], + [ + "Ġtail", + "or" + ], + [ + "p", + "aid" + ], + [ + "Ġdis", + "gu" + ], + [ + "Ġdiplom", + "acy" + ], + [ + "ber", + "y" + ], + [ + "supp", + "ort" + ], + [ + "You", + "ng" + ], + [ + "Ġpert", + "inent" + ], + [ + "P", + "resent" + ], + [ + "Ġp", + "acks" + ], + [ + "Ġsp", + "ouse" + ], + [ + "Ra", + "ises" + ], + [ + "Ġt", + "ribute" + ], + [ + "rom", + "b" + ], + [ + "ag", + "ogue" + ], + [ + "Ġinit", + "iation" + ], + [ + "Ġhierarch", + "ical" + ], + [ + "Ġse", + "aw" + ], + [ + "reg", + "ated" + ], + [ + "Ġsecret", + "ion" + ], + [ + "Ġspecial", + "ize" + ], + [ + "ĠTr", + "inity" + ], + [ + "bl", + "ind" + ], + [ + "Ġc", + "hess" + ], + [ + "Ġyield", + "ed" + ], + [ + "Cl", + "oud" + ], + [ + "ĠS", + "old" + ], + [ + "ĠK", + "er" + ], + [ + "Ġrece", + "i" + ], + [ + "Ġphosph", + "ate" + ], + [ + "Ġnick", + "el" + ], + [ + "Fact", + "ory" + ], + [ + "o", + "oth" + ], + [ + "Ġass", + "urance" + ], + [ + "Ġdep", + "ressive" + ], + [ + "ĠInteg", + "rated" + ], + [ + "ph", + "ot" + ], + [ + "Ġpenet", + "ration" + ], + [ + "oun", + "sel" + ], + [ + "Ġremark", + "ably" + ], + [ + "fund", + "ed" + ], + [ + "Ġ<", + "<" + ], + [ + "Ġdoctor", + "al" + ], + [ + "ĠPier", + "re" + ], + [ + "ĠP", + "ET" + ], + [ + "Ġca", + "red" + ], + [ + "b", + "ands" + ], + [ + "Ġtechn", + "icians" + ], + [ + "ellect", + "ual" + ], + [ + "aw", + "i" + ], + [ + "Ġhair", + "s" + ], + [ + "Ġassist", + "ing" + ], + [ + "Ġsor", + "ry" + ], + [ + "ĠLic", + "ensed" + ], + [ + "le", + "e" + ], + [ + "ĠThe", + "atre" + ], + [ + "Ġbal", + "ances" + ], + [ + "fol", + "k" + ], + [ + "Expl", + "oring" + ], + [ + "Ġchar", + "coal" + ], + [ + "D", + "IT" + ], + [ + "if", + "ers" + ], + [ + "ac", + "o" + ], + [ + "Ġso", + "res" + ], + [ + "ĠK", + "el" + ], + [ + "Ġthick", + "er" + ], + [ + "osc", + "ope" + ], + [ + "ĠCollab", + "orative" + ], + [ + "ĠFem", + "ale" + ], + [ + "Ġre", + "con" + ], + [ + "G", + "C" + ], + [ + "d", + "og" + ], + [ + "Ġto", + "ps" + ], + [ + "Ġtrack", + "ed" + ], + [ + "Ġsubmar", + "ine" + ], + [ + "et", + "tes" + ], + [ + "ĠAltern", + "ative" + ], + [ + "Ù", + "ĩ" + ], + [ + "at", + "able" + ], + [ + "Ag", + "ain" + ], + [ + "Environment", + "al" + ], + [ + "ter", + "ing" + ], + [ + "ap", + "a" + ], + [ + "Ġtheore", + "m" + ], + [ + "Ġinver", + "te" + ], + [ + "-", + ">" + ], + [ + "n", + "ih" + ], + [ + "ĠH", + "us" + ], + [ + "Ġob", + "edience" + ], + [ + "Ġtri", + "angles" + ], + [ + "I", + "ts" + ], + [ + "int", + "s" + ], + [ + "Ġr", + "anged" + ], + [ + "Ġhapp", + "ily" + ], + [ + "de", + "hy" + ], + [ + "Ġbless", + "ings" + ], + [ + "d", + "ensity" + ], + [ + "Ġl", + "ays" + ], + [ + "Ġbi", + "ased" + ], + [ + "ĠDynam", + "ics" + ], + [ + "Ġwor", + "sen" + ], + [ + "ĠSt", + "orm" + ], + [ + "Ġsym", + "pathetic" + ], + [ + "ĠOff", + "er" + ], + [ + "an", + "im" + ], + [ + "ĠB", + "irmingham" + ], + [ + "del", + "ay" + ], + [ + "Ġfortun", + "ate" + ], + [ + "Ġleg", + "acies" + ], + [ + "Ġdistract", + "ed" + ], + [ + "Ġwh", + "olly" + ], + [ + "ab", + "ol" + ], + [ + "Ġrest", + "s" + ], + [ + "Ġencompass", + "ing" + ], + [ + "ĠI", + "EEE" + ], + [ + "C", + "ost" + ], + [ + "ĠT", + "ang" + ], + [ + "ĠW", + "es" + ], + [ + "ĠV", + "ent" + ], + [ + "old", + "ing" + ], + [ + "eng", + "ue" + ], + [ + "ĠLe", + "ave" + ], + [ + "Ġasc", + "ertain" + ], + [ + "ut", + "ral" + ], + [ + "sy", + "nc" + ], + [ + "Ġappear", + "ances" + ], + [ + "Qu", + "ery" + ], + [ + "ĠS", + "weet" + ], + [ + "ul", + "ed" + ], + [ + "Ġtw", + "ins" + ], + [ + "Ġaw", + "kward" + ], + [ + "ĠGa", + "ussian" + ], + [ + "t", + "reatment" + ], + [ + "ĠS", + "cre" + ], + [ + "set", + "ting" + ], + [ + "ber", + "ty" + ], + [ + "all", + "as" + ], + [ + "Ġsl", + "aughter" + ], + [ + "ĠLiter", + "ary" + ], + [ + "d", + "one" + ], + [ + "Ġconver", + "gence" + ], + [ + "B", + "ody" + ], + [ + "Ġcont", + "end" + ], + [ + "Ġchap", + "el" + ], + [ + "optim", + "izer" + ], + [ + "S", + "am" + ], + [ + "ĠN", + "iger" + ], + [ + "Ġvict", + "ories" + ], + [ + "Ġblow", + "ing" + ], + [ + "ĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠĠ" + ], + [ + "Ġtr", + "ivial" + ], + [ + "c", + "reat" + ], + [ + "m", + "ig" + ], + [ + "ĠConst", + "raint" + ], + [ + "Ġtutor", + "ials" + ], + [ + "ĠM", + "artha" + ], + [ + "ĠR", + "N" + ], + [ + "Ġleg", + "umes" + ], + [ + "oll", + "ar" + ], + [ + "Ġmira", + "cle" + ], + [ + "ĠB", + "ir" + ], + [ + "ĠG", + "E" + ], + [ + "Ġnom", + "inal" + ], + [ + "Ġad", + "hering" + ], + [ + "Ġdraw", + "backs" + ], + [ + "ĠHar", + "per" + ], + [ + "Ġtransmit", + "ting" + ], + [ + "Ġdispers", + "ed" + ], + [ + "on", + "ge" + ], + [ + "arr", + "ison" + ], + [ + "Ġsal", + "aries" + ], + [ + "f", + "p" + ], + [ + "So", + "ft" + ], + [ + "Det", + "erm" + ], + [ + "ĠJu", + "venile" + ], + [ + "Ġfamiliar", + "ity" + ], + [ + "Ġcand", + "le" + ], + [ + "ĠEv", + "ans" + ], + [ + "ĠM", + "aps" + ], + [ + "Ġfuel", + "ed" + ], + [ + "Ġsubmit", + "ting" + ], + [ + "ĠT", + "ag" + ], + [ + "ĠStan", + "ley" + ], + [ + "Ġsearc", + "hed" + ], + [ + "Ġconvict", + "ed" + ], + [ + "D", + "ir" + ], + [ + "S", + "un" + ], + [ + "ank", + "ton" + ], + [ + "ĠCo", + "ff" + ], + [ + "open", + "h" + ], + [ + "ail", + "ability" + ], + [ + "Ġsince", + "re" + ], + [ + "Ġce", + "ased" + ], + [ + "Ġset", + "backs" + ], + [ + "Ġdistingu", + "ishing" + ], + [ + "ar", + "o" + ], + [ + "Ġde", + "ity" + ], + [ + "ĠCom", + "mercial" + ], + [ + "ar", + "ah" + ], + [ + "Ġfor", + "k" + ], + [ + "ĠA", + "A" + ], + [ + "ĠSet", + "tings" + ], + [ + "Ġinterview", + "ed" + ], + [ + "n", + "b" + ], + [ + "iv", + "ist" + ], + [ + "Ġcar", + "bs" + ], + [ + "Ġleuk", + "emia" + ], + [ + "id", + "ian" + ], + [ + "ig", + "g" + ], + [ + "ĠM", + "aced" + ], + [ + "um", + "ed" + ], + [ + "Ġhonest", + "ly" + ], + [ + "k", + "t" + ], + [ + "ass", + "ador" + ], + [ + "Ġmon", + "oxide" + ], + [ + "ĠExper", + "ts" + ], + [ + "d", + "ale" + ], + [ + "rough", + "ts" + ], + [ + "Ġtest", + "osterone" + ], + [ + "Ġbr", + "ig" + ], + [ + "odynam", + "ics" + ], + [ + "Ġdilem", + "ma" + ], + [ + "EN", + "TS" + ], + [ + "ĠN", + "early" + ], + [ + "bor", + "ough" + ], + [ + "Ġtick", + "ets" + ], + [ + "accept", + "able" + ], + [ + "Ġexec", + "uting" + ], + [ + "Ġundert", + "aking" + ], + [ + "Av", + "oid" + ], + [ + "ĠC", + "ounter" + ], + [ + "ĠL", + "ion" + ], + [ + "OW", + "N" + ], + [ + "oc", + "l" + ], + [ + "ĠTh", + "ai" + ], + [ + "ER", + "V" + ], + [ + "Ġcoat", + "ings" + ], + [ + "Fam", + "ily" + ], + [ + "E", + "W" + ], + [ + "ĠL", + "ex" + ], + [ + "Ġhero", + "ic" + ], + [ + "ins", + "p" + ], + [ + "ĠMil", + "ky" + ], + [ + "Ġun", + "forgettable" + ], + [ + "V", + "II" + ], + [ + "ĠPark", + "er" + ], + [ + "ĠBehavior", + "al" + ], + [ + "Sah", + "aran" + ], + [ + "at", + "itis" + ], + [ + "Ġpro", + "ceeds" + ], + [ + "Ġbi", + "ochemical" + ], + [ + "Ġland", + "fill" + ], + [ + "Ġexpress", + "ive" + ], + [ + "organ", + "ized" + ], + [ + "Ġsupp", + "ressed" + ], + [ + "Ġcry", + "ing" + ], + [ + "Ġban", + "anas" + ], + [ + "ĠLe", + "o" + ], + [ + "Ġretail", + "ers" + ], + [ + "ab", + "olic" + ], + [ + "Ġinter", + "mitt" + ], + [ + "fit", + "ting" + ], + [ + "Ġargu", + "ably" + ], + [ + "ĠB", + "ranch" + ], + [ + "ell", + "ows" + ], + [ + "so", + "lete" + ], + [ + "Ġsur", + "geries" + ], + [ + "Ġcor", + "ps" + ], + [ + "Ġwar", + "rior" + ], + [ + "ĠEth", + "ical" + ], + [ + ">", + "\"" + ], + [ + "m", + "iddle" + ], + [ + "al", + "ach" + ], + [ + "Ġg", + "arn" + ], + [ + "Ġstat", + "istic" + ], + [ + "ĠRequ", + "est" + ], + [ + "Ñ", + "ĩ" + ], + [ + "ĠP", + "regn" + ], + [ + "ĠL", + "l" + ], + [ + "Ġsqu", + "ad" + ], + [ + "ĠPort", + "land" + ], + [ + "Ġresol", + "utions" + ], + [ + "X", + "R" + ], + [ + "ne", + "igh" + ], + [ + "m", + "oil" + ], + [ + "pro", + "duction" + ], + [ + "gen", + "e" + ], + [ + "Ġhyd", + "rated" + ], + [ + "Ġdisappoint", + "ed" + ], + [ + "ĠSol", + "id" + ], + [ + "c", + "ool" + ], + [ + "Ġcustom", + "ary" + ], + [ + "at", + "onin" + ], + [ + "ĠV", + "ul" + ], + [ + "AN", + "G" + ], + [ + "ĠÂ", + "µ" + ], + [ + "r", + "ill" + ], + [ + "rou", + "t" + ], + [ + "ards", + "hips" + ], + [ + "br", + "ids" + ], + [ + "att", + "rs" + ], + [ + "check", + "ed" + ], + [ + "ĠGr", + "iff" + ], + [ + "Ġb", + "ump" + ], + [ + "ĠEm", + "ail" + ], + [ + "Ġhyd", + "rox" + ], + [ + "s", + "ince" + ], + [ + "Ġimp", + "ressions" + ], + [ + "Ġgo", + "at" + ], + [ + "Ġexpress", + "es" + ], + [ + "Ġmon", + "archy" + ], + [ + "Ġprogram", + "med" + ], + [ + "Ġmanip", + "ulating" + ], + [ + "Ġvow", + "el" + ], + [ + "ĠK", + "elly" + ], + [ + "ĠAt", + "hen" + ], + [ + "Ġmal", + "ignant" + ], + [ + "S", + "erver" + ], + [ + "Ġen", + "light" + ], + [ + "ä¸", + "Ģ" + ], + [ + "ĠGir", + "l" + ], + [ + "ĠWIT", + "HOUT" + ], + [ + "ĠC", + "emetery" + ], + [ + "Ġafter", + "ward" + ], + [ + "RI", + "G" + ], + [ + "ĠSpe", + "ed" + ], + [ + "ag", + "les" + ], + [ + "ple", + "mentation" + ], + [ + "Ġsil", + "ly" + ], + [ + "ĠSur", + "face" + ], + [ + "ĠMil", + "k" + ], + [ + "Ġdisproportion", + "ately" + ], + [ + "ul", + "ators" + ], + [ + "Ġfabric", + "ation" + ], + [ + "ĠF", + "ine" + ], + [ + "An", + "n" + ], + [ + "ĠP", + "ole" + ], + [ + "fun", + "ctions" + ], + [ + "ab", + "stract" + ], + [ + "Ġall", + "ied" + ], + [ + "Ġmisunderstand", + "ings" + ], + [ + "ĠR", + "T" + ], + [ + "Ġnew", + "est" + ], + [ + "g", + "ray" + ], + [ + "Ġfault", + "s" + ], + [ + "Ġregim", + "en" + ], + [ + "Ġl", + "amb" + ], + [ + "ĠFun", + "ctions" + ], + [ + "/", + "%" + ], + [ + "Ġprofess", + "ions" + ], + [ + "T", + "ag" + ], + [ + "en", + "cer" + ], + [ + "Ġf", + "etch" + ], + [ + "ĠL", + "ever" + ], + [ + "Su", + "per" + ], + [ + "arm", + "ed" + ], + [ + "Th", + "ird" + ], + [ + "Ġmet", + "ropolitan" + ], + [ + "Ġintest", + "ines" + ], + [ + "((", + "-" + ], + [ + "Ġvill", + "agers" + ], + [ + "cal", + "c" + ], + [ + "Ġindic", + "ations" + ], + [ + "Ġgarden", + "ers" + ], + [ + "ĠPrepar", + "ation" + ], + [ + "Serial", + "izer" + ], + [ + "Ġv", + "intage" + ], + [ + "ĠR", + "ol" + ], + [ + "ĠN", + "y" + ], + [ + "ĠZ", + "ika" + ], + [ + "Ġra", + "v" + ], + [ + "az", + "i" + ], + [ + "Or", + "der" + ], + [ + "Ġroll", + "er" + ], + [ + "ĠBal", + "ancing" + ], + [ + "Ġimpul", + "ses" + ], + [ + "Ġdors", + "al" + ], + [ + "id", + "y" + ], + [ + "ĠDeterm", + "ine" + ], + [ + "Ġst", + "agn" + ], + [ + "Ġdis", + "closure" + ], + [ + "ĠGr", + "ass" + ], + [ + "Ġhered", + "itary" + ], + [ + "ou", + "rable" + ], + [ + "Ġe", + "uro" + ], + [ + "ĠL", + "ad" + ], + [ + "Ġform", + "idable" + ], + [ + "et", + "us" + ], + [ + "ĠR", + "is" + ], + [ + "Ġagg", + "ress" + ], + [ + "Ġmo", + "ons" + ], + [ + "ĠCy", + "cle" + ], + [ + "Ġubiqu", + "itous" + ], + [ + "ĠS", + "R" + ], + [ + "Ġsens", + "ible" + ], + [ + "ĠCreat", + "or" + ], + [ + "link", + "ed" + ], + [ + "ĠAc", + "ross" + ], + [ + "Ġforecast", + "ing" + ], + [ + "Ġ", + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ" + ], + [ + "us", + "a" + ], + [ + "Ġcomp", + "ass" + ], + [ + "Ġmod", + "eration" + ], + [ + "Ġtrou", + "t" + ], + [ + "P", + "red" + ], + [ + "oph", + "obia" + ], + [ + "Ġtow", + "el" + ], + [ + "Ġbe", + "ating" + ], + [ + "Stand", + "ard" + ], + [ + "et", + "al" + ], + [ + "ĠK", + "i" + ], + [ + "m", + "eter" + ], + [ + "ĠS", + "it" + ], + [ + "pl", + "iance" + ], + [ + "Ġimp", + "ress" + ], + [ + "ĠSt", + "ream" + ], + [ + "Ġbomb", + "ing" + ], + [ + "å", + "Ľ" + ], + [ + "ab", + "e" + ], + [ + "\"]", + ":" + ], + [ + "ĠGir", + "ls" + ], + [ + "Ġcl", + "ips" + ], + [ + "ĠPat", + "ient" + ], + [ + "Ġcomment", + "ed" + ], + [ + "ĠB", + "M" + ], + [ + "Ġsom", + "etime" + ], + [ + "Ġexc", + "use" + ], + [ + "Ġwet", + "land" + ], + [ + "D", + "ATA" + ], + [ + "t", + "oo" + ], + [ + "Ð", + "·" + ], + [ + "in", + "formed" + ], + [ + "Ġall", + "oy" + ], + [ + "ĠSupp", + "lement" + ], + [ + "p", + "ron" + ], + [ + "ĠR", + "ing" + ], + [ + "Ġtra", + "des" + ], + [ + "A", + "st" + ], + [ + "S", + "ET" + ], + [ + "s", + "ame" + ], + [ + "Ġdepr", + "ived" + ], + [ + "Ġcho", + "oses" + ], + [ + "anc", + "el" + ], + [ + "ĠLith", + "uan" + ], + [ + "ro", + "e" + ], + [ + "ĠF", + "ailure" + ], + [ + "urg", + "y" + ], + [ + "c", + "rop" + ], + [ + "in", + "ians" + ], + [ + "Ġunder", + "went" + ], + [ + "Ġbroad", + "en" + ], + [ + "Ġwel", + "coming" + ], + [ + "s", + "pl" + ], + [ + "Ġc", + "rick" + ], + [ + "Ġb", + "il" + ], + [ + "am", + "as" + ], + [ + "ĠReg", + "ulation" + ], + [ + "Ġre", + "usable" + ], + [ + "ĠQur", + "an" + ], + [ + "pend", + "icular" + ], + [ + "P", + "AR" + ], + [ + "Ġadd", + "itions" + ], + [ + "ĠNo", + "ah" + ], + [ + "Ġlic", + "enses" + ], + [ + "D", + "an" + ], + [ + "Ġp", + "g" + ], + [ + "Ġl", + "adder" + ], + [ + "ĠB", + "ald" + ], + [ + "Ġsp", + "y" + ], + [ + "Ġey", + "eb" + ], + [ + "Ġconduct", + "or" + ], + [ + "ĠSur", + "ve" + ], + [ + "Ġiron", + "y" + ], + [ + "Ġmathematic", + "ian" + ], + [ + "S", + "ave" + ], + [ + "ĠTurn", + "er" + ], + [ + "o", + "que" + ], + [ + "Ġout", + "dated" + ], + [ + "add", + "ed" + ], + [ + "O", + "ptions" + ], + [ + "Ġtox", + "in" + ], + [ + "ĠMedic", + "are" + ], + [ + "ĠSche", + "dule" + ], + [ + "çĶ", + "¨" + ], + [ + "m", + "ajor" + ], + [ + "Ġsm", + "ells" + ], + [ + "pop", + "ulation" + ], + [ + "ov", + "al" + ], + [ + "tle", + "ment" + ], + [ + "Ġprof", + "icient" + ], + [ + "Ġm", + "osaic" + ], + [ + "Ġar", + "rows" + ], + [ + "Re", + "cipe" + ], + [ + "Î", + "³" + ], + [ + "ĠRecogn", + "izing" + ], + [ + "H", + "ER" + ], + [ + "Ġsh", + "aking" + ], + [ + "Ġtw", + "ists" + ], + [ + "Ġprem", + "ise" + ], + [ + "Med", + "ical" + ], + [ + "Ġexcav", + "ation" + ], + [ + "Ġanomal", + "ies" + ], + [ + "Ġsuper", + "v" + ], + [ + "h", + "oe" + ], + [ + "Ġro", + "ds" + ], + [ + "ES", + "C" + ], + [ + "ĠCoast", + "al" + ], + [ + "Ġtrav", + "elled" + ], + [ + ".", + "\\" + ], + [ + "Ġh", + "ardships" + ], + [ + "ur", + "bs" + ], + [ + "Ġsocial", + "ism" + ], + [ + "Ġgrad", + "ers" + ], + [ + "Ġt", + "ed" + ], + [ + "Ġal", + "ly" + ], + [ + "Ġvers", + "atility" + ], + [ + "Rep", + "ort" + ], + [ + "qu", + "is" + ], + [ + "Ġtim", + "er" + ], + [ + "Ġcopy", + "ing" + ], + [ + "ĠPat", + "terns" + ], + [ + "Ġillum", + "inated" + ], + [ + "Ġdis", + "semination" + ], + [ + "ther", + "net" + ], + [ + "eb", + "ra" + ], + [ + "ynam", + "ic" + ], + [ + "f", + "ixture" + ], + [ + "ĠF", + "al" + ], + [ + "ĠG", + "ro" + ], + [ + "US", + "E" + ], + [ + "Ġvast", + "ly" + ], + [ + "S", + "eries" + ], + [ + "Ġch", + "alk" + ], + [ + "Ġcur", + "s" + ], + [ + "Ġrelax", + "ing" + ], + [ + "ĠTer", + "ms" + ], + [ + "dig", + "it" + ], + [ + "Ġow", + "l" + ], + [ + "O", + "bs" + ], + [ + "Ġun", + "authorized" + ], + [ + "Ġdeb", + "ated" + ], + [ + "Ġsampl", + "ed" + ], + [ + "Ġgate", + "way" + ], + [ + ":", + "\"," + ], + [ + "T", + "arget" + ], + [ + "^", + "^" + ], + [ + "â", + "Ĺ" + ], + [ + "Ġcl", + "og" + ], + [ + "ĠTe", + "a" + ], + [ + "Ġfig", + "uring" + ], + [ + "Ġpatri", + "arch" + ], + [ + "Ġcohes", + "ion" + ], + [ + "m", + "ad" + ], + [ + "Ġstri", + "pes" + ], + [ + "ð", + "Ŀ" + ], + [ + "Ġt", + "ails" + ], + [ + "ĠS", + "ib" + ], + [ + "ĠW", + "ays" + ], + [ + "Ġgra", + "ves" + ], + [ + "ĠGard", + "ens" + ], + [ + "Ġan", + "arch" + ], + [ + "atic", + "an" + ], + [ + "inter", + "face" + ], + [ + "Ġhead", + "lines" + ], + [ + "reg", + "ulated" + ], + [ + "âĢĿ", + ")," + ], + [ + "Ġprevent", + "ative" + ], + [ + "Ad", + "v" + ], + [ + "Ġstabil", + "ize" + ], + [ + "ĠLay", + "er" + ], + [ + "ĠRich", + "mond" + ], + [ + "ĠEs", + "pecially" + ], + [ + "Foreign", + "Key" + ], + [ + "Ġo", + "lig" + ], + [ + "oc", + "om" + ], + [ + "ĠW", + "A" + ], + [ + "eg", + "rad" + ], + [ + "Ġanaly", + "se" + ], + [ + "m", + "ate" + ], + [ + "ĠAccording", + "ly" + ], + [ + "Ġste", + "ering" + ], + [ + "Ġed", + "itions" + ], + [ + "ĠDe", + "an" + ], + [ + "ĠT", + "I" + ], + [ + "pp", + "e" + ], + [ + "s", + "i" + ], + [ + "in", + "itions" + ], + [ + "ĠK", + "rish" + ], + [ + "([", + "[" + ], + [ + "ĠInc", + "orpor" + ], + [ + "ĠInst", + "all" + ], + [ + "mem", + "bers" + ], + [ + "idis", + "ciplinary" + ], + [ + "assert", + "Raises" + ], + [ + "Ġbra", + "very" + ], + [ + "[:", + "-" + ], + [ + "Ġboost", + "ing" + ], + [ + "Ġsho", + "ots" + ], + [ + "Ġpost", + "doc" + ], + [ + "ĠSp", + "ot" + ], + [ + "Ġhurd", + "les" + ], + [ + "char", + "acter" + ], + [ + "l", + "ated" + ], + [ + "ĠT", + "ropical" + ], + [ + "l", + "iving" + ], + [ + "ĠE", + "ug" + ], + [ + "utri", + "ent" + ], + [ + "Ġburd", + "ens" + ], + [ + "å", + "Ĭ" + ], + [ + "Ġn", + "ap" + ], + [ + "Ġflour", + "ished" + ], + [ + "Ġswallow", + "ing" + ], + [ + "Ġs", + "ailed" + ], + [ + "ial", + "og" + ], + [ + "ĠD", + "ragon" + ], + [ + "Ġj", + "ealous" + ], + [ + "Ġcere", + "als" + ], + [ + "ĠMi", + "ami" + ], + [ + "Ġe", + "ps" + ], + [ + "Ġapp", + "re" + ], + [ + "Ġchair", + "man" + ], + [ + "b", + "ishop" + ], + [ + "â", + "Ĩ" + ], + [ + "icult", + "ure" + ], + [ + "bal", + "anced" + ], + [ + "at", + "on" + ], + [ + "ĠPrad", + "esh" + ], + [ + "ure", + "r" + ], + [ + "rig", + "ger" + ], + [ + "ĠN", + "T" + ], + [ + "Ġpre", + "cursor" + ], + [ + "ne", + "e" + ], + [ + "Ġnon", + "etheless" + ], + [ + "ĠNe", + "eds" + ], + [ + "unit", + "test" + ], + [ + "ĠD", + "ys" + ], + [ + "ĠV", + "it" + ], + [ + "Ġoff", + "enders" + ], + [ + "pre", + "v" + ], + [ + "ĠSte", + "ven" + ], + [ + "Ġshut", + "tle" + ], + [ + "Ġphysic", + "ists" + ], + [ + "Ġp", + "ant" + ], + [ + "Ġreminis", + "cent" + ], + [ + "Ġt", + "enth" + ], + [ + "Ġa", + "uction" + ], + [ + "Ġmon", + "ster" + ], + [ + "Ġorig", + "inating" + ], + [ + "Ġconcent", + "rating" + ], + [ + "l", + "ia" + ], + [ + "Ġcompost", + "ing" + ], + [ + "Ġgraphe", + "ne" + ], + [ + "ly", + "cer" + ], + [ + "Ġspec", + "ifies" + ], + [ + "ĠEx", + "pect" + ], + [ + "Opt", + "ional" + ], + [ + "Ġimprison", + "ment" + ], + [ + "Ġprep", + "ares" + ], + [ + "Ġnic", + "ely" + ], + [ + "Ġtor", + "que" + ], + [ + "ĠCamb", + "odia" + ], + [ + "l", + "asses" + ], + [ + "O", + "x" + ], + [ + "Ġanalys", + "ed" + ], + [ + "Ġexceed", + "ing" + ], + [ + "Ġeru", + "ptions" + ], + [ + "Ġblood", + "y" + ], + [ + "Ġdetail", + "ing" + ], + [ + "rac", + "ies" + ], + [ + "æ", + "Ĺ" + ], + [ + "ed", + "es" + ], + [ + "Ġan", + "ecd" + ], + [ + "Ġinf", + "amous" + ], + [ + "ĠC", + "up" + ], + [ + "ort", + "ions" + ], + [ + "ell", + "es" + ], + [ + "ĠIm", + "aging" + ], + [ + "bel", + "ie" + ], + [ + "Ġmicrobi", + "ome" + ], + [ + "Ġf", + "ights" + ], + [ + "process", + "or" + ], + [ + "ader", + "ie" + ], + [ + "Produ", + "ct" + ], + [ + "ar", + "aderie" + ], + [ + "ĠAm", + "sterdam" + ], + [ + "ĠSupp", + "ly" + ], + [ + "t", + "asks" + ], + [ + "Ġred", + "emption" + ], + [ + "ac", + "s" + ], + [ + "Ġse", + "curities" + ], + [ + "Ġbed", + "room" + ], + [ + "Pl", + "an" + ], + [ + "Py", + "thon" + ], + [ + "r", + "ules" + ], + [ + "ĠA", + "verage" + ], + [ + "ĠBud", + "get" + ], + [ + "ĠThe", + "ore" + ], + [ + "ĠAdv", + "ance" + ], + [ + "ĠAdm", + "iral" + ], + [ + "ovol", + "ta" + ], + [ + "Ġpres", + "idency" + ], + [ + "l", + "ene" + ], + [ + "ok", + "u" + ], + [ + "ĠFe", + "atures" + ], + [ + "ï", + "¿" + ], + [ + "ed", + "ar" + ], + [ + "ĠF", + "el" + ], + [ + "Ġpop", + "ul" + ], + [ + "Ġinteg", + "ers" + ], + [ + "Ġimpair", + "ments" + ], + [ + "ĠManc", + "hester" + ], + [ + "Ġculp", + "rit" + ], + [ + "M", + "IN" + ], + [ + "arent", + "ly" + ], + [ + "ĠFil", + "ip" + ], + [ + "Ġbreakthrough", + "s" + ], + [ + "G", + "T" + ], + [ + "Ġestim", + "ating" + ], + [ + "ĠAustral", + "ians" + ], + [ + "ĠNov", + "a" + ], + [ + "Ġambig", + "uity" + ], + [ + "ĠM", + "ak" + ], + [ + "Ġco", + "arse" + ], + [ + "ĠMay", + "o" + ], + [ + "ĠExpl", + "orer" + ], + [ + "UN", + "T" + ], + [ + "ĠW", + "or" + ], + [ + "ight", + "ed" + ], + [ + "stud", + "y" + ], + [ + "G", + "ui" + ], + [ + "ou", + "x" + ], + [ + "ĠB", + "reat" + ], + [ + "Ġexpend", + "itures" + ], + [ + "our", + "t" + ], + [ + "Ù", + "Ĭ" + ], + [ + "ĠContin", + "ental" + ], + [ + "ĠPsychiat", + "ry" + ], + [ + "W", + "E" + ], + [ + "Ġtrans", + "ient" + ], + [ + "claim", + "er" + ], + [ + "l", + "ibrary" + ], + [ + "ĠSe", + "ed" + ], + [ + "B", + "V" + ], + [ + "E", + "th" + ], + [ + "g", + "ering" + ], + [ + "Ġsh", + "ale" + ], + [ + "Ġconf", + "irms" + ], + [ + "Ind", + "eed" + ], + [ + "Eng", + "ine" + ], + [ + "Ġbel", + "ts" + ], + [ + "Ġstart", + "up" + ], + [ + "Ġdem", + "ographics" + ], + [ + "Ġstrateg", + "ically" + ], + [ + "ĠPract", + "ical" + ], + [ + "ru", + "its" + ], + [ + "Ġpar", + "alysis" + ], + [ + "âĢ¦", + "âĢĿ" + ], + [ + "Ġinv", + "itation" + ], + [ + "fu", + "els" + ], + [ + "ĠWorkshe", + "ets" + ], + [ + "Ġt", + "read" + ], + [ + "ĠB", + "un" + ], + [ + "Ġint", + "ros" + ], + [ + "ĠSom", + "ething" + ], + [ + "ĠSl", + "av" + ], + [ + "ĠCharacter", + "istics" + ], + [ + "ac", + "i" + ], + [ + "Ġed", + "s" + ], + [ + "Ġneut", + "ron" + ], + [ + "ies", + "el" + ], + [ + "ue", + "z" + ], + [ + "Ġur", + "gency" + ], + [ + "Ġprob", + "abilities" + ], + [ + "C", + "F" + ], + [ + "re", + "th" + ], + [ + "ĠT", + "oxic" + ], + [ + "ĠF", + "ol" + ], + [ + "ĠArch", + "ive" + ], + [ + "Ġsqu", + "ash" + ], + [ + "ĠClass", + "ification" + ], + [ + "u", + "ber" + ], + [ + "č", + "ĊĠĠĠĠ" + ], + [ + "Ġmeaning", + "fully" + ], + [ + "ĠGra", + "ce" + ], + [ + "y", + "aml" + ], + [ + "Bl", + "ue" + ], + [ + "ĠM", + "ack" + ], + [ + "ĠH", + "earing" + ], + [ + "Al", + "tern" + ], + [ + "Ġail", + "ments" + ], + [ + "ĠF", + "ou" + ], + [ + "Ġant", + "iquity" + ], + [ + "itution", + "al" + ], + [ + "IL", + "ITY" + ], + [ + "Ġcom", + "edy" + ], + [ + "ĠL", + "I" + ], + [ + "ĠG", + "ay" + ], + [ + "Ġmeas", + "urable" + ], + [ + "ĠBegin", + "ning" + ], + [ + "Ġhand", + "writing" + ], + [ + "def", + "ine" + ], + [ + "Ġin", + "security" + ], + [ + "ĠB", + "ened" + ], + [ + "ĠDem", + "ocracy" + ], + [ + "Ġm", + "ism" + ], + [ + "Ġh", + "ug" + ], + [ + "ch", + "r" + ], + [ + "Ġdec", + "oration" + ], + [ + "ĠProv", + "iding" + ], + [ + "Ġreven", + "ge" + ], + [ + "Ġspl", + "end" + ], + [ + "ro", + "cess" + ], + [ + "Ch", + "ange" + ], + [ + "Ġheav", + "ens" + ], + [ + "Ġpel", + "vic" + ], + [ + "H", + "um" + ], + [ + "am", + "ph" + ], + [ + "Ġmant", + "le" + ], + [ + "ĠInt", + "el" + ], + [ + "Ġre", + "charge" + ], + [ + "Ġsusp", + "icion" + ], + [ + "ot", + "er" + ], + [ + "Ġcalcul", + "ates" + ], + [ + "S", + "ELECT" + ], + [ + "y", + "ellow" + ], + [ + "Ġam", + "erican" + ], + [ + "Ġvol", + "t" + ], + [ + "HT", + "TP" + ], + [ + "ed", + "ical" + ], + [ + "Ġport", + "al" + ], + [ + "Ġcontract", + "ed" + ], + [ + "Ġweight", + "ed" + ], + [ + "Ġsqu", + "ee" + ], + [ + "ST", + "AT" + ], + [ + "Ġmel", + "ody" + ], + [ + "Ġorb", + "iting" + ], + [ + "L", + "U" + ], + [ + "ĠG", + "on" + ], + [ + "ph", + "thalm" + ], + [ + "enc", + "oder" + ], + [ + "Ġmelan", + "oma" + ], + [ + "=", + "%" + ], + [ + "Ġf", + "ines" + ], + [ + "DE", + "FAULT" + ], + [ + "pert", + "ure" + ], + [ + "n", + "ets" + ], + [ + "Ġab", + "uses" + ], + [ + "Ġev", + "angel" + ], + [ + "me", + "asure" + ], + [ + "Ġextrem", + "es" + ], + [ + "othe", + "li" + ], + [ + "Ġbol", + "ster" + ], + [ + "P", + "erm" + ], + [ + "r", + "type" + ], + [ + "ĠK", + "ab" + ], + [ + "Every", + "one" + ], + [ + "Ġt", + "a" + ], + [ + "top", + "l" + ], + [ + "Ġd", + "izziness" + ], + [ + "ĠD", + "VD" + ], + [ + "Ġmark", + "ings" + ], + [ + "Ġconduct", + "ivity" + ], + [ + "Ġauthors", + "hip" + ], + [ + "ru", + "nt" + ], + [ + "ĠPitts", + "burgh" + ], + [ + "Ġst", + "ric" + ], + [ + "Ġacc", + "ustomed" + ], + [ + "ĠAlexand", + "ria" + ], + [ + "Ġcor", + "als" + ], + [ + "ĠCor", + "inth" + ], + [ + "ĠR", + "osen" + ], + [ + "Ġx", + "ml" + ], + [ + "Ġenthusi", + "astic" + ], + [ + "Ġass", + "ure" + ], + [ + "Ġfl", + "ames" + ], + [ + "ĠNot", + "Implemented" + ], + [ + "Ġv", + "as" + ], + [ + "t", + "alk" + ], + [ + "Th", + "omas" + ], + [ + "St", + "ream" + ], + [ + "essor", + "i" + ], + [ + "Ġambig", + "uous" + ], + [ + "Ġinf", + "er" + ], + [ + "Ġdu", + "plicate" + ], + [ + "inv", + "asive" + ], + [ + "Ġimprison", + "ed" + ], + [ + "P", + "an" + ], + [ + "ĠPred", + "ict" + ], + [ + "Ġmodel", + "ed" + ], + [ + "orith", + "m" + ], + [ + "ĠCN", + "N" + ], + [ + "de", + "ad" + ], + [ + "Ġsh", + "ocking" + ], + [ + "AT", + "CH" + ], + [ + "ĊĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĊĠĠĠĠĠĠĠĠĠĠĠ" + ], + [ + "Ġskeptic", + "ism" + ], + [ + "Ġen", + "closure" + ], + [ + "Ġforest", + "ry" + ], + [ + "ĠMod", + "ule" + ], + [ + "ĠCharl", + "otte" + ], + [ + "Jew", + "ish" + ], + [ + "Ġm", + "s" + ], + [ + "ĠZ", + "imbabwe" + ], + [ + "Ġunus", + "ually" + ], + [ + "Ġbapt", + "ism" + ], + [ + "R", + "oman" + ], + [ + "requ", + "ent" + ], + [ + "ĠInf", + "antry" + ], + [ + "ĠMoroc", + "co" + ], + [ + "m", + "ight" + ], + [ + "ĠP", + "ant" + ], + [ + "Aut", + "o" + ], + [ + "g", + "z" + ], + [ + "an", + "aly" + ], + [ + "ĠF", + "riend" + ], + [ + "Ġrecru", + "ited" + ], + [ + "ĠB", + "od" + ], + [ + "Ġher", + "pes" + ], + [ + "Ġcam", + "araderie" + ], + [ + "Ġperv", + "asive" + ], + [ + "É", + "Ļ" + ], + [ + "or", + "atory" + ], + [ + "Ġatt", + "ribut" + ], + [ + "ĠDisc", + "over" + ], + [ + "Ġnurt", + "ure" + ], + [ + "Sum", + "mary" + ], + [ + "P", + "ot" + ], + [ + "ĠL", + "ost" + ], + [ + "Ġcur", + "v" + ], + [ + "M", + "aster" + ], + [ + "ore", + "ct" + ], + [ + "ace", + "a" + ], + [ + "ath", + "a" + ], + [ + "ĠBl", + "oom" + ], + [ + "Ġpolyn", + "omial" + ], + [ + "Ġa", + "pe" + ], + [ + "id", + "ad" + ], + [ + "ĠT", + "as" + ], + [ + "Ġinter", + "rog" + ], + [ + "g", + "un" + ], + [ + "an", + "ation" + ], + [ + "Ġpen", + "insula" + ], + [ + "Ġcust", + "ody" + ], + [ + "Ġp", + "enn" + ], + [ + "Ġb", + "red" + ], + [ + "est", + "on" + ], + [ + "Ġdisrupt", + "ions" + ], + [ + "ath", + "on" + ], + [ + "Ġpul", + "s" + ], + [ + "H", + "en" + ], + [ + "Ġpredict", + "s" + ], + [ + "Pl", + "ant" + ], + [ + "LO", + "W" + ], + [ + "Ġtur", + "moil" + ], + [ + "Ġclean", + "up" + ], + [ + "ĠSal", + "v" + ], + [ + "OL", + "D" + ], + [ + "Ġprotagon", + "ists" + ], + [ + "Ġit", + "ching" + ], + [ + "Ġadd", + "itive" + ], + [ + "Ġlit", + "igation" + ], + [ + "ĠBut", + "ton" + ], + [ + "Ġexerc", + "ised" + ], + [ + "Ġt", + "s" + ], + [ + "ract", + "ed" + ], + [ + "Ġresp", + "iration" + ], + [ + "Ġske", + "ptical" + ], + [ + "Def", + "ault" + ], + [ + "Ġdiction", + "aries" + ], + [ + "ĠDiff", + "icult" + ], + [ + "Ġbiom", + "edical" + ], + [ + "Ġrev", + "ival" + ], + [ + "Ġneur", + "on" + ], + [ + "ĠStat", + "istical" + ], + [ + "Hist", + "or" + ], + [ + "Ġdisagree", + "ment" + ], + [ + "ĠFac", + "ulty" + ], + [ + "ĠLibr", + "aries" + ], + [ + "Ġp", + "als" + ], + [ + "ĠB", + "ert" + ], + [ + "Ġoptim", + "ized" + ], + [ + "ĠAir", + "port" + ], + [ + "Â", + "´" + ], + [ + "Ġst", + "ove" + ], + [ + "Ġexhib", + "itions" + ], + [ + "Ġcong", + "reg" + ], + [ + "Conn", + "ection" + ], + [ + "r", + "ass" + ], + [ + "ograph", + "ically" + ], + [ + "Ġnoun", + "s" + ], + [ + "Recent", + "ly" + ], + [ + "Ġut", + "ens" + ], + [ + "\"", + "}" + ], + [ + "or", + "p" + ], + [ + "Ġrel", + "ent" + ], + [ + "Ġgast", + "ric" + ], + [ + "C", + "y" + ], + [ + "ĠSt", + "uart" + ], + [ + "ĠCommission", + "er" + ], + [ + "J", + "esus" + ], + [ + "ĠS", + "ustainability" + ], + [ + "ĠD", + "ow" + ], + [ + "ĠSh", + "i" + ], + [ + "IC", + "S" + ], + [ + "ĠHe", + "in" + ], + [ + "D", + "ele" + ], + [ + "Ġdifferent", + "iated" + ], + [ + "Ġens", + "ured" + ], + [ + "Ġcompet", + "encies" + ], + [ + "function", + "al" + ], + [ + "b", + "is" + ], + [ + "ĠEnd", + "angered" + ], + [ + "Ġaccept", + "s" + ], + [ + "ra", + "h" + ], + [ + "Ġen", + "lightenment" + ], + [ + "Ġdiscrim", + "inatory" + ], + [ + "ĠRich", + "ards" + ], + [ + "sc", + "al" + ], + [ + "Ġindustrial", + "ization" + ], + [ + "Ġpeas", + "ants" + ], + [ + "ĠM", + "W" + ], + [ + "_", + "." + ], + [ + "ĠG", + "em" + ], + [ + "Ġprepared", + "ness" + ], + [ + "ĠL", + "ane" + ], + [ + "Ġinf", + "erence" + ], + [ + "be", + "ck" + ], + [ + "Ġwid", + "ow" + ], + [ + "in", + "valid" + ], + [ + "Ġh", + "ull" + ], + [ + "ĠY", + "an" + ], + [ + "Ġcher", + "ry" + ], + [ + "ĠSuccess", + "ful" + ], + [ + "ĠCho", + "osing" + ], + [ + "ĠAd", + "visory" + ], + [ + "Ġster", + "ile" + ], + [ + "B", + "o" + ], + [ + "Ġflood", + "ed" + ], + [ + "sor", + "iasis" + ], + [ + "Ġfrust", + "rating" + ], + [ + "C", + "ell" + ], + [ + "RE", + "AD" + ], + [ + "igraph", + "y" + ], + [ + "U", + "CT" + ], + [ + "un", + "ed" + ], + [ + "Ġdi", + "aphrag" + ], + [ + "Ġlat", + "ent" + ], + [ + "Ġexist", + "ential" + ], + [ + "ĠInst", + "agram" + ], + [ + "cons", + "ider" + ], + [ + "Ġworth", + "while" + ], + [ + "Ġcab", + "bage" + ], + [ + "ĠPartners", + "hip" + ], + [ + "or", + "able" + ], + [ + "im", + "ming" + ], + [ + "ist", + "ine" + ], + [ + "oc", + "ard" + ], + [ + "ĠK", + "il" + ], + [ + "Ġunder", + "gone" + ], + [ + "prot", + "ected" + ], + [ + "Ġinterven", + "e" + ], + [ + "er", + "acy" + ], + [ + "Ġmay", + "or" + ], + [ + "aff", + "ected" + ], + [ + "Ġcred", + "ible" + ], + [ + "Ġsed", + "entary" + ], + [ + "ĠMont", + "gomery" + ], + [ + "Ġdocument", + "ing" + ], + [ + "ĠA", + "G" + ], + [ + "Ġse", + "ated" + ], + [ + "ĠG", + "RE" + ], + [ + "ling", + "ton" + ], + [ + "Ġcin", + "ema" + ], + [ + "ip", + "es" + ], + [ + "Ġher", + "ds" + ], + [ + "Ġes", + "c" + ], + [ + "Ġcontact", + "ed" + ], + [ + "Ref", + "erence" + ], + [ + "ĠCoal", + "ition" + ], + [ + "Ġcompuls", + "ory" + ], + [ + "S", + "il" + ], + [ + "P", + "sych" + ], + [ + "ll", + "ib" + ], + [ + "Ġreg", + "ret" + ], + [ + "w", + "hy" + ], + [ + "ig", + "ers" + ], + [ + "Ġrep", + "orter" + ], + [ + "Ġcol", + "oured" + ], + [ + "Ġfri", + "ed" + ], + [ + "Ġpolit", + "ician" + ], + [ + "Ġcontract", + "ing" + ], + [ + "Ġmod", + "ular" + ], + [ + "Ġland", + "owners" + ], + [ + "Ġfasc", + "ination" + ], + [ + "Ġsan", + "ctions" + ], + [ + "ĠOccup", + "ational" + ], + [ + "Ġjudge", + "ment" + ], + [ + "ĠBullet", + "in" + ], + [ + "Ġday", + "time" + ], + [ + "Ġv", + "iability" + ], + [ + "Ġunderstand", + "able" + ], + [ + "ĠEx", + "ternal" + ], + [ + "Ġben", + "z" + ], + [ + "ĠÂ", + "«" + ], + [ + "Ġconfig", + "ured" + ], + [ + "Ġrect", + "angle" + ], + [ + "Ġencrypt", + "ed" + ], + [ + "Ġth", + "rew" + ], + [ + "ĠS", + "I" + ], + [ + "Ġsp", + "arse" + ], + [ + "Ġdesert", + "s" + ], + [ + "Ġic", + "ons" + ], + [ + "Ġadorn", + "ed" + ], + [ + "Ġproc", + "ure" + ], + [ + "Ġless", + "en" + ], + [ + "/", + ">" + ], + [ + "se", + "gment" + ], + [ + "Ġdefend", + "ant" + ], + [ + "ĠPubl", + "ishers" + ], + [ + "re", + "aching" + ], + [ + "ĠV", + "as" + ], + [ + "Ġev", + "al" + ], + [ + "Ġfurn", + "ace" + ], + [ + "ÑĢ", + "а" + ], + [ + "Ġbeet", + "le" + ], + [ + "f", + "ac" + ], + [ + "ĠB", + "our" + ], + [ + "Ġexplore", + "r" + ], + [ + "plug", + "in" + ], + [ + "Ġs", + "erm" + ], + [ + "it", + "as" + ], + [ + "Ġgraph", + "ical" + ], + [ + "Man", + "agement" + ], + [ + "Ġdissol", + "ve" + ], + [ + "Ġs", + "outheastern" + ], + [ + "Ġab", + "norm" + ], + [ + "ĠCirc", + "uit" + ], + [ + "M", + "ass" + ], + [ + "d", + "ark" + ], + [ + "Ġre", + "he" + ], + [ + "Ġle", + "ase" + ], + [ + "sc", + "ar" + ], + [ + "ĠStep", + "s" + ], + [ + "Ġadvis", + "able" + ], + [ + "ĠSat", + "an" + ], + [ + "Ġmer", + "its" + ], + [ + "Ġexception", + "ally" + ], + [ + "ĠH", + "alloween" + ], + [ + "ack", + "ing" + ], + [ + "ĠSt", + "rait" + ], + [ + "Ġpoll", + "uted" + ], + [ + "ĠArt", + "ists" + ], + [ + "Ġpolym", + "ers" + ], + [ + "c", + "ale" + ], + [ + "re", + "ason" + ], + [ + "ĠB", + "urg" + ], + [ + "ĠF", + "O" + ], + [ + "ĠL", + "DL" + ], + [ + "Ġcl", + "an" + ], + [ + "Ġcur", + "b" + ], + [ + "IN", + "FO" + ], + [ + "arv", + "ation" + ], + [ + "ĠM", + "ail" + ], + [ + "out", + "ube" + ], + [ + "ĠEm", + "phas" + ], + [ + "cons", + "uming" + ], + [ + "ĠRab", + "bi" + ], + [ + "apt", + "ure" + ], + [ + "Ġreb", + "els" + ], + [ + "P", + "o" + ], + [ + "Ġun", + "successful" + ], + [ + "Ġro", + "ver" + ], + [ + "ĠPres", + "ervation" + ], + [ + "ĠTrans", + "form" + ], + [ + "prim", + "ary" + ], + [ + "st", + "ery" + ], + [ + "og", + "y" + ], + [ + "ous", + "ands" + ], + [ + "ĠWall", + "ace" + ], + [ + "Ġpunct", + "uation" + ], + [ + "Ġs", + "pp" + ], + [ + "Ġrun", + "ner" + ], + [ + "ĠCl", + "ient" + ], + [ + "ĠPower", + "Point" + ], + [ + "Ġuncon", + "ventional" + ], + [ + "Ġl", + "azy" + ], + [ + "Ġdist", + "orted" + ], + [ + "ĠPro", + "perties" + ], + [ + "ĠCl", + "are" + ], + [ + "Ġphot", + "ons" + ], + [ + "Ġprogress", + "ively" + ], + [ + "Ġgrant", + "ing" + ], + [ + "c", + "n" + ], + [ + "Ġd", + "ire" + ], + [ + "čĊ", + "Ġ" + ], + [ + "Ġder", + "ives" + ], + [ + "j", + "ah" + ], + [ + "Ġoff", + "ense" + ], + [ + "ut", + "ory" + ], + [ + "ĠMes", + "opotam" + ], + [ + "Ġcollect", + "s" + ], + [ + "ĠExper", + "imental" + ], + [ + "A", + "p" + ], + [ + "ĠT", + "i" + ], + [ + "Ġsp", + "herical" + ], + [ + "ĠSh", + "aw" + ], + [ + "gra", + "v" + ], + [ + "Ġarm", + "or" + ], + [ + "rust", + "ed" + ], + [ + "Ġun", + "changed" + ], + [ + "Ġsw", + "ings" + ], + [ + "ont", + "ally" + ], + [ + "Ġ}", + ")" + ], + [ + "ĠOrgan", + "izations" + ], + [ + "N", + "F" + ], + [ + "ir", + "uses" + ], + [ + "Ġpain", + "ters" + ], + [ + "en", + "es" + ], + [ + "Ġmot", + "ives" + ], + [ + "US", + "ER" + ], + [ + "ĠOm", + "ega" + ], + [ + "qu", + "isition" + ], + [ + "un", + "al" + ], + [ + "Ġent", + "ang" + ], + [ + "Ġpropos", + "es" + ], + [ + "W", + "orking" + ], + [ + "ch", + "in" + ], + [ + "pay", + "load" + ], + [ + "Ġgo", + "ogle" + ], + [ + "ĠAtmosp", + "heric" + ], + [ + "m", + "ala" + ], + [ + "iv", + "itis" + ], + [ + "ĠE", + "SA" + ], + [ + "Ġprom", + "inence" + ], + [ + "Ġcourse", + "work" + ], + [ + "att", + "ice" + ], + [ + "Ġbase", + "ment" + ], + [ + "+", + "\"" + ], + [ + "Ġcarbon", + "ate" + ], + [ + "F", + "un" + ], + [ + "get", + "Logger" + ], + [ + "Ġgr", + "as" + ], + [ + "rad", + "ing" + ], + [ + "ĠLib", + "eral" + ], + [ + ")", + "\"," + ], + [ + "l", + "antic" + ], + [ + "qu", + "est" + ], + [ + "ĠN", + "R" + ], + [ + "Ġunderstand", + "ings" + ], + [ + "Ġbehaviour", + "al" + ], + [ + "C", + "ould" + ], + [ + "W", + "ashington" + ], + [ + "ra", + "ising" + ], + [ + "V", + "s" + ], + [ + "g", + "old" + ], + [ + "Ġby", + "te" + ], + [ + "Ġsp", + "aced" + ], + [ + "Ġself", + "ish" + ], + [ + "Ġreg", + "iment" + ], + [ + "Ġsem", + "antic" + ], + [ + "ĠRock", + "y" + ], + [ + "Ġc", + "innamon" + ], + [ + "Ġw", + "omb" + ], + [ + "chie", + "f" + ], + [ + "Ġlecture", + "r" + ], + [ + "Ġresemb", + "ling" + ], + [ + "Ġ'", + "'," + ], + [ + "asc", + "ar" + ], + [ + "Ġbund", + "le" + ], + [ + "ourge", + "ois" + ], + [ + "Ġtire", + "lessly" + ], + [ + "S", + "at" + ], + [ + "Ġenroll", + "ment" + ], + [ + "vant", + "ages" + ], + [ + "T", + "ips" + ], + [ + "ĠT", + "ao" + ], + [ + "Ġsp", + "at" + ], + [ + "Ġdem", + "ocr" + ], + [ + "Ġmission", + "ary" + ], + [ + "ĠHind", + "us" + ], + [ + "P", + "rior" + ], + [ + "o", + "ct" + ], + [ + "Ġcar", + "ot" + ], + [ + "Ġcounsel", + "or" + ], + [ + "oc", + "aly" + ], + [ + "ĠK", + "IND" + ], + [ + "Ġsan", + "it" + ], + [ + "Ġsol", + "vent" + ], + [ + "ĠDis", + "abilities" + ], + [ + "i", + "per" + ], + [ + "s", + "ometimes" + ], + [ + "å", + "ľ" + ], + [ + "qu", + "in" + ], + [ + "ĠL", + "ot" + ], + [ + "round", + "ed" + ], + [ + "com", + "merce" + ], + [ + "(\"", + "%" + ], + [ + "Ġm", + "und" + ], + [ + "ĠK", + "evin" + ], + [ + "ĠReg", + "ulations" + ], + [ + "cel", + "ain" + ], + [ + "ĠJud", + "ah" + ], + [ + "Ġlett", + "uce" + ], + [ + "Ġd", + "ancers" + ], + [ + "Ġab", + "used" + ], + [ + "ĠNurs", + "ing" + ], + [ + "Cong", + "ratulations" + ], + [ + "Ġb", + "ile" + ], + [ + "Ġd", + "roughts" + ], + [ + "sc", + "hed" + ], + [ + "Ġhe", + "mp" + ], + [ + "Ġinv", + "ari" + ], + [ + "Ġconstit", + "uted" + ], + [ + "Ġmeticul", + "ous" + ], + [ + "Ġspe", + "ar" + ], + [ + "Ind", + "ividual" + ], + [ + "A", + "h" + ], + [ + "res", + "pect" + ], + [ + "Ġpo", + "orest" + ], + [ + "ĠCir", + "cle" + ], + [ + "om", + "aly" + ], + [ + "ĠC", + "ategory" + ], + [ + "chan", + "ical" + ], + [ + "Ġmanifest", + "ation" + ], + [ + "Ġrational", + "e" + ], + [ + "ĠC", + "od" + ], + [ + "gg", + "le" + ], + [ + "Ġbrow", + "se" + ], + [ + "Ġincons", + "ist" + ], + [ + "ĠS", + "ut" + ], + [ + "Ġprosper", + "ous" + ], + [ + "Ġmunicip", + "alities" + ], + [ + "Ġenrich", + "ment" + ], + [ + "ĠDI", + "Y" + ], + [ + "Ù", + "Ī" + ], + [ + "Ġw", + "ines" + ], + [ + "Ġne", + "c" + ], + [ + "ĠMedic", + "aid" + ], + [ + "Ġexacerb", + "ate" + ], + [ + "an", + "us" + ], + [ + "ib", + "ular" + ], + [ + "ĠAr", + "duino" + ], + [ + "ĠÐ", + "²" + ], + [ + "neg", + "ie" + ], + [ + "Ġesoph", + "agus" + ], + [ + "ĠH", + "end" + ], + [ + "ĠR", + "s" + ], + [ + "Ġsh", + "ining" + ], + [ + "ĠAl", + "ban" + ], + [ + "Co", + "V" + ], + [ + "/", + "\"" + ], + [ + "em", + "ann" + ], + [ + "ĠMet", + "eor" + ], + [ + "Ge", + "orge" + ], + [ + "educ", + "ation" + ], + [ + "G", + "H" + ], + [ + "ĠA", + "TP" + ], + [ + "Ġex", + "ting" + ], + [ + "Ġparliament", + "ary" + ], + [ + "}", + "'." + ], + [ + "ĠH", + "at" + ], + [ + "ĠG", + "ates" + ], + [ + "Ġcho", + "res" + ], + [ + "ĠDo", + "ctors" + ], + [ + "inn", + "itus" + ], + [ + "×", + "ķ" + ], + [ + "Ġl", + "ending" + ], + [ + "ĠB", + "ath" + ], + [ + "iz", + "ards" + ], + [ + "Ġtodd", + "lers" + ], + [ + "Ġp", + "all" + ], + [ + "pos", + "ium" + ], + [ + "Ġcontract", + "ors" + ], + [ + "Ġs", + "igma" + ], + [ + "Ġf", + "als" + ], + [ + "et", + "c" + ], + [ + "Ġtransport", + "ing" + ], + [ + "Ġl", + "aund" + ], + [ + "Ġprogram", + "mers" + ], + [ + "ĠW", + "ag" + ], + [ + "ĠE", + "agle" + ], + [ + "Ġun", + "ravel" + ], + [ + "Ġins", + "cription" + ], + [ + "ĠAll", + "ies" + ], + [ + "Ġirre", + "vers" + ], + [ + "ĠManufact", + "uring" + ], + [ + "w", + "rap" + ], + [ + "Ġt", + "ect" + ], + [ + "ir", + "ling" + ], + [ + "ĠM", + "ul" + ], + [ + "Ġcl", + "ue" + ], + [ + "Ġsupp", + "lying" + ], + [ + "Ġpun", + "ished" + ], + [ + "Ġcrew", + "s" + ], + [ + "Ġpersu", + "ade" + ], + [ + "Ġpeace", + "fully" + ], + [ + "ĠChe", + "roke" + ], + [ + "ĠOrgan", + "isation" + ], + [ + "ĠPan", + "ama" + ], + [ + "Ġdist", + "ortion" + ], + [ + "Ġadm", + "ired" + ], + [ + "оÐ", + "²" + ], + [ + "Ġsemicon", + "ductor" + ], + [ + "f", + "ills" + ], + [ + "ip", + "el" + ], + [ + "Ġadvertise", + "ments" + ], + [ + "ĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠ" + ], + [ + "Ġexcess", + "ively" + ], + [ + "Ġtransplant", + "ation" + ], + [ + "dehy", + "de" + ], + [ + "H", + "yd" + ], + [ + "ĠPro", + "du" + ], + [ + "\"]", + "[" + ], + [ + "ĠAugust", + "ine" + ], + [ + "ĠDiv", + "ide" + ], + [ + "Ġtra", + "vers" + ], + [ + "Ġjo", + "ke" + ], + [ + "?", + "âĢĻ" + ], + [ + "M", + "RI" + ], + [ + "å", + "º" + ], + [ + "Ġsub", + "merged" + ], + [ + "Ġreb", + "uilt" + ], + [ + "ut", + "an" + ], + [ + "Ġal", + "coholic" + ], + [ + "Ġnav", + "y" + ], + [ + "Ġrevol", + "t" + ], + [ + "f", + "name" + ], + [ + "Ġc", + "act" + ], + [ + "it", + "ious" + ], + [ + "ac", + "char" + ], + [ + "Ġtodd", + "ler" + ], + [ + "Ġt", + "an" + ], + [ + "ĠCh", + "oice" + ], + [ + "des", + "igned" + ], + [ + "Ġvolunt", + "eering" + ], + [ + "Ġmyst", + "ical" + ], + [ + "ĠHarm", + "ony" + ], + [ + "F", + "ire" + ], + [ + "le", + "ad" + ], + [ + "ĠRe", + "formation" + ], + [ + "Ġperiod", + "ontal" + ], + [ + "E", + "r" + ], + [ + "M", + "iddle" + ], + [ + "V", + "R" + ], + [ + "ĠMy", + "anmar" + ], + [ + "compat", + "ible" + ], + [ + "Ġk", + "not" + ], + [ + "lect", + "ing" + ], + [ + "Ġsum", + "s" + ], + [ + "ĠP", + "ine" + ], + [ + "Ġcan", + "s" + ], + [ + "Ġle", + "ague" + ], + [ + "Ġreg", + "isters" + ], + [ + "Ġprop", + "onents" + ], + [ + "ĠW", + "ide" + ], + [ + "ĠConnect", + "ions" + ], + [ + "an", + "ing" + ], + [ + "ĠF", + "ruit" + ], + [ + "ĠAd", + "obe" + ], + [ + "ĠMark", + "eting" + ], + [ + "h", + "arm" + ], + [ + "Ġequ", + "ival" + ], + [ + "Ġir", + "rational" + ], + [ + "Ġprob", + "iotics" + ], + [ + "Ġprevent", + "able" + ], + [ + "Ġsqu", + "eeze" + ], + [ + "ĠBrook", + "lyn" + ], + [ + "m", + "ith" + ], + [ + "Ġc", + "ott" + ], + [ + "ox", + "y" + ], + [ + "Ġeconom", + "ical" + ], + [ + "ĠRes", + "pect" + ], + [ + "ĠDo", + "ing" + ], + [ + "Ġsing", + "er" + ], + [ + "sp", + "ot" + ], + [ + "ĠPriv", + "acy" + ], + [ + "ur", + "ious" + ], + [ + "IN", + "S" + ], + [ + "Ġtu", + "ition" + ], + [ + "ĠOrig", + "inally" + ], + [ + "ĠTes", + "la" + ], + [ + "Ġb", + "orne" + ], + [ + "ĠS", + "AT" + ], + [ + "ass", + "o" + ], + [ + "pro", + "tein" + ], + [ + "Ġpack", + "ing" + ], + [ + "ĠPol", + "ar" + ], + [ + "ĠWhe", + "never" + ], + [ + "Ġb", + "iting" + ], + [ + "ĠC", + "u" + ], + [ + "Ġconfig", + "ure" + ], + [ + "ĠPers", + "pective" + ], + [ + "ĠUtil", + "izing" + ], + [ + "Ġexagger", + "ated" + ], + [ + "C", + "lean" + ], + [ + "Ġloc", + "ks" + ], + [ + "sec", + "ure" + ], + [ + "ĠRad", + "iation" + ], + [ + "Ġbuild", + "er" + ], + [ + "Ġrev", + "ital" + ], + [ + "ĠType", + "Error" + ], + [ + "Ġconvey", + "ed" + ], + [ + "Ġl", + "amin" + ], + [ + "ĠD", + "M" + ], + [ + "ĠEld", + "er" + ], + [ + "s", + "ided" + ], + [ + "Ġc", + "ush" + ], + [ + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠ" + ], + [ + "Ġden", + "ying" + ], + [ + "ĠTre", + "asury" + ], + [ + "Ġpupp", + "y" + ], + [ + "ĠStew", + "art" + ], + [ + "Ġs", + "lu" + ], + [ + "Ġse", + "wing" + ], + [ + "r", + "ising" + ], + [ + "th", + "ose" + ], + [ + "Ġverte", + "x" + ], + [ + "]", + "/" + ], + [ + "Ġ'", + ")" + ], + [ + "trans", + "late" + ], + [ + "ou", + "st" + ], + [ + "Ġinf", + "ancy" + ], + [ + "ex", + "port" + ], + [ + "ÃŃ", + "s" + ], + [ + "Ġundes", + "irable" + ], + [ + "c", + "and" + ], + [ + "ĠPh", + "araoh" + ], + [ + "ĠCare", + "er" + ], + [ + "Ġfisher", + "men" + ], + [ + "Ġhierarch", + "ies" + ], + [ + "Ġqu", + "ar" + ], + [ + "ĠTra", + "ffic" + ], + [ + "Ġmig", + "ratory" + ], + [ + "Ġverte", + "bra" + ], + [ + "Prot", + "ocol" + ], + [ + "s", + "il" + ], + [ + "Ġend", + "ocrine" + ], + [ + "co", + "ords" + ], + [ + "pan", + "ish" + ], + [ + "nam", + "ents" + ], + [ + "Ġpra", + "ised" + ], + [ + "Ġshed", + "s" + ], + [ + "Ġsatisfact", + "ory" + ], + [ + "whe", + "el" + ], + [ + "Ġrec", + "urs" + ], + [ + "ĠV", + "atican" + ], + [ + "Ġsuper", + "vised" + ], + [ + "P", + "ool" + ], + [ + "Ġnort", + "heastern" + ], + [ + "ĠB", + "ond" + ], + [ + "ĠB", + "uck" + ], + [ + "ĠG", + "it" + ], + [ + "ĠTh", + "ought" + ], + [ + "ad", + "j" + ], + [ + "Ġinfest", + "ation" + ], + [ + "Ġwe", + "ighed" + ], + [ + "ĠW", + "el" + ], + [ + "Ġcomp", + "ile" + ], + [ + "ĠWhe", + "el" + ], + [ + "Ġtoler", + "ant" + ], + [ + ">", + "\"," + ], + [ + "an", + "za" + ], + [ + "Ġres", + "ent" + ], + [ + "ĠIncre", + "ase" + ], + [ + "is", + "o" + ], + [ + "ast", + "rous" + ], + [ + "aj", + "a" + ], + [ + "Ġbeat", + "en" + ], + [ + "u", + "rom" + ], + [ + "ĠL", + "as" + ], + [ + "Ġdon", + "ate" + ], + [ + "ĠChap", + "el" + ], + [ + "ort", + "ic" + ], + [ + "Ġeng", + "ages" + ], + [ + "back", + "end" + ], + [ + "ĠÎ", + "²" + ], + [ + "Ġstim", + "ulated" + ], + [ + "Comput", + "er" + ], + [ + "U", + "r" + ], + [ + "k", + "an" + ], + [ + "ipp", + "er" + ], + [ + "evol", + "ving" + ], + [ + "x", + "uality" + ], + [ + "arn", + "ation" + ], + [ + "Ġgeneral", + "ized" + ], + [ + "Ġswe", + "ep" + ], + [ + "Ġhomes", + "chool" + ], + [ + "g", + "re" + ], + [ + "Ġp", + "ens" + ], + [ + "Ġover", + "flow" + ], + [ + "Ġdefic", + "ient" + ], + [ + "pur", + "pose" + ], + [ + "ĠHug", + "hes" + ], + [ + "iothe", + "rapy" + ], + [ + "pl", + "ate" + ], + [ + "ĠVir", + "us" + ], + [ + "ĠConstitution", + "al" + ], + [ + "T", + "urn" + ], + [ + "Ġcomp", + "ose" + ], + [ + "Ġdet", + "ention" + ], + [ + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠ" + ], + [ + "ĠDem", + "onstr" + ], + [ + "d", + "epend" + ], + [ + "Ġlow", + "ers" + ], + [ + "oc", + "cur" + ], + [ + "Ġthin", + "ner" + ], + [ + "ï¿", + "½" + ], + [ + "Ġp", + "iles" + ], + [ + "Ġor", + "phan" + ], + [ + "ĠN", + "ar" + ], + [ + "set", + "ter" + ], + [ + "Ġconsp", + "iracy" + ], + [ + "Doc", + "ument" + ], + [ + "ĠC", + "AD" + ], + [ + "Ġcur", + "rencies" + ], + [ + "ĠPe", + "oples" + ], + [ + "ĠWW", + "II" + ], + [ + "S", + "n" + ], + [ + "Ġin", + "duct" + ], + [ + "Ġst", + "airs" + ], + [ + "Ġcal", + "ibr" + ], + [ + "AC", + "H" + ], + [ + "or", + "um" + ], + [ + "Ġthem", + "atic" + ], + [ + "Ġ:", + "]" + ], + [ + "ĠApp", + "roximately" + ], + [ + "Ġprofound", + "ly" + ], + [ + "ĠLie", + "utenant" + ], + [ + "y", + "ards" + ], + [ + "ĠHem", + "isphere" + ], + [ + "Ġa", + "rous" + ], + [ + "in", + "ently" + ], + [ + "Ġon", + "t" + ], + [ + "ore", + "rs" + ], + [ + "Ġbuild", + "ers" + ], + [ + "ĠQ", + "ual" + ], + [ + "ad", + "just" + ], + [ + "ĠH", + "ond" + ], + [ + "me", + "ans" + ], + [ + "Ġrout", + "ing" + ], + [ + "Ġnucle", + "i" + ], + [ + "ĠLab", + "el" + ], + [ + "Ġhint", + "s" + ], + [ + "and", + "ing" + ], + [ + "or", + "neys" + ], + [ + "om", + "o" + ], + [ + "ch", + "rom" + ], + [ + "ĠL", + "isa" + ], + [ + "Ġfact", + "ual" + ], + [ + "ĠPl", + "uto" + ], + [ + "Ġc", + "ray" + ], + [ + "ĠM", + "asters" + ], + [ + "ĠIsa", + "iah" + ], + [ + "e", + "ight" + ], + [ + "ur", + "istic" + ], + [ + "ĠRe", + "ef" + ], + [ + "Ġpur", + "ification" + ], + [ + "Ġwart", + "ime" + ], + [ + "le", + "tt" + ], + [ + "m", + "ot" + ], + [ + "ĠM", + "ining" + ], + [ + "ĠM", + "amm" + ], + [ + "int", + "ensity" + ], + [ + "Ġproceed", + "ed" + ], + [ + "Ġles", + "bian" + ], + [ + "Ġl", + "umber" + ], + [ + "ĠM", + "erc" + ], + [ + "Ġres", + "iding" + ], + [ + "Ġco", + "erc" + ], + [ + "Ġveter", + "an" + ], + [ + "ens", + "en" + ], + [ + "Ġsustain", + "ing" + ], + [ + "Ġrepl", + "en" + ], + [ + "ĠIn", + "come" + ], + [ + "b", + "rand" + ], + [ + "Ġt", + "ribut" + ], + [ + "Ġg", + "n" + ], + [ + "ĠC", + "ome" + ], + [ + "Ġwind", + "ing" + ], + [ + "Ġtrig", + "gering" + ], + [ + "ĠCarl", + "os" + ], + [ + "ĠNAT", + "O" + ], + [ + "Ġp", + "ushes" + ], + [ + "L", + "I" + ], + [ + "Ġl", + "ane" + ], + [ + "ĠConf", + "uci" + ], + [ + "ĠDiff", + "erence" + ], + [ + "ĠLi", + "u" + ], + [ + "ĠGu", + "y" + ], + [ + "Ġsquir", + "rels" + ], + [ + "t", + "ens" + ], + [ + "Ġst", + "air" + ], + [ + "ĠC", + "riminal" + ], + [ + "Ġmod", + "alities" + ], + [ + "**", + "*" + ], + [ + "Ġcru", + "ise" + ], + [ + "Ġec", + "zema" + ], + [ + "ĠN", + "HS" + ], + [ + "Ġmig", + "raine" + ], + [ + "Ġdorm", + "ant" + ], + [ + "c", + "ig" + ], + [ + "ren", + "ched" + ], + [ + "ason", + "ry" + ], + [ + "Ġsubst", + "itution" + ], + [ + "Ġch", + "ore" + ], + [ + "ĠR", + "yan" + ], + [ + "Ġacknowled", + "ges" + ], + [ + "Ġblow", + "n" + ], + [ + "Ġmonument", + "al" + ], + [ + "Ġo", + "st" + ], + [ + "ĠAut", + "hent" + ], + [ + "ĠLaur", + "a" + ], + [ + "g", + "ated" + ], + [ + "ĠHer", + "bert" + ], + [ + "ĠON", + "E" + ], + [ + "crit", + "ical" + ], + [ + "Ġd", + "yes" + ], + [ + "Ġbo", + "ots" + ], + [ + "Ġkin", + "etic" + ], + [ + "E", + "val" + ], + [ + "Ġref", + "resh" + ], + [ + "ivid", + "ed" + ], + [ + "Ġpret", + "end" + ], + [ + "ĠDev", + "ice" + ], + [ + ")", + "]," + ], + [ + "a", + "q" + ], + [ + "st", + "en" + ], + [ + "Ġcal", + "ming" + ], + [ + "Ġobserv", + "ational" + ], + [ + "b", + "c" + ], + [ + "ĠAl", + "pha" + ], + [ + "Ġge", + "othermal" + ], + [ + "ĠiP", + "ad" + ], + [ + "r", + "f" + ], + [ + "Ġn", + "arc" + ], + [ + "Ġper", + "pendicular" + ], + [ + "Ġform", + "ative" + ], + [ + "Ġrid", + "ers" + ], + [ + "W", + "estern" + ], + [ + "ĠC", + "oc" + ], + [ + "ĠN", + "ad" + ], + [ + "cl", + "inical" + ], + [ + "Ġred", + "dish" + ], + [ + "ĠJ", + "ake" + ], + [ + "Ġcost", + "umes" + ], + [ + "al", + "ign" + ], + [ + "Ġdef", + "ended" + ], + [ + "ĠRe", + "in" + ], + [ + "Ġelev", + "ate" + ], + [ + "Ġrid", + "icul" + ], + [ + "Sim", + "ilar" + ], + [ + "Ġconj", + "ug" + ], + [ + "s", + "ocket" + ], + [ + "ĠK", + "o" + ], + [ + "Ġhel", + "per" + ], + [ + "Ġlot", + "tery" + ], + [ + "Ġgran", + "ite" + ], + [ + "}", + "$" + ], + [ + "Ġrestrict", + "ive" + ], + [ + "Of", + "ten" + ], + [ + "be", + "ans" + ], + [ + "Ġmamm", + "al" + ], + [ + "m", + "oving" + ], + [ + "Ġo", + "h" + ], + [ + "Ġno", + "isy" + ], + [ + "arg", + "uments" + ], + [ + "Ġcat", + "hedral" + ], + [ + "Ġinvestig", + "ator" + ], + [ + "Ġp", + "ouring" + ], + [ + "Ġproduct", + "ions" + ], + [ + "c", + "it" + ], + [ + "Ġgrammat", + "ical" + ], + [ + "L", + "aw" + ], + [ + "ĠG", + "row" + ], + [ + "trans", + "pose" + ], + [ + "fact", + "ion" + ], + [ + "Ġclust", + "ering" + ], + [ + "Ġl", + "ately" + ], + [ + "Ġdisc", + "ol" + ], + [ + "Ġhard", + "y" + ], + [ + "Ġopt", + "ic" + ], + [ + "su", + "ff" + ], + [ + "ict", + "ure" + ], + [ + "op", + "last" + ], + [ + "Ġcl", + "o" + ], + [ + "Ġli", + "able" + ], + [ + "iqu", + "ette" + ], + [ + "ĠCom", + "merce" + ], + [ + "Ġking", + "doms" + ], + [ + "Ġpu", + "berty" + ], + [ + "ĠC", + "ats" + ], + [ + "AR", + "CH" + ], + [ + "Ġslow", + "s" + ], + [ + "Ġmouth", + "s" + ], + [ + "Ġpig", + "ments" + ], + [ + "Ġnormal", + "ize" + ], + [ + "L", + "ittle" + ], + [ + "ould", + "er" + ], + [ + "(\"", + "--" + ], + [ + "Ġcounsel", + "ors" + ], + [ + "M", + "ad" + ], + [ + "b", + "usiness" + ], + [ + "c", + "ases" + ], + [ + "Ġnot", + "ification" + ], + [ + "Ġuniqu", + "eness" + ], + [ + "s", + "omething" + ], + [ + "ĠDisc", + "overing" + ], + [ + "B", + "ot" + ], + [ + "Ġprog", + "nosis" + ], + [ + "Ġstat", + "ute" + ], + [ + "Ġassert", + "ion" + ], + [ + "Ġswe", + "eping" + ], + [ + "Ġaccompl", + "ishment" + ], + [ + "ĠIde", + "ally" + ], + [ + "prog", + "ress" + ], + [ + "!", + "\")" + ], + [ + "Ġmiss", + "iles" + ], + [ + "Ġscript", + "ure" + ], + [ + "ĠN", + "athan" + ], + [ + "ne", + "eded" + ], + [ + "ob", + "iles" + ], + [ + "Ġrot", + "or" + ], + [ + "Ġintertw", + "ined" + ], + [ + "orect", + "al" + ], + [ + "Ġer", + "as" + ], + [ + "Ġfemin", + "ine" + ], + [ + "uc", + "king" + ], + [ + "sim", + "ilar" + ], + [ + "ropol", + "is" + ], + [ + "ing", + "les" + ], + [ + "ĠP", + "ere" + ], + [ + "ract", + "ical" + ], + [ + "IS", + "H" + ], + [ + "ĠHistor", + "ically" + ], + [ + "Ġv", + "ault" + ], + [ + "rad", + "ius" + ], + [ + "Ġtim", + "estamp" + ], + [ + "Ġobst", + "ruction" + ], + [ + "Ġaston", + "ishing" + ], + [ + "w", + "ould" + ], + [ + "en", + "ch" + ], + [ + "Ġon", + "wards" + ], + [ + "Ġbl", + "amed" + ], + [ + "Ġmed", + "iation" + ], + [ + "Ġviol", + "ated" + ], + [ + "Ġfort", + "ress" + ], + [ + "Ġvoc", + "ational" + ], + [ + "Ġinvest", + "or" + ], + [ + "hel", + "per" + ], + [ + "eterm", + "ined" + ], + [ + "Ġs", + "ights" + ], + [ + "Ġadvis", + "ors" + ], + [ + "Ġar", + "id" + ], + [ + "Ġchim", + "pan" + ], + [ + "Ġs", + "arc" + ], + [ + "Ġpre", + "requ" + ], + [ + "Ġthought", + "fully" + ], + [ + "Ġaspir", + "in" + ], + [ + "ĠM", + "ead" + ], + [ + "tern", + "ally" + ], + [ + "Ġbr", + "ide" + ], + [ + "Ġvacc", + "inations" + ], + [ + "Ġconfidential", + "ity" + ], + [ + "Ġall", + "iances" + ], + [ + "Ġst", + "unt" + ], + [ + "ĠPl", + "astic" + ], + [ + "idd", + "ing" + ], + [ + "Ġdiagn", + "osing" + ], + [ + "Ġreferen", + "ced" + ], + [ + "Ġsc", + "aled" + ], + [ + "Ġth", + "rows" + ], + [ + "Ġreal", + "ise" + ], + [ + "Ġopp", + "ose" + ], + [ + "Ġdev", + "il" + ], + [ + "TI", + "ME" + ], + [ + "Ġtraject", + "ories" + ], + [ + "ĠPoll", + "ution" + ], + [ + "uff", + "s" + ], + [ + "Ġadm", + "iration" + ], + [ + "Ġscatter", + "ing" + ], + [ + "ask", + "et" + ], + [ + "Ġtradem", + "ark" + ], + [ + "O", + "k" + ], + [ + "Ġ", + "Ä" + ], + [ + "Ġob", + "solete" + ], + [ + "Ġconf", + "use" + ], + [ + "ĠDom", + "estic" + ], + [ + ")", + "\\" + ], + [ + "Ġt", + "art" + ], + [ + "ĠAr", + "ray" + ], + [ + "ĠFarm", + "ers" + ], + [ + "c", + "ertain" + ], + [ + "Ġexperi", + "ential" + ], + [ + "yn", + "es" + ], + [ + "Anal", + "y" + ], + [ + "Ġb", + "ilateral" + ], + [ + "Ġfold", + "ed" + ], + [ + "Ġnegot", + "iating" + ], + [ + "Ġlawsu", + "it" + ], + [ + "fact", + "s" + ], + [ + "Ġsun", + "shine" + ], + [ + "Ġsepar", + "ates" + ], + [ + "ĠAny", + "one" + ], + [ + "ĠCompar", + "ison" + ], + [ + "Ġh", + "ort" + ], + [ + "Ġ[", + "{" + ], + [ + "âĢ¦", + "]" + ], + [ + "ĠUp", + "dated" + ], + [ + "Ġimperial", + "ism" + ], + [ + "T", + "em" + ], + [ + "er", + "ately" + ], + [ + "Ġf", + "ills" + ], + [ + "ĠW", + "id" + ], + [ + "ĠW", + "ave" + ], + [ + "Ġsuff", + "rage" + ], + [ + "im", + "o" + ], + [ + "Ġob", + "l" + ], + [ + "oss", + "ibly" + ], + [ + "Ġaff", + "inity" + ], + [ + "Ġfil", + "ing" + ], + [ + "hand", + "ed" + ], + [ + "Ġf", + "n" + ], + [ + "Ġout", + "we" + ], + [ + "ate", + "red" + ], + [ + "ac", + "id" + ], + [ + "ĠCor", + "on" + ], + [ + "Ġarom", + "atic" + ], + [ + "Ġreper", + "to" + ], + [ + "ĠG", + "rid" + ], + [ + "Ġur", + "ging" + ], + [ + "ĠE", + "co" + ], + [ + "Ġra", + "iny" + ], + [ + "IG", + "N" + ], + [ + "Ġtran", + "qu" + ], + [ + "ul", + "i" + ], + [ + "Ġcondition", + "al" + ], + [ + "Ġcra", + "b" + ], + [ + "Ġbon", + "us" + ], + [ + "RN", + "As" + ], + [ + "Ġst", + "a" + ], + [ + "Ġhed", + "ge" + ], + [ + "ar", + "ine" + ], + [ + "Ġnull", + "able" + ], + [ + "Ġdis", + "astrous" + ], + [ + "f", + "ired" + ], + [ + "av", + "oid" + ], + [ + "sex", + "ual" + ], + [ + "Ġevac", + "uation" + ], + [ + "Ġlad", + "ies" + ], + [ + "O", + "B" + ], + [ + "ateg", + "y" + ], + [ + "//", + "//" + ], + [ + "w", + "itz" + ], + [ + "Ġgreen", + "er" + ], + [ + "const", + "ant" + ], + [ + "Ġprow", + "ess" + ], + [ + "Ġp", + "aving" + ], + [ + "Ġ\"", + "[" + ], + [ + "Ġcan", + "ine" + ], + [ + "pl", + "astic" + ], + [ + "ĠRe", + "agan" + ], + [ + "Ġw", + "rink" + ], + [ + "ĠI", + "bid" + ], + [ + "ect", + "ions" + ], + [ + "ĠB", + "rist" + ], + [ + "Ġdi", + "agonal" + ], + [ + "Ġbas", + "il" + ], + [ + "cur", + "ricular" + ], + [ + "ĠRed", + "uction" + ], + [ + "ĠRest", + "oration" + ], + [ + "Ġartic", + "ulate" + ], + [ + "ĠR", + "achel" + ], + [ + "Ġbr", + "an" + ], + [ + "Ġalign", + "s" + ], + [ + "Ġdermat", + "itis" + ], + [ + "ĠC", + "ord" + ], + [ + "Ġrelat", + "ivity" + ], + [ + "a", + "vers" + ], + [ + "j", + "our" + ], + [ + "p", + "se" + ], + [ + "Ġh", + "one" + ], + [ + "Ġdrain", + "ed" + ], + [ + "il", + "ian" + ], + [ + "ĠWood", + "s" + ], + [ + "Ġmillenn", + "ia" + ], + [ + "Ġe", + "igen" + ], + [ + "ot", + "rop" + ], + [ + "ĠH", + "ipp" + ], + [ + "ĠL", + "ung" + ], + [ + "Ġrain", + "bow" + ], + [ + "ĠPot", + "ter" + ], + [ + "Ġthe", + "ta" + ], + [ + "ich", + "i" + ], + [ + "Ġun", + "ite" + ], + [ + "Ġac", + "ron" + ], + [ + "ĠRe", + "lease" + ], + [ + "Ġdr", + "astic" + ], + [ + "Ġmean", + "while" + ], + [ + "Ġprofession", + "ally" + ], + [ + "Ġcorner", + "stone" + ], + [ + "ĠRom", + "antic" + ], + [ + "pip", + "eline" + ], + [ + "G", + "D" + ], + [ + "ĠPre", + "vious" + ], + [ + "L", + "oss" + ], + [ + "p", + "ra" + ], + [ + "ist", + "ered" + ], + [ + "ĠCollab", + "oration" + ], + [ + "Ġw", + "ipe" + ], + [ + "Ġreg", + "ener" + ], + [ + "ĠBe", + "e" + ], + [ + "Ġdecor", + "ations" + ], + [ + "Ġmig", + "rant" + ], + [ + "Ġguard", + "ians" + ], + [ + "Ġhorn", + "s" + ], + [ + "Ġus", + "able" + ], + [ + "Ġinf", + "ertility" + ], + [ + "Ġaff", + "air" + ], + [ + "ĠVi", + "king" + ], + [ + "H", + "ol" + ], + [ + "R", + "Y" + ], + [ + "w", + "oman" + ], + [ + "Ġm", + "alf" + ], + [ + "rand", + "int" + ], + [ + "Ġvit", + "ality" + ], + [ + "ĠHam", + "let" + ], + [ + "an", + "ne" + ], + [ + "ĠH", + "z" + ], + [ + "ent", + "ric" + ], + [ + "il", + "itary" + ], + [ + "Ġ\"", + "{" + ], + [ + "ov", + "o" + ], + [ + "sk", + "in" + ], + [ + "ighth", + "ouse" + ], + [ + "Ġmap", + "le" + ], + [ + "ĠBas", + "ically" + ], + [ + "Ġc", + "akes" + ], + [ + "pe", + "ace" + ], + [ + "Ġout", + "right" + ], + [ + "rem", + "ote" + ], + [ + "ĠMid", + "west" + ], + [ + "Ġp", + "ension" + ], + [ + "Ġspec", + "ulative" + ], + [ + "()", + "]" + ], + [ + "Ġcomplex", + "es" + ], + [ + ".", + "'," + ], + [ + "Ġh", + "uh" + ], + [ + "iz", + "ontal" + ], + [ + "Ġconst", + "raint" + ], + [ + "Ġrhy", + "me" + ], + [ + "ĠBron", + "ze" + ], + [ + "Ġsket", + "ches" + ], + [ + "ĠCh", + "a" + ], + [ + "ĠYO", + "UR" + ], + [ + "Att", + "ribute" + ], + [ + "Ġadhes", + "ive" + ], + [ + "ĠFr", + "ances" + ], + [ + "ID", + "E" + ], + [ + "Ġtrust", + "worthy" + ], + [ + "Rec", + "ord" + ], + [ + "ĠK", + "um" + ], + [ + "Ġfr", + "ank" + ], + [ + "Ġhon", + "ored" + ], + [ + "tr", + "l" + ], + [ + "Ġgroup", + "ing" + ], + [ + "Ġwild", + "fires" + ], + [ + "Ġcounter", + "part" + ], + [ + "ĠMet", + "al" + ], + [ + "Ġhoriz", + "ontally" + ], + [ + "Ñģ", + "ÑĤ" + ], + [ + "ĠRog", + "ers" + ], + [ + "ĠP", + "overty" + ], + [ + "ĠG", + "rey" + ], + [ + "Ġbefore", + "hand" + ], + [ + "A", + "ge" + ], + [ + "Ġl", + "ac" + ], + [ + "ĠF", + "ib" + ], + [ + "end", + "ered" + ], + [ + "Ġinv", + "aders" + ], + [ + "Ġinter", + "st" + ], + [ + "ex", + "ceptions" + ], + [ + "I", + "E" + ], + [ + "en", + "ario" + ], + [ + "Ġl", + "ur" + ], + [ + "sc", + "an" + ], + [ + "ĠCal", + "vin" + ], + [ + "Ġpack", + "aged" + ], + [ + "Ġven", + "ue" + ], + [ + "ĠRh", + "ode" + ], + [ + "ĠA", + "aron" + ], + [ + "ĠFl", + "at" + ], + [ + "Qu", + "ant" + ], + [ + "Ġfo", + "il" + ], + [ + "Ġat", + "ten" + ], + [ + "Ġcar", + "ving" + ], + [ + "']", + "))" + ], + [ + "cont", + "roll" + ], + [ + "ĠSab", + "bath" + ], + [ + "m", + "ul" + ], + [ + "ĠIn", + "n" + ], + [ + "Ġhy", + "brids" + ], + [ + "ĠA", + "my" + ], + [ + "Ġhold", + "ers" + ], + [ + "ĠIdent", + "ification" + ], + [ + "rint", + "ed" + ], + [ + "Ġcan", + "cell" + ], + [ + "Ġrel", + "ational" + ], + [ + "Ġsl", + "iding" + ], + [ + "ï¼", + "ļ" + ], + [ + "âĢĿ", + "?" + ], + [ + "Ġfam", + "ously" + ], + [ + "ĠStrateg", + "ic" + ], + [ + "engine", + "ering" + ], + [ + "Ġsubsc", + "ribe" + ], + [ + "b", + "row" + ], + [ + "ar", + "ations" + ], + [ + "Ġsol", + "ace" + ], + [ + "ĠL", + "ocation" + ], + [ + "Ġhyd", + "ration" + ], + [ + "Ġtask", + "ed" + ], + [ + "Ġreprodu", + "ced" + ], + [ + "B", + "er" + ], + [ + "C", + "reat" + ], + [ + "Ġpp", + "m" + ], + [ + "Ġim", + "plicated" + ], + [ + "Ġauthor", + "itative" + ], + [ + "Ġunw", + "illing" + ], + [ + "ĠAnaly", + "zing" + ], + [ + "c", + "od" + ], + [ + "Ġcompos", + "ers" + ], + [ + "h", + "ig" + ], + [ + "Ġh", + "ose" + ], + [ + "ĠAct", + "ually" + ], + [ + "p", + "ush" + ], + [ + "im", + "et" + ], + [ + "os", + "lav" + ], + [ + "ĠD", + "H" + ], + [ + "Ġwork", + "ings" + ], + [ + "import", + "ant" + ], + [ + "Ġexec", + "ut" + ], + [ + "F", + "re" + ], + [ + "H", + "ub" + ], + [ + "Ġentrepreneurs", + "hip" + ], + [ + "Ġlig", + "aments" + ], + [ + "J", + "ECT" + ], + [ + "Ġbo", + "iled" + ], + [ + "ĠPer", + "fect" + ], + [ + "ĠC", + "arn" + ], + [ + "ĠV", + "ik" + ], + [ + "cult", + "ure" + ], + [ + "ish", + "a" + ], + [ + "ox", + "in" + ], + [ + "Ġmaxim", + "izing" + ], + [ + "Ġelim", + "inates" + ], + [ + "ĠExt", + "ra" + ], + [ + "Ġgl", + "aucoma" + ], + [ + "Ġgr", + "ids" + ], + [ + "ĠEd", + "ge" + ], + [ + "Ġadvis", + "ory" + ], + [ + "ĠSum", + "mit" + ], + [ + "Ġlegitim", + "acy" + ], + [ + "f", + "ail" + ], + [ + "Ġdispos", + "able" + ], + [ + "in", + "x" + ], + [ + "Ġat", + "op" + ], + [ + "Ġ__", + "____" + ], + [ + "commun", + "ication" + ], + [ + "Ġchamp", + "ions" + ], + [ + "it", + "ality" + ], + [ + "Ġwood", + "land" + ], + [ + "ag", + "ain" + ], + [ + "ik", + "o" + ], + [ + "ĠConstant", + "in" + ], + [ + "Ġl", + "ump" + ], + [ + "Ġpat", + "rol" + ], + [ + "Ġsequ", + "ential" + ], + [ + "ĠF", + "uk" + ], + [ + "Ġanticip", + "ation" + ], + [ + "Ġattain", + "ment" + ], + [ + "ĠAbsol", + "utely" + ], + [ + "P", + "rom" + ], + [ + "water", + "ing" + ], + [ + "ĠOld", + "er" + ], + [ + "ont", + "ology" + ], + [ + "Ġacid", + "ity" + ], + [ + "L", + "ater" + ], + [ + "Ġare", + "na" + ], + [ + "ĠM", + "ale" + ], + [ + "Ġret", + "ros" + ], + [ + "Ġbo", + "iler" + ], + [ + "ĠMont", + "essori" + ], + [ + "Ġvert", + "ices" + ], + [ + "em", + "ing" + ], + [ + "ĠOb", + "viously" + ], + [ + "Inst", + "itutions" + ], + [ + "ĠA", + "uthors" + ], + [ + "int", + "ensive" + ], + [ + "Ġqu", + "artz" + ], + [ + "ĠAppro", + "aches" + ], + [ + "Ġfor", + "aging" + ], + [ + "ĠC", + "IA" + ], + [ + "arch", + "ive" + ], + [ + "Ġshowc", + "ases" + ], + [ + "Ġlapt", + "ops" + ], + [ + "est", + "hetic" + ], + [ + "ĠL", + "ip" + ], + [ + "Ġfound", + "ers" + ], + [ + "Ġdr", + "ills" + ], + [ + "Ġpercent", + "ages" + ], + [ + "=", + "\\" + ], + [ + "iv", + "ating" + ], + [ + "ĠL", + "iv" + ], + [ + "Ġste", + "aling" + ], + [ + "sh", + "a" + ], + [ + "Ġdoctr", + "ines" + ], + [ + "M", + "or" + ], + [ + "P", + "osition" + ], + [ + "v", + "ents" + ], + [ + "pro", + "ps" + ], + [ + "oph", + "ysical" + ], + [ + "Ġreve", + "rence" + ], + [ + "Ġnucle", + "ot" + ], + [ + "ĠDrug", + "s" + ], + [ + "ĠC", + "ause" + ], + [ + "ĠP", + "ont" + ], + [ + "ĠL", + "LC" + ], + [ + "Ġwas", + "ting" + ], + [ + "âĢĿ", + ";" + ], + [ + "ĠPro", + "c" + ], + [ + "be", + "havior" + ], + [ + "ina", + "i" + ], + [ + "ĠVol", + "can" + ], + [ + "ĠReview", + "s" + ], + [ + "é", + "Ģ" + ], + [ + "ĠExam", + "ining" + ], + [ + "ĠAstron", + "omy" + ], + [ + "Ġinform", + "ing" + ], + [ + "US", + "A" + ], + [ + "an", + "throp" + ], + [ + "ed", + "ged" + ], + [ + "Ġjoint", + "ly" + ], + [ + "Ġdra", + "ins" + ], + [ + "Ġco", + "ats" + ], + [ + "Ġcollabor", + "ators" + ], + [ + "y", + "st" + ], + [ + "ud", + "ence" + ], + [ + "Ġinflu", + "x" + ], + [ + "Up", + "on" + ], + [ + "Gen", + "erally" + ], + [ + "Ġaccel", + "erating" + ], + [ + "Ġleak", + "age" + ], + [ + "ĠLands", + "cape" + ], + [ + "ĠR", + "ig" + ], + [ + "Ġst", + "ellar" + ], + [ + "Ġfour", + "teen" + ], + [ + "engu", + "ins" + ], + [ + "com", + "plex" + ], + [ + "ĠPoint", + "s" + ], + [ + "mun", + "ition" + ], + [ + "c", + "nt" + ], + [ + "Ġsy", + "nd" + ], + [ + "Ġper", + "sec" + ], + [ + "ĠTw", + "enty" + ], + [ + "miss", + "ing" + ], + [ + "Expl", + "ore" + ], + [ + ")", + "'," + ], + [ + "Ind", + "ian" + ], + [ + "ĠMong", + "ol" + ], + [ + "B", + "UG" + ], + [ + "ap", + "ache" + ], + [ + "ec", + "a" + ], + [ + "Ġclear", + "ance" + ], + [ + "Ġsyn", + "c" + ], + [ + "ĠA", + "PA" + ], + [ + "ST", + "EM" + ], + [ + "Ġcompar", + "atively" + ], + [ + "Ġdiscourag", + "ed" + ], + [ + "ĠSome", + "one" + ], + [ + "Ġpig", + "e" + ], + [ + "Ġvot", + "er" + ], + [ + "\"", + "}," + ], + [ + "P", + "oly" + ], + [ + "Ġas", + "ylum" + ], + [ + "Ġrenew", + "al" + ], + [ + "Ġcosm", + "os" + ], + [ + "back", + "ground" + ], + [ + "Ġcontroll", + "ers" + ], + [ + "Ġpet", + "als" + ], + [ + "Sim", + "ple" + ], + [ + "ĠS", + "hip" + ], + [ + "Ġconnect", + "ive" + ], + [ + "Ġdens", + "ities" + ], + [ + "p", + "ast" + ], + [ + "at", + "ts" + ], + [ + "Ġbi", + "otechnology" + ], + [ + "Ġdigit", + "ally" + ], + [ + "d", + "p" + ], + [ + "m", + "ix" + ], + [ + "Ġsu", + "ck" + ], + [ + "u", + "ador" + ], + [ + "Ġfold", + "ing" + ], + [ + "F", + "s" + ], + [ + "l", + "st" + ], + [ + "ĠS", + "ession" + ], + [ + "ry", + "lic" + ], + [ + "L", + "ess" + ], + [ + "Ġem", + "ig" + ], + [ + "Ġrep", + "ay" + ], + [ + "ĠExper", + "t" + ], + [ + "sm", + "art" + ], + [ + "N", + "D" + ], + [ + "ĠB", + "ound" + ], + [ + "ĠIn", + "uit" + ], + [ + "br", + "ance" + ], + [ + "Ġorn", + "amental" + ], + [ + "ang", + "ar" + ], + [ + "Ġge", + "omet" + ], + [ + "im", + "pro" + ], + [ + "am", + "ic" + ], + [ + "iv", + "ari" + ], + [ + "Ch", + "inese" + ], + [ + "Ġarchitect", + "ures" + ], + [ + "Ġâ", + "Ĥ¬" + ], + [ + "Ġfault", + "y" + ], + [ + "ĠRout", + "e" + ], + [ + "T", + "s" + ], + [ + "c", + "ribed" + ], + [ + "art", + "ments" + ], + [ + "ĠZ", + "en" + ], + [ + "Ġdeleg", + "ates" + ], + [ + "Ġadvis", + "er" + ], + [ + "Ġborrow", + "ing" + ], + [ + "Ġsoy", + "bean" + ], + [ + "Ġaug", + "ment" + ], + [ + "m", + "achine" + ], + [ + "Ġp", + "ending" + ], + [ + "ad", + "an" + ], + [ + "ĠP", + "ion" + ], + [ + "Ġcre", + "st" + ], + [ + "ryst", + "al" + ], + [ + "Ġdecentral", + "ized" + ], + [ + "ĠF", + "ly" + ], + [ + "ong", + "s" + ], + [ + "ĠStud", + "io" + ], + [ + "Ġcapac", + "itor" + ], + [ + "Ġdepict", + "ions" + ], + [ + "W", + "ild" + ], + [ + "ĠDe", + "ut" + ], + [ + "Ġhard", + "est" + ], + [ + "Se", + "lection" + ], + [ + "ĠArm", + "strong" + ], + [ + "Ġfeas", + "ibility" + ], + [ + "Ġcathe", + "ter" + ], + [ + "Ð", + "¹" + ], + [ + "ĠWe", + "bsite" + ], + [ + "T", + "om" + ], + [ + "t", + "u" + ], + [ + "Ġsp", + "or" + ], + [ + "ĠGod", + "s" + ], + [ + "Ġo", + "val" + ], + [ + "Ġunint", + "ended" + ], + [ + "ic", + "c" + ], + [ + "########", + "####" + ], + [ + "Ġpsych", + "otherapy" + ], + [ + "Is", + "lam" + ], + [ + "Ġadject", + "ive" + ], + [ + "Parent", + "s" + ], + [ + "Ġde", + "pleted" + ], + [ + "Ġpl", + "umbing" + ], + [ + "Al", + "ong" + ], + [ + "part", + "ial" + ], + [ + "ĠR", + "us" + ], + [ + "ĠR", + "ick" + ], + [ + "ĠN", + "J" + ], + [ + "ag", + "ascar" + ], + [ + "ĠEd", + "wards" + ], + [ + "in", + "tern" + ], + [ + "ĠH", + "omer" + ], + [ + "uck", + "ed" + ], + [ + "Ġexport", + "ed" + ], + [ + "second", + "ary" + ], + [ + "B", + "atch" + ], + [ + "N", + "ames" + ], + [ + "ĠTh", + "an" + ], + [ + "Ġrev", + "isions" + ], + [ + "Ġabol", + "ished" + ], + [ + "Ġille", + "g" + ], + [ + "Ġtwist", + "ed" + ], + [ + "Ġp", + "ri" + ], + [ + "Ġin", + "ward" + ], + [ + "ol", + "in" + ], + [ + "ĠT", + "E" + ], + [ + "ĠB", + "iodiversity" + ], + [ + "ĠEx", + "ped" + ], + [ + "Ġy", + "ummy" + ], + [ + "Ġmult", + "idisciplinary" + ], + [ + "col", + "m" + ], + [ + "ĠDen", + "ver" + ], + [ + "Ġsport", + "ing" + ], + [ + "l", + "ar" + ], + [ + "Init", + "ial" + ], + [ + "ĠB", + "ach" + ], + [ + "Ġtorn", + "ado" + ], + [ + "Acc", + "ount" + ], + [ + "b", + "oy" + ], + [ + "it", + "ories" + ], + [ + "Ġra", + "p" + ], + [ + "ĠWrit", + "ten" + ], + [ + "arb", + "ons" + ], + [ + "j", + "obs" + ], + [ + "so", + "on" + ], + [ + "Ġrif", + "le" + ], + [ + "P", + "ay" + ], + [ + "w", + "t" + ], + [ + "ram", + "a" + ], + [ + "Ġsyn", + "onymous" + ], + [ + "s", + "al" + ], + [ + "Ġr", + "im" + ], + [ + "red", + "uce" + ], + [ + "pro", + "xy" + ], + [ + "Ġsurpr", + "ises" + ], + [ + "ĠConc", + "ern" + ], + [ + "}", + ":" + ], + [ + "ig", + "mat" + ], + [ + "ĠQuant", + "um" + ], + [ + "Ġas", + "semble" + ], + [ + "Ġhel", + "pless" + ], + [ + "aj", + "o" + ], + [ + "Ġmil", + "estone" + ], + [ + "Ġground", + "work" + ], + [ + "Ġkn", + "ots" + ], + [ + "gu", + "ard" + ], + [ + "Ġmonopol", + "y" + ], + [ + "Ġan", + "onym" + ], + [ + "Ġmilit", + "ia" + ], + [ + "Ġswe", + "ating" + ], + [ + "ĠW", + "ool" + ], + [ + "plic", + "ates" + ], + [ + "ĠIndones", + "ian" + ], + [ + "ot", + "ation" + ], + [ + "ĠR", + "anch" + ], + [ + "Ġcryptocur", + "rency" + ], + [ + "Ġm", + "oth" + ], + [ + "ĠW", + "u" + ], + [ + "m", + "ium" + ], + [ + "w", + "ic" + ], + [ + "Ġtrain", + "er" + ], + [ + "rolog", + "ical" + ], + [ + "Ġcorrel", + "ations" + ], + [ + "ĠS", + "end" + ], + [ + "ĠChar", + "acters" + ], + [ + "ĠI", + "van" + ], + [ + "ĠB", + "anks" + ], + [ + "Ġty", + "r" + ], + [ + "ĠFisher", + "ies" + ], + [ + "Ġst", + "arvation" + ], + [ + "mod", + "ified" + ], + [ + "Ġsem", + "inal" + ], + [ + "l", + "ance" + ], + [ + "Ġre", + "vel" + ], + [ + "ĠM", + "eg" + ], + [ + "Ent", + "ry" + ], + [ + "id", + "uous" + ], + [ + "Ġem", + "path" + ], + [ + "be", + "k" + ], + [ + "ĠWhere", + "as" + ], + [ + "report", + "ed" + ], + [ + "ĠGradu", + "ally" + ], + [ + "Ġh", + "ardship" + ], + [ + "ĠI", + "bn" + ], + [ + "iz", + "arre" + ], + [ + "pro", + "blem" + ], + [ + "Ġglac", + "ier" + ], + [ + "Afric", + "an" + ], + [ + "Ġgener", + "a" + ], + [ + "Ġend", + "ors" + ], + [ + "file", + "path" + ], + [ + "eto", + "oth" + ], + [ + "pt", + "y" + ], + [ + "Are", + "a" + ], + [ + "os", + "ocial" + ], + [ + "ĠY", + "ug" + ], + [ + "Ġbreath", + "s" + ], + [ + "ad", + "v" + ], + [ + "OR", + "K" + ], + [ + "Ġtensor", + "flow" + ], + [ + "Ġpir", + "ates" + ], + [ + "in", + "el" + ], + [ + "Ġin", + "organic" + ], + [ + "ic", + "able" + ], + [ + "ĠT", + "uple" + ], + [ + "Ġper", + "imeter" + ], + [ + "ĠEss", + "entially" + ], + [ + "Ġdent", + "ists" + ], + [ + "Hist", + "orical" + ], + [ + "Ġcruel", + "ty" + ], + [ + "c", + "um" + ], + [ + "Ġ", + "----------------------------------------------------------------" + ], + [ + "ĠB", + "omb" + ], + [ + "ĠK", + "night" + ], + [ + "Ġopp", + "ressive" + ], + [ + "ĠIraq", + "i" + ], + [ + "Ġunh", + "appy" + ], + [ + "ĠD", + "ave" + ], + [ + "ĠK", + "on" + ], + [ + "Ġinter", + "course" + ], + [ + "B", + "io" + ], + [ + "ĠH", + "O" + ], + [ + "Ġred", + "ness" + ], + [ + "Ġid", + "ol" + ], + [ + "Ġhelic", + "opter" + ], + [ + "à", + "¨" + ], + [ + "ĠComp", + "ared" + ], + [ + "ĠAc", + "ad" + ], + [ + "ĠSom", + "alia" + ], + [ + "Ġtooth", + "paste" + ], + [ + "enn", + "on" + ], + [ + "Ġinfl", + "amed" + ], + [ + "Ġexpon", + "ential" + ], + [ + "M", + "ind" + ], + [ + "d", + "n" + ], + [ + "t", + "or" + ], + [ + "Ġorgan", + "izers" + ], + [ + "Ġkind", + "ly" + ], + [ + "orig", + "in" + ], + [ + "os", + "omes" + ], + [ + "ĠK", + "in" + ], + [ + "Ġchem", + "ically" + ], + [ + "ha", + "us" + ], + [ + "Ġhop", + "eless" + ], + [ + "ĠRoman", + "ia" + ], + [ + "Ġlon", + "ely" + ], + [ + "ĠMess", + "iah" + ], + [ + "L", + "ICENSE" + ], + [ + "ĠP", + "ars" + ], + [ + "ĠB", + "alk" + ], + [ + "ĠN", + "ancy" + ], + [ + "Ġent", + "ropy" + ], + [ + "ĠÏ", + "Ģ" + ], + [ + "Vis", + "ual" + ], + [ + "ĠH", + "oney" + ], + [ + "d", + "ense" + ], + [ + "am", + "ines" + ], + [ + "Ġover", + "see" + ], + [ + "Ġsummar", + "ized" + ], + [ + "S", + "ty" + ], + [ + "Ġhor", + "r" + ], + [ + "Ġdisadvant", + "aged" + ], + [ + "ert", + "iary" + ], + [ + "st", + "im" + ], + [ + "ay", + "ana" + ], + [ + "iv", + "orous" + ], + [ + "Ġmagn", + "ets" + ], + [ + "Ġcosm", + "etic" + ], + [ + "hyth", + "m" + ], + [ + "ĠV", + "ector" + ], + [ + "ĠRe", + "construction" + ], + [ + "ĠR", + "ush" + ], + [ + "Ġtun", + "ing" + ], + [ + "Ġins", + "ult" + ], + [ + "P", + "ers" + ], + [ + "n", + "ick" + ], + [ + "Ġover", + "he" + ], + [ + "ĠIde", + "a" + ], + [ + "T", + "ech" + ], + [ + "ĠL", + "em" + ], + [ + "Ġp", + "end" + ], + [ + "Ġfram", + "ing" + ], + [ + "Ġspect", + "rom" + ], + [ + "Ġshock", + "ed" + ], + [ + "ĠBalt", + "ic" + ], + [ + "Ġpol", + "io" + ], + [ + "Ġdub", + "bed" + ], + [ + "ĠA", + "er" + ], + [ + "Ġoff", + "line" + ], + [ + "ok", + "a" + ], + [ + "Ġflu", + "ency" + ], + [ + "rown", + "ed" + ], + [ + "g", + "rand" + ], + [ + "se", + "g" + ], + [ + "ag", + "ne" + ], + [ + "unt", + "ary" + ], + [ + "Ġpast", + "oral" + ], + [ + "ĠUS", + "D" + ], + [ + "Ġmention", + "ing" + ], + [ + "Ġcha", + "otic" + ], + [ + "in", + "ine" + ], + [ + "pp", + "ings" + ], + [ + "Ġprob", + "es" + ], + [ + "ĠNe", + "urolog" + ], + [ + "ĠUS", + "SR" + ], + [ + "Ġgar", + "ment" + ], + [ + "Ġtun", + "es" + ], + [ + "ĠI", + "X" + ], + [ + "Ġsu", + "pers" + ], + [ + "cl", + "imate" + ], + [ + "Ġret", + "ains" + ], + [ + "Ġcelebr", + "ates" + ], + [ + "ĠLead", + "er" + ], + [ + "ĠEmer", + "ging" + ], + [ + "ĠD", + "iss" + ], + [ + "Ġcal", + "ves" + ], + [ + "AM", + "A" + ], + [ + "rit", + "es" + ], + [ + "by", + "ter" + ], + [ + "Ġheart", + "beat" + ], + [ + "Ġoblig", + "ed" + ], + [ + "B", + "orn" + ], + [ + "ig", + "ms" + ], + [ + "ĠR", + "alph" + ], + [ + "Ġexhaust", + "ion" + ], + [ + "ĠAy", + "urved" + ], + [ + "Ġpoll", + "inators" + ], + [ + "oler", + "ant" + ], + [ + "ĠY", + "emen" + ], + [ + "ĠSh", + "ar" + ], + [ + "min", + "ster" + ], + [ + "Ġtri", + "angular" + ], + [ + "----------------------------", + "---" + ], + [ + "Ġdischarg", + "ed" + ], + [ + "Ġh", + "ockey" + ], + [ + "Ġsh", + "irt" + ], + [ + "Ġnational", + "ity" + ], + [ + "Ġdimin", + "ish" + ], + [ + "Ġbind", + "s" + ], + [ + "ĠC", + "ere" + ], + [ + "oc", + "on" + ], + [ + "Ġmid", + "night" + ], + [ + "Ġdict", + "ators" + ], + [ + "Ġfertil", + "ization" + ], + [ + "chron", + "ous" + ], + [ + "ĠCharl", + "ie" + ], + [ + "ro", + "cy" + ], + [ + "ĠN", + "ixon" + ], + [ + "Ġcamp", + "ing" + ], + [ + "Ġgall", + "on" + ], + [ + "Public", + "ation" + ], + [ + "sequ", + "ences" + ], + [ + "Ġj", + "okes" + ], + [ + "ign", + "ore" + ], + [ + "Ġbath", + "ing" + ], + [ + "Ġweigh", + "s" + ], + [ + "Ġlon", + "eliness" + ], + [ + "hol", + "m" + ], + [ + "Ë", + "Ī" + ], + [ + "om", + "i" + ], + [ + "ĠS", + "aints" + ], + [ + "Ġrep", + "ent" + ], + [ + "Ġunders", + "c" + ], + [ + "W", + "ant" + ], + [ + "Ġun", + "le" + ], + [ + "Ġprohib", + "it" + ], + [ + "by", + "e" + ], + [ + "Ġshort", + "est" + ], + [ + "Ġguid", + "eline" + ], + [ + "Ġpreced", + "ed" + ], + [ + "un", + "ion" + ], + [ + "Ġcont", + "empor" + ], + [ + "Ġam", + "p" + ], + [ + "Ġass", + "ists" + ], + [ + "Ġmor", + "ally" + ], + [ + "flow", + "ers" + ], + [ + "Ġaffili", + "ated" + ], + [ + "Rober", + "t" + ], + [ + "C", + "ir" + ], + [ + "ĠE", + "ar" + ], + [ + "Ġsub", + "urban" + ], + [ + "ĠEx", + "amination" + ], + [ + "ĠGo", + "ing" + ], + [ + "Ġdisrupt", + "ive" + ], + [ + "á", + "»" + ], + [ + "ab", + "c" + ], + [ + "Ġprogress", + "ed" + ], + [ + "ect", + "omy" + ], + [ + "oc", + "racies" + ], + [ + "Th", + "read" + ], + [ + "Ġinhib", + "ition" + ], + [ + "ĠLevel", + "s" + ], + [ + "Wind", + "ows" + ], + [ + "Ġhipp", + "oc" + ], + [ + "C", + "ut" + ], + [ + "q", + "dm" + ], + [ + "Ġelect", + "roc" + ], + [ + "é", + "n" + ], + [ + "Ġsp", + "ikes" + ], + [ + "Ġind", + "iff" + ], + [ + "Ġapplic", + "ant" + ], + [ + "Ġampl", + "ify" + ], + [ + "ĠB", + "one" + ], + [ + "Ġb", + "ishops" + ], + [ + "Ġland", + "fills" + ], + [ + "Ġfold", + "s" + ], + [ + "ĠAnaly", + "ze" + ], + [ + "ĠC", + "SS" + ], + [ + "Ġcan", + "e" + ], + [ + "Ġep", + "igen" + ], + [ + "Ġnames", + "pace" + ], + [ + "Ġple", + "asing" + ], + [ + "Ġassass", + "ination" + ], + [ + "ft", + "ime" + ], + [ + "Ġthreat", + "ens" + ], + [ + "Ġclin", + "ically" + ], + [ + "R", + "edu" + ], + [ + "in", + "ternal" + ], + [ + "Ġp", + "ants" + ], + [ + "Ġb", + "ourgeois" + ], + [ + "ber", + "ger" + ], + [ + "Ġappro", + "ve" + ], + [ + "Ġreinfor", + "ces" + ], + [ + "Fl", + "oat" + ], + [ + "[", + "(" + ], + [ + "Ġcomp", + "iler" + ], + [ + "IS", + "S" + ], + [ + "Ġestablish", + "ments" + ], + [ + "Ġmultipl", + "ied" + ], + [ + "ĠNotImplemented", + "Error" + ], + [ + "F", + "r" + ], + [ + "Ġman", + "ners" + ], + [ + "ĠPre", + "c" + ], + [ + "is", + "ode" + ], + [ + "ood", + "le" + ], + [ + "Ġfl", + "ank" + ], + [ + "Ġcirc", + "adian" + ], + [ + "inn", + "ings" + ], + [ + "ĠKash", + "mir" + ], + [ + "h", + "art" + ], + [ + "A", + "E" + ], + [ + "Ġse", + "wer" + ], + [ + "ĠY", + "u" + ], + [ + "Ġrun", + "ners" + ], + [ + "Ġrain", + "water" + ], + [ + "ĠCh", + "an" + ], + [ + "Ġprot", + "ons" + ], + [ + "ID", + "s" + ], + [ + "ĠC", + "arm" + ], + [ + "Ġwarm", + "ly" + ], + [ + "ant", + "o" + ], + [ + "âĢĿ", + ":" + ], + [ + "ĠMat", + "rix" + ], + [ + "Ġinterrupt", + "ed" + ], + [ + "i", + "ang" + ], + [ + "ro", + "ids" + ], + [ + "ĠC", + "ad" + ], + [ + "ĠF", + "REE" + ], + [ + "Ġno", + "ct" + ], + [ + "Ġsupre", + "m" + ], + [ + "k", + "ets" + ], + [ + "cept", + "ual" + ], + [ + "vis", + "ual" + ], + [ + "ĠDev", + "ices" + ], + [ + "Ġdegrad", + "ed" + ], + [ + "ub", + "es" + ], + [ + "ĠV", + "PN" + ], + [ + "Ġbiom", + "ark" + ], + [ + "Ġmitochond", + "ria" + ], + [ + "Ġelectroly", + "te" + ], + [ + "ĠS", + "ocrates" + ], + [ + "ĠM", + "I" + ], + [ + "ĠL", + "uck" + ], + [ + "ĠNort", + "heast" + ], + [ + "á¸", + "¥" + ], + [ + "Ġmel", + "odies" + ], + [ + "ĠBu", + "y" + ], + [ + "ĠW", + "onder" + ], + [ + "Ġrec", + "alls" + ], + [ + "Ġbow", + "ls" + ], + [ + "j", + "et" + ], + [ + "age", + "al" + ], + [ + "ĠO", + "g" + ], + [ + "Ġsc", + "issors" + ], + [ + "Ġsuff", + "erers" + ], + [ + "hel", + "m" + ], + [ + "dr", + "iving" + ], + [ + "Ġincorrect", + "ly" + ], + [ + "S", + "ample" + ], + [ + "e", + "as" + ], + [ + "Ġf", + "ibr" + ], + [ + "Ġhost", + "ility" + ], + [ + "Ġbreast", + "s" + ], + [ + "Ġmira", + "cles" + ], + [ + "ĠUtil", + "ize" + ], + [ + "Ġdr", + "unk" + ], + [ + "ĠNot", + "ably" + ], + [ + "Ġo", + "z" + ], + [ + "Ġcy", + "st" + ], + [ + "ey", + "er" + ], + [ + "Ġdeb", + "ilitating" + ], + [ + "ĠNe", + "igh" + ], + [ + "Ġsug", + "ary" + ], + [ + "ĠG", + "az" + ], + [ + "Ġfib", + "res" + ], + [ + "Ġsevent", + "y" + ], + [ + "ĠOw", + "l" + ], + [ + "N", + "UM" + ], + [ + "ĠT", + "oy" + ], + [ + "ĠB", + "ent" + ], + [ + "Ġres", + "ign" + ], + [ + "Ġpath", + "ogenic" + ], + [ + "f", + "ruit" + ], + [ + "|", + "'." + ], + [ + "T", + "M" + ], + [ + "ex", + "amples" + ], + [ + "osc", + "opic" + ], + [ + "the", + "m" + ], + [ + "Ġpump", + "kin" + ], + [ + "Ġmig", + "rated" + ], + [ + "Ġpedagog", + "ical" + ], + [ + "O", + "cc" + ], + [ + "Ġc", + "ouncils" + ], + [ + "od", + "o" + ], + [ + "m", + "illion" + ], + [ + "er", + "ie" + ], + [ + "Ġl", + "anes" + ], + [ + "ce", + "mia" + ], + [ + "Ġhel", + "m" + ], + [ + "iot", + "a" + ], + [ + "Ġsyll", + "abus" + ], + [ + "ĠVin", + "cent" + ], + [ + "L", + "and" + ], + [ + "P", + "F" + ], + [ + "T", + "er" + ], + [ + "ĠN", + "IH" + ], + [ + "Ġr", + "ides" + ], + [ + "Ġam", + "azed" + ], + [ + "Ġinsert", + "ion" + ], + [ + "NA", + "T" + ], + [ + "Ġgrass", + "lands" + ], + [ + "ĠWis", + "dom" + ], + [ + "ĠGuate", + "mala" + ], + [ + "Ġcontract", + "or" + ], + [ + "asion", + "ally" + ], + [ + "Ġtransl", + "ating" + ], + [ + "Ġjump", + "ed" + ], + [ + "ĠWIT", + "H" + ], + [ + "c", + "ancer" + ], + [ + "Ġp", + "ent" + ], + [ + "Ġst", + "itch" + ], + [ + "ĠS", + "or" + ], + [ + "ĠH", + "oo" + ], + [ + "Ġam", + "yl" + ], + [ + "cast", + "ing" + ], + [ + "Ġcater", + "ing" + ], + [ + "Ġbrows", + "ers" + ], + [ + "Ġmarc", + "hed" + ], + [ + "as", + "g" + ], + [ + "br", + "anch" + ], + [ + "ĠIm", + "ag" + ], + [ + "Ġconvey", + "ing" + ], + [ + "ur", + "ate" + ], + [ + "ĠB", + "elt" + ], + [ + "ĠY", + "am" + ], + [ + "Ġbre", + "w" + ], + [ + "č", + "čĊĠĠĠĠĠĠĠĠĠĠĠ" + ], + [ + "Ġstand", + "point" + ], + [ + "Ġbenef", + "ited" + ], + [ + "ae", + "us" + ], + [ + "Ġsil", + "ica" + ], + [ + "Ġoccup", + "ies" + ], + [ + "Ġ", + "io" + ], + [ + "Inst", + "ruction" + ], + [ + "Ġenrich", + "ing" + ], + [ + "B", + "Y" + ], + [ + "Ġv", + "ap" + ], + [ + "ĠN", + "ine" + ], + [ + "pro", + "c" + ], + [ + "Ġstream", + "line" + ], + [ + "Ġchief", + "ly" + ], + [ + "Ġsuperior", + "ity" + ], + [ + "ĠPhoen", + "ix" + ], + [ + "W", + "orks" + ], + [ + "w", + "y" + ], + [ + "at", + "hetic" + ], + [ + "Ġtra", + "y" + ], + [ + "ass", + "ic" + ], + [ + "Ġag", + "grav" + ], + [ + "Ġreact", + "s" + ], + [ + "h", + "im" + ], + [ + "Ġres", + "ervation" + ], + [ + "Ġsub", + "species" + ], + [ + "Ġallow", + "ance" + ], + [ + "Ġfac", + "et" + ], + [ + "Ġoptim", + "ism" + ], + [ + "Ġpenc", + "ils" + ], + [ + "s", + "orted" + ], + [ + "Ġc", + "ute" + ], + [ + "Ġprefer", + "ably" + ], + [ + "ĠHar", + "old" + ], + [ + "aud", + "io" + ], + [ + "ĠInteg", + "rating" + ], + [ + "B", + "al" + ], + [ + "ĠB", + "right" + ], + [ + "Ġge", + "o" + ], + [ + "ĠHar", + "vey" + ], + [ + "Ġastron", + "omer" + ], + [ + "ĠHon", + "or" + ], + [ + "ĠR", + "ise" + ], + [ + "Ġhigh", + "ways" + ], + [ + "Ġabsor", + "bs" + ], + [ + "l", + "ap" + ], + [ + "Ġdish", + "on" + ], + [ + "it", + "ans" + ], + [ + "Ġpersist", + "ed" + ], + [ + "Ġpropri", + "etary" + ], + [ + "w", + "art" + ], + [ + "ĠG", + "ary" + ], + [ + "Ġshe", + "ar" + ], + [ + "ĠK", + "aren" + ], + [ + "ino", + "ids" + ], + [ + "P", + "RE" + ], + [ + "Ġs", + "orrow" + ], + [ + "ĠAn", + "swers" + ], + [ + "ĠInst", + "ance" + ], + [ + "Ġdom", + "ination" + ], + [ + "ĠTur", + "ks" + ], + [ + "Ġsurn", + "ame" + ], + [ + "H", + "ar" + ], + [ + "at", + "ization" + ], + [ + "Ġstat", + "utes" + ], + [ + "Ġmanip", + "ulated" + ], + [ + "S", + "olar" + ], + [ + "Ġret", + "inal" + ], + [ + "Ġceram", + "ics" + ], + [ + "ĠIn", + "sect" + ], + [ + "âĢĿ", + "âĢĶ" + ], + [ + "ĠTrans", + "ition" + ], + [ + "Ġcoord", + "inating" + ], + [ + "Ġturb", + "ulent" + ], + [ + "ĠCar", + "negie" + ], + [ + "Ġh", + "ood" + ], + [ + "Ġconf", + "ine" + ], + [ + "\":", + "\"" + ], + [ + "Ġsex", + "es" + ], + [ + "Ġwid", + "get" + ], + [ + "C", + "oll" + ], + [ + "b", + "ai" + ], + [ + "ĠV", + "oy" + ], + [ + "ĠSc", + "out" + ], + [ + "opt", + "ic" + ], + [ + "n", + "m" + ], + [ + "Ġch", + "ords" + ], + [ + "ĠL", + "anguages" + ], + [ + "b", + "g" + ], + [ + "Ġa", + "verages" + ], + [ + "Ġc", + "ess" + ], + [ + "ĠInvest", + "ment" + ], + [ + "ĠW", + "ow" + ], + [ + "ue", + "bl" + ], + [ + "Ġsnap", + "shot" + ], + [ + "ĠPers", + "ia" + ], + [ + "Ġpip", + "elines" + ], + [ + "Ġ", + "vern" + ], + [ + "Ġcent", + "imeters" + ], + [ + "Ġair", + "planes" + ], + [ + "Ġcancer", + "ous" + ], + [ + "igm", + "oid" + ], + [ + "mer", + "se" + ], + [ + "ax", + "y" + ], + [ + "ĠS", + "hen" + ], + [ + "ext", + "ension" + ], + [ + "Ġcat", + "al" + ], + [ + "Ġrig", + "or" + ], + [ + "Ġcoop", + "erate" + ], + [ + "Ġv", + "ines" + ], + [ + "Ġopt", + "ics" + ], + [ + "Ġspecific", + "s" + ], + [ + "itarian", + "ism" + ], + [ + "ĠT", + "odd" + ], + [ + "ur", + "ous" + ], + [ + "ew", + "orthy" + ], + [ + "Ġrev", + "ise" + ], + [ + "Ġinform", + "ational" + ], + [ + "Ċĉĉĉĉ", + "ĉ" + ], + [ + "C", + "ertain" + ], + [ + "n", + "ature" + ], + [ + "Ġr", + "inse" + ], + [ + "Ġup", + "side" + ], + [ + "TH", + "ER" + ], + [ + "Ġcondem", + "n" + ], + [ + "ent", + "e" + ], + [ + "ĠC", + "ounsel" + ], + [ + "Ġun", + "real" + ], + [ + "ss", + "on" + ], + [ + "(\"", + "-" + ], + [ + "target", + "s" + ], + [ + "Ġrep", + "aired" + ], + [ + "ĠPl", + "aces" + ], + [ + "Ġparas", + "itic" + ], + [ + "Ġimp", + "lements" + ], + [ + "Ġcl", + "auses" + ], + [ + "Ġb", + "a" + ], + [ + "se", + "lection" + ], + [ + "Ġun", + "acceptable" + ], + [ + "tra", + "de" + ], + [ + "ĠH", + "undred" + ], + [ + "ib", + "ia" + ], + [ + "ert", + "il" + ], + [ + "Ġaddict", + "ive" + ], + [ + "Ġg", + "ears" + ], + [ + "initial", + "ize" + ], + [ + "ud", + "ing" + ], + [ + "Ġen", + "erg" + ], + [ + "ĠIs", + "n" + ], + [ + "ĠAb", + "ove" + ], + [ + "Ġfat", + "alities" + ], + [ + "ĠPy", + "ram" + ], + [ + "ĠFact", + "or" + ], + [ + "w", + "aters" + ], + [ + "op", + "al" + ], + [ + "ĠPrint", + "ing" + ], + [ + "ĠAz", + "te" + ], + [ + "inal", + "g" + ], + [ + "k", + "ar" + ], + [ + "ĠT", + "ed" + ], + [ + "us", + "ch" + ], + [ + "Ġindividual", + "ity" + ], + [ + "ĠMet", + "ropolitan" + ], + [ + "Ġt", + "apping" + ], + [ + "ĠC", + "ave" + ], + [ + "RE", + "CT" + ], + [ + "Ġemp", + "ires" + ], + [ + "asp", + "berry" + ], + [ + "Load", + "er" + ], + [ + "ĠLen", + "in" + ], + [ + ")", + "âĢĶ" + ], + [ + "C", + "AS" + ], + [ + "I", + "Z" + ], + [ + "J", + "ob" + ], + [ + "en", + "ne" + ], + [ + "lu", + "ence" + ], + [ + "ĠIm", + "plementation" + ], + [ + "Ġsix", + "teen" + ], + [ + "Intern", + "et" + ], + [ + "ay", + "er" + ], + [ + "Ġr", + "ally" + ], + [ + "tra", + "ditional" + ], + [ + "ĠBrit", + "ann" + ], + [ + "Ġ", + "erg" + ], + [ + "ĠEm", + "ployment" + ], + [ + "m", + "iah" + ], + [ + "Ġslow", + "ed" + ], + [ + "Ġsplit", + "ting" + ], + [ + "ĠP", + "olicies" + ], + [ + "Ġdiss", + "ent" + ], + [ + "Ġdis", + "pose" + ], + [ + "Ġlog", + "ged" + ], + [ + "ĠSc", + "ots" + ], + [ + "Ad", + "min" + ], + [ + "ĠArn", + "old" + ], + [ + "M", + "ary" + ], + [ + "s", + "ci" + ], + [ + "ood", + "les" + ], + [ + "ĠRe", + "hab" + ], + [ + "Ġmon", + "k" + ], + [ + "Ġaff", + "iliation" + ], + [ + "Ġhop", + "eful" + ], + [ + "Fe", + "ature" + ], + [ + "ic", + "ates" + ], + [ + "Ġman", + "gan" + ], + [ + "Ġru", + "gged" + ], + [ + "Ġexped", + "itions" + ], + [ + "G", + "rid" + ], + [ + "ĠM", + "ann" + ], + [ + "ĠH", + "amm" + ], + [ + "Ġplan", + "k" + ], + [ + "amb", + "ia" + ], + [ + "Ġcommunic", + "ated" + ], + [ + "Ret", + "urns" + ], + [ + "Ġnecessit", + "ating" + ], + [ + "Mult", + "i" + ], + [ + "Ġanalog", + "ous" + ], + [ + "M", + "ET" + ], + [ + "~~~~", + "~~~~" + ], + [ + "F", + "rank" + ], + [ + "f", + "eld" + ], + [ + "Ġpop", + "e" + ], + [ + "ĠAnd", + "re" + ], + [ + "Ġtag", + "ged" + ], + [ + "Ġphilosoph", + "ies" + ], + [ + "ĠVenez", + "uela" + ], + [ + "ĠF", + "iles" + ], + [ + "Ġdecl", + "aring" + ], + [ + "Ġhem", + "oglobin" + ], + [ + "aten", + "ate" + ], + [ + "F", + "und" + ], + [ + "st", + "ad" + ], + [ + "Ġcan", + "ned" + ], + [ + "ĠMed", + "al" + ], + [ + "part", + "icularly" + ], + [ + "Ġwa", + "ited" + ], + [ + "Ù", + "IJ" + ], + [ + "Ġplay", + "ful" + ], + [ + "ĠMin", + "i" + ], + [ + "Ġwitness", + "ing" + ], + [ + "E", + "ast" + ], + [ + "â", + "Ĥ" + ], + [ + "ical", + "s" + ], + [ + "Ġge", + "opolitical" + ], + [ + "Ġceremon", + "ial" + ], + [ + "Ġutens", + "ils" + ], + [ + "Ġv", + "ivo" + ], + [ + "up", + "on" + ], + [ + "ven", + "ous" + ], + [ + "Ġant", + "ique" + ], + [ + "Ġing", + "estion" + ], + [ + "Ref", + "erences" + ], + [ + "prising", + "ly" + ], + [ + "C", + "r" + ], + [ + "Ġp", + "its" + ], + [ + "ĠT", + "M" + ], + [ + "ĠB", + "ec" + ], + [ + "ĠR", + "ica" + ], + [ + "Ġty", + "ph" + ], + [ + "ĠMe", + "asures" + ], + [ + "Ġcustom", + "ize" + ], + [ + "Ġtend", + "ons" + ], + [ + "uk", + "i" + ], + [ + "Dep", + "ending" + ], + [ + "c", + "hel" + ], + [ + "Î", + "·" + ], + [ + "Ġl", + "ou" + ], + [ + "St", + "op" + ], + [ + "Ġcoord", + "inator" + ], + [ + "ĠWrit", + "ers" + ], + [ + "Ġfer", + "mented" + ], + [ + "ĠFif", + "th" + ], + [ + "ĠS", + "ites" + ], + [ + "Ġpro", + "claim" + ], + [ + "ĠAng", + "lic" + ], + [ + "struct", + "ured" + ], + [ + "ĠR", + "ic" + ], + [ + "ĠN", + "ash" + ], + [ + "ĠHer", + "od" + ], + [ + "ĠJul", + "ius" + ], + [ + "Ġam", + "munition" + ], + [ + "ĠPr", + "ison" + ], + [ + "ĠRead", + "er" + ], + [ + "l", + "ier" + ], + [ + "ĠH", + "ands" + ], + [ + "ĠYour", + "self" + ], + [ + "Ġrheumat", + "oid" + ], + [ + "B", + "usiness" + ], + [ + "Ġs", + "ender" + ], + [ + "Ġland", + "l" + ], + [ + "Ġcoll", + "ar" + ], + [ + "ĠTim", + "othy" + ], + [ + "Ġcens", + "orship" + ], + [ + "ĠLim", + "it" + ], + [ + "op", + "ts" + ], + [ + "ĠL", + "is" + ], + [ + "ĠF", + "R" + ], + [ + "Ġcontinu", + "ation" + ], + [ + "Ġattract", + "s" + ], + [ + "Ġtun", + "a" + ], + [ + "B", + "ur" + ], + [ + "m", + "and" + ], + [ + "Î", + "¸" + ], + [ + "ce", + "mic" + ], + [ + "cipl", + "ine" + ], + [ + "Ġorth", + "odox" + ], + [ + "oc", + "oc" + ], + [ + "riz", + "es" + ], + [ + "ĠTas", + "man" + ], + [ + "Ġin", + "efficient" + ], + [ + "ĠF", + "ro" + ], + [ + "cent", + "ric" + ], + [ + "det", + "ail" + ], + [ + "ĠOtt", + "awa" + ], + [ + "at", + "ri" + ], + [ + "ĠCon", + "v" + ], + [ + "Ġrevolution", + "ized" + ], + [ + "ĠT", + "CP" + ], + [ + "Ġj", + "ungle" + ], + [ + "Ġprim", + "ates" + ], + [ + "Ġprop", + "ulsion" + ], + [ + "Ġrhyth", + "mic" + ], + [ + "Ġembry", + "onic" + ], + [ + "Ġexp", + "elled" + ], + [ + "ĠÃ", + "ł" + ], + [ + "Ġcorrect", + "ions" + ], + [ + "Ġn", + "inth" + ], + [ + "ter", + "min" + ], + [ + "Ġra", + "ck" + ], + [ + "Ġhum", + "ming" + ], + [ + "whe", + "ther" + ], + [ + "Ġtax", + "a" + ], + [ + "Ġhall", + "uc" + ], + [ + "eval", + "uate" + ], + [ + "Ġ", + "è" + ], + [ + "Ġant", + "is" + ], + [ + "ĠAf", + "ro" + ], + [ + "ĠZe", + "us" + ], + [ + "iv", + "able" + ], + [ + "('", + "%" + ], + [ + "Ġst", + "ained" + ], + [ + "Ġopt", + "s" + ], + [ + "ĠRed", + "dit" + ], + [ + "Ġcontrast", + "s" + ], + [ + "Ġs", + "am" + ], + [ + "Ġg", + "or" + ], + [ + "oper", + "ator" + ], + [ + "ĠBeaut", + "iful" + ], + [ + "ĠV", + "a" + ], + [ + "Ġsuper", + "nov" + ], + [ + "Ġeight", + "een" + ], + [ + "feed", + "back" + ], + [ + "Ġmus", + "cul" + ], + [ + "e", + "ating" + ], + [ + "ĠS", + "id" + ], + [ + "Ġven", + "ues" + ], + [ + "Ġdisinf", + "ect" + ], + [ + "Ġmund", + "ane" + ], + [ + "cc", + "entric" + ], + [ + "Ġback", + "end" + ], + [ + "Ġemb", + "odies" + ], + [ + "Ġhon", + "oring" + ], + [ + "Ġrock", + "ets" + ], + [ + "al", + "ism" + ], + [ + "ĠW", + "elfare" + ], + [ + "ĠArab", + "ian" + ], + [ + "ĠUs", + "es" + ], + [ + "Ġl", + "un" + ], + [ + "ĠI", + "ter" + ], + [ + "Ġref", + "usal" + ], + [ + "Ġcy", + "tok" + ], + [ + "Ġmorph", + "ological" + ], + [ + "Ġun", + "ethical" + ], + [ + "Ġsw", + "ap" + ], + [ + "Ġden", + "ote" + ], + [ + "Ġdispos", + "ed" + ], + [ + "clos", + "ures" + ], + [ + "opl", + "an" + ], + [ + "Ġflaw", + "ed" + ], + [ + "ĠH", + "air" + ], + [ + "R", + "andom" + ], + [ + "Ġhuman", + "ities" + ], + [ + ")", + "](" + ], + [ + "s", + "cre" + ], + [ + "Ä", + "ĵ" + ], + [ + "ĠW", + "arm" + ], + [ + "ach", + "t" + ], + [ + "Ġend", + "omet" + ], + [ + "ĠEng", + "agement" + ], + [ + "Ġsw", + "ine" + ], + [ + "W", + "ARE" + ], + [ + "Ġdeep", + "est" + ], + [ + "Ġconver", + "ter" + ], + [ + "ĠImpro", + "ved" + ], + [ + "Ġwand", + "ering" + ], + [ + "Ġse", + "p" + ], + [ + "Ġtow", + "ering" + ], + [ + "ĠLO", + "G" + ], + [ + "Ġpresent", + "ly" + ], + [ + "l", + "ive" + ], + [ + "Ġf", + "ade" + ], + [ + "ĠPer", + "form" + ], + [ + "s", + "r" + ], + [ + "Ġd", + "re" + ], + [ + "Ġcons", + "erving" + ], + [ + "ĠAnt", + "ib" + ], + [ + "stud", + "ent" + ], + [ + "Ġre", + "de" + ], + [ + "ĠF", + "asc" + ], + [ + "inf", + "ected" + ], + [ + "om", + "ans" + ], + [ + "Ġdes", + "p" + ], + [ + "Ġc", + "ob" + ], + [ + "log", + "s" + ], + [ + "ĠSher", + "man" + ], + [ + "accur", + "acy" + ], + [ + "S", + "EC" + ], + [ + "Ġsw", + "ay" + ], + [ + "Ġgrass", + "roots" + ], + [ + "Ġprivile", + "ged" + ], + [ + "Ġheaven", + "ly" + ], + [ + "Ġfootprint", + "s" + ], + [ + "Ġretrie", + "val" + ], + [ + "ĠF", + "uel" + ], + [ + "Ġill", + "icit" + ], + [ + "oph", + "ical" + ], + [ + "Ġdict", + "ate" + ], + [ + "Te", + "aching" + ], + [ + "medi", + "ated" + ], + [ + "lat", + "est" + ], + [ + "Ġmush", + "room" + ], + [ + "ĠVeter", + "inary" + ], + [ + "T", + "ests" + ], + [ + "as", + "ured" + ], + [ + "ef", + "it" + ], + [ + "Ġinf", + "ringe" + ], + [ + "Ġspecific", + "ity" + ], + [ + "Ġemb", + "arking" + ], + [ + "ĠOb", + "esity" + ], + [ + "Ed", + "itor" + ], + [ + ":", + "\"" + ], + [ + "Ġoutl", + "ining" + ], + [ + "Ġlingu", + "istics" + ], + [ + "Ġcomp", + "artment" + ], + [ + "Ġmod", + "erately" + ], + [ + "Ġant", + "ip" + ], + [ + "Ġjo", + "ins" + ], + [ + "s", + "ch" + ], + [ + "Ġbegin", + "ner" + ], + [ + "ĠPerson", + "ality" + ], + [ + "w", + "b" + ], + [ + "Ġindividual", + "ized" + ], + [ + "')", + "[" + ], + [ + "Ġenc", + "ode" + ], + [ + "het", + "ically" + ], + [ + "Ġa", + "perture" + ], + [ + "ĠO", + "racle" + ], + [ + "Ġinv", + "ade" + ], + [ + "Ġprophe", + "cy" + ], + [ + "V", + "e" + ], + [ + "im", + "ir" + ], + [ + "Ġg", + "lean" + ], + [ + "ĠApp", + "alach" + ], + [ + "Ġsouth", + "western" + ], + [ + "Ġs", + "ands" + ], + [ + "Ġscre", + "ened" + ], + [ + "ĠDiet", + "ary" + ], + [ + "ĠBrig", + "ade" + ], + [ + "s", + "ig" + ], + [ + "Ġprofit", + "ability" + ], + [ + "Ġr", + "ites" + ], + [ + "gh", + "ai" + ], + [ + "Ġend", + "ured" + ], + [ + "est", + "ead" + ], + [ + "ject", + "ed" + ], + [ + "Ġhel", + "ium" + ], + [ + "ĠNe", + "ural" + ], + [ + "ĠEc", + "uador" + ], + [ + "ĠFamiliar", + "ize" + ], + [ + "ĠS", + "port" + ], + [ + "ĠUn", + "its" + ], + [ + "AT", + "ED" + ], + [ + "Ġsand", + "wich" + ], + [ + "ĠPrinc", + "iple" + ], + [ + "Ġhe", + "mat" + ], + [ + "Ġen", + "semble" + ], + [ + "ĠWell", + "s" + ], + [ + "Ġneighb", + "ouring" + ], + [ + "m", + "aterial" + ], + [ + "Ġ", + "ë" + ], + [ + "Ġp", + "t" + ], + [ + "Ġarom", + "a" + ], + [ + "ĠVeter", + "ans" + ], + [ + "ĠConstantin", + "ople" + ], + [ + "C", + "ard" + ], + [ + "E", + "U" + ], + [ + "Å", + "Ĥ" + ], + [ + "ĠB", + "ag" + ], + [ + "ĠBened", + "ict" + ], + [ + "Ġbe", + "ast" + ], + [ + "ost", + "ing" + ], + [ + "Ġcl", + "iff" + ], + [ + "ack", + "ed" + ], + [ + "Writ", + "ten" + ], + [ + "y", + "on" + ], + [ + "it", + "ant" + ], + [ + "ĠOrig", + "inal" + ], + [ + "Ġcarcin", + "oma" + ], + [ + "ar", + "ial" + ], + [ + "Ġmod", + "ulation" + ], + [ + "ull", + "ivan" + ], + [ + "uk", + "ary" + ], + [ + "prov", + "ider" + ], + [ + "Ġmetap", + "hors" + ], + [ + "Ã", + "¯" + ], + [ + "Ġc", + "ords" + ], + [ + "Te", + "chnology" + ], + [ + "ĠS", + "ales" + ], + [ + "Com", + "b" + ], + [ + "Ġmaster", + "pieces" + ], + [ + "sc", + "atter" + ], + [ + "Act", + "ive" + ], + [ + "art", + "a" + ], + [ + "Ġtop", + "ography" + ], + [ + "ĠInt", + "o" + ], + [ + "ĠBrother", + "s" + ], + [ + "ĠBrist", + "ol" + ], + [ + "Ġf", + "ins" + ], + [ + "ur", + "ized" + ], + [ + "oc", + "he" + ], + [ + "ud", + "es" + ], + [ + "Ġun", + "used" + ], + [ + "ung", + "al" + ], + [ + "ĠCON", + "DIT" + ], + [ + "Ġlaund", + "ry" + ], + [ + ":", + "'," + ], + [ + "H", + "ard" + ], + [ + "ĠS", + "Y" + ], + [ + "od", + "erm" + ], + [ + "Ġsh", + "red" + ], + [ + "Ġpres", + "idents" + ], + [ + "Ġbot", + "anical" + ], + [ + "M", + "el" + ], + [ + "W", + "ould" + ], + [ + "ĠT", + "ap" + ], + [ + "ĠRequ", + "ired" + ], + [ + "ĠPhill", + "ips" + ], + [ + "Ġb", + "isexual" + ], + [ + "ĠTra", + "uma" + ], + [ + "rend", + "ered" + ], + [ + "st", + "roke" + ], + [ + "ĠA", + "ur" + ], + [ + "Ġcl", + "ots" + ], + [ + "so", + "ever" + ], + [ + "ĠSh", + "iva" + ], + [ + "ĠCo", + "hen" + ], + [ + "Ġexcav", + "ations" + ], + [ + "ĠP", + "F" + ], + [ + "ĠHe", + "avy" + ], + [ + "Ġfrag", + "mented" + ], + [ + "Ġmangan", + "ese" + ], + [ + "l", + "b" + ], + [ + "ic", + "ator" + ], + [ + "get", + "ter" + ], + [ + "Ġins", + "ol" + ], + [ + "Ġsuper", + "st" + ], + [ + "AA", + "AA" + ], + [ + "st", + "derr" + ], + [ + "ĠE", + "is" + ], + [ + "ĠJ", + "oan" + ], + [ + "Ġbra", + "ce" + ], + [ + "ĠSer", + "b" + ], + [ + "Ġdistribut", + "ing" + ], + [ + "ĠCop", + "per" + ], + [ + "ĠFried", + "rich" + ], + [ + "ĠPun", + "j" + ], + [ + "Ġqu", + "o" + ], + [ + "arg", + "on" + ], + [ + "Ġrep", + "ell" + ], + [ + "Ġguard", + "ian" + ], + [ + "Ġcon", + "es" + ], + [ + "Ġfl", + "are" + ], + [ + "EM", + "ENT" + ], + [ + "focus", + "ed" + ], + [ + "Ġpers", + "ists" + ], + [ + "Ġh", + "ib" + ], + [ + "Ġsp", + "ice" + ], + [ + "Ġsent", + "enced" + ], + [ + "Ġge", + "ologic" + ], + [ + "ĠCh", + "rom" + ], + [ + "Ġpol", + "ished" + ], + [ + "ĠMad", + "agascar" + ], + [ + "ĠLED", + "s" + ], + [ + "Ġprest", + "ige" + ], + [ + "h", + "ook" + ], + [ + "re", + "pos" + ], + [ + "Ġm", + "RNA" + ], + [ + "Ġunder", + "represented" + ], + [ + "ĠVari", + "able" + ], + [ + "b", + "inding" + ], + [ + "Ġne", + "o" + ], + [ + "Ġres", + "ides" + ], + [ + "Ġshore", + "line" + ], + [ + "Ġmaj", + "estic" + ], + [ + "N", + "a" + ], + [ + "as", + "se" + ], + [ + "Ġsell", + "s" + ], + [ + "W", + "ood" + ], + [ + "Ġmet", + "amorph" + ], + [ + "Ġfra", + "cking" + ], + [ + "Ġcroc", + "od" + ], + [ + "'", + "+" + ], + [ + "in", + "arily" + ], + [ + "is", + "ch" + ], + [ + "ou", + "ter" + ], + [ + "Ġreperto", + "ire" + ], + [ + "ĠMat", + "ters" + ], + [ + "ancell", + "or" + ], + [ + "M", + "ajor" + ], + [ + "Ġd", + "ucks" + ], + [ + "ĠC", + "urt" + ], + [ + "Ġvolunt", + "arily" + ], + [ + "ĠEmb", + "race" + ], + [ + "ĠGraph", + "ic" + ], + [ + "doctor", + "al" + ], + [ + "Ġsc", + "ram" + ], + [ + "ĠDet", + "ails" + ], + [ + "Ġgrad", + "ients" + ], + [ + "ĠTour", + "ism" + ], + [ + "Ġre", + "arr" + ], + [ + "Ġca", + "res" + ], + [ + "ull", + "ah" + ], + [ + "ĠPublic", + "ation" + ], + [ + "Ġorigin", + "ates" + ], + [ + "ĠRef", + "erences" + ], + [ + "Ġapprent", + "ices" + ], + [ + "st", + "ead" + ], + [ + "Ġover", + "dose" + ], + [ + "Ġhard", + "ness" + ], + [ + "Ġdest", + "ined" + ], + [ + "Is", + "rael" + ], + [ + "Ġfrag", + "mentation" + ], + [ + "ĠEval", + "uate" + ], + [ + "Prim", + "ary" + ], + [ + "h", + "ours" + ], + [ + "pe", + "ak" + ], + [ + "Ġnot", + "ify" + ], + [ + "Ġcons", + "ciously" + ], + [ + "Ġir", + "rad" + ], + [ + "Ġpregn", + "ancies" + ], + [ + "Ġbas", + "ins" + ], + [ + "ĠHen", + "ri" + ], + [ + "ĠCheroke", + "e" + ], + [ + "V", + "ery" + ], + [ + "Î", + "¬" + ], + [ + "Ġdis", + "ks" + ], + [ + "ind", + "a" + ], + [ + "ĠK", + "or" + ], + [ + "Ġpo", + "inter" + ], + [ + "c", + "ould" + ], + [ + "ĠJ", + "a" + ], + [ + "Ġunder", + "p" + ], + [ + "por", + "ter" + ], + [ + "ĠSh", + "ape" + ], + [ + "Ġcr", + "ushing" + ], + [ + "Ġconsult", + "ed" + ], + [ + "Ġreb", + "el" + ], + [ + "Ġmast", + "ered" + ], + [ + "Ġbi", + "ographies" + ], + [ + "dig", + "ital" + ], + [ + "Mat", + "rix" + ], + [ + "B", + "ul" + ], + [ + "ou", + "fl" + ], + [ + "st", + "ri" + ], + [ + "ĠI", + "MP" + ], + [ + "Ġdis", + "ob" + ], + [ + "Ġpo", + "res" + ], + [ + "apt", + "ic" + ], + [ + "Ġamphib", + "ians" + ], + [ + "Ġerupt", + "ed" + ], + [ + "O", + "F" + ], + [ + "ort", + "ex" + ], + [ + "Ġro", + "ses" + ], + [ + "ump", + "ing" + ], + [ + "ĠPal", + "m" + ], + [ + "ĠEc", + "osystem" + ], + [ + "un", + "ity" + ], + [ + "Ġcl", + "er" + ], + [ + "Ġpump", + "ed" + ], + [ + "Ġmultip", + "lying" + ], + [ + "ĠG", + "host" + ], + [ + "Ġspec", + "ifying" + ], + [ + "Ġcommon", + "place" + ], + [ + "Ġpost", + "p" + ], + [ + "ST", + "M" + ], + [ + "ĠMain", + "tenance" + ], + [ + "drop", + "out" + ], + [ + "ĠPH", + "P" + ], + [ + "Ġl", + "over" + ], + [ + "ĠCh", + "in" + ], + [ + "Ġscre", + "ws" + ], + [ + "Ġsn", + "ails" + ], + [ + "Ġoverl", + "ook" + ], + [ + "Ġsevent", + "eenth" + ], + [ + "Ġcub", + "es" + ], + [ + "Start", + "ing" + ], + [ + "A", + "ud" + ], + [ + "ĠBas", + "il" + ], + [ + "Ġinspect", + "ions" + ], + [ + "ĠRelations", + "hip" + ], + [ + "oun", + "ces" + ], + [ + "cont", + "ract" + ], + [ + "Ġcram", + "ps" + ], + [ + "Ġingen", + "uity" + ], + [ + "en", + "berg" + ], + [ + "ess", + "ential" + ], + [ + "ĠSe", + "vere" + ], + [ + "Ġmillenn", + "ium" + ], + [ + "Ġbureau", + "cr" + ], + [ + "Ġrighteous", + "ness" + ], + [ + "ĠP", + "rag" + ], + [ + "ĠMicro", + "b" + ], + [ + "Ġrub", + "bing" + ], + [ + "Ġprohib", + "ition" + ], + [ + "ĠDr", + "inking" + ], + [ + "Ġfib", + "rosis" + ], + [ + "f", + "if" + ], + [ + "s", + "at" + ], + [ + "op", + "rote" + ], + [ + "osp", + "els" + ], + [ + "oske", + "letal" + ], + [ + "ĠM", + "ao" + ], + [ + "os", + "omal" + ], + [ + "Ġsum", + "mers" + ], + [ + "Ġconnect", + "or" + ], + [ + "ĠG", + "ross" + ], + [ + "ĠPro", + "file" + ], + [ + "Ġsym", + "pathy" + ], + [ + "ĠRes", + "erved" + ], + [ + "uck", + "er" + ], + [ + "ĠM", + "ode" + ], + [ + "format", + "ics" + ], + [ + "ĠWorks", + "hop" + ], + [ + "m", + "aps" + ], + [ + "Ġo", + "we" + ], + [ + "ĠF", + "lex" + ], + [ + "__", + ".__" + ], + [ + "ĠFig", + "ures" + ], + [ + "Ġcommem", + "orate" + ], + [ + "ph", + "ysical" + ], + [ + "Ġamb", + "itions" + ], + [ + "ĠModel", + "ing" + ], + [ + "Vis", + "it" + ], + [ + "Ġbench", + "mark" + ], + [ + "M", + "o" + ], + [ + "unt", + "il" + ], + [ + "Ġinsight", + "ful" + ], + [ + "Ġshut", + "il" + ], + [ + "ĠTra", + "ditionally" + ], + [ + "å", + "ĩ" + ], + [ + "ĠS", + "oc" + ], + [ + "ĠD", + "allas" + ], + [ + "Ġpat", + "rons" + ], + [ + "Ġdev", + "ise" + ], + [ + "aut", + "ical" + ], + [ + "Ġsat", + "uration" + ], + [ + "ĠAdv", + "oc" + ], + [ + "Ġdrag", + "ons" + ], + [ + "Contin", + "ue" + ], + [ + "Ġconstitu", + "ent" + ], + [ + "g", + "pu" + ], + [ + "ĠAtt", + "ribution" + ], + [ + "Ġuncertain", + "ties" + ], + [ + "Ġsulf", + "ate" + ], + [ + "Ġf", + "ructose" + ], + [ + "Ġde", + "formation" + ], + [ + "ĠH", + "orm" + ], + [ + "ose", + "xuality" + ], + [ + "Ġtra", + "pping" + ], + [ + "Ġam", + "ended" + ], + [ + "--------", + "-" + ], + [ + "Ġadapt", + "able" + ], + [ + "Ġrequest", + "ing" + ], + [ + "Ġdim", + "ensional" + ], + [ + "Ġaster", + "oids" + ], + [ + "Ġculmin", + "ating" + ], + [ + "erent", + "ial" + ], + [ + "Date", + "Time" + ], + [ + "L", + "AB" + ], + [ + "ĠSp", + "read" + ], + [ + "hy", + "per" + ], + [ + "Ġmedium", + "s" + ], + [ + "ĠAud", + "io" + ], + [ + "Ġdiaphrag", + "m" + ], + [ + "Ġbur", + "sts" + ], + [ + "Ġdiss", + "ip" + ], + [ + "en", + "ance" + ], + [ + "Ġfe", + "udal" + ], + [ + "att", + "ention" + ], + [ + "Ġregul", + "ator" + ], + [ + "ĠOffic", + "ial" + ], + [ + "Ġpars", + "ed" + ], + [ + "r", + "ason" + ], + [ + "Ġa", + "u" + ], + [ + "Ġk", + "er" + ], + [ + "ĠIng", + "redients" + ], + [ + "ĠBuff", + "alo" + ], + [ + "$", + "," + ], + [ + "Ġb", + "ury" + ], + [ + "Ġreg", + "istry" + ], + [ + "Ġmat", + "t" + ], + [ + "let", + "es" + ], + [ + "ĠData", + "Frame" + ], + [ + "Ġmyth", + "ical" + ], + [ + "Ġa", + "fore" + ], + [ + "Ġl", + "upus" + ], + [ + "ĠB", + "ru" + ], + [ + "ident", + "ity" + ], + [ + "Ġing", + "ested" + ], + [ + "Ġh", + "ue" + ], + [ + "Ġret", + "ard" + ], + [ + "ortun", + "e" + ], + [ + "Ġwal", + "let" + ], + [ + "Ġexting", + "u" + ], + [ + "N", + "P" + ], + [ + "ĠP", + "owers" + ], + [ + "ĠH", + "V" + ], + [ + "ĠL", + "amb" + ], + [ + "act", + "ual" + ], + [ + "ĠArchae", + "ology" + ], + [ + "ol", + "ved" + ], + [ + "AR", + "C" + ], + [ + "ĠDiff", + "erences" + ], + [ + "A", + "K" + ], + [ + "u", + "cc" + ], + [ + "à¤", + "¤" + ], + [ + "Ġsc", + "ars" + ], + [ + "Ġref", + "using" + ], + [ + "Ġd", + "row" + ], + [ + "Ġgar", + "age" + ], + [ + "Ġgerm", + "ination" + ], + [ + "Ġnational", + "ist" + ], + [ + "ĠPe", + "ak" + ], + [ + "Ġyield", + "ing" + ], + [ + "in", + "ety" + ], + [ + "Ġs", + "inking" + ], + [ + "Ġag", + "ility" + ], + [ + "ĠDis", + "ability" + ], + [ + "ĠHol", + "mes" + ], + [ + "Ġalert", + "s" + ], + [ + "z", + "h" + ], + [ + "erm", + "ost" + ], + [ + "Ġpol", + "ite" + ], + [ + "Im", + "ages" + ], + [ + "ĠRem", + "ote" + ], + [ + "Ġparad", + "igms" + ], + [ + "May", + "be" + ], + [ + "........", + "........" + ], + [ + "Ġ", + "])" + ], + [ + "it", + "iveness" + ], + [ + "Ġgall", + "eries" + ], + [ + "Reg", + "ular" + ], + [ + "Ġillum", + "ination" + ], + [ + "Ġrecur", + "rence" + ], + [ + "ĠPe", + "er" + ], + [ + "ĠDi", + "pl" + ], + [ + "Ġglac", + "ial" + ], + [ + "Ġwre", + "ck" + ], + [ + "ĠT", + "ony" + ], + [ + "Ġmos", + "que" + ], + [ + "Ġexplos", + "ions" + ], + [ + "viol", + "ent" + ], + [ + "N", + "av" + ], + [ + "ĠA", + "w" + ], + [ + "ĠM", + "oving" + ], + [ + "pr", + "us" + ], + [ + "ĠSpirit", + "ual" + ], + [ + "ĠEx", + "erc" + ], + [ + "ĠZ", + "o" + ], + [ + "Ġspread", + "sheet" + ], + [ + "Ġphot", + "ovolta" + ], + [ + "Ġench", + "anting" + ], + [ + "B", + "UT" + ], + [ + "P", + "ersonal" + ], + [ + "Ġthe", + "olog" + ], + [ + "Ġaut", + "istic" + ], + [ + "Ġworks", + "pace" + ], + [ + "Ġpl", + "at" + ], + [ + "ĠD", + "aw" + ], + [ + "ach", + "i" + ], + [ + "ĠFather", + "s" + ], + [ + "ĠGram", + "mar" + ], + [ + "B", + "rown" + ], + [ + "Ġquestion", + "able" + ], + [ + "ĠLanc", + "et" + ], + [ + "u", + "ously" + ], + [ + "ĠL", + "ux" + ], + [ + "Ġqu", + "arant" + ], + [ + "Ġdem", + "ise" + ], + [ + "ĠP", + "od" + ], + [ + "ĠAl", + "gebra" + ], + [ + "Ġcra", + "cking" + ], + [ + "Ġattach", + "ments" + ], + [ + "offic", + "ial" + ], + [ + "Ġirrevers", + "ible" + ], + [ + "op", + "ed" + ], + [ + "è", + "re" + ], + [ + "Ġh", + "ath" + ], + [ + "ve", + "red" + ], + [ + "form", + "al" + ], + [ + "Ġexcav", + "ated" + ], + [ + "l", + "ater" + ], + [ + "ĠV", + "lad" + ], + [ + "ĠIm", + "am" + ], + [ + "Ġboard", + "ing" + ], + [ + "ĠSocial", + "ist" + ], + [ + "Ġli", + "abilities" + ], + [ + "Ġsub", + "gen" + ], + [ + "Ġcra", + "bs" + ], + [ + "ĠInter", + "active" + ], + [ + "ĠSpe", + "aking" + ], + [ + "prot", + "ocol" + ], + [ + "F", + "ocus" + ], + [ + "Ġsp", + "ills" + ], + [ + "ident", + "ified" + ], + [ + "ĠAut", + "on" + ], + [ + "Ġinsign", + "ificant" + ], + [ + "C", + "ity" + ], + [ + "w", + "x" + ], + [ + "Â", + "¢" + ], + [ + "Ġbr", + "ightly" + ], + [ + "Ġrest", + "art" + ], + [ + "Ġtrou", + "bled" + ], + [ + "Ġhon", + "ors" + ], + [ + "h", + "ov" + ], + [ + "Ġb", + "izarre" + ], + [ + "id", + "ates" + ], + [ + "ĠR", + "y" + ], + [ + "IN", + "TER" + ], + [ + "Ġtou", + "g" + ], + [ + "ĠHab", + "itat" + ], + [ + "ĠProb", + "ably" + ], + [ + "Ġre", + "claim" + ], + [ + "ra", + "z" + ], + [ + "ĠB", + "eg" + ], + [ + "Ġr", + "ansom" + ], + [ + "Ġsent", + "iments" + ], + [ + "Ġassert", + "ed" + ], + [ + "ĠBur", + "ma" + ], + [ + "Ġf", + "use" + ], + [ + "ĠM", + "ob" + ], + [ + "Ġlact", + "ose" + ], + [ + "Ġ", + "č" + ], + [ + "Ġ", + "é" + ], + [ + "Ġh", + "ive" + ], + [ + "ĠV", + "ed" + ], + [ + "ĠHun", + "ter" + ], + [ + "Ġd", + "ock" + ], + [ + "ĠB", + "arc" + ], + [ + "ep", + "h" + ], + [ + "Ġacadem", + "ically" + ], + [ + "ant", + "ics" + ], + [ + "Ġdec", + "ode" + ], + [ + "Ġwin", + "ners" + ], + [ + "Ġchi", + "ropract" + ], + [ + "F", + "ive" + ], + [ + "v", + "ous" + ], + [ + "Ġfre", + "ight" + ], + [ + "Ġrad", + "ial" + ], + [ + "I", + "ll" + ], + [ + "ar", + "ith" + ], + [ + "Ġst", + "ern" + ], + [ + "ĠRele", + "vance" + ], + [ + "ĠC", + "ret" + ], + [ + "Ġ\"", + "+" + ], + [ + "Ġdisc", + "s" + ], + [ + "let", + "ons" + ], + [ + "ĠBi", + "ography" + ], + [ + "ocy", + "te" + ], + [ + "Ġswift", + "ly" + ], + [ + "openh", + "agen" + ], + [ + "Ġintermitt", + "ent" + ], + [ + "Ġs", + "clerosis" + ], + [ + "Ġf", + "ixtures" + ], + [ + "ĠE", + "quality" + ], + [ + "ĠX", + "X" + ], + [ + "ĠImpro", + "vement" + ], + [ + "Ġstraw", + "berries" + ], + [ + "Mus", + "ic" + ], + [ + "r", + "gb" + ], + [ + "as", + "ions" + ], + [ + "ĠRe", + "yn" + ], + [ + "Ġachie", + "vable" + ], + [ + "ĠCo", + "operative" + ], + [ + "Ġbuy", + "er" + ], + [ + "ãģ", + "®" + ], + [ + "ĠPass", + "over" + ], + [ + "Ġslic", + "ed" + ], + [ + "Ġun", + "man" + ], + [ + "ĠComm", + "ander" + ], + [ + "ĠH", + "ash" + ], + [ + "Ġ[", + "âĢ¦]" + ], + [ + "Ġdec", + "ree" + ], + [ + "Ġca", + "ul" + ], + [ + "add", + "y" + ], + [ + "sn", + "ap" + ], + [ + "Ġf", + "ist" + ], + [ + "Ġlaugh", + "ing" + ], + [ + "re", + "ts" + ], + [ + "Ġsc", + "andal" + ], + [ + "enc", + "oding" + ], + [ + "Ġstri", + "pped" + ], + [ + "Ġelig", + "ibility" + ], + [ + "Ġiv", + "ory" + ], + [ + "egrad", + "able" + ], + [ + "|'.", + "'" + ], + [ + "UR", + "CE" + ], + [ + "ovak", + "ia" + ], + [ + "M", + "a" + ], + [ + "ĠS", + "ame" + ], + [ + "ĠF", + "M" + ], + [ + "ĠG", + "arc" + ], + [ + "Ġpedest", + "rian" + ], + [ + "/", + "'," + ], + [ + "Ġpo", + "ised" + ], + [ + "Ġsm", + "oked" + ], + [ + "ĠRecomm", + "end" + ], + [ + "Ġinaccur", + "ate" + ], + [ + "Ġdev", + "oid" + ], + [ + "fix", + "ed" + ], + [ + "Ġcleans", + "ing" + ], + [ + "t", + "ons" + ], + [ + "Ġal", + "iens" + ], + [ + "ass", + "an" + ], + [ + "Ġtext", + "ual" + ], + [ + "ĠStud", + "ying" + ], + [ + "Ġcou", + "pling" + ], + [ + "Ġintrig", + "ued" + ], + [ + "Ġm", + "oths" + ], + [ + "('", + "." + ], + [ + "AN", + "S" + ], + [ + "Ġforeign", + "ers" + ], + [ + "CS", + "E" + ], + [ + "Part", + "icip" + ], + [ + "ĠLind", + "a" + ], + [ + "rais", + "al" + ], + [ + "ĠM", + "akes" + ], + [ + "Ġdep", + "ended" + ], + [ + "Ġinitial", + "ize" + ], + [ + "ĠOb", + "st" + ], + [ + "ĠEnter", + "prise" + ], + [ + "ĠJ", + "ur" + ], + [ + "Ġra", + "pp" + ], + [ + "Ġbread", + "th" + ], + [ + "l", + "ining" + ], + [ + "Ġin", + "active" + ], + [ + "ĠOd", + "ys" + ], + [ + "ĠR", + "unning" + ], + [ + "Ġdi", + "as" + ], + [ + "play", + "ing" + ], + [ + "Ġplug", + "in" + ], + [ + "æ", + "ł" + ], + [ + "Ġde", + "ed" + ], + [ + "ĠShe", + "ll" + ], + [ + "t", + "ax" + ], + [ + "Ġmira", + "cul" + ], + [ + "N", + "eed" + ], + [ + "l", + "inalg" + ], + [ + "ou", + "ched" + ], + [ + "ne", + "ed" + ], + [ + "Ġpartic", + "ulate" + ], + [ + "product", + "ive" + ], + [ + "ĠSpr", + "inger" + ], + [ + "ĠPharm", + "ac" + ], + [ + "C", + "a" + ], + [ + "G", + "ive" + ], + [ + "Ġdy", + "st" + ], + [ + "ĠT", + "opic" + ], + [ + "so", + "il" + ], + [ + "Ġdirect", + "ing" + ], + [ + "Ġglow", + "ing" + ], + [ + "Ġcaterpill", + "ars" + ], + [ + "str", + "ings" + ], + [ + "ĠAtt", + "ention" + ], + [ + "Ġsell", + "er" + ], + [ + "Ġembed", + "ding" + ], + [ + "Ġincon", + "ven" + ], + [ + "ĠGil", + "bert" + ], + [ + "t", + "empl" + ], + [ + "Ã", + "«" + ], + [ + "Ġ", + "ery" + ], + [ + "Ġin", + "ception" + ], + [ + "og", + "h" + ], + [ + "Ġsc", + "av" + ], + [ + "Ġd", + "engue" + ], + [ + "Ġsurround", + "s" + ], + [ + "ĠNor", + "se" + ], + [ + "Ġwarn", + "s" + ], + [ + "m", + "om" + ], + [ + "w", + "right" + ], + [ + "Ġiss", + "uing" + ], + [ + "Ġmess", + "enger" + ], + [ + "Ġadvers", + "ely" + ], + [ + "Ġmerg", + "ing" + ], + [ + "Ġd", + "ice" + ], + [ + "ĠK", + "irk" + ], + [ + "ĠAss", + "istance" + ], + [ + "ĠList", + "ening" + ], + [ + "ĠMart", + "ian" + ], + [ + "ĠForm", + "s" + ], + [ + "Ġtransist", + "or" + ], + [ + "Ï", + "İ" + ], + [ + "is", + "se" + ], + [ + "ĠS", + "ons" + ], + [ + "Ġch", + "icks" + ], + [ + "ĠBut", + "ler" + ], + [ + "ang", + "s" + ], + [ + "Ġsal", + "inity" + ], + [ + "Ġspect", + "roscopy" + ], + [ + "Ġtum", + "our" + ], + [ + "P", + "ur" + ], + [ + "Vol", + "ume" + ], + [ + "r", + "ina" + ], + [ + "ĠS", + "ultan" + ], + [ + "ĠB", + "rew" + ], + [ + "ex", + "ternal" + ], + [ + "St", + "ruct" + ], + [ + "ĠTur", + "tle" + ], + [ + "Ġo", + "ats" + ], + [ + "ĠW", + "E" + ], + [ + "Ġair", + "ports" + ], + [ + "Ġcurv", + "ature" + ], + [ + "ĠJ", + "ess" + ], + [ + "Ġmult", + "ic" + ], + [ + "if", + "ug" + ], + [ + "conf", + "irm" + ], + [ + "if", + "erous" + ], + [ + "ad", + "vert" + ], + [ + "ant", + "on" + ], + [ + "Ġch", + "arming" + ], + [ + "ĠJ", + "obs" + ], + [ + "Ġviol", + "ate" + ], + [ + "ĠSch", + "w" + ], + [ + "ocy", + "t" + ], + [ + "å", + "¼" + ], + [ + "ĠTH", + "IS" + ], + [ + "cl", + "ide" + ], + [ + "ph", + "ys" + ], + [ + "Ġpreced", + "ent" + ], + [ + "Ġlig", + "ament" + ], + [ + "otheli", + "oma" + ], + [ + "int", + "rodu" + ], + [ + "Ġreal", + "ised" + ], + [ + "Ġspect", + "ra" + ], + [ + "ĠPhot", + "ography" + ], + [ + "ph", + "is" + ], + [ + "ren", + "ches" + ], + [ + "Ġdisc", + "overs" + ], + [ + "Ġtheore", + "tically" + ], + [ + "C", + "ES" + ], + [ + "Ġnot", + "orious" + ], + [ + "Ġpal", + "ette" + ], + [ + "es", + "cent" + ], + [ + "ĠP", + "ip" + ], + [ + "N", + "otes" + ], + [ + "Ġinteract", + "s" + ], + [ + "Ġdisappoint", + "ment" + ], + [ + "Ġdetermin", + "ants" + ], + [ + "am", + "o" + ], + [ + "ĠB", + "illy" + ], + [ + "Ġrecogn", + "izable" + ], + [ + "Ġ{}", + "," + ], + [ + "Ġhunt", + "ed" + ], + [ + "ob", + "acter" + ], + [ + "Ġatt", + "orneys" + ], + [ + "ĠEd", + "ison" + ], + [ + "Ġescap", + "ing" + ], + [ + "c", + "hemical" + ], + [ + "Ġb", + "ounce" + ], + [ + "ĠW", + "ing" + ], + [ + "ì", + "Ŀ" + ], + [ + "ĠRe", + "velation" + ], + [ + "Ġsal", + "ads" + ], + [ + "CO", + "S" + ], + [ + "ĠL", + "arg" + ], + [ + "Ġpres", + "erv" + ], + [ + "ĠAb", + "bey" + ], + [ + "Ġbal", + "d" + ], + [ + "ĠFound", + "ations" + ], + [ + "Ġmel", + "atonin" + ], + [ + "Ġpull", + "s" + ], + [ + "per", + "ing" + ], + [ + "ĠLe", + "af" + ], + [ + "requ", + "ires" + ], + [ + "Sub", + "ject" + ], + [ + "integ", + "ration" + ], + [ + "Ġcous", + "ins" + ], + [ + "p", + "it" + ], + [ + "Ġje", + "opard" + ], + [ + "Ġpe", + "asant" + ], + [ + "ĠM", + "AT" + ], + [ + "pl", + "asia" + ], + [ + "Pro", + "g" + ], + [ + "Ġpit", + "falls" + ], + [ + "ogene", + "ity" + ], + [ + "im", + "an" + ], + [ + "Ġstuff", + "ed" + ], + [ + "ĠM", + "apping" + ], + [ + "ĠO", + "CD" + ], + [ + "li", + "able" + ], + [ + "Ġrest", + "ricting" + ], + [ + "Ġdisrupt", + "ing" + ], + [ + "B", + "ad" + ], + [ + "ĠEd", + "mund" + ], + [ + "ĠD", + "rop" + ], + [ + "Ġpref", + "ers" + ], + [ + "ĠInf", + "ection" + ], + [ + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ" + ], + [ + "S", + "arah" + ], + [ + "Ġgener", + "osity" + ], + [ + "loc", + "ations" + ], + [ + "Ġpal", + "ms" + ], + [ + "agg", + "ering" + ], + [ + "c", + "ook" + ], + [ + "ĠA", + "ffect" + ], + [ + "Ġpl", + "aster" + ], + [ + "ĠRob", + "in" + ], + [ + "ĠNorm", + "ally" + ], + [ + "Ġcounter", + "act" + ], + [ + "Sc", + "hema" + ], + [ + "T", + "ip" + ], + [ + "Ġreal", + "ms" + ], + [ + "ush", + "ima" + ], + [ + "Ġrepe", + "ats" + ], + [ + "N", + "ative" + ], + [ + "Ġwith", + "drawn" + ], + [ + "Ġmic", + "ron" + ], + [ + "]", + ";" + ], + [ + "Ġmust", + "ard" + ], + [ + "Â", + "º" + ], + [ + "ĠSm", + "oking" + ], + [ + "Ġgly", + "c" + ], + [ + "re", + "verse" + ], + [ + "ĠSec", + "ure" + ], + [ + "Ġcrafts", + "manship" + ], + [ + "R", + "ole" + ], + [ + "com", + "ings" + ], + [ + "Ġlands", + "l" + ], + [ + "Ġtur", + "f" + ], + [ + "Ġpermit", + "ting" + ], + [ + "ĠPrin", + "cess" + ], + [ + "Ġf", + "p" + ], + [ + "Ġdis", + "g" + ], + [ + "ph", + "alt" + ], + [ + "ĠCur", + "iosity" + ], + [ + "Ġreb", + "uilding" + ], + [ + "Ġnob", + "ility" + ], + [ + "Ġprejud", + "ices" + ], + [ + "Ġpor", + "celain" + ], + [ + "ĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠ" + ], + [ + "Ġtheir", + "s" + ], + [ + "Ġspecial", + "izes" + ], + [ + "Ġur", + "llib" + ], + [ + "epoch", + "s" + ], + [ + "L", + "i" + ], + [ + "ĠA", + "gg" + ], + [ + "ĠC", + "CS" + ], + [ + "Ġra", + "id" + ], + [ + "met", + "ics" + ], + [ + "Ġscal", + "ar" + ], + [ + "Ġá", + "¼" + ], + [ + "B", + "ro" + ], + [ + "n", + "r" + ], + [ + "ĠP", + "T" + ], + [ + "ons", + "ored" + ], + [ + "Ġdep", + "uty" + ], + [ + "Ġant", + "ig" + ], + [ + "Ġsuper", + "visors" + ], + [ + "Ġreve", + "red" + ], + [ + "Ġst", + "am" + ], + [ + "Ġup", + "rising" + ], + [ + "Ġown", + "ing" + ], + [ + "Ġrefer", + "ral" + ], + [ + "Mem", + "ory" + ], + [ + "Ġloos", + "ely" + ], + [ + "names", + "pace" + ], + [ + "Val", + "id" + ], + [ + "ĠObject", + "ive" + ], + [ + "ĠRon", + "ald" + ], + [ + "ut", + "a" + ], + [ + "Ġchild", + "birth" + ], + [ + "app", + "s" + ], + [ + "w", + "ashing" + ], + [ + "ĠH", + "ugh" + ], + [ + "Mix", + "in" + ], + [ + "N", + "ature" + ], + [ + "{", + "\\" + ], + [ + "at", + "to" + ], + [ + "ĠR", + "are" + ], + [ + "Ġchar", + "itable" + ], + [ + "Ġenc", + "ro" + ], + [ + "uck", + "le" + ], + [ + "Can", + "ada" + ], + [ + "Ġsau", + "ces" + ], + [ + "Ġh", + "ots" + ], + [ + "ĠT", + "ak" + ], + [ + "Ġim", + "merse" + ], + [ + "**", + "," + ], + [ + "Ġche", + "ating" + ], + [ + "ĠEx", + "odus" + ], + [ + "Ġp", + "orous" + ], + [ + "oc", + "ative" + ], + [ + "IC", + "EF" + ], + [ + "Ġwest", + "ward" + ], + [ + "Ġcraw", + "l" + ], + [ + "Ġj", + "am" + ], + [ + "Ġins", + "criptions" + ], + [ + "ĠPresident", + "ial" + ], + [ + "Char", + "les" + ], + [ + "ĠEns", + "uring" + ], + [ + "Ġdis", + "sect" + ], + [ + "Ġten", + "ets" + ], + [ + "rec", + "ords" + ], + [ + "Ġmol", + "ten" + ], + [ + "Ġfellows", + "hip" + ], + [ + "ĠPray", + "er" + ], + [ + "ĠB", + "R" + ], + [ + "Ġfost", + "ered" + ], + [ + "Ġbud", + "ding" + ], + [ + "Ġtall", + "er" + ], + [ + "Ġtoile", + "ts" + ], + [ + "Ġm", + "aid" + ], + [ + "ĠP", + "ries" + ], + [ + "Mus", + "lim" + ], + [ + "ĠO", + "ECD" + ], + [ + "ish", + "able" + ], + [ + "Ġdom", + "in" + ], + [ + "dat", + "asets" + ], + [ + "Su", + "ccess" + ], + [ + "ĠS", + "ense" + ], + [ + "ĠGod", + "dess" + ], + [ + "Ġacqu", + "aint" + ], + [ + "ĠCor", + "rect" + ], + [ + "Ġimmers", + "ed" + ], + [ + "d", + "oes" + ], + [ + "im", + "show" + ], + [ + "Ġsp", + "am" + ], + [ + "ĠK", + "B" + ], + [ + "Ġair", + "flow" + ], + [ + "ĠI", + "DE" + ], + [ + "Ġper", + "tains" + ], + [ + "Ġgra", + "v" + ], + [ + "Ġsupplement", + "al" + ], + [ + "allow", + "ed" + ], + [ + "ĠComp", + "onents" + ], + [ + "Ġa", + "ided" + ], + [ + "Ġo", + "ath" + ], + [ + "Ġh", + "ues" + ], + [ + "ĠAl", + "ger" + ], + [ + "Ġbr", + "ushes" + ], + [ + "Ġib", + "n" + ], + [ + "ĠCONDIT", + "IONS" + ], + [ + "Ġs", + "i" + ], + [ + "ĠG", + "ust" + ], + [ + "]", + "|" + ], + [ + "as", + "us" + ], + [ + "ĠM", + "all" + ], + [ + "Ġpr", + "isons" + ], + [ + "M", + "ES" + ], + [ + "Ġex", + "cluding" + ], + [ + "ab", + "ling" + ], + [ + "ac", + "illus" + ], + [ + "ĠB", + "O" + ], + [ + "pos", + "ite" + ], + [ + "Ġtransform", + "er" + ], + [ + "Ġreward", + "ed" + ], + [ + "Ben", + "efits" + ], + [ + "á", + "½" + ], + [ + "arn", + "er" + ], + [ + "Ġboost", + "er" + ], + [ + "Ġnick", + "name" + ], + [ + "L", + "eft" + ], + [ + "et", + "z" + ], + [ + "ĠO", + "UT" + ], + [ + "Ġcons", + "erved" + ], + [ + "H", + "i" + ], + [ + "n", + "ament" + ], + [ + "Ġch", + "in" + ], + [ + "by", + "te" + ], + [ + "ĠMon", + "ument" + ], + [ + "Com", + "par" + ], + [ + "ĠCap", + "itol" + ], + [ + "Ġalgebra", + "ic" + ], + [ + "it", + "ian" + ], + [ + "ĠIn", + "clude" + ], + [ + "Ġfarm", + "land" + ], + [ + "osph", + "ate" + ], + [ + "Ġtow", + "els" + ], + [ + "ĠPalest", + "inians" + ], + [ + "ĠYellow", + "stone" + ], + [ + "Ġn", + "emat" + ], + [ + "Ġdis", + "close" + ], + [ + "Ġcircumst", + "ance" + ], + [ + "Americ", + "a" + ], + [ + "Ġsyll", + "ables" + ], + [ + "M", + "ex" + ], + [ + "ar", + "ist" + ], + [ + "end", + "point" + ], + [ + "ĠGra", + "duate" + ], + [ + "Ġvent", + "ures" + ], + [ + "Me", + "et" + ], + [ + "direct", + "ed" + ], + [ + "Ġrefres", + "hing" + ], + [ + "and", + "el" + ], + [ + "ass", + "y" + ], + [ + "ĠV", + "es" + ], + [ + "ety", + "l" + ], + [ + "ĠPC", + "B" + ], + [ + "Ġillum", + "inating" + ], + [ + "ing", + "ling" + ], + [ + "ĠM", + "M" + ], + [ + "ĠF", + "ant" + ], + [ + "Ġdr", + "ums" + ], + [ + "Ġcy", + "sts" + ], + [ + "ĠBl", + "ake" + ], + [ + "ĠDr", + "ink" + ], + [ + "Ġm", + "ixtures" + ], + [ + "Ġsp", + "elled" + ], + [ + "ĊĊ", + "ĊĠĠĠĠĠĠĠ" + ], + [ + "Ġshare", + "holders" + ], + [ + "V", + "ector" + ], + [ + "Ġqu", + "art" + ], + [ + "ĠLead", + "ers" + ], + [ + "an", + "ism" + ], + [ + "Ġant", + "it" + ], + [ + "Ġfront", + "al" + ], + [ + "Ġw", + "iki" + ], + [ + "Ġdec", + "olon" + ], + [ + "Ġvisual", + "s" + ], + [ + "ĠCollect", + "ions" + ], + [ + "G", + "al" + ], + [ + "p", + "ipe" + ], + [ + "y", + "rin" + ], + [ + "Ġsmo", + "other" + ], + [ + ")", + "')" + ], + [ + "E", + "mail" + ], + [ + "F", + "inding" + ], + [ + "ĠM", + "old" + ], + [ + "Ġcohes", + "ive" + ], + [ + "ĠGen", + "ome" + ], + [ + "Ġmanif", + "ested" + ], + [ + "Ġsuspect", + "s" + ], + [ + "Cal", + "cul" + ], + [ + "Ġrefine", + "ment" + ], + [ + "Ġst", + "ray" + ], + [ + "()", + "):" + ], + [ + "access", + "ible" + ], + [ + "ĠTheod", + "ore" + ], + [ + "lins", + "pace" + ], + [ + "ra", + "ines" + ], + [ + "ĠM", + "ira" + ], + [ + "fl", + "oor" + ], + [ + "Ġdra", + "fting" + ], + [ + "Ġc", + "uring" + ], + [ + "ar", + "ate" + ], + [ + "ak", + "ening" + ], + [ + "Ġrad", + "ically" + ], + [ + "Ċĉĉ", + "ĉĉĉĉĉĉĉĉ" + ], + [ + "X", + "iv" + ], + [ + "Ġencounter", + "ing" + ], + [ + "ugg", + "ed" + ], + [ + "act", + "ively" + ], + [ + "inc", + "inn" + ], + [ + "Ġseaw", + "ater" + ], + [ + "asg", + "ow" + ], + [ + "d", + "ry" + ], + [ + "um", + "bs" + ], + [ + "up", + "dated" + ], + [ + "Ġdesc", + "ending" + ], + [ + "Ġeconom", + "ist" + ], + [ + "Ġterm", + "ination" + ], + [ + "Ġlab", + "orers" + ], + [ + "ĠFr", + "an" + ], + [ + "Ġn", + "ested" + ], + [ + "Ġg", + "rit" + ], + [ + "Ġhe", + "n" + ], + [ + "Ġart", + "ific" + ], + [ + "Ġtransc", + "ends" + ], + [ + "Ġneat", + "ly" + ], + [ + "Ġcanon", + "ical" + ], + [ + "o", + "ing" + ], + [ + "Ġmor", + "b" + ], + [ + "Ġdys", + "lexia" + ], + [ + "ä¸", + "ª" + ], + [ + "Ġdispar", + "ity" + ], + [ + "ul", + "ing" + ], + [ + "Ġperm", + "iss" + ], + [ + "ĠDom", + "ain" + ], + [ + "ĠDiagn", + "osis" + ], + [ + "Ġplate", + "au" + ], + [ + "ĠNeuro", + "science" + ], + [ + "are", + "rs" + ], + [ + "ĠTra", + "ck" + ], + [ + "ose", + "ph" + ], + [ + "Param", + "eters" + ], + [ + "Ġutter", + "ly" + ], + [ + "Ġpat", + "ented" + ], + [ + "Ġl", + "ice" + ], + [ + "Pre", + "vious" + ], + [ + "Ġtract", + "s" + ], + [ + "n", + "em" + ], + [ + "Ġu", + "m" + ], + [ + "Ġpatri", + "ot" + ], + [ + "ĠGab", + "riel" + ], + [ + "j", + "ug" + ], + [ + "Ġharm", + "onic" + ], + [ + "Ġhalf", + "way" + ], + [ + "Ġb", + "ake" + ], + [ + "om", + "p" + ], + [ + "Ġmed", + "iated" + ], + [ + "Ġassoci", + "ates" + ], + [ + "Ġscript", + "ures" + ], + [ + "ĠAdvent", + "ure" + ], + [ + "ĠKrish", + "na" + ], + [ + "m", + "arg" + ], + [ + "Ġu", + "gly" + ], + [ + "ĠCra", + "ig" + ], + [ + "P", + "erson" + ], + [ + "å", + "°" + ], + [ + "Ġd", + "aring" + ], + [ + "st", + "aff" + ], + [ + "Ġse", + "ize" + ], + [ + "ĠNeg", + "ative" + ], + [ + "Ġavoc", + "ado" + ], + [ + "ĠApp", + "endix" + ], + [ + "Ġfresh", + "ly" + ], + [ + "Ġcatast", + "rophe" + ], + [ + "Ġrefere", + "nd" + ], + [ + "Ġsp", + "ells" + ], + [ + "oph", + "one" + ], + [ + "run", + "ner" + ], + [ + "F", + "ar" + ], + [ + "os", + "in" + ], + [ + "ĠW", + "ald" + ], + [ + "ĠRw", + "anda" + ], + [ + "Ġj", + "umps" + ], + [ + "Ġresist", + "or" + ], + [ + "Ġmountain", + "ous" + ], + [ + "ĠCh", + "ang" + ], + [ + "Pro", + "b" + ], + [ + "Ġbureau", + "c" + ], + [ + "Ġs", + "ine" + ], + [ + "pl", + "aced" + ], + [ + "à¤", + "¿" + ], + [ + "G", + "F" + ], + [ + "G", + "erm" + ], + [ + "ac", + "l" + ], + [ + "ib", + "an" + ], + [ + "Ġj", + "ars" + ], + [ + "In", + "v" + ], + [ + "param", + "et" + ], + [ + "Ġfamiliar", + "ize" + ], + [ + "ĠBAS", + "IS" + ], + [ + "ver", + "ter" + ], + [ + "per", + "haps" + ], + [ + "Ġrenew", + "ables" + ], + [ + "ĠInflu", + "ence" + ], + [ + "S", + "en" + ], + [ + "it", + "eration" + ], + [ + "Ġconsum", + "es" + ], + [ + "ĠMus", + "cle" + ], + [ + "ĠFe", + "eling" + ], + [ + "Ġc", + "ue" + ], + [ + "Ġbl", + "ends" + ], + [ + "ox", + "ins" + ], + [ + "Ġmand", + "ated" + ], + [ + "os", + "ome" + ], + [ + "hold", + "ing" + ], + [ + "Ġarr", + "anging" + ], + [ + "Ar", + "thur" + ], + [ + "ĠProcess", + "es" + ], + [ + "ERS", + "ION" + ], + [ + "..", + ".," + ], + [ + "let", + "ters" + ], + [ + "ĠEmp", + "ower" + ], + [ + "ĠE", + "fficiency" + ], + [ + "Ġdis", + "position" + ], + [ + "ron", + "ts" + ], + [ + "Ġg", + "enders" + ], + [ + "ra", + "peutic" + ], + [ + "th", + "inking" + ], + [ + "ac", + "lass" + ], + [ + "Ġturn", + "over" + ], + [ + "ĠSac", + "red" + ], + [ + "M", + "ill" + ], + [ + "W", + "D" + ], + [ + "Ã", + "¥" + ], + [ + "Ġr", + "anc" + ], + [ + "Ġanat", + "omical" + ], + [ + "w", + "ire" + ], + [ + "ĠC", + "ul" + ], + [ + "Ġrel", + "iably" + ], + [ + "Ġam", + "en" + ], + [ + "ends", + "with" + ], + [ + "Ġk", + "ale" + ], + [ + "Ġread", + "able" + ], + [ + "gu", + "ided" + ], + [ + "ĠF", + "ul" + ], + [ + "may", + "be" + ], + [ + "Ġt", + "ilt" + ], + [ + "Ġor", + "anges" + ], + [ + "ĠSt", + "ars" + ], + [ + "Ġiniti", + "ating" + ], + [ + "Ġling", + "ering" + ], + [ + "uc", + "aly" + ], + [ + "Ġobject", + "ion" + ], + [ + "assert", + "Is" + ], + [ + "Ġintros", + "pection" + ], + [ + "ĠC", + "arr" + ], + [ + "ph", + "oto" + ], + [ + "Ġdiff", + "use" + ], + [ + "Ġdep", + "iction" + ], + [ + "ch", + "ip" + ], + [ + "Ġst", + "ing" + ], + [ + "ĠS", + "ax" + ], + [ + "ac", + "ic" + ], + [ + "ĠKe", + "pler" + ], + [ + "AB", + "ILITY" + ], + [ + "Ġintim", + "idating" + ], + [ + "Ġsuperhero", + "es" + ], + [ + "Ġaccred", + "ited" + ], + [ + "Ġthe", + "at" + ], + [ + "Ġav", + "ian" + ], + [ + "isc", + "her" + ], + [ + "ĠAtt", + "orney" + ], + [ + "ĠMun", + "ich" + ], + [ + "ipel", + "ago" + ], + [ + "ĠO", + "ste" + ], + [ + "Ġsem", + "inars" + ], + [ + "flat", + "ten" + ], + [ + "âĹ", + "ı" + ], + [ + "b", + "red" + ], + [ + "b", + "ows" + ], + [ + "ĠC", + "openhagen" + ], + [ + "res", + "a" + ], + [ + "Ġever", + "green" + ], + [ + "Ġpron", + "ouns" + ], + [ + "Ġech", + "oes" + ], + [ + "ĠI", + "an" + ], + [ + "Ġpro", + "secution" + ], + [ + "ĠH", + "aven" + ], + [ + "Ġauthor", + "ization" + ], + [ + "Ġterm", + "inals" + ], + [ + "Ġpoly", + "g" + ], + [ + "Ġartif", + "act" + ], + [ + "Ġadhes", + "ion" + ], + [ + "C", + "RE" + ], + [ + "ĠP", + "ediatric" + ], + [ + "tra", + "umatic" + ], + [ + "ĠC", + "BT" + ], + [ + "ash", + "a" + ], + [ + "ĠPl", + "at" + ], + [ + "Ġdiscipl", + "inary" + ], + [ + "Ġalter", + "ation" + ], + [ + "ĠSand", + "y" + ], + [ + "ad", + "ows" + ], + [ + "Ġv", + "icious" + ], + [ + "ĠU", + "I" + ], + [ + "Ġconst", + "rained" + ], + [ + "Ġim", + "b" + ], + [ + "Ġpre", + "aching" + ], + [ + "imp", + "act" + ], + [ + "Ġprog", + "en" + ], + [ + "sh", + "ared" + ], + [ + "Ġcrack", + "ed" + ], + [ + "B", + "ooks" + ], + [ + "aw", + "k" + ], + [ + "Ex", + "ercise" + ], + [ + "B", + "U" + ], + [ + "Rem", + "ove" + ], + [ + "Ġneur", + "onal" + ], + [ + "ĠScript", + "ures" + ], + [ + "Japan", + "ese" + ], + [ + "ï¬", + "ģ" + ], + [ + "S", + "ep" + ], + [ + "at", + "ology" + ], + [ + "Ġre", + "ap" + ], + [ + "Ġ(", + ")" + ], + [ + "Ġj", + "ur" + ], + [ + "Ġdown", + "s" + ], + [ + "Pr", + "ice" + ], + [ + "ĠS", + "V" + ], + [ + "Ġper", + "ce" + ], + [ + "ref", + "lection" + ], + [ + "Bl", + "ood" + ], + [ + "Ġdiss", + "atis" + ], + [ + "ĠMind", + "fulness" + ], + [ + "ĠLeon", + "ardo" + ], + [ + "Ġabst", + "raction" + ], + [ + "ĠKaz", + "akh" + ], + [ + "_", + "%" + ], + [ + "w", + "at" + ], + [ + "ĠM", + "ari" + ], + [ + "ĠW", + "iley" + ], + [ + "Ġbro", + "th" + ], + [ + "IC", + "K" + ], + [ + "Ġment", + "oring" + ], + [ + "ĠFunction", + "al" + ], + [ + "F", + "ont" + ], + [ + "r", + "anging" + ], + [ + "en", + "ames" + ], + [ + "ĠS", + "ammy" + ], + [ + "ĠP", + "AR" + ], + [ + "ĠSt", + "ru" + ], + [ + "Ġsuprem", + "acy" + ], + [ + "ĠB", + "A" + ], + [ + "Ġinter", + "generational" + ], + [ + "E", + "PA" + ], + [ + "Ġfl", + "ax" + ], + [ + "Ġlog", + "ically" + ], + [ + "Ġam", + "use" + ], + [ + "Ġindex", + "es" + ], + [ + "Ġoste", + "oarthritis" + ], + [ + "res", + "cent" + ], + [ + "ĠV", + "ern" + ], + [ + "Ġsign", + "ify" + ], + [ + "Ġhar", + "ms" + ], + [ + "ĠJul", + "ian" + ], + [ + "Ġsubstr", + "ates" + ], + [ + "ĠInfect", + "ious" + ], + [ + "c", + "as" + ], + [ + "e", + "ither" + ], + [ + "ĠC", + "AN" + ], + [ + "ĠQt", + "Widgets" + ], + [ + "ĠAnat", + "omy" + ], + [ + "c", + "ss" + ], + [ + "f", + "ramework" + ], + [ + "ĠIt", + "em" + ], + [ + "Ġsecret", + "ly" + ], + [ + "Ġdefect", + "ive" + ], + [ + "system", + "s" + ], + [ + "mid", + "t" + ], + [ + "ig", + "rams" + ], + [ + "Ġrep", + "o" + ], + [ + "Ġrest", + "orative" + ], + [ + "Ġshort", + "ened" + ], + [ + "Ġsal", + "v" + ], + [ + "config", + "ure" + ], + [ + "Ġthunder", + "storm" + ], + [ + "ĠJenn", + "ifer" + ], + [ + "Ġat", + "roc" + ], + [ + "Ġphys", + "i" + ], + [ + "R", + "ule" + ], + [ + "ĠK", + "l" + ], + [ + "Ġgr", + "ind" + ], + [ + "ba", + "um" + ], + [ + "M", + "AN" + ], + [ + "or", + "r" + ], + [ + "Ġch", + "ase" + ], + [ + "Ġsole", + "mn" + ], + [ + "Ġconvict", + "ions" + ], + [ + "é", + "ĩ" + ], + [ + "Ġb", + "box" + ], + [ + "Ġre", + "create" + ], + [ + "Ġjud", + "ging" + ], + [ + "ĠPrinc", + "ipal" + ], + [ + "Ġdens", + "ely" + ], + [ + "Ġafore", + "mentioned" + ], + [ + "Ġsat", + "ire" + ], + [ + "Ġbroad", + "band" + ], + [ + "Ġnan", + "o" + ], + [ + "ĠEc", + "ological" + ], + [ + "Ġblank", + "ets" + ], + [ + "Ġinverte", + "brates" + ], + [ + "ĠCoff", + "ee" + ], + [ + "Ġp", + "amph" + ], + [ + "Ġshell", + "fish" + ], + [ + "Ġunem", + "ployed" + ], + [ + "F", + "ailed" + ], + [ + "ĠG", + "L" + ], + [ + "Ġmort", + "ar" + ], + [ + "Ġconfron", + "ting" + ], + [ + "Ġcess", + "ation" + ], + [ + "f", + "acing" + ], + [ + "aw", + "ed" + ], + [ + "Ġstat", + "utory" + ], + [ + "Ġtele", + "communications" + ], + [ + "ĠMal", + "colm" + ], + [ + "Ġpron", + "ounce" + ], + [ + "M", + "edia" + ], + [ + "N", + "eg" + ], + [ + "b", + "ons" + ], + [ + "m", + "ust" + ], + [ + "ang", + "ible" + ], + [ + "Ġsou", + "ps" + ], + [ + "Value", + "Error" + ], + [ + "Orig", + "inally" + ], + [ + "intend", + "ent" + ], + [ + "ic", + "uous" + ], + [ + "ob", + "acteria" + ], + [ + "Ġmorb", + "idity" + ], + [ + "D", + "im" + ], + [ + "um", + "ers" + ], + [ + "Ġcommun", + "ism" + ], + [ + "Ġmeticul", + "ously" + ], + [ + "Ġc", + "reek" + ], + [ + "Ġlong", + "itude" + ], + [ + "Ġrent", + "al" + ], + [ + "ĠPeters", + "burg" + ], + [ + "Ġannoy", + "ing" + ], + [ + "F", + "eed" + ], + [ + "i", + "ates" + ], + [ + "reci", + "ation" + ], + [ + "Ġhosp", + "itality" + ], + [ + "Ġcris", + "p" + ], + [ + "Ġb", + "ison" + ], + [ + "Ġbelie", + "ver" + ], + [ + "Ġstup", + "id" + ], + [ + "res", + "ize" + ], + [ + "ĠR", + "osa" + ], + [ + "Ġapp", + "liance" + ], + [ + "Ġsusp", + "ense" + ], + [ + "Ġcareg", + "iver" + ], + [ + "ident", + "ifier" + ], + [ + "RIG", + "HT" + ], + [ + "ĠG", + "ill" + ], + [ + "ĠCor", + "p" + ], + [ + "?", + "'" + ], + [ + "ĠM", + "unicip" + ], + [ + "ĠP", + "ok" + ], + [ + "ĠD", + "ol" + ], + [ + "Ġpal", + "p" + ], + [ + "Ġso", + "ak" + ], + [ + "ĠCh", + "ain" + ], + [ + "ĠTrans", + "lation" + ], + [ + "Ġkn", + "ights" + ], + [ + "Ġcontradict", + "ory" + ], + [ + "Ġoutwe", + "igh" + ], + [ + "ert", + "on" + ], + [ + "Ġsc", + "are" + ], + [ + "ipp", + "ers" + ], + [ + "ĠRequ", + "irements" + ], + [ + "Ġreconc", + "ile" + ], + [ + "ĠCompar", + "ative" + ], + [ + "G", + "r" + ], + [ + "b", + "read" + ], + [ + "Ġpl", + "aint" + ], + [ + "AN", + "CE" + ], + [ + "Ġsan", + "ction" + ], + [ + "Ġexplo", + "iting" + ], + [ + "Ġsubt", + "raction" + ], + [ + "Ġbol", + "st" + ], + [ + "Ġopio", + "ids" + ], + [ + "Ġanaly", + "st" + ], + [ + "ĠEd", + "it" + ], + [ + "Orig", + "in" + ], + [ + "ĠSequ", + "ence" + ], + [ + "Ġneighbour", + "hood" + ], + [ + "ĠS", + "inai" + ], + [ + "ann", + "i" + ], + [ + "IO", + "NAL" + ], + [ + "Ġchem", + "ist" + ], + [ + "urb", + "ed" + ], + [ + "leg", + "al" + ], + [ + "s", + "hips" + ], + [ + "ĠR", + "ib" + ], + [ + "Ġent", + "ail" + ], + [ + "Ġpred", + "etermined" + ], + [ + "Ġball", + "oons" + ], + [ + "ĠMath", + "s" + ], + [ + "Ġalleged", + "ly" + ], + [ + "resol", + "ved" + ], + [ + "ĠJama", + "ica" + ], + [ + "ĠRenew", + "able" + ], + [ + "ĠL", + "ed" + ], + [ + "Ġro", + "asted" + ], + [ + "Ġbl", + "unt" + ], + [ + "Ġtop", + "ology" + ], + [ + "Ġkil", + "ograms" + ], + [ + "quir", + "ies" + ], + [ + "t", + "b" + ], + [ + "ĠR", + "ut" + ], + [ + "Ġj", + "aws" + ], + [ + "Ġste", + "er" + ], + [ + "Ġswe", + "ets" + ], + [ + "ĠHim", + "self" + ], + [ + "A", + "round" + ], + [ + "id", + "ine" + ], + [ + "ert", + "ical" + ], + [ + "pack", + "ages" + ], + [ + "C", + "ategory" + ], + [ + "S", + "axon" + ], + [ + "ar", + "ag" + ], + [ + "ĠC", + "otton" + ], + [ + "Ġimp", + "urities" + ], + [ + "Ġret", + "in" + ], + [ + "Ġana", + "erobic" + ], + [ + "P", + "rop" + ], + [ + "Ġcur", + "r" + ], + [ + "Ġh", + "alls" + ], + [ + "Ġ(", + "[" + ], + [ + "\"\"", + ")" + ], + [ + "Un", + "ion" + ], + [ + "Ġt", + "rench" + ], + [ + "Ġp", + "soriasis" + ], + [ + "ot", + "omy" + ], + [ + "ĠH", + "iro" + ], + [ + "ĠR", + "an" + ], + [ + "Ġdist", + "raction" + ], + [ + "Ġshort", + "ness" + ], + [ + "Ġcontinu", + "um" + ], + [ + "Ġperpet", + "uate" + ], + [ + "Ġp", + "orn" + ], + [ + "Ġst", + "aggering" + ], + [ + "Ġcl", + "iffs" + ], + [ + "Ġhot", + "ter" + ], + [ + "post", + "s" + ], + [ + "n", + "ie" + ], + [ + "qu", + "isite" + ], + [ + "ag", + "ar" + ], + [ + "Re", + "comm" + ], + [ + "Ġbra", + "ces" + ], + [ + "Ġpilgrim", + "age" + ], + [ + "ĠT", + "rial" + ], + [ + "ot", + "yp" + ], + [ + "Ġspray", + "ing" + ], + [ + "Ġvigil", + "ance" + ], + [ + "Ġinsp", + "ires" + ], + [ + "Ġsymbol", + "ize" + ], + [ + "Ġneutr", + "ality" + ], + [ + "in", + "ia" + ], + [ + "Ġpl", + "acent" + ], + [ + "Wid", + "th" + ], + [ + "Ġric", + "hest" + ], + [ + "th", + "y" + ], + [ + "ĠL", + "an" + ], + [ + "act", + "ivated" + ], + [ + "oss", + "il" + ], + [ + "Ġbu", + "f" + ], + [ + "Ġcur", + "se" + ], + [ + "ĠDet", + "ection" + ], + [ + "(", + "\"\"\"" + ], + [ + "ĠT", + "et" + ], + [ + "Ġfore", + "ground" + ], + [ + "Ġsqu", + "ared" + ], + [ + "ĠFe", + "ature" + ], + [ + "ca", + "using" + ], + [ + "ĠVe", + "hicle" + ], + [ + "ĠGalile", + "o" + ], + [ + "ivari", + "ate" + ], + [ + "T", + "ool" + ], + [ + "k", + "u" + ], + [ + "ace", + "ans" + ], + [ + "then", + "ing" + ], + [ + "Sc", + "ale" + ], + [ + "y", + "y" + ], + [ + "ĠB", + "order" + ], + [ + "ĠH", + "ort" + ], + [ + "ĠR", + "oh" + ], + [ + "bo", + "ats" + ], + [ + "Ġmanif", + "ests" + ], + [ + "ĠAll", + "ergy" + ], + [ + "fl", + "ation" + ], + [ + "Ġt", + "qdm" + ], + [ + "Ġa", + "kin" + ], + [ + "al", + "most" + ], + [ + "rig", + "ued" + ], + [ + "A", + "verage" + ], + [ + "Ġt", + "innitus" + ], + [ + "Ġh", + "ing" + ], + [ + "ĠE", + "thernet" + ], + [ + "ĠJ", + "ason" + ], + [ + "con", + "cept" + ], + [ + "Ġhor", + "rible" + ], + [ + "en", + "os" + ], + [ + "al", + "ms" + ], + [ + "ĠRe", + "ally" + ], + [ + "Ġautom", + "obiles" + ], + [ + "Ġcircum", + "ference" + ], + [ + "Ġquot", + "ation" + ], + [ + "Ø", + "ª" + ], + [ + "ĠSt", + "ick" + ], + [ + "medi", + "ately" + ], + [ + "Ġstir", + "ring" + ], + [ + "Ġstub", + "born" + ], + [ + "Ġcollabor", + "atively" + ], + [ + "Dep", + "artment" + ], + [ + "Ġadminister", + "ing" + ], + [ + "n", + "om" + ], + [ + "ĠG", + "ently" + ], + [ + "Ġset", + "Up" + ], + [ + "Ġintim", + "acy" + ], + [ + "occup", + "ied" + ], + [ + "B", + "ay" + ], + [ + "ĠCan", + "aan" + ], + [ + "Ġincorpor", + "ation" + ], + [ + "Ġmis", + "information" + ], + [ + "S", + "leep" + ], + [ + "Ġa", + "we" + ], + [ + "ent", + "ries" + ], + [ + "Ġprot", + "on" + ], + [ + "vis", + "it" + ], + [ + "Ġsem", + "inar" + ], + [ + "Ġmisunder", + "stood" + ], + [ + "Ġa", + "ur" + ], + [ + "road", + "s" + ], + [ + "Ġneighb", + "ours" + ], + [ + "Ġfemin", + "ism" + ], + [ + "Ġsacrific", + "ing" + ], + [ + "Ġbra", + "kes" + ], + [ + "ĠMechan", + "ical" + ], + [ + "Guid", + "eline" + ], + [ + "ĠP", + "ossible" + ], + [ + "ĠK", + "ol" + ], + [ + "Ġimm", + "inent" + ], + [ + "p", + "ractice" + ], + [ + "de", + "cl" + ], + [ + "Th", + "ings" + ], + [ + "Ġser", + "pent" + ], + [ + "ĠCare", + "fully" + ], + [ + "Ġintellectual", + "s" + ], + [ + "ĠPhilipp", + "ine" + ], + [ + "(", + "[\"" + ], + [ + "or", + "as" + ], + [ + "Ġp", + "icks" + ], + [ + "f", + "d" + ], + [ + "j", + "un" + ], + [ + "Ġt", + "ides" + ], + [ + "Ġst", + "akes" + ], + [ + "ĠJ", + "A" + ], + [ + "Ġun", + "not" + ], + [ + "Ġanim", + "ations" + ], + [ + "Ġsafegu", + "ards" + ], + [ + "ĠP", + "ink" + ], + [ + "ĠR", + "M" + ], + [ + "Ġ'", + "')" + ], + [ + "Ġtur", + "meric" + ], + [ + "Ġvag", + "ina" + ], + [ + "Ġvend", + "or" + ], + [ + "Ġr", + "ug" + ], + [ + "Ġun", + "fore" + ], + [ + "Ġwhat", + "soever" + ], + [ + "Ġshow", + "ers" + ], + [ + "Ġoccup", + "ying" + ], + [ + "Ġsupplement", + "ed" + ], + [ + "Ġ", + "ids" + ], + [ + "Ġhe", + "ars" + ], + [ + "Ġso", + "othing" + ], + [ + "Ġmold", + "s" + ], + [ + "ch", + "unk" + ], + [ + "Ġfear", + "ful" + ], + [ + "Ġthread", + "ing" + ], + [ + "T", + "L" + ], + [ + "k", + "ed" + ], + [ + "l", + "isher" + ], + [ + "ĠF", + "ellow" + ], + [ + "str", + "ftime" + ], + [ + "Ġdestro", + "ys" + ], + [ + "'", + "^" + ], + [ + "K", + "ids" + ], + [ + "Ġl", + "an" + ], + [ + "ĠA", + "RE" + ], + [ + "ĠS", + "ter" + ], + [ + "Ġen", + "cephal" + ], + [ + "ĠEngine", + "er" + ], + [ + "paramet", + "rize" + ], + [ + "v", + "ocab" + ], + [ + "Ö", + "¼" + ], + [ + "Û", + "Į" + ], + [ + "il", + "oc" + ], + [ + "sw", + "orth" + ], + [ + "Ġfram", + "ed" + ], + [ + "Ġuseful", + "ness" + ], + [ + "ĠMill", + "enn" + ], + [ + "Ġdisput", + "ed" + ], + [ + "Ġspont", + "aneously" + ], + [ + "Ġaver", + "aged" + ], + [ + "ĠDis", + "aster" + ], + [ + "Ċĉĉ", + "ĉĉĉĉ" + ], + [ + "ĠE", + "y" + ], + [ + "ĠD", + "awn" + ], + [ + "Ġk", + "eras" + ], + [ + "Ġair", + "ways" + ], + [ + "IS", + "A" + ], + [ + "ĠInter", + "face" + ], + [ + "D", + "AT" + ], + [ + "en", + "stein" + ], + [ + "or", + "ian" + ], + [ + "Ġbio", + "fuels" + ], + [ + "ĠWay", + "ne" + ], + [ + "ĠFil", + "ter" + ], + [ + "Pat", + "ients" + ], + [ + "Ġgreet", + "ed" + ], + [ + "Ġfright", + "ening" + ], + [ + "incinn", + "ati" + ], + [ + "C", + "ultural" + ], + [ + "T", + "ogether" + ], + [ + "ay", + "as" + ], + [ + "ass", + "et" + ], + [ + "ĠRe", + "ed" + ], + [ + "ĠPers", + "ons" + ], + [ + "Ġwra", + "pping" + ], + [ + "Ġpro", + "ps" + ], + [ + "Ġan", + "te" + ], + [ + "te", + "acher" + ], + [ + "Ġbre", + "wing" + ], + [ + "Ġdom", + "est" + ], + [ + "bl", + "ob" + ], + [ + "Ġplot", + "ting" + ], + [ + "Ġrecip", + "roc" + ], + [ + "Set", + "ting" + ], + [ + "diff", + "erent" + ], + [ + "ĠBatt", + "alion" + ], + [ + "Ġopp", + "ressed" + ], + [ + "Ġsand", + "stone" + ], + [ + "ĠBlu", + "etooth" + ], + [ + "p", + "ots" + ], + [ + "ig", + "ator" + ], + [ + "Ġmen", + "us" + ], + [ + "Ġeffort", + "lessly" + ], + [ + "Ġhom", + "osexual" + ], + [ + "Ġexacerb", + "ated" + ], + [ + "geo", + "Id" + ], + [ + "e", + "conom" + ], + [ + "Ġshort", + "comings" + ], + [ + "rel", + "ative" + ], + [ + "IS", + "C" + ], + [ + "ĠPL", + "oS" + ], + [ + "ĠRecogn", + "ize" + ], + [ + "pron", + "ounced" + ], + [ + "Å", + "Ľ" + ], + [ + "ĠU", + "nd" + ], + [ + "Ġpre", + "natal" + ], + [ + "Ġdirect", + "ories" + ], + [ + "Ġreserv", + "ations" + ], + [ + "Ġwat", + "ches" + ], + [ + "access", + "ed" + ], + [ + "Ġmerch", + "and" + ], + [ + "Ġmor", + "ale" + ], + [ + "ĠTra", + "dition" + ], + [ + "ĠMarx", + "ist" + ], + [ + "Ġout", + "rage" + ], + [ + "ili", + "ency" + ], + [ + "Ġthreshold", + "s" + ], + [ + "n", + "ostic" + ], + [ + "Ġpl", + "ent" + ], + [ + "ĠKid", + "ney" + ], + [ + "ĠS", + "ew" + ], + [ + "ag", + "ents" + ], + [ + "Ġhand", + "ic" + ], + [ + "ĠRed", + "ucing" + ], + [ + "Ġafford", + "ed" + ], + [ + "ĠSign", + "al" + ], + [ + "ĠCy", + "prus" + ], + [ + "Ġorn", + "ament" + ], + [ + ">", + "\\" + ], + [ + "G", + "G" + ], + [ + "ĠN", + "W" + ], + [ + "Ġno", + "on" + ], + [ + "Ġtransmit", + "ter" + ], + [ + "Ġware", + "house" + ], + [ + "?", + "," + ], + [ + "T", + "V" + ], + [ + "Ġb", + "og" + ], + [ + "Ġsp", + "raw" + ], + [ + "cre", + "ts" + ], + [ + "med", + "icine" + ], + [ + "Ġ", + "nd" + ], + [ + "Ġb", + "ount" + ], + [ + "ve", + "ctors" + ], + [ + "he", + "et" + ], + [ + "es", + "ame" + ], + [ + "ĠE", + "lim" + ], + [ + "cl", + "usters" + ], + [ + "Ġra", + "ids" + ], + [ + "Ġgreat", + "ness" + ], + [ + "Tra", + "ditional" + ], + [ + "ĠRub", + "y" + ], + [ + "ĠPear", + "son" + ], + [ + "U", + "ID" + ], + [ + "ĠPro", + "te" + ], + [ + "ĠNe", + "il" + ], + [ + "Ġanthrop", + "ogenic" + ], + [ + "ĠC", + "ob" + ], + [ + "um", + "i" + ], + [ + "Ġerad", + "icate" + ], + [ + "Ġattend", + "ees" + ], + [ + "sor", + "ption" + ], + [ + "ĠAccount", + "ing" + ], + [ + "Mich", + "ael" + ], + [ + "ĠSp", + "ark" + ], + [ + "Ch", + "all" + ], + [ + "Ġrelie", + "ved" + ], + [ + "n", + "ge" + ], + [ + "Ġw", + "ired" + ], + [ + "ĠN", + "SA" + ], + [ + "orm", + "al" + ], + [ + "ĉĉ", + "ĉ" + ], + [ + "Ġassign", + "ing" + ], + [ + "Ġrupt", + "ure" + ], + [ + "ĠSic", + "ily" + ], + [ + "he", + "mer" + ], + [ + "ĠCam", + "era" + ], + [ + "ĠExped", + "ition" + ], + [ + "im", + "pl" + ], + [ + "ĠT", + "ong" + ], + [ + "Ġge", + "ared" + ], + [ + "ĠIU", + "CN" + ], + [ + "ff", + "iti" + ], + [ + "Ġk", + "el" + ], + [ + "Ġfin", + "ishes" + ], + [ + "RE", + "T" + ], + [ + "ĠOri", + "ental" + ], + [ + "ĠYug", + "oslav" + ], + [ + "Ġl", + "attice" + ], + [ + "our", + "cing" + ], + [ + "ĠPl", + "ain" + ], + [ + "return", + "s" + ], + [ + "ĠEll", + "en" + ], + [ + "ĠInj", + "ury" + ], + [ + "H", + "P" + ], + [ + "g", + "ran" + ], + [ + "h", + "ift" + ], + [ + "in", + "ters" + ], + [ + "op", + "ian" + ], + [ + "Ġform", + "ulate" + ], + [ + "C", + "isco" + ], + [ + "ape", + "ake" + ], + [ + "Ġrelic", + "s" + ], + [ + "p", + "aces" + ], + [ + "}", + "_" + ], + [ + "Ġb", + "inge" + ], + [ + "Ġ(", + "<" + ], + [ + "ri", + "o" + ], + [ + "Ġun", + "available" + ], + [ + "ey", + "ed" + ], + [ + "yd", + "ia" + ], + [ + "Ġpyram", + "ids" + ], + [ + "r", + "ists" + ], + [ + "ĠM", + "otion" + ], + [ + "ĠO", + "pin" + ], + [ + "ĠAn", + "a" + ], + [ + "Ġunexpected", + "ly" + ], + [ + "Ġasc", + "ending" + ], + [ + "Ġsoy", + "beans" + ], + [ + "Ġelab", + "or" + ], + [ + "Ult", + "imately" + ], + [ + "G", + "IS" + ], + [ + "T", + "raining" + ], + [ + "]", + "-" + ], + [ + "w", + "aves" + ], + [ + "Ġ", + "ç" + ], + [ + "Ġr", + "ushed" + ], + [ + "Ġabs", + "cess" + ], + [ + "Ġtrig", + "lycer" + ], + [ + "ĠBr", + "ussels" + ], + [ + "Ð", + "±" + ], + [ + "Ġnoct", + "urnal" + ], + [ + "h", + "b" + ], + [ + "it", + "ance" + ], + [ + "om", + "at" + ], + [ + "Ġpre", + "view" + ], + [ + "Ġdepart", + "ed" + ], + [ + "Ġsquir", + "rel" + ], + [ + "ĠA", + "zer" + ], + [ + "Ġwip", + "ed" + ], + [ + "Ġbankrupt", + "cy" + ], + [ + "Ġc", + "ites" + ], + [ + "Ġv", + "ain" + ], + [ + "ING", + "S" + ], + [ + "Ġaven", + "ue" + ], + [ + "Ġadject", + "ives" + ], + [ + "Ġab", + "usive" + ], + [ + "ism", + "atic" + ], + [ + "ĠCo", + "operation" + ], + [ + "ĠPer", + "ry" + ], + [ + "Ġdistinct", + "ly" + ], + [ + "ĠBo", + "ys" + ], + [ + "Ġantib", + "acterial" + ], + [ + "N", + "or" + ], + [ + "k", + "ah" + ], + [ + "ĠMah", + "ar" + ], + [ + "Ġuncover", + "ing" + ], + [ + "eng", + "ing" + ], + [ + "Ġwh", + "istle" + ], + [ + "ost", + "asis" + ], + [ + "ens", + "itive" + ], + [ + "Ġnumer", + "ic" + ], + [ + "Di", + "agn" + ], + [ + "Argument", + "Parser" + ], + [ + "clesi", + "astical" + ], + [ + "Ø", + "¯" + ], + [ + "it", + "ted" + ], + [ + "Ġm", + "ound" + ], + [ + "ĠR", + "C" + ], + [ + "Ġam", + "put" + ], + [ + "âĤ¬", + "âĦ¢" + ], + [ + "Ġpe", + "el" + ], + [ + "Ġcol", + "orectal" + ], + [ + "Ġcre", + "ep" + ], + [ + "Ġpos", + "its" + ], + [ + "Ġcheck", + "point" + ], + [ + "ĠPy", + "th" + ], + [ + "ĠPresent", + "ation" + ], + [ + "exper", + "iment" + ], + [ + "Ġvow", + "els" + ], + [ + "ĠSalv", + "ador" + ], + [ + "d", + "ie" + ], + [ + "x", + "iv" + ], + [ + "Ġ\"", + "\"," + ], + [ + "Ġsound", + "ed" + ], + [ + "HT", + "ML" + ], + [ + "ĠClar", + "ke" + ], + [ + "A", + "rab" + ], + [ + "C", + "at" + ], + [ + "ĠN", + "est" + ], + [ + "Ġprogram", + "mer" + ], + [ + "cont", + "ents" + ], + [ + "ĠConst", + "antine" + ], + [ + "B", + "ASE" + ], + [ + "P", + "acific" + ], + [ + "T", + "alk" + ], + [ + "ĠRead", + "ers" + ], + [ + "Ġpod", + "s" + ], + [ + "ator", + "ial" + ], + [ + "Ġtit", + "anium" + ], + [ + "Ġreson", + "ates" + ], + [ + "is", + "ia" + ], + [ + "ĠM", + "OD" + ], + [ + "Ġsu", + "icidal" + ], + [ + "Ġgl", + "orious" + ], + [ + "ĠEx", + "amine" + ], + [ + "check", + "point" + ], + [ + "Ġdiscrep", + "ancies" + ], + [ + "Ġg", + "t" + ], + [ + "ĠE", + "qual" + ], + [ + "ĠL", + "aser" + ], + [ + "Ġdis", + "pat" + ], + [ + "ang", + "i" + ], + [ + "Ġover", + "ride" + ], + [ + "Ġcast", + "les" + ], + [ + "Ġcontrad", + "iction" + ], + [ + "Ġfe", + "ces" + ], + [ + "ĠPres", + "byter" + ], + [ + "ĠLog", + "ic" + ], + [ + "Hen", + "ry" + ], + [ + "Ä", + "ĩ" + ], + [ + "ĠM", + "ills" + ], + [ + "Ġcan", + "non" + ], + [ + "Ġtre", + "acher" + ], + [ + "Ġexecut", + "ives" + ], + [ + "V", + "arious" + ], + [ + "Ġsp", + "ong" + ], + [ + "Ġrel", + "apse" + ], + [ + "Ġhuman", + "kind" + ], + [ + "abs", + "path" + ], + [ + "Sm", + "art" + ], + [ + "ĠC", + "ox" + ], + [ + "ge", + "mon" + ], + [ + "ph", + "ant" + ], + [ + "Recipe", + "Steps" + ], + [ + "Ġ", + "اÙĦ" + ], + [ + "ĠN", + "eb" + ], + [ + "ĠCh", + "at" + ], + [ + "de", + "ath" + ], + [ + "be", + "am" + ], + [ + "Ġcost", + "ume" + ], + [ + "Ġsix", + "teenth" + ], + [ + "Ġbrit", + "tle" + ], + [ + "ĠUn", + "ique" + ], + [ + "Ġdel", + "im" + ], + [ + "Ġcr", + "unch" + ], + [ + "æĺ", + "¯" + ], + [ + "H", + "as" + ], + [ + "ĠHe", + "aling" + ], + [ + "Ġsl", + "ender" + ], + [ + "Ph", + "il" + ], + [ + "Ġmand", + "ates" + ], + [ + "Ġest", + "ates" + ], + [ + "Ġbroadcast", + "ing" + ], + [ + "Ġd", + "wind" + ], + [ + "Ġha", + "em" + ], + [ + "á¹", + "£" + ], + [ + "embed", + "ding" + ], + [ + "Ġinstinct", + "s" + ], + [ + "ad", + "oes" + ], + [ + "ĠF", + "olk" + ], + [ + "Ġall", + "oys" + ], + [ + "A", + "pi" + ], + [ + "Ġres", + "ur" + ], + [ + "--------------------------------", + "--" + ], + [ + "Ġcompl", + "ained" + ], + [ + "ĠMor", + "ning" + ], + [ + "Vari", + "able" + ], + [ + "/", + "{}" + ], + [ + "it", + "les" + ], + [ + "Ġup", + "s" + ], + [ + "Ġaffect", + "ive" + ], + [ + "Ġdefault", + "s" + ], + [ + "m", + "its" + ], + [ + "cap", + "ing" + ], + [ + "Ġpossess", + "ing" + ], + [ + "Ġlip", + "ids" + ], + [ + "c", + "odes" + ], + [ + "ol", + "ation" + ], + [ + "Ġimp", + "over" + ], + [ + "ĠJul", + "ia" + ], + [ + "M", + "ove" + ], + [ + "re", + "z" + ], + [ + "se", + "ven" + ], + [ + "ON", + "G" + ], + [ + "ind", + "ustrial" + ], + [ + "Ġdispers", + "al" + ], + [ + "M", + "ath" + ], + [ + "Ġs", + "ocks" + ], + [ + "ĠH", + "ERE" + ], + [ + "pop", + "ular" + ], + [ + "Ġstack", + "ed" + ], + [ + "Ġshr", + "inking" + ], + [ + "ĠDomin", + "ican" + ], + [ + "Ġne", + "ph" + ], + [ + "ĠO", + "v" + ], + [ + "ĠUS", + "S" + ], + [ + "ĠMar", + "riage" + ], + [ + "Ġnormal", + "ized" + ], + [ + "c", + "ue" + ], + [ + "Ġr", + "ider" + ], + [ + "ĠLe", + "ak" + ], + [ + "ĠSad", + "ly" + ], + [ + "Ġb", + "umps" + ], + [ + "Ġph", + "yt" + ], + [ + "IN", + "K" + ], + [ + "Ġasyn", + "cio" + ], + [ + "Ġp", + "ag" + ], + [ + "Ġparticip", + "atory" + ], + [ + "ott", + "a" + ], + [ + "ĠErn", + "est" + ], + [ + "ĠH", + "A" + ], + [ + "Ġassemb", + "lies" + ], + [ + "cam", + "era" + ], + [ + "æ", + "ī" + ], + [ + "Ġmamm", + "alian" + ], + [ + "aked", + "irs" + ], + [ + "ben", + "ch" + ], + [ + "Ġartific", + "ially" + ], + [ + "st", + "ed" + ], + [ + "ĠS", + "SL" + ], + [ + "ĠAm", + "id" + ], + [ + "ĠWest", + "minster" + ], + [ + "Ġresist", + "ed" + ], + [ + "Ġnegot", + "iated" + ], + [ + "ett", + "i" + ], + [ + "Ġdiver", + "gence" + ], + [ + "[", + "![" + ], + [ + "i", + "ets" + ], + [ + "oc", + "ese" + ], + [ + "Ġattack", + "er" + ], + [ + "RI", + "PT" + ], + [ + "ĠExper", + "iences" + ], + [ + "Ġrab", + "ies" + ], + [ + "ici", + "aries" + ], + [ + "re", + "ward" + ], + [ + "ge", + "e" + ], + [ + "ess", + "ive" + ], + [ + "and", + "ra" + ], + [ + "Ġdet", + "erg" + ], + [ + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠ" + ], + [ + "IM", + "IT" + ], + [ + "Ġrib", + "bon" + ], + [ + "ĠMax", + "im" + ], + [ + "Ġintrig", + "ue" + ], + [ + "Char", + "acter" + ], + [ + "ĠLink", + "ed" + ], + [ + "Anal", + "ysis" + ], + [ + "Ġexpl", + "oded" + ], + [ + "Ġow", + "ls" + ], + [ + "Ġignor", + "ant" + ], + [ + "Ġdilig", + "ently" + ], + [ + "J", + "SON" + ], + [ + "g", + "all" + ], + [ + "ar", + "val" + ], + [ + "il", + "ate" + ], + [ + "Ġl", + "r" + ], + [ + "ĠSt", + "ack" + ], + [ + "Ġmult", + "inational" + ], + [ + "Ġdefend", + "ers" + ], + [ + "h", + "arv" + ], + [ + "Ġv", + "es" + ], + [ + "load", + "ed" + ], + [ + "Ġadvantage", + "ous" + ], + [ + "ä", + "¹" + ], + [ + "ĠInt", + "ellectual" + ], + [ + "ĠPhys", + "iology" + ], + [ + "Ġtransition", + "al" + ], + [ + "it", + "he" + ], + [ + "Ġhold", + "ings" + ], + [ + "Ġsyn", + "agogue" + ], + [ + "Ġnan", + "otechnology" + ], + [ + "represent", + "ation" + ], + [ + "er", + "ations" + ], + [ + "ĠS", + "r" + ], + [ + "ĠL", + "ength" + ], + [ + "Ġfin", + "ely" + ], + [ + "Ġmarket", + "ed" + ], + [ + "Ġbi", + "kes" + ], + [ + "Ġmess", + "y" + ], + [ + "ino", + "a" + ], + [ + "Ġconsol", + "idation" + ], + [ + "Ġpar", + "aph" + ], + [ + "Mat", + "thew" + ], + [ + "r", + "é" + ], + [ + "ĠB", + "und" + ], + [ + "fore", + "sts" + ], + [ + "Ġ\"", + ":" + ], + [ + "Ġdecl", + "ares" + ], + [ + "ĠRel", + "ief" + ], + [ + "ñ", + "a" + ], + [ + "Ġe", + "ccentric" + ], + [ + "Ġhum", + "orous" + ], + [ + "Ġfore", + "head" + ], + [ + "aut", + "hent" + ], + [ + "Ġaer", + "ospace" + ], + [ + "Conn", + "ect" + ], + [ + "ĠStruct", + "ures" + ], + [ + "ĠImm", + "igration" + ], + [ + "Ġportray", + "als" + ], + [ + "ĠCertain", + "ly" + ], + [ + "R", + "en" + ], + [ + "Ġc", + "is" + ], + [ + "Ġpres", + "erves" + ], + [ + "isc", + "he" + ], + [ + "atin", + "um" + ], + [ + "Ġelic", + "it" + ], + [ + "å", + "į" + ], + [ + "Ġr", + "iot" + ], + [ + "sc", + "ription" + ], + [ + "ĠPart", + "ies" + ], + [ + "Ġmid", + "w" + ], + [ + "Ġdomestic", + "ated" + ], + [ + "ĠChair", + "man" + ], + [ + "Ġref", + "rain" + ], + [ + "ider", + "y" + ], + [ + "unt", + "u" + ], + [ + "ĠMa", + "ori" + ], + [ + "Ġcylind", + "rical" + ], + [ + "Ġuniform", + "s" + ], + [ + "ĠConfed", + "eracy" + ], + [ + "Ġplent", + "iful" + ], + [ + "c", + "ible" + ], + [ + "c", + "hens" + ], + [ + "Ġcar", + "c" + ], + [ + "Ġrhet", + "orical" + ], + [ + "ch", + "all" + ], + [ + "ig", + "a" + ], + [ + "Ġar", + "ches" + ], + [ + "Ġfl", + "oral" + ], + [ + "Ġstate", + "wide" + ], + [ + "H", + "ost" + ], + [ + "ro", + "gram" + ], + [ + "ĠS", + "au" + ], + [ + "os", + "hi" + ], + [ + "ĠE", + "sp" + ], + [ + "our", + "ism" + ], + [ + "Ġthr", + "ill" + ], + [ + "board", + "ing" + ], + [ + "ĠMeasure", + "ment" + ], + [ + "ĠValent", + "ine" + ], + [ + "W", + "W" + ], + [ + "Ġd", + "end" + ], + [ + "Ġtechn", + "ician" + ], + [ + "Ġincre", + "ment" + ], + [ + "Ġmicro", + "phone" + ], + [ + "ĠMad", + "rid" + ], + [ + "ĠBelg", + "ian" + ], + [ + "Ġpolym", + "orph" + ], + [ + "ĠE", + "state" + ], + [ + "Ġb", + "ells" + ], + [ + "Ġcat", + "ches" + ], + [ + "Ġsegment", + "ation" + ], + [ + "ĠCard", + "i" + ], + [ + "ĠNi", + "ño" + ], + [ + "g", + "ain" + ], + [ + "ĠB", + "le" + ], + [ + "Ġobserv", + "able" + ], + [ + "Ġextract", + "ing" + ], + [ + "æ", + "į" + ], + [ + "ĠB", + "il" + ], + [ + "ph", + "yl" + ], + [ + "ĠComput", + "e" + ], + [ + "ais", + "y" + ], + [ + "F", + "ortunately" + ], + [ + "Ġpoll", + "ination" + ], + [ + "ĠÐ", + "½" + ], + [ + "ĠCON", + "T" + ], + [ + "man", + "uel" + ], + [ + "Ġintersection", + "ality" + ], + [ + "ĠArmen", + "ia" + ], + [ + "ob", + "last" + ], + [ + "Ġgra", + "ded" + ], + [ + "Ġflow", + "n" + ], + [ + "Ġadvent", + "urous" + ], + [ + "ĠStruct", + "ural" + ], + [ + "Ġf", + "oul" + ], + [ + "cl", + "osing" + ], + [ + "L", + "in" + ], + [ + "st", + "reng" + ], + [ + "ĠB", + "attery" + ], + [ + "ĠSt", + "em" + ], + [ + "sw", + "itch" + ], + [ + "ĠA", + "ck" + ], + [ + "pt", + "une" + ], + [ + "ĠHer", + "o" + ], + [ + "Rec", + "ogn" + ], + [ + "ĠBol", + "she" + ], + [ + "Ġepidem", + "iology" + ], + [ + "Ġw", + "ag" + ], + [ + "ATION", + "S" + ], + [ + "build", + "er" + ], + [ + "ĠUnivers", + "ities" + ], + [ + "Oper", + "ation" + ], + [ + "Ġpr", + "istine" + ], + [ + "Ġnew", + "com" + ], + [ + "umb", + "ar" + ], + [ + "ĠHom", + "o" + ], + [ + "f", + "rag" + ], + [ + "at", + "omic" + ], + [ + "ĠIt", + "al" + ], + [ + "Ġexpl", + "orations" + ], + [ + "din", + "and" + ], + [ + "Ġpean", + "uts" + ], + [ + "t", + "ot" + ], + [ + "ore", + "xia" + ], + [ + "Ġcut", + "tings" + ], + [ + "cast", + "le" + ], + [ + "ĠCongress", + "ional" + ], + [ + "O", + "A" + ], + [ + "ĠT", + "alm" + ], + [ + "ĠS", + "creen" + ], + [ + "Ġ\"", + "#" + ], + [ + "Ġrid", + "ges" + ], + [ + "Ġwe", + "ars" + ], + [ + "Ġsoft", + "ly" + ], + [ + "IG", + "H" + ], + [ + "âĢĶ", + "âĢĶ" + ], + [ + "att", + "ack" + ], + [ + "Ġqual", + "ification" + ], + [ + "Ġtempt", + "ation" + ], + [ + "b", + "box" + ], + [ + "Ġinf", + "licted" + ], + [ + "Ġbi", + "ome" + ], + [ + "='", + "'," + ], + [ + "Ġble", + "ed" + ], + [ + "t", + "m" + ], + [ + "al", + "as" + ], + [ + "Ġsp", + "onge" + ], + [ + "ptom", + "atic" + ], + [ + "Ġmisc", + "ar" + ], + [ + "Ġportray", + "al" + ], + [ + "ĠUnder", + "ground" + ], + [ + "AP", + "P" + ], + [ + "Ġster", + "il" + ], + [ + "ĠPil", + "grim" + ], + [ + "hell", + "o" + ], + [ + "Ġawa", + "iting" + ], + [ + "Ġepist", + "em" + ], + [ + "ĠL", + "ingu" + ], + [ + "ĠG", + "ut" + ], + [ + "Ġcor", + "ro" + ], + [ + "Ġhero", + "in" + ], + [ + "Cross", + "Ref" + ], + [ + "ĠE", + "P" + ], + [ + "vent", + "ing" + ], + [ + "ari", + "ance" + ], + [ + "Ġtooth", + "brush" + ], + [ + "Ġunderest", + "imate" + ], + [ + "Histor", + "ically" + ], + [ + "T", + "en" + ], + [ + "oc", + "ities" + ], + [ + "ĠCom", + "ments" + ], + [ + "Ġred", + "es" + ], + [ + "ros", + "clerosis" + ], + [ + "Ġannot", + "ation" + ], + [ + "r", + "ances" + ], + [ + "ĠD", + "istance" + ], + [ + "ff", + "y" + ], + [ + "Ġsp", + "o" + ], + [ + "ĠV", + "ish" + ], + [ + "ĠAR", + "T" + ], + [ + "Ġw", + "ield" + ], + [ + "Ġsil", + "ic" + ], + [ + "Ġconstruct", + "ions" + ], + [ + "F", + "ace" + ], + [ + "h", + "m" + ], + [ + "Â", + "¼" + ], + [ + "LA", + "GS" + ], + [ + "ĠRh", + "odes" + ], + [ + "F", + "em" + ], + [ + "L", + "ED" + ], + [ + "Ġo", + "mitted" + ], + [ + "ri", + "et" + ], + [ + "ĠO", + "THER" + ], + [ + "Ġdem", + "ocracies" + ], + [ + "new", + "line" + ], + [ + "Ġnewborn", + "s" + ], + [ + "Ġn", + "asty" + ], + [ + "b", + "ohyd" + ], + [ + "com", + "par" + ], + [ + "Ġsub", + "urbs" + ], + [ + "Ġcompress", + "or" + ], + [ + "ĠEff", + "orts" + ], + [ + "B", + "it" + ], + [ + "ĠM", + "ent" + ], + [ + "Ġwho", + "ever" + ], + [ + "Ġsk", + "ins" + ], + [ + "b", + "alls" + ], + [ + "ĠM", + "AC" + ], + [ + "ĠElse", + "vier" + ], + [ + "Ġdent", + "istry" + ], + [ + "Ġrepair", + "ing" + ], + [ + "Ġwors", + "ening" + ], + [ + "Ġpl", + "edge" + ], + [ + "ĠPro", + "s" + ], + [ + "Ġdrop", + "out" + ], + [ + "ĠInf", + "o" + ], + [ + "ĠLl", + "oyd" + ], + [ + "\\", + "'" + ], + [ + "ĠB", + "og" + ], + [ + "elf", + "th" + ], + [ + "Ġmin", + "ed" + ], + [ + "Ġtact", + "ical" + ], + [ + "project", + "s" + ], + [ + "ĠSac", + "rament" + ], + [ + "Ġphylogen", + "etic" + ], + [ + "Ġchol", + "era" + ], + [ + "Ġ", + "))" + ], + [ + "Ġ__", + "________" + ], + [ + "Ġov", + "aries" + ], + [ + "t", + "oday" + ], + [ + "Ġc", + "ooks" + ], + [ + "ĠG", + "ol" + ], + [ + "Ġprov", + "oke" + ], + [ + "Ġcar", + "riage" + ], + [ + "Ġelev", + "ations" + ], + [ + "ĠR", + "S" + ], + [ + "Ġcomp", + "ilation" + ], + [ + "ĠTr", + "uman" + ], + [ + "Se", + "q" + ], + [ + "sent", + "ence" + ], + [ + "Ġsh", + "rine" + ], + [ + "Ġaud", + "i" + ], + [ + "rie", + "ve" + ], + [ + "ĠU", + "P" + ], + [ + "ĠSpect", + "rum" + ], + [ + "R", + "F" + ], + [ + "Ġde", + "ception" + ], + [ + "ens", + "er" + ], + [ + "Ġsal", + "ty" + ], + [ + "know", + "ledge" + ], + [ + "down", + "s" + ], + [ + "Ġbudget", + "ing" + ], + [ + "Ġexch", + "anging" + ], + [ + "Ġannot", + "ations" + ], + [ + "re", + "le" + ], + [ + "R", + "ate" + ], + [ + "Ġc", + "types" + ], + [ + "Ġcon", + "ceive" + ], + [ + "Ġproced", + "ural" + ], + [ + "ic", + "illin" + ], + [ + "Ġh", + "ike" + ], + [ + "ĠF", + "it" + ], + [ + "Ġearth", + "ly" + ], + [ + "Ġerr", + "one" + ], + [ + "ĠCatholic", + "ism" + ], + [ + "Ġdenom", + "inations" + ], + [ + "Ġenlist", + "ed" + ], + [ + "I", + "ter" + ], + [ + "s", + "outh" + ], + [ + "Ġl", + "izards" + ], + [ + "ĠT", + "ouch" + ], + [ + "ĠC", + "av" + ], + [ + "ĠNe", + "ander" + ], + [ + "ĠÃ", + "ī" + ], + [ + "ethyl", + "ene" + ], + [ + "ĠS", + "oy" + ], + [ + "ĠK", + "rist" + ], + [ + "Ġag", + "ro" + ], + [ + "ĠSu", + "ggest" + ], + [ + "Ġd", + "ich" + ], + [ + "ĠB", + "uch" + ], + [ + "Ġdi", + "vert" + ], + [ + "Ġprom", + "inently" + ], + [ + "Ġfar", + "away" + ], + [ + "ĠGl", + "asgow" + ], + [ + "Ġdiss", + "olution" + ], + [ + "CON", + "FIG" + ], + [ + "Ġenfor", + "cing" + ], + [ + "ĠN", + "g" + ], + [ + "Ġsp", + "oil" + ], + [ + "Ġbus", + "hes" + ], + [ + "Ġtact", + "ile" + ], + [ + "Ġquadr", + "atic" + ], + [ + "ĠC", + "hest" + ], + [ + "ĠG", + "iant" + ], + [ + "Ġbl", + "urred" + ], + [ + "St", + "ay" + ], + [ + "Ġexpos", + "es" + ], + [ + "ĠMil", + "ton" + ], + [ + "cl", + "ips" + ], + [ + "ĠCom", + "ics" + ], + [ + "Ġbook", + "let" + ], + [ + "Ġtrans", + "g" + ], + [ + "Ġinterpre", + "ter" + ], + [ + "Ġlat", + "ency" + ], + [ + "Ġcompl", + "ication" + ], + [ + "á¹", + "ĩ" + ], + [ + "oc", + "occus" + ], + [ + "Ġr", + "iots" + ], + [ + "Ġemerg", + "ent" + ], + [ + "Ġit", + "chy" + ], + [ + "ak", + "u" + ], + [ + "ĠJ", + "ung" + ], + [ + "ĠSt", + "rat" + ], + [ + "Ġbi", + "ologically" + ], + [ + "Ġell", + "i" + ], + [ + "Ġcart", + "oons" + ], + [ + "Ġunfore", + "seen" + ], + [ + "W", + "il" + ], + [ + "ĠT", + "ou" + ], + [ + "ch", + "anges" + ], + [ + "ens", + "ely" + ], + [ + "Ġqu", + "ir" + ], + [ + "Ġdiff", + "ered" + ], + [ + "ĠH", + "ack" + ], + [ + "Ġfold", + "ers" + ], + [ + "={", + "\"" + ], + [ + "L", + "iving" + ], + [ + "ĠS", + "ET" + ], + [ + "ad", + "r" + ], + [ + "Ġsh", + "uffle" + ], + [ + "Ġac", + "hes" + ], + [ + "Ġent", + "renched" + ], + [ + "Ġsl", + "im" + ], + [ + "load", + "ing" + ], + [ + "Ġheat", + "ers" + ], + [ + "Ġexhib", + "iting" + ], + [ + "Ġbed", + "ding" + ], + [ + "V", + "EL" + ], + [ + "Ġdec", + "iduous" + ], + [ + "Ġext", + "ant" + ], + [ + "su", + "fficient" + ], + [ + "Sym", + "bol" + ], + [ + "ro", + "cal" + ], + [ + "ĠF", + "ields" + ], + [ + "ĠDevelopment", + "al" + ], + [ + "ĠClass", + "ic" + ], + [ + "eren", + "cing" + ], + [ + "Cal", + "ifornia" + ], + [ + "Ġfranch", + "ise" + ], + [ + "ĠH", + "omes" + ], + [ + "par", + "alle" + ], + [ + "Ġvent", + "ric" + ], + [ + "al", + "ong" + ], + [ + "ri", + "ka" + ], + [ + "Ġfact", + "ions" + ], + [ + "ĠJohann", + "es" + ], + [ + "ĠA", + "ging" + ], + [ + "Ġunre", + "ason" + ], + [ + "ĠH", + "av" + ], + [ + "Ġact", + "u" + ], + [ + "Ġsm", + "ugg" + ], + [ + "Ġoccup", + "ants" + ], + [ + "Stud", + "ent" + ], + [ + "Ġdraft", + "ed" + ], + [ + "g", + "uild" + ], + [ + "s", + "ing" + ], + [ + "ur", + "as" + ], + [ + "ĠB", + "ib" + ], + [ + "Ġen", + "cyclopedia" + ], + [ + "Ġnost", + "alg" + ], + [ + "A", + "bs" + ], + [ + "Ġp", + "es" + ], + [ + "ÃŃ", + "n" + ], + [ + "d", + "ictionary" + ], + [ + "Ġage", + "ing" + ], + [ + "Ġcontract", + "ions" + ], + [ + ",", + "." + ], + [ + ":", + "])" + ], + [ + "x", + "s" + ], + [ + "ins", + "ky" + ], + [ + "ĠNow", + "adays" + ], + [ + "level", + "s" + ], + [ + "Ġforg", + "ot" + ], + [ + "ĠM", + "ang" + ], + [ + "end", + "as" + ], + [ + "av", + "i" + ], + [ + "agn", + "et" + ], + [ + "ĠAdd", + "iction" + ], + [ + "Ġpel", + "lets" + ], + [ + "b", + "oot" + ], + [ + "âĢ", + "ij" + ], + [ + "ĠW", + "ise" + ], + [ + "Ġscholars", + "hips" + ], + [ + "ĠLib", + "ya" + ], + [ + "Ġscan", + "ner" + ], + [ + "al", + "us" + ], + [ + "Ġp", + "ac" + ], + [ + "Ġh", + "ives" + ], + [ + "ĠCru", + "z" + ], + [ + "Ġmascul", + "ine" + ], + [ + "l", + "ove" + ], + [ + "in", + "ous" + ], + [ + "Ġg", + "ira" + ], + [ + "Ġ'", + "{}" + ], + [ + "ĠPart", + "s" + ], + [ + "Ġ\\", + "\\" + ], + [ + "Ġapprox", + "imation" + ], + [ + "Ġcoast", + "s" + ], + [ + "ĠRis", + "ks" + ], + [ + "Ġinf", + "used" + ], + [ + "Ġgra", + "ft" + ], + [ + "N", + "H" + ], + [ + "ĠStand", + "ing" + ], + [ + "D", + "eb" + ], + [ + "Ġst", + "itches" + ], + [ + "Ġut", + "most" + ], + [ + "Ġimmun", + "ization" + ], + [ + "Sty", + "le" + ], + [ + "Ġm", + "oll" + ], + [ + "ĠCour", + "ts" + ], + [ + "G", + "a" + ], + [ + "t", + "ub" + ], + [ + "on", + "ium" + ], + [ + "Ġse", + "ptic" + ], + [ + "Ġpedagog", + "y" + ], + [ + ")", + "'" + ], + [ + "f", + "g" + ], + [ + "et", + "e" + ], + [ + "Ġworld", + "view" + ], + [ + "less", + "ed" + ], + [ + "Ġcontact", + "ing" + ], + [ + "Ġan", + "omaly" + ], + [ + "ress", + "or" + ], + [ + "hen", + "g" + ], + [ + "Ġsur", + "rendered" + ], + [ + "Ġche", + "es" + ], + [ + "Ġhyp", + "ers" + ], + [ + "Ġmicrob", + "iota" + ], + [ + "Ġram", + "ifications" + ], + [ + "C", + "enter" + ], + [ + "G", + "ame" + ], + [ + "ĠB", + "ibli" + ], + [ + "ri", + "en" + ], + [ + "ĠGrand", + "e" + ], + [ + "ĠSupport", + "ing" + ], + [ + "I", + "de" + ], + [ + "Ġbu", + "oy" + ], + [ + "ĠAd", + "vert" + ], + [ + "rel", + "igious" + ], + [ + "ĠInsp", + "ired" + ], + [ + "R", + "s" + ], + [ + "Ġex", + "quisite" + ], + [ + "ĠL", + "odge" + ], + [ + "Ġph", + "ishing" + ], + [ + "Mult", + "iple" + ], + [ + "$", + "." + ], + [ + "ĠS", + "ams" + ], + [ + "ĠM", + "Äģ" + ], + [ + "ĠSe", + "eds" + ], + [ + "ĠWind", + "ow" + ], + [ + "ĠRepresent", + "ation" + ], + [ + "R", + "ow" + ], + [ + "Ġc", + "oded" + ], + [ + "Ġg", + "a" + ], + [ + "ĠG", + "rad" + ], + [ + "Ġbo", + "ast" + ], + [ + "ĠCl", + "ara" + ], + [ + "Ġprefer", + "able" + ], + [ + "Ġsprou", + "ts" + ], + [ + "Ġf", + "id" + ], + [ + "Ġground", + "ing" + ], + [ + "lick", + "r" + ], + [ + "Ġprol", + "ific" + ], + [ + "ĠMathemat", + "ical" + ], + [ + "Ġrailroad", + "s" + ], + [ + "Ġsh", + "ingles" + ], + [ + "Ġaux", + "iliary" + ], + [ + "w", + "arm" + ], + [ + "Ġst", + "alk" + ], + [ + "ĠSil", + "k" + ], + [ + "Ġblo", + "oming" + ], + [ + "Ġcryptocur", + "rencies" + ], + [ + "Ġmot", + "ive" + ], + [ + "Ġobst", + "ruct" + ], + [ + "Ġenric", + "hes" + ], + [ + "Ġther", + "most" + ], + [ + "d", + "st" + ], + [ + "Ġra", + "ge" + ], + [ + "att", + "oo" + ], + [ + "He", + "art" + ], + [ + "Ph", + "ys" + ], + [ + "DA", + "Y" + ], + [ + "Ġvertebra", + "e" + ], + [ + "R", + "ect" + ], + [ + "w", + "ana" + ], + [ + "ĠP", + "ull" + ], + [ + "lic", + "ts" + ], + [ + "save", + "fig" + ], + [ + "Ġcourage", + "ous" + ], + [ + "Ġdilig", + "ent" + ], + [ + "ia", + "o" + ], + [ + "ĠK", + "ate" + ], + [ + "ĠK", + "ill" + ], + [ + "Ġsubs", + "istence" + ], + [ + "ver", + "tex" + ], + [ + "Ġ'", + "#" + ], + [ + "Ġminim", + "ally" + ], + [ + "Ġshut", + "ter" + ], + [ + "Ġinterconnected", + "ness" + ], + [ + "pick", + "le" + ], + [ + "h", + "om" + ], + [ + "t", + "l" + ], + [ + "we", + "h" + ], + [ + "ession", + "als" + ], + [ + "ĠR", + "i" + ], + [ + "ĠAv", + "iation" + ], + [ + "ĠChes", + "apeake" + ], + [ + "s", + "izes" + ], + [ + "ĠS", + "aul" + ], + [ + "ĠI", + "A" + ], + [ + "fer", + "red" + ], + [ + "Ġpredict", + "or" + ], + [ + "Ġrat", + "ified" + ], + [ + "Ġinsect", + "icides" + ], + [ + "Ġdownload", + "ing" + ], + [ + "sl", + "ice" + ], + [ + "Ġab", + "ound" + ], + [ + "cont", + "inent" + ], + [ + "Ġimpl", + "ication" + ], + [ + "Ġsynthes", + "ized" + ], + [ + "E", + "ver" + ], + [ + "Ġres", + "igned" + ], + [ + "Ġpar", + "ade" + ], + [ + "],", + "[" + ], + [ + "We", + "ek" + ], + [ + "ĠCan", + "on" + ], + [ + "Ġtut", + "oring" + ], + [ + "Ġincub", + "ation" + ], + [ + "c", + "ock" + ], + [ + "ĠT", + "roy" + ], + [ + "ĠG", + "am" + ], + [ + "ĠO", + "z" + ], + [ + "ĠInd", + "ies" + ], + [ + "Ġfox", + "es" + ], + [ + "l", + "ime" + ], + [ + "Ġp", + "enguins" + ], + [ + "Ġart", + "istry" + ], + [ + "ĠCert", + "ificate" + ], + [ + "Ġendors", + "ed" + ], + [ + "ĠM", + "au" + ], + [ + "ĠB", + "urns" + ], + [ + "ĠL", + "ines" + ], + [ + "requ", + "ests" + ], + [ + "Ġinvent", + "ors" + ], + [ + "Ġinhib", + "itor" + ], + [ + "Ġlin", + "en" + ], + [ + "T", + "oo" + ], + [ + "Ġm", + "ell" + ], + [ + "ra", + "cial" + ], + [ + "ĠS", + "aw" + ], + [ + "ag", + "os" + ], + [ + "ECT", + "ION" + ], + [ + "pos", + "al" + ], + [ + "Ġinform", + "s" + ], + [ + "ĠWH", + "ERE" + ], + [ + "×Ļ", + "×" + ], + [ + "ch", + "ant" + ], + [ + "ĠG", + "aza" + ], + [ + "Ġcollabor", + "ated" + ], + [ + "ĠPlan", + "ck" + ], + [ + "Pre", + "par" + ], + [ + "Commun", + "ity" + ], + [ + "d", + "ad" + ], + [ + "ul", + "se" + ], + [ + "Ġcra", + "vings" + ], + [ + "rocess", + "ing" + ], + [ + "Ġilleg", + "ally" + ], + [ + "Ġin", + "oc" + ], + [ + "Ġav", + "id" + ], + [ + "Ġnon", + "linear" + ], + [ + "Ġsum", + "mon" + ], + [ + "ĠH", + "idden" + ], + [ + "Ġse", + "ating" + ], + [ + "Ġcont", + "ested" + ], + [ + "Ġend", + "ot" + ], + [ + "ĠFle", + "et" + ], + [ + "Ġcellul", + "ose" + ], + [ + "y", + "cin" + ], + [ + "Ġv", + "ents" + ], + [ + "ĠB", + "PA" + ], + [ + "Ġfant", + "astical" + ], + [ + "Ġunnot", + "iced" + ], + [ + "L", + "ou" + ], + [ + "Ġblock", + "age" + ], + [ + "cher", + "y" + ], + [ + "Ġfisher", + "y" + ], + [ + "$", + "'," + ], + [ + "ab", + "ove" + ], + [ + "ĠM", + "ons" + ], + [ + "section", + "al" + ], + [ + "ĠOpportun", + "ity" + ], + [ + "ucaly", + "pt" + ], + [ + "S", + "ex" + ], + [ + "ĠL", + "uis" + ], + [ + "Ġinv", + "ading" + ], + [ + "pix", + "el" + ], + [ + "Govern", + "ment" + ], + [ + "e", + "pt" + ], + [ + "Ġb", + "ail" + ], + [ + "ch", + "u" + ], + [ + "ĊĊ", + "ĠĠĠĠĠ" + ], + [ + "Ġmag", + "ma" + ], + [ + "ĠAch", + "illes" + ], + [ + "Ġre", + "ver" + ], + [ + "Ġg", + "orge" + ], + [ + "ĠF", + "BI" + ], + [ + "Ġbath", + "s" + ], + [ + "l", + "os" + ], + [ + "m", + "or" + ], + [ + "Ġ\"", + "{}" + ], + [ + "ĠK", + "ap" + ], + [ + "part", + "um" + ], + [ + "ä¸", + "Ń" + ], + [ + "ĠSurv", + "ival" + ], + [ + "if", + "ix" + ], + [ + "ract", + "ions" + ], + [ + "Ġrepl", + "aces" + ], + [ + "mark", + "ets" + ], + [ + "ĠDirect", + "ory" + ], + [ + "L", + "arge" + ], + [ + "ĠB", + "oeing" + ], + [ + "ĠRe", + "ach" + ], + [ + "w", + "ash" + ], + [ + "ĠD", + "ermat" + ], + [ + "Ġz", + "eros" + ], + [ + "Ġmix", + "es" + ], + [ + "Ġid", + "le" + ], + [ + "Ġwra", + "pper" + ], + [ + "Supp", + "ort" + ], + [ + "Ġscra", + "ps" + ], + [ + "Ġout", + "fit" + ], + [ + "Ġmig", + "rating" + ], + [ + "const", + "ants" + ], + [ + "ĠMac", + "beth" + ], + [ + "Ġprohib", + "its" + ], + [ + "Ġf", + "idelity" + ], + [ + "ĠM", + "eth" + ], + [ + "ĠE", + "dd" + ], + [ + "Ġsh", + "ocks" + ], + [ + "St", + "ar" + ], + [ + "ze", + "es" + ], + [ + "conc", + "atenate" + ], + [ + "ĠMethod", + "ist" + ], + [ + "ĠB", + "achelor" + ], + [ + "Ġup", + "he" + ], + [ + "att", + "a" + ], + [ + "Ġselect", + "ively" + ], + [ + "Ġbond", + "ed" + ], + [ + "ĠAr", + "gument" + ], + [ + "Ġhere", + "in" + ], + [ + "c", + "up" + ], + [ + "is", + "i" + ], + [ + "se", + "ek" + ], + [ + "ud", + "o" + ], + [ + "Ġforget", + "ting" + ], + [ + "Ġdispers", + "ion" + ], + [ + "T", + "rain" + ], + [ + "is", + "ional" + ], + [ + "rib", + "ers" + ], + [ + "ron", + "omy" + ], + [ + "tr", + "uth" + ], + [ + "Ġcrystall", + "ine" + ], + [ + "Ġyou", + "ths" + ], + [ + "Ġ'", + "+" + ], + [ + "Ġquestionna", + "ires" + ], + [ + "Ġw", + "ander" + ], + [ + "Ġover", + "r" + ], + [ + "Ġrem", + "edi" + ], + [ + "ĠImpro", + "ving" + ], + [ + "Ġconfront", + "ation" + ], + [ + "ĠRespons", + "ibility" + ], + [ + "ĠSalmon", + "ella" + ], + [ + "L", + "AN" + ], + [ + "Ġvis", + "a" + ], + [ + "ĠAtt", + "ribute" + ], + [ + "ĠG", + "D" + ], + [ + "Ġfe", + "cal" + ], + [ + "Ġdri", + "p" + ], + [ + "ĠObject", + "s" + ], + [ + "Ġsurviv", + "or" + ], + [ + "ess", + "ing" + ], + [ + "Ġdem", + "ons" + ], + [ + "Ġsymbol", + "izes" + ], + [ + "ä¸", + "º" + ], + [ + "Ġdise", + "ased" + ], + [ + "E", + "mer" + ], + [ + "Ġyoung", + "sters" + ], + [ + "Ġconclud", + "ing" + ], + [ + "Ġflour", + "ishing" + ], + [ + "Ġtom", + "ography" + ], + [ + "Ġpadd", + "le" + ], + [ + "ĠGerman", + "ic" + ], + [ + "ĠFam", + "ous" + ], + [ + "Ġneut", + "rons" + ], + [ + "Ġdevast", + "ated" + ], + [ + "ĠEstab", + "lishing" + ], + [ + "Ġres", + "urg" + ], + [ + "be", + "cca" + ], + [ + "gen", + "ic" + ], + [ + "ĠMil", + "an" + ], + [ + "α", + "ι" + ], + [ + "({", + "\"" + ], + [ + "ĠM", + "ans" + ], + [ + "ĠG", + "ov" + ], + [ + "Ġgradu", + "ating" + ], + [ + "ĠInf", + "rastructure" + ], + [ + "stan", + "bul" + ], + [ + "A", + "part" + ], + [ + "ĠT", + "um" + ], + [ + "Ġcontin", + "ual" + ], + [ + "tt", + "i" + ], + [ + "ĠCons", + "idering" + ], + [ + "Ġpos", + "itivity" + ], + [ + "Ġbre", + "aches" + ], + [ + "ĠSib", + "eria" + ], + [ + "G", + "rade" + ], + [ + "N", + "s" + ], + [ + "P", + "a" + ], + [ + "ur", + "ry" + ], + [ + "th", + "ren" + ], + [ + "ĠP", + "ig" + ], + [ + "ern", + "els" + ], + [ + "Ġprot", + "otypes" + ], + [ + "ĠMy", + "ster" + ], + [ + "W", + "ik" + ], + [ + "ĠT", + "uring" + ], + [ + "em", + "erg" + ], + [ + "Ġart", + "works" + ], + [ + "arm", + "ac" + ], + [ + "IS", + "PR" + ], + [ + "num", + "bers" + ], + [ + "Ġtom", + "bs" + ], + [ + "Ġepoch", + "s" + ], + [ + "W", + "arning" + ], + [ + "n", + "ell" + ], + [ + "orks", + "hire" + ], + [ + "Ġdiagn", + "ostics" + ], + [ + "per", + "ors" + ], + [ + "Ġdet", + "achment" + ], + [ + "Ġdeep", + "ening" + ], + [ + "Ġchief", + "s" + ], + [ + "Ġsight", + "ings" + ], + [ + "Ġincap", + "able" + ], + [ + "ig", + "ate" + ], + [ + "Sequ", + "ence" + ], + [ + "t", + "ip" + ], + [ + "Ġb", + "ak" + ], + [ + "Ġy", + "aml" + ], + [ + "ĠU", + "ran" + ], + [ + "Ġampl", + "ifier" + ], + [ + "Ġirrit", + "ability" + ], + [ + "g", + "iven" + ], + [ + "Ġs", + "ang" + ], + [ + "Ġal", + "k" + ], + [ + "ĠThe", + "ater" + ], + [ + "ĠK", + "urd" + ], + [ + "==", + "=" + ], + [ + "Ġmor", + "als" + ], + [ + "ĠEqu", + "ity" + ], + [ + "ynt", + "hetic" + ], + [ + "ĠAdvent", + "ures" + ], + [ + "Ġpseud", + "o" + ], + [ + "Ġpyl", + "int" + ], + [ + "m", + "akedirs" + ], + [ + "on", + "gh" + ], + [ + "Ġv", + "in" + ], + [ + "Ġwork", + "outs" + ], + [ + "ĠReport", + "ing" + ], + [ + "OC", + "s" + ], + [ + "Ġcongress", + "ional" + ], + [ + "ĠF", + "ut" + ], + [ + "Ġsustain", + "ably" + ], + [ + "AC", + "C" + ], + [ + "Ġconfirm", + "ing" + ], + [ + "Us", + "ually" + ], + [ + "Cre", + "ated" + ], + [ + "Back", + "ground" + ], + [ + "nd", + "on" + ], + [ + "ĠC", + "opy" + ], + [ + "ĠPat", + "ent" + ], + [ + "ĠFranc", + "o" + ], + [ + "Ġha", + "voc" + ], + [ + "aw", + "ays" + ], + [ + "Ġarch", + "ival" + ], + [ + "a", + "ith" + ], + [ + "er", + "ica" + ], + [ + "ĠR", + "ac" + ], + [ + "ĠG", + "ap" + ], + [ + "In", + "vest" + ], + [ + "Ġav", + "oids" + ], + [ + "Ġminim", + "izes" + ], + [ + "Ġassert", + "s" + ], + [ + "Ar", + "gs" + ], + [ + "ĠDoc", + "uments" + ], + [ + "Ġscrut", + "in" + ], + [ + "T", + "ON" + ], + [ + "ĠComput", + "ers" + ], + [ + "w", + "omen" + ], + [ + "Ġro", + "de" + ], + [ + "ĠV", + "ic" + ], + [ + "Ġcomput", + "ations" + ], + [ + "Ġfluores", + "cence" + ], + [ + "oc", + "ations" + ], + [ + "ĠG", + "PA" + ], + [ + "Ġinst", + "ituted" + ], + [ + "Ġincre", + "mental" + ], + [ + "ĠBel", + "ief" + ], + [ + "FT", + "WARE" + ], + [ + "ĠG", + "rove" + ], + [ + "Ġrep", + "orters" + ], + [ + "sc", + "ene" + ], + [ + "Ġcr", + "ush" + ], + [ + "log", + "its" + ], + [ + "Ġvan", + "illa" + ], + [ + "ĠC", + "incinnati" + ], + [ + "ab", + "sol" + ], + [ + "ĠR", + "untime" + ], + [ + "Ġvol", + "ts" + ], + [ + "ĠConc", + "ord" + ], + [ + "ĠT", + "all" + ], + [ + "ĠC", + "ash" + ], + [ + "Ġgl", + "or" + ], + [ + "Ġident", + "ifiable" + ], + [ + "sh", + "aring" + ], + [ + "ĠIP", + "CC" + ], + [ + "ĠMesopotam", + "ia" + ], + [ + "Ġd", + "st" + ], + [ + "Ġe", + "tym" + ], + [ + "Ġcomm", + "enced" + ], + [ + "Ġdoub", + "ling" + ], + [ + "ĠGN", + "U" + ], + [ + "c", + "ategories" + ], + [ + "Ġl", + "yn" + ], + [ + "Ġsp", + "ines" + ], + [ + "ĠHu", + "ang" + ], + [ + "Ġisot", + "opes" + ], + [ + "J", + "ul" + ], + [ + "Ġconduct", + "ive" + ], + [ + "Ġsk", + "ate" + ], + [ + "het", + "to" + ], + [ + "Ġirres", + "pective" + ], + [ + "ist", + "les" + ], + [ + "Ġdis", + "connect" + ], + [ + "ĠK", + "ay" + ], + [ + "ĠQ", + "ing" + ], + [ + "Ġstar", + "ter" + ], + [ + "Ġcrown", + "s" + ], + [ + "Ġvisc", + "osity" + ], + [ + "ĠTow", + "ards" + ], + [ + "Ġmening", + "itis" + ], + [ + "W", + "C" + ], + [ + "th", + "a" + ], + [ + "Car", + "bon" + ], + [ + "ĠW", + "it" + ], + [ + "Ġright", + "ly" + ], + [ + "Ġcharacter", + "ised" + ], + [ + "ĠKe", + "ith" + ], + [ + "Ġbelong", + "ings" + ], + [ + "Ġantidepress", + "ants" + ], + [ + "d", + "rug" + ], + [ + "en", + "burg" + ], + [ + "ent", + "ional" + ], + [ + "str", + "ide" + ], + [ + "St", + "ack" + ], + [ + "ĠKey", + "Error" + ], + [ + "ĠSpecial", + "ist" + ], + [ + "az", + "es" + ], + [ + "ĠSh", + "ut" + ], + [ + "M", + "IT" + ], + [ + "ĠD", + "rag" + ], + [ + "Ġcomm", + "ence" + ], + [ + "Ġrad", + "on" + ], + [ + "inter", + "pre" + ], + [ + "Ġfurn", + "ish" + ], + [ + "R", + "oot" + ], + [ + "]", + "}" + ], + [ + "Ġtar", + "iffs" + ], + [ + "ĠPow", + "ell" + ], + [ + "ĠP", + "ly" + ], + [ + "ĠCh", + "rome" + ], + [ + "Ġcam", + "oufl" + ], + [ + "Ġbott", + "led" + ], + [ + "Ġarter", + "ial" + ], + [ + "ĠI", + "O" + ], + [ + "ĠM", + "ull" + ], + [ + "set", + "t" + ], + [ + "ĠVin", + "ci" + ], + [ + "ĠC", + "AR" + ], + [ + "Ġsmall", + "pox" + ], + [ + "Key", + "words" + ], + [ + "Ġfr", + "idge" + ], + [ + "Ġmonaster", + "ies" + ], + [ + "Ġc", + "u" + ], + [ + "ĠD", + "jango" + ], + [ + "Ġet", + "iquette" + ], + [ + "ĠTrans", + "l" + ], + [ + "ĠExt", + "ract" + ], + [ + "f", + "ried" + ], + [ + "k", + "el" + ], + [ + "ary", + "nx" + ], + [ + "Ġco", + "y" + ], + [ + "ĠCre", + "ated" + ], + [ + "Ġclar", + "ification" + ], + [ + "ĠÏ", + "Ħ" + ], + [ + "P", + "rep" + ], + [ + "ur", + "acy" + ], + [ + "ĠH", + "od" + ], + [ + "ĠCh", + "lor" + ], + [ + "sh", + "ots" + ], + [ + "bre", + "eding" + ], + [ + "Ġdeleg", + "ation" + ], + [ + "Ġnumb", + "ness" + ], + [ + "Ġpredecess", + "ors" + ], + [ + "Ġnecess", + "itate" + ], + [ + "Ġten", + "ant" + ], + [ + "Ġseg", + "regated" + ], + [ + "ĠRoc", + "hester" + ], + [ + "st", + "ress" + ], + [ + "Ġun", + "anim" + ], + [ + "com", + "ments" + ], + [ + "ĠTechn", + "ological" + ], + [ + "Ġkid", + "n" + ], + [ + "Ġhar", + "bour" + ], + [ + "ĠWorkshe", + "et" + ], + [ + "Ġstd", + "out" + ], + [ + "it", + "erate" + ], + [ + "ĠL", + "or" + ], + [ + "ide", + "os" + ], + [ + "Ġk", + "ins" + ], + [ + "Ġcultiv", + "ars" + ], + [ + "bel", + "ief" + ], + [ + "Ġpill", + "ar" + ], + [ + "================================", + "================================" + ], + [ + "ĠHind", + "i" + ], + [ + "paralle", + "led" + ], + [ + "Ġd", + "B" + ], + [ + "ĠIn", + "cludes" + ], + [ + "ĠOper", + "ating" + ], + [ + "ĠRe", + "bell" + ], + [ + "âķ", + "IJ" + ], + [ + "ĠP", + "ure" + ], + [ + "ĠWars", + "aw" + ], + [ + "st", + "ill" + ], + [ + "ĠJ", + "et" + ], + [ + "ne", + "c" + ], + [ + "az", + "ar" + ], + [ + "Ġconcert", + "s" + ], + [ + "Ġepit", + "helial" + ], + [ + "E", + "ating" + ], + [ + "al", + "ys" + ], + [ + "Ġmunicip", + "ality" + ], + [ + "tol", + "ist" + ], + [ + "ĠTob", + "acco" + ], + [ + "Ġpredecess", + "or" + ], + [ + "J", + "ac" + ], + [ + "h", + "oles" + ], + [ + "Ġco", + "herence" + ], + [ + "Ġhy", + "m" + ], + [ + "Ġfree", + "zer" + ], + [ + "sub", + "st" + ], + [ + "Ġapart", + "heid" + ], + [ + "ĠEst", + "her" + ], + [ + "Ġgly", + "ph" + ], + [ + "ĠTh", + "read" + ], + [ + "pr", + "iv" + ], + [ + "Ġconduct", + "s" + ], + [ + "Ġstation", + "ed" + ], + [ + "ĠPrim", + "itive" + ], + [ + "el", + "ona" + ], + [ + "Ġsp", + "icy" + ], + [ + "ruct", + "ures" + ], + [ + "Cl", + "ose" + ], + [ + "pan", + "el" + ], + [ + "ĠBar", + "ack" + ], + [ + "']", + ")," + ], + [ + "Ġven", + "om" + ], + [ + "bas", + "ename" + ], + [ + "ĠPur", + "pose" + ], + [ + "Ġun", + "checked" + ], + [ + "Ġdisc", + "ourses" + ], + [ + "Ġenc", + "oder" + ], + [ + "Col", + "lection" + ], + [ + "ĠTalm", + "ud" + ], + [ + "L", + "iter" + ], + [ + "ĠH", + "erald" + ], + [ + "ĠBritann", + "ica" + ], + [ + "ĠT", + "rou" + ], + [ + "ĠT", + "error" + ], + [ + "pp", + "ery" + ], + [ + "Ġref", + "uses" + ], + [ + "Ġhon", + "ing" + ], + [ + "ĠMain", + "taining" + ], + [ + "ass", + "ign" + ], + [ + "Ġdr", + "ank" + ], + [ + "Ġentire", + "ty" + ], + [ + "ĠDiam", + "ond" + ], + [ + "Ġo", + "at" + ], + [ + "Ġnot", + "eworthy" + ], + [ + "Ġobserv", + "es" + ], + [ + "Ġmass", + "acre" + ], + [ + "Ġpray", + "ing" + ], + [ + "Ġaddict", + "ed" + ], + [ + "oy", + "le" + ], + [ + "Ġbas", + "kets" + ], + [ + "ĠInter", + "vention" + ], + [ + "pred", + "iction" + ], + [ + "Ġherb", + "icides" + ], + [ + "Ġdisappear", + "ance" + ], + [ + "rit", + "ic" + ], + [ + "Ġearn", + "est" + ], + [ + "Ġalleg", + "ations" + ], + [ + "ĠPret", + "ty" + ], + [ + "is", + "le" + ], + [ + "ia", + "z" + ], + [ + "Ġsun", + "flower" + ], + [ + "ĠMur", + "phy" + ], + [ + "ĠM", + "ing" + ], + [ + "ĠAss", + "ignment" + ], + [ + "ĠKy", + "oto" + ], + [ + "Ġunderpin", + "ning" + ], + [ + "ĠShan", + "ghai" + ], + [ + "y", + "rs" + ], + [ + "Ġobject", + "ions" + ], + [ + "cur", + "ve" + ], + [ + "reg", + "ate" + ], + [ + "ĠPrepar", + "ing" + ], + [ + "Ġhelm", + "ets" + ], + [ + "ĠH", + "ttp" + ], + [ + "AV", + "E" + ], + [ + "ĠVacc", + "ine" + ], + [ + "ĠP", + "est" + ], + [ + "Ġemb", + "ell" + ], + [ + "len", + "ess" + ], + [ + "Ġprocure", + "ment" + ], + [ + "th", + "ora" + ], + [ + "Ġche", + "f" + ], + [ + "Ġemp", + "athetic" + ], + [ + "ĠMor", + "al" + ], + [ + "ĠRout", + "ledge" + ], + [ + "H", + "ouse" + ], + [ + "ĠC", + "airo" + ], + [ + "ĠAfter", + "ward" + ], + [ + "fe", + "at" + ], + [ + "Ġkn", + "ives" + ], + [ + "ĠSov", + "iets" + ], + [ + "ĠDiagn", + "ostic" + ], + [ + "Ġx", + "y" + ], + [ + "Ġast", + "roph" + ], + [ + "Ġfu", + "zzy" + ], + [ + "Met", + "adata" + ], + [ + "n", + "is" + ], + [ + "Ġs", + "inks" + ], + [ + "ĠC", + "PR" + ], + [ + "ĠF", + "ellows" + ], + [ + "Ġcort", + "ic" + ], + [ + "C", + "B" + ], + [ + "ĠO", + "ption" + ], + [ + "Ġmon", + "sters" + ], + [ + "Ġsweet", + "ness" + ], + [ + "ĠDougl", + "ass" + ], + [ + "Ġhomeless", + "ness" + ], + [ + "G", + "ate" + ], + [ + "P", + "ref" + ], + [ + "in", + "j" + ], + [ + "Ġst", + "aring" + ], + [ + "Ġconduct", + "ors" + ], + [ + "uk", + "a" + ], + [ + "f", + "orth" + ], + [ + "Ġd", + "x" + ], + [ + "Ġr", + "ivals" + ], + [ + "Ġi", + "OS" + ], + [ + "Ġtransition", + "ing" + ], + [ + "ĠC", + "lement" + ], + [ + "Ġne", + "urom" + ], + [ + "ĠTh", + "r" + ], + [ + "Ġflu", + "ct" + ], + [ + "Ġball", + "ot" + ], + [ + "Te", + "achers" + ], + [ + "ĠIns", + "ert" + ], + [ + "Ġramp", + "ant" + ], + [ + "ĠH", + "ood" + ], + [ + "Ġisol", + "ates" + ], + [ + "ĠNor", + "folk" + ], + [ + "ĠScot", + "ia" + ], + [ + "ĠFlow", + "ers" + ], + [ + "d", + "ise" + ], + [ + "i", + "enced" + ], + [ + "Ġu", + "uid" + ], + [ + "are", + "l" + ], + [ + "ar", + "am" + ], + [ + "Ġac", + "rylic" + ], + [ + "Ġimplement", + "ations" + ], + [ + "ĠT", + "ud" + ], + [ + "se", + "p" + ], + [ + "Ġded", + "u" + ], + [ + "Ġresc", + "ued" + ], + [ + "opa", + "usal" + ], + [ + "appro", + "ved" + ], + [ + "C", + "ivil" + ], + [ + "im", + "ps" + ], + [ + "ĠS", + "ke" + ], + [ + "Ġatt", + "ribution" + ], + [ + "Ġdet", + "ached" + ], + [ + "Ġinsp", + "ir" + ], + [ + "ĠSpe", + "ak" + ], + [ + "Prot", + "ection" + ], + [ + "ĠJere", + "miah" + ], + [ + "Ġrehe", + "ars" + ], + [ + "ĠF", + "requency" + ], + [ + "he", + "e" + ], + [ + "Ġst", + "ains" + ], + [ + "Ġserv", + "ings" + ], + [ + "Ġforg", + "ive" + ], + [ + "ĠFA", + "Q" + ], + [ + "ĠThank", + "fully" + ], + [ + "Ġrelent", + "less" + ], + [ + "Ġregener", + "ative" + ], + [ + "Ġm", + "ates" + ], + [ + "ĠN", + "ak" + ], + [ + "ĠN", + "SW" + ], + [ + "Ġsub", + "missions" + ], + [ + "oms", + "on" + ], + [ + "ĠDe", + "af" + ], + [ + "pre", + "cision" + ], + [ + "Ġwild", + "fire" + ], + [ + "integ", + "er" + ], + [ + "S", + "yn" + ], + [ + "ur", + "us" + ], + [ + "Ġdel", + "ine" + ], + [ + "Ġz", + "ebra" + ], + [ + "ĠAc", + "ute" + ], + [ + "Ġboost", + "s" + ], + [ + "Ġampl", + "ification" + ], + [ + "angel", + "o" + ], + [ + "Ġjack", + "et" + ], + [ + "ĠPregn", + "ancy" + ], + [ + "Ġo", + "c" + ], + [ + "Ġtemper", + "ament" + ], + [ + "ĠMax", + "imum" + ], + [ + "Ġcorrel", + "ate" + ], + [ + "ĠJul", + "iet" + ], + [ + "ĠBol", + "ivia" + ], + [ + "ĠStev", + "ens" + ], + [ + "ĠM", + "N" + ], + [ + "Ġimp", + "ending" + ], + [ + "ord", + "ering" + ], + [ + "Ġor", + "ally" + ], + [ + "Ġman", + "ned" + ], + [ + "Ġblow", + "s" + ], + [ + "Ġsumm", + "aries" + ], + [ + "Ġalmond", + "s" + ], + [ + "y", + "outube" + ], + [ + "Ġcol", + "ds" + ], + [ + "Ġtr", + "unc" + ], + [ + "Ġfol", + "ic" + ], + [ + "gra", + "du" + ], + [ + "Ġnan", + "ot" + ], + [ + "Ġre", + "consider" + ], + [ + "Ġl", + "ax" + ], + [ + "Ġsc", + "oop" + ], + [ + "ĠCon", + "cent" + ], + [ + "enc", + "il" + ], + [ + "Ġ%", + "." + ], + [ + "ĠOw", + "en" + ], + [ + "Ġmour", + "ning" + ], + [ + "Ġh", + "amm" + ], + [ + "idd", + "les" + ], + [ + "Ġcaps", + "ules" + ], + [ + "ĠHyd", + "ro" + ], + [ + "ĠC", + "AP" + ], + [ + "Ġimport", + "ing" + ], + [ + "Ġsc", + "anned" + ], + [ + "Ġimag", + "ining" + ], + [ + "umber", + "land" + ], + [ + "medi", + "ate" + ], + [ + "Per", + "iod" + ], + [ + "ĠPlay", + "ers" + ], + [ + "Ġles", + "ion" + ], + [ + "Ġacron", + "ym" + ], + [ + "S", + "ir" + ], + [ + "å", + "¾" + ], + [ + "ĠA", + "BS" + ], + [ + "th", + "us" + ], + [ + "ens", + "itivity" + ], + [ + "ĠIns", + "pect" + ], + [ + "ĠPs", + "alm" + ], + [ + "ĠN", + "F" + ], + [ + "Ġar", + "rog" + ], + [ + "Ġso", + "fter" + ], + [ + "Ġdev", + "iations" + ], + [ + "Ġdipl", + "oma" + ], + [ + "Ġwarrant", + "ed" + ], + [ + "ob", + "il" + ], + [ + "Ġsell", + "ers" + ], + [ + "ĠObs", + "erve" + ], + [ + "Ġexpans", + "ive" + ], + [ + "Ġs", + "ag" + ], + [ + "ind", + "ividual" + ], + [ + "Ġcompet", + "ency" + ], + [ + "Ġbrid", + "ging" + ], + [ + "Ġundergo", + "es" + ], + [ + "Ġpist", + "on" + ], + [ + "en", + "et" + ], + [ + "Ġpre", + "con" + ], + [ + "ĠFor", + "ward" + ], + [ + "ript", + "or" + ], + [ + "Est", + "ab" + ], + [ + "æĸ", + "ĩ" + ], + [ + "...", + "]" + ], + [ + "Ġfill", + "ings" + ], + [ + "ĠProtect", + "ing" + ], + [ + "Ġauth", + "ored" + ], + [ + "Ġantiv", + "iral" + ], + [ + "ĠLeak", + "age" + ], + [ + "en", + "ary" + ], + [ + "ind", + "s" + ], + [ + "Ġsand", + "wic" + ], + [ + "Ġscr", + "atching" + ], + [ + "Ġst", + "aging" + ], + [ + "Ġmill", + "igrams" + ], + [ + "Ġline", + "ages" + ], + [ + "Ġz", + "e" + ], + [ + "Ġformat", + "ted" + ], + [ + "Us", + "ers" + ], + [ + "Ac", + "cept" + ], + [ + "Ġpedest", + "rians" + ], + [ + "Ġimmort", + "al" + ], + [ + "H", + "ung" + ], + [ + "Ġf", + "ences" + ], + [ + "ar", + "is" + ], + [ + "ĠP", + "seud" + ], + [ + "ĠIn", + "ner" + ], + [ + "Ġsediment", + "ary" + ], + [ + "ĠCal", + "cium" + ], + [ + "ĠMar", + "ian" + ], + [ + "ĠMc", + "Donald" + ], + [ + "Ass", + "oci" + ], + [ + "M", + "ember" + ], + [ + "Ġp", + "uff" + ], + [ + "ĠE", + "rie" + ], + [ + "Pl", + "us" + ], + [ + "Ġfirm", + "ware" + ], + [ + "Ġsubord", + "inate" + ], + [ + "Ġhydroc", + "arbons" + ], + [ + "insp", + "ired" + ], + [ + "Ġd", + "yn" + ], + [ + "Head", + "er" + ], + [ + "d", + "rew" + ], + [ + "Ġp", + "rizes" + ], + [ + "le", + "ted" + ], + [ + "ĠN", + "SF" + ], + [ + "app", + "a" + ], + [ + "Ġey", + "ew" + ], + [ + "dr", + "ive" + ], + [ + "ĠDick", + "ens" + ], + [ + "ĠReyn", + "olds" + ], + [ + "T", + "emplate" + ], + [ + "Ġc", + "eliac" + ], + [ + "ĠT", + "ales" + ], + [ + "Ġpl", + "ight" + ], + [ + "Ġsp", + "ac" + ], + [ + "IT", + "S" + ], + [ + "Ġduct", + "s" + ], + [ + "Ġc", + "ripp" + ], + [ + "Ġb", + "oolean" + ], + [ + "ĠC", + "aval" + ], + [ + "ĠThe", + "rap" + ], + [ + "g", + "p" + ], + [ + "ĠC", + "ust" + ], + [ + "do", + "ing" + ], + [ + "Qu", + "estions" + ], + [ + "Ġampl", + "ified" + ], + [ + "L", + "atin" + ], + [ + "w", + "aste" + ], + [ + "Ġin", + "mates" + ], + [ + "Ġtheor", + "ists" + ], + [ + "ĠM", + "ock" + ], + [ + "amp", + "ed" + ], + [ + "Ġ--", + ">" + ], + [ + "/", + "-" + ], + [ + "?", + ":" + ], + [ + "ov", + "ich" + ], + [ + "Ġpropos", + "ing" + ], + [ + "Ġorth", + "odont" + ], + [ + "Ġecho", + "ed" + ], + [ + "Ġgig", + "antic" + ], + [ + "ĠQuarter", + "ly" + ], + [ + "T", + "or" + ], + [ + "ĠP", + "OW" + ], + [ + "ri", + "vers" + ], + [ + "CO", + "MM" + ], + [ + "Ġlob", + "e" + ], + [ + "ĠFuk", + "ushima" + ], + [ + "Ġun", + "paralleled" + ], + [ + "Ġfuel", + "ing" + ], + [ + "hov", + "ah" + ], + [ + "F", + "iles" + ], + [ + "ĠS", + "ask" + ], + [ + "ĠS", + "lavery" + ], + [ + "Ġv", + "anish" + ], + [ + "ove", + "re" + ], + [ + "Ġwork", + "load" + ], + [ + "Ġimm", + "ature" + ], + [ + "Ġsal", + "ine" + ], + [ + "Ġcondition", + "ed" + ], + [ + "Ġelastic", + "ity" + ], + [ + "Ġexpon", + "entially" + ], + [ + "b", + "ard" + ], + [ + "ol", + "ate" + ], + [ + "Ġpar", + "ach" + ], + [ + "ĠPal", + "mer" + ], + [ + "F", + "inal" + ], + [ + "Ġhe", + "els" + ], + [ + "hes", + "es" + ], + [ + "Ġbuff", + "alo" + ], + [ + "Ġtriumph", + "s" + ], + [ + "Men", + "u" + ], + [ + "lu", + "gin" + ], + [ + "Ġsuper", + "market" + ], + [ + "Ġcritic", + "isms" + ], + [ + "ĠCN", + "C" + ], + [ + "Ġreconstruct", + "ed" + ], + [ + ">", + "" + ], + [ + "ov", + "ies" + ], + [ + "ĠArch", + "bishop" + ], + [ + "ĠRam", + "adan" + ], + [ + "ä", + "¼" + ], + [ + "Ġn", + "g" + ], + [ + "with", + "standing" + ], + [ + "ĠLa", + "unch" + ], + [ + "G", + "EN" + ], + [ + "m", + "ist" + ], + [ + "and", + "em" + ], + [ + "Ġmon", + "astic" + ], + [ + "aff", + "irm" + ], + [ + "ĠComb", + "ining" + ], + [ + "M", + "rs" + ], + [ + "is", + "file" + ], + [ + "ĠS", + "U" + ], + [ + "Ġqu", + "itting" + ], + [ + "Ġevident", + "ly" + ], + [ + "Ġsound", + "ing" + ], + [ + "Ġgrass", + "land" + ], + [ + "Ġconce", + "aled" + ], + [ + "Ġupload", + "ed" + ], + [ + "Ġhib", + "ern" + ], + [ + "Ġf", + "oo" + ], + [ + "Ġel", + "ites" + ], + [ + "St", + "age" + ], + [ + "Ġremark", + "ed" + ], + [ + "ĠDig", + "est" + ], + [ + "ent", + "ropy" + ], + [ + "ĠM", + "agnetic" + ], + [ + "gl", + "ass" + ], + [ + "t", + "re" + ], + [ + "Ġspec", + "ulate" + ], + [ + "Ċĉ", + "Ċ" + ], + [ + "ĠBar", + "on" + ], + [ + "Ġgrand", + "son" + ], + [ + "Ġt", + "igers" + ], + [ + "eth", + "oven" + ], + [ + "Ġsw", + "ords" + ], + [ + "ĠCar", + "roll" + ], + [ + "Ġrevis", + "it" + ], + [ + "b", + "ag" + ], + [ + "d", + "ic" + ], + [ + "Ġh", + "ides" + ], + [ + "Ġth", + "romb" + ], + [ + "ip", + "ot" + ], + [ + "ven", + "iles" + ], + [ + "Ġviol", + "in" + ], + [ + "amb", + "urg" + ], + [ + "ĠMem", + "phis" + ], + [ + "l", + "v" + ], + [ + "ĠD", + "S" + ], + [ + "Ġtr", + "imes" + ], + [ + "Ġprec", + "aution" + ], + [ + "Val", + "ues" + ], + [ + "Ġuter", + "ine" + ], + [ + "Ġtet", + "ra" + ], + [ + "Ġmars", + "hes" + ], + [ + "Ġg", + "ru" + ], + [ + "Ġca", + "ption" + ], + [ + "ĠCom", + "ing" + ], + [ + "Ġfire", + "works" + ], + [ + "ĠSO", + "FTWARE" + ], + [ + "Ġattribut", + "able" + ], + [ + "ist", + "ries" + ], + [ + "Ġpit", + "u" + ], + [ + "Ġrevol", + "ves" + ], + [ + "ĠConserv", + "ative" + ], + [ + "ĠA", + "e" + ], + [ + "ĠC", + "er" + ], + [ + "Ġem", + "blem" + ], + [ + "Ġthin", + "ning" + ], + [ + "Ġf", + "ountain" + ], + [ + "ak", + "sh" + ], + [ + "ĠBl", + "ind" + ], + [ + "ĠSqu", + "ad" + ], + [ + "Ġar", + "te" + ], + [ + "utter", + "ing" + ], + [ + "Ġantig", + "ens" + ], + [ + "s", + "id" + ], + [ + "ot", + "oxic" + ], + [ + "ĠL", + "av" + ], + [ + "ĠGl", + "ac" + ], + [ + "Ġguess", + "ing" + ], + [ + "ãĢ", + "ģ" + ], + [ + "ĠPict", + "ures" + ], + [ + "R", + "ele" + ], + [ + "ĠW", + "iki" + ], + [ + "ary", + "nge" + ], + [ + "list", + "dir" + ], + [ + "Ġble", + "ach" + ], + [ + "RA", + "IN" + ], + [ + ")", + "\"." + ], + [ + "ĠF", + "lower" + ], + [ + "Ġag", + "on" + ], + [ + "ĠMy", + "stery" + ], + [ + "а", + "н" + ], + [ + "conc", + "at" + ], + [ + "Ġalcohol", + "ism" + ], + [ + "ĠPlay", + "er" + ], + [ + "ĠJos", + "é" + ], + [ + "Ġappre", + "hens" + ], + [ + "R", + "ussian" + ], + [ + "Ġt", + "rough" + ], + [ + "od", + "ied" + ], + [ + "Ġback", + "pack" + ], + [ + "Ġtrain", + "ers" + ], + [ + "ĠWeb", + "ster" + ], + [ + "Ġlaun", + "ches" + ], + [ + "ĠS", + "ullivan" + ], + [ + "Ch", + "o" + ], + [ + "Ġsuper", + "conduct" + ], + [ + "Me", + "asure" + ], + [ + "ĠObject", + "ives" + ], + [ + "Ġsour", + "cing" + ], + [ + "Ġisot", + "ope" + ], + [ + "Ġbrack", + "ets" + ], + [ + "Ġbed", + "rock" + ], + [ + "r", + "ity" + ], + [ + "ow", + "itz" + ], + [ + "ter", + "bury" + ], + [ + "ĠLegisl", + "ature" + ], + [ + ")", + "\")" + ], + [ + "d", + "id" + ], + [ + "Ġm", + "L" + ], + [ + "ĠBusiness", + "es" + ], + [ + "Ġexhaust", + "ive" + ], + [ + "Ġdimin", + "ishing" + ], + [ + "Ġpitu", + "itary" + ], + [ + "ĠS", + "K" + ], + [ + "ĠM", + "ennon" + ], + [ + "al", + "chemy" + ], + [ + "Ġe", + "ct" + ], + [ + "all", + "close" + ], + [ + "Ġdetect", + "s" + ], + [ + "M", + "achine" + ], + [ + "th", + "ouse" + ], + [ + "ĠV", + "ocabulary" + ], + [ + "Ġharm", + "ing" + ], + [ + "ĠÐ", + "¸" + ], + [ + "ĠIP", + "v" + ], + [ + "Ġanch", + "ored" + ], + [ + "G", + "rand" + ], + [ + "Ġon", + "c" + ], + [ + "Ġvol", + "atility" + ], + [ + "ĠMar", + "itime" + ], + [ + "ĠSat", + "ellite" + ], + [ + "ĠView", + "s" + ], + [ + "Ġt", + "renches" + ], + [ + "Ġb", + "ob" + ], + [ + "ĠF", + "itness" + ], + [ + "Ġplot", + "ted" + ], + [ + "Col", + "lect" + ], + [ + "ĠBu", + "ilt" + ], + [ + "dis", + "k" + ], + [ + "Ġchrom", + "ium" + ], + [ + "ö", + "r" + ], + [ + "ĠOS", + "HA" + ], + [ + "Ġknock", + "ed" + ], + [ + "K", + "EN" + ], + [ + "P", + "ractice" + ], + [ + "Ġfre", + "el" + ], + [ + "ĠUS", + "GS" + ], + [ + "Ġphot", + "on" + ], + [ + "ĠEd", + "gar" + ], + [ + "ĠCorpor", + "ate" + ], + [ + "Ġbree", + "ze" + ], + [ + "}", + "/{" + ], + [ + "Ġre", + "im" + ], + [ + "Ġhe", + "gemon" + ], + [ + "Ġro", + "oft" + ], + [ + "ĠTrans", + "formation" + ], + [ + "..", + ".\")" + ], + [ + "de", + "cor" + ], + [ + "ĠHar", + "lem" + ], + [ + "Ġmac", + "roph" + ], + [ + "Ġcond", + "ensation" + ], + [ + "ĠBarc", + "elona" + ], + [ + "I", + "ss" + ], + [ + "s", + "lug" + ], + [ + "Ġint", + "ends" + ], + [ + "olog", + "ous" + ], + [ + "def", + "ense" + ], + [ + "kins", + "on" + ], + [ + "ĠN", + "P" + ], + [ + "Ġint", + "ro" + ], + [ + "Ġk", + "a" + ], + [ + "Ġem", + "ancipation" + ], + [ + "Ġcor", + "nea" + ], + [ + "ĠNe", + "o" + ], + [ + "Ġconform", + "ity" + ], + [ + "ĠAnthrop", + "ology" + ], + [ + "M", + "aterials" + ], + [ + "rom", + "es" + ], + [ + "ĠG", + "est" + ], + [ + "Ġdra", + "fts" + ], + [ + "Ġdiscrim", + "inate" + ], + [ + "Reg", + "ardless" + ], + [ + "Ġperpet", + "uating" + ], + [ + "w", + "re" + ], + [ + "Ä", + "į" + ], + [ + "on", + "ation" + ], + [ + "Ġp", + "he" + ], + [ + "Ġins", + "cribed" + ], + [ + "Ġdwell", + "ings" + ], + [ + "ĠP", + "BS" + ], + [ + "Ġlab", + "elled" + ], + [ + "ĠCO", + "MM" + ], + [ + "ĠStreng", + "th" + ], + [ + "Ġd", + "are" + ], + [ + "Ġcult", + "ured" + ], + [ + "ipp", + "les" + ], + [ + "Ġled", + "ger" + ], + [ + "Ġcelebr", + "ity" + ], + [ + "dec", + "ay" + ], + [ + "bro", + "ken" + ], + [ + "Ġredund", + "ant" + ], + [ + "Ġal", + "arms" + ], + [ + "ĠP", + "ir" + ], + [ + "ĠJ", + "M" + ], + [ + "it", + "uting" + ], + [ + "ĠM", + "ugh" + ], + [ + "Ġte", + "eming" + ], + [ + "Ġem", + "an" + ], + [ + "Ġconsult", + "ants" + ], + [ + "Ġremem", + "bers" + ], + [ + "Ġg", + "out" + ], + [ + "Ġun", + "seen" + ], + [ + "atter", + "ing" + ], + [ + "cons", + "ciously" + ], + [ + "Ġaggress", + "ively" + ], + [ + "T", + "ab" + ], + [ + "em", + "e" + ], + [ + "Ġpublic", + "ity" + ], + [ + "Ġz", + "oning" + ], + [ + "ĠAll", + "an" + ], + [ + "EN", + "G" + ], + [ + "Ġbar", + "ren" + ], + [ + "ĠArchae", + "ological" + ], + [ + "Ġt", + "au" + ], + [ + "ĠE", + "EG" + ], + [ + "Ġsp", + "rint" + ], + [ + "Ġappe", + "aled" + ], + [ + "ĠIsland", + "er" + ], + [ + "V", + "irtual" + ], + [ + "ed", + "itor" + ], + [ + "ĠW", + "end" + ], + [ + "Ġwas", + "ps" + ], + [ + "Ġdec", + "oding" + ], + [ + "Ġmemor", + "ize" + ], + [ + "il", + "ine" + ], + [ + "Ġg", + "it" + ], + [ + "Ġeight", + "y" + ], + [ + "Ġmotor", + "cycle" + ], + [ + "ĠExcell", + "ence" + ], + [ + "F", + "DA" + ], + [ + "ĠT", + "on" + ], + [ + "Ġwith", + "drew" + ], + [ + "Ġsk", + "ating" + ], + [ + "ave", + "ment" + ], + [ + "Almost", + "Equal" + ], + [ + "aci", + "ón" + ], + [ + "ĠGon", + "z" + ], + [ + "b", + "io" + ], + [ + "Ġpsych", + "osocial" + ], + [ + "ĠFind", + "ings" + ], + [ + "Ġgreet", + "ing" + ], + [ + "ĠM", + "Hz" + ], + [ + "sy", + "nt" + ], + [ + "ĠBre", + "aking" + ], + [ + "Ġhur", + "ting" + ], + [ + "bi", + "ased" + ], + [ + "ĠAdv", + "ances" + ], + [ + "Ġbiod", + "egradable" + ], + [ + "Ġfer", + "ment" + ], + [ + "iche", + "ver" + ], + [ + "v", + "ine" + ], + [ + "le", + "gged" + ], + [ + "am", + "en" + ], + [ + "ass", + "isted" + ], + [ + "RE", + "G" + ], + [ + "AM", + "S" + ], + [ + "ĠDef", + "ence" + ], + [ + "Ġalign", + "ing" + ], + [ + "ĠComb", + "ine" + ], + [ + "Ġenvision", + "ed" + ], + [ + "F", + "ort" + ], + [ + "un", + "ge" + ], + [ + "Ġgener", + "als" + ], + [ + "Ġpsych", + "oan" + ], + [ + "Ġrot", + "ated" + ], + [ + "Ġdisapp", + "ears" + ], + [ + "p", + "airs" + ], + [ + "ĠG", + "W" + ], + [ + "Ġpla", + "ques" + ], + [ + "inv", + "est" + ], + [ + "O", + "ption" + ], + [ + "Ġ(", + "âĢĺ" + ], + [ + "ĠLeg", + "ion" + ], + [ + "Ġspons", + "or" + ], + [ + "Ġr", + "all" + ], + [ + "Ġfl", + "amm" + ], + [ + "Ġric", + "hes" + ], + [ + "Ġphil", + "anthrop" + ], + [ + "?", + "\"," + ], + [ + "f", + "o" + ], + [ + "Ġex", + "claimed" + ], + [ + "leg", + "raph" + ], + [ + "ĠBulgar", + "ia" + ], + [ + "ern", + "er" + ], + [ + "Ġform", + "ulations" + ], + [ + "Ġmac", + "ular" + ], + [ + "Ġov", + "ulation" + ], + [ + "Ġbreed", + "ers" + ], + [ + "Ġpri", + "zed" + ], + [ + "p", + "adding" + ], + [ + "ĠL", + "unar" + ], + [ + "Ġparad", + "ise" + ], + [ + "z", + "el" + ], + [ + "Ġg", + "ing" + ], + [ + "qu", + "ired" + ], + [ + "Ġpr", + "ud" + ], + [ + "obal", + "t" + ], + [ + "might", + "y" + ], + [ + "_", + ")" + ], + [ + "å", + "Į" + ], + [ + "ĠF", + "rag" + ], + [ + "Ġdelight", + "ed" + ], + [ + "c", + "id" + ], + [ + "ĠW", + "ake" + ], + [ + "ell", + "ular" + ], + [ + "vers", + "ely" + ], + [ + "iss", + "on" + ], + [ + "c", + "overed" + ], + [ + "Ġf", + "used" + ], + [ + "ĠS", + "ak" + ], + [ + "Ġsaf", + "est" + ], + [ + "Ġconsult", + "ations" + ], + [ + "Ġchron", + "ological" + ], + [ + "Ġorche", + "stra" + ], + [ + "ĠS", + "ul" + ], + [ + "Ġcom", + "ets" + ], + [ + "Ġbehav", + "es" + ], + [ + "Ġpred", + "atory" + ], + [ + "sub", + "plot" + ], + [ + "Ġow", + "ed" + ], + [ + "Ġco", + "ils" + ], + [ + "Ġeffic", + "iencies" + ], + [ + "sign", + "ature" + ], + [ + "n", + "ail" + ], + [ + "z", + "ig" + ], + [ + "Ġd", + "ries" + ], + [ + "Ġn", + "ar" + ], + [ + "Ġant", + "iqu" + ], + [ + "back", + "ed" + ], + [ + "Ġim", + "itation" + ], + [ + "ĠCom", + "position" + ], + [ + "Ġtend", + "erness" + ], + [ + "dem", + "and" + ], + [ + "Set", + "tings" + ], + [ + "Ġconcert", + "ed" + ], + [ + "H", + "IV" + ], + [ + "op", + "ters" + ], + [ + "hy", + "p" + ], + [ + "ĠWeb", + "b" + ], + [ + "Ġcataly", + "sts" + ], + [ + "D", + "en" + ], + [ + "L", + "ove" + ], + [ + "Ġsh", + "amp" + ], + [ + "Ġsol", + "vents" + ], + [ + "Ù", + "ı" + ], + [ + "Ġem", + "inent" + ], + [ + "Ġbar", + "bar" + ], + [ + "ĠPat", + "tern" + ], + [ + "Ob", + "j" + ], + [ + "=[", + "]" + ], + [ + "Ġcontempl", + "ation" + ], + [ + "H", + "ot" + ], + [ + "Ġre", + "used" + ], + [ + "ĠS", + "aving" + ], + [ + "Ġpo", + "aching" + ], + [ + "isc", + "us" + ], + [ + "Ġphen", + "otype" + ], + [ + "Cont", + "emporary" + ], + [ + "ĠQt", + "Gui" + ], + [ + "ĠGH", + "G" + ], + [ + "w", + "en" + ], + [ + "st", + "rap" + ], + [ + "ĠA", + "im" + ], + [ + "ĠSp", + "ani" + ], + [ + "ĠAdapt", + "ation" + ], + [ + "Ġt", + "x" + ], + [ + "se", + "us" + ], + [ + "Ġper", + "il" + ], + [ + "ote", + "ch" + ], + [ + "ĠUs", + "age" + ], + [ + "ä¸", + "į" + ], + [ + "Ġpiv", + "ot" + ], + [ + "Ġreferen", + "cing" + ], + [ + "Ġresent", + "ment" + ], + [ + "p", + "oor" + ], + [ + "Ġlog", + "arith" + ], + [ + "Ġprim", + "er" + ], + [ + "Ġanaly", + "tic" + ], + [ + "que", + "ous" + ], + [ + "ĠSol", + "ving" + ], + [ + "Ġapost", + "les" + ], + [ + "Ġspawn", + "ing" + ], + [ + "Ġinnoc", + "ence" + ], + [ + "res", + "id" + ], + [ + "ox", + "id" + ], + [ + "Ġclean", + "ers" + ], + [ + "Äģ", + "n" + ], + [ + "Ġstead", + "fast" + ], + [ + "Ġintra", + "venous" + ], + [ + "D", + "EL" + ], + [ + "W", + "ed" + ], + [ + "ret", + "ch" + ], + [ + "ĠInter", + "section" + ], + [ + "ultane", + "ously" + ], + [ + "ĠHy", + "brid" + ], + [ + "er", + "ian" + ], + [ + "is", + "ites" + ], + [ + "av", + "ar" + ], + [ + "arc", + "in" + ], + [ + "ĠCl", + "aim" + ], + [ + "Ġclean", + "liness" + ], + [ + "Ġund", + "et" + ], + [ + "ĠCult", + "ures" + ], + [ + "Ġinconsist", + "encies" + ], + [ + "S", + "ix" + ], + [ + "w", + "ali" + ], + [ + "ur", + "face" + ], + [ + "Ġdeg", + "rade" + ], + [ + "Ġign", + "ition" + ], + [ + "Ġmort", + "al" + ], + [ + "ais", + "er" + ], + [ + "ĠLever", + "aging" + ], + [ + "Ġdisg", + "ust" + ], + [ + "D", + "iet" + ], + [ + "Î", + "¶" + ], + [ + "ro", + "ly" + ], + [ + "Ġper", + "for" + ], + [ + "met", + "al" + ], + [ + "ĠSl", + "ave" + ], + [ + "Ġgrace", + "fully" + ], + [ + "Ġneurotransmit", + "ters" + ], + [ + "ĠC", + "in" + ], + [ + "ge", + "ometry" + ], + [ + "og", + "as" + ], + [ + "Ġsun", + "k" + ], + [ + "ĠSer", + "ge" + ], + [ + "ĠKenn", + "eth" + ], + [ + "ĠDun", + "can" + ], + [ + "Ġmiscon", + "duct" + ], + [ + "n", + "ear" + ], + [ + "ĠN", + "u" + ], + [ + "Ġpl", + "ac" + ], + [ + "Ġsm", + "iling" + ], + [ + "fil", + "tered" + ], + [ + "Ġpersu", + "aded" + ], + [ + "Ġgroom", + "ing" + ], + [ + "Ġ", + "icy" + ], + [ + "ĠP", + "rel" + ], + [ + "ĠD", + "y" + ], + [ + "..", + "..." + ], + [ + "ER", + "N" + ], + [ + "R", + "ay" + ], + [ + "Ġinc", + "ision" + ], + [ + "Ġdirect", + "s" + ], + [ + "Ġnarrow", + "ing" + ], + [ + "Ġdesper", + "ately" + ], + [ + "m", + "ort" + ], + [ + "ore", + "an" + ], + [ + "Ġinv", + "oked" + ], + [ + "ĠSh", + "op" + ], + [ + "Ġeld", + "est" + ], + [ + "E", + "arl" + ], + [ + "ag", + "ara" + ], + [ + "Ġimp", + "rint" + ], + [ + "Ġx", + "en" + ], + [ + "čĊ", + "čĊĠĠĠĠĠĠĠĠĠĠĠ" + ], + [ + "ĠBro", + "oks" + ], + [ + "MOD", + "EL" + ], + [ + "T", + "yp" + ], + [ + "k", + "ov" + ], + [ + "abet", + "ics" + ], + [ + "Ġmood", + "s" + ], + [ + "ĠMed", + "itation" + ], + [ + "Ġobserv", + "ance" + ], + [ + "ros", + "so" + ], + [ + "Ġclim", + "bed" + ], + [ + "Ġbright", + "est" + ], + [ + "ĠPakistan", + "i" + ], + [ + "ĠLeon", + "ard" + ], + [ + "nl", + "m" + ], + [ + "Ġbapt", + "ized" + ], + [ + "Interest", + "ingly" + ], + [ + "Ġmemoir", + "s" + ], + [ + "ĠCroat", + "ia" + ], + [ + "Ã", + "°" + ], + [ + "Ġfe", + "ats" + ], + [ + "Ġrem", + "od" + ], + [ + "Ġinter", + "connect" + ], + [ + "']", + "]" + ], + [ + "ae", + "a" + ], + [ + "Ġcloud", + "y" + ], + [ + "Ġdrain", + "ing" + ], + [ + "ĠJac", + "ques" + ], + [ + "Ġpediatric", + "ian" + ], + [ + "ĠThe", + "ology" + ], + [ + "ĠBi", + "omed" + ], + [ + "ĠCrit", + "ics" + ], + [ + "ĠCert", + "ified" + ], + [ + "G", + "ard" + ], + [ + "ĠQ", + "U" + ], + [ + "och", + "astic" + ], + [ + "ĠG", + "ru" + ], + [ + "Ġmon", + "soon" + ], + [ + "Ġalumin", + "ium" + ], + [ + "Ġflee", + "ing" + ], + [ + "ĠHoo", + "ver" + ], + [ + "H", + "or" + ], + [ + "ra", + "x" + ], + [ + "Ġqu", + "i" + ], + [ + "Ġclass", + "ifications" + ], + [ + "He", + "at" + ], + [ + "Ġcel", + "ery" + ], + [ + "aphy", + "l" + ], + [ + "ph", + "ilis" + ], + [ + "zz", + "les" + ], + [ + "f", + "ailed" + ], + [ + "á", + "¿" + ], + [ + "comp", + "any" + ], + [ + "ĠCam", + "eron" + ], + [ + "ĠDeg", + "ree" + ], + [ + "Ġdisreg", + "ard" + ], + [ + "suff", + "ix" + ], + [ + "Ġst", + "if" + ], + [ + "ps", + "is" + ], + [ + "HO", + "ST" + ], + [ + "Ġimpro", + "vis" + ], + [ + "Ġdevast", + "ation" + ], + [ + "Point", + "s" + ], + [ + "Ġenlight", + "ened" + ], + [ + "an", + "other" + ], + [ + "ĠT", + "ale" + ], + [ + "Ġlit", + "ers" + ], + [ + "rh", + "osis" + ], + [ + "Ġ(", + "~" + ], + [ + "CO", + "MP" + ], + [ + "rot", + "ation" + ], + [ + "igm", + "atic" + ], + [ + "Fe", + "eling" + ], + [ + "ĠIntrodu", + "cing" + ], + [ + "s", + "an" + ], + [ + "v", + "irus" + ], + [ + "Ġtempt", + "ed" + ], + [ + "Integer", + "Field" + ], + [ + "NOT", + "E" + ], + [ + "K", + "D" + ], + [ + "d", + "ynamic" + ], + [ + "Ö", + "¸" + ], + [ + "ĠI", + "con" + ], + [ + "cy", + "cles" + ], + [ + "Ġsim", + "mer" + ], + [ + "ĠCal", + "if" + ], + [ + "Ġspot", + "ting" + ], + [ + "Ġcentr", + "ifug" + ], + [ + "Ġhelp", + "ers" + ], + [ + "HO", + "W" + ], + [ + "mult", + "iple" + ], + [ + "ĠRebell", + "ion" + ], + [ + "G", + "reek" + ], + [ + "L", + "T" + ], + [ + "ĠS", + "ou" + ], + [ + "Ġex", + "ternally" + ], + [ + "ĠB", + "acon" + ], + [ + "Ġcl", + "one" + ], + [ + "omen", + "cl" + ], + [ + "ĠBlock", + "chain" + ], + [ + "asci", + "i" + ], + [ + "ĠL", + "act" + ], + [ + "ach", + "y" + ], + [ + "ĠResp", + "ond" + ], + [ + "ĠM", + "int" + ], + [ + "Ġhyper", + "activity" + ], + [ + "Ne", + "uro" + ], + [ + "ĠSE", + "O" + ], + [ + "Ġrival", + "ry" + ], + [ + "WH", + "AT" + ], + [ + "ĠInvent", + "ory" + ], + [ + "Ġ(", + "+" + ], + [ + "ĠN", + "as" + ], + [ + "ole", + "cules" + ], + [ + "Ġten", + "ants" + ], + [ + "ĠFocus", + "ing" + ], + [ + "Ġalleg", + "iance" + ], + [ + "h", + "it" + ], + [ + "m", + "pp" + ], + [ + "Ġcon", + "duction" + ], + [ + "ib", + "a" + ], + [ + "Ġbra", + "king" + ], + [ + "Ġfiref", + "ighters" + ], + [ + "b", + "ly" + ], + [ + "Ġinv", + "asions" + ], + [ + "ĠFore", + "sts" + ], + [ + "Ġstal", + "ks" + ], + [ + "Ġb", + "if" + ], + [ + "ĠA", + "wards" + ], + [ + "ĠC", + "raw" + ], + [ + "ĠâĢľ", + "âĢ¦" + ], + [ + "ĠLe", + "aves" + ], + [ + "rew", + "s" + ], + [ + "Ġagg", + "regation" + ], + [ + "Ġfle", + "a" + ], + [ + "ĠTal", + "iban" + ], + [ + "setObject", + "Name" + ], + [ + "s", + "ound" + ], + [ + "Ġde", + "generative" + ], + [ + "ĠM", + "LA" + ], + [ + "ne", + "ur" + ], + [ + "lic", + "ations" + ], + [ + "Ġstr", + "ife" + ], + [ + "Ġrevolution", + "ize" + ], + [ + "it", + "ize" + ], + [ + "Ġpot", + "ting" + ], + [ + "Ġappropri", + "ation" + ], + [ + "ĠNe", + "ptune" + ], + [ + "assert", + "AlmostEqual" + ], + [ + "ĠT", + "emplate" + ], + [ + "ĠA", + "SC" + ], + [ + "um", + "bers" + ], + [ + "ĠSt", + "im" + ], + [ + "Ġinvol", + "untary" + ], + [ + "Ġnovel", + "ty" + ], + [ + "ĠPra", + "irie" + ], + [ + "S", + "qu" + ], + [ + "b", + "old" + ], + [ + "on", + "na" + ], + [ + "Ġtyp", + "ed" + ], + [ + "We", + "ight" + ], + [ + "ript", + "ions" + ], + [ + "Ġwr", + "ath" + ], + [ + "O", + "O" + ], + [ + "R", + "isk" + ], + [ + "ĠG", + "ain" + ], + [ + "ĠK", + "au" + ], + [ + "ĠUS", + "E" + ], + [ + "ĠGe", + "ology" + ], + [ + "AN", + "K" + ], + [ + "osc", + "ale" + ], + [ + "Ġw", + "agon" + ], + [ + "Ġmat", + "s" + ], + [ + "ĠNob", + "le" + ], + [ + "Develop", + "ment" + ], + [ + "larg", + "est" + ], + [ + "ĠHiro", + "sh" + ], + [ + "Ġa", + "pes" + ], + [ + "in", + "p" + ], + [ + "ĠRome", + "o" + ], + [ + "ar", + "as" + ], + [ + "Ġl", + "eng" + ], + [ + "and", + "as" + ], + [ + "isc", + "opal" + ], + [ + "Ġcommand", + "ing" + ], + [ + "Ġru", + "ined" + ], + [ + "Ġgym", + "n" + ], + [ + "Ġdictators", + "hip" + ], + [ + "Ġ(", + "`" + ], + [ + "Ġun", + "att" + ], + [ + "aw", + "ing" + ], + [ + "Ġreact", + "ing" + ], + [ + "ĠForest", + "ry" + ], + [ + "pay", + "ment" + ], + [ + "Ġtroubles", + "h" + ], + [ + "Ġre", + "plicated" + ], + [ + "Ġg", + "arrison" + ], + [ + "vers", + "ions" + ], + [ + "Ġvigor", + "ously" + ], + [ + "N", + "Y" + ], + [ + "w", + "ald" + ], + [ + "ĠA", + "DA" + ], + [ + "os", + "l" + ], + [ + "ĠL", + "ocated" + ], + [ + "Ġind", + "ig" + ], + [ + "Ġag", + "endas" + ], + [ + "Ġover", + "use" + ], + [ + "Ġtim", + "elines" + ], + [ + "Ġplastic", + "ity" + ], + [ + "mount", + "ed" + ], + [ + "Ġsubmar", + "ines" + ], + [ + "Ġpave", + "ment" + ], + [ + "Ġcact", + "us" + ], + [ + "Ġm", + "aze" + ], + [ + "Ġnot", + "icing" + ], + [ + "ces", + "ter" + ], + [ + "Ġdict", + "ated" + ], + [ + "Ġproof", + "s" + ], + [ + "Ġmalf", + "unction" + ], + [ + "ococ", + "cal" + ], + [ + "Ġresurg", + "ence" + ], + [ + "s", + "ources" + ], + [ + "v", + "ag" + ], + [ + "il", + "let" + ], + [ + "ĠS", + "B" + ], + [ + "Ġobs", + "ession" + ], + [ + "rupt", + "ed" + ], + [ + "\"", + "+" + ], + [ + "re", + "x" + ], + [ + "ĠBe", + "coming" + ], + [ + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠ" + ], + [ + "Ġherb", + "icide" + ], + [ + "Ġembod", + "iment" + ], + [ + "ĠEis", + "enhower" + ], + [ + "Ġsp", + "h" + ], + [ + "Ġlaw", + "makers" + ], + [ + "Ġstorm", + "water" + ], + [ + "ĠHV", + "AC" + ], + [ + "×", + "Ķ" + ], + [ + "Ġsh", + "ields" + ], + [ + "ĠO", + "H" + ], + [ + "Ġtrans", + "national" + ], + [ + "Ġfil", + "aments" + ], + [ + "Ġsummar", + "izes" + ], + [ + "Ġphon", + "ics" + ], + [ + "ĠElectric", + "ity" + ], + [ + "ju", + "ven" + ], + [ + "aphy", + "loc" + ], + [ + "S", + "che" + ], + [ + "Ġin", + "advert" + ], + [ + "ab", + "ric" + ], + [ + "ĠAr", + "ms" + ], + [ + "ĠVal", + "idation" + ], + [ + "å", + "½" + ], + [ + "ĠL", + "oren" + ], + [ + "gg", + "y" + ], + [ + "Al", + "low" + ], + [ + "Ġthr", + "ives" + ], + [ + "Ġlibr", + "arians" + ], + [ + "Ġreplic", + "a" + ], + [ + "T", + "ex" + ], + [ + "s", + "olution" + ], + [ + "('", + "_" + ], + [ + "ĠRes", + "ilience" + ], + [ + "ĠPh", + "one" + ], + [ + "Ġfurn", + "ished" + ], + [ + "predict", + "ions" + ], + [ + "à¥", + "ĩ" + ], + [ + "Ġbull", + "ied" + ], + [ + "ĠBeaut", + "y" + ], + [ + "Ġprag", + "matic" + ], + [ + "ĠK", + "arn" + ], + [ + "erm", + "al" + ], + [ + "Ġtre", + "k" + ], + [ + "Ġwheel", + "chair" + ], + [ + "ĠLib", + "eration" + ], + [ + "ĠPhotos", + "hop" + ], + [ + "Ġflatten", + "ed" + ], + [ + "ĠPyram", + "id" + ], + [ + "Ġpl", + "edged" + ], + [ + "Ġpred", + "ation" + ], + [ + "Ġflo", + "ats" + ], + [ + "Ġtor", + "ped" + ], + [ + "Ġque", + "ens" + ], + [ + "Ġorche", + "str" + ], + [ + "Ġpatriarch", + "al" + ], + [ + "B", + "oolean" + ], + [ + "t", + "rial" + ], + [ + "at", + "oms" + ], + [ + "ĠO", + "st" + ], + [ + "ens", + "ure" + ], + [ + "Ġcar", + "rot" + ], + [ + "Ġpar", + "aly" + ], + [ + "ĠP", + "erman" + ], + [ + "hy", + "a" + ], + [ + "ĠKind", + "ergarten" + ], + [ + "Ġpilgrim", + "s" + ], + [ + "P", + "et" + ], + [ + "f", + "ishing" + ], + [ + "ver", + "ify" + ], + [ + "ik", + "u" + ], + [ + "ĠEv", + "angel" + ], + [ + "Ġprev", + "ailed" + ], + [ + "ĠNic", + "arag" + ], + [ + "ĠKit", + "chen" + ], + [ + "ĠB", + "S" + ], + [ + "ĠW", + "alking" + ], + [ + "orith", + "ms" + ], + [ + "Gen", + "esis" + ], + [ + "Ġheter", + "ogeneous" + ], + [ + "----------------------------", + "--" + ], + [ + "Ġf", + "auc" + ], + [ + "ĠF", + "rame" + ], + [ + "ne", + "utral" + ], + [ + "Ġap", + "opt" + ], + [ + "ĠHaz", + "ard" + ], + [ + "wal", + "ks" + ], + [ + "ĠHep", + "atitis" + ], + [ + "d", + "ala" + ], + [ + "eth", + "nic" + ], + [ + "Ġflu", + "ent" + ], + [ + "bl", + "adder" + ], + [ + "Ġallerg", + "en" + ], + [ + "ĠTor", + "res" + ], + [ + "ĠAt", + "omic" + ], + [ + "iet", + "ies" + ], + [ + "Ġstric", + "ter" + ], + [ + "d", + "k" + ], + [ + "ing", + "o" + ], + [ + "Ġanaly", + "zes" + ], + [ + "Ġrot", + "ational" + ], + [ + "ĠLoc", + "ke" + ], + [ + "Ġpals", + "y" + ], + [ + "it", + "ability" + ], + [ + "ch", + "le" + ], + [ + "Int", + "rodu" + ], + [ + "Ġsel", + "ves" + ], + [ + "Ġrecru", + "iting" + ], + [ + "usch", + "witz" + ], + [ + "Ġcon", + "ject" + ], + [ + "ĠP", + "ill" + ], + [ + "Ġj", + "og" + ], + [ + "ĠJohn", + "ston" + ], + [ + "ĠGen", + "erate" + ], + [ + "à¤", + "¨" + ], + [ + "ĠGi", + "ov" + ], + [ + "ï", + "¸" + ], + [ + "ĠâĢľ", + "[" + ], + [ + "ĠMon", + "roe" + ], + [ + "ĠRed", + "uced" + ], + [ + "Ġanten", + "nas" + ], + [ + "ĠUC", + "LA" + ], + [ + "Ġtect", + "onic" + ], + [ + "ther", + "mal" + ], + [ + "Ġstr", + "ata" + ], + [ + "Ġfeed", + "ers" + ], + [ + "ĠReg", + "ulatory" + ], + [ + "Ġrecept", + "ive" + ], + [ + "ĠGaz", + "ette" + ], + [ + "us", + "cular" + ], + [ + "ĠTh", + "ames" + ], + [ + "ĠDem", + "and" + ], + [ + "Ġhack", + "ing" + ], + [ + "ĠEpidem", + "iology" + ], + [ + "s", + "ensor" + ], + [ + "æ", + "Ŀ" + ], + [ + "Ġf", + "erv" + ], + [ + "Ġfin", + "er" + ], + [ + "Ġsing", + "ers" + ], + [ + "orb", + "id" + ], + [ + "Writ", + "er" + ], + [ + "ĠMarc", + "us" + ], + [ + "Ġoun", + "ce" + ], + [ + "im", + "ating" + ], + [ + "ĠP", + "ART" + ], + [ + "Ġperpet", + "ual" + ], + [ + "Ġstyl", + "istic" + ], + [ + "Ġrecei", + "pt" + ], + [ + "Ġha", + "il" + ], + [ + "Ġsc", + "out" + ], + [ + "Ġpol", + "ls" + ], + [ + "...", + ")" + ], + [ + "Wh", + "atever" + ], + [ + "Ġinstrument", + "ation" + ], + [ + "Ġcock", + "ro" + ], + [ + "Ġovert", + "urn" + ], + [ + "ĠRichards", + "on" + ], + [ + "ĠEd", + "en" + ], + [ + "Ġsea", + "weed" + ], + [ + "Ġwear", + "able" + ], + [ + "Ġhur", + "ts" + ], + [ + "Ġcircul", + "ate" + ], + [ + "Av", + "ailable" + ], + [ + "Ġbrut", + "ality" + ], + [ + "ĠAss", + "ign" + ], + [ + "Ġinsect", + "icide" + ], + [ + "Ġr", + "ins" + ], + [ + "lic", + "ense" + ], + [ + "ick", + "ness" + ], + [ + "Ġche", + "at" + ], + [ + "An", + "cient" + ], + [ + "Ġpan", + "or" + ], + [ + "Ġirrit", + "able" + ], + [ + "b", + "ill" + ], + [ + "Ġsl", + "ab" + ], + [ + "Ġremn", + "ant" + ], + [ + "Ġst", + "all" + ], + [ + "ĠR", + "ew" + ], + [ + "ĠG", + "aul" + ], + [ + "ĠIs", + "le" + ], + [ + "Ġetc", + "hed" + ], + [ + "Ġautobi", + "ography" + ], + [ + "ĠJen", + "kins" + ], + [ + "ĠCret", + "aceous" + ], + [ + "v", + "r" + ], + [ + "ĠI", + "stanbul" + ], + [ + "ĠP", + "uebl" + ], + [ + "ĠH", + "erc" + ], + [ + "ĠQu", + "iz" + ], + [ + "Ġstar", + "ters" + ], + [ + "Ġpupp", + "et" + ], + [ + "Ġaph", + "ids" + ], + [ + "Ã", + "®" + ], + [ + "Ġinnov", + "ators" + ], + [ + "educ", + "ated" + ], + [ + "ep", + "hal" + ], + [ + "Ġbro", + "ch" + ], + [ + "ĠPar", + "as" + ], + [ + "CO", + "M" + ], + [ + "ĠOut", + "side" + ], + [ + "Ġhospital", + "ization" + ], + [ + "CL", + "ASS" + ], + [ + "æľ", + "ī" + ], + [ + "ĠFilip", + "ino" + ], + [ + "Ġsh", + "ines" + ], + [ + "Ġcl", + "aws" + ], + [ + "Pro", + "file" + ], + [ + "ĠOver", + "coming" + ], + [ + "ĠIS", + "S" + ], + [ + "Ġstick", + "ers" + ], + [ + "Ġfloss", + "ing" + ], + [ + "Ġdr", + "illed" + ], + [ + "cont", + "ains" + ], + [ + "ĠAssoci", + "ates" + ], + [ + "C", + "ath" + ], + [ + "ĠJeff", + "rey" + ], + [ + "Ġmetaph", + "ysical" + ], + [ + "ĠFou", + "rier" + ], + [ + "Ġp", + "ian" + ], + [ + "ĠP", + "orter" + ], + [ + "ĠG", + "ren" + ], + [ + "Ġacqu", + "ainted" + ], + [ + "Ġded", + "uct" + ], + [ + "wood", + "s" + ], + [ + "ĠAtt", + "end" + ], + [ + "ric", + "ia" + ], + [ + "Com", + "ment" + ], + [ + "Ġhom", + "osexuality" + ], + [ + "Ġb", + "g" + ], + [ + "pe", + "ated" + ], + [ + "Ġloc", + "ating" + ], + [ + "Ġel", + "oqu" + ], + [ + "Ġcorrid", + "ors" + ], + [ + "ucalypt", + "us" + ], + [ + "Ġd", + "umb" + ], + [ + "Ġint", + "ently" + ], + [ + "Ġdust", + "y" + ], + [ + "Ġintens", + "ely" + ], + [ + "Ġsynthes", + "ize" + ], + [ + "D", + "ialog" + ], + [ + "h", + "aw" + ], + [ + "p", + "ole" + ], + [ + "ĠP", + "ush" + ], + [ + "Ġch", + "asing" + ], + [ + "Ġeth", + "ically" + ], + [ + "Ġund", + "en" + ], + [ + "Ġtro", + "op" + ], + [ + "aug", + "hed" + ], + [ + "Ġerad", + "ication" + ], + [ + "Ġclot", + "ting" + ], + [ + "Ġunexpl", + "ained" + ], + [ + "Ġaccus", + "ations" + ], + [ + "M", + "ur" + ], + [ + "as", + "semb" + ], + [ + "ph", + "rine" + ], + [ + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠĠ" + ], + [ + "T", + "ele" + ], + [ + "o", + "ining" + ], + [ + "Ġt", + "ertiary" + ], + [ + "ĠM", + "ood" + ], + [ + "RE", + "QU" + ], + [ + "Par", + "ams" + ], + [ + "Ġnu", + "isance" + ], + [ + "Ġconfine", + "ment" + ], + [ + "Ġsp", + "leen" + ], + [ + "ĠDo", + "ct" + ], + [ + "Ġlat", + "itudes" + ], + [ + "ĠWhe", + "at" + ], + [ + "Ġintr", + "usion" + ], + [ + "Ġdiver", + "gent" + ], + [ + "Ġentrepreneur", + "ial" + ], + [ + "Ġdemol", + "ished" + ], + [ + "Inc", + "orpor" + ], + [ + "ly", + "s" + ], + [ + "ĠHel", + "ping" + ], + [ + "Health", + "y" + ], + [ + "Ġpir", + "ate" + ], + [ + "in", + "ism" + ], + [ + "ff", + "t" + ], + [ + "Ġinteg", + "rates" + ], + [ + "Ġlymph", + "oma" + ], + [ + "×", + "¨" + ], + [ + "Ġl", + "as" + ], + [ + "Ġconf", + "isc" + ], + [ + "Ġord", + "ained" + ], + [ + "Ġreper", + "cussions" + ], + [ + "ĠT", + "ort" + ], + [ + "ĠW", + "inn" + ], + [ + "Ġur", + "ges" + ], + [ + "Ġconce", + "al" + ], + [ + "estab", + "lish" + ], + [ + "Ġpair", + "ing" + ], + [ + "Ġinterf", + "ering" + ], + [ + "ĠS", + "oul" + ], + [ + "ĠF", + "lying" + ], + [ + "Ġlife", + "cycle" + ], + [ + "Ġfire", + "arms" + ], + [ + "ĠTown", + "ship" + ], + [ + "Ġdenom", + "inator" + ], + [ + "iqu", + "ed" + ], + [ + "ote", + "chn" + ], + [ + "s", + "ell" + ], + [ + "ĠB", + "agh" + ], + [ + "Ġab", + "re" + ], + [ + "In", + "sp" + ], + [ + "Ġel", + "k" + ], + [ + "ĠCO", + "MP" + ], + [ + "oe", + "lectric" + ], + [ + "ĠSan", + "ct" + ], + [ + "ĠUN", + "ICEF" + ], + [ + "found", + "land" + ], + [ + "Ġspl", + "its" + ], + [ + "'", + "})" + ], + [ + "w", + "et" + ], + [ + "Ġp", + "ans" + ], + [ + "ad", + "as" + ], + [ + "ĠB", + "acteria" + ], + [ + "ĠG", + "B" + ], + [ + "Ġsc", + "arring" + ], + [ + "Ġemp", + "ir" + ], + [ + "Ġprev", + "ail" + ], + [ + "Ġcrick", + "et" + ], + [ + "Ġ", + "é" + ], + [ + "Ġt", + "weet" + ], + [ + "ĠF", + "arming" + ], + [ + "Ġout", + "patient" + ], + [ + "Ġsust", + "enance" + ], + [ + "ĠPol", + "it" + ], + [ + "mk", + "dir" + ], + [ + "ru", + "ed" + ], + [ + "ĠRep", + "rodu" + ], + [ + "Ġmes", + "othelioma" + ], + [ + "Ġsacrific", + "ed" + ], + [ + "Austral", + "ia" + ], + [ + "ĠC", + "ran" + ], + [ + "Ġr", + "ude" + ], + [ + "ous", + "se" + ], + [ + "print", + "ing" + ], + [ + "Ġrevers", + "al" + ], + [ + "p", + "ull" + ], + [ + "Ġr", + "ation" + ], + [ + "cur", + "r" + ], + [ + "Ġscen", + "ic" + ], + [ + "ost", + "ering" + ], + [ + "ĠRe", + "uters" + ], + [ + "Ġple", + "as" + ], + [ + "Ġneuro", + "pathy" + ], + [ + "My", + "th" + ], + [ + "Ġpubl", + "ishes" + ], + [ + "ĠOcc", + "asionally" + ], + [ + "Ġuphold", + "ing" + ], + [ + "ĠAnglic", + "an" + ], + [ + "Ġclass", + "ics" + ], + [ + "Ġpar", + "an" + ], + [ + "max", + "imum" + ], + [ + "Ġmotiv", + "ating" + ], + [ + "Ġpresc", + "ribing" + ], + [ + "Ġsecre", + "cy" + ], + [ + "Ġchimpan", + "zees" + ], + [ + "Ġquarant", + "ine" + ], + [ + "B", + "on" + ], + [ + "olution", + "ary" + ], + [ + "Ġlink", + "age" + ], + [ + "vert", + "ical" + ], + [ + "ĠSub", + "sequently" + ], + [ + "Equ", + "als" + ], + [ + "Ġhippoc", + "ampus" + ], + [ + "Ġdre", + "amed" + ], + [ + "yrin", + "th" + ], + [ + "D", + "er" + ], + [ + "Ø", + "³" + ], + [ + "Ġa", + "usp" + ], + [ + "Ġf", + "umes" + ], + [ + "Ġm", + "ounds" + ], + [ + "op", + "py" + ], + [ + "ĠM", + "ü" + ], + [ + "ĠR", + "EM" + ], + [ + "pr", + "ime" + ], + [ + "Ġcorrect", + "ive" + ], + [ + "Ġinequ", + "ities" + ], + [ + "Ġtempt", + "ing" + ], + [ + "im", + "ize" + ], + [ + "ĠT", + "empl" + ], + [ + "ad", + "ors" + ], + [ + "op", + "hen" + ], + [ + "Ġcar", + "vings" + ], + [ + "ĠTem", + "per" + ], + [ + "ĠGal", + "axy" + ], + [ + "Ġvel", + "ocities" + ], + [ + "Dan", + "iel" + ], + [ + "ĠM", + "J" + ], + [ + "un", + "less" + ], + [ + "ard", + "on" + ], + [ + "Ġinto", + "x" + ], + [ + "ĠV", + "eg" + ], + [ + "ĠRe", + "place" + ], + [ + "ĠÐ", + "¾" + ], + [ + "Ġbol", + "t" + ], + [ + "CON", + "T" + ], + [ + "i", + "q" + ], + [ + "Ġf", + "aded" + ], + [ + "oc", + "hem" + ], + [ + "Ġweek", + "ends" + ], + [ + "Ġadjust", + "able" + ], + [ + "V", + "ERSION" + ], + [ + "ĠH", + "ale" + ], + [ + "Ġsm", + "iles" + ], + [ + "ĠAs", + "ide" + ], + [ + "ug", + "a" + ], + [ + "ĠTo", + "oth" + ], + [ + "Ġdivers", + "ification" + ], + [ + "Ġhom", + "ogeneous" + ], + [ + "gu", + "ide" + ], + [ + "ĠRay", + "mond" + ], + [ + "A", + "UTH" + ], + [ + "k", + "top" + ], + [ + "in", + "oid" + ], + [ + "at", + "ars" + ], + [ + "Ġf", + "ry" + ], + [ + "Ġch", + "ill" + ], + [ + "Ġpath", + "ological" + ], + [ + "Ġthr", + "ived" + ], + [ + "Ġguess", + "ed" + ], + [ + "Ġinterpol", + "ation" + ], + [ + "el", + "ist" + ], + [ + "Ġliqu", + "or" + ], + [ + "Ġfle", + "as" + ], + [ + "ĠCele", + "br" + ], + [ + "ĠManit", + "oba" + ], + [ + "v", + "irtual" + ], + [ + "ot", + "ations" + ], + [ + "ine", + "es" + ], + [ + "Ġimp", + "lying" + ], + [ + "Ġgu", + "inea" + ], + [ + "ĠGe", + "ometry" + ], + [ + "irection", + "al" + ], + [ + "Ġeleg", + "ance" + ], + [ + "'", + "/" + ], + [ + "ĠL", + "D" + ], + [ + "Ġconnect", + "ors" + ], + [ + "Ġmodern", + "ity" + ], + [ + "ĠWi", + "Fi" + ], + [ + "Ġfonts", + "ize" + ], + [ + "r", + "arian" + ], + [ + "Ġb", + "rom" + ], + [ + "Ġcont", + "empt" + ], + [ + "Ġatt", + "aching" + ], + [ + "Ġmis", + "ery" + ], + [ + "ĠEth", + "nic" + ], + [ + "ĠOl", + "ive" + ], + [ + "Ġspokes", + "man" + ], + [ + "M", + "ah" + ], + [ + "i", + "osis" + ], + [ + "m", + "are" + ], + [ + "ĠAnd", + "y" + ], + [ + "sw", + "ick" + ], + [ + "H", + "ill" + ], + [ + "Ġt", + "earing" + ], + [ + "ĠM", + "arl" + ], + [ + "Ġhe", + "aled" + ], + [ + "ĠW", + "ellington" + ], + [ + "og", + "o" + ], + [ + "ond", + "e" + ], + [ + "++", + "++" + ], + [ + "ĠMoz", + "art" + ], + [ + "ĠDifficult", + "y" + ], + [ + "Ġimpover", + "ished" + ], + [ + "Ġhe", + "ap" + ], + [ + "os", + "al" + ], + [ + "ĠR", + "ED" + ], + [ + "Ġem", + "itting" + ], + [ + "Ġop", + "aque" + ], + [ + "Ġlay", + "ered" + ], + [ + "eral", + "a" + ], + [ + "Ġrad", + "iant" + ], + [ + "Ad", + "am" + ], + [ + "Ġcrypt", + "ography" + ], + [ + "oz", + "oic" + ], + [ + "k", + "k" + ], + [ + "Ġim", + "itate" + ], + [ + "Ġoff", + "ence" + ], + [ + "ĠCl", + "im" + ], + [ + "Ġnom", + "inated" + ], + [ + "Ġneurotransmit", + "ter" + ], + [ + "ĠI", + "ber" + ], + [ + "ĠP", + "ri" + ], + [ + "ĠB", + "ark" + ], + [ + "ĠN", + "D" + ], + [ + "Ġdisc", + "ard" + ], + [ + "Ġminim", + "ise" + ], + [ + "rid", + "ges" + ], + [ + "ĠÎ", + "´" + ], + [ + "Ġfur", + "ry" + ], + [ + "Ġpharmaceutical", + "s" + ], + [ + "Ġembro", + "idery" + ], + [ + "Ġcott", + "age" + ], + [ + "Ġcush", + "ion" + ], + [ + "y", + "o" + ], + [ + "Ġon", + "board" + ], + [ + "mark", + "er" + ], + [ + "bel", + "ow" + ], + [ + "b", + "ri" + ], + [ + "ĠH", + "il" + ], + [ + "ink", + "le" + ], + [ + "hor", + "izontal" + ], + [ + "Ġfeed", + "er" + ], + [ + ")", + "!" + ], + [ + "C", + "redit" + ], + [ + "op", + "edia" + ], + [ + "Ġspecial", + "ised" + ], + [ + "Ġtorn", + "adoes" + ], + [ + "Ġmerchand", + "ise" + ], + [ + "æį", + "®" + ], + [ + "arynge", + "al" + ], + [ + "Ġl", + "aughed" + ], + [ + "Ġtra", + "m" + ], + [ + "ET", + "E" + ], + [ + "Ġlux", + "urious" + ], + [ + "ĠPyth", + "ag" + ], + [ + "D", + "est" + ], + [ + "or", + "ption" + ], + [ + "ie", + "ves" + ], + [ + "eg", + "al" + ], + [ + "ĠDep", + "uty" + ], + [ + "ĠCor", + "al" + ], + [ + "xx", + "xx" + ], + [ + "ĠCR", + "ISPR" + ], + [ + "Ġf", + "ir" + ], + [ + "Ġd", + "unes" + ], + [ + "Ġl", + "ament" + ], + [ + "op", + "ened" + ], + [ + "Ġharm", + "ed" + ], + [ + "IL", + "D" + ], + [ + "Ġtransl", + "ator" + ], + [ + "Ġmascul", + "inity" + ], + [ + "Mart", + "in" + ], + [ + "n", + "av" + ], + [ + "ĠPed", + "ro" + ], + [ + "V", + "T" + ], + [ + "Ġt", + "ul" + ], + [ + "Ġmot", + "to" + ], + [ + "run", + "k" + ], + [ + "H", + "op" + ], + [ + "ĠThe", + "m" + ], + [ + "ĠK", + "un" + ], + [ + "Ġam", + "yg" + ], + [ + "sp", + "onsored" + ], + [ + "Ġocean", + "ic" + ], + [ + "ĠRef", + "lection" + ], + [ + "Ġadm", + "its" + ], + [ + "Ġphotograp", + "hed" + ], + [ + "effic", + "iency" + ], + [ + "Ġdrow", + "ning" + ], + [ + "Ġir", + "is" + ], + [ + "Ġceleb", + "rities" + ], + [ + "Ġbuck", + "le" + ], + [ + "ĠNord", + "ic" + ], + [ + "Ġape", + "x" + ], + [ + "s", + "ites" + ], + [ + "Ġwe", + "ave" + ], + [ + "pect", + "s" + ], + [ + "Ġbat", + "ches" + ], + [ + "p", + "el" + ], + [ + "t", + "reated" + ], + [ + "ĠAr", + "range" + ], + [ + "Ġlands", + "caping" + ], + [ + "S", + "Y" + ], + [ + "Ġmore", + "over" + ], + [ + "Ġsl", + "udge" + ], + [ + "Up", + "dated" + ], + [ + "Ġlegisl", + "ators" + ], + [ + "Ġmarginal", + "ization" + ], + [ + "C", + "Y" + ], + [ + "c", + "wd" + ], + [ + "em", + "otional" + ], + [ + "med", + "ical" + ], + [ + "ĠJe", + "hovah" + ], + [ + "OC", + "K" + ], + [ + "Ġperpet", + "rators" + ], + [ + "ĠLuther", + "an" + ], + [ + "Ġincarc", + "eration" + ], + [ + "omet", + "own" + ], + [ + "ĠL", + "M" + ], + [ + "Ġdi", + "ode" + ], + [ + "inc", + "hes" + ], + [ + "Ġrank", + "ings" + ], + [ + "ĠScre", + "ening" + ], + [ + "ĠC", + "ases" + ], + [ + "Ġar", + "Xiv" + ], + [ + "Ġins", + "ulated" + ], + [ + "Ġmill", + "ing" + ], + [ + "amb", + "a" + ], + [ + "ĠIS", + "SN" + ], + [ + "Ġyellow", + "ish" + ], + [ + "ĠCommon", + "ly" + ], + [ + "Ġcorrel", + "ates" + ], + [ + "al", + "ter" + ], + [ + "Ġblue", + "berries" + ], + [ + "rog", + "ens" + ], + [ + "Ġven", + "ous" + ], + [ + "Ġmic", + "rom" + ], + [ + "Ġtemp", + "o" + ], + [ + "ap", + "ons" + ], + [ + ".\"", + "." + ], + [ + "ĠEn", + "cyclop" + ], + [ + "Ġmenstru", + "ation" + ], + [ + "ĠPly", + "mouth" + ], + [ + "g", + "at" + ], + [ + "um", + "ann" + ], + [ + "Ġ\"", + "'" + ], + [ + "Ġpar", + "ity" + ], + [ + "Ġbi", + "ographical" + ], + [ + "========", + "====" + ], + [ + "ĠSurve", + "illance" + ], + [ + "Ġsurv", + "ives" + ], + [ + "Ġhear", + "ings" + ], + [ + "ĠResp", + "iratory" + ], + [ + "Ġchim", + "ney" + ], + [ + "R", + "R" + ], + [ + "f", + "inder" + ], + [ + "Ġa", + "unt" + ], + [ + "ra", + "cks" + ], + [ + "ft", + "p" + ], + [ + "Ġhuman", + "e" + ], + [ + "ush", + "i" + ], + [ + "dev", + "ices" + ], + [ + "Ġtablesp", + "oon" + ], + [ + "ĠChick", + "en" + ], + [ + "M", + "ont" + ], + [ + "Ã", + "ĥ" + ], + [ + "ĠIN", + "T" + ], + [ + "ĠAP", + "Is" + ], + [ + "Pos", + "itive" + ], + [ + "ĠB", + "av" + ], + [ + "app", + "roximately" + ], + [ + "Ġcrypt", + "o" + ], + [ + "M", + "er" + ], + [ + "ĠO", + "T" + ], + [ + "Ġbeh", + "old" + ], + [ + "Ġhead", + "ings" + ], + [ + "r", + "ice" + ], + [ + "ĠB", + "erm" + ], + [ + "Ġexplo", + "its" + ], + [ + "Ġshad", + "ing" + ], + [ + "Soft", + "ware" + ], + [ + "il", + "ion" + ], + [ + "Ġant", + "ic" + ], + [ + "ĠPract", + "icing" + ], + [ + "ĠCast", + "ro" + ], + [ + "Ġmes", + "mer" + ], + [ + "/", + "<" + ], + [ + "Ġ(", + "*" + ], + [ + "ĠM", + "eyer" + ], + [ + "ĠH", + "ers" + ], + [ + "ĠL", + "oop" + ], + [ + "ĠCh", + "urches" + ], + [ + "Ġrecomm", + "ending" + ], + [ + "iat", + "ric" + ], + [ + "PubMed", + "Google" + ], + [ + "D", + "rop" + ], + [ + "N", + "ESS" + ], + [ + "ĠSt", + "roke" + ], + [ + "ĠRe", + "vere" + ], + [ + "path", + "ic" + ], + [ + "Ġver", + "dict" + ], + [ + "Ġverte", + "brates" + ], + [ + "Ġworsh", + "ipped" + ], + [ + "P", + "LA" + ], + [ + "at", + "ism" + ], + [ + "Ġw", + "arts" + ], + [ + "ĠH", + "ook" + ], + [ + "ĠG", + "ly" + ], + [ + "Ġweak", + "ening" + ], + [ + "uv", + "ian" + ], + [ + "Ġhym", + "ns" + ], + [ + "ĠIn", + "flamm" + ], + [ + "Ġspect", + "ators" + ], + [ + "Ġfo", + "oth" + ], + [ + "Ġtwist", + "ing" + ], + [ + "ĠGast", + "ro" + ], + [ + "atche", + "wan" + ], + [ + "Ġabre", + "ast" + ], + [ + "ĠD", + "J" + ], + [ + "Ġsur", + "rog" + ], + [ + "af", + "er" + ], + [ + "Ġhot", + "test" + ], + [ + "Ġtum", + "ult" + ], + [ + "Ġalle", + "vi" + ], + [ + "L", + "ibrary" + ], + [ + "Ġth", + "irds" + ], + [ + "ĠS", + "ara" + ], + [ + "Ġbul", + "lets" + ], + [ + "can", + "vas" + ], + [ + "ĠPM", + "C" + ], + [ + "Ġbatt", + "ling" + ], + [ + "Ġcategor", + "ize" + ], + [ + "Ġsulph", + "ur" + ], + [ + "v", + "ir" + ], + [ + "Ġcost", + "ing" + ], + [ + "Ġforth", + "coming" + ], + [ + "Ġpharm", + "acy" + ], + [ + "omorph", + "ic" + ], + [ + "t", + "un" + ], + [ + "em", + "ics" + ], + [ + "ĠN", + "aturally" + ], + [ + "Ġsil", + "ently" + ], + [ + "gi", + "ene" + ], + [ + "M", + "ental" + ], + [ + "Ġmy", + "ocard" + ], + [ + "Ġfam", + "ed" + ], + [ + "Ġche", + "ek" + ], + [ + "Ġer", + "ase" + ], + [ + "top", + "ics" + ], + [ + "Ġneuro", + "de" + ], + [ + "lock", + "ed" + ], + [ + "ĠImm", + "une" + ], + [ + "ĠLud", + "wig" + ], + [ + "A", + "WS" + ], + [ + "Ġs", + "id" + ], + [ + "Ġis", + "chem" + ], + [ + "Ġbl", + "isters" + ], + [ + "ĠCons", + "ortium" + ], + [ + "Sh", + "ape" + ], + [ + "Ġkn", + "ight" + ], + [ + "Ġhar", + "b" + ], + [ + "Ke", + "eping" + ], + [ + "Ġgran", + "ular" + ], + [ + "Ġcoerc", + "ion" + ], + [ + "b", + "p" + ], + [ + "op", + "old" + ], + [ + "ĠF", + "erg" + ], + [ + "Ġmet", + "re" + ], + [ + "ĠSal", + "em" + ], + [ + "Ġalt", + "ru" + ], + [ + "Ġarbit", + "ration" + ], + [ + "Ġin", + "accessible" + ], + [ + "Ġor", + "g" + ], + [ + "Ġex", + "oplan" + ], + [ + "ri", + "ous" + ], + [ + "ĠL", + "t" + ], + [ + "Ġmodern", + "ization" + ], + [ + "che", + "cks" + ], + [ + "ĠAst", + "hma" + ], + [ + "Sign", + "s" + ], + [ + "Ġconsol", + "idated" + ], + [ + "Ġcasc", + "ade" + ], + [ + "hoe", + "a" + ], + [ + "ĠCorinth", + "ians" + ], + [ + "n", + "ine" + ], + [ + "ĠM", + "az" + ], + [ + "ĠB", + "in" + ], + [ + "un", + "known" + ], + [ + "ĠR", + "oth" + ], + [ + "ass", + "er" + ], + [ + "ĠTra", + "ce" + ], + [ + "dir", + "s" + ], + [ + "prof", + "essional" + ], + [ + "Ġtaxon", + "omy" + ], + [ + "I", + "r" + ], + [ + "ĠM", + "ist" + ], + [ + "ort", + "ment" + ], + [ + "Ġr", + "att" + ], + [ + "cess", + "ions" + ], + [ + "ever", + "se" + ], + [ + "Ġhist", + "ogram" + ], + [ + "ĠTher", + "mal" + ], + [ + "S", + "ide" + ], + [ + "Ġde", + "letion" + ], + [ + "Ġun", + "const" + ], + [ + "ĠCh", + "ocolate" + ], + [ + "uc", + "ose" + ], + [ + "Ġresearc", + "hes" + ], + [ + "comp", + "are" + ], + [ + "ĠHuman", + "ities" + ], + [ + "ĠAD", + "D" + ], + [ + "Ġbot", + "an" + ], + [ + "eval", + "uation" + ], + [ + "ech", + "o" + ], + [ + "Exec", + "ution" + ], + [ + "f", + "an" + ], + [ + "to", + "e" + ], + [ + "Ġspot", + "light" + ], + [ + "Ġped", + "al" + ], + [ + "ĠNG", + "O" + ], + [ + "ĠA", + "xis" + ], + [ + "av", + "ier" + ], + [ + "ĠTra", + "ditions" + ], + [ + "ĠTer", + "ry" + ], + [ + "Elect", + "ric" + ], + [ + "C", + "ancer" + ], + [ + "he", + "y" + ], + [ + "ĠF", + "ashion" + ], + [ + "ogn", + "ition" + ], + [ + "ĠAm", + "ish" + ], + [ + "ĠÐ", + "º" + ], + [ + "Ġabandon", + "ment" + ], + [ + "Exper", + "ts" + ], + [ + "O", + "ffic" + ], + [ + "Ġst", + "adium" + ], + [ + "ĠTh", + "ousands" + ], + [ + "Ġod", + "ors" + ], + [ + "Ġconve", + "ys" + ], + [ + "umm", + "ies" + ], + [ + "K", + "it" + ], + [ + "Ġpolit", + "ely" + ], + [ + "ĠVen", + "et" + ], + [ + "ĠChron", + "icle" + ], + [ + "l", + "oo" + ], + [ + "Ġf", + "us" + ], + [ + "Ġmed", + "ial" + ], + [ + "Ġstrand", + "ed" + ], + [ + "ĠExc", + "ited" + ], + [ + "CAD", + "E" + ], + [ + "ĠYah", + "weh" + ], + [ + "ĠVlad", + "imir" + ], + [ + "ic", + "um" + ], + [ + "Ġh", + "id" + ], + [ + "ĠU", + "z" + ], + [ + "Ġlay", + "outs" + ], + [ + "Ġrain", + "forests" + ], + [ + "Ġsoph", + "ist" + ], + [ + "Ġterror", + "ists" + ], + [ + "ĠArg", + "uments" + ], + [ + "tys", + "burg" + ], + [ + "d", + "ar" + ], + [ + "Ġinter", + "im" + ], + [ + "Ġloc", + "ality" + ], + [ + "ĠNe", + "olithic" + ], + [ + "Ġult", + "rason" + ], + [ + "mat", + "ched" + ], + [ + "vol", + "tage" + ], + [ + "Ġpin", + "ch" + ], + [ + "Ġt", + "attoo" + ], + [ + "op", + "edic" + ], + [ + "ĠB", + "UT" + ], + [ + "Ġtra", + "verse" + ], + [ + "Ġem", + "its" + ], + [ + "ĠSh", + "arp" + ], + [ + "Res", + "ources" + ], + [ + "Ġinvari", + "ably" + ], + [ + "P", + "CR" + ], + [ + "k", + "il" + ], + [ + "om", + "ials" + ], + [ + "Ġpro", + "clamation" + ], + [ + "tain", + "ment" + ], + [ + "aver", + "ing" + ], + [ + ",,,,", + ",,,," + ], + [ + "Ġneon", + "atal" + ], + [ + "f", + "x" + ], + [ + "ra", + "ck" + ], + [ + "ll", + "o" + ], + [ + "go", + "al" + ], + [ + "ĠMan", + "ip" + ], + [ + "ĠGu", + "ides" + ], + [ + "Ġseek", + "ers" + ], + [ + "ĠDat", + "aset" + ], + [ + "ĠOri", + "ent" + ], + [ + "rad", + "le" + ], + [ + "ĠAnaly", + "tics" + ], + [ + "ĠEnh", + "anced" + ], + [ + "Ġridicul", + "ous" + ], + [ + "|", + "','" + ], + [ + "Ġm", + "asonry" + ], + [ + "ag", + "i" + ], + [ + "Ġra", + "ils" + ], + [ + "Ġpow", + "dered" + ], + [ + "а", + "ÑĤ" + ], + [ + "wra", + "pper" + ], + [ + "scal", + "ar" + ], + [ + "P", + "ick" + ], + [ + "as", + "array" + ], + [ + "Ġj", + "er" + ], + [ + "Ġfire", + "wall" + ], + [ + "ĠJer", + "ry" + ], + [ + "]", + "=" + ], + [ + "c", + "atch" + ], + [ + "ver", + "ting" + ], + [ + "ĠM", + "atch" + ], + [ + "Ġse", + "pt" + ], + [ + "Ġactiv", + "ates" + ], + [ + "Ġpotential", + "s" + ], + [ + "Ġrad", + "ios" + ], + [ + "ĠFr", + "aser" + ], + [ + "Ġund", + "ist" + ], + [ + "ĠHouse", + "hold" + ], + [ + "Spec", + "ific" + ], + [ + "brow", + "ser" + ], + [ + "l", + "m" + ], + [ + "in", + "ished" + ], + [ + "Ġg", + "oose" + ], + [ + "ess", + "im" + ], + [ + "Ġfl", + "ashes" + ], + [ + "ĠSc", + "ar" + ], + [ + "ĠGe", + "o" + ], + [ + "L", + "ord" + ], + [ + "Ġh", + "ij" + ], + [ + "Ġpro", + "actively" + ], + [ + "ie", + "v" + ], + [ + "Ġgu", + "err" + ], + [ + "Ġbatt", + "alion" + ], + [ + "initial", + "izer" + ], + [ + "Ġrecomb", + "ination" + ], + [ + "Ġunreason", + "able" + ], + [ + "M", + "ic" + ], + [ + "T", + "ools" + ], + [ + "m", + "eg" + ], + [ + "ĠT", + "alking" + ], + [ + "ĠA", + "ry" + ], + [ + "ect", + "in" + ], + [ + "Ġres", + "umed" + ], + [ + "ĠProtest", + "ants" + ], + [ + "Ġbloss", + "oms" + ], + [ + "Ġamuse", + "ment" + ], + [ + "ree", + "ks" + ], + [ + "Ġsym", + "metric" + ], + [ + "bur", + "se" + ], + [ + "Ġcyber", + "bullying" + ], + [ + "f", + "ighting" + ], + [ + "Ø", + "¨" + ], + [ + "ĠT", + "us" + ], + [ + "č", + "ĊĠĠĠĠĠĠĠĠĠĠĠĠ" + ], + [ + "it", + "one" + ], + [ + "ĠS", + "par" + ], + [ + "ĠS", + "EC" + ], + [ + "ip", + "olar" + ], + [ + "Ġtall", + "est" + ], + [ + "Ġsucceed", + "ing" + ], + [ + "Ġdream", + "ing" + ], + [ + "Ġspark", + "ling" + ], + [ + "ĠStock", + "holm" + ], + [ + "Ġplank", + "ton" + ], + [ + "ĠS", + "erve" + ], + [ + "sp", + "oken" + ], + [ + "Ġsyn", + "onyms" + ], + [ + "Ġpupp", + "ies" + ], + [ + "L", + "ee" + ], + [ + "S", + "ite" + ], + [ + "Ġb", + "acon" + ], + [ + "Ġcon", + "ced" + ], + [ + "Ġan", + "s" + ], + [ + "Ġr", + "anch" + ], + [ + "Ġer", + "oded" + ], + [ + "Ġgraph", + "ite" + ], + [ + "Ġpre", + "ached" + ], + [ + "dest", + "roy" + ], + [ + "Ġincl", + "ination" + ], + [ + "Ġsho", + "vel" + ], + [ + "Ġresh", + "ape" + ], + [ + "ĠC", + "iv" + ], + [ + "ĠU", + "TC" + ], + [ + "Ġdri", + "er" + ], + [ + "Ġindu", + "ces" + ], + [ + "local", + "host" + ], + [ + "Ġadvertise", + "ment" + ], + [ + "Ġin", + "ex" + ], + [ + "ur", + "ai" + ], + [ + "Ġte", + "amm" + ], + [ + "ĠForm", + "er" + ], + [ + "Ġaqu", + "ifer" + ], + [ + "AG", + "ES" + ], + [ + "Ġsad", + "ly" + ], + [ + "there", + "um" + ], + [ + "Ġte", + "as" + ], + [ + "Ġaff", + "licted" + ], + [ + "Ġhand", + "held" + ], + [ + "mark", + "ed" + ], + [ + "Ġfraud", + "ulent" + ], + [ + "Ġtrop", + "ics" + ], + [ + "Ġf", + "rig" + ], + [ + "od", + "on" + ], + [ + "ĠW", + "alt" + ], + [ + "ep", + "id" + ], + [ + "Ġrec", + "ol" + ], + [ + "Ġdetect", + "able" + ], + [ + "re", + "rs" + ], + [ + "Ġad", + "herent" + ], + [ + "Ġpos", + "ing" + ], + [ + "ĠGe", + "off" + ], + [ + "Ġtrust", + "ing" + ], + [ + "Ġepidem", + "iological" + ], + [ + "M", + "igration" + ], + [ + "at", + "z" + ], + [ + "Ġj", + "argon" + ], + [ + "port", + "ed" + ], + [ + "ids", + "on" + ], + [ + "lo", + "om" + ], + [ + "T", + "ell" + ], + [ + "ĠM", + "ight" + ], + [ + "ĠP", + "ie" + ], + [ + "ĠK", + "atherine" + ], + [ + "Ġresult", + "ant" + ], + [ + "Gu", + "ide" + ], + [ + "Second", + "ly" + ], + [ + "Ġrepos", + "itories" + ], + [ + "or", + "ating" + ], + [ + "ten", + "ess" + ], + [ + "ER", + "C" + ], + [ + "term", + "edi" + ], + [ + "Ġune", + "arthed" + ], + [ + "Ġd", + "red" + ], + [ + "ĠB", + "end" + ], + [ + "ĠH", + "ier" + ], + [ + "amm", + "ing" + ], + [ + "Ġfav", + "ourable" + ], + [ + "ĠRod", + "rig" + ], + [ + "Ġlawsu", + "its" + ], + [ + "Cle", + "ar" + ], + [ + "Ġbureauc", + "racy" + ], + [ + "Ġg", + "ust" + ], + [ + "Ġr", + "ushing" + ], + [ + "ĠF", + "err" + ], + [ + "Ġcomm", + "issions" + ], + [ + "Ġlong", + "standing" + ], + [ + "AB", + "A" + ], + [ + "Ġimpart", + "ial" + ], + [ + "enz", + "ie" + ], + [ + "absol", + "ute" + ], + [ + "ĠA", + "uschwitz" + ], + [ + "Ġqu", + "er" + ], + [ + "Ġtown", + "ship" + ], + [ + "Ġrespond", + "ers" + ], + [ + "Ġfav", + "ors" + ], + [ + "Ġneglig", + "ible" + ], + [ + "ĠPrag", + "ue" + ], + [ + "r", + "ar" + ], + [ + "in", + "formatics" + ], + [ + "al", + "ias" + ], + [ + "Ġmed", + "ically" + ], + [ + "ĠCamp", + "us" + ], + [ + "Ġinhal", + "ation" + ], + [ + "Ġbiomark", + "ers" + ], + [ + "S", + "afety" + ], + [ + "ĠP", + "all" + ], + [ + "add", + "Widget" + ], + [ + "Ġpharmac", + "ist" + ], + [ + "Ġprincip", + "ally" + ], + [ + "otyp", + "ic" + ], + [ + "H", + "V" + ], + [ + "t", + "ion" + ], + [ + "ĠC", + "hern" + ], + [ + "ĠRe", + "becca" + ], + [ + "ĠWe", + "ber" + ], + [ + "Ġec", + "clesiastical" + ], + [ + "Ġautom", + "ate" + ], + [ + "Ġsurvey", + "ing" + ], + [ + "ĠRob", + "otics" + ], + [ + "Ġmiscon", + "ception" + ], + [ + "Ġdiscrep", + "ancy" + ], + [ + "Ġc", + "ried" + ], + [ + "op", + "in" + ], + [ + "ĠDesign", + "ing" + ], + [ + "Ġtact", + "ic" + ], + [ + "G", + "RO" + ], + [ + "l", + "ip" + ], + [ + "ĠS", + "SD" + ], + [ + "Ġprin", + "ces" + ], + [ + "Ġgrand", + "children" + ], + [ + "Ġrecip", + "rocal" + ], + [ + "D", + "ar" + ], + [ + "h", + "ang" + ], + [ + "á", + "º" + ], + [ + "pro", + "d" + ], + [ + "ĠSe", + "b" + ], + [ + "ĠAh", + "med" + ], + [ + "Ġinver", + "ted" + ], + [ + "m", + "ale" + ], + [ + "p", + "v" + ], + [ + "Ġthere", + "in" + ], + [ + "IT", + "ES" + ], + [ + "ĠTrans", + "mission" + ], + [ + "Ġdeleg", + "ate" + ], + [ + ">", + "=" + ], + [ + "y", + "ield" + ], + [ + "im", + "inary" + ], + [ + "ĠJ", + "ak" + ], + [ + "ĠK", + "oh" + ], + [ + "Ġacc", + "ents" + ], + [ + "ĠEarl", + "ier" + ], + [ + "F", + "ac" + ], + [ + "Ġthr", + "illed" + ], + [ + "Ġcerv", + "ix" + ], + [ + "d", + "elivery" + ], + [ + "Ġst", + "ren" + ], + [ + "Ġdirect", + "ive" + ], + [ + "ĠAtt", + "ack" + ], + [ + "Ġtast", + "ing" + ], + [ + "oy", + "a" + ], + [ + "Ġintellect", + "ually" + ], + [ + "ĠCS", + "V" + ], + [ + "Ġsle", + "pt" + ], + [ + "an", + "se" + ], + [ + "od", + "end" + ], + [ + "Ġsol", + "ic" + ], + [ + "ĠInst", + "itutions" + ], + [ + "Ġcircul", + "ated" + ], + [ + "I", + "K" + ], + [ + "ĠHel", + "ps" + ], + [ + "Ġted", + "ious" + ], + [ + "Ġepigen", + "etic" + ], + [ + "B", + "F" + ], + [ + "ov", + "is" + ], + [ + "Ġhand", + "made" + ], + [ + "d", + "ummy" + ], + [ + "el", + "ian" + ], + [ + "ĠL", + "ac" + ], + [ + "Ġpatient", + "ly" + ], + [ + "Ġhospital", + "ized" + ], + [ + "Ġnarrow", + "er" + ], + [ + "Ġpion", + "eered" + ], + [ + "ĠCass", + "ini" + ], + [ + "I", + "U" + ], + [ + "R", + "out" + ], + [ + "Ġsh", + "ook" + ], + [ + "asp", + "x" + ], + [ + "n", + "ering" + ], + [ + "Ġt", + "i" + ], + [ + "ĠInter", + "actions" + ], + [ + "Can", + "adian" + ], + [ + "Ġbomb", + "ard" + ], + [ + "r", + "ush" + ], + [ + "ll", + "i" + ], + [ + "ĠEduc", + "ators" + ], + [ + "ĠAny", + "thing" + ], + [ + "i", + "ago" + ], + [ + "m", + "eth" + ], + [ + "in", + "ol" + ], + [ + "ĠE", + "z" + ], + [ + "Ġflow", + "ed" + ], + [ + "Ġsal", + "ient" + ], + [ + "ĠC", + "ec" + ], + [ + "ak", + "ra" + ], + [ + "==", + "'" + ], + [ + "Ġcrit", + "iques" + ], + [ + "Ġeyes", + "ight" + ], + [ + "custom", + "er" + ], + [ + "Ġterr", + "ifying" + ], + [ + "Ġh", + "ref" + ], + [ + "Ġgen", + "otype" + ], + [ + "Ġded", + "icate" + ], + [ + "ĠOper", + "a" + ], + [ + "ĠBuild", + "ings" + ], + [ + "Ġrecon", + "naissance" + ], + [ + "Ġvern", + "acular" + ], + [ + "S", + "er" + ], + [ + "r", + "atch" + ], + [ + "Ġd", + "ummy" + ], + [ + "Ġh", + "ass" + ], + [ + "pt", + "r" + ], + [ + "ĠIn", + "equ" + ], + [ + "Ġme", + "adows" + ], + [ + "Ġequ", + "ipping" + ], + [ + "ĠPap", + "ua" + ], + [ + "Ġcontra", + "ception" + ], + [ + "Ġski", + "ing" + ], + [ + "Ġa", + "ureus" + ], + [ + "ĠL", + "ords" + ], + [ + "Ġcl", + "erk" + ], + [ + "Ġens", + "uing" + ], + [ + "Ġimpact", + "ful" + ], + [ + "Ġtut", + "ors" + ], + [ + "Ġhyd", + "roph" + ], + [ + "Ġcard", + "inal" + ], + [ + "Te", + "X" + ], + [ + "H", + "F" + ], + [ + "b", + "ps" + ], + [ + "Ġe", + "q" + ], + [ + "me", + "asures" + ], + [ + "most", + "ly" + ], + [ + "Ġden", + "oted" + ], + [ + "academ", + "ic" + ], + [ + "Imp", + "act" + ], + [ + "Ġunreal", + "istic" + ], + [ + "ĠPresbyter", + "ian" + ], + [ + "P", + "aper" + ], + [ + "ç", + "Ľ" + ], + [ + "im", + "on" + ], + [ + "od", + "iac" + ], + [ + "Ġun", + "ic" + ], + [ + "ĠScandinav", + "ian" + ], + [ + "ĠBehav", + "iour" + ], + [ + "ĠL", + "CD" + ], + [ + "ĠJ", + "in" + ], + [ + "Ġcons", + "ortium" + ], + [ + "Ġdi", + "aries" + ], + [ + "ĠTe", + "legraph" + ], + [ + "Ġrhy", + "mes" + ], + [ + "оÐ", + "»" + ], + [ + "ĠPom", + "pe" + ], + [ + "ĠS", + "we" + ], + [ + "ĠR", + "acial" + ], + [ + "rib", + "ly" + ], + [ + "Ġbit", + "coin" + ], + [ + "Ġban", + "ning" + ], + [ + "Ġmask", + "ed" + ], + [ + "ĠHell", + "en" + ], + [ + "ĠExerc", + "ises" + ], + [ + "m", + "able" + ], + [ + "m", + "oney" + ], + [ + "ke", + "f" + ], + [ + "Ġnot", + "ified" + ], + [ + "de", + "letion" + ], + [ + "ĠBe", + "ethoven" + ], + [ + "Ġacadem", + "y" + ], + [ + "rid", + "ay" + ], + [ + "inet", + "ics" + ], + [ + "Ġsymptom", + "atic" + ], + [ + "law", + "ful" + ], + [ + "Ġamyl", + "oid" + ], + [ + "ï¸", + "ı" + ], + [ + "b", + "ered" + ], + [ + "Ġur", + "ination" + ], + [ + "Ġpoll", + "uting" + ], + [ + "Ġfoot", + "steps" + ], + [ + "ĠLear", + "ners" + ], + [ + "Ġdetect", + "ives" + ], + [ + "Ġtrou", + "bling" + ], + [ + "ĠOut", + "comes" + ], + [ + "f", + "urt" + ], + [ + "in", + "ox" + ], + [ + "Ġal", + "ters" + ], + [ + "ĠAs", + "per" + ], + [ + "land", + "ers" + ], + [ + "Ġtool", + "kit" + ], + [ + "Ġtum", + "ours" + ], + [ + "ĠCh", + "au" + ], + [ + "Ġover", + "crow" + ], + [ + "Ġrel", + "ocated" + ], + [ + "Ġmeaning", + "less" + ], + [ + "ĠPhys", + "icians" + ], + [ + "ryst", + "all" + ], + [ + "l", + "ittle" + ], + [ + "Ġdis", + "like" + ], + [ + "Ġsp", + "ins" + ], + [ + "ĠVis", + "itors" + ], + [ + "ĠOx", + "ygen" + ], + [ + "Ġske", + "letons" + ], + [ + "Ġflav", + "on" + ], + [ + "Ġcircul", + "atory" + ], + [ + "ogg", + "les" + ], + [ + "c", + "us" + ], + [ + "t", + "ier" + ], + [ + "Ġa", + "ust" + ], + [ + "Ġspray", + "ed" + ], + [ + "prof", + "its" + ], + [ + "ĠC", + "raft" + ], + [ + "art", + "es" + ], + [ + "ĠMal", + "ay" + ], + [ + "****************", + "****************" + ], + [ + "Ġfacult", + "ies" + ], + [ + "H", + "appy" + ], + [ + "Ġbe", + "ak" + ], + [ + "ĠM", + "ell" + ], + [ + "ĠD", + "op" + ], + [ + "ĠG", + "ur" + ], + [ + "á", + "s" + ], + [ + "-", + ")" + ], + [ + "t", + "imer" + ], + [ + "Ġf", + "eline" + ], + [ + "em", + "atic" + ], + [ + "Ġsp", + "arks" + ], + [ + "que", + "z" + ], + [ + "ĠImp", + "acts" + ], + [ + "Trans", + "form" + ], + [ + "ĠParticip", + "ation" + ], + [ + "ĠLiver", + "pool" + ], + [ + "Program", + "ming" + ], + [ + "Germ", + "any" + ], + [ + "Ġex", + "curs" + ], + [ + "ire", + "ment" + ], + [ + "aj", + "i" + ], + [ + "Ġpict", + "ured" + ], + [ + "IL", + "E" + ], + [ + "Ġsimpl", + "istic" + ], + [ + "Ġindef", + "initely" + ], + [ + "Ġtyr", + "anny" + ], + [ + ":", + "\")" + ], + [ + "R", + "ap" + ], + [ + "Ġw", + "att" + ], + [ + "ĠS", + "ever" + ], + [ + "ĠJ", + "azz" + ], + [ + "('", + "<" + ], + [ + "Ġast", + "rology" + ], + [ + "Ġheter", + "osexual" + ], + [ + "Ġappend", + "ix" + ], + [ + "Ġmuscul", + "oskeletal" + ], + [ + "ĠP", + "aint" + ], + [ + "qu", + "arter" + ], + [ + "ĠD", + "as" + ], + [ + "ĠR", + "ank" + ], + [ + "Ġcl", + "ash" + ], + [ + "ĠNew", + "foundland" + ], + [ + "Ġdoll", + "s" + ], + [ + "Ġaffirm", + "ative" + ], + [ + "Ġnoteb", + "ooks" + ], + [ + "×", + "ľ" + ], + [ + "Ġa", + "queous" + ], + [ + "Ġsc", + "rolling" + ], + [ + "Ġatt", + "ic" + ], + [ + "Ġdist", + "illed" + ], + [ + "Ġhard", + "ened" + ], + [ + "Ġcopyright", + "ed" + ], + [ + "}", + "]" + ], + [ + "ĠW", + "itness" + ], + [ + "ĠCra", + "fts" + ], + [ + "Y", + "PE" + ], + [ + "Ġprocess", + "ion" + ], + [ + "Ġterm", + "ites" + ], + [ + "Ġrom", + "ances" + ], + [ + "iber", + "ian" + ], + [ + "S", + "B" + ], + [ + "Â", + "§" + ], + [ + "ĠM", + "ouse" + ], + [ + "Ġle", + "pt" + ], + [ + "Ġmathemat", + "ically" + ], + [ + "Ġinfest", + "ations" + ], + [ + "L", + "IST" + ], + [ + "N", + "ov" + ], + [ + "ĠForm", + "ula" + ], + [ + "Ġstake", + "holder" + ], + [ + "Ġwholes", + "ome" + ], + [ + "r", + "ather" + ], + [ + "s", + "ac" + ], + [ + "re", + "new" + ], + [ + "if", + "lower" + ], + [ + "Ġr", + "ashes" + ], + [ + "ĠR", + "ah" + ], + [ + "Col", + "umb" + ], + [ + "ĠMichel", + "angelo" + ], + [ + "ĠLithuan", + "ia" + ], + [ + "as", + "per" + ], + [ + "id", + "im" + ], + [ + "Ġspecial", + "ization" + ], + [ + "ĠMus", + "ical" + ], + [ + "she", + "ets" + ], + [ + "ĠMach", + "ines" + ], + [ + "sche", + "dule" + ], + [ + "Ġdessert", + "s" + ], + [ + "D", + "aily" + ], + [ + "Ġle", + "aking" + ], + [ + "Ġind", + "el" + ], + [ + "Ġrest", + "ruct" + ], + [ + "Ġextra", + "cellular" + ], + [ + "f", + "ied" + ], + [ + "Ġn", + "oodles" + ], + [ + "Ġag", + "ile" + ], + [ + "ĠV", + "AT" + ], + [ + "Ġmat", + "uration" + ], + [ + "Ġartic", + "ulated" + ], + [ + "mel", + "on" + ], + [ + "Ġjealous", + "y" + ], + [ + "\\", + "*" + ], + [ + "Ġc", + "ures" + ], + [ + "Ġelectron", + "ically" + ], + [ + "ĠArticle", + "Google" + ], + [ + "Ġmart", + "yr" + ], + [ + "ĠMillenn", + "ium" + ], + [ + "Ġc", + "c" + ], + [ + "ter", + "ms" + ], + [ + "Ġr", + "ye" + ], + [ + "Ġav", + "g" + ], + [ + "och", + "rom" + ], + [ + "Ġghost", + "s" + ], + [ + "abol", + "ism" + ], + [ + "ay", + "ed" + ], + [ + "ĠB", + "ug" + ], + [ + "em", + "eter" + ], + [ + "Ġreal", + "izes" + ], + [ + "Ġconsp", + "icuous" + ], + [ + "ĠPlate", + "au" + ], + [ + "Hy", + "per" + ], + [ + "ĠVik", + "ings" + ], + [ + "Ġp", + "c" + ], + [ + "st", + "ated" + ], + [ + "ond", + "o" + ], + [ + "Ġpred", + "efined" + ], + [ + "oly", + "tic" + ], + [ + "Ġpic", + "nic" + ], + [ + "Ġinterst", + "ellar" + ], + [ + "Ġsophist", + "ication" + ], + [ + "Ġl", + "ords" + ], + [ + "ĠM", + "ales" + ], + [ + "Ġso", + "aked" + ], + [ + "Ġsym", + "path" + ], + [ + "AL", + "S" + ], + [ + "ĠExt", + "reme" + ], + [ + "Ġharmon", + "iously" + ], + [ + "Ġlawn", + "s" + ], + [ + "G", + "rowing" + ], + [ + "w", + "alls" + ], + [ + "à", + "¹" + ], + [ + "at", + "an" + ], + [ + "Ġfib", + "rous" + ], + [ + "Ġfer", + "ry" + ], + [ + "ĠParad", + "ise" + ], + [ + "S", + "oci" + ], + [ + "es", + "ch" + ], + [ + "al", + "ignment" + ], + [ + "Ġh", + "ooked" + ], + [ + "qu", + "ote" + ], + [ + "Ġinf", + "erred" + ], + [ + "ĠAd", + "olesc" + ], + [ + "Ġkill", + "ings" + ], + [ + "Ġment", + "orship" + ], + [ + "Ġnom", + "adic" + ], + [ + "Ġster", + "oid" + ], + [ + "W", + "M" + ], + [ + "f", + "arm" + ], + [ + "ord", + "able" + ], + [ + "Ġargument", + "ative" + ], + [ + "ĠÎ", + "º" + ], + [ + "ĠAcc", + "el" + ], + [ + "Ġdias", + "pora" + ], + [ + "g", + "ap" + ], + [ + "umn", + "i" + ], + [ + "DE", + "X" + ], + [ + "curs", + "ors" + ], + [ + "Ġb", + "ans" + ], + [ + "et", + "es" + ], + [ + "ĠF", + "P" + ], + [ + "St", + "orage" + ], + [ + "ĠInst", + "ruct" + ], + [ + "Ġeth", + "ic" + ], + [ + "Ġsan", + "itary" + ], + [ + "Ġmarked", + "ly" + ], + [ + "ĠHebrew", + "s" + ], + [ + "Ġoy", + "sters" + ], + [ + "E", + "conomic" + ], + [ + "R", + "ather" + ], + [ + "w", + "au" + ], + [ + "am", + "ide" + ], + [ + "Ġcl", + "oning" + ], + [ + "ĠDe", + "er" + ], + [ + "Ġstory", + "t" + ], + [ + "isc", + "overed" + ], + [ + "sub", + "plots" + ], + [ + "List", + "en" + ], + [ + "Ġtub", + "ing" + ], + [ + "ĠAndrew", + "s" + ], + [ + "Ġasym", + "ptomatic" + ], + [ + "Method", + "s" + ], + [ + "l", + "ich" + ], + [ + "ĠM", + "ET" + ], + [ + "ac", + "ency" + ], + [ + "ĠB", + "oulder" + ], + [ + "ĠR", + "ates" + ], + [ + "ag", + "ul" + ], + [ + "Ġheart", + "burn" + ], + [ + "col", + "our" + ], + [ + "othes", + "is" + ], + [ + "ref", + "resh" + ], + [ + "Ġstabil", + "ization" + ], + [ + "ĠCut", + "ting" + ], + [ + "Ġdolph", + "in" + ], + [ + "y", + "u" + ], + [ + "or", + "ry" + ], + [ + "pe", + "z" + ], + [ + "ert", + "ools" + ], + [ + "Ġgra", + "ffiti" + ], + [ + "Ġgr", + "im" + ], + [ + "ĠPr", + "ussia" + ], + [ + "Ġos", + "m" + ], + [ + "L", + "V" + ], + [ + "xt", + "on" + ], + [ + "Ġschool", + "ers" + ], + [ + "part", + "icip" + ], + [ + "Ġtri", + "o" + ], + [ + "ĠBrun", + "swick" + ], + [ + "b", + "ear" + ], + [ + "Ġrep", + "ur" + ], + [ + "Ġend", + "owed" + ], + [ + "OR", + "M" + ], + [ + "Ġburn", + "out" + ], + [ + "ĠPo", + "ison" + ], + [ + "ĠCard", + "inal" + ], + [ + "W", + "ra" + ], + [ + "Ġcr", + "ashed" + ], + [ + "Ġextra", + "curricular" + ], + [ + "ĠKn", + "ights" + ], + [ + "!", + "')" + ], + [ + "ind", + "ependent" + ], + [ + "Ġman", + "or" + ], + [ + "Ġout", + "set" + ], + [ + "Ġjud", + "icious" + ], + [ + "ĠTw", + "elve" + ], + [ + "ĠInter", + "pretation" + ], + [ + "UL", + "AR" + ], + [ + "ĠWild", + "erness" + ], + [ + "prov", + "oking" + ], + [ + "fem", + "ale" + ], + [ + "Ġpatriot", + "ism" + ], + [ + "j", + "ib" + ], + [ + "Ġf", + "lick" + ], + [ + "ac", + "ia" + ], + [ + "ĠL", + "AN" + ], + [ + "iff", + "e" + ], + [ + "Ġapplic", + "ability" + ], + [ + "Ġrub", + "ric" + ], + [ + "Ġspons", + "ors" + ], + [ + "en", + "ia" + ], + [ + "ĠSh", + "ared" + ], + [ + "Ġfre", + "t" + ], + [ + "Ġhead", + "line" + ], + [ + "sub", + "mit" + ], + [ + "Ġnest", + "led" + ], + [ + "ĠTele", + "vision" + ], + [ + "ess", + "es" + ], + [ + "ĠL", + "ens" + ], + [ + "uss", + "ed" + ], + [ + "Ġant", + "if" + ], + [ + "ĠCO", + "PD" + ], + [ + "Ġcoll", + "oqu" + ], + [ + "Ġunderm", + "ining" + ], + [ + "|", + "')" + ], + [ + "ĠĠ", + "Ċ" + ], + [ + "od", + "al" + ], + [ + "Ġman", + "go" + ], + [ + "Ġcond", + "ensed" + ], + [ + "ĠComb", + "ined" + ], + [ + "ĠCitiz", + "en" + ], + [ + "ent", + "a" + ], + [ + "ĠT", + "ub" + ], + [ + "ĠP", + "ew" + ], + [ + "Ġch", + "ili" + ], + [ + "Ġtablesp", + "oons" + ], + [ + "pl", + "anned" + ], + [ + "ĠCh", + "ad" + ], + [ + "Ġfact", + "o" + ], + [ + "Ġuns", + "ustainable" + ], + [ + "ĠPain", + "ting" + ], + [ + "Ġf", + "ronts" + ], + [ + "el", + "in" + ], + [ + "ass", + "is" + ], + [ + "Ġpart", + "nered" + ], + [ + "Ġlog", + "os" + ], + [ + "ĠLe", + "one" + ], + [ + "ĠNorth", + "western" + ], + [ + "Add", + "ing" + ], + [ + "Ġmethyl", + "ation" + ], + [ + "ĠAlb", + "any" + ], + [ + "vel", + "ocity" + ], + [ + "ase", + "ous" + ], + [ + "Ġsocial", + "ization" + ], + [ + "Ġcal", + "end" + ], + [ + "pol", + "ar" + ], + [ + "ĠProp", + "ag" + ], + [ + "Ġtrimes", + "ter" + ], + [ + "å", + "¹" + ], + [ + "Ġre", + "ds" + ], + [ + "ĠB", + "oh" + ], + [ + "bs", + "p" + ], + [ + "AT", + "ER" + ], + [ + "ĠElect", + "ronics" + ], + [ + "Ġshut", + "down" + ], + [ + "Ġfed", + "erally" + ], + [ + "Ġl", + "umbar" + ], + [ + "oc", + "ument" + ], + [ + "Ġint", + "angible" + ], + [ + "ĠTh", + "irty" + ], + [ + "ĠNot", + "able" + ], + [ + "Ġcoll", + "ateral" + ], + [ + "Ġunw", + "avering" + ], + [ + "Ġswallow", + "ed" + ], + [ + "ĠFeed", + "back" + ], + [ + "os", + "cience" + ], + [ + "ĠTe", + "eth" + ], + [ + "Ġsymbol", + "izing" + ], + [ + "B", + "u" + ], + [ + "Ġh", + "ometown" + ], + [ + "Ġinter", + "fer" + ], + [ + "Ġcre", + "ams" + ], + [ + "St", + "ress" + ], + [ + "aps", + "ing" + ], + [ + "gu", + "i" + ], + [ + "Ġble", + "w" + ], + [ + "ĠEN", + "UM" + ], + [ + "ĠDial", + "ogue" + ], + [ + "h", + "aving" + ], + [ + "w", + "ers" + ], + [ + "Ñ", + "ħ" + ], + [ + "Ġt", + "ier" + ], + [ + "Ġnormal", + "ization" + ], + [ + "omencl", + "ature" + ], + [ + "C", + "amp" + ], + [ + "Ġin", + "line" + ], + [ + "ĠCh", + "al" + ], + [ + "Ġcho", + "ir" + ], + [ + "Ġge", + "ese" + ], + [ + "AN", + "N" + ], + [ + "ĠSch", + "midt" + ], + [ + "ĠTyp", + "ical" + ], + [ + "ut", + "c" + ], + [ + "Se", + "a" + ], + [ + "Ġpreschool", + "ers" + ], + [ + "Ġslee", + "ves" + ], + [ + "H", + "eb" + ], + [ + "S", + "i" + ], + [ + "T", + "EM" + ], + [ + "Ġp", + "enny" + ], + [ + "Ġn", + "at" + ], + [ + "Ġhe", + "ats" + ], + [ + "Ġinc", + "urred" + ], + [ + "Ġla", + "ure" + ], + [ + "ĠMar", + "ines" + ], + [ + "Ġprogress", + "ing" + ], + [ + "ĠWrit", + "er" + ], + [ + "ĠSubst", + "ance" + ], + [ + "A", + "gent" + ], + [ + "Ġcon", + "du" + ], + [ + "An", + "imal" + ], + [ + "ĠReg", + "istry" + ], + [ + "trans", + "fer" + ], + [ + "S", + "pring" + ], + [ + "ap", + "on" + ], + [ + "Ġpuzz", + "led" + ], + [ + "ĠSn", + "ake" + ], + [ + "Ġpropri", + "et" + ], + [ + "J", + "ack" + ], + [ + "M", + "AR" + ], + [ + "Ġf", + "oc" + ], + [ + "ĠC", + "red" + ], + [ + "est", + "hesia" + ], + [ + "ĠW", + "inston" + ], + [ + "ind", + "ent" + ], + [ + "ĠSw", + "itch" + ], + [ + "mult", + "ip" + ], + [ + "nc", + "bi" + ], + [ + "ĠI", + "B" + ], + [ + "os", + "ine" + ], + [ + "Ġatt", + "ire" + ], + [ + "uch", + "i" + ], + [ + "ĠIs", + "les" + ], + [ + "ĠSur", + "round" + ], + [ + "z", + "u" + ], + [ + "ĠC", + "asc" + ], + [ + "ĠP", + "ool" + ], + [ + "pt", + "ics" + ], + [ + "Ġk", + "icked" + ], + [ + "ĠPut", + "ting" + ], + [ + "r", + "r" + ], + [ + "Ġc", + "ate" + ], + [ + "st", + "rom" + ], + [ + "Ġfl", + "ocks" + ], + [ + "Ġpol", + "ys" + ], + [ + "ĠCreat", + "ivity" + ], + [ + "PD", + "ATE" + ], + [ + "Ġhydro", + "electric" + ], + [ + "Ġelectr", + "ically" + ], + [ + "Ġv", + "iz" + ], + [ + "ire", + "t" + ], + [ + "to", + "le" + ], + [ + "Ġprob", + "iotic" + ], + [ + "Is", + "a" + ], + [ + "ro", + "les" + ], + [ + "am", + "pton" + ], + [ + "ĠC", + "rom" + ], + [ + "Ġwar", + "p" + ], + [ + "ĠCan", + "terbury" + ], + [ + "Ġdiv", + "inity" + ], + [ + "Ġde", + "an" + ], + [ + "ĠSi", + "oux" + ], + [ + "ĠPV", + "C" + ], + [ + "ĠF", + "ix" + ], + [ + "ix", + "el" + ], + [ + "Ġreject", + "ing" + ], + [ + "ĠEnt", + "reprene" + ], + [ + "ĠWire", + "less" + ], + [ + "M", + "onday" + ], + [ + "N", + "L" + ], + [ + "ĠH", + "ern" + ], + [ + "Ġha", + "iled" + ], + [ + "Ġlook", + "up" + ], + [ + "Ġrevers", + "ible" + ], + [ + "Ġcytok", + "ines" + ], + [ + "S", + "eg" + ], + [ + "m", + "uch" + ], + [ + "r", + "ically" + ], + [ + "it", + "ut" + ], + [ + "ĠSh", + "ore" + ], + [ + "Ġpost", + "doctoral" + ], + [ + "Ex", + "c" + ], + [ + "HE", + "AD" + ], + [ + "host", + "name" + ], + [ + "Sc", + "ore" + ], + [ + "ĠIde", + "al" + ], + [ + "Ġfarm", + "ed" + ], + [ + "Ġbur", + "row" + ], + [ + "Ġadventure", + "rs" + ], + [ + "ĠSask", + "atchewan" + ], + [ + "D", + "ou" + ], + [ + "Ñ", + "Ĩ" + ], + [ + "ar", + "um" + ], + [ + "Ġl", + "ace" + ], + [ + "ĠR", + "aspberry" + ], + [ + "avor", + "able" + ], + [ + "ĠMal", + "awi" + ], + [ + "PR", + "ESS" + ], + [ + "ĠCost", + "s" + ], + [ + "Ġpatron", + "age" + ], + [ + "W", + "ID" + ], + [ + "ed", + "o" + ], + [ + "ad", + "al" + ], + [ + "one", + "ment" + ], + [ + "Ġac", + "claimed" + ], + [ + "Ġcamp", + "uses" + ], + [ + "ĠMin", + "eral" + ], + [ + "Ġapart", + "ments" + ], + [ + "scre", + "ens" + ], + [ + "Ġu", + "reth" + ], + [ + "anc", + "hed" + ], + [ + "ĠSh", + "ab" + ], + [ + "Ġannot", + "ated" + ], + [ + "Ġamen", + "ities" + ], + [ + "ĠMÄģ", + "ori" + ], + [ + "J", + "ud" + ], + [ + "r", + "als" + ], + [ + "v", + "ik" + ], + [ + "ĠW", + "arning" + ], + [ + "tern", + "ity" + ], + [ + "Ġdocument", + "aries" + ], + [ + "ĠST", + "R" + ], + [ + "ĠSche", + "me" + ], + [ + "ĠRuntime", + "Error" + ], + [ + ":", + "'" + ], + [ + "L", + "uke" + ], + [ + "Ġw", + "ary" + ], + [ + "ĠWik", + "imedia" + ], + [ + "ĠD", + "art" + ], + [ + "Ġunder", + "grad" + ], + [ + "Ġpropos", + "itions" + ], + [ + "Ġbound", + "ed" + ], + [ + "cut", + "ting" + ], + [ + "cig", + "arettes" + ], + [ + "ifix", + "ion" + ], + [ + "b", + "olic" + ], + [ + "Ġm", + "ish" + ], + [ + "Ġl", + "ute" + ], + [ + "ne", + "apolis" + ], + [ + "Now", + "adays" + ], + [ + "Ġpip", + "ing" + ], + [ + "Any", + "one" + ], + [ + "ĠBabylon", + "ian" + ], + [ + "ch", + "ains" + ], + [ + "ĠD", + "ennis" + ], + [ + "Ġobject", + "ively" + ], + [ + "ĠDev", + "il" + ], + [ + "Ġhub", + "s" + ], + [ + "i", + "ya" + ], + [ + "Ġt", + "id" + ], + [ + "ot", + "ers" + ], + [ + "ĠS", + "ig" + ], + [ + "Ġbl", + "ot" + ], + [ + "ĠChe", + "ster" + ], + [ + "zy", + "g" + ], + [ + "inet", + "een" + ], + [ + "ĠTitan", + "ic" + ], + [ + "d", + "ependence" + ], + [ + "ĠP", + "f" + ], + [ + "ĠE", + "lection" + ], + [ + "ĠD", + "SM" + ], + [ + "sequ", + "ent" + ], + [ + "ĠNob", + "ody" + ], + [ + "ĠSlow", + "ly" + ], + [ + "c", + "oding" + ], + [ + "ro", + "bot" + ], + [ + "ĠN", + "ULL" + ], + [ + "Ġcur", + "ator" + ], + [ + "ention", + "ally" + ], + [ + "Ġann", + "ih" + ], + [ + "RE", + "L" + ], + [ + "ste", + "ine" + ], + [ + "Ġlymph", + "atic" + ], + [ + "čĊĠĠĠĠ", + "čĊĠĠĠ" + ], + [ + "M", + "arg" + ], + [ + "p", + "atic" + ], + [ + "Ġanal", + "ges" + ], + [ + "Ġhome", + "ostasis" + ], + [ + "Ġshort", + "en" + ], + [ + "af", + "ts" + ], + [ + "Ġamb", + "assador" + ], + [ + "Ġmaj", + "ors" + ], + [ + "Ġexcer", + "pts" + ], + [ + "Ġlent", + "ils" + ], + [ + ").", + "âĢĿ" + ], + [ + "Ġnephe", + "w" + ], + [ + "Ġm", + "p" + ], + [ + "ĠB", + "read" + ], + [ + "ĠWh", + "ilst" + ], + [ + "Ġtwe", + "ets" + ], + [ + "Ġbureaucr", + "atic" + ], + [ + "ĠP", + "am" + ], + [ + "ĠPro", + "of" + ], + [ + "ĠNew", + "man" + ], + [ + "print", + "s" + ], + [ + "Know", + "ing" + ], + [ + "Ġfright", + "ened" + ], + [ + "Ġbak", + "ery" + ], + [ + "Ġin", + "compatible" + ], + [ + "Ġequ", + "ips" + ], + [ + "Com", + "ments" + ], + [ + "normal", + "ize" + ], + [ + "Ġorient", + "ations" + ], + [ + "ĠPhilos", + "ophical" + ], + [ + "Ġtaxon", + "omic" + ], + [ + "Ġhug", + "ely" + ], + [ + "Ġv", + "m" + ], + [ + "all", + "ows" + ], + [ + "Ġme", + "adow" + ], + [ + "ĠQu", + "ery" + ], + [ + "Ġreplace", + "ments" + ], + [ + "ĠGet", + "tysburg" + ], + [ + "Ġmiracul", + "ous" + ], + [ + "Ö", + "°" + ], + [ + "Ġw", + "itches" + ], + [ + "ill", + "on" + ], + [ + "ĠF", + "ever" + ], + [ + "Ġinv", + "oke" + ], + [ + "Ġdesign", + "ate" + ], + [ + "pr", + "udence" + ], + [ + "ĠApp", + "ropriate" + ], + [ + "Ġcover", + "t" + ], + [ + "Ġsubstant", + "ive" + ], + [ + "ĠSpace", + "X" + ], + [ + "Ġstrain", + "ed" + ], + [ + "g", + "ently" + ], + [ + "ess", + "el" + ], + [ + "osp", + "atial" + ], + [ + "sp", + "irit" + ], + [ + "spect", + "rum" + ], + [ + "Ġcath", + "ode" + ], + [ + "W", + "ow" + ], + [ + "Ġen", + "igmatic" + ], + [ + "ang", + "erous" + ], + [ + "Ġexpl", + "oratory" + ], + [ + "Ġuniform", + "ity" + ], + [ + "S", + "y" + ], + [ + "c", + "old" + ], + [ + "Ġf", + "iss" + ], + [ + "ĠH", + "ole" + ], + [ + "ary", + "ng" + ], + [ + "Ġfoot", + "wear" + ], + [ + "Ġexplan", + "atory" + ], + [ + "ester", + "one" + ], + [ + "Ġhal", + "ves" + ], + [ + "Ġsilic", + "one" + ], + [ + "ĠZ", + "ambia" + ], + [ + "ma", + "res" + ], + [ + "Ġsn", + "ail" + ], + [ + "Ġcard", + "io" + ], + [ + "Ġpu", + "ps" + ], + [ + "Ab", + "ove" + ], + [ + "Ġalle", + "les" + ], + [ + "Det", + "ails" + ], + [ + "aund", + "ice" + ], + [ + "ĠDemocr", + "at" + ], + [ + "ogly", + "ph" + ], + [ + "ĠP", + "K" + ], + [ + "ĠRev", + "ival" + ], + [ + "ĠLa", + "os" + ], + [ + "ĠEthiop", + "ian" + ], + [ + "Ġgenealog", + "y" + ], + [ + "oprote", + "in" + ], + [ + "ĠL", + "C" + ], + [ + "Ġk", + "ay" + ], + [ + "ne", + "al" + ], + [ + "Ġep", + "hemer" + ], + [ + "ĠLab", + "s" + ], + [ + "Ġcert", + "ifications" + ], + [ + "Ġhing", + "es" + ], + [ + "os", + "o" + ], + [ + "ĠH", + "annah" + ], + [ + "ĠK", + "w" + ], + [ + "Ġwater", + "y" + ], + [ + "Ġshad", + "ed" + ], + [ + "bas", + "is" + ], + [ + "ĠClean", + "ing" + ], + [ + "Ġs", + "ilt" + ], + [ + "Ġcl", + "oves" + ], + [ + "ator", + "ium" + ], + [ + "Ġpress", + "es" + ], + [ + "Ġmach", + "ining" + ], + [ + "ĠBar", + "rier" + ], + [ + "ĠReal", + "ism" + ], + [ + "Ġpro", + "phyl" + ], + [ + "ĠG", + "ö" + ], + [ + "ĠAl", + "ert" + ], + [ + "inst", + "ances" + ], + [ + "Ġconj", + "unct" + ], + [ + "Spe", + "aking" + ], + [ + "S", + "ER" + ], + [ + "ĠF", + "iber" + ], + [ + "ĠG", + "ael" + ], + [ + "ear", + "ance" + ], + [ + "ĠSpe", + "aker" + ], + [ + "ĠÏ", + "ĥ" + ], + [ + "Ġaffili", + "ate" + ], + [ + "v", + "oid" + ], + [ + "ĠM", + "iles" + ], + [ + "iv", + "ists" + ], + [ + "Ġtr", + "unks" + ], + [ + "Ġorder", + "ly" + ], + [ + "Ġcompet", + "itor" + ], + [ + "Ġmag", + "ist" + ], + [ + "ç", + "ão" + ], + [ + "Ġc", + "yn" + ], + [ + "ĠH", + "ut" + ], + [ + "Ġben", + "evol" + ], + [ + "ĠSh", + "a" + ], + [ + "Ġminim", + "ized" + ], + [ + "ĠCons", + "cious" + ], + [ + "Ġviol", + "ating" + ], + [ + "Ġwood", + "lands" + ], + [ + "ĠHar", + "riet" + ], + [ + "Ġbran", + "ching" + ], + [ + "S", + "K" + ], + [ + "ith", + "s" + ], + [ + "ĠQ", + "i" + ], + [ + "ĠGuid", + "ance" + ], + [ + "ĠEli", + "jah" + ], + [ + "N", + "early" + ], + [ + "Ġbe", + "asts" + ], + [ + "ass", + "essment" + ], + [ + "Ġgovern", + "ors" + ], + [ + "su", + "itable" + ], + [ + "AC", + "P" + ], + [ + "bor", + "o" + ], + [ + "Re", + "LU" + ], + [ + "rog", + "raph" + ], + [ + "Ref", + "lecting" + ], + [ + "Ġescal", + "ating" + ], + [ + "Ġconson", + "ant" + ], + [ + "em", + "ployment" + ], + [ + "ane", + "y" + ], + [ + "pat", + "terns" + ], + [ + "Ġshield", + "ing" + ], + [ + "ĠMcK", + "in" + ], + [ + "ĠCl", + "uster" + ], + [ + "Ġengage", + "ments" + ], + [ + "ĠMiss", + "ing" + ], + [ + "ĠSuper", + "ior" + ], + [ + "perm", + "issions" + ], + [ + "Ġcataly", + "tic" + ], + [ + "Ġmarch", + "ing" + ], + [ + "Ġdisproportion", + "ate" + ], + [ + "Ġtreacher", + "ous" + ], + [ + "Typ", + "ically" + ], + [ + "ĠW", + "ine" + ], + [ + "Ġchild", + "care" + ], + [ + "Ġprog", + "esterone" + ], + [ + "sect", + "or" + ], + [ + "lean", + "or" + ], + [ + "Te", + "acher" + ], + [ + "atal", + "og" + ], + [ + "Ġwat", + "ts" + ], + [ + "it", + "ively" + ], + [ + "ut", + "ors" + ], + [ + "ĠD", + "uc" + ], + [ + "ĠR", + "ama" + ], + [ + "Ġed", + "ema" + ], + [ + "Ġcalm", + "ly" + ], + [ + "b", + "road" + ], + [ + "am", + "azon" + ], + [ + "est", + "ine" + ], + [ + "ĠG", + "or" + ], + [ + "ĠG", + "rades" + ], + [ + "umin", + "um" + ], + [ + "Ġkil", + "ogram" + ], + [ + "bound", + "ary" + ], + [ + "T", + "el" + ], + [ + "Ġt", + "out" + ], + [ + "Ġins", + "urg" + ], + [ + "Ġsuit", + "ability" + ], + [ + "Ġserial", + "izer" + ], + [ + "Ġcro", + "pping" + ], + [ + "Ġgrie", + "v" + ], + [ + "g", + "ames" + ], + [ + "ĠP", + "urchase" + ], + [ + "ore", + "g" + ], + [ + "ind", + "le" + ], + [ + "Ġcommun", + "ion" + ], + [ + "Ġaff", + "luent" + ], + [ + "ĠÎ", + "µ" + ], + [ + "Ġcaptiv", + "ated" + ], + [ + "Ġthank", + "ed" + ], + [ + "C", + "ast" + ], + [ + "Ġk", + "ernels" + ], + [ + "Ġsw", + "arm" + ], + [ + "Ch", + "ronic" + ], + [ + "alle", + "ts" + ], + [ + "A", + "uth" + ], + [ + "F", + "it" + ], + [ + "h", + "og" + ], + [ + "an", + "imal" + ], + [ + "ome", + "gran" + ], + [ + "ĠCl", + "ause" + ], + [ + "Ġcircum", + "cision" + ], + [ + "Ġlob", + "es" + ], + [ + "Ġoverth", + "row" + ], + [ + "Ġprerequ", + "isite" + ], + [ + "o", + "ating" + ], + [ + "Ġ", + "...." + ], + [ + "ĠV", + "edic" + ], + [ + "ss", + "h" + ], + [ + "Ġsk", + "ys" + ], + [ + "е", + "ÑĤ" + ], + [ + "Ġmanual", + "s" + ], + [ + "Ġathe", + "rosclerosis" + ], + [ + "emeter", + "ies" + ], + [ + "Ġs", + "addle" + ], + [ + "ĠE", + "F" + ], + [ + "iet", + "z" + ], + [ + "Ġsuff", + "ice" + ], + [ + "Ġtransplant", + "ed" + ], + [ + "L", + "ower" + ], + [ + "Â", + "¬" + ], + [ + "Ġt", + "ents" + ], + [ + "ĠIt", + "ems" + ], + [ + "ateg", + "orical" + ], + [ + "ĠAst", + "roph" + ], + [ + "Ġplag", + "ued" + ], + [ + "Ġprincip", + "als" + ], + [ + "Ġd", + "é" + ], + [ + "and", + "ers" + ], + [ + "ci", + "ences" + ], + [ + "ĠMin", + "imum" + ], + [ + "Cont", + "roller" + ], + [ + "ö", + "n" + ], + [ + "calcul", + "ate" + ], + [ + "â", + "ģ" + ], + [ + "ib", + "eral" + ], + [ + "Ġrev", + "ived" + ], + [ + "umb", + "ai" + ], + [ + "ĠClass", + "es" + ], + [ + "ĠOut", + "look" + ], + [ + "Ġlav", + "ender" + ], + [ + "Ġvolt", + "ages" + ], + [ + "c", + "u" + ], + [ + "Ġcomm", + "ons" + ], + [ + "Ġinf", + "initely" + ], + [ + "Ġest", + "u" + ], + [ + "ĠPres", + "chool" + ], + [ + "Ġgarden", + "er" + ], + [ + "Ġce", + "il" + ], + [ + "Ġcort", + "ical" + ], + [ + "Ġbom", + "bers" + ], + [ + "Micro", + "soft" + ], + [ + "Ġpept", + "ides" + ], + [ + "Ġelect", + "roph" + ], + [ + "ĠMe", + "cca" + ], + [ + "Ġcaptiv", + "ate" + ], + [ + "Ġbronch", + "itis" + ], + [ + "CAS", + "CADE" + ], + [ + "A", + "li" + ], + [ + "ĠAn", + "ch" + ], + [ + "Ġintern", + "ship" + ], + [ + "ON", + "T" + ], + [ + "ĠMan", + "age" + ], + [ + "Ġcuc", + "umber" + ], + [ + "C", + "opy" + ], + [ + "Ġrel", + "iant" + ], + [ + "ĠNew", + "sp" + ], + [ + "Ġcal", + "am" + ], + [ + "ha", + "o" + ], + [ + "cap", + "acity" + ], + [ + "ï¼", + "ī" + ], + [ + "yal", + "gia" + ], + [ + "Ġadvers", + "aries" + ], + [ + "\\_", + "\\_" + ], + [ + "Pass", + "word" + ], + [ + "C", + "apt" + ], + [ + "b", + "ite" + ], + [ + "r", + "ification" + ], + [ + "le", + "hem" + ], + [ + "az", + "ole" + ], + [ + "Ġfaith", + "s" + ], + [ + "Ġundert", + "ook" + ], + [ + "ĠCoord", + "inator" + ], + [ + "è¡", + "Į" + ], + [ + "ĠTud", + "or" + ], + [ + "Ġ(", + "=" + ], + [ + "ĠM", + "é" + ], + [ + "ĠL", + "ights" + ], + [ + "ĠO", + "ng" + ], + [ + "Ġsqu", + "id" + ], + [ + "Cl", + "inical" + ], + [ + "Ġvent", + "ricular" + ], + [ + "ĠIll", + "ness" + ], + [ + "ĠIntrodu", + "ce" + ], + [ + "ĠDur", + "ham" + ], + [ + "åľ", + "¨" + ], + [ + "Ġinfringe", + "ment" + ], + [ + "Ġfingert", + "ips" + ], + [ + "ĠTh", + "omson" + ], + [ + "Ġtw", + "igs" + ], + [ + "Ch", + "ief" + ], + [ + "ĠKe", + "ys" + ], + [ + "Ġscal", + "able" + ], + [ + "Ġnov", + "ice" + ], + [ + "d", + "ash" + ], + [ + "Ġb", + "arc" + ], + [ + "ĠTh", + "under" + ], + [ + "part", + "ition" + ], + [ + "ĠEvolution", + "ary" + ], + [ + "ĠEnh", + "ance" + ], + [ + "Å", + "Ł" + ], + [ + "Ġ", + "il" + ], + [ + "Ġe", + "clips" + ], + [ + "Ġpert", + "urb" + ], + [ + "Ġab", + "ras" + ], + [ + "Ġ*", + "=" + ], + [ + "pre", + "vious" + ], + [ + "ĠShe", + "pherd" + ], + [ + "ĠCorn", + "wall" + ], + [ + "zek", + "iel" + ], + [ + "+", + "=" + ], + [ + "ĠS", + "CI" + ], + [ + "ict", + "ed" + ], + [ + "--------", + "---" + ], + [ + "ĠTH", + "C" + ], + [ + "wau", + "kee" + ], + [ + "Ġre", + "juven" + ], + [ + "Ġadvert", + "ised" + ], + [ + "ĠMax", + "well" + ], + [ + "Ġaver", + "aging" + ], + [ + "A", + "Y" + ], + [ + "B", + "row" + ], + [ + "im", + "ilar" + ], + [ + "ĠC", + "ay" + ], + [ + "Ġhe", + "irs" + ], + [ + "ĠK", + "erala" + ], + [ + "Ġoff", + "enses" + ], + [ + "gen", + "cies" + ], + [ + "Ġov", + "ary" + ], + [ + "Ġpreced", + "ents" + ], + [ + "Object", + "ive" + ], + [ + "Ġembarr", + "assed" + ], + [ + "Ġsubtract", + "ing" + ], + [ + "mom", + "ent" + ], + [ + "s", + "b" + ], + [ + "Ġst", + "aining" + ], + [ + "Ġbro", + "ker" + ], + [ + "ĠAm", + "azing" + ], + [ + "Un", + "less" + ], + [ + "Ġspect", + "acle" + ], + [ + "En", + "s" + ], + [ + "ĠSil", + "icon" + ], + [ + "ĠSant", + "iago" + ], + [ + "Ġlem", + "ons" + ], + [ + "ĠKle", + "in" + ], + [ + "g", + "od" + ], + [ + "ĠB", + "ever" + ], + [ + "ĠDi", + "agram" + ], + [ + "I", + "con" + ], + [ + "Ġt", + "ucked" + ], + [ + "Ġn", + "b" + ], + [ + "Ġcommunic", + "ates" + ], + [ + "e", + "at" + ], + [ + "g", + "rain" + ], + [ + "Ġcl", + "amp" + ], + [ + "Ġqu", + "inoa" + ], + [ + "Ġag", + "itation" + ], + [ + "Ġorgan", + "izer" + ], + [ + "ĠAnd", + "es" + ], + [ + "Ġmis", + "erable" + ], + [ + "Ġassist", + "ive" + ], + [ + "vi", + "ations" + ], + [ + "ĠEval", + "uating" + ], + [ + "G", + "Y" + ], + [ + "h", + "p" + ], + [ + "n", + "ar" + ], + [ + "Ġ", + "####" + ], + [ + "Ġun", + "pack" + ], + [ + "Ġsub", + "conscious" + ], + [ + "enc", + "ia" + ], + [ + "obs", + "erv" + ], + [ + "Ġnob", + "les" + ], + [ + "ĠCro", + "hn" + ], + [ + "Ġsli", + "ppery" + ], + [ + "ĠEug", + "ene" + ], + [ + "b", + "ots" + ], + [ + "Ġl", + "odge" + ], + [ + "Ġcont", + "ention" + ], + [ + "test", + "ed" + ], + [ + "Ġcondition", + "er" + ], + [ + "Ġhab", + "itable" + ], + [ + "Ġcommand", + "ments" + ], + [ + "Ġvan", + "ished" + ], + [ + "Ġcow", + "ork" + ], + [ + "Ġdischarg", + "es" + ], + [ + "ĠA", + "ber" + ], + [ + "Ġassert", + "ing" + ], + [ + "Ġtrig", + "on" + ], + [ + "nex", + "pected" + ], + [ + "P", + "U" + ], + [ + "c", + "z" + ], + [ + "v", + "cam" + ], + [ + "ĠR", + "ational" + ], + [ + "ĠJ", + "AMA" + ], + [ + "und", + "ra" + ], + [ + "sc", + "ape" + ], + [ + "IC", + "ES" + ], + [ + "Ġcompl", + "iant" + ], + [ + "Ġpatri", + "otic" + ], + [ + "Sec", + "urity" + ], + [ + "P", + "ES" + ], + [ + "le", + "ges" + ], + [ + "ĠSh", + "ift" + ], + [ + "equ", + "ipped" + ], + [ + "Ġund", + "ue" + ], + [ + "ĠBa", + "iley" + ], + [ + "COL", + "OR" + ], + [ + "Ġf", + "ixture" + ], + [ + "ĠT", + "F" + ], + [ + "ĠL", + "ob" + ], + [ + "ass", + "ets" + ], + [ + "Ġconver", + "ge" + ], + [ + "Ġros", + "py" + ], + [ + "Ġunderp", + "innings" + ], + [ + "h", + "of" + ], + [ + "Ġhand", + "book" + ], + [ + "Ġrest", + "ed" + ], + [ + "Ġnorm", + "ative" + ], + [ + "Ġfort", + "unes" + ], + [ + "Ġgest", + "ational" + ], + [ + "Ġneglig", + "ence" + ], + [ + "b", + "ler" + ], + [ + "Ġf", + "rying" + ], + [ + "erm", + "is" + ], + [ + "ĠSp", + "ider" + ], + [ + "ĠVeget", + "ables" + ], + [ + "alam", + "us" + ], + [ + "Ġunman", + "ned" + ], + [ + "R", + "aw" + ], + [ + "Ġex", + "cre" + ], + [ + "Ġch", + "orus" + ], + [ + "Ġword", + "ing" + ], + [ + "Ġtravel", + "er" + ], + [ + "ĠReg", + "istration" + ], + [ + "ĠMy", + "c" + ], + [ + "Ġcam", + "el" + ], + [ + "ĠSw", + "an" + ], + [ + "Ġfix", + "ation" + ], + [ + "Ġâ", + "Ĺ" + ], + [ + "ĠFar", + "mer" + ], + [ + "Hel", + "per" + ], + [ + "ĠSpani", + "ards" + ], + [ + "A", + "z" + ], + [ + "}", + "'," + ], + [ + "class", + "ification" + ], + [ + "obs", + "ervation" + ], + [ + "bu", + "f" + ], + [ + "Ġerg", + "on" + ], + [ + "Ġo", + "phthalm" + ], + [ + "ĠT", + "ables" + ], + [ + "Ġst", + "aged" + ], + [ + "hor", + "se" + ], + [ + "ĠExp", + "ansion" + ], + [ + "Ġalien", + "ation" + ], + [ + "Ġdoctor", + "ate" + ], + [ + "Ġdeploy", + "ing" + ], + [ + "[", + "[" + ], + [ + "y", + "ang" + ], + [ + "ĠT", + "rig" + ], + [ + "ĠH", + "es" + ], + [ + "Ġso", + "ber" + ], + [ + "Ġso", + "aking" + ], + [ + "ĠMor", + "rison" + ], + [ + "Ġsubt", + "ly" + ], + [ + "ocaly", + "ptic" + ], + [ + "in", + "able" + ], + [ + "Ġher", + "n" + ], + [ + "Ġcir", + "rhosis" + ], + [ + "Ġextra", + "pol" + ], + [ + "Ġinvestig", + "ates" + ], + [ + "Ġasp", + "iration" + ], + [ + "G", + "ender" + ], + [ + "N", + "I" + ], + [ + "ĠA", + "MD" + ], + [ + "ĠR", + "id" + ], + [ + "Ġdes", + "erved" + ], + [ + "Ġstandard", + "ization" + ], + [ + "Ġpal", + "aces" + ], + [ + "Ġbrig", + "ade" + ], + [ + "Ġtribut", + "aries" + ], + [ + "M", + "atch" + ], + [ + "c", + "amp" + ], + [ + "č", + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ" + ], + [ + "Ġun", + "published" + ], + [ + "opt", + "imal" + ], + [ + "Ġprop", + "el" + ], + [ + "ĠProv", + "ides" + ], + [ + "CL", + "C" + ], + [ + "Requ", + "ired" + ], + [ + "in", + "vent" + ], + [ + "os", + "itory" + ], + [ + "av", + "ia" + ], + [ + "othe", + "red" + ], + [ + "Ġbicy", + "cles" + ], + [ + "E", + "ds" + ], + [ + "N", + "othing" + ], + [ + "f", + "ty" + ], + [ + "ut", + "z" + ], + [ + "Ġcon", + "dom" + ], + [ + "ĠP", + "our" + ], + [ + "ĠY", + "uk" + ], + [ + "b", + "org" + ], + [ + "ro", + "qu" + ], + [ + "ct", + "ools" + ], + [ + "ĠH", + "our" + ], + [ + "de", + "al" + ], + [ + "though", + "t" + ], + [ + "Ġlog", + "istic" + ], + [ + "Ġevalu", + "ates" + ], + [ + "cho", + "ices" + ], + [ + "Ġconve", + "x" + ], + [ + "Ġscarc", + "ely" + ], + [ + "ĠG", + "ospels" + ], + [ + "Ġdil", + "ute" + ], + [ + "ĠMoz", + "amb" + ], + [ + "Ġnewcom", + "ers" + ], + [ + "g", + "row" + ], + [ + "Ġinf", + "ested" + ], + [ + "Ġdec", + "oder" + ], + [ + "ina", + "e" + ], + [ + "ĠHer", + "z" + ], + [ + "Ġcomfort", + "ing" + ], + [ + "ĠIN", + "TER" + ], + [ + "n", + "ob" + ], + [ + "ro", + "red" + ], + [ + "ĠCons", + "umption" + ], + [ + "Ġcomplet", + "es" + ], + [ + "fe", + "res" + ], + [ + "Ġju", + "veniles" + ], + [ + "Ġsick", + "le" + ], + [ + "Ġcher", + "ish" + ], + [ + "D", + "EC" + ], + [ + "Ġt", + "ac" + ], + [ + "ĠM", + "oss" + ], + [ + "Ġun", + "affected" + ], + [ + "Ġun", + "avoid" + ], + [ + "ĠHe", + "ights" + ], + [ + "Ġins", + "ulating" + ], + [ + "Ġche", + "eks" + ], + [ + "Ġforest", + "ed" + ], + [ + "Ġreb", + "irth" + ], + [ + "tim", + "ed" + ], + [ + "Ġwholes", + "ale" + ], + [ + "Ġmell", + "itus" + ], + [ + "X", + "Y" + ], + [ + "ĠC", + "li" + ], + [ + "Ġpremature", + "ly" + ], + [ + "Ġadrenal", + "ine" + ], + [ + "termedi", + "ate" + ], + [ + "j", + "ac" + ], + [ + "Ġt", + "ingling" + ], + [ + "ĠF", + "ruits" + ], + [ + "Ġrepl", + "ies" + ], + [ + "Ġash", + "ore" + ], + [ + "P", + "layer" + ], + [ + "f", + "ro" + ], + [ + "ĠN", + "urse" + ], + [ + "Ġins", + "ists" + ], + [ + "Ġunt", + "ouched" + ], + [ + "Ġcrit", + "ters" + ], + [ + "Ġmicro", + "f" + ], + [ + "ĠFund", + "amental" + ], + [ + "ĠFact", + "ory" + ], + [ + "B", + "ACK" + ], + [ + "ĠF", + "an" + ], + [ + "ĠSh", + "o" + ], + [ + "ih", + "ad" + ], + [ + "Ġupl", + "ift" + ], + [ + "Ġremem", + "brance" + ], + [ + "M", + "other" + ], + [ + "ĠM", + "ant" + ], + [ + "Ġsh", + "am" + ], + [ + "Ġdown", + "side" + ], + [ + "ĠComp", + "onent" + ], + [ + "Ġtong", + "ues" + ], + [ + "Ġcosm", + "ology" + ], + [ + "sampl", + "ing" + ], + [ + "ĠSold", + "iers" + ], + [ + "æ", + "ŀ" + ], + [ + "Ġc", + "t" + ], + [ + "ĠK", + "et" + ], + [ + "ĠAd", + "olescent" + ], + [ + "Ġ:", + "=" + ], + [ + "umb", + "ent" + ], + [ + "Ġfront", + "iers" + ], + [ + "à¤", + "¯" + ], + [ + "Ġju", + "icy" + ], + [ + "Ġpsychiat", + "rist" + ], + [ + "ĠMoh", + "ammed" + ], + [ + "ĠFeed", + "ing" + ], + [ + "ĠCardi", + "ovascular" + ], + [ + "_", + "{}" + ], + [ + "he", + "w" + ], + [ + "Ġm", + "oms" + ], + [ + "Ġpl", + "ung" + ], + [ + "ull", + "s" + ], + [ + "ring", + "ing" + ], + [ + "craft", + "ed" + ], + [ + "Ġfertil", + "ized" + ], + [ + "Ġindu", + "cing" + ], + [ + "å", + "¸" + ], + [ + "ĠH", + "I" + ], + [ + "Ġro", + "pes" + ], + [ + "Ġfin", + "anced" + ], + [ + "ĠSp", + "aces" + ], + [ + "Ġcircuit", + "ry" + ], + [ + "Ġcrown", + "ed" + ], + [ + "prob", + "ably" + ], + [ + "mount", + "able" + ], + [ + "Ġcaterpill", + "ar" + ], + [ + "end", + "e" + ], + [ + "Ġart", + "isan" + ], + [ + "She", + "ll" + ], + [ + "adapt", + "ive" + ], + [ + "R", + "ED" + ], + [ + "T", + "uple" + ], + [ + "Ġdig", + "ested" + ], + [ + "ĠBrad", + "ley" + ], + [ + "Ġf", + "encing" + ], + [ + "ch", + "rome" + ], + [ + "un", + "ctions" + ], + [ + "ĠWell", + "ness" + ], + [ + "opol", + "y" + ], + [ + "ĠHay", + "es" + ], + [ + "Ġrud", + "imentary" + ], + [ + "L", + "ES" + ], + [ + "Ġfor", + "ged" + ], + [ + "Ġr", + "iv" + ], + [ + "Ġdist", + "al" + ], + [ + "fl", + "ush" + ], + [ + "AL", + "E" + ], + [ + "Ġscreen", + "ings" + ], + [ + "default", + "s" + ], + [ + "Ġsupernov", + "a" + ], + [ + "V", + "an" + ], + [ + "at", + "ized" + ], + [ + "ĠM", + "ED" + ], + [ + "qu", + "ad" + ], + [ + "Ġcont", + "emplate" + ], + [ + "ord", + "e" + ], + [ + "Ġobserv", + "atory" + ], + [ + "Ġcateg", + "orical" + ], + [ + "Ġrect", + "um" + ], + [ + "dist", + "ribution" + ], + [ + "ĠLect", + "ure" + ], + [ + "ĠAdvoc", + "acy" + ], + [ + "ĠYugoslav", + "ia" + ], + [ + "Ġremedi", + "ation" + ], + [ + "Ġnot", + "ices" + ], + [ + "Ġsk", + "ipping" + ], + [ + "fe", + "et" + ], + [ + "Ġturb", + "ulence" + ], + [ + "Ġsupp", + "orter" + ], + [ + "Ġpass", + "port" + ], + [ + "Ġexperiment", + "ed" + ], + [ + "Ġgest", + "ation" + ], + [ + "G", + "ene" + ], + [ + "Ġrel", + "ocation" + ], + [ + "Ġsoci", + "ological" + ], + [ + "Ġsuper", + "markets" + ], + [ + "Ġobst", + "ructive" + ], + [ + "Ġfabric", + "ated" + ], + [ + "ĠNorm", + "andy" + ], + [ + "ĠAppalach", + "ian" + ], + [ + "Ġc", + "unning" + ], + [ + "ĠAl", + "ps" + ], + [ + "ah", + "s" + ], + [ + "Ġpost", + "al" + ], + [ + "ĠAust", + "en" + ], + [ + "Ġarchae", + "ologist" + ], + [ + "pub", + "lish" + ], + [ + "Ġiter", + "ative" + ], + [ + "Ġintra", + "cellular" + ], + [ + "ĠLanc", + "aster" + ], + [ + "Ġleth", + "arg" + ], + [ + "t", + "um" + ], + [ + "Ġl", + "one" + ], + [ + "Ġwh", + "isk" + ], + [ + "ec", + "ost" + ], + [ + "ĠAm", + "ph" + ], + [ + "Ġinhib", + "iting" + ], + [ + "Ġfier", + "y" + ], + [ + "ĠAzerbai", + "jan" + ], + [ + "T", + "F" + ], + [ + "å", + "Ĩ" + ], + [ + "ot", + "eric" + ], + [ + "and", + "escent" + ], + [ + "iz", + "ens" + ], + [ + "br", + "inging" + ], + [ + "Ġpolic", + "ing" + ], + [ + "Ġdivid", + "ends" + ], + [ + "ĠDesign", + "ed" + ], + [ + "Te", + "am" + ], + [ + "ĠGl", + "obe" + ], + [ + "Ġgly", + "cemic" + ], + [ + "ĠP", + "aste" + ], + [ + "Ġexp", + "r" + ], + [ + "ĠAn", + "cest" + ], + [ + "St", + "ates" + ], + [ + "Ġrece", + "ivers" + ], + [ + "f", + "lux" + ], + [ + "n", + "at" + ], + [ + "am", + "ate" + ], + [ + "rom", + "yalgia" + ], + [ + "cl", + "one" + ], + [ + "Ġup", + "held" + ], + [ + "Ġfun", + "nel" + ], + [ + "Ġdivers", + "ion" + ], + [ + "ĠBay", + "esian" + ], + [ + "Ġcompound", + "ed" + ], + [ + "Every", + "thing" + ], + [ + "ĠConfed", + "eration" + ], + [ + "Ġl", + "ighthouse" + ], + [ + "ĠT", + "ommy" + ], + [ + "Ġal", + "ve" + ], + [ + "ĠE", + "E" + ], + [ + "Ġoff", + "ender" + ], + [ + "ole", + "cule" + ], + [ + "ĠCarl", + "o" + ], + [ + "ĠInitial", + "ize" + ], + [ + "Ġmistaken", + "ly" + ], + [ + "Ġglean", + "ed" + ], + [ + "Ġt", + "andem" + ], + [ + "ĠD", + "HA" + ], + [ + "Ġent", + "rusted" + ], + [ + "yl", + "ene" + ], + [ + "Pro", + "per" + ], + [ + "Ġouts", + "iders" + ], + [ + "Ġapp", + "raisal" + ], + [ + "Ġkit", + "chens" + ], + [ + "ĠBab", + "ies" + ], + [ + "ĠMarx", + "ism" + ], + [ + "ĠJoy", + "ce" + ], + [ + "Ġoy", + "ster" + ], + [ + "iz", + "en" + ], + [ + "Ġpl", + "ut" + ], + [ + "ĠNE", + "W" + ], + [ + "V", + "C" + ], + [ + "í", + "ķ" + ], + [ + "el", + "astic" + ], + [ + "gg", + "ling" + ], + [ + "Ġpaper", + "work" + ], + [ + "Ġlo", + "osen" + ], + [ + "dered", + "Dict" + ], + [ + "ĠCarol", + "ine" + ], + [ + "ĠT", + "ank" + ], + [ + "all", + "ic" + ], + [ + "ĠIn", + "quiry" + ], + [ + "ST", + "OR" + ], + [ + "run", + "s" + ], + [ + "Ġhom", + "estead" + ], + [ + "ĠLabor", + "atories" + ], + [ + "Ġhypothes", + "ized" + ], + [ + "Ġl", + "ang" + ], + [ + "Ġterm", + "inated" + ], + [ + "med", + "ian" + ], + [ + "Ġhyp", + "ogly" + ], + [ + "Ġwel", + "d" + ], + [ + "Ac", + "adem" + ], + [ + "Ġconve", + "ction" + ], + [ + "Pop", + "ulation" + ], + [ + "Pref", + "ix" + ], + [ + "Ġd", + "ic" + ], + [ + "Ġde", + "x" + ], + [ + "ĠE", + "SL" + ], + [ + "Ġcycl", + "ists" + ], + [ + "opl", + "astic" + ], + [ + "f", + "aced" + ], + [ + "g", + "rams" + ], + [ + "p", + "ound" + ], + [ + "Ġ**", + "*" + ], + [ + "Ġoffs", + "ets" + ], + [ + "Ġeluc", + "idate" + ], + [ + "Ġredund", + "ancy" + ], + [ + "Ġf", + "ug" + ], + [ + "Ġpop", + "ping" + ], + [ + "ament", + "als" + ], + [ + "Ġdress", + "es" + ], + [ + "X", + "ML" + ], + [ + "or", + "ange" + ], + [ + "ĠT", + "aj" + ], + [ + "ĠT", + "rag" + ], + [ + "ĠF", + "CC" + ], + [ + "ĠLe", + "vi" + ], + [ + "fl", + "ix" + ], + [ + "Ġtar", + "iff" + ], + [ + "ĠI", + "v" + ], + [ + "Ġloc", + "us" + ], + [ + "ĠTo", + "ken" + ], + [ + "Ġdetox", + "ification" + ], + [ + "O", + "G" + ], + [ + "ĠG", + "rim" + ], + [ + "red", + "irect" + ], + [ + "por", + "al" + ], + [ + "Ġill", + "umin" + ], + [ + "Not", + "ice" + ], + [ + "Ġverb", + "ally" + ], + [ + "Ġsucc", + "umb" + ], + [ + "Ġsynchron", + "ous" + ], + [ + "Ġjelly", + "fish" + ], + [ + "er", + "i" + ], + [ + "ion", + "ic" + ], + [ + "Ġprom", + "otional" + ], + [ + "ĠQu", + "ite" + ], + [ + "L", + "oc" + ], + [ + "i", + "atic" + ], + [ + "em", + "y" + ], + [ + "Ġcl", + "ut" + ], + [ + "Ġcal", + "oric" + ], + [ + "ocument", + "ed" + ], + [ + "Ġaud", + "itor" + ], + [ + "Ġtrust", + "s" + ], + [ + "Ġguard", + "ed" + ], + [ + "Pr", + "ivate" + ], + [ + "åı", + "ĸ" + ], + [ + "C", + "BT" + ], + [ + "Ġn", + "s" + ], + [ + "ĠP", + "ond" + ], + [ + "ast", + "ies" + ], + [ + "ph", + "rase" + ], + [ + "Ġconf", + "ed" + ], + [ + "Ġeth", + "os" + ], + [ + "ĠProp", + "he" + ], + [ + "ĠInfect", + "ions" + ], + [ + "Ġopp", + "os" + ], + [ + "Ġcou", + "ch" + ], + [ + "Ġign", + "ores" + ], + [ + "ĠSam", + "ar" + ], + [ + "о", + "ÑĢ" + ], + [ + "prior", + "ity" + ], + [ + "ĠHarmony", + "ville" + ], + [ + "Ġto", + "pped" + ], + [ + "arch", + "ing" + ], + [ + "alf", + "a" + ], + [ + "Ġaction", + "able" + ], + [ + "Ġmanif", + "old" + ], + [ + "Ġlic", + "ence" + ], + [ + "Ġfashion", + "able" + ], + [ + "æ", + "İ" + ], + [ + "Ġs", + "her" + ], + [ + "Ġm", + "ural" + ], + [ + "Ġse", + "psis" + ], + [ + "av", + "ailability" + ], + [ + "Ġtra", + "ys" + ], + [ + "Ġagree", + "ing" + ], + [ + "ĠMechan", + "ics" + ], + [ + "plug", + "ins" + ], + [ + "Ġupgrad", + "es" + ], + [ + "Ġcl", + "utter" + ], + [ + "ĠMan", + "ifest" + ], + [ + "Ġpron", + "oun" + ], + [ + "ĠHop", + "efully" + ], + [ + "Ġlur", + "king" + ], + [ + "l", + "iest" + ], + [ + "Ġp", + "us" + ], + [ + "ĠV", + "ine" + ], + [ + "DE", + "F" + ], + [ + "Ġoverl", + "ooking" + ], + [ + "ĠMarc", + "o" + ], + [ + "ĠV", + "on" + ], + [ + "Ġinter", + "feres" + ], + [ + "CO", + "DE" + ], + [ + "Ġprem", + "ier" + ], + [ + "Ġshout", + "ing" + ], + [ + "ll", + "er" + ], + [ + "Ġprop", + "hetic" + ], + [ + "Test", + "ing" + ], + [ + "Ġrail", + "ways" + ], + [ + "Ġscal", + "ability" + ], + [ + "Ġlean", + "ing" + ], + [ + "S", + "ing" + ], + [ + "p", + "kl" + ], + [ + "Ġo", + "mit" + ], + [ + "Ġm", + "d" + ], + [ + "il", + "ight" + ], + [ + "ĠT", + "ah" + ], + [ + "Ġpl", + "ume" + ], + [ + "Ġexp", + "ired" + ], + [ + "ĠPar", + "ish" + ], + [ + "Ġinject", + "ing" + ], + [ + "ĠAccess", + "ibility" + ], + [ + "Ġmold", + "ing" + ], + [ + "Ġquot", + "ations" + ], + [ + "Pol", + "itical" + ], + [ + "ĠNut", + "r" + ], + [ + "C", + "hemical" + ], + [ + "r", + "ils" + ], + [ + "st", + "rand" + ], + [ + "ĠP", + "ump" + ], + [ + "qu", + "ake" + ], + [ + "Ġsw", + "amp" + ], + [ + "Ph", + "ase" + ], + [ + "ĠProv", + "idence" + ], + [ + "Event", + "ually" + ], + [ + "Ï", + "į" + ], + [ + "ĠT", + "W" + ], + [ + "ine", + "e" + ], + [ + "br", + "ane" + ], + [ + "ĠFre", + "eman" + ], + [ + "Ġmeteor", + "ological" + ], + [ + "Ġflamm", + "able" + ], + [ + "t", + "as" + ], + [ + "Ġqu", + "ota" + ], + [ + "ĠPr", + "ide" + ], + [ + "ĠCO", + "P" + ], + [ + "peut", + "ics" + ], + [ + "ĠTrib", + "une" + ], + [ + "op", + "he" + ], + [ + "Ġdis", + "closed" + ], + [ + "AR", + "I" + ], + [ + "bor", + "hood" + ], + [ + "Ġrot", + "ary" + ], + [ + "ĠProced", + "ure" + ], + [ + "Ġim", + "pe" + ], + [ + "dom", + "inated" + ], + [ + "Un", + "ivers" + ], + [ + "Ġmotiv", + "ational" + ], + [ + "Ġirrit", + "ated" + ], + [ + "auth", + "ored" + ], + [ + "Ġnons", + "ense" + ], + [ + "Ġendorse", + "ment" + ], + [ + "Ġinfilt", + "ration" + ], + [ + "a", + "qu" + ], + [ + "al", + "igned" + ], + [ + "Ġfor", + "c" + ], + [ + "ĠG", + "ER" + ], + [ + "Ġres", + "ided" + ], + [ + "cept", + "or" + ], + [ + "Ġsur", + "real" + ], + [ + "Ġwild", + "ly" + ], + [ + "grad", + "ient" + ], + [ + "found", + "ed" + ], + [ + "Supp", + "ose" + ], + [ + "n", + "it" + ], + [ + "op", + "ting" + ], + [ + "Ġun", + "belie" + ], + [ + "ĠCl", + "os" + ], + [ + "Ġbirth", + "place" + ], + [ + "Ġsav", + "ory" + ], + [ + "Ġaccum", + "ulating" + ], + [ + "Ġmild", + "er" + ], + [ + "Ġdump", + "ed" + ], + [ + "ĠBald", + "win" + ], + [ + "l", + "ost" + ], + [ + "Ġst", + "acks" + ], + [ + "Ġit", + "al" + ], + [ + "Ġsupp", + "ressing" + ], + [ + "ĠSacrament", + "o" + ], + [ + ")", + "^" + ], + [ + "A", + "H" + ], + [ + "D", + "rug" + ], + [ + "ĠH", + "ours" + ], + [ + "Ġmal", + "ign" + ], + [ + "xy", + "z" + ], + [ + "ut", + "ations" + ], + [ + "ĠR", + "D" + ], + [ + "Ġad", + "apter" + ], + [ + "Ġgl", + "imps" + ], + [ + "Ġlog", + "istical" + ], + [ + "let", + "te" + ], + [ + "reg", + "istry" + ], + [ + "ĠCont", + "rast" + ], + [ + "ĠMal", + "ta" + ], + [ + "orr", + "hea" + ], + [ + "l", + "if" + ], + [ + "Ġper", + "i" + ], + [ + "te", + "le" + ], + [ + "list", + "ed" + ], + [ + "Ġfa", + "ire" + ], + [ + "Ġpen", + "is" + ], + [ + "dim", + "ension" + ], + [ + "Ġalle", + "le" + ], + [ + "U", + "rl" + ], + [ + "ut", + "ies" + ], + [ + "ĠA", + "U" + ], + [ + "ĠS", + "age" + ], + [ + "ĠK", + "aiser" + ], + [ + "Ġspeed", + "ing" + ], + [ + "ĠBer", + "ry" + ], + [ + "loss", + "es" + ], + [ + "Ġdilig", + "ence" + ], + [ + "ĠCzech", + "osl" + ], + [ + "Ġwrink", + "les" + ], + [ + "f", + "ailure" + ], + [ + "é", + "Ĺ" + ], + [ + "Ġof", + "t" + ], + [ + "Ġman", + "ga" + ], + [ + "ys", + "s" + ], + [ + "RI", + "BUT" + ], + [ + "Ġextrater", + "restrial" + ], + [ + "F", + "ew" + ], + [ + "Ġad", + "ept" + ], + [ + "uls", + "ions" + ], + [ + "ĠPlay", + "ing" + ], + [ + "Ġcoexist", + "ence" + ], + [ + "ĠItal", + "ians" + ], + [ + "R", + "unning" + ], + [ + "ĠH", + "ear" + ], + [ + "ĠR", + "ams" + ], + [ + "our", + "g" + ], + [ + "ĠSc", + "an" + ], + [ + "Pro", + "blem" + ], + [ + "Hum", + "ans" + ], + [ + "S", + "oon" + ], + [ + "ĠK", + "re" + ], + [ + "ĠProf", + "essionals" + ], + [ + "Ġloud", + "ly" + ], + [ + "Ġanx", + "ieties" + ], + [ + "circ", + "uit" + ], + [ + "Ġundersc", + "oring" + ], + [ + "Ġpermiss", + "ible" + ], + [ + "U", + "ES" + ], + [ + "W", + "ait" + ], + [ + "Ġc", + "ms" + ], + [ + "Ġsu", + "pra" + ], + [ + "ĠJ", + "D" + ], + [ + "rit", + "z" + ], + [ + "ĠEn", + "viron" + ], + [ + "ĠRoman", + "ian" + ], + [ + "ĠTreat", + "ments" + ], + [ + "Mem", + "bers" + ], + [ + "b", + "ars" + ], + [ + "t", + "el" + ], + [ + "ĠRe", + "cycling" + ], + [ + "ĠEd", + "win" + ], + [ + "Val", + "idation" + ], + [ + "Ġpsychiat", + "ry" + ], + [ + "Ġpars", + "ley" + ], + [ + "f", + "mt" + ], + [ + "Ġh", + "ated" + ], + [ + "ĠS", + "ard" + ], + [ + "od", + "ef" + ], + [ + "ĠL", + "on" + ], + [ + "sp", + "atial" + ], + [ + "Ġcool", + "s" + ], + [ + "ĠRem", + "oval" + ], + [ + "ĠTw", + "ain" + ], + [ + "ĠMonth", + "ly" + ], + [ + "ĠFal", + "con" + ], + [ + "ĠBiomed", + "ical" + ], + [ + "p", + "kg" + ], + [ + "am", + "is" + ], + [ + "per", + "se" + ], + [ + "our", + "ced" + ], + [ + "Ġflu", + "ffy" + ], + [ + "Ġexpos", + "ition" + ], + [ + "Ġlib", + "erated" + ], + [ + "ĠInnov", + "ative" + ], + [ + "ol", + "or" + ], + [ + "Ġst", + "ature" + ], + [ + "os", + "ate" + ], + [ + "Ġsuper", + "b" + ], + [ + "J", + "un" + ], + [ + "n", + "py" + ], + [ + "all", + "a" + ], + [ + "mat", + "ches" + ], + [ + "Ġdiarr", + "hoea" + ], + [ + "eron", + "omy" + ], + [ + "ĠP", + "ag" + ], + [ + "ĠNe", + "cess" + ], + [ + "ĠYoung", + "er" + ], + [ + "Ġenthusi", + "ast" + ], + [ + "Ġst", + "en" + ], + [ + "ond", + "a" + ], + [ + "Ġair", + "lines" + ], + [ + "ĠArt", + "ist" + ], + [ + "Ġdry", + "er" + ], + [ + "rh", + "o" + ], + [ + "ĠLuck", + "ily" + ], + [ + "M", + "id" + ], + [ + "ĠT", + "ick" + ], + [ + "Ġbl", + "ob" + ], + [ + "Ġmin", + "ors" + ], + [ + "ores", + "cence" + ], + [ + "ĠCivil", + "ization" + ], + [ + "ĠNav", + "igation" + ], + [ + "Ġserm", + "on" + ], + [ + "ic", + "ators" + ], + [ + "ust", + "ry" + ], + [ + "Ġalg", + "al" + ], + [ + "ĠÐ", + "´" + ], + [ + "e", + "ze" + ], + [ + "ow", + "ulf" + ], + [ + "if", + "era" + ], + [ + "iv", + "ore" + ], + [ + "ĠF", + "ight" + ], + [ + "per", + "mission" + ], + [ + "Ġop", + "rot" + ], + [ + "ĠSl", + "oven" + ], + [ + "Ġsubt", + "ropical" + ], + [ + "ĠRE", + "AD" + ], + [ + "Ġrever", + "ber" + ], + [ + "Ġamyg", + "dala" + ], + [ + "p", + "ark" + ], + [ + "ic", + "ia" + ], + [ + "ĠA", + "J" + ], + [ + "ĠM", + "uss" + ], + [ + "ĠG", + "erald" + ], + [ + "we", + "y" + ], + [ + "Ġ[", + "])" + ], + [ + "Ġol", + "factory" + ], + [ + "pow", + "ers" + ], + [ + "Spe", + "ed" + ], + [ + "Ġb", + "s" + ], + [ + "Ġcon", + "cessions" + ], + [ + "Ġad", + "ip" + ], + [ + "Ġdeal", + "ers" + ], + [ + "tra", + "cking" + ], + [ + "Ġsubs", + "urface" + ], + [ + "ĠMove", + "ments" + ], + [ + "marg", + "in" + ], + [ + "p", + "ure" + ], + [ + "it", + "in" + ], + [ + "ĠP", + "RE" + ], + [ + "ĠH", + "M" + ], + [ + "ĠH", + "utch" + ], + [ + "ĠD", + "ES" + ], + [ + "Ġdict", + "ates" + ], + [ + "Act", + "s" + ], + [ + "ĠLuc", + "as" + ], + [ + "C", + "AP" + ], + [ + "Ġ", + "ie" + ], + [ + "pl", + "ings" + ], + [ + "Ġinf", + "inity" + ], + [ + "ĠGib", + "son" + ], + [ + "Ġfres", + "co" + ], + [ + "Ġgras", + "ping" + ], + [ + "F", + "D" + ], + [ + "or", + "bit" + ], + [ + "od", + "i" + ], + [ + "ĠP", + "COS" + ], + [ + "ĠB", + "ots" + ], + [ + "ters", + "on" + ], + [ + "Ġ:", + ")" + ], + [ + "af", + "a" + ], + [ + "dec", + "oder" + ], + [ + "rof", + "en" + ], + [ + "rou", + "ter" + ], + [ + "Ġresist", + "ing" + ], + [ + "Ġasc", + "end" + ], + [ + "ĠWhit", + "man" + ], + [ + "F", + "rance" + ], + [ + "an", + "an" + ], + [ + "Ġth", + "ro" + ], + [ + "ĠS", + "IM" + ], + [ + "ath", + "ione" + ], + [ + "ĠNovel", + "s" + ], + [ + "Ġsplend", + "id" + ], + [ + "Ġuphe", + "aval" + ], + [ + "Ġ", + "ig" + ], + [ + "amp", + "a" + ], + [ + "Ġcontain", + "ment" + ], + [ + "Ġring", + "ing" + ], + [ + "B", + "ill" + ], + [ + "d", + "uring" + ], + [ + "z", + "on" + ], + [ + "Ġsuccess", + "ors" + ], + [ + "cur", + "rency" + ], + [ + "Ġpercent", + "ile" + ], + [ + "Ġstream", + "lined" + ], + [ + "ĠConfig", + "uration" + ], + [ + "Ġovere", + "x" + ], + [ + "Ġengra", + "ved" + ], + [ + "Ġbolst", + "ering" + ], + [ + "Earl", + "ier" + ], + [ + "r", + "insic" + ], + [ + "Ġt", + "xt" + ], + [ + "ĠH", + "ip" + ], + [ + "xt", + "ap" + ], + [ + "ĠAl", + "f" + ], + [ + "----------------", + "--" + ], + [ + "Ġcatar", + "acts" + ], + [ + "ĠKazakh", + "stan" + ], + [ + "M", + "oving" + ], + [ + "d", + "aily" + ], + [ + "ĠS", + "isters" + ], + [ + "ĠSim", + "pson" + ], + [ + "Ġgloss", + "ary" + ], + [ + "ĠVolunt", + "eer" + ], + [ + "æĹ", + "¶" + ], + [ + "V", + "III" + ], + [ + "Ġm", + "ussels" + ], + [ + "ĠF", + "E" + ], + [ + "Ġar", + "th" + ], + [ + "Ġtreat", + "ise" + ], + [ + "Ġcolon", + "ized" + ], + [ + "Ġmur", + "als" + ], + [ + "v", + "iolence" + ], + [ + "à", + "¯" + ], + [ + "er", + "d" + ], + [ + "ĠT", + "ail" + ], + [ + "ĠH", + "P" + ], + [ + "ind", + "ers" + ], + [ + "Ġnom", + "ination" + ], + [ + "as", + "aki" + ], + [ + "ir", + "ls" + ], + [ + "ĠTh", + "ir" + ], + [ + "bl", + "ast" + ], + [ + "assert", + "False" + ], + [ + "Ġposit", + "ives" + ], + [ + "exist", + "ent" + ], + [ + "Ġsuperv", + "ise" + ], + [ + "Ġsandwic", + "hes" + ], + [ + "C", + "itation" + ], + [ + "c", + "annot" + ], + [ + "n", + "orth" + ], + [ + "ĠS", + "plit" + ], + [ + "per", + "form" + ], + [ + "ĠCol", + "ors" + ], + [ + "ĠFl", + "int" + ], + [ + "ha", + "el" + ], + [ + "Ġindex", + "ed" + ], + [ + "cor", + "r" + ], + [ + "Ġrelie", + "ving" + ], + [ + "ĠAck", + "now" + ], + [ + "se", + "arc" + ], + [ + "Ġal", + "ph" + ], + [ + "Ġal", + "ias" + ], + [ + "ud", + "s" + ], + [ + "ĠAr", + "thritis" + ], + [ + "Ġmill", + "imeters" + ], + [ + "ĠLe", + "opold" + ], + [ + "Ġ__", + "________________" + ], + [ + "Ġbit", + "ten" + ], + [ + "ĠPol", + "yn" + ], + [ + "fe", + "it" + ], + [ + "Ġveterin", + "arians" + ], + [ + "fashion", + "ed" + ], + [ + "p", + "ic" + ], + [ + "Ġper", + "se" + ], + [ + "Ġsp", + "urred" + ], + [ + "Ġmon", + "ot" + ], + [ + "ï¼", + "Ī" + ], + [ + "Phot", + "os" + ], + [ + "kef", + "eller" + ], + [ + "ĠD", + "ale" + ], + [ + "pl", + "ays" + ], + [ + "Ġexp", + "iration" + ], + [ + "bro", + "ok" + ], + [ + "ĠHond", + "uras" + ], + [ + "s", + "lic" + ], + [ + "ĠL", + "ub" + ], + [ + "Ġstart", + "ling" + ], + [ + "Ġdel", + "ved" + ], + [ + "fl", + "ip" + ], + [ + "IP", + "E" + ], + [ + "Ġunders", + "ide" + ], + [ + "ĠSelect", + "ing" + ], + [ + "Ġhypoth", + "yroidism" + ], + [ + "Ġd", + "itch" + ], + [ + "ĠD", + "airy" + ], + [ + "pl", + "oid" + ], + [ + "ĠU", + "tt" + ], + [ + "Ġun", + "he" + ], + [ + "ĠRe", + "ce" + ], + [ + "Ġinnov", + "ate" + ], + [ + "Ġhair", + "y" + ], + [ + "Ġpunish", + "ments" + ], + [ + "Y", + "e" + ], + [ + "un", + "n" + ], + [ + "ens", + "ible" + ], + [ + "In", + "side" + ], + [ + "com", + "mercial" + ], + [ + "Ġpolymer", + "ase" + ], + [ + "Ġmil", + "itar" + ], + [ + "chan", + "ics" + ], + [ + "mat", + "plotlib" + ], + [ + "Ġharv", + "ests" + ], + [ + "ĠSte", + "am" + ], + [ + "Ġadj", + "unct" + ], + [ + "Ġrh", + "in" + ], + [ + "Ġdump", + "ing" + ], + [ + "Ev", + "idence" + ], + [ + "ĠCauc", + "asus" + ], + [ + "Cond", + "ition" + ], + [ + "certain", + "ty" + ], + [ + "ĠNicarag", + "ua" + ], + [ + "ç", + "½" + ], + [ + "Ġo", + "cular" + ], + [ + "Ġb", + "ony" + ], + [ + "Ġlit", + "res" + ], + [ + "Ġprot", + "esters" + ], + [ + "Ġz", + "eal" + ], + [ + "Con", + "c" + ], + [ + "qual", + "ified" + ], + [ + "Sc", + "ott" + ], + [ + "Ġcart", + "ridge" + ], + [ + "Disc", + "ussion" + ], + [ + "T", + "PS" + ], + [ + "Ġp", + "rick" + ], + [ + "ĠC", + "hel" + ], + [ + "ĠM", + "ORE" + ], + [ + "ĠP", + "assion" + ], + [ + "Ġhe", + "ns" + ], + [ + "ĠJ", + "F" + ], + [ + "ER", + "Y" + ], + [ + "unt", + "ing" + ], + [ + "ros", + "ophila" + ], + [ + "ĠAir", + "craft" + ], + [ + "ĠBh", + "utan" + ], + [ + "C", + "G" + ], + [ + "M", + "ag" + ], + [ + "Ġment", + "ality" + ], + [ + "Ge", + "ometry" + ], + [ + "âķIJ", + "âķIJ" + ], + [ + "m", + "otor" + ], + [ + "Ġl", + "ign" + ], + [ + "ĠH", + "MS" + ], + [ + "Get", + "ty" + ], + [ + "!", + "**" + ], + [ + ",", + "(" + ], + [ + "F", + "uture" + ], + [ + "f", + "ranch" + ], + [ + "st", + "reet" + ], + [ + "Ġint", + "imately" + ], + [ + "Ġhel", + "lo" + ], + [ + "uc", + "ent" + ], + [ + "Ġco", + "ales" + ], + [ + "Ġdeb", + "ugging" + ], + [ + "Ġmis", + "f" + ], + [ + "contin", + "ence" + ], + [ + "Ġrefrig", + "eration" + ], + [ + "ĠS", + "ale" + ], + [ + "ab", + "lo" + ], + [ + "Ġpe", + "ek" + ], + [ + "ik", + "er" + ], + [ + "rad", + "or" + ], + [ + "ĠJac", + "obs" + ], + [ + "Ġcarp", + "ets" + ], + [ + "i", + "ere" + ], + [ + "ver", + "te" + ], + [ + "Ġha", + "ul" + ], + [ + "Ġpot", + "ency" + ], + [ + "ĠAm", + "elia" + ], + [ + "Ġtour", + "nament" + ], + [ + "Ġvent", + "ured" + ], + [ + "Fin", + "ancial" + ], + [ + "behavior", + "al" + ], + [ + "B", + "oard" + ], + [ + "cept", + "s" + ], + [ + "Ġblock", + "ade" + ], + [ + "ĠOcean", + "ic" + ], + [ + "ĠBul", + "lying" + ], + [ + "ĠGre", + "ens" + ], + [ + "<", + "<" + ], + [ + "h", + "ra" + ], + [ + "ĠM", + "ish" + ], + [ + "str", + "ategy" + ], + [ + "Ġwis", + "er" + ], + [ + "Ġmas", + "king" + ], + [ + "Ġdot", + "ted" + ], + [ + "Ġcatar", + "act" + ], + [ + "Ġs", + "owing" + ], + [ + "Ġf", + "ission" + ], + [ + "Ġg", + "aseous" + ], + [ + "ĠP", + "ER" + ], + [ + "Ġjud", + "iciary" + ], + [ + "Ġmetabol", + "ites" + ], + [ + "Ġorch", + "id" + ], + [ + "Ġconstell", + "ations" + ], + [ + "mig", + "rations" + ], + [ + "streng", + "th" + ], + [ + "F", + "riday" + ], + [ + "ion", + "age" + ], + [ + "ib", + "us" + ], + [ + "Ġun", + "protected" + ], + [ + "ĠNo", + "ise" + ], + [ + "Ġstere", + "otype" + ], + [ + "ĠAssess", + "ing" + ], + [ + "ĠShel", + "ley" + ], + [ + "t", + "au" + ], + [ + "ĠG", + "ET" + ], + [ + "ĠS", + "z" + ], + [ + "ĠC", + "rystal" + ], + [ + "ĠH", + "S" + ], + [ + "Ġyour", + "selves" + ], + [ + "Ġ\"", + "\")" + ], + [ + "asc", + "us" + ], + [ + "Ġble", + "aching" + ], + [ + "Ġentertain", + "ed" + ], + [ + "ĠS", + "idd" + ], + [ + "ĠSt", + "ir" + ], + [ + "oss", + "al" + ], + [ + "Ġdem", + "o" + ], + [ + "Build", + "er" + ], + [ + "Ġabrupt", + "ly" + ], + [ + "q", + "s" + ], + [ + "Ġb", + "ang" + ], + [ + "Ġin", + "quiries" + ], + [ + "Ġn", + "oses" + ], + [ + "Ġcr", + "aters" + ], + [ + "Ġconcept", + "ions" + ], + [ + "ĠX", + "Y" + ], + [ + "CO", + "UNT" + ], + [ + "gradu", + "ates" + ], + [ + "D", + "istance" + ], + [ + "D", + "ouble" + ], + [ + "iz", + "zy" + ], + [ + "Ġsp", + "ruce" + ], + [ + "co", + "at" + ], + [ + "Ġenvironmental", + "ists" + ], + [ + "Ġsummar", + "izing" + ], + [ + "Ġg", + "oss" + ], + [ + "ex", + "pect" + ], + [ + "Ġadv", + "ising" + ], + [ + "Ġcond", + "oms" + ], + [ + "ĠShort", + "ly" + ], + [ + "acchar", + "ides" + ], + [ + "Ġrepent", + "ance" + ], + [ + "t", + "ails" + ], + [ + "Ġf", + "eral" + ], + [ + "ĠT", + "rent" + ], + [ + "ok", + "ers" + ], + [ + "ĠApp", + "l" + ], + [ + "inf", + "ection" + ], + [ + "Ġneuro", + "psych" + ], + [ + "Ġneck", + "l" + ], + [ + "mus", + "ic" + ], + [ + "Ġvoy", + "ages" + ], + [ + "ĠVo", + "ices" + ], + [ + "repos", + "itory" + ], + [ + "ĠGiov", + "anni" + ], + [ + "Ġc", + "ipher" + ], + [ + "ĠF", + "rost" + ], + [ + "co", + "ins" + ], + [ + "OS", + "S" + ], + [ + "sol", + "ve" + ], + [ + "ĠDist", + "ingu" + ], + [ + "ĠBeth", + "lehem" + ], + [ + "F", + "ather" + ], + [ + "o", + "ji" + ], + [ + "is", + "in" + ], + [ + "Ġpe", + "a" + ], + [ + "Ġexp", + "anse" + ], + [ + "Ġcapital", + "ize" + ], + [ + "ĠMat", + "plotlib" + ], + [ + "Ġgro", + "cer" + ], + [ + "coord", + "inates" + ], + [ + "F", + "ish" + ], + [ + "L", + "y" + ], + [ + "ic", + "z" + ], + [ + "ĠFl", + "ask" + ], + [ + "Ġembarr", + "assment" + ], + [ + "Ġcamoufl", + "age" + ], + [ + "Ġgriev", + "ances" + ], + [ + "Ġpl", + "atinum" + ], + [ + "ĠK", + "och" + ], + [ + "Ġsevent", + "een" + ], + [ + "Ġserial", + "ize" + ], + [ + "Ġhydrop", + "ower" + ], + [ + "topl", + "ankton" + ], + [ + "Ġnucleot", + "ide" + ], + [ + "H", + "arv" + ], + [ + "Q", + "uality" + ], + [ + "ĠG", + "UI" + ], + [ + "ĠG", + "CSE" + ], + [ + "Ġtax", + "i" + ], + [ + "Ġoptim", + "ally" + ], + [ + "Ġdra", + "gged" + ], + [ + "Ġdescend", + "ant" + ], + [ + "Ġfigur", + "ative" + ], + [ + "Ġf", + "ür" + ], + [ + "Ġor", + "naments" + ], + [ + "ĠR", + "um" + ], + [ + "ĠG", + "el" + ], + [ + "cl", + "oth" + ], + [ + "Ġcomp", + "ulsive" + ], + [ + "Ġdo", + "omed" + ], + [ + "a", + "ise" + ], + [ + "it", + "é" + ], + [ + "ĠF", + "ur" + ], + [ + "ĠK", + "end" + ], + [ + "Ġins", + "pected" + ], + [ + "Ġconvers", + "ational" + ], + [ + "ĠCap", + "acity" + ], + [ + "ĠZh", + "ou" + ], + [ + "Ġdwell", + "ers" + ], + [ + "Ġgoddess", + "es" + ], + [ + "B", + "LE" + ], + [ + "ĠA", + "CL" + ], + [ + "ĠL", + "az" + ], + [ + "Ġrem", + "ed" + ], + [ + "Ġatt", + "rs" + ], + [ + "Ġent", + "om" + ], + [ + "Ġcar", + "ies" + ], + [ + "Ġdown", + "wards" + ], + [ + "Ġpill", + "ow" + ], + [ + "Sur", + "face" + ], + [ + "LOC", + "K" + ], + [ + "c", + "art" + ], + [ + "g", + "ang" + ], + [ + "l", + "ite" + ], + [ + "Ġsp", + "aring" + ], + [ + "we", + "red" + ], + [ + "Ġass", + "ortment" + ], + [ + "pro", + "j" + ], + [ + "Ġmess", + "engers" + ], + [ + "Ġjournal", + "ing" + ], + [ + "ĠMal", + "i" + ], + [ + "Ġinterview", + "ing" + ], + [ + "ĠExt", + "ended" + ], + [ + "stat", + "istics" + ], + [ + "Ġarsen", + "al" + ], + [ + "recogn", + "ized" + ], + [ + "H", + "L" + ], + [ + "t", + "rigger" + ], + [ + "an", + "ed" + ], + [ + "Ġe", + "ther" + ], + [ + "ĠT", + "rim" + ], + [ + "Ġy", + "ang" + ], + [ + "amin", + "ated" + ], + [ + "Do", + "ctors" + ], + [ + "ĠLegisl", + "ative" + ], + [ + "es", + "oph" + ], + [ + "op", + "ening" + ], + [ + "Ġimp", + "ractical" + ], + [ + "Ġopt", + "ed" + ], + [ + "ĠSp", + "atial" + ], + [ + "ĠAss", + "ert" + ], + [ + "ĠTrans", + "actions" + ], + [ + "ĠBi", + "otechnology" + ], + [ + "Ġsecre", + "ted" + ], + [ + "Ġrip", + "arian" + ], + [ + "ĠVish", + "nu" + ], + [ + "Ġv", + "iolet" + ], + [ + "Ġtw", + "elfth" + ], + [ + "Un", + "known" + ], + [ + "ĠDevelop", + "ed" + ], + [ + "ĠDevelop", + "ments" + ], + [ + "Ġpine", + "apple" + ], + [ + "Ġp", + "aren" + ], + [ + "ĠT", + "ul" + ], + [ + "ch", + "ars" + ], + [ + "Ġrest", + "less" + ], + [ + "ĠOr", + "n" + ], + [ + "ĠGu", + "jar" + ], + [ + "ĠReg", + "ression" + ], + [ + "ĠBr", + "ush" + ], + [ + "ĠHy", + "giene" + ], + [ + "Ġrend", + "ers" + ], + [ + "!", + ")," + ], + [ + "n", + "our" + ], + [ + "ĠE", + "ST" + ], + [ + "un", + "ched" + ], + [ + "Ġpost", + "colonial" + ], + [ + "ĠFl", + "oat" + ], + [ + "Ġhor", + "rors" + ], + [ + "Be", + "havior" + ], + [ + "Ġgrace", + "ful" + ], + [ + "Ġapopt", + "osis" + ], + [ + "d", + "uty" + ], + [ + "Ġple", + "thora" + ], + [ + "ĠRom", + "ance" + ], + [ + "ĠRh", + "ine" + ], + [ + "Ġoverwhelming", + "ly" + ], + [ + "Ġsensit", + "ivities" + ], + [ + "F", + "older" + ], + [ + "on", + "ucle" + ], + [ + "Ġo", + "ily" + ], + [ + "Ġc", + "ider" + ], + [ + "ĠS", + "ag" + ], + [ + "ĠC", + "RE" + ], + [ + "ad", + "am" + ], + [ + "ĠJ", + "O" + ], + [ + "Count", + "ry" + ], + [ + "æķ°", + "æį®" + ], + [ + "ç", + "ī" + ], + [ + "Ġlit", + "urgical" + ], + [ + "Ġpopular", + "ly" + ], + [ + "back", + "ward" + ], + [ + "ĠSoci", + "ology" + ], + [ + "math", + "bf" + ], + [ + "Ġpear", + "ls" + ], + [ + "t", + "c" + ], + [ + "ĠF", + "ostering" + ], + [ + "ĠWe", + "ak" + ], + [ + "\"\"", + "\"," + ], + [ + "ĠSe", + "venth" + ], + [ + "Ġcoll", + "ide" + ], + [ + "ĠBow", + "l" + ], + [ + "Ġelectroly", + "tes" + ], + [ + "Ġb", + "unk" + ], + [ + "Ġre", + "gex" + ], + [ + "ĠSim", + "ulation" + ], + [ + "hemat", + "ics" + ], + [ + "Ġple", + "asures" + ], + [ + "Ġreject", + "s" + ], + [ + "ocent", + "ric" + ], + [ + "Ġhalluc", + "inations" + ], + [ + "Ġb", + "os" + ], + [ + "Ġd", + "usk" + ], + [ + "ĠL", + "S" + ], + [ + "ĠWe", + "alth" + ], + [ + "ok", + "er" + ], + [ + "ĠPsychiat", + "ric" + ], + [ + "Ġregim", + "ens" + ], + [ + "ĠAlger", + "ia" + ], + [ + "D", + "IS" + ], + [ + "å", + "Ģ" + ], + [ + "ĠF", + "ry" + ], + [ + "Ġback", + "lash" + ], + [ + "Ġrespons", + "iveness" + ], + [ + "ĠLeg", + "o" + ], + [ + "ĠRab", + "bit" + ], + [ + "ĠBec", + "ome" + ], + [ + "Ġc", + "edar" + ], + [ + "Ġp", + "ore" + ], + [ + "ĠL", + "iquid" + ], + [ + "Ġocc", + "ult" + ], + [ + "Ġanalys", + "ing" + ], + [ + "ĠDor", + "othy" + ], + [ + "g", + "erald" + ], + [ + "t", + "ops" + ], + [ + "At", + "lantic" + ], + [ + "ĠGard", + "ening" + ], + [ + "c", + "ooked" + ], + [ + "m", + "obile" + ], + [ + "Ġp", + "aternal" + ], + [ + "ĠAd", + "vantages" + ], + [ + "ĠIs", + "ab" + ], + [ + "Ġhelic", + "opters" + ], + [ + "Ġindel", + "ible" + ], + [ + "b", + "ay" + ], + [ + "d", + "ivided" + ], + [ + "n", + "esty" + ], + [ + "il", + "ers" + ], + [ + "ĠS", + "tern" + ], + [ + "Ġtre", + "ason" + ], + [ + "Ġcra", + "ving" + ], + [ + "ĠSk", + "etch" + ], + [ + "Ġmarvel", + "ed" + ], + [ + "Disc", + "over" + ], + [ + "x", + "it" + ], + [ + "ĠD", + "ante" + ], + [ + "Ġdis", + "respect" + ], + [ + "Ġme", + "ga" + ], + [ + "Ġem", + "perors" + ], + [ + "Ġconf", + "er" + ], + [ + "Ġred", + "is" + ], + [ + "Ġfix", + "es" + ], + [ + "ĠEvery", + "day" + ], + [ + "ĠJim", + "my" + ], + [ + "Ġt", + "ending" + ], + [ + "ĠT", + "rip" + ], + [ + "av", + "ian" + ], + [ + "Ġper", + "ceptual" + ], + [ + "Ġepidem", + "i" + ], + [ + "ĠMichel", + "le" + ], + [ + "blow", + "n" + ], + [ + "ĠT", + "rop" + ], + [ + "Ġex", + "emption" + ], + [ + "Ġse", + "ep" + ], + [ + "Ġall", + "ure" + ], + [ + "Ġra", + "pt" + ], + [ + "ĠSp", + "in" + ], + [ + "Ġconvers", + "ions" + ], + [ + "Ġexempl", + "ary" + ], + [ + "ĠInvestig", + "ate" + ], + [ + "Ġdecolon", + "ization" + ], + [ + "ĠM", + "ats" + ], + [ + "Ġtra", + "che" + ], + [ + "Ġcur", + "tain" + ], + [ + "sub", + "process" + ], + [ + "Ġisol", + "ating" + ], + [ + "Ġfest", + "ive" + ], + [ + "ophys", + "iology" + ], + [ + "Ġre", + "write" + ], + [ + "ĠB", + "B" + ], + [ + "Ġglobal", + "ized" + ], + [ + "Ġabnorm", + "ally" + ], + [ + "M", + "agn" + ], + [ + "P", + "rec" + ], + [ + "ar", + "at" + ], + [ + "ĠIn", + "cluding" + ], + [ + "Ġun", + "resolved" + ], + [ + "up", + "rofen" + ], + [ + "Ġx", + "x" + ], + [ + "soft", + "max" + ], + [ + "Ġcoinc", + "ide" + ], + [ + "{", + "'" + ], + [ + "ĠA", + "SP" + ], + [ + "am", + "eter" + ], + [ + "ĠC", + "ourses" + ], + [ + "ĠG", + "C" + ], + [ + "act", + "ivate" + ], + [ + "aur", + "i" + ], + [ + "bi", + "ological" + ], + [ + "Ġrevel", + "ations" + ], + [ + "H", + "yp" + ], + [ + "P", + "ark" + ], + [ + "Ġdi", + "ure" + ], + [ + "ĠWe", + "i" + ], + [ + "As", + "ide" + ], + [ + "ĠLou", + "ise" + ], + [ + "|'", + "('" + ], + [ + "Ġpit", + "cher" + ], + [ + "Ġmerg", + "er" + ], + [ + "Ġexacerb", + "ating" + ], + [ + "ĠChand", + "ra" + ], + [ + "Ġbor", + "ough" + ], + [ + "|')", + "'" + ], + [ + "b", + "ane" + ], + [ + "Ġpro", + "d" + ], + [ + "qu", + "ist" + ], + [ + "ĠIn", + "valid" + ], + [ + "oid", + "es" + ], + [ + "Ġdeb", + "ut" + ], + [ + "Ġsn", + "iff" + ], + [ + "Ġyouth", + "ful" + ], + [ + "C", + "ome" + ], + [ + "T", + "ri" + ], + [ + "É", + "ª" + ], + [ + "ph", + "inx" + ], + [ + "ex", + "am" + ], + [ + "Ġnorth", + "ward" + ], + [ + "Ġhom", + "in" + ], + [ + "Ġexplos", + "ives" + ], + [ + "aund", + "ers" + ], + [ + "Ġingen", + "ious" + ], + [ + "Ġpopul", + "ace" + ], + [ + "STAT", + "US" + ], + [ + "ĠDoct", + "rine" + ], + [ + "Ġn", + "inety" + ], + [ + "ĠP", + "tole" + ], + [ + "Ġfl", + "ap" + ], + [ + "CON", + "F" + ], + [ + "Ġmobil", + "ization" + ], + [ + "ĠShut", + "tle" + ], + [ + "Î", + "Ń" + ], + [ + "Ġh", + "ither" + ], + [ + "Ġsl", + "ogan" + ], + [ + "Ġdoub", + "les" + ], + [ + "ĠNOT", + "E" + ], + [ + "Ġbol", + "ts" + ], + [ + "Ġprud", + "ent" + ], + [ + "R", + "h" + ], + [ + "ĠF", + "I" + ], + [ + "Ġpost", + "war" + ], + [ + "sl", + "ot" + ], + [ + "Class", + "ifier" + ], + [ + "Ġb", + "isc" + ], + [ + "as", + "an" + ], + [ + "Ġor", + "ang" + ], + [ + "ĠE", + "uch" + ], + [ + "Ġpr", + "une" + ], + [ + "oph", + "ysics" + ], + [ + "Ġamb", + "ul" + ], + [ + "Trans", + "port" + ], + [ + "R", + "o" + ], + [ + "ĠN", + "PR" + ], + [ + "af", + "rost" + ], + [ + "C", + "arl" + ], + [ + "ĠAd", + "a" + ], + [ + "assert", + "In" + ], + [ + "Ġ\\", + "\"" + ], + [ + "ĠPass", + "age" + ], + [ + "pert", + "ension" + ], + [ + "Ġm", + "ansion" + ], + [ + "ĠS", + "cul" + ], + [ + "âĶĢâĶĢâĶĢâĶĢ", + "âĶĢâĶĢâĶĢâĶĢ" + ], + [ + "F", + "M" + ], + [ + "Ġnot", + "ifications" + ], + [ + "pre", + "pared" + ], + [ + "ban", + "ks" + ], + [ + "ĠFront", + "ier" + ], + [ + "ĠBos", + "nia" + ], + [ + "Ġwrest", + "ling" + ], + [ + "Ġerrone", + "ous" + ], + [ + "l", + "n" + ], + [ + "y", + "et" + ], + [ + "ĠE", + "thereum" + ], + [ + "ov", + "ine" + ], + [ + "Ġcr", + "ank" + ], + [ + "Cl", + "uster" + ], + [ + "Ġvirt", + "uous" + ], + [ + "ĠArgent", + "ine" + ], + [ + "Austral", + "ian" + ], + [ + "ĠAssy", + "rian" + ], + [ + "l", + "is" + ], + [ + "m", + "agn" + ], + [ + "ĠM", + "umbai" + ], + [ + "ĠD", + "ion" + ], + [ + "ĠN", + "ab" + ], + [ + "Ġgen", + "omics" + ], + [ + "inter", + "action" + ], + [ + "Ġs", + "v" + ], + [ + "Ġin", + "secure" + ], + [ + "Ġl", + "enders" + ], + [ + "Ġun", + "locking" + ], + [ + "Ġneg", + "atives" + ], + [ + "EC", + "K" + ], + [ + "techn", + "ical" + ], + [ + "ĠS", + "axon" + ], + [ + "Ġpol", + "ish" + ], + [ + "Ġnum", + "s" + ], + [ + "Ġshe", + "ath" + ], + [ + "ĠOut", + "line" + ], + [ + "fol", + "ios" + ], + [ + "Dep", + "th" + ], + [ + "Ġtriglycer", + "ides" + ], + [ + "Ġendot", + "helial" + ], + [ + "il", + "ot" + ], + [ + "Ġfl", + "akes" + ], + [ + "Ġshe", + "pherd" + ], + [ + "Ġend", + "ings" + ], + [ + "Ġcand", + "ies" + ], + [ + "Ġnarrow", + "ed" + ], + [ + "Ġinsur", + "mountable" + ], + [ + "ĠGael", + "ic" + ], + [ + "ĠSim", + "ultaneously" + ], + [ + "config", + "s" + ], + [ + "Ġfort", + "ifications" + ], + [ + "ĠTy", + "ler" + ], + [ + "ĠMechan", + "isms" + ], + [ + "Ġanest", + "hetic" + ], + [ + ",", + ")," + ], + [ + "Ġs", + "ar" + ], + [ + "Ġg", + "ob" + ], + [ + "ĠA", + "j" + ], + [ + "ĠC", + "arson" + ], + [ + "Ġpre", + "ach" + ], + [ + "Ġreg", + "iments" + ], + [ + "acc", + "ording" + ], + [ + "ĠConf", + "irm" + ], + [ + "Ġdownload", + "s" + ], + [ + "Pub", + "lisher" + ], + [ + "ĠText", + "s" + ], + [ + "Ġmonarch", + "s" + ], + [ + "Ġsequest", + "ration" + ], + [ + ",", + "))" + ], + [ + "H", + "a" + ], + [ + "s", + "low" + ], + [ + "ĠV", + "ac" + ], + [ + "Ġadj", + "oining" + ], + [ + "Ġresid", + "ency" + ], + [ + "ĠKn", + "ox" + ], + [ + "e", + "lection" + ], + [ + "ä", + "¾" + ], + [ + "ĠH", + "ert" + ], + [ + "Ġch", + "or" + ], + [ + "Ġprov", + "oked" + ], + [ + "Ġafter", + "life" + ], + [ + "gg", + "er" + ], + [ + "Ġcompos", + "ites" + ], + [ + "ĠCompan", + "ion" + ], + [ + "fin", + "ished" + ], + [ + "Ġevac", + "uated" + ], + [ + "Ġupgrad", + "ed" + ], + [ + "Ġsab", + "ot" + ], + [ + "A", + "ff" + ], + [ + "S", + "cal" + ], + [ + "ĠA", + "CC" + ], + [ + "ĠV", + "ander" + ], + [ + "ĠLe", + "h" + ], + [ + "olk", + "ien" + ], + [ + "Ġporn", + "ography" + ], + [ + "Ġkins", + "hip" + ], + [ + "D", + "u" + ], + [ + "Ġfl", + "ashing" + ], + [ + "ĠPer", + "uvian" + ], + [ + "ĠInc", + "a" + ], + [ + "Ġrevol", + "ve" + ], + [ + "Ġregen", + "erate" + ], + [ + "m", + "is" + ], + [ + "ĠH", + "ess" + ], + [ + "ĠG", + "ul" + ], + [ + "app", + "ings" + ], + [ + "St", + "ory" + ], + [ + "Ġbad", + "ge" + ], + [ + "ĠOpt", + "ical" + ], + [ + "(", + "'," + ], + [ + "f", + "elt" + ], + [ + "Ġst", + "igmat" + ], + [ + "Ġcom", + "plicate" + ], + [ + "Ġcont", + "ests" + ], + [ + "Ġcol", + "s" + ], + [ + "inter", + "pret" + ], + [ + "Ġroof", + "ing" + ], + [ + "Spec", + "ies" + ], + [ + "squ", + "eeze" + ], + [ + "Ê", + "»" + ], + [ + "he", + "li" + ], + [ + "Ġre", + "ed" + ], + [ + "Ġ(", + "@" + ], + [ + "un", + "ned" + ], + [ + "ans", + "en" + ], + [ + "Ġcheck", + "ups" + ], + [ + "Ġvalu", + "ation" + ], + [ + "Ass", + "essment" + ], + [ + "aa", + "S" + ], + [ + "ophil", + "ic" + ], + [ + "Import", + "ant" + ], + [ + "Ġtumult", + "uous" + ], + [ + "ect", + "ors" + ], + [ + "ĠG", + "rab" + ], + [ + "Ġpl", + "asm" + ], + [ + "Ġk", + "angar" + ], + [ + "ric", + "a" + ], + [ + "Ġpopular", + "ized" + ], + [ + "Pl", + "ants" + ], + [ + "ĠTre", + "asure" + ], + [ + "Form", + "atter" + ], + [ + "Ġexceed", + "ingly" + ], + [ + "Que", + "ue" + ], + [ + "?", + ")." + ], + [ + "l", + "ens" + ], + [ + "ir", + "in" + ], + [ + "Ġcon", + "clusive" + ], + [ + "Ġqu", + "ake" + ], + [ + "Ġprot", + "otyping" + ], + [ + "ĠRecommend", + "ations" + ], + [ + "u", + "itive" + ], + [ + "ĠB", + "oolean" + ], + [ + "AS", + "K" + ], + [ + "Ġarch", + "ipelago" + ], + [ + "Ġfrag", + "rance" + ], + [ + "ocy", + "an" + ], + [ + "Ġconcurrent", + "ly" + ], + [ + "id", + "ences" + ], + [ + "ĠA", + "ri" + ], + [ + "Ġpro", + "let" + ], + [ + "ĠH", + "ouses" + ], + [ + "Ġcur", + "tains" + ], + [ + "val", + "ued" + ], + [ + "class", + "ifier" + ], + [ + "Ġconcent", + "rates" + ], + [ + "Ġsen", + "ators" + ], + [ + "Ġmarvel", + "ous" + ], + [ + "Direct", + "ory" + ], + [ + "Ġmacroph", + "ages" + ], + [ + "M", + "ED" + ], + [ + "S", + "ad" + ], + [ + "b", + "ie" + ], + [ + "Ġin", + "let" + ], + [ + "ers", + "en" + ], + [ + "Ġout", + "going" + ], + [ + "rug", + "u" + ], + [ + "ĠHer", + "oes" + ], + [ + "Ġelement", + "al" + ], + [ + "Ġclar", + "ified" + ], + [ + "embed", + "dings" + ], + [ + "Ġrif", + "les" + ], + [ + "Ġimplicit", + "ly" + ], + [ + "if", + "i" + ], + [ + "Ġtra", + "ctor" + ], + [ + "ĠRes", + "cue" + ], + [ + "Ġliter", + "ate" + ], + [ + "Ġmel", + "ts" + ], + [ + "Ġpersu", + "asion" + ], + [ + "P", + "icture" + ], + [ + "Y", + "Y" + ], + [ + "m", + "ese" + ], + [ + "t", + "ale" + ], + [ + "ĠF", + "ay" + ], + [ + "Ġqu", + "asi" + ], + [ + "Ġinteract", + "ed" + ], + [ + "ront", + "al" + ], + [ + "see", + "king" + ], + [ + "Ġiron", + "ic" + ], + [ + "burn", + "ing" + ], + [ + "Ġconsol", + "idate" + ], + [ + "ĠHans", + "en" + ], + [ + "Ġelli", + "ptical" + ], + [ + "R", + "om" + ], + [ + "V", + "ir" + ], + [ + "ĠT", + "EST" + ], + [ + "ĠF", + "etch" + ], + [ + "ĠL", + "inn" + ], + [ + "asc", + "al" + ], + [ + "incre", + "asing" + ], + [ + "p", + "n" + ], + [ + "est", + "a" + ], + [ + "Ġhum", + "ili" + ], + [ + "Ġchem", + "ists" + ], + [ + "ĠMark", + "ets" + ], + [ + "Co", + "ord" + ], + [ + "Ġc", + "uff" + ], + [ + "Ġw", + "il" + ], + [ + "Ġp", + "acing" + ], + [ + "ĠM", + "ixed" + ], + [ + "th", + "ings" + ], + [ + "Ġov", + "ens" + ], + [ + "Ġsymb", + "iotic" + ], + [ + "Ġpredis", + "position" + ], + [ + "l", + "ov" + ], + [ + "Ä", + "ĥ" + ], + [ + "ary", + "a" + ], + [ + "ĠQ", + "R" + ], + [ + "Ġsubst", + "ituted" + ], + [ + "ĠPre", + "pared" + ], + [ + "ĠMin", + "neapolis" + ], + [ + "ĠStart", + "ed" + ], + [ + "Ġdecom", + "pose" + ], + [ + "ĠKu", + "wait" + ], + [ + "ĠSah", + "ara" + ], + [ + "O", + "FF" + ], + [ + "f", + "ew" + ], + [ + "č", + "ĊĠĠĠĠĠ" + ], + [ + "it", + "atively" + ], + [ + "Ġe", + "gal" + ], + [ + "Ġr", + "uth" + ], + [ + "ub", + "on" + ], + [ + "Ġthrough", + "put" + ], + [ + "Ġextrem", + "ities" + ], + [ + "sk", + "illed" + ], + [ + "Ġpool", + "ing" + ], + [ + "Ġcov", + "ariance" + ], + [ + "ĠRecomm", + "ended" + ], + [ + "S", + "ure" + ], + [ + "č", + "čĊĠĠĠĠĠĠĠĠ" + ], + [ + "am", + "ong" + ], + [ + "ĠC", + "itation" + ], + [ + "ĠD", + "ad" + ], + [ + "Ġcl", + "icks" + ], + [ + "ian", + "e" + ], + [ + "Ġsl", + "ang" + ], + [ + "Opt", + "im" + ], + [ + "Ġaccred", + "itation" + ], + [ + "âĢł", + "âĢł" + ], + [ + "ĠProced", + "ures" + ], + [ + "Ġp", + "ity" + ], + [ + "Al", + "ter" + ], + [ + "ĠStep", + "han" + ], + [ + "Ġintegr", + "ative" + ], + [ + "Ġneutral", + "ize" + ], + [ + "Ġpear", + "l" + ], + [ + "F", + "at" + ], + [ + "ĠA", + "CE" + ], + [ + "term", + "inal" + ], + [ + "Ġship", + "wre" + ], + [ + "Ġverte", + "brate" + ], + [ + "ĠRat", + "io" + ], + [ + "!", + "'" + ], + [ + "Ġm", + "oose" + ], + [ + "Ġpath", + "ogenesis" + ], + [ + "ĠJust", + "in" + ], + [ + "Ġsequ", + "enced" + ], + [ + "Ġfilm", + "makers" + ], + [ + "swe", + "et" + ], + [ + "Sum", + "mer" + ], + [ + "l", + "aws" + ], + [ + "as", + "sembly" + ], + [ + "ĠP", + "oles" + ], + [ + "Ġv", + "ested" + ], + [ + "ĠH", + "amburg" + ], + [ + "Ġun", + "lawful" + ], + [ + "Ġpol", + "arity" + ], + [ + "Ġcre", + "v" + ], + [ + "Ġident", + "ifiers" + ], + [ + "Ġsym", + "phony" + ], + [ + "cont", + "amination" + ], + [ + "Ġvision", + "ary" + ], + [ + "Ġdehyd", + "rated" + ], + [ + "Ġmurd", + "ers" + ], + [ + "Ġfollic", + "les" + ], + [ + "in", + "ic" + ], + [ + "Ġl", + "ys" + ], + [ + "ul", + "o" + ], + [ + "Ġan", + "orexia" + ], + [ + "ĠThe", + "sis" + ], + [ + "Ġle", + "opard" + ], + [ + "Ġk", + "icking" + ], + [ + "Ġmed", + "als" + ], + [ + "Ġz", + "oos" + ], + [ + "ĠFlor", + "a" + ], + [ + "VI", + "EW" + ], + [ + "ĠFem", + "ales" + ], + [ + "Miss", + "ing" + ], + [ + "ĠMaced", + "onia" + ], + [ + "Cho", + "osing" + ], + [ + "g", + "ather" + ], + [ + "ĠC", + "NS" + ], + [ + "Ġdet", + "ained" + ], + [ + "assert", + "Equals" + ], + [ + "ĠJes", + "se" + ], + [ + "AD", + "HD" + ], + [ + "Ġsubsc", + "ribers" + ], + [ + "Ġcaut", + "iously" + ], + [ + "ĠFran", + "ç" + ], + [ + "ĠMozamb", + "ique" + ], + [ + "c", + "umin" + ], + [ + "h", + "orn" + ], + [ + "i", + "atives" + ], + [ + "m", + "ys" + ], + [ + "Ġc", + "ages" + ], + [ + "Ġb", + "ou" + ], + [ + "ĠAsk", + "ed" + ], + [ + "Ag", + "ricult" + ], + [ + "Ġmarvel", + "s" + ], + [ + "Ġcongreg", + "ations" + ], + [ + "il", + "o" + ], + [ + "Ġcan", + "oe" + ], + [ + "ĠO", + "ceans" + ], + [ + "ash", + "tra" + ], + [ + "Ġkn", + "itting" + ], + [ + "ĠNeg", + "ot" + ], + [ + "Ġc", + "map" + ], + [ + "ge", + "ons" + ], + [ + "Ġsp", + "ouses" + ], + [ + "ĠK", + "ru" + ], + [ + "Ġbi", + "king" + ], + [ + "Ġlocal", + "ization" + ], + [ + "Ġconstruct", + "or" + ], + [ + "Ġlie", + "utenant" + ], + [ + "Ġton", + "ight" + ], + [ + "ĠCall", + "ed" + ], + [ + "ĠAqu", + "arium" + ], + [ + "rov", + "iral" + ], + [ + "ĠNiger", + "ian" + ], + [ + "ĠAyurved", + "a" + ], + [ + "v", + "id" + ], + [ + "il", + "ant" + ], + [ + "Ġg", + "our" + ], + [ + "Ġty", + "ing" + ], + [ + "ĠRe", + "venue" + ], + [ + "EL", + "TS" + ], + [ + "he", + "ed" + ], + [ + "ĠIn", + "clusive" + ], + [ + "Ġdo", + "ve" + ], + [ + "ĠPer", + "cent" + ], + [ + "ĠFranc", + "isc" + ], + [ + "Ġlock", + "down" + ], + [ + "Ġwal", + "nuts" + ], + [ + "ĠCert", + "ification" + ], + [ + "ĠChron", + "icles" + ], + [ + "Ġtrump", + "et" + ], + [ + "as", + "o" + ], + [ + "Ġn", + "x" + ], + [ + "ĠM", + "Y" + ], + [ + "ag", + "ree" + ], + [ + "EC", + "H" + ], + [ + "Ġhom", + "age" + ], + [ + "Ġcompl", + "aining" + ], + [ + "Ġbored", + "om" + ], + [ + "f", + "m" + ], + [ + "g", + "ot" + ], + [ + "m", + "ong" + ], + [ + "ĠO", + "B" + ], + [ + "Ġmult", + "ilateral" + ], + [ + "Com", + "plete" + ], + [ + "Ġsyn", + "erg" + ], + [ + "Aut", + "hent" + ], + [ + "script", + "s" + ], + [ + "Ġaeros", + "ols" + ], + [ + "Ġsubgen", + "re" + ], + [ + "Ġstren", + "uous" + ], + [ + "Å", + "ĵ" + ], + [ + "ĠS", + "ue" + ], + [ + "Ġsy", + "philis" + ], + [ + "ĠAn", + "th" + ], + [ + "NA", + "S" + ], + [ + "ĠPract", + "ition" + ], + [ + "api", + "ens" + ], + [ + "RC", + "A" + ], + [ + "Ġar", + "isen" + ], + [ + "In", + "g" + ], + [ + "ull", + "a" + ], + [ + "Ġpsych", + "osis" + ], + [ + "Art", + "ificial" + ], + [ + "Ġhal", + "ted" + ], + [ + "ĠFem", + "inist" + ], + [ + "Ġconting", + "ency" + ], + [ + "ĠHimal", + "ayas" + ], + [ + "d", + "ard" + ], + [ + "Ġc", + "ries" + ], + [ + "ce", + "ph" + ], + [ + "ons", + "et" + ], + [ + "ĠUn", + "icode" + ], + [ + "Ġsw", + "amps" + ], + [ + "Ġur", + "gently" + ], + [ + "ĠGen", + "erated" + ], + [ + "ĠChile", + "an" + ], + [ + "L", + "M" + ], + [ + "f", + "el" + ], + [ + "Ġw", + "atered" + ], + [ + "Ġh", + "ors" + ], + [ + "ok", + "o" + ], + [ + "process", + "ors" + ], + [ + "Ġfr", + "anc" + ], + [ + "Ġcher", + "ries" + ], + [ + "ĠBuddh", + "ists" + ], + [ + "iw", + "i" + ], + [ + "ĠGate", + "way" + ], + [ + "ĠAmid", + "st" + ], + [ + "Ġin", + "box" + ], + [ + "Ġ*", + "," + ], + [ + "Pro", + "perties" + ], + [ + "ĠMc", + "L" + ], + [ + "riend", + "ly" + ], + [ + "к", + "а" + ], + [ + "in", + "ja" + ], + [ + "er", + "ical" + ], + [ + "ĠC", + "AM" + ], + [ + "Ġimp", + "ede" + ], + [ + "ĠK", + "om" + ], + [ + "ĠAl", + "leg" + ], + [ + "Ġste", + "aming" + ], + [ + "Ġhour", + "ly" + ], + [ + "Ġmedi", + "ator" + ], + [ + "Ġindul", + "ge" + ], + [ + "Ġproject", + "ing" + ], + [ + "ĠCl", + "iff" + ], + [ + "Ġinvestig", + "ative" + ], + [ + "ĠGl", + "oss" + ], + [ + "ĠRam", + "an" + ], + [ + "Ġabbrev", + "iation" + ], + [ + "Ox", + "ford" + ], + [ + "Ġw", + "rought" + ], + [ + "ĠP", + "up" + ], + [ + "est", + "own" + ], + [ + "te", + "chnology" + ], + [ + "Ġacid", + "ification" + ], + [ + "RO", + "W" + ], + [ + "Ġwra", + "ps" + ], + [ + "ĠNY", + "C" + ], + [ + "ĠBroad", + "way" + ], + [ + "Ġvin", + "yl" + ], + [ + "Ġst", + "ools" + ], + [ + "ĠM", + "aker" + ], + [ + "Ġstud", + "ios" + ], + [ + "ĠMod", + "ified" + ], + [ + "Ġweather", + "ing" + ], + [ + "cons", + "umer" + ], + [ + "Ġdeliver", + "ies" + ], + [ + "Ġaccum", + "ulates" + ], + [ + "ĠTri", + "angle" + ], + [ + "ĠKat", + "rina" + ], + [ + "respons", + "ible" + ], + [ + "re", + "ply" + ], + [ + "Ġpo", + "ignant" + ], + [ + "min", + "imum" + ], + [ + "Al", + "cohol" + ], + [ + "ĠCO", + "L" + ], + [ + "j", + "p" + ], + [ + "ĠM", + "ER" + ], + [ + "ĠF", + "en" + ], + [ + "Ġqu", + "il" + ], + [ + "Ġstr", + "ives" + ], + [ + "Ġlong", + "ing" + ], + [ + "ĠAl", + "phabet" + ], + [ + "Ġconf", + "ession" + ], + [ + "Ġpoly", + "gon" + ], + [ + "VAL", + "ID" + ], + [ + "ĠBrah", + "man" + ], + [ + "ĠVul", + "ner" + ], + [ + "+", + "-" + ], + [ + "ĠD", + "ame" + ], + [ + "ĠL", + "ap" + ], + [ + "ĠL", + "EG" + ], + [ + "Ġun", + "controll" + ], + [ + "ret", + "ched" + ], + [ + "F", + "orest" + ], + [ + "k", + "ines" + ], + [ + "Ġwar", + "rants" + ], + [ + "dis", + "abled" + ], + [ + "Ġpray", + "ed" + ], + [ + "Ġhorr", + "ific" + ], + [ + "templ", + "ates" + ], + [ + "Ġl", + "ends" + ], + [ + "im", + "aging" + ], + [ + "ol", + "ip" + ], + [ + "pl", + "ural" + ], + [ + "Ġab", + "ide" + ], + [ + "Ġro", + "asting" + ], + [ + "Ġrec", + "ap" + ], + [ + "ok", + "i" + ], + [ + "head", + "ing" + ], + [ + "ĠPres", + "erve" + ], + [ + "ĠEli", + "ot" + ], + [ + "ĠP", + "OS" + ], + [ + "ost", + "eroids" + ], + [ + "ĠIn", + "form" + ], + [ + "ens", + "ory" + ], + [ + "Ġcolor", + "ation" + ], + [ + "uns", + "aturated" + ], + [ + "Ġescal", + "ate" + ], + [ + "Ġcompanions", + "hip" + ], + [ + "scient", + "ists" + ], + [ + "â", + "Ļ" + ], + [ + "ĠI", + "BS" + ], + [ + "ĠW", + "orm" + ], + [ + "Ġso", + "aring" + ], + [ + "ĠSt", + "yles" + ], + [ + "Ġpost", + "partum" + ], + [ + "Ġfall", + "acy" + ], + [ + "ĠPar", + "allel" + ], + [ + "Ġcast", + "s" + ], + [ + "ĠDec", + "ide" + ], + [ + "ĠFe", + "ast" + ], + [ + "Ġcolour", + "ful" + ], + [ + "ĠBagh", + "dad" + ], + [ + "el", + "ope" + ], + [ + "ot", + "ives" + ], + [ + "ĠD", + "ATA" + ], + [ + "ĠMin", + "isters" + ], + [ + "Ġsecret", + "ions" + ], + [ + "doc", + "uments" + ], + [ + "ĠAlg", + "orithm" + ], + [ + "se", + "in" + ], + [ + "ly", + "ss" + ], + [ + "oc", + "ultural" + ], + [ + "Ġdiff", + "raction" + ], + [ + "ih", + "u" + ], + [ + "Ġlobby", + "ing" + ], + [ + "Ġredes", + "ign" + ], + [ + "g", + "ue" + ], + [ + "Ġre", + "connect" + ], + [ + "Ġphot", + "oc" + ], + [ + "vert", + "ices" + ], + [ + "mill", + "an" + ], + [ + "Ins", + "ert" + ], + [ + "Ġinterchange", + "ably" + ], + [ + "Ġcourty", + "ard" + ], + [ + "oc", + "arbon" + ], + [ + "ĠR", + "AF" + ], + [ + "Ġbi", + "ochemistry" + ], + [ + "ogen", + "es" + ], + [ + "ĠDav", + "ies" + ], + [ + "ĠTr", + "ials" + ], + [ + "ĠPlan", + "etary" + ], + [ + "ĠChap", + "man" + ], + [ + "S", + "ound" + ], + [ + "Ġ(", + "%" + ], + [ + "ĠM", + "ask" + ], + [ + "ĠD", + "um" + ], + [ + "Ġdi", + "abetics" + ], + [ + "ĠWorld", + "s" + ], + [ + "yl", + "im" + ], + [ + "ĠGard", + "ner" + ], + [ + "ĠTurn", + "ing" + ], + [ + "ĠBarn", + "es" + ], + [ + "Ġenlarge", + "ment" + ], + [ + "Ġmang", + "rove" + ], + [ + "Ġbu", + "ys" + ], + [ + "Ġfull", + "ness" + ], + [ + "CL", + "UD" + ], + [ + "Ext", + "ract" + ], + [ + "Ġdownt", + "ime" + ], + [ + "Ġmiscar", + "riage" + ], + [ + "Ġm", + "all" + ], + [ + "ĠR", + "SS" + ], + [ + "Ġper", + "ished" + ], + [ + "ĠRe", + "creation" + ], + [ + "ring", + "es" + ], + [ + "ĠSix", + "th" + ], + [ + "Ġu", + "pp" + ], + [ + "Ġv", + "ortex" + ], + [ + "ĠD", + "w" + ], + [ + "ĠUn", + "known" + ], + [ + "Ġatt", + "aches" + ], + [ + "Ġactiv", + "ating" + ], + [ + "De", + "ath" + ], + [ + "Ġgar", + "nered" + ], + [ + "you", + "ng" + ], + [ + "Ġbench", + "marks" + ], + [ + "ĠVeg", + "as" + ], + [ + "ĠC", + "rick" + ], + [ + "Ġab", + "ort" + ], + [ + "min", + "or" + ], + [ + "Ġcomment", + "ators" + ], + [ + "ĠRoc", + "kefeller" + ], + [ + "Ġtel", + "ome" + ], + [ + "Ġbinocular", + "s" + ], + [ + "?", + "." + ], + [ + "Ġsu", + "ction" + ], + [ + "ff", + "ff" + ], + [ + "ĠOr", + "bit" + ], + [ + "ĠMay", + "an" + ], + [ + "ĠCar", + "p" + ], + [ + "Ġwarm", + "ed" + ], + [ + "Ġwave", + "form" + ], + [ + "Ġplug", + "s" + ], + [ + "super", + "vised" + ], + [ + "ĠPeters", + "on" + ], + [ + "Ġpersec", + "uted" + ], + [ + "b", + "d" + ], + [ + "c", + "alls" + ], + [ + "g", + "ins" + ], + [ + "Ġp", + "iqued" + ], + [ + "ĠA", + "ram" + ], + [ + "te", + "aching" + ], + [ + "com", + "pl" + ], + [ + "Ġinf", + "low" + ], + [ + "arg", + "max" + ], + [ + "eg", + "er" + ], + [ + "ĠFund", + "ing" + ], + [ + "ĠGraph", + "ics" + ], + [ + "er", + "oon" + ], + [ + "Ġc", + "emeteries" + ], + [ + "Ġe", + "ternity" + ], + [ + "Ġal", + "pine" + ], + [ + "Ġus", + "ability" + ], + [ + "Ġdis", + "place" + ], + [ + "ĠUn", + "ix" + ], + [ + "Ġfull", + "er" + ], + [ + "Ġshel", + "tered" + ], + [ + "ĠAL", + "S" + ], + [ + "Ġovers", + "had" + ], + [ + "cr", + "ime" + ], + [ + "ĠHunt", + "ing" + ], + [ + "ĠMugh", + "al" + ], + [ + "oli", + "osis" + ], + [ + "ĠMos", + "quit" + ], + [ + "R", + "ab" + ], + [ + "Ġo", + "ve" + ], + [ + "us", + "ks" + ], + [ + "ĠP", + "B" + ], + [ + "ĠB", + "har" + ], + [ + "Ġsu", + "nd" + ], + [ + "oc", + "rit" + ], + [ + "Ġdens", + "er" + ], + [ + "ĠTher", + "m" + ], + [ + "Ġinadvert", + "ently" + ], + [ + "T", + "reat" + ], + [ + "b", + "os" + ], + [ + "Ġmar", + "bles" + ], + [ + "ĠOk", + "ay" + ], + [ + "+", + ")" + ], + [ + ";", + "\"" + ], + [ + "x", + "path" + ], + [ + "ĠB", + "ios" + ], + [ + "Ġsom", + "atic" + ], + [ + "Ġann", + "ouncing" + ], + [ + "App", + "ly" + ], + [ + "ãĤ", + "Ĵ" + ], + [ + "Ġrevers", + "ing" + ], + [ + "charg", + "ed" + ], + [ + "Ġpenn", + "ed" + ], + [ + ":", + "]," + ], + [ + "N", + "ob" + ], + [ + "Ġg", + "endered" + ], + [ + "erv", + "oir" + ], + [ + "Ġmon", + "o" + ], + [ + "Ġlaw", + "ful" + ], + [ + "Ġrecord", + "er" + ], + [ + "Ġachie", + "ves" + ], + [ + "Ġdom", + "inates" + ], + [ + "ĠSet", + "tlement" + ], + [ + "ĠMill", + "ion" + ], + [ + "Ġclock", + "wise" + ], + [ + "pher", + "ds" + ], + [ + "ietz", + "sche" + ], + [ + "Ġa", + "le" + ], + [ + "Ġl", + "izard" + ], + [ + "ist", + "ency" + ], + [ + "est", + "im" + ], + [ + "Ġcl", + "ashes" + ], + [ + "Ġhes", + "itation" + ], + [ + "former", + "ly" + ], + [ + "ESC", + "RIPT" + ], + [ + "otrop", + "ic" + ], + [ + "aphyloc", + "occus" + ], + [ + "Ġunavoid", + "able" + ], + [ + "M", + "ount" + ], + [ + "ĠMus", + "k" + ], + [ + "Ġprohib", + "iting" + ], + [ + "Ġunfair", + "ly" + ], + [ + "Dom", + "ain" + ], + [ + "B", + "udd" + ], + [ + "S", + "afe" + ], + [ + "t", + "ales" + ], + [ + "ĠC", + "ic" + ], + [ + "ys", + "on" + ], + [ + "ĠBl", + "o" + ], + [ + "So", + "il" + ], + [ + "Ġcomment", + "aries" + ], + [ + "Ġkil", + "n" + ], + [ + "Ġgall", + "bladder" + ], + [ + "ĠPub", + "Med" + ], + [ + "Ġesteem", + "ed" + ], + [ + "%", + "||" + ], + [ + "t", + "is" + ], + [ + "re", + "liance" + ], + [ + "ĠT", + "ribe" + ], + [ + "ĠC", + "rist" + ], + [ + "Ġbi", + "ot" + ], + [ + "roll", + "s" + ], + [ + "ĠST", + "AT" + ], + [ + "ĠEnt", + "om" + ], + [ + "ĠB", + "ast" + ], + [ + "ĠB", + "ris" + ], + [ + "ĠB", + "ottom" + ], + [ + "Ġsp", + "ies" + ], + [ + "Ġplan", + "ner" + ], + [ + "Ġcontent", + "ious" + ], + [ + "ĠGl", + "ob" + ], + [ + "ĠDirect", + "ive" + ], + [ + "John", + "son" + ], + [ + "Ġpenet", + "rating" + ], + [ + "Ġunfold", + "ed" + ], + [ + "Ġmaneu", + "vers" + ], + [ + "Ġrenov", + "ation" + ], + [ + "G", + "W" + ], + [ + "M", + "aterial" + ], + [ + "×", + "IJ" + ], + [ + "al", + "ted" + ], + [ + "ĠK", + "urt" + ], + [ + "Ġhy", + "mn" + ], + [ + "R", + "GB" + ], + [ + "ĠD", + "ru" + ], + [ + "Ġwill", + "ow" + ], + [ + "ĠInd", + "us" + ], + [ + "ĠÎ", + "Ķ" + ], + [ + "Ġabst", + "inence" + ], + [ + "ĠCaval", + "ry" + ], + [ + "w", + "rong" + ], + [ + "Ġre", + "jo" + ], + [ + "ĠA", + "WS" + ], + [ + "Ġinc", + "andescent" + ], + [ + "ĠJes", + "uit" + ], + [ + "AP", + "H" + ], + [ + "fe", + "el" + ], + [ + "bell", + "um" + ], + [ + "Ġgerm", + "inate" + ], + [ + "SO", + "URCE" + ], + [ + "Ġg", + "oggles" + ], + [ + "ot", + "us" + ], + [ + "ĠGl", + "enn" + ], + [ + "hand", + "lers" + ], + [ + "tra", + "vel" + ], + [ + "Ġfest", + "ivities" + ], + [ + "Ġpars", + "ing" + ], + [ + ">", + "`" + ], + [ + "ĠF", + "usion" + ], + [ + "Ġstr", + "ongh" + ], + [ + "ĠNe", + "ck" + ], + [ + "Ġexec", + "utable" + ], + [ + "Ġju", + "xtap" + ], + [ + "ĠSmall", + "er" + ], + [ + "Dat", + "abase" + ], + [ + "ĠSlav", + "ic" + ], + [ + "Ã", + "Ł" + ], + [ + "oc", + "in" + ], + [ + "ĠN", + "LP" + ], + [ + "Ġpr", + "imate" + ], + [ + "Ġperform", + "er" + ], + [ + "trans", + "lation" + ], + [ + "ĠMaster", + "ing" + ], + [ + "ĠâĨ", + "©" + ], + [ + "Ġde", + "w" + ], + [ + "ĠEm", + "issions" + ], + [ + "Ġacknowledge", + "ment" + ], + [ + "Ġstew", + "ards" + ], + [ + "ĠHunt", + "ington" + ], + [ + "Exp", + "ression" + ], + [ + "Adv", + "anced" + ], + [ + "ĠM", + "ild" + ], + [ + "Ġrequ", + "isite" + ], + [ + "Ġcy", + "stic" + ], + [ + "num", + "bered" + ], + [ + "Ġpredict", + "ors" + ], + [ + "lim", + "its" + ], + [ + "ĠBel", + "ize" + ], + [ + "worth", + "iness" + ], + [ + "prop", + "ag" + ], + [ + "Ġtimed", + "elta" + ], + [ + "ĠNeurolog", + "y" + ], + [ + "ĠNash", + "ville" + ], + [ + "Ġrearr", + "ange" + ], + [ + "b", + "uck" + ], + [ + "Ġn", + "ymph" + ], + [ + "ĠT", + "ill" + ], + [ + "ib", + "e" + ], + [ + "Ġrem", + "ission" + ], + [ + "Ġcontra", + "ceptive" + ], + [ + "ophil", + "ia" + ], + [ + "Ġunderest", + "imated" + ], + [ + "ĠLarg", + "er" + ], + [ + "C", + "as" + ], + [ + "Ġm", + "ailing" + ], + [ + "Ġd", + "ancer" + ], + [ + "ĠD", + "ob" + ], + [ + "ĠSt", + "ef" + ], + [ + "Ġexpl", + "ode" + ], + [ + "fig", + "size" + ], + [ + "Ġcris", + "py" + ], + [ + "Ġdent", + "ures" + ], + [ + "Ġmild", + "ew" + ], + [ + "Ġbroadcast", + "s" + ], + [ + "Ġpries", + "thood" + ], + [ + "J", + "ones" + ], + [ + "c", + "ulation" + ], + [ + "ĠI", + "roqu" + ], + [ + "Ġr", + "arity" + ], + [ + "Ġbre", + "thren" + ], + [ + "Ġtradem", + "arks" + ], + [ + "D", + "UCT" + ], + [ + "T", + "AG" + ], + [ + "rom", + "agnetic" + ], + [ + "ĠCon", + "sequences" + ], + [ + "ĠAss", + "uming" + ], + [ + "ĠTra", + "cking" + ], + [ + "ĠLear", + "ned" + ], + [ + "Ġion", + "ic" + ], + [ + "Ġaggreg", + "ates" + ], + [ + "ĠHait", + "ian" + ], + [ + "Ġdissatis", + "faction" + ], + [ + "Ġarte", + "facts" + ], + [ + "Ġundist", + "urbed" + ], + [ + "H", + "on" + ], + [ + "b", + "ish" + ], + [ + "g", + "m" + ], + [ + "ĠD", + "uck" + ], + [ + "ĠN", + "amed" + ], + [ + "idd", + "ish" + ], + [ + "ĠTe", + "ams" + ], + [ + "Ġinfl", + "ated" + ], + [ + "ĠSign", + "ificant" + ], + [ + "ĠHarv", + "est" + ], + [ + "ĠFlu", + "id" + ], + [ + "Ġfingerprint", + "s" + ], + [ + "F", + "ill" + ], + [ + "iv", + "ary" + ], + [ + "Ġloc", + "king" + ], + [ + "Ġmagn", + "ification" + ], + [ + "Ġpet", + "rol" + ], + [ + "Ġsyn", + "onym" + ], + [ + "Ġwarrant", + "y" + ], + [ + "Ġexh", + "ilar" + ], + [ + "Ø", + "¹" + ], + [ + "Ġs", + "lug" + ], + [ + "ell", + "ate" + ], + [ + "Ġinf", + "rast" + ], + [ + "Ġher", + "nia" + ], + [ + "Ġold", + "s" + ], + [ + "ĠBi", + "om" + ], + [ + "Ġbio", + "fuel" + ], + [ + "ĠEst", + "onia" + ], + [ + "Ġtraged", + "ies" + ], + [ + "b", + "elt" + ], + [ + "d", + "an" + ], + [ + "æ", + "Ń" + ], + [ + "ie", + "ving" + ], + [ + "Ġun", + "natural" + ], + [ + "ĠAs", + "ians" + ], + [ + "Ġbr", + "isk" + ], + [ + "ĠEm", + "otions" + ], + [ + "Ġrefrig", + "er" + ], + [ + "n", + "os" + ], + [ + "is", + "lation" + ], + [ + "ĠS", + "ets" + ], + [ + "Ġsp", + "arking" + ], + [ + "Ġdefend", + "ants" + ], + [ + "ĠF", + "urn" + ], + [ + "ĠF", + "IG" + ], + [ + "Ġinter", + "ruption" + ], + [ + "Ġterm", + "inate" + ], + [ + "Ġrev", + "ive" + ], + [ + "Ġpoly", + "ps" + ], + [ + "ĠSym", + "posium" + ], + [ + "ĠScandinav", + "ia" + ], + [ + "Ġh", + "atching" + ], + [ + "Ġaff", + "lict" + ], + [ + "Ġreact", + "ed" + ], + [ + "Ġ__", + "___" + ], + [ + "Ġprop", + "ensity" + ], + [ + "ĠSch", + "ne" + ], + [ + "Ur", + "ban" + ], + [ + "/", + "?" + ], + [ + "Ġn", + "ylon" + ], + [ + "Ġit", + "erate" + ], + [ + "Ġsu", + "ed" + ], + [ + "ĠD", + "elivery" + ], + [ + "ĠTe", + "h" + ], + [ + "Ġvisual", + "izations" + ], + [ + "Ġhands", + "ome" + ], + [ + "Di", + "abetes" + ], + [ + "Ġmetaphor", + "ical" + ], + [ + "Ġlex", + "ical" + ], + [ + "æ", + "³" + ], + [ + "re", + "vision" + ], + [ + "Ġp", + "essim" + ], + [ + "ad", + "minist" + ], + [ + "Ġat", + "rial" + ], + [ + "Ġdist", + "ortions" + ], + [ + "Ġnovel", + "ist" + ], + [ + "ĠPat", + "ricia" + ], + [ + "Ġsql", + "alchemy" + ], + [ + "Ġsynd", + "romes" + ], + [ + "D", + "ry" + ], + [ + "W", + "inter" + ], + [ + "ĠG", + "ang" + ], + [ + "cl", + "ing" + ], + [ + "oll", + "a" + ], + [ + "IT", + "ION" + ], + [ + "Ġload", + "er" + ], + [ + "Ġap", + "ology" + ], + [ + "ĠLib", + "eria" + ], + [ + "Ġcompens", + "ated" + ], + [ + "ĠTasman", + "ia" + ], + [ + "G", + "N" + ], + [ + "v", + "t" + ], + [ + "Ġgener", + "ously" + ], + [ + "()", + ";" + ], + [ + "Ġel", + "apsed" + ], + [ + "Ġpar", + "rot" + ], + [ + "start", + "ing" + ], + [ + "A", + "qu" + ], + [ + "Ġa", + "ortic" + ], + [ + "Ġtr", + "ivia" + ], + [ + "Ġdon", + "t" + ], + [ + "man", + "ual" + ], + [ + "Ġbehav", + "ing" + ], + [ + "arian", + "ism" + ], + [ + "loc", + "ated" + ], + [ + "occur", + "ring" + ], + [ + "Ġvap", + "our" + ], + [ + "d", + "aughter" + ], + [ + "ro", + "be" + ], + [ + "ĠI", + "EP" + ], + [ + "ĠPre", + "viously" + ], + [ + "ros", + "ive" + ], + [ + "ĠJud", + "ith" + ], + [ + "Fl", + "ag" + ], + [ + "ĠAh", + "mad" + ], + [ + "Ġthermost", + "at" + ], + [ + "Ġre", + "introdu" + ], + [ + "Ġex", + "its" + ], + [ + "Ġaw", + "akening" + ], + [ + "ĠGene", + "alog" + ], + [ + "ĠPent", + "ecost" + ], + [ + "C", + "orn" + ], + [ + "ol", + "iberal" + ], + [ + "od", + "ian" + ], + [ + "and", + "um" + ], + [ + "ort", + "a" + ], + [ + "ĠRe", + "asons" + ], + [ + "gu", + "id" + ], + [ + "ĠKum", + "ar" + ], + [ + "s", + "ight" + ], + [ + "u", + "ities" + ], + [ + "Ġth", + "wart" + ], + [ + "Ġtra", + "iling" + ], + [ + "ĠMy", + "ers" + ], + [ + "ĠJul", + "ie" + ], + [ + "Comp", + "onent" + ], + [ + "l", + "p" + ], + [ + "Ġp", + "enguin" + ], + [ + "cl", + "im" + ], + [ + "ĠCom", + "pliance" + ], + [ + "Ġshort", + "ening" + ], + [ + "key", + "word" + ], + [ + "Ġdeal", + "er" + ], + [ + "à¤", + "®" + ], + [ + "ĠEmb", + "ed" + ], + [ + "Expl", + "anation" + ], + [ + "Ġdemol", + "ition" + ], + [ + "æĪ", + "IJ" + ], + [ + "ĠBreat", + "hing" + ], + [ + "ĠAuton", + "omous" + ], + [ + "D", + "ear" + ], + [ + "ic", + "ist" + ], + [ + "id", + "ium" + ], + [ + "ĠM", + "g" + ], + [ + "qu", + "eeze" + ], + [ + "Ġworld", + "ly" + ], + [ + "rig", + "ation" + ], + [ + "Ġvo", + "ila" + ], + [ + "Ġsav", + "vy" + ], + [ + "Ġplate", + "lets" + ], + [ + "effic", + "acy" + ], + [ + "Ġresort", + "ing" + ], + [ + "hearted", + "ly" + ], + [ + "Ġconson", + "ants" + ], + [ + "Ġmatt", + "ress" + ], + [ + "E", + "mp" + ], + [ + "M", + "u" + ], + [ + "Ġm", + "uff" + ], + [ + "Ġam", + "ber" + ], + [ + "Ġchar", + "ities" + ], + [ + "ĠDe", + "bt" + ], + [ + "Ġbro", + "od" + ], + [ + "ĠDr", + "iving" + ], + [ + "Ġselect", + "s" + ], + [ + "spec", + "ified" + ], + [ + "Ġconven", + "ed" + ], + [ + "----------------------------", + "-" + ], + [ + "ĠPubl", + "isher" + ], + [ + "Ġnostalg", + "ia" + ], + [ + "h", + "ub" + ], + [ + "Ġun", + "paid" + ], + [ + "Ġsitu", + "ational" + ], + [ + "Ġflo", + "oring" + ], + [ + "ãĥ", + "¼" + ], + [ + "Ġasyn", + "chronous" + ], + [ + "âĨ", + "Ĵ" + ], + [ + "ĠFerg", + "uson" + ], + [ + "Ġm", + "uddy" + ], + [ + "ĠM", + "AR" + ], + [ + "ĠP", + "iet" + ], + [ + "ĠThe", + "me" + ], + [ + "ĠW", + "R" + ], + [ + "ans", + "on" + ], + [ + "Ġinc", + "ur" + ], + [ + "ĠZ", + "ur" + ], + [ + "ĠSoci", + "eties" + ], + [ + "Ġdu", + "plication" + ], + [ + "Ġcoun", + "selling" + ], + [ + "Ġcrust", + "aceans" + ], + [ + "--------------------------------------------", + "---" + ], + [ + "Crit", + "ical" + ], + [ + "ĠInstru", + "ments" + ], + [ + "Ġs", + "ighed" + ], + [ + "Ġb", + "out" + ], + [ + "Ġm", + "t" + ], + [ + "ce", + "ae" + ], + [ + "term", + "ination" + ], + [ + "Ġcontempl", + "ating" + ], + [ + "Ġpi", + "ety" + ], + [ + "ĠPic", + "asso" + ], + [ + "Ġneurode", + "generative" + ], + [ + "C", + "ounter" + ], + [ + "f", + "b" + ], + [ + "Ġf", + "ading" + ], + [ + "Ġ(", + "." + ], + [ + "ĠR", + "EC" + ], + [ + "ĊĊ", + "ĉĉ" + ], + [ + "ĠMan", + "uel" + ], + [ + "Ġsalt", + "water" + ], + [ + "f", + "riends" + ], + [ + "ir", + "ies" + ], + [ + "ĠP", + "ron" + ], + [ + "ĠP", + "UR" + ], + [ + "Ġv", + "eto" + ], + [ + "ĠE", + "leanor" + ], + [ + "Ġice", + "berg" + ], + [ + "ĠBel", + "arus" + ], + [ + "ĠFant", + "asy" + ], + [ + "O", + "wn" + ], + [ + "P", + "ain" + ], + [ + "j", + "ack" + ], + [ + "ĠB", + "T" + ], + [ + "ĠH", + "ast" + ], + [ + "ĠH", + "ull" + ], + [ + "ĠH", + "CV" + ], + [ + "ĠSe", + "crets" + ], + [ + "Ġtransport", + "s" + ], + [ + "ĠAnt", + "io" + ], + [ + "ĠG", + "EN" + ], + [ + "Ġcomp", + "artments" + ], + [ + "ĠU", + "nt" + ], + [ + "Ġmill", + "ise" + ], + [ + "ĠSquad", + "ron" + ], + [ + "J", + "er" + ], + [ + "in", + "ities" + ], + [ + "el", + "ior" + ], + [ + "end", + "or" + ], + [ + "AS", + "D" + ], + [ + "Ġarch", + "ived" + ], + [ + "ran", + "ial" + ], + [ + "Ġunf", + "avorable" + ], + [ + "dig", + "est" + ], + [ + "Ġstraw", + "berry" + ], + [ + "ĠPatri", + "arch" + ], + [ + "Ġunconst", + "itutional" + ], + [ + "L", + "uc" + ], + [ + "un", + "pack" + ], + [ + "UT", + "C" + ], + [ + "Ġmotiv", + "ates" + ], + [ + "ĠMcC", + "arthy" + ], + [ + "ĠMess", + "enger" + ], + [ + "Ġattent", + "ive" + ], + [ + "ĠHoriz", + "ons" + ], + [ + "Ġeyel", + "ids" + ], + [ + "/", + ")." + ], + [ + "m", + "ons" + ], + [ + "p", + "od" + ], + [ + "Â", + "±" + ], + [ + "Ġit", + "ch" + ], + [ + "ous", + "ed" + ], + [ + "ĠNe", + "ut" + ], + [ + "aly", + "tic" + ], + [ + "iter", + "ations" + ], + [ + "Ġbio", + "ge" + ], + [ + "annot", + "ation" + ], + [ + "ĠWaters", + "hed" + ], + [ + "Ġabbrev", + "iated" + ], + [ + "Ġs", + "add" + ], + [ + "Ġp", + "arch" + ], + [ + "ĠS", + "ELECT" + ], + [ + "ĠP", + "ose" + ], + [ + "ĠP", + "urs" + ], + [ + "Ġsh", + "attered" + ], + [ + "Ġsp", + "ared" + ], + [ + "ĠX", + "en" + ], + [ + "Ġsolid", + "ify" + ], + [ + "CC", + "C" + ], + [ + "Ġadmit", + "ting" + ], + [ + "Ġwitch", + "craft" + ], + [ + "H", + "aw" + ], + [ + "Ġt", + "z" + ], + [ + "ĠS", + "AM" + ], + [ + "ĠM", + "H" + ], + [ + "art", + "hen" + ], + [ + "Ġun", + "equ" + ], + [ + "Ġsol", + "ves" + ], + [ + "Ġsem", + "antics" + ], + [ + "Ġstock", + "p" + ], + [ + "Ġvac", + "ant" + ], + [ + "ĠEmer", + "gence" + ], + [ + "Disc", + "uss" + ], + [ + "Ġsurpass", + "ed" + ], + [ + "ĠKurd", + "ish" + ], + [ + "O", + "ri" + ], + [ + "T", + "y" + ], + [ + "ĠS", + "urgical" + ], + [ + "ĠAl", + "ready" + ], + [ + "Ġtreat", + "able" + ], + [ + "Ġcomputer", + "ized" + ], + [ + "LE", + "X" + ], + [ + "soft", + "ware" + ], + [ + "gener", + "ic" + ], + [ + "uns", + "queeze" + ], + [ + "Ġextr", + "usion" + ], + [ + "ĠIllust", + "rated" + ], + [ + "b", + "ond" + ], + [ + "f", + "owl" + ], + [ + "am", + "os" + ], + [ + "Ġv", + "ene" + ], + [ + "Ġcall", + "igraphy" + ], + [ + "ĠAnd", + "rea" + ], + [ + "Ġpast", + "ry" + ], + [ + "ĠPers", + "ians" + ], + [ + "Ġdiss", + "imilar" + ], + [ + "ĠDoes", + "n" + ], + [ + "Inter", + "faces" + ], + [ + "Ġsubsid", + "iary" + ], + [ + "Ġpale", + "ont" + ], + [ + "Ġprost", + "itution" + ], + [ + "ĠHun", + "ger" + ], + [ + "ro", + "ves" + ], + [ + "Ġen", + "vy" + ], + [ + "')", + "]" + ], + [ + "Ġpric", + "ed" + ], + [ + "ĠOrgan", + "ize" + ], + [ + "ĠMet", + "ro" + ], + [ + "under", + "stand" + ], + [ + "Ġdiscount", + "s" + ], + [ + "ĠGlac", + "ier" + ], + [ + "ĠW", + "arming" + ], + [ + "ĠY", + "ose" + ], + [ + "ĠMan", + "ila" + ], + [ + "ĠPre", + "cision" + ], + [ + "Ġrot", + "ates" + ], + [ + "Ġnarrow", + "ly" + ], + [ + "ĠInv", + "ol" + ], + [ + "Ġdy", + "stop" + ], + [ + "ĠWould", + "n" + ], + [ + "Ġcancell", + "ed" + ], + [ + "Ġchiropract", + "ic" + ], + [ + "N", + "ULL" + ], + [ + "ĠMil", + "waukee" + ], + [ + "ĠInteg", + "er" + ], + [ + "ĠObs", + "ervation" + ], + [ + "Ġcad", + "mium" + ], + [ + "ĠMyster", + "ies" + ], + [ + "T", + "uesday" + ], + [ + "el", + "o" + ], + [ + "Ġcom", + "a" + ], + [ + "ĠG", + "Hz" + ], + [ + "Ġsy", + "st" + ], + [ + "IS", + "O" + ], + [ + "Ġsn", + "oring" + ], + [ + "Ġclust", + "ered" + ], + [ + "Ġsynchron", + "ization" + ], + [ + "Ġcrus", + "her" + ], + [ + "ĠAzte", + "c" + ], + [ + "Ġin", + "compet" + ], + [ + "Ġl", + "umps" + ], + [ + "ild", + "a" + ], + [ + "Ġbi", + "ogas" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠ" + ], + [ + "Ġcustom", + "ization" + ], + [ + "ĠMon", + "aster" + ], + [ + "Ġfav", + "oring" + ], + [ + "Dis", + "play" + ], + [ + "ãĤ", + "ĭ" + ], + [ + "c", + "ame" + ], + [ + "Ġto", + "ast" + ], + [ + "Ġsol", + "stice" + ], + [ + "Ġprob", + "ing" + ], + [ + "Ġing", + "est" + ], + [ + "ĠCor", + "respond" + ], + [ + "anth", + "ropy" + ], + [ + "Ġheter", + "ogeneity" + ], + [ + "Ġdivor", + "ced" + ], + [ + "ĠRoberts", + "on" + ], + [ + "B", + "uy" + ], + [ + "M", + "Y" + ], + [ + "Ġt", + "int" + ], + [ + "pec", + "ific" + ], + [ + "read", + "line" + ], + [ + "Ġcap", + "illary" + ], + [ + "Ġrich", + "ly" + ], + [ + "writ", + "ers" + ], + [ + "Ġcalibr", + "ated" + ], + [ + "Ġlou", + "der" + ], + [ + "F", + "lor" + ], + [ + "r", + "v" + ], + [ + "v", + "ie" + ], + [ + "ĠJ", + "enny" + ], + [ + "ĠDe", + "bor" + ], + [ + "cient", + "ious" + ], + [ + "Ġvul", + "gar" + ], + [ + "pow", + "der" + ], + [ + "Ġhack", + "er" + ], + [ + "ogg", + "le" + ], + [ + "Ġcraw", + "ling" + ], + [ + "Ġgri", + "zz" + ], + [ + "ĠBry", + "an" + ], + [ + "imet", + "res" + ], + [ + "Lou", + "is" + ], + [ + "d", + "ia" + ], + [ + "ĠT", + "C" + ], + [ + "Ġdist", + "ressing" + ], + [ + "Ġheart", + "y" + ], + [ + "Ġcho", + "king" + ], + [ + "Ġign", + "ite" + ], + [ + "ĠMen", + "u" + ], + [ + "Ġhydro", + "ly" + ], + [ + "Wik", + "imedia" + ], + [ + "ist", + "ocene" + ], + [ + "Ġinver", + "ter" + ], + [ + "ĠJo", + "el" + ], + [ + "Qt", + "Core" + ], + [ + "Ġworkflow", + "s" + ], + [ + "A", + "sh" + ], + [ + "h", + "id" + ], + [ + "s", + "up" + ], + [ + "Ġp", + "iracy" + ], + [ + "ĠC", + "uisine" + ], + [ + "Ġem", + "igration" + ], + [ + "Ġro", + "am" + ], + [ + "St", + "ock" + ], + [ + "Ġgr", + "ill" + ], + [ + "enn", + "el" + ], + [ + "Ġdirection", + "al" + ], + [ + "Col", + "lab" + ], + [ + "Ġflavor", + "ful" + ], + [ + "Ġanthrop", + "ologists" + ], + [ + "ĠProm", + "otion" + ], + [ + "Dist", + "ribution" + ], + [ + "Ġsung", + "lasses" + ], + [ + "ĠHend", + "erson" + ], + [ + "H", + "ence" + ], + [ + "c", + "pp" + ], + [ + "ĠCom", + "bat" + ], + [ + "Ġshort", + "cut" + ], + [ + "ĠMc", + "N" + ], + [ + "flow", + "s" + ], + [ + "ĠProm", + "ote" + ], + [ + "Islam", + "ic" + ], + [ + "Ġre", + "aring" + ], + [ + "Ġpo", + "inters" + ], + [ + "ĠAd", + "ela" + ], + [ + "Ġlik", + "eness" + ], + [ + "AC", + "S" + ], + [ + "ĠBar", + "riers" + ], + [ + "ĠDO", + "E" + ], + [ + "Ġdissemin", + "ated" + ], + [ + "st", + "uff" + ], + [ + "Ġit", + "ertools" + ], + [ + "ĠB", + "orne" + ], + [ + "Ġpop", + "s" + ], + [ + "Ġnight", + "mare" + ], + [ + "ĠMel", + "an" + ], + [ + "ĠCho", + "ices" + ], + [ + "p", + "iration" + ], + [ + "Ġin", + "und" + ], + [ + "st", + "own" + ], + [ + "ĠM", + "ik" + ], + [ + "ĠInter", + "pret" + ], + [ + "IF", + "IC" + ], + [ + "л", + "и" + ], + [ + "Ġsucc", + "ulent" + ], + [ + "ĠTerrit", + "ories" + ], + [ + "Ġpremium", + "s" + ], + [ + "ĠErn", + "st" + ], + [ + "O", + "pp" + ], + [ + "e", + "cl" + ], + [ + "al", + "ent" + ], + [ + "pl", + "ine" + ], + [ + "Ġsh", + "irts" + ], + [ + "act", + "ors" + ], + [ + "Ġspec", + "ulated" + ], + [ + "af", + "ka" + ], + [ + "Ġbur", + "rows" + ], + [ + "------------", + "---" + ], + [ + "Tra", + "ck" + ], + [ + "Ġpend", + "ulum" + ], + [ + "B", + "and" + ], + [ + "s", + "ender" + ], + [ + "ag", + "ency" + ], + [ + "Ġhand", + "lers" + ], + [ + "Ġenc", + "ir" + ], + [ + "ĠApp", + "s" + ], + [ + "hard", + "t" + ], + [ + "ĠS", + "overe" + ], + [ + "Ġj", + "ava" + ], + [ + "get", + "attr" + ], + [ + "ĠZ", + "oro" + ], + [ + "Ġec", + "ologically" + ], + [ + "Ġreflex", + "es" + ], + [ + "Ġembarr", + "assing" + ], + [ + "E", + "le" + ], + [ + "O", + "m" + ], + [ + "\\", + "''" + ], + [ + "s", + "parse" + ], + [ + "u", + "o" + ], + [ + "ĠBy", + "ron" + ], + [ + "Ġrot", + "ations" + ], + [ + "det", + "ection" + ], + [ + "ĠHirosh", + "ima" + ], + [ + "Ġallevi", + "ating" + ], + [ + "Ï", + "Ĩ" + ], + [ + "Ġst", + "oves" + ], + [ + "ĠS", + "itu" + ], + [ + "ag", + "ulation" + ], + [ + "Ġsac", + "ra" + ], + [ + "Ġformal", + "dehyde" + ], + [ + "ĠNutrition", + "al" + ], + [ + "ĠSav", + "ior" + ], + [ + "D", + "elta" + ], + [ + "g", + "ive" + ], + [ + "Ġto", + "fu" + ], + [ + "AT", + "O" + ], + [ + "Ġlif", + "ts" + ], + [ + "ĠNi", + "agara" + ], + [ + "Ġank", + "les" + ], + [ + "p", + "ending" + ], + [ + "at", + "aka" + ], + [ + "Ġl", + "oot" + ], + [ + "ĠHe", + "ath" + ], + [ + "the", + "rapy" + ], + [ + "Ġcut", + "off" + ], + [ + "Ġax", + "i" + ], + [ + "ĠGreen", + "e" + ], + [ + "Ġk", + "icks" + ], + [ + "Ġfl", + "ushing" + ], + [ + "ident", + "ally" + ], + [ + "Ġexp", + "ulsion" + ], + [ + "Ġpop", + "ulous" + ], + [ + "Ġobs", + "essive" + ], + [ + "ung", + "sten" + ], + [ + "Ġbreak", + "er" + ], + [ + "ĠCitizens", + "hip" + ], + [ + "ĠMicrob", + "iol" + ], + [ + "el", + "age" + ], + [ + "ve", + "hicle" + ], + [ + "Ġwh", + "ip" + ], + [ + "ist", + "ors" + ], + [ + "Ġhe", + "res" + ], + [ + "Ġfund", + "raising" + ], + [ + "ele", + "m" + ], + [ + "Ġreluct", + "ance" + ], + [ + "sd", + "k" + ], + [ + "Ġplum", + "age" + ], + [ + "ĠNarr", + "atives" + ], + [ + "ĠMunicip", + "al" + ], + [ + "dise", + "ase" + ], + [ + "]", + "//" + ], + [ + "s", + "chol" + ], + [ + "Ġm", + "ule" + ], + [ + "ent", + "imes" + ], + [ + "Ġher", + "ald" + ], + [ + "Ġbit", + "tern" + ], + [ + "thread", + "s" + ], + [ + "Ġfor", + "ts" + ], + [ + "ter", + "ies" + ], + [ + "Ġinter", + "state" + ], + [ + "Ġes", + "capes" + ], + [ + "Ġbusiness", + "man" + ], + [ + "Ġz", + "omb" + ], + [ + "amin", + "ophen" + ], + [ + "Ġreprodu", + "cing" + ], + [ + "ĠMaj", + "esty" + ], + [ + "Ġscaff", + "old" + ], + [ + "S", + "omething" + ], + [ + "Ġw", + "edge" + ], + [ + "ĠR", + "GB" + ], + [ + "ĠK", + "as" + ], + [ + "Ġver", + "ifying" + ], + [ + "è", + "¾" + ], + [ + "Ġe", + "ug" + ], + [ + "op", + "p" + ], + [ + "ĠF", + "ri" + ], + [ + "arn", + "ish" + ], + [ + "Ġdisob", + "edience" + ], + [ + "S", + "ov" + ], + [ + "e", + "o" + ], + [ + "q", + "t" + ], + [ + "is", + "itions" + ], + [ + "ĠP", + "oss" + ], + [ + "Ġlast", + "sum" + ], + [ + "Ġsun", + "burn" + ], + [ + "AB", + "C" + ], + [ + "Gen", + "etic" + ], + [ + "uts", + "ch" + ], + [ + "conc", + "iliation" + ], + [ + "Ġunderm", + "ined" + ], + [ + "Ġentang", + "led" + ], + [ + "Ġranc", + "hers" + ], + [ + "Ġatt", + "aining" + ], + [ + "ĠSc", + "ene" + ], + [ + "Ġpow", + "ders" + ], + [ + "ĠDec", + "imal" + ], + [ + "Ident", + "ify" + ], + [ + "Ġcaul", + "iflower" + ], + [ + "Ġc", + "p" + ], + [ + "Ġp", + "inn" + ], + [ + "ĠSh", + "ield" + ], + [ + "Ġaccess", + "ion" + ], + [ + "Ch", + "anges" + ], + [ + "Ġassert", + "ions" + ], + [ + "Ġfif", + "teenth" + ], + [ + "advant", + "ages" + ], + [ + "Ġpreserv", + "atives" + ], + [ + "W", + "alk" + ], + [ + "ct", + "omy" + ], + [ + "Ġg", + "le" + ], + [ + "ĠF", + "requently" + ], + [ + "ri", + "osis" + ], + [ + "ĠCh", + "ancellor" + ], + [ + "ĠHe", + "gel" + ], + [ + "ĠNew", + "port" + ], + [ + "enc", + "oded" + ], + [ + "Ġhyp", + "not" + ], + [ + "OS", + "E" + ], + [ + "ĠVe", + "hicles" + ], + [ + "ĠMap", + "le" + ], + [ + "DateTime", + "Field" + ], + [ + "L", + "ock" + ], + [ + "Ġv", + "owed" + ], + [ + "Ġcan", + "yon" + ], + [ + "ĠHam", + "pton" + ], + [ + "ĠTro", + "jan" + ], + [ + "Individual", + "s" + ], + [ + "Ġn", + "ond" + ], + [ + "if", + "olia" + ], + [ + "ord", + "ial" + ], + [ + "Ġfl", + "ute" + ], + [ + "='", + "<" + ], + [ + "Com", + "pare" + ], + [ + "hist", + "orical" + ], + [ + "ĠDefault", + "s" + ], + [ + "Ġeps", + "ilon" + ], + [ + "s", + "ic" + ], + [ + "ĠT", + "S" + ], + [ + "ĠR", + "H" + ], + [ + "ĠG", + "ould" + ], + [ + "ĠV", + "et" + ], + [ + "Ġpar", + "cel" + ], + [ + "Al", + "pha" + ], + [ + "rab", + "ble" + ], + [ + "N", + "B" + ], + [ + "ed", + "er" + ], + [ + "Ġan", + "eur" + ], + [ + "ak", + "ov" + ], + [ + "Ġ'", + "\"" + ], + [ + "Ġsal", + "am" + ], + [ + "Ġliquid", + "ity" + ], + [ + "ĠPur", + "ple" + ], + [ + "Ġorch", + "ids" + ], + [ + "he", + "ne" + ], + [ + "el", + "ic" + ], + [ + "ĠW", + "OR" + ], + [ + "ĠL", + "omb" + ], + [ + "ci", + "an" + ], + [ + "reg", + "ions" + ], + [ + "Ġintrodu", + "ctions" + ], + [ + "ĠSong", + "s" + ], + [ + "Stat", + "istics" + ], + [ + "ĠT", + "olkien" + ], + [ + "Ġst", + "ab" + ], + [ + "Ġst", + "anza" + ], + [ + "ĠS", + "MS" + ], + [ + "Ġk", + "arma" + ], + [ + "Ġcl", + "am" + ], + [ + "ĠSun", + "ni" + ], + [ + "pack", + "et" + ], + [ + "Ġrehab", + "ilit" + ], + [ + "Ġpap", + "ill" + ], + [ + "Ġproc", + "rast" + ], + [ + "r", + "ases" + ], + [ + "Ġh", + "over" + ], + [ + "ĠS", + "ensor" + ], + [ + "ĠL", + "oyal" + ], + [ + "Ġcl", + "ans" + ], + [ + "Ġtrans", + "verse" + ], + [ + "err", + "als" + ], + [ + "ĠCons", + "umers" + ], + [ + "gra", + "vity" + ], + [ + "Ġnic", + "hes" + ], + [ + "ĠC", + "ars" + ], + [ + "ĠB", + "lessed" + ], + [ + "ĠR", + "R" + ], + [ + "Ġag", + "rarian" + ], + [ + "Ġsub", + "types" + ], + [ + "Ġvar", + "ic" + ], + [ + "trans", + "forms" + ], + [ + "Ġcritic", + "ize" + ], + [ + "ĠRob", + "ot" + ], + [ + "Man", + "aging" + ], + [ + "Ġhall", + "mark" + ], + [ + "Ġimmers", + "ing" + ], + [ + "Ġpall", + "iative" + ], + [ + "ĠUz", + "bek" + ], + [ + "B", + "ank" + ], + [ + "B", + "ird" + ], + [ + "L", + "ate" + ], + [ + "P", + "oor" + ], + [ + "S", + "ent" + ], + [ + "b", + "und" + ], + [ + "m", + "ite" + ], + [ + "Ġpart", + "itions" + ], + [ + "Ġqu", + "oting" + ], + [ + "ĠAm", + "en" + ], + [ + "Text", + "Field" + ], + [ + "Ġtort", + "ured" + ], + [ + "Ġpsy", + "che" + ], + [ + "B", + "uffer" + ], + [ + "R", + "ock" + ], + [ + "ra", + "k" + ], + [ + "ĠM", + "ID" + ], + [ + "ĠQu", + "est" + ], + [ + "Ġund", + "ocumented" + ], + [ + "Ġfunctional", + "ities" + ], + [ + "Ġboy", + "cott" + ], + [ + "Develop", + "ing" + ], + [ + "cred", + "entials" + ], + [ + "N", + "utrition" + ], + [ + "Ġne", + "arer" + ], + [ + "ĠU", + "W" + ], + [ + "Ġun", + "sc" + ], + [ + "Ġprom", + "otions" + ], + [ + "Ġthink", + "er" + ], + [ + "light", + "ing" + ], + [ + "Ġclean", + "se" + ], + [ + "Ġcorrect", + "ness" + ], + [ + "ĠDam", + "ascus" + ], + [ + "Ġv", + "enge" + ], + [ + "Ġrep", + "r" + ], + [ + "Ġlab", + "yrinth" + ], + [ + "Ġport", + "rays" + ], + [ + "à¤", + "Ĥ" + ], + [ + "ĠBo", + "oth" + ], + [ + "Ġprecon", + "ceived" + ], + [ + "t", + "ube" + ], + [ + "Ġthe", + "ses" + ], + [ + "ĠP", + "U" + ], + [ + "Ġsc", + "rum" + ], + [ + "Ġrep", + "el" + ], + [ + "Ġcar", + "ic" + ], + [ + "ĠCompar", + "ing" + ], + [ + "Ġcuc", + "umbers" + ], + [ + "Ġgorge", + "ous" + ], + [ + "Ġnar", + "ration" + ], + [ + "B", + "a" + ], + [ + "M", + "apping" + ], + [ + "im", + "posed" + ], + [ + "Ġpre", + "cursors" + ], + [ + "ph", + "on" + ], + [ + "Ġmar", + "athon" + ], + [ + "ĠBe", + "es" + ], + [ + "ĠSc", + "outs" + ], + [ + "Ġâ", + "Ļ" + ], + [ + "ĠProp", + "ulsion" + ], + [ + "Ġlean", + "ed" + ], + [ + "Ġtart", + "ar" + ], + [ + "B", + "an" + ], + [ + "Ġcont", + "iguous" + ], + [ + "Ġdis", + "perse" + ], + [ + "Ġcirc", + "a" + ], + [ + "Le", + "ave" + ], + [ + "amps", + "ia" + ], + [ + "ĠRespons", + "ible" + ], + [ + "Cam", + "bridge" + ], + [ + "U", + "X" + ], + [ + "f", + "et" + ], + [ + "Ġun", + "suitable" + ], + [ + "ĠPr", + "ussian" + ], + [ + "Ġhaunt", + "ed" + ], + [ + "rosso", + "ver" + ], + [ + "C", + "old" + ], + [ + "c", + "ause" + ], + [ + "Ġh", + "arp" + ], + [ + "ow", + "ment" + ], + [ + "par", + "agus" + ], + [ + "Ġcr", + "ane" + ], + [ + "ĠCl", + "ock" + ], + [ + "ĠFrank", + "furt" + ], + [ + "ĠEll", + "i" + ], + [ + "è¡", + "¨" + ], + [ + "ĠSeb", + "ast" + ], + [ + "c", + "ached" + ], + [ + "m", + "otion" + ], + [ + "Ġun", + "sett" + ], + [ + "ex", + "clude" + ], + [ + "Ġnumber", + "ing" + ], + [ + "ĠOr", + "ch" + ], + [ + "Ġbound", + "ing" + ], + [ + "ĠSl", + "ide" + ], + [ + "Ġlumin", + "osity" + ], + [ + "P", + "en" + ], + [ + "c", + "ivil" + ], + [ + "ub", + "in" + ], + [ + "Ġph", + "i" + ], + [ + "Ġindividual", + "ism" + ], + [ + "bs", + "ites" + ], + [ + "ext", + "ensions" + ], + [ + "ER", + "IC" + ], + [ + "AD", + "A" + ], + [ + "Ġmouth", + "watering" + ], + [ + "ĠHispan", + "ics" + ], + [ + "Know", + "ledge" + ], + [ + "Ġimproper", + "ly" + ], + [ + "Ġretal", + "iation" + ], + [ + "Ï", + "ĩ" + ], + [ + "ĠD", + "ana" + ], + [ + "Ġk", + "w" + ], + [ + "ĠUn", + "cle" + ], + [ + "Ġseed", + "ling" + ], + [ + "\\", + "\"" + ], + [ + "Ġan", + "aphyl" + ], + [ + "ĠH", + "ume" + ], + [ + "ĠW", + "itch" + ], + [ + "Ġra", + "cc" + ], + [ + "Ġsc", + "or" + ], + [ + "play", + "ers" + ], + [ + "Ġow", + "es" + ], + [ + "ĠNurs", + "es" + ], + [ + "ĠMR", + "SA" + ], + [ + "ĠCurt", + "is" + ], + [ + "Ġrestruct", + "uring" + ], + [ + "m", + "ixed" + ], + [ + "im", + "i" + ], + [ + "ĠT", + "yr" + ], + [ + "ĠF", + "ung" + ], + [ + "ĠDe", + "lete" + ], + [ + "ĠGen", + "erator" + ], + [ + "uck", + "land" + ], + [ + "reci", + "pe" + ], + [ + "Ġbound", + "less" + ], + [ + "ĠPC", + "s" + ], + [ + "Sub", + "scribe" + ], + [ + "Ġ", + "ê" + ], + [ + "Ġl", + "est" + ], + [ + "im", + "ar" + ], + [ + "ĠM", + "AP" + ], + [ + "um", + "py" + ], + [ + "ĠD", + "rosophila" + ], + [ + "Ġdist", + "rust" + ], + [ + "med", + "ium" + ], + [ + "Ġdry", + "ness" + ], + [ + "Ġbetray", + "al" + ], + [ + "Ġtoug", + "her" + ], + [ + "ĠSanct", + "uary" + ], + [ + "é", + "Ļ" + ], + [ + "ĠY", + "un" + ], + [ + "Ġbl", + "ight" + ], + [ + "mar", + "ine" + ], + [ + "Ġcommunic", + "ative" + ], + [ + "Ġdivers", + "ified" + ], + [ + "Ġaqu", + "ifers" + ], + [ + "RA", + "Y" + ], + [ + "bur", + "st" + ], + [ + "Ant", + "i" + ], + [ + "Ġfluctu", + "ating" + ], + [ + "Ġstrat", + "ification" + ], + [ + "ĠAchie", + "vement" + ], + [ + "ĠOptim", + "ization" + ], + [ + "Ġd", + "ared" + ], + [ + "Ġ\"", + "$" + ], + [ + "con", + "tained" + ], + [ + "Ġchar", + "ismatic" + ], + [ + "ĠCont", + "ribut" + ], + [ + "Ġcivil", + "ized" + ], + [ + "Ġfear", + "ing" + ], + [ + "Ġsyn", + "aptic" + ], + [ + "ĠImport", + "antly" + ], + [ + "ĠEqu", + "ations" + ], + [ + "ĠLight", + "ing" + ], + [ + "snap", + "shot" + ], + [ + "ĠD", + "aisy" + ], + [ + "Ġins", + "ure" + ], + [ + "PS", + "C" + ], + [ + "ĠAdv", + "ocate" + ], + [ + "ĠOffic", + "ers" + ], + [ + "ĠR", + "EL" + ], + [ + "Ġun", + "a" + ], + [ + "Ġmechan", + "ically" + ], + [ + "ĠPer", + "forming" + ], + [ + "Ġresource", + "fulness" + ], + [ + "==", + "\"" + ], + [ + "Ġinterven", + "ing" + ], + [ + "H", + "ig" + ], + [ + "st", + "ations" + ], + [ + "Ġse", + "cession" + ], + [ + "Th", + "ursday" + ], + [ + "Ġgood", + "bye" + ], + [ + "rag", + "ed" + ], + [ + "Ġcut", + "ter" + ], + [ + "Ġsky", + "rock" + ], + [ + "Ġadherent", + "s" + ], + [ + "if", + "a" + ], + [ + "un", + "icode" + ], + [ + "Ġper", + "ish" + ], + [ + "))", + "]" + ], + [ + "ĠTr", + "in" + ], + [ + "Ġfab", + "ulous" + ], + [ + "ĠNet", + "flix" + ], + [ + "E", + "astern" + ], + [ + "N", + "V" + ], + [ + "il", + "ical" + ], + [ + "us", + "ual" + ], + [ + "ĠN", + "om" + ], + [ + "ĠG", + "ogh" + ], + [ + "Ġcomput", + "es" + ], + [ + "Ġampl", + "ifying" + ], + [ + "Ġfra", + "ught" + ], + [ + "ĠOak", + "land" + ], + [ + "ĠPion", + "eer" + ], + [ + "/", + "," + ], + [ + "n", + "or" + ], + [ + "Ġthe", + "aters" + ], + [ + "im", + "us" + ], + [ + "ĠL", + "IMIT" + ], + [ + "Ġfl", + "ares" + ], + [ + "Ġfl", + "ipped" + ], + [ + "ĠAs", + "c" + ], + [ + "Ġpost", + "ures" + ], + [ + "ĠAg", + "enda" + ], + [ + "Ġinhib", + "ited" + ], + [ + "ĠEmploy", + "ees" + ], + [ + "Ġrecurs", + "ive" + ], + [ + "Ġcray", + "ons" + ], + [ + "h", + "ide" + ], + [ + "or", + "ide" + ], + [ + "al", + "b" + ], + [ + "os", + "por" + ], + [ + "bl", + "ers" + ], + [ + "ĠMicro", + "biology" + ], + [ + "Ġbuck", + "ets" + ], + [ + "Ġash", + "amed" + ], + [ + "Ġculmin", + "ated" + ], + [ + "ĠHein", + "rich" + ], + [ + "'", + "-" + ], + [ + "st", + "aking" + ], + [ + "ĠP", + "air" + ], + [ + "Ġper", + "ch" + ], + [ + "ox", + "ygen" + ], + [ + "oad", + "er" + ], + [ + "ĠSym", + "phony" + ], + [ + "ĠBrad", + "ford" + ], + [ + "ĠSoph", + "ia" + ], + [ + "Ġr", + "aster" + ], + [ + "Ġpl", + "ugged" + ], + [ + "ĠJ", + "i" + ], + [ + "Ġessential", + "s" + ], + [ + "ON", + "D" + ], + [ + "Ġge", + "ologists" + ], + [ + "Ġsqu", + "at" + ], + [ + "Ġunf", + "inished" + ], + [ + "ĠTer", + "ra" + ], + [ + "Ke", + "ys" + ], + [ + "Ġsle", + "ek" + ], + [ + "Ġgri", + "pping" + ], + [ + "ĠG", + "um" + ], + [ + "Ġcol", + "ossal" + ], + [ + "ĠSh", + "ir" + ], + [ + "aut", + "om" + ], + [ + "ĠX", + "i" + ], + [ + "Ġstri", + "pe" + ], + [ + "ĠSystem", + "atic" + ], + [ + "Pre", + "vention" + ], + [ + "ĠFab", + "ric" + ], + [ + "Ġhots", + "pots" + ], + [ + "J", + "eff" + ], + [ + "T", + "her" + ], + [ + "s", + "ong" + ], + [ + "v", + "ens" + ], + [ + "Ġqu", + "arry" + ], + [ + "osp", + "heric" + ], + [ + "Ġorigin", + "ality" + ], + [ + "IR", + "ST" + ], + [ + "Ġhur", + "ry" + ], + [ + "Ġexempl", + "ify" + ], + [ + "W", + "all" + ], + [ + "t", + "ogether" + ], + [ + "ĠP", + "IL" + ], + [ + "ĠK", + "r" + ], + [ + "aria", + "h" + ], + [ + "ĠEs", + "sex" + ], + [ + "ĠNa", + "ples" + ], + [ + "eps", + "ilon" + ], + [ + "ĠTI", + "ME" + ], + [ + "d", + "L" + ], + [ + "Ġm", + "ite" + ], + [ + "Ġl", + "ure" + ], + [ + "ĠG", + "ott" + ], + [ + "ough", + "ton" + ], + [ + "Ġpar", + "ap" + ], + [ + "Ġtransform", + "ers" + ], + [ + "Us", + "ed" + ], + [ + "Ess", + "ay" + ], + [ + "ĠOdys", + "sey" + ], + [ + "S", + "kin" + ], + [ + "p", + "ain" + ], + [ + "Ġo", + "int" + ], + [ + "Ġw", + "ilt" + ], + [ + "ĠW", + "als" + ], + [ + "Ġcur", + "l" + ], + [ + "su", + "ggest" + ], + [ + "LE", + "G" + ], + [ + "ĠAtt", + "empt" + ], + [ + "Tra", + "vel" + ], + [ + "ji", + "ang" + ], + [ + "ĠÙ", + "Ī" + ], + [ + "Ġnanot", + "ubes" + ], + [ + "T", + "ags" + ], + [ + "w", + "r" + ], + [ + "è", + "¦" + ], + [ + "ĠC", + "RC" + ], + [ + "ĠF", + "T" + ], + [ + "per", + "forming" + ], + [ + "ĠUn", + "iform" + ], + [ + "Ġcur", + "ated" + ], + [ + "||", + "-" + ], + [ + "Ġshort", + "cuts" + ], + [ + "hel", + "pers" + ], + [ + "ĠThough", + "ts" + ], + [ + "Begin", + "ning" + ], + [ + "ĠBots", + "wana" + ], + [ + "l", + "oor" + ], + [ + "ĠS", + "aunders" + ], + [ + "iv", + "ot" + ], + [ + "ĠD", + "ias" + ], + [ + "Ġall", + "ocating" + ], + [ + "ĠCh", + "ase" + ], + [ + "pect", + "ing" + ], + [ + "Ġinst", + "ill" + ], + [ + "ĊĊ", + "ĠĠĠĠ" + ], + [ + "ĠGen", + "es" + ], + [ + "comm", + "ons" + ], + [ + "F", + "W" + ], + [ + "s", + "aurus" + ], + [ + "Ġp", + "ouch" + ], + [ + "og", + "onal" + ], + [ + "Ġpart", + "isan" + ], + [ + "Ġpart", + "nering" + ], + [ + "Ġprotect", + "or" + ], + [ + "Ġwarm", + "est" + ], + [ + "AD", + "D" + ], + [ + "Ġsne", + "ak" + ], + [ + "Ġboil", + "ers" + ], + [ + "Ġinert", + "ia" + ], + [ + "Ġdiscol", + "oration" + ], + [ + "Ġforc", + "ibly" + ], + [ + "e", + "als" + ], + [ + "z", + "ers" + ], + [ + "Ġs", + "ut" + ], + [ + "ĠIn", + "clusion" + ], + [ + "Ġtext", + "ing" + ], + [ + "comp", + "ression" + ], + [ + "Ġdefault", + "dict" + ], + [ + "Ġthank", + "ful" + ], + [ + "sched", + "uler" + ], + [ + "c", + "apt" + ], + [ + "d", + "ocker" + ], + [ + "w", + "ax" + ], + [ + "ĠI", + "on" + ], + [ + "Ġr", + "ite" + ], + [ + "ĠD", + "T" + ], + [ + "ĠL", + "und" + ], + [ + "Ġsight", + "ed" + ], + [ + "Ġarrest", + "s" + ], + [ + "ĠNad", + "u" + ], + [ + "Ġglimps", + "es" + ], + [ + "A", + "W" + ], + [ + "Ġc", + "obalt" + ], + [ + "Ġd", + "rowned" + ], + [ + "ĠD", + "rama" + ], + [ + "ap", + "ters" + ], + [ + "Ġcl", + "over" + ], + [ + "Ġsli", + "pped" + ], + [ + "ĠInj", + "uries" + ], + [ + "m", + "ph" + ], + [ + "Ġsh", + "alt" + ], + [ + "Ġveget", + "ative" + ], + [ + "ha", + "ul" + ], + [ + "Ġimag", + "inations" + ], + [ + "LO", + "AD" + ], + [ + "Ġquarter", + "ly" + ], + [ + "ĠDesc", + "artes" + ], + [ + "Ġbom", + "ber" + ], + [ + "ĠUb", + "untu" + ], + [ + "\"", + "âĢĶ" + ], + [ + "ĠA", + "de" + ], + [ + "ĠR", + "EF" + ], + [ + "ĠL", + "ah" + ], + [ + "Ġag", + "ar" + ], + [ + "Ġel", + "bows" + ], + [ + "AT", + "OR" + ], + [ + "ĠMon", + "arch" + ], + [ + "Ġrat", + "ification" + ], + [ + "ĠConc", + "erns" + ], + [ + "ä»", + "¶" + ], + [ + "ĠIM", + "F" + ], + [ + "ĠAbd", + "ul" + ], + [ + "Ġwag", + "ons" + ], + [ + "R", + "ank" + ], + [ + "g", + "rant" + ], + [ + "Ġch", + "ills" + ], + [ + "Ġk", + "o" + ], + [ + "Ġpop", + "corn" + ], + [ + "Ġdu", + "o" + ], + [ + "Ġfashion", + "ed" + ], + [ + "Ġpoison", + "ed" + ], + [ + "------------", + "-" + ], + [ + "Tra", + "ditionally" + ], + [ + "Ġpropag", + "ated" + ], + [ + "Ġartic", + "ulation" + ], + [ + "Ġhe", + "patic" + ], + [ + "ĠTe", + "ens" + ], + [ + "ĠInf", + "ant" + ], + [ + "Ġjoy", + "ful" + ], + [ + "Ġpreced", + "ence" + ], + [ + "Fe", + "atures" + ], + [ + "STR", + "ING" + ], + [ + "å®", + "ļ" + ], + [ + "adjust", + "ed" + ], + [ + "ĠC", + "arth" + ], + [ + "ĠD", + "IS" + ], + [ + "Ġsim", + "ulator" + ], + [ + "rec", + "ated" + ], + [ + "Ġimmun", + "os" + ], + [ + "ĠMo", + "ist" + ], + [ + "ĠBot", + "anical" + ], + [ + "?", + "\"." + ], + [ + "Y", + "ellow" + ], + [ + "Ġb", + "udd" + ], + [ + "Ġres", + "orts" + ], + [ + "Ġun", + "ification" + ], + [ + "ĠHe", + "ight" + ], + [ + "Ġdet", + "ract" + ], + [ + "ĠCur", + "ve" + ], + [ + "Ġrecess", + "ive" + ], + [ + "Ġell", + "ip" + ], + [ + "st", + "y" + ], + [ + "ĠT", + "ik" + ], + [ + "Ġtest", + "ify" + ], + [ + "ĠEp", + "iscopal" + ], + [ + "Ġsculpt", + "or" + ], + [ + "ĠMagn", + "esium" + ], + [ + "Ġshamp", + "oo" + ], + [ + ">", + "')" + ], + [ + "mon", + "itor" + ], + [ + "ĠBl", + "ues" + ], + [ + "ĠSu", + "ite" + ], + [ + "Ġhost", + "ilities" + ], + [ + "Sp", + "irit" + ], + [ + "Ġannounce", + "ments" + ], + [ + "Ġdissemin", + "ate" + ], + [ + "Ġrefract", + "ive" + ], + [ + "Ġarous", + "al" + ], + [ + "u", + "ang" + ], + [ + "ĠF", + "erm" + ], + [ + "are", + "th" + ], + [ + "Ġdes", + "ks" + ], + [ + "Ġpain", + "less" + ], + [ + "Ġarm", + "ored" + ], + [ + "ĠSer", + "ial" + ], + [ + "ĠPrevent", + "ing" + ], + [ + "depend", + "encies" + ], + [ + "C", + "AN" + ], + [ + "c", + "ou" + ], + [ + "n", + "ah" + ], + [ + "in", + "hab" + ], + [ + "ur", + "on" + ], + [ + "Ġwh", + "ims" + ], + [ + "ĠE", + "g" + ], + [ + "ĠD", + "EC" + ], + [ + "Ġend", + "ogenous" + ], + [ + "Ġbest", + "owed" + ], + [ + "ĠCont", + "rary" + ], + [ + "rypt", + "ed" + ], + [ + "ĠDebor", + "ah" + ], + [ + "C", + "ert" + ], + [ + "S", + "ig" + ], + [ + "V", + "IS" + ], + [ + "p", + "hed" + ], + [ + "ĠF", + "ont" + ], + [ + "ĠR", + "MS" + ], + [ + "tain", + "ers" + ], + [ + "Ġvisual", + "izing" + ], + [ + "EL", + "D" + ], + [ + "ĠComput", + "ational" + ], + [ + "Ġirrig", + "ated" + ], + [ + "ĠHab", + "its" + ], + [ + "ĠLyn", + "n" + ], + [ + "f", + "ra" + ], + [ + "l", + "engths" + ], + [ + "å", + "·" + ], + [ + "ĠL", + "af" + ], + [ + "ĠFor", + "bes" + ], + [ + "ĠEx", + "hibition" + ], + [ + "osp", + "ital" + ], + [ + "Ġsex", + "ism" + ], + [ + "ĠDav", + "idson" + ], + [ + "sub", + "set" + ], + [ + "Ġfav", + "oured" + ], + [ + "ĠBerm", + "uda" + ], + [ + "c", + "ube" + ], + [ + "he", + "avy" + ], + [ + "ĠC", + "ock" + ], + [ + "ĠL", + "ocate" + ], + [ + "ĠK", + "ah" + ], + [ + "Ġnit", + "ric" + ], + [ + "Ġconserv", + "atives" + ], + [ + "Ġgly", + "col" + ], + [ + "ĠChamp", + "ions" + ], + [ + "Insp", + "ired" + ], + [ + "S", + "erv" + ], + [ + "Ġl", + "ore" + ], + [ + "if", + "ax" + ], + [ + "th", + "umb" + ], + [ + "Ġun", + "know" + ], + [ + "Ġpop", + "ulate" + ], + [ + "ĠZ", + "inc" + ], + [ + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠ" + ], + [ + "Ġdecay", + "ing" + ], + [ + "S", + "creen" + ], + [ + "c", + "asters" + ], + [ + "Ï", + "Į" + ], + [ + "re", + "comm" + ], + [ + "Ġin", + "continence" + ], + [ + "Ġsol", + "ub" + ], + [ + "Ġaud", + "its" + ], + [ + "ĠCre", + "te" + ], + [ + "ĠExper", + "iments" + ], + [ + "ĠPur", + "due" + ], + [ + "Ġconvenient", + "ly" + ], + [ + "Ġbund", + "les" + ], + [ + "Ġsprou", + "t" + ], + [ + "ĠNam", + "ibia" + ], + [ + "stad", + "t" + ], + [ + "Ġpro", + "verb" + ], + [ + "Ġpe", + "pp" + ], + [ + "ren", + "ame" + ], + [ + "Ġhigh", + "lands" + ], + [ + "ĠAl", + "mighty" + ], + [ + "\")", + ")," + ], + [ + "ĠJohn", + "ny" + ], + [ + "CO", + "VID" + ], + [ + "ĠNon", + "fiction" + ], + [ + "Ġsulf", + "ide" + ], + [ + "Ġanch", + "ors" + ], + [ + "ĠParam", + "eter" + ], + [ + "ĠAer", + "ospace" + ], + [ + "Ġs", + "per" + ], + [ + "Ġs", + "led" + ], + [ + "ĠT", + "aken" + ], + [ + "ĠM", + "oor" + ], + [ + "Ġle", + "agues" + ], + [ + "IT", + "H" + ], + [ + "Ġhol", + "iness" + ], + [ + "Ġdiscipl", + "ined" + ], + [ + "Ġmobil", + "ize" + ], + [ + "Ġmad", + "ness" + ], + [ + "Ġthirst", + "y" + ], + [ + "ĠGarc", + "ia" + ], + [ + "S", + "ay" + ], + [ + "Ġconf", + "essed" + ], + [ + "ĠEn", + "forcement" + ], + [ + "ĠZ", + "oom" + ], + [ + "Ġcontrast", + "ed" + ], + [ + "roc", + "hemical" + ], + [ + "Ġresid", + "ences" + ], + [ + "Ġhes", + "itated" + ], + [ + "Ġber", + "ry" + ], + [ + "Ġchron", + "ology" + ], + [ + "Recomm", + "ended" + ], + [ + "Ġcalend", + "ars" + ], + [ + "d", + "ro" + ], + [ + "ol", + "ysis" + ], + [ + "ol", + "ini" + ], + [ + "ff", + "ield" + ], + [ + "land", + "o" + ], + [ + "att", + "acks" + ], + [ + "ĠReg", + "arding" + ], + [ + "Enc", + "oder" + ], + [ + "Incre", + "asing" + ], + [ + "ĠReprodu", + "ctive" + ], + [ + "is", + "dir" + ], + [ + "Ġp", + "orch" + ], + [ + "Ġr", + "s" + ], + [ + "ĠR", + "iv" + ], + [ + ").", + "\"" + ], + [ + "Ġam", + "elior" + ], + [ + "ĠRe", + "id" + ], + [ + "Ġcare", + "t" + ], + [ + "Ġclin", + "ician" + ], + [ + "Ġqual", + "ifying" + ], + [ + "Ġdeterior", + "ate" + ], + [ + "Ġquot", + "as" + ], + [ + "Ġunint", + "entionally" + ], + [ + "ĠLif", + "estyle" + ], + [ + "D", + "ark" + ], + [ + "S", + "und" + ], + [ + "e", + "astern" + ], + [ + "Ġt", + "aps" + ], + [ + "Ġwh", + "aling" + ], + [ + "Ġ(", + "{" + ], + [ + "Ġar", + "cs" + ], + [ + "gan", + "o" + ], + [ + "aw", + "atts" + ], + [ + "Ġrep", + "rinted" + ], + [ + "ĠSe", + "vent" + ], + [ + "Ġmet", + "avar" + ], + [ + "Ġpar", + "able" + ], + [ + "for", + "ced" + ], + [ + "Ġhorse", + "back" + ], + [ + "Ob", + "viously" + ], + [ + "Ed", + "ge" + ], + [ + "Ġtransc", + "ending" + ], + [ + "Conn", + "ecting" + ], + [ + "ĠDent", + "istry" + ], + [ + "ro", + "kes" + ], + [ + "Ġu", + "rea" + ], + [ + "Ġst", + "ochastic" + ], + [ + "ĠA", + "ster" + ], + [ + "ck", + "o" + ], + [ + "Ġmult", + "ilingual" + ], + [ + "Ġbond", + "age" + ], + [ + "ĠBra", + "un" + ], + [ + "Ġembra", + "ces" + ], + [ + "ĠMA", + "X" + ], + [ + "ĠNeed", + "ed" + ], + [ + "ĠOpin", + "ion" + ], + [ + "Ċ", + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ" + ], + [ + "al", + "ways" + ], + [ + "am", + "oto" + ], + [ + "Ġ\"", + "*" + ], + [ + "ĠPro", + "clamation" + ], + [ + "||", + "$" + ], + [ + "Ġrun", + "ny" + ], + [ + "att", + "ach" + ], + [ + "Se", + "cret" + ], + [ + "valid", + "ators" + ], + [ + "pack", + "ed" + ], + [ + "Ġliberal", + "ism" + ], + [ + "Ġps", + "i" + ], + [ + "Ġgad", + "get" + ], + [ + "P", + "lugin" + ], + [ + "g", + "res" + ], + [ + "ĠF", + "old" + ], + [ + "ins", + "ki" + ], + [ + "UR", + "R" + ], + [ + "annab", + "is" + ], + [ + "Ġteamm", + "ates" + ], + [ + "E", + "ye" + ], + [ + "Ġdisc", + "iple" + ], + [ + "Ġtechn", + "ologically" + ], + [ + "the", + "l" + ], + [ + "wh", + "ole" + ], + [ + "sol", + "ver" + ], + [ + "ĠPlant", + "ing" + ], + [ + "Wed", + "nesday" + ], + [ + "Q", + "A" + ], + [ + "ĠS", + "ys" + ], + [ + "ĠF", + "alk" + ], + [ + "ĠR", + "P" + ], + [ + "ĠR", + "as" + ], + [ + "Ġplant", + "ar" + ], + [ + "Ġpurpose", + "ful" + ], + [ + "Ġfate", + "ful" + ], + [ + "neigh", + "bors" + ], + [ + "ĠPip", + "eline" + ], + [ + "]", + "]:" + ], + [ + "om", + "ac" + ], + [ + "Ġcl", + "umps" + ], + [ + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠ" + ], + [ + "Ġretros", + "pective" + ], + [ + "Ġdomin", + "ion" + ], + [ + "Ġmesmer", + "izing" + ], + [ + "c", + "redit" + ], + [ + "ĠU", + "rugu" + ], + [ + "Ġcl", + "ing" + ], + [ + "ĠK", + "aw" + ], + [ + "read", + "lines" + ], + [ + "Ġlocal", + "ities" + ], + [ + "Ġlay", + "ering" + ], + [ + "pred", + "s" + ], + [ + "Ġcatch", + "ment" + ], + [ + "host", + "s" + ], + [ + "ĠConnect", + "ing" + ], + [ + "ĠMot", + "ors" + ], + [ + "ĠBase", + "ball" + ], + [ + "Ġinspir", + "ational" + ], + [ + "Ġf", + "ern" + ], + [ + "ĠG", + "au" + ], + [ + "Ġsl", + "ain" + ], + [ + "ĠMe", + "ans" + ], + [ + "Ġdict", + "ator" + ], + [ + "ĠJud", + "ges" + ], + [ + "Ġtrav", + "ellers" + ], + [ + "idim", + "ensional" + ], + [ + "l", + "ain" + ], + [ + "Ġm", + "ans" + ], + [ + "ĠS", + "ector" + ], + [ + "ant", + "om" + ], + [ + "Ġconf", + "erred" + ], + [ + "Ġgovern", + "s" + ], + [ + "oper", + "ations" + ], + [ + "c", + "anc" + ], + [ + "Ġd", + "azz" + ], + [ + "ĠA", + "ctions" + ], + [ + "ĠA", + "SE" + ], + [ + "ĠB", + "org" + ], + [ + "ĠN", + "atal" + ], + [ + "Ġcol", + "itis" + ], + [ + "class", + "ified" + ], + [ + "é", + "r" + ], + [ + "Ġpoly", + "phen" + ], + [ + "ĠCand", + "ida" + ], + [ + "Ġavoc", + "ados" + ], + [ + "ĠClaud", + "e" + ], + [ + "Ġdecipher", + "ing" + ], + [ + "N", + "OW" + ], + [ + "à", + "½" + ], + [ + "ĠA", + "W" + ], + [ + "ĠW", + "S" + ], + [ + "ĠY", + "a" + ], + [ + "Ġdet", + "ain" + ], + [ + "Ġconf", + "ess" + ], + [ + "ival", + "ry" + ], + [ + "sp", + "in" + ], + [ + "Ġing", + "rained" + ], + [ + "Ġsuc", + "rose" + ], + [ + "d", + "ollar" + ], + [ + "Ġb", + "uddy" + ], + [ + "Ġl", + "l" + ], + [ + "ri", + "am" + ], + [ + "Ġun", + "born" + ], + [ + "ond", + "yl" + ], + [ + "Ġsil", + "hou" + ], + [ + "Ġdoubt", + "ful" + ], + [ + "uis", + "ines" + ], + [ + "ĠÙ", + "ħ" + ], + [ + "Ġantiv", + "irus" + ], + [ + "Ġclog", + "ged" + ], + [ + "Ġk", + "W" + ], + [ + "Ġkit", + "tens" + ], + [ + "ĠTre", + "k" + ], + [ + "ĠAstron", + "omical" + ], + [ + "Ġrept", + "ile" + ], + [ + "Ġpige", + "on" + ], + [ + "odef", + "iciency" + ], + [ + "K", + "ind" + ], + [ + "N", + "M" + ], + [ + "al", + "ert" + ], + [ + "ad", + "ier" + ], + [ + "Ġup", + "front" + ], + [ + "ob", + "yl" + ], + [ + "Ġbo", + "ils" + ], + [ + "Ġextra", + "vag" + ], + [ + "Ġmaxim", + "al" + ], + [ + "Ġstam", + "ina" + ], + [ + "Ġaneur", + "ys" + ], + [ + "×", + "ª" + ], + [ + "Ġun", + "biased" + ], + [ + "int", + "ellig" + ], + [ + "ĠCh", + "rys" + ], + [ + "Ġ[", + "...]" + ], + [ + "Ġdelay", + "ing" + ], + [ + "ĠHard", + "y" + ], + [ + "Ġinjust", + "ices" + ], + [ + "c", + "ans" + ], + [ + "Ġh", + "olog" + ], + [ + "Ġan", + "us" + ], + [ + "ist", + "on" + ], + [ + "ĠH", + "F" + ], + [ + "Ġat", + "rophy" + ], + [ + "Ġwill", + "ingly" + ], + [ + "Ġorgan", + "ically" + ], + [ + "Ġsl", + "ack" + ], + [ + "Ġwid", + "ening" + ], + [ + "ĠPres", + "idents" + ], + [ + "Ġsold", + "er" + ], + [ + "la", + "us" + ], + [ + "ĠTun", + "isia" + ], + [ + "c", + "rypt" + ], + [ + "h", + "d" + ], + [ + "Ö", + "·" + ], + [ + "Ġd", + "ilation" + ], + [ + "ist", + "or" + ], + [ + "ant", + "ial" + ], + [ + "Ġsp", + "asms" + ], + [ + "ĠCon", + "crete" + ], + [ + "pro", + "bs" + ], + [ + "Ġdest", + "abil" + ], + [ + "ĠCont", + "rovers" + ], + [ + "oll", + "s" + ], + [ + "ĠBar", + "rett" + ], + [ + "anch", + "or" + ], + [ + "Ġthor", + "acic" + ], + [ + "Qu", + "ick" + ], + [ + "OP", + "T" + ], + [ + "F", + "acts" + ], + [ + "ĠCom", + "mod" + ], + [ + "ĠArt", + "em" + ], + [ + "ĠHigh", + "ly" + ], + [ + "Ġstir", + "red" + ], + [ + "Wra", + "pper" + ], + [ + "C", + "AR" + ], + [ + "v", + "re" + ], + [ + "ĠC", + "AT" + ], + [ + "Ġpur", + "ify" + ], + [ + "public", + "ations" + ], + [ + "ĠRou", + "ge" + ], + [ + "S", + "aint" + ], + [ + "Ġd", + "ia" + ], + [ + "st", + "ay" + ], + [ + "Ġl", + "st" + ], + [ + "ter", + "r" + ], + [ + "Ġbas", + "alt" + ], + [ + "Ġve", + "il" + ], + [ + "ST", + "ART" + ], + [ + "Ġcapac", + "itors" + ], + [ + "ĠFund", + "amentals" + ], + [ + "Mon", + "itor" + ], + [ + "Ġorch", + "ard" + ], + [ + "Ġlav", + "ish" + ], + [ + "Ġdiscontin", + "ued" + ], + [ + "ĠJess", + "ica" + ], + [ + "G", + "ar" + ], + [ + "on", + "ance" + ], + [ + "Ġsuggest", + "ive" + ], + [ + "duct", + "ors" + ], + [ + "Ġdeb", + "ating" + ], + [ + "Ġcoff", + "in" + ], + [ + "------------", + "--" + ], + [ + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠ" + ], + [ + "Ġceil", + "ings" + ], + [ + "ĠO", + "ber" + ], + [ + "man", + "aged" + ], + [ + "sh", + "uffle" + ], + [ + "ser", + "vers" + ], + [ + "umin", + "ous" + ], + [ + "ĊĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĊĠĠĠĠĠĠĠ" + ], + [ + "Ġrepet", + "itions" + ], + [ + "Ġchat", + "ting" + ], + [ + "iret", + "roviral" + ], + [ + "F", + "ER" + ], + [ + "|", + "\"'" + ], + [ + "le", + "in" + ], + [ + "ig", + "ail" + ], + [ + "ĠS", + "ick" + ], + [ + "Ġun", + "l" + ], + [ + "ĠCh", + "ic" + ], + [ + "ĠRe", + "ve" + ], + [ + "atic", + "a" + ], + [ + "ops", + "ies" + ], + [ + "gra", + "ce" + ], + [ + "ĠExp", + "and" + ], + [ + "Ġpollut", + "ant" + ], + [ + "ĠLes", + "lie" + ], + [ + "p", + "ict" + ], + [ + "ĠB", + "MC" + ], + [ + "num", + "s" + ], + [ + "Ġintim", + "idation" + ], + [ + "åŃ", + "Ĺ" + ], + [ + "Ġbloss", + "om" + ], + [ + "atto", + "os" + ], + [ + "t", + "ie" + ], + [ + "Ġl", + "of" + ], + [ + "Ġst", + "derr" + ], + [ + "Ġal", + "f" + ], + [ + "ĠCom", + "fort" + ], + [ + "Ġequ", + "ine" + ], + [ + "ĠCommun", + "ism" + ], + [ + "lo", + "an" + ], + [ + "и", + "ÑĤ" + ], + [ + "Ġshowc", + "ased" + ], + [ + "Ġtheat", + "rical" + ], + [ + "h", + "ru" + ], + [ + "Ġo", + "ps" + ], + [ + "Ġf", + "erns" + ], + [ + "ĠS", + "ug" + ], + [ + "Ġch", + "ir" + ], + [ + "ĠF", + "IT" + ], + [ + "Ġsim", + "ulating" + ], + [ + "Ġnatural", + "ist" + ], + [ + "ĠAss", + "ist" + ], + [ + "ĠQu", + "aker" + ], + [ + "ĠPart", + "ner" + ], + [ + "sol", + "id" + ], + [ + "Ġconservation", + "ists" + ], + [ + "ĠHum", + "ph" + ], + [ + "Ġgro", + "oves" + ], + [ + "ĠHimal", + "ayan" + ], + [ + "ĠAttribute", + "Error" + ], + [ + "H", + "all" + ], + [ + "|", + "âĢ¢" + ], + [ + "ag", + "ia" + ], + [ + "ass", + "adors" + ], + [ + "Ġbl", + "ister" + ], + [ + "ÑĢ", + "е" + ], + [ + "s", + "alt" + ], + [ + "Ġm", + "un" + ], + [ + "Ġcre", + "m" + ], + [ + "place", + "holder" + ], + [ + "ĠMar", + "ks" + ], + [ + "ĠPart", + "icularly" + ], + [ + "ĠMy", + "SQL" + ], + [ + "ĠWW", + "F" + ], + [ + "Ġcabin", + "ets" + ], + [ + "ĠPerman", + "ent" + ], + [ + "C", + "ra" + ], + [ + "it", + "ization" + ], + [ + "ĠB", + "ub" + ], + [ + "Ġat", + "las" + ], + [ + "Ġind", + "ist" + ], + [ + "irs", + "ch" + ], + [ + "Ġgro", + "ove" + ], + [ + "Tim", + "my" + ], + [ + "Ġbrack", + "et" + ], + [ + "h", + "ref" + ], + [ + "Ġg", + "h" + ], + [ + "Ġwh", + "ichever" + ], + [ + "ĠJ", + "ar" + ], + [ + "Ġfl", + "ats" + ], + [ + "ĠAtt", + "ributes" + ], + [ + "Ġpit", + "ches" + ], + [ + "ĠCounsel", + "ing" + ], + [ + "a", + "illes" + ], + [ + "ĠN", + "ano" + ], + [ + "Ġun", + "imag" + ], + [ + "ĠY", + "iddish" + ], + [ + "ier", + "i" + ], + [ + "Ġdiver", + "ted" + ], + [ + "ĠEN", + "D" + ], + [ + "ĠPharm", + "aceutical" + ], + [ + "ul", + "ae" + ], + [ + "ĠB", + "arr" + ], + [ + "red", + "uction" + ], + [ + "Ġwork", + "book" + ], + [ + "ĠUn", + "iv" + ], + [ + "Ġhy", + "pe" + ], + [ + "Ġlow", + "land" + ], + [ + "ĠPer", + "ception" + ], + [ + "Ġax", + "ial" + ], + [ + "ĠOut", + "er" + ], + [ + "Ġmoist", + "ur" + ], + [ + "Ġnour", + "ish" + ], + [ + "E", + "ll" + ], + [ + "o", + "cean" + ], + [ + "y", + "x" + ], + [ + "en", + "ics" + ], + [ + "al", + "ty" + ], + [ + "ĠA", + "mer" + ], + [ + "ĠW", + "rong" + ], + [ + "Ġprom", + "oter" + ], + [ + "Ġarch", + "aic" + ], + [ + "Ġtransl", + "ators" + ], + [ + "ĠFried", + "man" + ], + [ + "ĠA", + "u" + ], + [ + "ĠS", + "iberian" + ], + [ + "ud", + "ding" + ], + [ + "IS", + "M" + ], + [ + "Ġcoll", + "age" + ], + [ + "Ġord", + "inance" + ], + [ + "ĠPaul", + "o" + ], + [ + "ĠKim", + "ber" + ], + [ + "ĠConvers", + "ation" + ], + [ + "Ġassass", + "inated" + ], + [ + "Ġarist", + "ocracy" + ], + [ + "Ġimperfect", + "ions" + ], + [ + "h", + "h" + ], + [ + "p", + "ossible" + ], + [ + "ro", + "bat" + ], + [ + "il", + "us" + ], + [ + "Ġsp", + "un" + ], + [ + "arm", + "an" + ], + [ + "ĠMar", + "vel" + ], + [ + "ĠMon", + "etary" + ], + [ + "cast", + "s" + ], + [ + "Control", + "Plane" + ], + [ + "ĠJur", + "assic" + ], + [ + "Ġfreel", + "ance" + ], + [ + ")", + "=" + ], + [ + "f", + "ur" + ], + [ + "Ġs", + "cept" + ], + [ + "qu", + "art" + ], + [ + "Ġr", + "ipple" + ], + [ + "Ġimp", + "uls" + ], + [ + "int", + "roduction" + ], + [ + "Ġgl", + "ued" + ], + [ + "Ġnight", + "mares" + ], + [ + "Ġrecycl", + "able" + ], + [ + "Ġwing", + "ed" + ], + [ + "NE", + "W" + ], + [ + "ĠVoy", + "ager" + ], + [ + "ĠHundred", + "s" + ], + [ + "'", + ";" + ], + [ + "Ġl", + "ia" + ], + [ + "ĠD", + "ensity" + ], + [ + "cl", + "air" + ], + [ + "Ġret", + "reated" + ], + [ + "Ġign", + "ited" + ], + [ + "Ġmir", + "rored" + ], + [ + "Pre", + "process" + ], + [ + "Ġtor", + "so" + ], + [ + "omon", + "as" + ], + [ + "Ġrecru", + "its" + ], + [ + "Ġfibr", + "illation" + ], + [ + "fif", + "th" + ], + [ + "ĠGust", + "av" + ], + [ + "G", + "round" + ], + [ + "I", + "ENT" + ], + [ + "ĠB", + "atch" + ], + [ + "Ġch", + "uck" + ], + [ + "ĠL", + "L" + ], + [ + "Ġ__", + "_" + ], + [ + "mar", + "king" + ], + [ + "--------------------------------", + "----" + ], + [ + "ĠBo", + "ost" + ], + [ + "Ġboost", + "ed" + ], + [ + "ĠProv", + "incial" + ], + [ + ".âĢĻ", + "âĢĿ" + ], + [ + "Ġanticip", + "ating" + ], + [ + "ĠImm", + "ig" + ], + [ + "Ġenthusi", + "astically" + ], + [ + "ocyt", + "osis" + ], + [ + "Ġn", + "autical" + ], + [ + "Ġmat", + "tered" + ], + [ + "Ġcompl", + "iment" + ], + [ + "Ġperm", + "afrost" + ], + [ + "abs", + "orb" + ], + [ + "Ġtransc", + "ribed" + ], + [ + "edu", + "ct" + ], + [ + "ĠPur", + "itan" + ], + [ + "!!", + "!!" + ], + [ + "ĠFull", + "er" + ], + [ + "Ġasym", + "metric" + ], + [ + "serial", + "ize" + ], + [ + "E", + "at" + ], + [ + "æ", + "Ķ" + ], + [ + "or", + "iously" + ], + [ + "Ġsu", + "cking" + ], + [ + "pt", + "ide" + ], + [ + "ĠG", + "S" + ], + [ + "Ġra", + "z" + ], + [ + "Ġdeterm", + "inant" + ], + [ + "Ġfire", + "wood" + ], + [ + "ĠNot", + "re" + ], + [ + "trans", + "port" + ], + [ + "Ġaffirm", + "ed" + ], + [ + "R", + "D" + ], + [ + "Ġon", + "ward" + ], + [ + "ĠR", + "J" + ], + [ + "Ġimp", + "etus" + ], + [ + "ĠAn", + "k" + ], + [ + "inter", + "rupted" + ], + [ + "Ġrev", + "ising" + ], + [ + "ĠMedic", + "ations" + ], + [ + "Ġinvent", + "ing" + ], + [ + "Ġcontamin", + "ate" + ], + [ + "ĠKos", + "ovo" + ], + [ + "as", + "mod" + ], + [ + "ĠT", + "uc" + ], + [ + "\")", + "[" + ], + [ + "Ġlymph", + "ocytes" + ], + [ + "C", + "ook" + ], + [ + "Ġf", + "s" + ], + [ + "Ġro", + "ast" + ], + [ + "Ġfl", + "ipping" + ], + [ + "ĠZ", + "am" + ], + [ + "ĠEm", + "otion" + ], + [ + "Com", + "mercial" + ], + [ + "ĠSn", + "ap" + ], + [ + "ĠFitz", + "gerald" + ], + [ + "z", + "ee" + ], + [ + "th", + "als" + ], + [ + "Ġsmo", + "othing" + ], + [ + "ĠBh", + "ag" + ], + [ + "ĠHoriz", + "on" + ], + [ + "ĠNit", + "rogen" + ], + [ + "Ġparch", + "ment" + ], + [ + "Ġch", + "urn" + ], + [ + "ĠR", + "EP" + ], + [ + "ich", + "t" + ], + [ + "Ġcr", + "ashing" + ], + [ + "hyd", + "ration" + ], + [ + "Ġexert", + "ion" + ], + [ + "ĠSav", + "annah" + ], + [ + "Plane", + "Protection" + ], + [ + "Management", + "PlaneProtection" + ], + [ + "Ġabnorm", + "ality" + ], + [ + "Sov", + "iet" + ], + [ + "ĠB", + "oot" + ], + [ + "ĠH", + "ann" + ], + [ + "Ġdis", + "section" + ], + [ + "Ġcar", + "ve" + ], + [ + "Ġcaus", + "ality" + ], + [ + "Ġland", + "ings" + ], + [ + "ĠApost", + "les" + ], + [ + "Ġlandl", + "ord" + ], + [ + "Ġs", + "s" + ], + [ + "Ġbe", + "aver" + ], + [ + "ad", + "ay" + ], + [ + "Ġan", + "ode" + ], + [ + "Ġcap", + "itals" + ], + [ + "ĠOut", + "door" + ], + [ + "TO", + "KEN" + ], + [ + "Ġshar", + "pen" + ], + [ + "Commun", + "ication" + ], + [ + "m", + "ills" + ], + [ + "y", + "ms" + ], + [ + "ill", + "aries" + ], + [ + "Ġcomm", + "its" + ], + [ + "ĠInter", + "ventions" + ], + [ + "uit", + "ively" + ], + [ + "ĠForm", + "al" + ], + [ + "idx", + "s" + ], + [ + "Ġtant", + "al" + ], + [ + "Ġs", + "esame" + ], + [ + "ĠA", + "ve" + ], + [ + "ĠF", + "ault" + ], + [ + "pre", + "c" + ], + [ + "osa", + "ics" + ], + [ + "ca", + "used" + ], + [ + "ĠAnn", + "ie" + ], + [ + "ĠAdapt", + "ive" + ], + [ + "ĠPack", + "age" + ], + [ + "F", + "arm" + ], + [ + "f", + "inger" + ], + [ + "o", + "ge" + ], + [ + "ĠM", + "K" + ], + [ + "ĠN", + "ietzsche" + ], + [ + "ĠG", + "MO" + ], + [ + "ind", + "eer" + ], + [ + "collect", + "ions" + ], + [ + "Ġanonym", + "ity" + ], + [ + "e", + "i" + ], + [ + "j", + "ava" + ], + [ + "r", + "n" + ], + [ + "ĠH", + "ang" + ], + [ + "ĠL", + "ik" + ], + [ + "ract", + "ive" + ], + [ + "ĠPh", + "ar" + ], + [ + "Ġfre", + "q" + ], + [ + "Ġfract", + "uring" + ], + [ + "ĠAdminist", + "rative" + ], + [ + "account", + "s" + ], + [ + "ĠQuant", + "itative" + ], + [ + "Ġupgrad", + "ing" + ], + [ + "čĊĠĠĠĠĠĠĠĠ", + "čĊĠĠĠĠĠĠĠ" + ], + [ + "Ġre", + "inst" + ], + [ + "ĠS", + "AD" + ], + [ + "Ġread", + "ability" + ], + [ + "Ġimm", + "oral" + ], + [ + "Ġsum", + "med" + ], + [ + "Ġassign", + "s" + ], + [ + "rum", + "s" + ], + [ + "ĠFre", + "em" + ], + [ + "ĠPet", + "roleum" + ], + [ + "contin", + "ue" + ], + [ + "Ġhes", + "itant" + ], + [ + "ĠGP", + "IO" + ], + [ + "ĠAz", + "ure" + ], + [ + "Ġtremend", + "ously" + ], + [ + "ĠUtt", + "ar" + ], + [ + "Ġg", + "hetto" + ], + [ + "Ġsl", + "ips" + ], + [ + "ĠFound", + "ing" + ], + [ + "Sim", + "ply" + ], + [ + "åIJ", + "į" + ], + [ + "Ġp", + "id" + ], + [ + "Ġf", + "i" + ], + [ + "Ġe", + "ve" + ], + [ + "ĠR", + "ust" + ], + [ + "Ġeven", + "ings" + ], + [ + "ĠVer", + "ify" + ], + [ + "Ġpolar", + "ized" + ], + [ + "Ġbol", + "sters" + ], + [ + "F", + "air" + ], + [ + "t", + "rig" + ], + [ + "v", + "ig" + ], + [ + "ĠG", + "ale" + ], + [ + "lect", + "ions" + ], + [ + "Ġrec", + "ite" + ], + [ + "Ġbr", + "ine" + ], + [ + "ĠDe", + "pt" + ], + [ + "Ġplant", + "ings" + ], + [ + "sp", + "read" + ], + [ + "hel", + "f" + ], + [ + "rec", + "v" + ], + [ + "Ġspl", + "ash" + ], + [ + "Ġincent", + "iv" + ], + [ + "Ġsty", + "lish" + ], + [ + "ĠHttp", + "Response" + ], + [ + "d", + "rained" + ], + [ + "Ġt", + "sp" + ], + [ + "at", + "eness" + ], + [ + "Ġcl", + "utch" + ], + [ + "ys", + "cale" + ], + [ + "ĠV", + "ertical" + ], + [ + "Ġgrow", + "ths" + ], + [ + "ĠAr", + "bor" + ], + [ + "ĠRep", + "air" + ], + [ + "Ġvalu", + "ing" + ], + [ + "Ġswim", + "mers" + ], + [ + "Ġcycl", + "one" + ], + [ + "relations", + "hip" + ], + [ + "Ġdisgu", + "ise" + ], + [ + "Ġinsol", + "uble" + ], + [ + "J", + "o" + ], + [ + "re", + "ports" + ], + [ + "ĠT", + "ig" + ], + [ + "ĠM", + "am" + ], + [ + "ĠF", + "requent" + ], + [ + "ript", + "ive" + ], + [ + "Ġvolunt", + "eered" + ], + [ + "ĠDec", + "isions" + ], + [ + "Ġdecor", + "ating" + ], + [ + "Ġregister", + "ing" + ], + [ + "uv", + "re" + ], + [ + "Ġslic", + "ing" + ], + [ + "Ġorch", + "ards" + ], + [ + "Ġspor", + "adic" + ], + [ + "Incorpor", + "ating" + ], + [ + "C", + "op" + ], + [ + "m", + "asks" + ], + [ + "Ġd", + "c" + ], + [ + "ĠC", + "yn" + ], + [ + "Ġtrans", + "missions" + ], + [ + "ĠCall", + "able" + ], + [ + "ĠAud", + "ubon" + ], + [ + "ĠEuro", + "pa" + ], + [ + "kill", + "ers" + ], + [ + "ĠA", + "Z" + ], + [ + "Ġex", + "iled" + ], + [ + "Ġv", + "ou" + ], + [ + "Ġcre", + "eping" + ], + [ + "bi", + "osis" + ], + [ + "ĠExp", + "anding" + ], + [ + "Ġmicrobi", + "ology" + ], + [ + "ĠJere", + "my" + ], + [ + "ĠAdela", + "ide" + ], + [ + "ĠE", + "b" + ], + [ + "str", + "ate" + ], + [ + "rap", + "ers" + ], + [ + "dis", + "cipline" + ], + [ + "ĠWW", + "I" + ], + [ + "Interface", + "Selection" + ], + [ + "Ġe", + "uth" + ], + [ + "ĠS", + "amples" + ], + [ + "Ġsub", + "way" + ], + [ + "erc", + "ase" + ], + [ + "Ġvol", + "s" + ], + [ + "Ġpred", + "ic" + ], + [ + "Ġcapt", + "ions" + ], + [ + "ĠAnt", + "ig" + ], + [ + "Ġinterpret", + "ive" + ], + [ + "ĠLatin", + "os" + ], + [ + "fast", + "q" + ], + [ + "cut", + "aneous" + ], + [ + "Ġlocom", + "otives" + ], + [ + "Ġapprentices", + "hip" + ], + [ + "M", + "W" + ], + [ + "w", + "av" + ], + [ + "aut", + "ics" + ], + [ + "Ġpred", + "icate" + ], + [ + "ĠMac", + "millan" + ], + [ + "ĠHome", + "work" + ], + [ + "ĠImport", + "Error" + ], + [ + "Ġster", + "ilization" + ], + [ + "Ġoct", + "opus" + ], + [ + "Que", + "en" + ], + [ + "m", + "ur" + ], + [ + "t", + "rip" + ], + [ + "ĠS", + "aid" + ], + [ + "ĠM", + "ush" + ], + [ + "ĠV", + "ital" + ], + [ + "Ġpost", + "modern" + ], + [ + "ĠInst", + "ructions" + ], + [ + "ĠBel", + "ieve" + ], + [ + "ĠHaw", + "k" + ], + [ + "Ġhydroc", + "arbon" + ], + [ + "ĠRevere", + "nd" + ], + [ + "K", + "n" + ], + [ + "]", + "{" + ], + [ + "Ġne", + "bul" + ], + [ + "Ġup", + "bringing" + ], + [ + "ox", + "ia" + ], + [ + "oper", + "ability" + ], + [ + "Ġpharmac", + "ological" + ], + [ + "=", + "âĢĿ" + ], + [ + "t", + "ur" + ], + [ + "Ġstand", + "alone" + ], + [ + "Aut", + "om" + ], + [ + "ĠWat", + "ts" + ], + [ + "J", + "am" + ], + [ + "R", + "ain" + ], + [ + "ĠH", + "ib" + ], + [ + "ĠD", + "L" + ], + [ + "ĠG", + "w" + ], + [ + "Ġdis", + "integ" + ], + [ + "ten", + "ant" + ], + [ + "Ġinter", + "related" + ], + [ + "ick", + "ers" + ], + [ + "Ġfollow", + "er" + ], + [ + "Ġens", + "ued" + ], + [ + "ĠDi", + "wali" + ], + [ + "ĠPil", + "ot" + ], + [ + "ĠEle", + "phant" + ], + [ + "runt", + "ime" + ], + [ + "um", + "ines" + ], + [ + "pt", + "ive" + ], + [ + "ĠLe", + "ib" + ], + [ + "AD", + "E" + ], + [ + "ĠWork", + "place" + ], + [ + "ĠLead", + "ing" + ], + [ + "Expl", + "ain" + ], + [ + "Ġpa", + "used" + ], + [ + "Ġburst", + "ing" + ], + [ + "Ġredist", + "ribution" + ], + [ + "Ġphy", + "toplankton" + ], + [ + "ĠF", + "ischer" + ], + [ + "Ġindex", + "ing" + ], + [ + "His", + "panic" + ], + [ + "ĠAccount", + "s" + ], + [ + "ĠMos", + "que" + ], + [ + "Ġcarcin", + "ogenic" + ], + [ + "ĠInflu", + "enza" + ], + [ + "Rad", + "io" + ], + [ + "Ġchees", + "es" + ], + [ + "ĠUran", + "us" + ], + [ + "Ġp", + "ing" + ], + [ + "ĠC", + "erv" + ], + [ + "Ġ'", + "*" + ], + [ + "Con", + "tainer" + ], + [ + "Ġvill", + "ain" + ], + [ + ">>", + ">" + ], + [ + "ĠPries", + "t" + ], + [ + "Ġpeb", + "bles" + ], + [ + "b", + "reat" + ], + [ + "h", + "ak" + ], + [ + "Ġprov", + "ocative" + ], + [ + "ond", + "ers" + ], + [ + "Ġtrans", + "genic" + ], + [ + "ier", + "re" + ], + [ + "Ġnavig", + "ated" + ], + [ + "See", + "ing" + ], + [ + "Ġtor", + "rent" + ], + [ + "Whe", + "never" + ], + [ + "Fr", + "anc" + ], + [ + "T", + "orch" + ], + [ + "x", + "r" + ], + [ + "Ġa", + "iding" + ], + [ + "ig", + "ators" + ], + [ + "âĢĵ", + "âĢĵ" + ], + [ + "Ġspecial", + "ties" + ], + [ + "ĠDr", + "um" + ], + [ + "Ġviol", + "ates" + ], + [ + "ĠHol", + "iday" + ], + [ + "ĠAngel", + "a" + ], + [ + "Em", + "ploy" + ], + [ + "Ġspong", + "es" + ], + [ + "ĠL", + "ama" + ], + [ + "Ġfoot", + "ing" + ], + [ + "Ġstimul", + "ant" + ], + [ + "ĠInit", + "iatives" + ], + [ + "Ġrational", + "ity" + ], + [ + "Ġtroubles", + "ome" + ], + [ + "ar", + "ck" + ], + [ + "Ġve", + "c" + ], + [ + "cal", + "orie" + ], + [ + "ĠBur", + "mese" + ], + [ + "Ġunint", + "entional" + ], + [ + "Ġlocom", + "otive" + ], + [ + "m", + "ilk" + ], + [ + "ĠS", + "odium" + ], + [ + "ĠR", + "L" + ], + [ + "St", + "ructure" + ], + [ + "ED", + "IT" + ], + [ + "Ġexperiment", + "ally" + ], + [ + "Ad", + "vantages" + ], + [ + "ĠSus", + "sex" + ], + [ + "á¹", + "Ń" + ], + [ + "ĠZion", + "ist" + ], + [ + "Ġgrocer", + "ies" + ], + [ + "er", + "re" + ], + [ + "ĠR", + "if" + ], + [ + "ru", + "ff" + ], + [ + "='", + "')" + ], + [ + "Ġpref", + "rontal" + ], + [ + "ĠAng", + "ola" + ], + [ + "ĠCam", + "eroon" + ], + [ + "Ġrose", + "mary" + ], + [ + "Ġfut", + "uristic" + ], + [ + "^^", + "^^" + ], + [ + "ĠTheore", + "m" + ], + [ + "Ġfor", + "ge" + ], + [ + "Ch", + "icago" + ], + [ + "ES", + "A" + ], + [ + "ĠX", + "IV" + ], + [ + "Ġviol", + "ently" + ], + [ + "exper", + "ienced" + ], + [ + "ĠIceland", + "ic" + ], + [ + "ĠMaur", + "ice" + ], + [ + "Effect", + "s" + ], + [ + "m", + "ouse" + ], + [ + "Ġar", + "throp" + ], + [ + "bers", + "pace" + ], + [ + "Ġmult", + "im" + ], + [ + "rad", + "io" + ], + [ + "men", + "opausal" + ], + [ + "wind", + "ows" + ], + [ + "ĠHead", + "quarters" + ], + [ + "Ġslight", + "est" + ], + [ + "Ġreim", + "burse" + ], + [ + "ĠT", + "issue" + ], + [ + "als", + "a" + ], + [ + "ĠNew", + "castle" + ], + [ + "inst", + "ru" + ], + [ + "Rep", + "ublic" + ], + [ + "t", + "ell" + ], + [ + "ip", + "us" + ], + [ + "olog", + "ia" + ], + [ + "()", + "}" + ], + [ + "Ġmicrosc", + "opes" + ], + [ + "Ġware", + "houses" + ], + [ + "z", + "an" + ], + [ + "em", + "phas" + ], + [ + "ĠD", + "il" + ], + [ + "Ġsubsid", + "y" + ], + [ + "ĠVari", + "ations" + ], + [ + "u", + "en" + ], + [ + "ĠR", + "ect" + ], + [ + "per", + "f" + ], + [ + "ins", + "ically" + ], + [ + "Ġrep", + "uted" + ], + [ + "Ġconn", + "otations" + ], + [ + "ĠApp", + "eal" + ], + [ + "Ġsen", + "ator" + ], + [ + "ĠIns", + "ights" + ], + [ + "Ġjuris", + "prudence" + ], + [ + "Ġdiscount", + "ed" + ], + [ + "Ġdeter", + "rent" + ], + [ + "Ġsalv", + "age" + ], + [ + "Ġdispat", + "ched" + ], + [ + "ĠC", + "ream" + ], + [ + "ass", + "uming" + ], + [ + "Ġatt", + "est" + ], + [ + "ĠSh", + "adow" + ], + [ + "Ġassess", + "es" + ], + [ + "current", + "ly" + ], + [ + "Su", + "ggest" + ], + [ + "Ġmos", + "ques" + ], + [ + "ĠMand", + "arin" + ], + [ + "ĠProper", + "ly" + ], + [ + "Ġmetaph", + "ysics" + ], + [ + "ĠR", + "ican" + ], + [ + "ĠN", + "erv" + ], + [ + "ĠO", + "re" + ], + [ + "Ġsp", + "ars" + ], + [ + "Ġinterpre", + "ters" + ], + [ + "Ġ\\", + "'" + ], + [ + "ĠRel", + "ax" + ], + [ + "ĠSer", + "bian" + ], + [ + "Ġtrace", + "back" + ], + [ + "ĠVenet", + "ian" + ], + [ + "Ġbittern", + "ess" + ], + [ + "L", + "inks" + ], + [ + "Ñ", + "Ī" + ], + [ + "Ġt", + "onic" + ], + [ + "Ġmon", + "oc" + ], + [ + "weight", + "ed" + ], + [ + "Ġshred", + "ded" + ], + [ + "Mex", + "ico" + ], + [ + "M", + "obile" + ], + [ + "r", + "nn" + ], + [ + "Ġb", + "aff" + ], + [ + "ic", + "ists" + ], + [ + "Ġth", + "orn" + ], + [ + "pr", + "inc" + ], + [ + "ĠSh", + "aron" + ], + [ + "ĠMac", + "Arthur" + ], + [ + "Us", + "age" + ], + [ + "Ġkil", + "ow" + ], + [ + "åı", + "¯" + ], + [ + "ĠDocument", + "ation" + ], + [ + "Ġimplant", + "ation" + ], + [ + "Ġquir", + "ky" + ], + [ + "Prep", + "are" + ], + [ + "g", + "ie" + ], + [ + "ç", + "§" + ], + [ + "ĠT", + "ED" + ], + [ + "Ġunder", + "graduates" + ], + [ + "ĠV", + "il" + ], + [ + "add", + "ers" + ], + [ + "find", + "all" + ], + [ + "Ġreson", + "ated" + ], + [ + "Ġextraord", + "inarily" + ], + [ + "Ġtang", + "ent" + ], + [ + "ĠTerm", + "inal" + ], + [ + "ĠFoot", + "ball" + ], + [ + "Ġhydrox", + "ide" + ], + [ + "alys", + "es" + ], + [ + "F", + "IX" + ], + [ + "r", + "st" + ], + [ + "Ġre", + "affirm" + ], + [ + "ry", + "n" + ], + [ + "Ġstere", + "o" + ], + [ + "Ġfraction", + "al" + ], + [ + "ĠDE", + "FAULT" + ], + [ + "ĠRF", + "ID" + ], + [ + "K", + "B" + ], + [ + "ĠI", + "st" + ], + [ + "ant", + "es" + ], + [ + "Ġen", + "cyclop" + ], + [ + "pl", + "and" + ], + [ + "ĠAn", + "not" + ], + [ + "Ġcor", + "pse" + ], + [ + "ĠLe", + "ices" + ], + [ + "Ġer", + "otic" + ], + [ + "Ġroad", + "map" + ], + [ + "Ġpet", + "ty" + ], + [ + "ĠHand", + "ling" + ], + [ + "card", + "ia" + ], + [ + "ot", + "ypical" + ], + [ + "ĠB", + "ott" + ], + [ + "ru", + "ck" + ], + [ + "Ġk", + "Hz" + ], + [ + "Ġar", + "ctic" + ], + [ + "ci", + "us" + ], + [ + "Ġbet", + "ting" + ], + [ + "ĠShe", + "ets" + ], + [ + "и", + "Ñı" + ], + [ + "Ġenorm", + "ously" + ], + [ + "à¥", + "Ģ" + ], + [ + "ĠComment", + "ary" + ], + [ + "Ġdisgu", + "ised" + ], + [ + "u", + "j" + ], + [ + "ĠF", + "ork" + ], + [ + "ĠEm", + "ir" + ], + [ + "Ġste", + "amed" + ], + [ + "ĠRef", + "er" + ], + [ + "Ġinhib", + "itory" + ], + [ + "anth", + "a" + ], + [ + "Ġna", + "ive" + ], + [ + "Cong", + "ress" + ], + [ + "ĠBed", + "ford" + ], + [ + "Ġrepell", + "ent" + ], + [ + "F", + "if" + ], + [ + "R", + "ot" + ], + [ + "R", + "untime" + ], + [ + "ĠT", + "ABLE" + ], + [ + "ĠH", + "orses" + ], + [ + "Ġne", + "b" + ], + [ + "Ġqu", + "aint" + ], + [ + "ne", + "ck" + ], + [ + "Ġmem", + "o" + ], + [ + "app", + "ropri" + ], + [ + "ĠEx", + "hib" + ], + [ + "Sp", + "in" + ], + [ + "Ġunrest", + "ricted" + ], + [ + "W", + "ORK" + ], + [ + "w", + "i" + ], + [ + "ol", + "ite" + ], + [ + "igh", + "am" + ], + [ + "Ġat", + "ypical" + ], + [ + "min", + "utes" + ], + [ + "Ġconc", + "ur" + ], + [ + "ĠSc", + "al" + ], + [ + "fact", + "ors" + ], + [ + "Ġ/", + "=" + ], + [ + "ĠReg", + "ions" + ], + [ + "gl", + "ades" + ], + [ + "Ġaffili", + "ations" + ], + [ + "ĠSens", + "ory" + ], + [ + "Ġattent", + "ively" + ], + [ + "pars", + "ed" + ], + [ + "m", + "L" + ], + [ + "Ġf", + "ringe" + ], + [ + "ĠN", + "Z" + ], + [ + "ĠG", + "amb" + ], + [ + "ep", + "isode" + ], + [ + "ros", + "se" + ], + [ + "ĠIN", + "TO" + ], + [ + "Ġgor", + "illas" + ], + [ + "ĠIroqu", + "ois" + ], + [ + "F", + "all" + ], + [ + "Ġprom", + "ul" + ], + [ + "Ġbal", + "con" + ], + [ + "log", + "ical" + ], + [ + "Ġrecount", + "s" + ], + [ + "Ġcowork", + "ers" + ], + [ + "M", + "att" + ], + [ + "x", + "ious" + ], + [ + "è", + "§" + ], + [ + "ĠR", + "af" + ], + [ + "Ġsc", + "anners" + ], + [ + "Ġsub", + "lime" + ], + [ + "ask", + "an" + ], + [ + "object", + "ive" + ], + [ + "Ġgel", + "atin" + ], + [ + "ĠT", + "ac" + ], + [ + "Ġbe", + "acon" + ], + [ + "Ġdon", + "ating" + ], + [ + "augh", + "tered" + ], + [ + "bo", + "ys" + ], + [ + "Ġrobust", + "ness" + ], + [ + "ĠInteg", + "rity" + ], + [ + "ĠNep", + "h" + ], + [ + "Prov", + "ide" + ], + [ + "ĠCrom", + "well" + ], + [ + "C", + "it" + ], + [ + "m", + "x" + ], + [ + "ad", + "ia" + ], + [ + "ĠB", + "J" + ], + [ + "are", + "z" + ], + [ + "ĠRe", + "call" + ], + [ + "gg", + "ish" + ], + [ + "Ġop", + "ium" + ], + [ + "Ġobs", + "essed" + ], + [ + "Ġacqu", + "isitions" + ], + [ + "ĠTH", + "AT" + ], + [ + "N", + "ic" + ], + [ + "P", + "TSD" + ], + [ + "t", + "olerant" + ], + [ + "ĠB", + "es" + ], + [ + "ĠJ", + "P" + ], + [ + "ĠSt", + "ere" + ], + [ + "com", + "pliance" + ], + [ + "Ġeffect", + "ed" + ], + [ + "ateg", + "ies" + ], + [ + "Ġvo", + "iced" + ], + [ + "ĠGra", + "ves" + ], + [ + "Ġirrit", + "ate" + ], + [ + "Ġvivid", + "ly" + ], + [ + "i", + "ator" + ], + [ + "v", + "or" + ], + [ + "Ġph", + "araoh" + ], + [ + "duc", + "ers" + ], + [ + "Ġworth", + "less" + ], + [ + "ĠRel", + "ative" + ], + [ + "Ġlegisl", + "atures" + ], + [ + "comput", + "ers" + ], + [ + "deep", + "copy" + ], + [ + "ĠScul", + "pt" + ], + [ + "Ġpe", + "ac" + ], + [ + "Ġrh", + "ino" + ], + [ + "ĠSymbol", + "ism" + ], + [ + "M", + "arc" + ], + [ + "h", + "ara" + ], + [ + "Ġt", + "anning" + ], + [ + "ĠFore", + "nsic" + ], + [ + "dig", + "its" + ], + [ + "ĠSpring", + "field" + ], + [ + "W", + "ikipedia" + ], + [ + "k", + "b" + ], + [ + "s", + "pring" + ], + [ + "Ġs", + "ock" + ], + [ + "ĠC", + "ry" + ], + [ + "th", + "r" + ], + [ + "Ġfield", + "work" + ], + [ + "itect", + "ure" + ], + [ + "ĠSen", + "egal" + ], + [ + "Arch", + "ae" + ], + [ + "U", + "nd" + ], + [ + "os", + "se" + ], + [ + "Ġsub", + "type" + ], + [ + "ĠGod", + "dard" + ], + [ + "ĠComp", + "act" + ], + [ + "ĠAcc", + "uracy" + ], + [ + "Ġvine", + "yards" + ], + [ + "ĠAccount", + "ability" + ], + [ + "ĠCollect", + "ive" + ], + [ + "Ġoscill", + "ations" + ], + [ + "ĠFellows", + "hip" + ], + [ + "M", + "ot" + ], + [ + "Ġb", + "ends" + ], + [ + "ĠF", + "ossil" + ], + [ + "ink", + "er" + ], + [ + "Ġpain", + "staking" + ], + [ + "back", + "up" + ], + [ + "Ġfa", + "ç" + ], + [ + "Ġthunderstorm", + "s" + ], + [ + "ĠHerc", + "ules" + ], + [ + "Ġultrason", + "ic" + ], + [ + "]", + "'," + ], + [ + "c", + "ancel" + ], + [ + "ĠF", + "ertil" + ], + [ + "Ġdist", + "illation" + ], + [ + "let", + "cher" + ], + [ + "ĠAb", + "bas" + ], + [ + "ĠMy", + "ths" + ], + [ + "Ġcomment", + "ing" + ], + [ + "OD", + "E" + ], + [ + "åĪ", + "Ĩ" + ], + [ + "Ġpige", + "ons" + ], + [ + "es", + "are" + ], + [ + "ĠD", + "ear" + ], + [ + "ff", + "es" + ], + [ + "ov", + "an" + ], + [ + "rand", + "a" + ], + [ + "ĠEm", + "erson" + ], + [ + "rolog", + "ic" + ], + [ + "Ġimmort", + "ality" + ], + [ + "Prog", + "ress" + ], + [ + "=", + "('" + ], + [ + "Ġse", + "crete" + ], + [ + "ex", + "change" + ], + [ + "Ġend", + "orph" + ], + [ + "Ġet", + "ching" + ], + [ + "Ġmal", + "t" + ], + [ + "Ġcaf", + "é" + ], + [ + "Ġengra", + "ving" + ], + [ + "f", + "w" + ], + [ + "in", + "vol" + ], + [ + "Ġco", + "chle" + ], + [ + "ĠAn", + "alog" + ], + [ + "Ġgather", + "s" + ], + [ + "Ġassemb", + "ling" + ], + [ + "Ġaccompan", + "ies" + ], + [ + "emb", + "ourg" + ], + [ + "ĠCrit", + "icism" + ], + [ + "ĠPut", + "in" + ], + [ + "Ġbes", + "ie" + ], + [ + "n", + "othing" + ], + [ + "Ġl", + "s" + ], + [ + "ĠC", + "AS" + ], + [ + "ĠL", + "T" + ], + [ + "ĠAnn", + "als" + ], + [ + "Ġrect", + "angles" + ], + [ + "Ġip", + "rot" + ], + [ + "rocy", + "tes" + ], + [ + ")", + "`" + ], + [ + "S", + "orry" + ], + [ + "Ġse", + "rene" + ], + [ + "Ġun", + "popular" + ], + [ + "Ġra", + "g" + ], + [ + "ĠY", + "in" + ], + [ + "Ġref", + "und" + ], + [ + "Ġele", + "m" + ], + [ + "ĠCO", + "PY" + ], + [ + "ĠGl", + "ad" + ], + [ + "Ġsem", + "en" + ], + [ + "tra", + "ffic" + ], + [ + "ĠTim", + "eline" + ], + [ + "Bas", + "ically" + ], + [ + "ĠEditor", + "ial" + ], + [ + "ĠPuebl", + "o" + ], + [ + "l", + "ane" + ], + [ + "y", + "en" + ], + [ + "Ġc", + "uisines" + ], + [ + "Ġre", + "think" + ], + [ + "st", + "icks" + ], + [ + "Ġsh", + "aman" + ], + [ + "Ġamount", + "ed" + ], + [ + "Ġge", + "om" + ], + [ + "Ġple", + "a" + ], + [ + "Inst", + "ructions" + ], + [ + "Ġobsc", + "ured" + ], + [ + "Ġabolition", + "ist" + ], + [ + "ĠA", + "ires" + ], + [ + "th", + "resh" + ], + [ + "ĠD", + "ress" + ], + [ + "Ġpl", + "umes" + ], + [ + "ĠWe", + "iss" + ], + [ + "ec", + "s" + ], + [ + "Ġinc", + "ense" + ], + [ + "Ġfunction", + "ed" + ], + [ + "det", + "ach" + ], + [ + "Ġgentle", + "men" + ], + [ + "Ġannex", + "ed" + ], + [ + "al", + "on" + ], + [ + "al", + "ination" + ], + [ + "Ġf", + "ren" + ], + [ + "Ġmod", + "ality" + ], + [ + "any", + "a" + ], + [ + "ĠX", + "ia" + ], + [ + "ĠBo", + "hem" + ], + [ + "ĠMag", + "dal" + ], + [ + "Ġpap", + "al" + ], + [ + "Ġshr", + "ines" + ], + [ + "ĠAbsol", + "ute" + ], + [ + "Sequ", + "ential" + ], + [ + "D", + "ense" + ], + [ + "th", + "ia" + ], + [ + "und", + "i" + ], + [ + "Ġi", + "ii" + ], + [ + "Ġassault", + "s" + ], + [ + "Ġsynchron", + "ized" + ], + [ + "Ġstagn", + "ant" + ], + [ + "Ġransom", + "ware" + ], + [ + "x", + "lim" + ], + [ + "ĠS", + "ort" + ], + [ + "em", + "es" + ], + [ + "Ġsub", + "groups" + ], + [ + "Ġrun", + "way" + ], + [ + "ĠMem", + "oir" + ], + [ + "Ġdisrupt", + "s" + ], + [ + "Ġguard", + "ing" + ], + [ + "Ġdigit", + "ized" + ], + [ + "Ġspokes", + "person" + ], + [ + "topl", + "asm" + ], + [ + "Redu", + "ce" + ], + [ + "t", + "une" + ], + [ + "he", + "tti" + ], + [ + "ĠC", + "orb" + ], + [ + "ĠN", + "V" + ], + [ + "ĠGu", + "ild" + ], + [ + "Ġsett", + "ler" + ], + [ + "opol", + "itan" + ], + [ + "resol", + "ve" + ], + [ + "Ġindiff", + "erent" + ], + [ + "Ġsummon", + "ed" + ], + [ + "ččĊĠĠĠĠĠĠĠĠ", + "ččĊĠĠĠĠĠĠĠĠĠĠĠ" + ], + [ + "v", + "c" + ], + [ + "ĠA", + "min" + ], + [ + "Ġover", + "lay" + ], + [ + "Ġfood", + "borne" + ], + [ + "ĠLet", + "t" + ], + [ + "interest", + "ed" + ], + [ + "Ent", + "ity" + ], + [ + "ĠPhill", + "ip" + ], + [ + "Ġtorped", + "o" + ], + [ + "Ġimp", + "at" + ], + [ + "Ġact", + "ress" + ], + [ + "own", + "s" + ], + [ + "()", + ")." + ], + [ + "ĠSh", + "ows" + ], + [ + "agog", + "ues" + ], + [ + "ĠDh", + "arma" + ], + [ + "Cath", + "olic" + ], + [ + ".", + "''" + ], + [ + "B", + "rien" + ], + [ + "ans", + "wered" + ], + [ + "sh", + "ield" + ], + [ + "RE", + "EN" + ], + [ + "net", + "es" + ], + [ + "ĠHigh", + "land" + ], + [ + "ĠAut", + "umn" + ], + [ + "Ġmist", + "rust" + ], + [ + "Ġvent", + "ral" + ], + [ + "Ġskull", + "s" + ], + [ + "ĠAmb", + "assador" + ], + [ + "Ġcorro", + "bor" + ], + [ + "ζ", + "Ïī" + ], + [ + "S", + "olution" + ], + [ + "f", + "y" + ], + [ + "il", + "ic" + ], + [ + "im", + "en" + ], + [ + "uss", + "is" + ], + [ + "Ġdirect", + "ives" + ], + [ + "ats", + "by" + ], + [ + "ĠAm", + "mon" + ], + [ + "Go", + "ing" + ], + [ + "Ġharness", + "ed" + ], + [ + "ĠStev", + "enson" + ], + [ + "(", + "%" + ], + [ + "C", + "red" + ], + [ + "ĠM", + "ile" + ], + [ + "ac", + "et" + ], + [ + "get", + "ting" + ], + [ + "Ġ/", + ">" + ], + [ + "Read", + "y" + ], + [ + "obacter", + "ium" + ], + [ + "H", + "ash" + ], + [ + "it", + "ers" + ], + [ + "iz", + "on" + ], + [ + "Ġoff", + "ending" + ], + [ + "ĠRev", + "ised" + ], + [ + "Ġcong", + "ru" + ], + [ + "spe", + "ech" + ], + [ + "cd", + "c" + ], + [ + "ĠTrib", + "al" + ], + [ + "Ġtrim", + "med" + ], + [ + "Pan", + "el" + ], + [ + "Ġindiff", + "erence" + ], + [ + "A", + "U" + ], + [ + "Ġf", + "uss" + ], + [ + "Ġb", + "urs" + ], + [ + "ar", + "rays" + ], + [ + "ĠM", + "G" + ], + [ + "ick", + "er" + ], + [ + "ĠHow", + "e" + ], + [ + "co", + "ated" + ], + [ + "ĠWorld", + "wide" + ], + [ + "ĠCult", + "ivating" + ], + [ + "################################", + "################" + ], + [ + "Ġdistract", + "ing" + ], + [ + "Ġnod", + "ules" + ], + [ + "whe", + "at" + ], + [ + "ĠLyn", + "ch" + ], + [ + "------------------------", + "---" + ], + [ + "Ġtaxpay", + "er" + ], + [ + "ĠBalk", + "ans" + ], + [ + "Ġnemat", + "odes" + ], + [ + "J", + "V" + ], + [ + "v", + "ascular" + ], + [ + "ĠI", + "ELTS" + ], + [ + "NA", + "P" + ], + [ + "mber", + "g" + ], + [ + "DE", + "V" + ], + [ + "lik", + "elihood" + ], + [ + "Ġorth", + "opedic" + ], + [ + "tw", + "itter" + ], + [ + "prob", + "ability" + ], + [ + "aby", + "tes" + ], + [ + "Ġequival", + "ents" + ], + [ + "Ġenerg", + "ized" + ], + [ + "R", + "ussia" + ], + [ + "Â", + "£" + ], + [ + "an", + "ity" + ], + [ + "Ġsu", + "e" + ], + [ + "Ġwas", + "p" + ], + [ + "ĠCon", + "version" + ], + [ + "ĠSh", + "in" + ], + [ + "Ġcollect", + "ibles" + ], + [ + "het", + "amine" + ], + [ + "ĠMal", + "aria" + ], + [ + "Ġgrand", + "eur" + ], + [ + "Other", + "s" + ], + [ + "Ġstabil", + "ized" + ], + [ + "ĠRain", + "bow" + ], + [ + "ĠAdvance", + "ment" + ], + [ + "Ġmism", + "atch" + ], + [ + "åĩ", + "º" + ], + [ + "D", + "am" + ], + [ + "}", + "_{" + ], + [ + "ot", + "ene" + ], + [ + "ĠSt", + "anton" + ], + [ + "Ġtra", + "ff" + ], + [ + "ĠV", + "oting" + ], + [ + "Ġgen", + "otypes" + ], + [ + "Ġhum", + "p" + ], + [ + "Ġgl", + "am" + ], + [ + "Ġwhole", + "heartedly" + ], + [ + "Ġstar", + "ving" + ], + [ + "Ġstabil", + "izing" + ], + [ + "Ġbenz", + "ene" + ], + [ + "Ġtheolog", + "ians" + ], + [ + "ĠT", + "rad" + ], + [ + "Ġprov", + "isional" + ], + [ + "Ġtop", + "ographic" + ], + [ + "ĠSu", + "icide" + ], + [ + "lam", + "ydia" + ], + [ + "ĠWork", + "er" + ], + [ + "hig", + "her" + ], + [ + "L", + "o" + ], + [ + "y", + "ah" + ], + [ + "Ġt", + "idy" + ], + [ + "Ġst", + "umble" + ], + [ + "Ġch", + "is" + ], + [ + "ĠE", + "ras" + ], + [ + "ĠOr", + "deredDict" + ], + [ + "Ġtrack", + "er" + ], + [ + "Ġdisag", + "reed" + ], + [ + "Ġspell", + "ings" + ], + [ + "ipot", + "ent" + ], + [ + "l", + "io" + ], + [ + "il", + "and" + ], + [ + "ĠA", + "uckland" + ], + [ + "and", + "i" + ], + [ + "Ġint", + "akes" + ], + [ + "ĠU", + "AV" + ], + [ + "Ġinf", + "erences" + ], + [ + "Ġsign", + "alling" + ], + [ + "ĠCol", + "leges" + ], + [ + "Ġenhance", + "ments" + ], + [ + "Ġasp", + "ire" + ], + [ + "ĠEp", + "hes" + ], + [ + "rin", + "os" + ], + [ + "оÐ", + "´" + ], + [ + "ĠArmen", + "ians" + ], + [ + "Init", + "ially" + ], + [ + "ĠVers", + "ailles" + ], + [ + "Ġglyc", + "ogen" + ], + [ + "L", + "ack" + ], + [ + "M", + "it" + ], + [ + "Ġt", + "undra" + ], + [ + "Ġl", + "ily" + ], + [ + "ĠC", + "G" + ], + [ + "ĠD", + "iana" + ], + [ + "Ġaccel", + "erator" + ], + [ + "Ġfract", + "ured" + ], + [ + "Ġphon", + "etic" + ], + [ + "ĠTrib", + "es" + ], + [ + "Ġtrim", + "ming" + ], + [ + "Ġbuzz", + "ing" + ], + [ + "ĠEur", + "asian" + ], + [ + "Ġrecei", + "pts" + ], + [ + "W", + "in" + ], + [ + "w", + "arming" + ], + [ + "ĠA", + "H" + ], + [ + "ĠThe", + "mes" + ], + [ + "ĠF", + "irm" + ], + [ + "ph", + "ans" + ], + [ + "Ġpr", + "ism" + ], + [ + "Ġtot", + "als" + ], + [ + "ĠSm", + "ooth" + ], + [ + "Per", + "cent" + ], + [ + "Pat", + "ient" + ], + [ + "Ġeyeb", + "rows" + ], + [ + "Lin", + "ux" + ], + [ + "×", + "ij" + ], + [ + "ĠM", + "IN" + ], + [ + "ĠIm", + "mediately" + ], + [ + "``", + "." + ], + [ + "Ġport", + "folios" + ], + [ + "Ġexpress", + "ly" + ], + [ + "ĠAc", + "ids" + ], + [ + "Ġsymbol", + "ized" + ], + [ + "Willi", + "ams" + ], + [ + "ĠTow", + "ard" + ], + [ + "ĠAndre", + "as" + ], + [ + "Ġgoss", + "ip" + ], + [ + "ig", + "ions" + ], + [ + "ĠC", + "ind" + ], + [ + "ĠN", + "AD" + ], + [ + "Ġout", + "c" + ], + [ + "ple", + "ting" + ], + [ + "Ġden", + "ies" + ], + [ + "Ġ'/", + "'" + ], + [ + "Ġirregular", + "ities" + ], + [ + "Ġawa", + "its" + ], + [ + "Ġawa", + "ited" + ], + [ + "Ġmyocard", + "ial" + ], + [ + "ĠP", + "orts" + ], + [ + "ĠF", + "reed" + ], + [ + "Ġac", + "oust" + ], + [ + "ĠPo", + "ems" + ], + [ + "Ġresemb", + "led" + ], + [ + "g", + "otten" + ], + [ + "h", + "ose" + ], + [ + "re", + "cent" + ], + [ + "ĠF", + "o" + ], + [ + "Ġobject", + "ivity" + ], + [ + "isc", + "rim" + ], + [ + "Ġlimit", + "less" + ], + [ + "EL", + "S" + ], + [ + "Ġpret", + "ending" + ], + [ + "Ġsyn", + "apses" + ], + [ + "Ġplate", + "let" + ], + [ + "Ġnas", + "cent" + ], + [ + "Ġwatershed", + "s" + ], + [ + "ĠInstru", + "ment" + ], + [ + "Ġserm", + "ons" + ], + [ + "Ġperc", + "ussion" + ], + [ + "C", + "ognitive" + ], + [ + "Ġl", + "oci" + ], + [ + "ĠH", + "uff" + ], + [ + "Ġpre", + "term" + ], + [ + "Ġwood", + "ed" + ], + [ + "ĠProt", + "ected" + ], + [ + "Ġinsert", + "s" + ], + [ + "Ġcommem", + "oration" + ], + [ + "ĠB", + "ren" + ], + [ + "ĠB", + "uk" + ], + [ + "ĠW", + "arner" + ], + [ + "ult", + "ures" + ], + [ + "inter", + "pol" + ], + [ + "ĠMar", + "ion" + ], + [ + "ĠContin", + "uing" + ], + [ + "chr", + "ane" + ], + [ + "d", + "ial" + ], + [ + "re", + "ceived" + ], + [ + "at", + "hed" + ], + [ + "en", + "oids" + ], + [ + "Ġp", + "kg" + ], + [ + "Ġbe", + "ard" + ], + [ + "ter", + "ror" + ], + [ + "ĠJ", + "ump" + ], + [ + "Ġar", + "k" + ], + [ + "Ġher", + "ring" + ], + [ + "Ġsl", + "aughtered" + ], + [ + "ĠX", + "II" + ], + [ + "US", + "DA" + ], + [ + "Access", + "ed" + ], + [ + "Ġammon", + "ium" + ], + [ + "Ġcorrupt", + "ed" + ], + [ + "Ġhither", + "to" + ], + [ + "i", + "ators" + ], + [ + "Ġd", + "art" + ], + [ + "Ġdis", + "patch" + ], + [ + "Ġform", + "ulating" + ], + [ + "Ġbar", + "red" + ], + [ + "ĠEst", + "imates" + ], + [ + "Ġbread", + "s" + ], + [ + "itic", + "us" + ], + [ + "Ġdyst", + "rophy" + ], + [ + "l", + "bl" + ], + [ + "as", + "ies" + ], + [ + "ĠU", + "CS" + ], + [ + "Ġstart", + "ups" + ], + [ + "ĠCol", + "in" + ], + [ + "Ġlower", + "case" + ], + [ + "ST", + "ATE" + ], + [ + "uk", + "kah" + ], + [ + "De", + "cl" + ], + [ + "Ġherb", + "ivores" + ], + [ + "prot", + "ection" + ], + [ + "P", + "ast" + ], + [ + "Ġv", + "aping" + ], + [ + "ĠSt", + "raw" + ], + [ + "Ġover", + "arching" + ], + [ + "sc", + "opic" + ], + [ + "not", + "ification" + ], + [ + "ĠWar", + "fare" + ], + [ + "Ġreact", + "ivity" + ], + [ + "Ġdraw", + "back" + ], + [ + "ĠLa", + "o" + ], + [ + "ĠRec", + "ipes" + ], + [ + "Ġpand", + "emics" + ], + [ + "ĠDou", + "g" + ], + [ + "diff", + "erence" + ], + [ + "iac", + "in" + ], + [ + "ĠEmpower", + "ment" + ], + [ + "S", + "outhern" + ], + [ + "c", + "ognitive" + ], + [ + "Ġch", + "illing" + ], + [ + "ĠN", + "iel" + ], + [ + "ell", + "aneous" + ], + [ + "Ġcare", + "rs" + ], + [ + "Ġleft", + "overs" + ], + [ + "Ġcheap", + "est" + ], + [ + "Ġmulticultural", + "ism" + ], + [ + "Ġse", + "eding" + ], + [ + "ĠG", + "T" + ], + [ + "ĠIn", + "termediate" + ], + [ + "ov", + "sky" + ], + [ + "Ġhome", + "page" + ], + [ + "ĠX", + "XX" + ], + [ + "Ġmut", + "ated" + ], + [ + "Ġbull", + "s" + ], + [ + "ĠDra", + "ke" + ], + [ + "ĠTun", + "nel" + ], + [ + "Ġsten", + "osis" + ], + [ + "ill", + "usion" + ], + [ + "ĠE", + "zekiel" + ], + [ + "Ġab", + "original" + ], + [ + "ust", + "ering" + ], + [ + "Ġorgan", + "ise" + ], + [ + "ĠSp", + "ray" + ], + [ + "ĠÎ", + "»" + ], + [ + "ĠMem", + "or" + ], + [ + "âĸĪâĸĪ", + "âĸĪâĸĪ" + ], + [ + "D", + "river" + ], + [ + "Ġc", + "ached" + ], + [ + "ĠS", + "quir" + ], + [ + "ĠM", + "ud" + ], + [ + "ĠG", + "ets" + ], + [ + "Ġtr", + "il" + ], + [ + "Ġsc", + "ents" + ], + [ + "Ġinc", + "umbent" + ], + [ + "It", + "ems" + ], + [ + "Ġcycl", + "ic" + ], + [ + "Ġfier", + "c" + ], + [ + "L", + "G" + ], + [ + "n", + "ose" + ], + [ + "ident", + "al" + ], + [ + "Ġter", + "ribly" + ], + [ + "ĠX", + "in" + ], + [ + "ĠCo", + "ach" + ], + [ + "Ġconvey", + "or" + ], + [ + "Ġcrack", + "ers" + ], + [ + "ĠPok", + "é" + ], + [ + "W", + "ave" + ], + [ + "g", + "il" + ], + [ + "j", + "ee" + ], + [ + "Ġf", + "h" + ], + [ + "Ġst", + "ole" + ], + [ + "ĠCh", + "ip" + ], + [ + "Ġdi", + "ast" + ], + [ + "Ġval", + "or" + ], + [ + "__", + "[\"" + ], + [ + "und", + "a" + ], + [ + "co", + "eff" + ], + [ + "ĠInt", + "rigued" + ], + [ + "ĠÎ", + "³" + ], + [ + "Ġtub", + "ular" + ], + [ + "ĠPs", + "alms" + ], + [ + "ĠCroat", + "ian" + ], + [ + "A", + "uthors" + ], + [ + "ĠV", + "and" + ], + [ + "Ġhand", + "written" + ], + [ + "Ġstri", + "ped" + ], + [ + "Ġweb", + "inar" + ], + [ + "Ġseaf", + "loor" + ], + [ + "Ġdece", + "it" + ], + [ + "Ġsquee", + "zed" + ], + [ + "Ġdeterg", + "ent" + ], + [ + "Ġw", + "s" + ], + [ + "ĠC", + "J" + ], + [ + "em", + "ploy" + ], + [ + "ĠR", + "ocks" + ], + [ + "Ġad", + "hered" + ], + [ + "Ġast", + "ounding" + ], + [ + "Ġmagnet", + "ism" + ], + [ + "ĠVolunt", + "eers" + ], + [ + "Nav", + "igating" + ], + [ + "CLUD", + "ING" + ], + [ + "al", + "er" + ], + [ + "Ġcom", + "orbid" + ], + [ + "Ġ#", + ":" + ], + [ + "Ġplay", + "wright" + ], + [ + "Ġpur", + "ported" + ], + [ + "Ġdom", + "inating" + ], + [ + "Ġwhis", + "pers" + ], + [ + "ĠStaff", + "ord" + ], + [ + "Organ", + "ic" + ], + [ + "v", + "n" + ], + [ + "in", + "en" + ], + [ + "ĠM", + "outh" + ], + [ + "Ġdis", + "l" + ], + [ + "Ġcaus", + "ation" + ], + [ + "ĠZ", + "ones" + ], + [ + "ogen", + "etic" + ], + [ + "ĠEsc", + "her" + ], + [ + "S", + "oup" + ], + [ + "ac", + "ional" + ], + [ + "In", + "ternal" + ], + [ + "of", + "lav" + ], + [ + "ĠWater", + "loo" + ], + [ + "Ġclim", + "ax" + ], + [ + "Ġnan", + "om" + ], + [ + "Ġneglect", + "ing" + ], + [ + "Ġwh", + "irl" + ], + [ + "Ġ(", + ">" + ], + [ + "ĠM", + "ord" + ], + [ + "ĠWe", + "apons" + ], + [ + "ĠPro", + "to" + ], + [ + "ĠBl", + "air" + ], + [ + "Ġsal", + "ivary" + ], + [ + "Ġabstract", + "s" + ], + [ + "Ġexport", + "ing" + ], + [ + "ĠLat", + "via" + ], + [ + "Ġsurf", + "ing" + ], + [ + "upt", + "ools" + ], + [ + "Ġthigh", + "s" + ], + [ + "F", + "ET" + ], + [ + "re", + "cht" + ], + [ + "ĠE", + "k" + ], + [ + "Ġhero", + "ism" + ], + [ + "Ġpit", + "ched" + ], + [ + "clock", + "wise" + ], + [ + "Ġnec", + "rosis" + ], + [ + "C", + "onse" + ], + [ + "c", + "ia" + ], + [ + "h", + "ana" + ], + [ + "y", + "as" + ], + [ + "ĠO", + "man" + ], + [ + "Ġcor", + "neal" + ], + [ + "ĠPh", + "on" + ], + [ + "Ġdra", + "gging" + ], + [ + "ĠFire", + "fox" + ], + [ + "Ġreplen", + "ish" + ], + [ + "ĠGeoff", + "rey" + ], + [ + "P", + "ush" + ], + [ + "æ", + "Ģ" + ], + [ + "Ġin", + "activity" + ], + [ + "ĠW", + "itt" + ], + [ + "ĠE", + "ck" + ], + [ + "Ġwhe", + "ezing" + ], + [ + "Ġfun", + "ctools" + ], + [ + "Ġgl", + "ove" + ], + [ + "ner", + "y" + ], + [ + "ee", + "per" + ], + [ + "Ġunf", + "olds" + ], + [ + "ĠAtl", + "antis" + ], + [ + "F", + "red" + ], + [ + "s", + "ugar" + ], + [ + "Ġl", + "actic" + ], + [ + "Ġrel", + "ocate" + ], + [ + "Ġhard", + "wood" + ], + [ + "Ġcred", + "ential" + ], + [ + "Ġoverwhel", + "m" + ], + [ + "Ġtil", + "ted" + ], + [ + "Ġparach", + "ute" + ], + [ + "S", + "can" + ], + [ + "o", + "zyg" + ], + [ + "Ġin", + "quire" + ], + [ + "ĠH", + "B" + ], + [ + "pe", + "as" + ], + [ + "Ġsp", + "oons" + ], + [ + "St", + "rong" + ], + [ + "br", + "as" + ], + [ + "ĠDan", + "ube" + ], + [ + "ĠMcG", + "raw" + ], + [ + "ĠCust", + "oms" + ], + [ + "F", + "unc" + ], + [ + "m", + "ine" + ], + [ + "ĠE", + "fficient" + ], + [ + "end", + "o" + ], + [ + "Ġinter", + "iors" + ], + [ + "ĠSp", + "art" + ], + [ + "Ġintern", + "ships" + ], + [ + "Ġrespect", + "able" + ], + [ + "inter", + "pretation" + ], + [ + "Ġvalid", + "ating" + ], + [ + "ĠHuman", + "ity" + ], + [ + "dep", + "ending" + ], + [ + "Ġgang", + "s" + ], + [ + "ĠConscious", + "ness" + ], + [ + "ĠD", + "ud" + ], + [ + "ĠK", + "ai" + ], + [ + "Ġtr", + "ich" + ], + [ + "Ġac", + "etyl" + ], + [ + "Ġspe", + "ci" + ], + [ + "Ġpast", + "ime" + ], + [ + "lat", + "itude" + ], + [ + "Off", + "ice" + ], + [ + "Desc", + "ribe" + ], + [ + "Ġdismant", + "ling" + ], + [ + "L", + "ocated" + ], + [ + "Ġhe", + "ed" + ], + [ + "ram", + "ing" + ], + [ + "Ġpol", + "ling" + ], + [ + "Ġant", + "ise" + ], + [ + "Ġfluid", + "ity" + ], + [ + "Ġkin", + "ase" + ], + [ + "Process", + "ing" + ], + [ + "Ġlumin", + "ous" + ], + [ + "POS", + "E" + ], + [ + "Ġkel", + "p" + ], + [ + "in", + "ium" + ], + [ + "Ġb", + "othered" + ], + [ + "ul", + "ents" + ], + [ + "ĠH", + "aj" + ], + [ + "ern", + "acle" + ], + [ + "Ġmar", + "rying" + ], + [ + "Con", + "vert" + ], + [ + "Ġhabit", + "ual" + ], + [ + "Ġnucle", + "ic" + ], + [ + "run", + "c" + ], + [ + "Ġcul", + "m" + ], + [ + "Ġscra", + "pe" + ], + [ + "Ġflavon", + "oids" + ], + [ + "+", + "," + ], + [ + "l", + "oving" + ], + [ + "å", + "ī" + ], + [ + "in", + "ately" + ], + [ + "Ġp", + "omegran" + ], + [ + "Ġn", + "omenclature" + ], + [ + "ĠF", + "DR" + ], + [ + "Ġab", + "ortions" + ], + [ + "ak", + "k" + ], + [ + "Ġpract", + "ised" + ], + [ + "Ġeng", + "ulf" + ], + [ + "Ġpsych", + "ic" + ], + [ + "Ġgal", + "actic" + ], + [ + "Ġmemor", + "izing" + ], + [ + "ĠEstab", + "lished" + ], + [ + "ĠC", + "um" + ], + [ + "ĠM", + "uk" + ], + [ + "ĠH", + "of" + ], + [ + "Ġsc", + "ant" + ], + [ + "Ġfire", + "place" + ], + [ + "Ġhem", + "isp" + ], + [ + "ĠSecret", + "ariat" + ], + [ + "ĠLog", + "an" + ], + [ + "Ġpriorit", + "izing" + ], + [ + "squ", + "ared" + ], + [ + "Ġacet", + "ate" + ], + [ + "Ġglyph", + "osate" + ], + [ + "U", + "LE" + ], + [ + "r", + "pc" + ], + [ + "é", + "¡" + ], + [ + "Ġv", + "andal" + ], + [ + "un", + "ivers" + ], + [ + "Ġsh", + "ipment" + ], + [ + "Ġun", + "married" + ], + [ + "ber", + "ra" + ], + [ + "Ġher", + "al" + ], + [ + "Ġreason", + "ed" + ], + [ + "Ġwors", + "ened" + ], + [ + "Ġ", + "ĊĊ" + ], + [ + "Ġb", + "ast" + ], + [ + "ĠEm", + "ancipation" + ], + [ + "Ċĉĉ", + "Ċĉ" + ], + [ + "ĠAir", + "lines" + ], + [ + "Ġfle", + "eting" + ], + [ + "ĠLy", + "on" + ], + [ + "contin", + "ental" + ], + [ + "I", + "rish" + ], + [ + "Ġin", + "version" + ], + [ + "Ġn", + "ineteen" + ], + [ + "gh", + "um" + ], + [ + "ah", + "i" + ], + [ + "St", + "reng" + ], + [ + "ĠCrit", + "eria" + ], + [ + "Ġimprovis", + "ation" + ], + [ + "=", + "'," + ], + [ + "]", + "\"" + ], + [ + "l", + "azy" + ], + [ + "ĠY", + "uan" + ], + [ + "ĠGen", + "ocide" + ], + [ + "rem", + "ely" + ], + [ + "à¤", + "µ" + ], + [ + "ĠEqu", + "ation" + ], + [ + "Dis", + "claimer" + ], + [ + "sv", + "g" + ], + [ + "ĠVisual", + "ization" + ], + [ + "Ġleak", + "y" + ], + [ + "ĠEle", + "v" + ], + [ + "Ġplum", + "met" + ], + [ + "Ĥ", + "¹" + ], + [ + "Ġt", + "ipping" + ], + [ + "he", + "on" + ], + [ + "Ġs", + "ir" + ], + [ + "iv", + "ar" + ], + [ + "ĠD", + "one" + ], + [ + "trans", + "ition" + ], + [ + "Se", + "lected" + ], + [ + "f", + "ine" + ], + [ + "v", + "v" + ], + [ + "ĠA", + "ph" + ], + [ + "ore", + "al" + ], + [ + "Ġhas", + "ht" + ], + [ + "ĠFound", + "ed" + ], + [ + "Ġmort", + "g" + ], + [ + "Ġsincere", + "ly" + ], + [ + "l", + "est" + ], + [ + "l", + "é" + ], + [ + "Ġs", + "ip" + ], + [ + "Ġh", + "ilar" + ], + [ + "Ġ(", + "#" + ], + [ + "ĠSaf", + "ari" + ], + [ + "ĠVer", + "de" + ], + [ + "ĠBu", + "enos" + ], + [ + "heli", + "um" + ], + [ + "â", + "ľ" + ], + [ + "Ġb", + "ould" + ], + [ + "Ġsa", + "x" + ], + [ + "Ġdec", + "ks" + ], + [ + "Pro", + "xy" + ], + [ + "Ġprec", + "arious" + ], + [ + "Ġtack", + "led" + ], + [ + "Ac", + "ross" + ], + [ + "plement", + "ary" + ], + [ + "S", + "IG" + ], + [ + "z", + "ep" + ], + [ + "Ġd", + "ol" + ], + [ + "ĠM", + "ek" + ], + [ + "ĠE", + "ph" + ], + [ + "Ġcl", + "ones" + ], + [ + "Ġpre", + "acher" + ], + [ + "old", + "t" + ], + [ + "ĠSe", + "ab" + ], + [ + "ĠHol", + "t" + ], + [ + "ĠOng", + "oing" + ], + [ + "V", + "en" + ], + [ + "V", + "acc" + ], + [ + "Ù", + "ij" + ], + [ + "Ġ", + "ÑĤ" + ], + [ + "ec", + "ia" + ], + [ + "Ġsym", + "posium" + ], + [ + "Ġbir", + "ch" + ], + [ + "En", + "v" + ], + [ + "label", + "ed" + ], + [ + "Ġsou", + "ven" + ], + [ + "Ġmeteor", + "ite" + ], + [ + "Ġsprink", + "le" + ], + [ + "Tem", + "perature" + ], + [ + "Ġempath", + "ize" + ], + [ + "ĠT", + "ian" + ], + [ + "and", + "an" + ], + [ + "ĠF", + "rog" + ], + [ + "ĠRe", + "levant" + ], + [ + "Ġmed", + "iate" + ], + [ + "Ġmet", + "e" + ], + [ + "Ġgr", + "illed" + ], + [ + "ĠGu", + "ang" + ], + [ + "LE", + "FT" + ], + [ + "Inst", + "all" + ], + [ + "Ġdil", + "ution" + ], + [ + "Ġsteep", + "ed" + ], + [ + "Ġcruc", + "ifixion" + ], + [ + "ĠMort", + "on" + ], + [ + "or", + "get" + ], + [ + "Ġb", + "ible" + ], + [ + "Ġg", + "ib" + ], + [ + "ate", + "ment" + ], + [ + "ĠB", + "arth" + ], + [ + "ĠF", + "ighting" + ], + [ + "Ġcall", + "able" + ], + [ + "read", + "able" + ], + [ + "(\"", + "[" + ], + [ + "Ġcam", + "els" + ], + [ + "Ġchest", + "nut" + ], + [ + "Ġmorph", + "ine" + ], + [ + "MOD", + "E" + ], + [ + "ĠPle", + "istocene" + ], + [ + "J", + "oint" + ], + [ + "ĠS", + "ER" + ], + [ + "ĠL", + "ore" + ], + [ + "Ġ\"", + "(" + ], + [ + "Ġres", + "ins" + ], + [ + "Ġj", + "aundice" + ], + [ + "let", + "ic" + ], + [ + "ĠShe", + "ffield" + ], + [ + "ĠPre", + "valence" + ], + [ + "Ġabandon", + "ing" + ], + [ + "Ġtens", + "ile" + ], + [ + "`", + ")" + ], + [ + "Ġa", + "rable" + ], + [ + "Ġs", + "apiens" + ], + [ + "ow", + "ell" + ], + [ + "rou", + "se" + ], + [ + "Ġra", + "ft" + ], + [ + "Ġsur", + "ges" + ], + [ + "ps", + "i" + ], + [ + "Ġhard", + "ening" + ], + [ + "IF", + "E" + ], + [ + "Ġprox", + "imal" + ], + [ + "Ġdenom", + "ination" + ], + [ + "Ġinh", + "ale" + ], + [ + "Bet", + "ter" + ], + [ + "Ġoat", + "meal" + ], + [ + "ç", + "¤" + ], + [ + "ĠH", + "g" + ], + [ + "Ġtra", + "der" + ], + [ + "ug", + "u" + ], + [ + "ĠFl", + "av" + ], + [ + "Ġserious", + "ness" + ], + [ + "ĠSom", + "ers" + ], + [ + "rox", + "y" + ], + [ + "Ġbuff", + "ers" + ], + [ + "hell", + "s" + ], + [ + "Ġib", + "uprofen" + ], + [ + "School", + "s" + ], + [ + "Ġabbre", + "viations" + ], + [ + "Ġovere", + "st" + ], + [ + "C", + "and" + ], + [ + "L", + "ive" + ], + [ + "om", + "bs" + ], + [ + "Ġtr", + "uss" + ], + [ + "Ġinf", + "ar" + ], + [ + "Ġconsequ", + "ent" + ], + [ + "ĠVari", + "ables" + ], + [ + "Ġinsist", + "ing" + ], + [ + "E", + "gypt" + ], + [ + "ĠS", + "ob" + ], + [ + "ount", + "ains" + ], + [ + "acc", + "um" + ], + [ + "ĠIns", + "ulin" + ], + [ + "exec", + "ution" + ], + [ + "Num", + "erous" + ], + [ + "Valid", + "ator" + ], + [ + "b", + "odied" + ], + [ + "Ñ", + "İ" + ], + [ + "Ġs", + "ails" + ], + [ + "Ġcons", + "cientious" + ], + [ + "Ġadd", + "r" + ], + [ + "Ġinter", + "dependence" + ], + [ + "ĠAs", + "pects" + ], + [ + "Ġcr", + "anes" + ], + [ + "ĠHer", + "b" + ], + [ + "ĠSure", + "ly" + ], + [ + "r", + "ash" + ], + [ + "on", + "so" + ], + [ + "is", + "ins" + ], + [ + "ĠS", + "SH" + ], + [ + "Ġr", + "c" + ], + [ + "Ġint", + "rusive" + ], + [ + "ip", + "zig" + ], + [ + "ĠMed", + "ication" + ], + [ + "ĠBl", + "anc" + ], + [ + "ipp", + "ings" + ], + [ + "Ġtum", + "my" + ], + [ + "Ġeast", + "ward" + ], + [ + "Ġtab", + "oo" + ], + [ + ")", + "$" + ], + [ + "D", + "AR" + ], + [ + "S", + "chol" + ], + [ + "s", + "hed" + ], + [ + "w", + "atching" + ], + [ + "×", + "©" + ], + [ + "ir", + "y" + ], + [ + "Ġpast", + "ries" + ], + [ + "=\"", + "\"," + ], + [ + "Ġlink", + "ages" + ], + [ + "Ġweak", + "ens" + ], + [ + "Ġdisinf", + "ection" + ], + [ + "ĠHellen", + "istic" + ], + [ + "Ġpe", + "aked" + ], + [ + "ĠK", + "em" + ], + [ + "Ġsc", + "hematic" + ], + [ + "ps", + "um" + ], + [ + "ĠRe", + "b" + ], + [ + "tt", + "a" + ], + [ + "Ġcredit", + "ors" + ], + [ + "Ġsnow", + "fall" + ], + [ + "Ġclar", + "ifying" + ], + [ + "zym", + "atic" + ], + [ + "Ġscar", + "let" + ], + [ + "Ġlarv", + "a" + ], + [ + "Ġperipher", + "y" + ], + [ + "Ġguerr", + "illa" + ], + [ + "S", + "plit" + ], + [ + "Ġc", + "nt" + ], + [ + "Ġc", + "ephal" + ], + [ + "Ġinf", + "ographic" + ], + [ + "Ġcor", + "rosive" + ], + [ + "ĠCo", + "chrane" + ], + [ + "Ar", + "m" + ], + [ + "Ġthick", + "ening" + ], + [ + "ĠEv", + "ol" + ], + [ + "Ġcycl", + "ical" + ], + [ + "Conn", + "or" + ], + [ + "Ġmim", + "ics" + ], + [ + "coord", + "inate" + ], + [ + "im", + "ony" + ], + [ + "Ġr", + "ugs" + ], + [ + "Ġqu", + "as" + ], + [ + "Ġtra", + "inees" + ], + [ + "Ġsk", + "im" + ], + [ + "rot", + "ic" + ], + [ + "war", + "f" + ], + [ + "ĠLand", + "ing" + ], + [ + "Ġoblig", + "ated" + ], + [ + "Ġalert", + "ness" + ], + [ + "S", + "el" + ], + [ + "en", + "oid" + ], + [ + "ĠM", + "ét" + ], + [ + "ĠBe", + "aver" + ], + [ + "Ġside", + "ways" + ], + [ + "Reg", + "ion" + ], + [ + "Ġcycl", + "ones" + ], + [ + "ĠAR", + "M" + ], + [ + "Ġmanager", + "ial" + ], + [ + "annot", + "ations" + ], + [ + "ĠFat", + "igue" + ], + [ + "Ġtroublesh", + "ooting" + ], + [ + "A", + "gg" + ], + [ + "U", + "AL" + ], + [ + "d", + "ou" + ], + [ + "Ġc", + "rescent" + ], + [ + "ĠS", + "ind" + ], + [ + "ĠD", + "rain" + ], + [ + "Ġmon", + "othe" + ], + [ + "Ġtre", + "asury" + ], + [ + "ĠMin", + "erals" + ], + [ + "ĠCount", + "ies" + ], + [ + "Ġdisapp", + "ro" + ], + [ + "graph", + "s" + ], + [ + "ĠRoad", + "s" + ], + [ + "ĠPass", + "word" + ], + [ + "D", + "H" + ], + [ + "D", + "ental" + ], + [ + "b", + "m" + ], + [ + "ĠS", + "ensing" + ], + [ + "ĠD", + "over" + ], + [ + "Ġun", + "p" + ], + [ + "Ġdef", + "y" + ], + [ + "Ġgroup", + "ings" + ], + [ + "off", + "ice" + ], + [ + "Ġillust", + "rative" + ], + [ + "Ġ{}", + ")" + ], + [ + "Ġchron", + "icles" + ], + [ + "ĠInflamm", + "ation" + ], + [ + "Ġbombard", + "ment" + ], + [ + "B", + "all" + ], + [ + "z", + "t" + ], + [ + "Ġb", + "ays" + ], + [ + "ac", + "ons" + ], + [ + "Ġkey", + "boards" + ], + [ + "ĠLab", + "rador" + ], + [ + "Ġdesert", + "ed" + ], + [ + "Ġirrit", + "ating" + ], + [ + "ĠManufact", + "urers" + ], + [ + "C", + "orrect" + ], + [ + "K", + "h" + ], + [ + "Ġc", + "asing" + ], + [ + "es", + "que" + ], + [ + "if", + "s" + ], + [ + "ĠD", + "ocker" + ], + [ + "ell", + "ation" + ], + [ + "ĠOr", + "ders" + ], + [ + "Ġhyp", + "nosis" + ], + [ + "group", + "by" + ], + [ + "Ġsimpl", + "ifying" + ], + [ + "ĠByz", + "ant" + ], + [ + "Ġperenn", + "ials" + ], + [ + "Ġmaid", + "en" + ], + [ + "Ġf", + "f" + ], + [ + "ĠM", + "og" + ], + [ + "ĠN", + "em" + ], + [ + "Ġdet", + "ach" + ], + [ + "yn", + "a" + ], + [ + "Ġwar", + "ms" + ], + [ + "Ġste", + "alth" + ], + [ + "Ġquant", + "ified" + ], + [ + "ET", + "S" + ], + [ + "Ġforward", + "s" + ], + [ + "Ġbott", + "len" + ], + [ + "AM", + "L" + ], + [ + "ĠNews", + "letter" + ], + [ + "Max", + "imum" + ], + [ + "Sk", + "ip" + ], + [ + "Incre", + "ased" + ], + [ + "ĠTut", + "orial" + ], + [ + "Ġdash", + "board" + ], + [ + "Ġdec", + "imals" + ], + [ + "Ġmet", + "ro" + ], + [ + "Ġmark", + "up" + ], + [ + "ones", + "e" + ], + [ + "rap", + "ist" + ], + [ + "Ġatmosp", + "heres" + ], + [ + "Ġmal", + "le" + ], + [ + "Sub", + "threshold" + ], + [ + "ĠHand", + "le" + ], + [ + "ĠUr", + "du" + ], + [ + "Ġintens", + "ify" + ], + [ + "ĠCop", + "ern" + ], + [ + "Ident", + "ifier" + ], + [ + "Ġapt", + "itude" + ], + [ + "Ġplaint", + "iff" + ], + [ + "%", + ";" + ], + [ + "M", + "ess" + ], + [ + "r", + "arily" + ], + [ + "z", + "ier" + ], + [ + "Ġs", + "own" + ], + [ + "ĠB", + "ri" + ], + [ + "ie", + "g" + ], + [ + "ĠOr", + "che" + ], + [ + "Ġinterpre", + "ts" + ], + [ + "Over", + "view" + ], + [ + "Ġgro", + "in" + ], + [ + "ĠParticip", + "ate" + ], + [ + "Ġcoinc", + "ided" + ], + [ + "Ġuncon", + "ditional" + ], + [ + "ĠPrevent", + "ive" + ], + [ + "Sche", + "dule" + ], + [ + "ĠA", + "eron" + ], + [ + "ĠR", + "app" + ], + [ + "Ġauton", + "omic" + ], + [ + "Ġmilit", + "ant" + ], + [ + "Bre", + "ast" + ], + [ + "Ġanecd", + "otal" + ], + [ + "/", + "~" + ], + [ + "C", + "U" + ], + [ + "ĠA", + "CS" + ], + [ + "od", + "der" + ], + [ + "ĠD", + "EL" + ], + [ + "per", + "ate" + ], + [ + "Ġcl", + "i" + ], + [ + "Ġdes", + "erving" + ], + [ + "(\"", + "<" + ], + [ + "Ġcalcul", + "ators" + ], + [ + "ĠDirect", + "ors" + ], + [ + "Ġunders", + "erved" + ], + [ + "Ġvisc", + "eral" + ], + [ + "ĠGujar", + "at" + ], + [ + "Ġin", + "com" + ], + [ + "Ġd", + "w" + ], + [ + "Ġdis", + "abling" + ], + [ + "Ġsl", + "ate" + ], + [ + "Ġill", + "usions" + ], + [ + "ilt", + "ration" + ], + [ + "plet", + "ely" + ], + [ + "Ġgloss", + "y" + ], + [ + "Sem", + "itism" + ], + [ + "I", + "NA" + ], + [ + "N", + "orthern" + ], + [ + "s", + "aved" + ], + [ + "et", + "rics" + ], + [ + "um", + "ably" + ], + [ + "ĠH", + "SV" + ], + [ + "ĠTh", + "yroid" + ], + [ + "Ġsm", + "og" + ], + [ + "over", + "flow" + ], + [ + "text", + "s" + ], + [ + "Ġdeb", + "it" + ], + [ + "ĠGl", + "ou" + ], + [ + "Ġtransl", + "ucent" + ], + [ + "rot", + "tle" + ], + [ + "Ġcarn", + "ivores" + ], + [ + "Ġde", + "lect" + ], + [ + "ĠH", + "erman" + ], + [ + "Ġsc", + "am" + ], + [ + "Ġcomple", + "ments" + ], + [ + "pr", + "one" + ], + [ + "ĠWh", + "ale" + ], + [ + "ĠDe", + "wey" + ], + [ + "Ġmass", + "ac" + ], + [ + "ĠAnt", + "iqu" + ], + [ + "Ġdefe", + "ating" + ], + [ + "Ġrab", + "bis" + ], + [ + "rosc", + "opic" + ], + [ + "////", + "////" + ], + [ + "f", + "inding" + ], + [ + "æ", + "Į" + ], + [ + "ad", + "en" + ], + [ + "Ġr", + "ipples" + ], + [ + "ĠD", + "raft" + ], + [ + "Ġcall", + "er" + ], + [ + "li", + "kes" + ], + [ + "ĠCommun", + "ists" + ], + [ + "fa", + "iss" + ], + [ + "Ġpupp", + "ets" + ], + [ + "Ġwed", + "dings" + ], + [ + "Cle", + "arly" + ], + [ + "Ġeu", + "ph" + ], + [ + "C", + "over" + ], + [ + "Y", + "ears" + ], + [ + "z", + "oom" + ], + [ + "Ġth", + "ym" + ], + [ + "ot", + "hed" + ], + [ + "con", + "sole" + ], + [ + "app", + "iness" + ], + [ + "ĠAdminist", + "rator" + ], + [ + "j", + "j" + ], + [ + "p", + "icture" + ], + [ + "ĥ", + "½" + ], + [ + "Ġa", + "y" + ], + [ + "ent", + "ies" + ], + [ + "uc", + "a" + ], + [ + "Ġfull", + "est" + ], + [ + "Ġmodern", + "ist" + ], + [ + "ung", + "s" + ], + [ + "Ġclos", + "ures" + ], + [ + "ĠGreen", + "house" + ], + [ + "Ġsatisf", + "ies" + ], + [ + "Ġirrad", + "iation" + ], + [ + "Ġdex", + "ter" + ], + [ + "qu", + "ick" + ], + [ + "ĠD", + "ong" + ], + [ + "Ġse", + "ag" + ], + [ + "Ġper", + "plex" + ], + [ + "Ġwater", + "melon" + ], + [ + "ĠWh", + "ites" + ], + [ + "requ", + "ire" + ], + [ + "Ġsli", + "pping" + ], + [ + "Ġdeport", + "ed" + ], + [ + "p", + "ossibly" + ], + [ + "Ġex", + "cretion" + ], + [ + "Ġet", + "iology" + ], + [ + "Ġer", + "ode" + ], + [ + "fect", + "ure" + ], + [ + "Ġmagn", + "ifying" + ], + [ + "ĠST", + "E" + ], + [ + "sk", + "irts" + ], + [ + "Ġhat", + "ched" + ], + [ + "ĠConsult", + "ing" + ], + [ + "Cur", + "ious" + ], + [ + "Ġmarc", + "hes" + ], + [ + "Ġeyew", + "itness" + ], + [ + "!", + "\"," + ], + [ + "ut", + "é" + ], + [ + "Ġhy", + "ster" + ], + [ + "ĠAb", + "el" + ], + [ + "na", + "ire" + ], + [ + "Ġmild", + "ly" + ], + [ + ".", + "âĢ¦" + ], + [ + "S", + "us" + ], + [ + "i", + "agn" + ], + [ + "ĠB", + "odies" + ], + [ + "ĠN", + "K" + ], + [ + "RE", + "M" + ], + [ + "Ġpuzz", + "ling" + ], + [ + "Ġcrafts", + "men" + ], + [ + "Ġnour", + "ishing" + ], + [ + "abstract", + "method" + ], + [ + "Ġslu", + "ggish" + ], + [ + "ĠMennon", + "ite" + ], + [ + "f", + "lex" + ], + [ + "t", + "ract" + ], + [ + "Ġal", + "umni" + ], + [ + "ĠR", + "OS" + ], + [ + "cept", + "ors" + ], + [ + "Ġside", + "walk" + ], + [ + "Ġsleep", + "y" + ], + [ + "four", + "th" + ], + [ + "Ġresign", + "ation" + ], + [ + "ĠPrel", + "iminary" + ], + [ + "E", + "conom" + ], + [ + "ĠT", + "rading" + ], + [ + "ad", + "ena" + ], + [ + "ĠP", + "itt" + ], + [ + "Ġem", + "ulate" + ], + [ + "ĠQu", + "ad" + ], + [ + "mat", + "mul" + ], + [ + "ĠSub", + "sequent" + ], + [ + "ĠWord", + "Press" + ], + [ + "ed", + "ient" + ], + [ + "ĠD", + "ual" + ], + [ + "Ġimp", + "oses" + ], + [ + "Ġev", + "ils" + ], + [ + "Ġmod", + "em" + ], + [ + "ĠRe", + "vision" + ], + [ + "Ġbo", + "oming" + ], + [ + "UR", + "N" + ], + [ + "ĠWild", + "e" + ], + [ + "ĠSP", + "F" + ], + [ + "Cy", + "ber" + ], + [ + "Ö", + "´" + ], + [ + "ĠC", + "attle" + ], + [ + "Ġnot", + "oriously" + ], + [ + "ĠTh", + "ing" + ], + [ + "Ġhere", + "by" + ], + [ + "ĠX", + "u" + ], + [ + "Ġprophe", + "cies" + ], + [ + "c", + "atching" + ], + [ + "at", + "u" + ], + [ + "ro", + "oted" + ], + [ + "as", + "yn" + ], + [ + "ĠS", + "G" + ], + [ + "ĠF", + "ract" + ], + [ + "ich", + "ia" + ], + [ + "ĠO", + "sw" + ], + [ + "Ġtra", + "iler" + ], + [ + "lic", + "ting" + ], + [ + "à¤", + "ķ" + ], + [ + "En", + "abled" + ], + [ + "ĠMuseum", + "s" + ], + [ + "Ġcardi", + "omy" + ], + [ + "Rel", + "ations" + ], + [ + "B", + "road" + ], + [ + "Y", + "P" + ], + [ + "f", + "ib" + ], + [ + "ĠP", + "rices" + ], + [ + "ass", + "ignment" + ], + [ + "ĠMar", + "io" + ], + [ + "Ġresist", + "ors" + ], + [ + "ampl", + "ing" + ], + [ + "ĠGER", + "D" + ], + [ + "im", + "gs" + ], + [ + "ĠL", + "ing" + ], + [ + "ish", + "ments" + ], + [ + "Ġsk", + "ipped" + ], + [ + "Ġdel", + "inqu" + ], + [ + "Ġjo", + "ys" + ], + [ + "Ext", + "ra" + ], + [ + "Ġsquad", + "ron" + ], + [ + "Ġlandsl", + "ides" + ], + [ + "it", + "on" + ], + [ + "id", + "an" + ], + [ + "ch", + "urch" + ], + [ + "Ġmon", + "st" + ], + [ + "mon", + "itoring" + ], + [ + "Ġur", + "ic" + ], + [ + "By", + "tes" + ], + [ + "Ġson", + "ar" + ], + [ + "Ġvent", + "il" + ], + [ + "ĠPrint", + "able" + ], + [ + "Ġtransf", + "usion" + ], + [ + "Ġâī", + "¤" + ], + [ + "Ġventric", + "le" + ], + [ + "%", + "|" + ], + [ + "g", + "ren" + ], + [ + "i", + "pl" + ], + [ + "m", + "atter" + ], + [ + "ĠP", + "estic" + ], + [ + "ĠD", + "olph" + ], + [ + "ĠL", + "il" + ], + [ + "Ġtrans", + "mits" + ], + [ + "ĠPro", + "spect" + ], + [ + "ĠCon", + "rad" + ], + [ + "Ġdon", + "key" + ], + [ + "Ġparent", + "heses" + ], + [ + "ĠCal", + "iforn" + ], + [ + "ynam", + "ics" + ], + [ + "ĠJan", + "et" + ], + [ + "Ġsnow", + "fl" + ], + [ + "Ġuns", + "atis" + ], + [ + "Ġble", + "ak" + ], + [ + "ĠBro", + "ck" + ], + [ + "bat", + "ches" + ], + [ + "Ġreinforce", + "ments" + ], + [ + "Ġhind", + "ering" + ], + [ + "ĠI", + "G" + ], + [ + "ĠF", + "inger" + ], + [ + "ĠCh", + "im" + ], + [ + "ĠKing", + "ston" + ], + [ + "print", + "ed" + ], + [ + "Ġtim", + "et" + ], + [ + "Ġbul", + "ky" + ], + [ + "Ġsav", + "age" + ], + [ + "ĠLa", + "TeX" + ], + [ + "ĠJer", + "ome" + ], + [ + "Ġnan", + "oscale" + ], + [ + "Par", + "is" + ], + [ + "Ġshad", + "y" + ], + [ + "Ġinstant", + "aneous" + ], + [ + "Ġhind", + "ered" + ], + [ + "Ġhurd", + "le" + ], + [ + "ĠSynt", + "hetic" + ], + [ + "ĠEmphas", + "is" + ], + [ + "ĠCoron", + "avirus" + ], + [ + "Ġreciproc", + "ity" + ], + [ + ".", + "?" + ], + [ + "r", + "ath" + ], + [ + "ĠT", + "ract" + ], + [ + "ĠF", + "lickr" + ], + [ + "Ġun", + "interrupted" + ], + [ + "av", + "age" + ], + [ + "Ġfirst", + "ly" + ], + [ + "ĠCom", + "et" + ], + [ + "inc", + "arnation" + ], + [ + "edi", + "as" + ], + [ + "ret", + "ching" + ], + [ + "Ar", + "g" + ], + [ + "Ġalgorith", + "mic" + ], + [ + "Ġmyst", + "icism" + ], + [ + "ĠPot", + "omac" + ], + [ + "ĠAutom", + "ation" + ], + [ + "W", + "T" + ], + [ + "Ġh", + "ops" + ], + [ + "ĠT", + "N" + ], + [ + "ac", + "ion" + ], + [ + "ell", + "ery" + ], + [ + "Ġall", + "otted" + ], + [ + "Ġso", + "aps" + ], + [ + "Ġrel", + "inqu" + ], + [ + "([", + "])" + ], + [ + "Ġearn", + "s" + ], + [ + "ĠHig", + "gs" + ], + [ + "Ġunderm", + "ines" + ], + [ + "op", + "sy" + ], + [ + "get", + "item" + ], + [ + "Ġam", + "using" + ], + [ + "Ġdist", + "ressed" + ], + [ + "co", + "ef" + ], + [ + "Cons", + "ervation" + ], + [ + "Ġhier", + "oglyph" + ], + [ + "Ġflux", + "es" + ], + [ + "Ġincarc", + "erated" + ], + [ + "[", + "...," + ], + [ + "i", + "ad" + ], + [ + "s", + "ville" + ], + [ + "ĠD", + "F" + ], + [ + "Ġins", + "ured" + ], + [ + "St", + "ats" + ], + [ + "ĠChrist", + "ine" + ], + [ + "ĠPat", + "el" + ], + [ + "Ġblacks", + "mith" + ], + [ + "Ġgon", + "na" + ], + [ + "ĠVern", + "on" + ], + [ + "gat", + "here" + ], + [ + "Ġimp", + "ulsive" + ], + [ + "Ġfe", + "asts" + ], + [ + "ath", + "am" + ], + [ + "Ġins", + "ane" + ], + [ + ",", + "''" + ], + [ + "D", + "ays" + ], + [ + "ĠM", + "ovie" + ], + [ + "ĠH", + "ello" + ], + [ + "ER", + "O" + ], + [ + "ĠX", + "P" + ], + [ + "Ġfig", + "s" + ], + [ + "Ġdivid", + "end" + ], + [ + "и", + "е" + ], + [ + "ĠCalcul", + "ator" + ], + [ + "Ġchromat", + "ography" + ], + [ + "Ġalf", + "alfa" + ], + [ + "R", + "oyal" + ], + [ + "el", + "ius" + ], + [ + "Ġg", + "ird" + ], + [ + "Ġcom", + "rades" + ], + [ + "Ġen", + "vis" + ], + [ + "ass", + "a" + ], + [ + "hen", + "ge" + ], + [ + "hat", + "ma" + ], + [ + "Ġcomple", + "teness" + ], + [ + "ĠST", + "D" + ], + [ + "Ġrac", + "ially" + ], + [ + "Ġn", + "uns" + ], + [ + "ra", + "il" + ], + [ + "Ġr", + "v" + ], + [ + "Ġover", + "time" + ], + [ + "get", + "env" + ], + [ + "Ġcre", + "ed" + ], + [ + "de", + "leted" + ], + [ + "Ġrest", + "ricts" + ], + [ + "[:", + "]" + ], + [ + "Ġcock", + "tail" + ], + [ + "Ġdelim", + "iter" + ], + [ + "c", + "els" + ], + [ + "d", + "ough" + ], + [ + "ĠD", + "ul" + ], + [ + "||", + "||" + ], + [ + "Ġ{", + ":." + ], + [ + "Ġcirc", + "us" + ], + [ + "Ġnurs", + "eries" + ], + [ + "Ġille", + "git" + ], + [ + "ĠDeb", + "ate" + ], + [ + "i", + "ety" + ], + [ + "at", + "lantic" + ], + [ + "and", + "ez" + ], + [ + "ĠTh", + "y" + ], + [ + "ĠLe", + "eds" + ], + [ + "ĠX", + "I" + ], + [ + "Ġdangerous", + "ly" + ], + [ + "ä»", + "¥" + ], + [ + "Ġeluc", + "idating" + ], + [ + "ĠButter", + "fly" + ], + [ + "hythm", + "ias" + ], + [ + "o", + "ine" + ], + [ + "ĠJ", + "S" + ], + [ + "ang", + "an" + ], + [ + "Ġsc", + "all" + ], + [ + "Ġdev", + "out" + ], + [ + "An", + "s" + ], + [ + "fl", + "av" + ], + [ + "index", + "es" + ], + [ + "ĠRad", + "ical" + ], + [ + "н", + "а" + ], + [ + "Ġdeterior", + "ating" + ], + [ + "Ġcoy", + "otes" + ], + [ + "Ġamalg", + "am" + ], + [ + "S", + "now" + ], + [ + "om", + "ies" + ], + [ + "Ġbl", + "aming" + ], + [ + "ĠCher", + "ry" + ], + [ + "Z", + "ero" + ], + [ + "ĠCh", + "olesterol" + ], + [ + "ĠCal", + "iph" + ], + [ + "à¤", + "¸" + ], + [ + "ĠJud", + "icial" + ], + [ + "Ġtemp", + "file" + ], + [ + "Ġflags", + "hip" + ], + [ + "ĠObserv", + "ations" + ], + [ + "Ġpsy", + "ched" + ], + [ + "Ġfores", + "had" + ], + [ + "S", + "a" + ], + [ + "Ġl", + "iner" + ], + [ + "Ġg", + "az" + ], + [ + "cl", + "ed" + ], + [ + "led", + "ged" + ], + [ + "Ġfree", + "ing" + ], + [ + "rem", + "ember" + ], + [ + "ĠSeason", + "al" + ], + [ + "w", + "oven" + ], + [ + "Ġp", + "ious" + ], + [ + "Ġby", + "stand" + ], + [ + "ĠD", + "P" + ], + [ + "Ġclass", + "mate" + ], + [ + "ĠZ", + "immer" + ], + [ + "Ġpoly", + "ester" + ], + [ + "Ġrig", + "idity" + ], + [ + "Ġdegrad", + "ing" + ], + [ + "Ġdub", + "ious" + ], + [ + "(", + "('" + ], + [ + "f", + "iber" + ], + [ + "Ġh", + "oc" + ], + [ + "Ġdi", + "pped" + ], + [ + "))", + "))" + ], + [ + "Ġpsych", + "ologically" + ], + [ + "ĠEnh", + "ancing" + ], + [ + "ĠMig", + "uel" + ], + [ + "ĠE", + "as" + ], + [ + "ĠR", + "EST" + ], + [ + "ĠN", + "un" + ], + [ + "ov", + "ic" + ], + [ + "cept", + "ives" + ], + [ + "Ġsk", + "irm" + ], + [ + "pre", + "pare" + ], + [ + "Ġtap", + "es" + ], + [ + "Ġintens", + "ities" + ], + [ + "ĠFac", + "ilities" + ], + [ + "ĠStay", + "ing" + ], + [ + "Ġcran", + "ial" + ], + [ + "ĠC", + "oss" + ], + [ + "cy", + "l" + ], + [ + "ink", + "i" + ], + [ + "Ġlong", + "time" + ], + [ + "Ġsk", + "illet" + ], + [ + "Ġcommission", + "er" + ], + [ + "ο", + "μ" + ], + [ + "ĠPerm", + "ission" + ], + [ + "ĠMine", + "craft" + ], + [ + "lene", + "ck" + ], + [ + "Ġe", + "ject" + ], + [ + "Ġch", + "illy" + ], + [ + "over", + "ning" + ], + [ + "Ġpress", + "ured" + ], + [ + "Ġsw", + "inging" + ], + [ + "ĠApp", + "eals" + ], + [ + "Ġprop", + "elled" + ], + [ + "ĠInter", + "governmental" + ], + [ + "Ġsnow", + "y" + ], + [ + "nour", + "ished" + ], + [ + "s", + "ense" + ], + [ + "Ġth", + "ieves" + ], + [ + "ud", + "ers" + ], + [ + "ĠG", + "ri" + ], + [ + "Ġem", + "ph" + ], + [ + "Ġcle", + "ft" + ], + [ + "ĠSh", + "annon" + ], + [ + "Ġsens", + "ational" + ], + [ + "Ġprop", + "eller" + ], + [ + "ĠPass", + "ive" + ], + [ + "quant", + "ity" + ], + [ + "ĠPO", + "ST" + ], + [ + "ĠMyth", + "ology" + ], + [ + "Ġf", + "mt" + ], + [ + "Ġre", + "claimed" + ], + [ + "Ġl", + "inger" + ], + [ + "ĠD", + "AM" + ], + [ + "Ġbr", + "ink" + ], + [ + "ĠHel", + "ena" + ], + [ + "ĠDist", + "ributed" + ], + [ + "Ġsin", + "ful" + ], + [ + "ĠHosp", + "itals" + ], + [ + "Ġchron", + "ically" + ], + [ + "Ġcarp", + "enter" + ], + [ + "ĠEntreprene", + "urs" + ], + [ + "Ġureth", + "ra" + ], + [ + "M", + "ars" + ], + [ + "al", + "ions" + ], + [ + "Ġref", + "errals" + ], + [ + "ales", + "e" + ], + [ + "ĠCommun", + "icate" + ], + [ + "trans", + "l" + ], + [ + "alt", + "itude" + ], + [ + "Comp", + "ared" + ], + [ + "åħ", + "¥" + ], + [ + "ophil", + "us" + ], + [ + "ĠCzechosl", + "ovakia" + ], + [ + "re", + "searc" + ], + [ + "ĠS", + "J" + ], + [ + "ĠJ", + "C" + ], + [ + "ian", + "ic" + ], + [ + "Ġmod", + "ulate" + ], + [ + "Ġsub", + "urb" + ], + [ + "ah", + "ili" + ], + [ + "ump", + "ed" + ], + [ + "ĠMc", + "Cl" + ], + [ + "gra", + "ve" + ], + [ + "ĠMor", + "ph" + ], + [ + "Ġarm", + "our" + ], + [ + "ns", + "ics" + ], + [ + "Sign", + "al" + ], + [ + "/", + "\"," + ], + [ + "Ļ", + "Ĥ" + ], + [ + "is", + "ot" + ], + [ + "ist", + "as" + ], + [ + "Ġle", + "aching" + ], + [ + "Ġcomp", + "iling" + ], + [ + "ĠJ", + "R" + ], + [ + "Ġrec", + "al" + ], + [ + "{}", + "\"." + ], + [ + "ĠOp", + "ening" + ], + [ + "Lim", + "it" + ], + [ + "cand", + "idate" + ], + [ + "ousse", + "au" + ], + [ + "Ġh", + "ut" + ], + [ + "Ġit", + "iner" + ], + [ + "ob", + "ias" + ], + [ + "Ġph", + "obia" + ], + [ + "Ġbar", + "bec" + ], + [ + "Ġfair", + "s" + ], + [ + "ocr", + "ats" + ], + [ + "Ġcoord", + "s" + ], + [ + "Ġdie", + "lectric" + ], + [ + "Ġattend", + "ant" + ], + [ + "L", + "ew" + ], + [ + "ĠA", + "ren" + ], + [ + "ĠP", + "ied" + ], + [ + "Ġres", + "ize" + ], + [ + "ov", + "able" + ], + [ + "Ġdown", + "fall" + ], + [ + "the", + "med" + ], + [ + "Ġconst", + "itutions" + ], + [ + "ton", + "es" + ], + [ + "rim", + "inals" + ], + [ + "ĠBi", + "ochemistry" + ], + [ + "Ġproven", + "ance" + ], + [ + "ĠEvere", + "st" + ], + [ + "e", + "h" + ], + [ + "Ġb", + "outs" + ], + [ + "Ġk", + "Wh" + ], + [ + "ĠSt", + "aphylococcus" + ], + [ + "ĠRe", + "action" + ], + [ + "Ġequ", + "inox" + ], + [ + "dis", + "able" + ], + [ + "Ġid", + "ols" + ], + [ + "dim", + "ensions" + ], + [ + "Ġkill", + "ers" + ], + [ + "Rep", + "resent" + ], + [ + "Ġintr", + "insically" + ], + [ + "ĠProtect", + "ive" + ], + [ + "ĠGent", + "iles" + ], + [ + "r", + "ude" + ], + [ + "um", + "mer" + ], + [ + "Ġsa", + "ff" + ], + [ + "Ġdep", + "reciation" + ], + [ + "ev", + "il" + ], + [ + "ĠBah", + "á" + ], + [ + "Ġmant", + "ra" + ], + [ + "Ġglut", + "athione" + ], + [ + "Ġrooft", + "op" + ], + [ + "Ġb", + "p" + ], + [ + "Ġso", + "othe" + ], + [ + "Ġend", + "points" + ], + [ + "Ex", + "it" + ], + [ + "Ġhunt", + "s" + ], + [ + "Ġreass", + "urance" + ], + [ + "Ġbetray", + "ed" + ], + [ + "ĠStre", + "pt" + ], + [ + "Ġretros", + "pect" + ], + [ + "v", + "ac" + ], + [ + "w", + "on" + ], + [ + "Ġ\"", + "..." + ], + [ + "Ġest", + "uary" + ], + [ + "...", + "')" + ], + [ + "ĠHealth", + "wise" + ], + [ + "ĠIsrael", + "ite" + ], + [ + "ĠST", + "UD" + ], + [ + "ĠSubject", + "s" + ], + [ + "Bra", + "zil" + ], + [ + "Ġcondemn", + "ation" + ], + [ + "CRE", + "ATE" + ], + [ + "Ġillumin", + "ates" + ], + [ + "x", + "es" + ], + [ + "Ġin", + "place" + ], + [ + "Ġsp", + "it" + ], + [ + "ord", + "inary" + ], + [ + "Ġbill", + "ing" + ], + [ + "ĠArt", + "istic" + ], + [ + "ĠTim", + "or" + ], + [ + "Ġsubs", + "ets" + ], + [ + "Ġundet", + "ected" + ], + [ + "J", + "on" + ], + [ + "et", + "ting" + ], + [ + "ĠI", + "RS" + ], + [ + "ab", + "l" + ], + [ + "ĠH", + "ym" + ], + [ + "ĠR", + "everse" + ], + [ + "ĠL", + "ots" + ], + [ + "ĠO", + "phthalm" + ], + [ + "ple", + "ase" + ], + [ + "iver", + "ing" + ], + [ + "ĠThat", + "cher" + ], + [ + "Ġred", + "ress" + ], + [ + "Ġclos", + "et" + ], + [ + "Ġextrem", + "ity" + ], + [ + "Ġwal", + "nut" + ], + [ + "Ġcyan", + "ide" + ], + [ + "Ġw", + "aving" + ], + [ + "Ġb", + "aker" + ], + [ + "Ġd", + "p" + ], + [ + "os", + "her" + ], + [ + "ĠR", + "oles" + ], + [ + "Ġpe", + "e" + ], + [ + "Ġhealth", + "ful" + ], + [ + "Ġexp", + "onent" + ], + [ + "ĠSe", + "an" + ], + [ + "Ġaccess", + "ory" + ], + [ + "Ġsw", + "irling" + ], + [ + "ĠSom", + "ali" + ], + [ + "ĠImp", + "ression" + ], + [ + "ĠAud", + "ience" + ], + [ + "Num", + "bers" + ], + [ + "Ġeyel", + "id" + ], + [ + "C", + "ache" + ], + [ + "ĠT", + "P" + ], + [ + "og", + "el" + ], + [ + "ap", + "agos" + ], + [ + "Ġlist", + "ings" + ], + [ + "ĠCele", + "brate" + ], + [ + "Ċĉĉĉĉĉĉĉĉĉĉ", + "ĉĉĉĉĉĉĉĉ" + ], + [ + "Ġimmunos", + "upp" + ], + [ + "d", + "ust" + ], + [ + "s", + "it" + ], + [ + "s", + "afety" + ], + [ + "ig", + "i" + ], + [ + "op", + "atra" + ], + [ + "ĠG", + "aut" + ], + [ + "ap", + "o" + ], + [ + "ise", + "ment" + ], + [ + "ĠSo", + "f" + ], + [ + "AP", + "A" + ], + [ + "UT", + "E" + ], + [ + "Ġcos", + "ine" + ], + [ + "Ġaccommod", + "ating" + ], + [ + "Ġrecall", + "ing" + ], + [ + "Ġchamp", + "ioned" + ], + [ + "Ġaffirm", + "ations" + ], + [ + "Cent", + "ury" + ], + [ + "ĠEver", + "glades" + ], + [ + "ĠCatal", + "og" + ], + [ + "Ġbount", + "y" + ], + [ + "V", + "ictor" + ], + [ + "Ġc", + "ork" + ], + [ + "Ġl", + "ender" + ], + [ + "im", + "ia" + ], + [ + "Ġperiod", + "ont" + ], + [ + "af", + "i" + ], + [ + "AR", + "M" + ], + [ + "Pro", + "tein" + ], + [ + "Ġbur", + "ials" + ], + [ + "Ġden", + "ounced" + ], + [ + "Ġanthrop", + "ologist" + ], + [ + "Ġunnecess", + "arily" + ], + [ + "Ġteasp", + "oons" + ], + [ + "Ġspraw", + "ling" + ], + [ + "Â", + "³" + ], + [ + "ess", + "ors" + ], + [ + "ĠP", + "erc" + ], + [ + "ĠQu", + "in" + ], + [ + "Ġstream", + "lining" + ], + [ + "Ġcourts", + "hip" + ], + [ + "ĠEu", + "clidean" + ], + [ + "Ġantidepress", + "ant" + ], + [ + "C", + "hem" + ], + [ + "Ë", + "IJ" + ], + [ + "Ġn", + "os" + ], + [ + "ĠA", + "ub" + ], + [ + "Ġun", + "ifying" + ], + [ + "Ġar", + "du" + ], + [ + "ens", + "ors" + ], + [ + "lect", + "ic" + ], + [ + "fore", + "ign" + ], + [ + "Ġant", + "iretroviral" + ], + [ + "Ġassert", + "ive" + ], + [ + "la", + "unch" + ], + [ + "uh", + "an" + ], + [ + "ĠFar", + "ms" + ], + [ + "Ġlap", + "ar" + ], + [ + "Ġâī", + "¥" + ], + [ + "M", + "oon" + ], + [ + "h", + "undred" + ], + [ + "ç", + "º" + ], + [ + "Ġbe", + "ets" + ], + [ + "iz", + "al" + ], + [ + "En", + "h" + ], + [ + "App", + "le" + ], + [ + "Ġscaff", + "olding" + ], + [ + "Ġpamph", + "let" + ], + [ + "J", + "im" + ], + [ + "é", + "¢" + ], + [ + "an", + "ian" + ], + [ + "Ġm", + "orn" + ], + [ + "Ġch", + "assis" + ], + [ + "ĠD", + "ed" + ], + [ + "Ġthen", + "ce" + ], + [ + "ĠPer", + "kins" + ], + [ + "ĠTw", + "in" + ], + [ + "ĠExpl", + "anation" + ], + [ + "Ġremov", + "able" + ], + [ + "Ġreform", + "ers" + ], + [ + "Reg", + "arding" + ], + [ + "Ġnost", + "rils" + ], + [ + "ĠP", + "ac" + ], + [ + "ĠG", + "ore" + ], + [ + "ĠG", + "ert" + ], + [ + "Ġinvent", + "ive" + ], + [ + "ĠSub", + "mit" + ], + [ + "Ġrub", + "ble" + ], + [ + "ĠPC", + "Bs" + ], + [ + "ĠIns", + "pection" + ], + [ + "Ġune", + "asy" + ], + [ + "Tex", + "as" + ], + [ + "Ġsyst", + "olic" + ], + [ + "G", + "DP" + ], + [ + "b", + "illion" + ], + [ + "k", + "ary" + ], + [ + "in", + "ative" + ], + [ + "Ġn", + "i" + ], + [ + "Ġan", + "ime" + ], + [ + "ĠThe", + "ories" + ], + [ + "Ġsc", + "oliosis" + ], + [ + "ĠSp", + "elling" + ], + [ + "ĠInter", + "pre" + ], + [ + "ĠOff", + "ering" + ], + [ + "Ġsore", + "ness" + ], + [ + "environment", + "al" + ], + [ + "Peer", + "Class" + ], + [ + "Ok", + "ay" + ], + [ + "ĠLux", + "embourg" + ], + [ + "Ġdwind", + "ling" + ], + [ + "ĠNeander", + "thals" + ], + [ + "l", + "ion" + ], + [ + "Ġm", + "k" + ], + [ + "sh", + "apes" + ], + [ + "ref", + "erences" + ], + [ + "ĠPC", + "A" + ], + [ + "tag", + "ged" + ], + [ + "Cur", + "ve" + ], + [ + "ĠBrid", + "ging" + ], + [ + "ĠChern", + "obyl" + ], + [ + "ĠT", + "il" + ], + [ + "ow", + "ler" + ], + [ + "Ġem", + "itter" + ], + [ + "de", + "ploy" + ], + [ + "be", + "en" + ], + [ + "ĠAb", + "ility" + ], + [ + "DE", + "P" + ], + [ + "Ext", + "ension" + ], + [ + "Ġsucc", + "inct" + ], + [ + "Pop", + "ular" + ], + [ + "swig", + "faiss" + ], + [ + "ĠFel", + "ix" + ], + [ + "ĠZoro", + "ast" + ], + [ + "D", + "a" + ], + [ + "L", + "ake" + ], + [ + "P", + "ad" + ], + [ + "ul", + "ner" + ], + [ + "ĠM", + "ilit" + ], + [ + "ne", + "uro" + ], + [ + "ĠRe", + "conciliation" + ], + [ + "Ġins", + "urers" + ], + [ + "pro", + "blems" + ], + [ + "Ġdr", + "ifting" + ], + [ + "ĠRes", + "idential" + ], + [ + "Ġes", + "oteric" + ], + [ + "ĠPu", + "pp" + ], + [ + "deg", + "rees" + ], + [ + "LOG", + "Y" + ], + [ + "Ġbarg", + "ain" + ], + [ + "ra", + "f" + ], + [ + "ĠR", + "ocket" + ], + [ + "Ġad", + "orable" + ], + [ + "Ġclass", + "ifying" + ], + [ + "Ġopt", + "ing" + ], + [ + "Ġrun", + "away" + ], + [ + "Ġprim", + "ordial" + ], + [ + "Ġexc", + "itation" + ], + [ + "ĠMill", + "ions" + ], + [ + "ĠCr", + "ater" + ], + [ + "CN", + "N" + ], + [ + "ĠSymbol", + "s" + ], + [ + "Ġexempt", + "ions" + ], + [ + "p", + "apers" + ], + [ + "ĠC", + "W" + ], + [ + "ĠB", + "inary" + ], + [ + "ag", + "et" + ], + [ + "Ġpo", + "op" + ], + [ + "enc", + "ers" + ], + [ + "Reg", + "ression" + ], + [ + "IST", + "ORY" + ], + [ + "ĠEnter", + "tainment" + ], + [ + "ĠAlg", + "orithms" + ], + [ + "H", + "g" + ], + [ + "T", + "ABLE" + ], + [ + "z", + "hou" + ], + [ + "Ġst", + "om" + ], + [ + "ĠI", + "o" + ], + [ + "ĠH", + "OW" + ], + [ + "un", + "king" + ], + [ + "ear", + "cher" + ], + [ + "Ġant", + "id" + ], + [ + "Ġsuper", + "intendent" + ], + [ + "Ġfasc", + "ia" + ], + [ + "ĠBloom", + "berg" + ], + [ + "is", + "put" + ], + [ + "th", + "in" + ], + [ + "art", + "on" + ], + [ + "pl", + "acing" + ], + [ + "Ġsouth", + "ward" + ], + [ + "Ġphen", + "otypes" + ], + [ + "ĠSocial", + "ism" + ], + [ + "di", + "ag" + ], + [ + "Ġdysfunction", + "al" + ], + [ + "Afric", + "a" + ], + [ + "Ġautobi", + "ographical" + ], + [ + "U", + "PDATE" + ], + [ + "b", + "ull" + ], + [ + "u", + "ations" + ], + [ + "ĠThe", + "ss" + ], + [ + "ac", + "us" + ], + [ + "ĠB", + "D" + ], + [ + "Ġfact", + "ion" + ], + [ + "Ġz", + "odiac" + ], + [ + "Ġneg", + "ativity" + ], + [ + "epend", + "ency" + ], + [ + "ĠBan", + "king" + ], + [ + "VAL", + "UE" + ], + [ + "ĠMeteor", + "ological" + ], + [ + "ĠWheel", + "er" + ], + [ + "b", + "uff" + ], + [ + "h", + "urst" + ], + [ + "ess", + "a" + ], + [ + "Ġsh", + "afts" + ], + [ + "Ġmet", + "ropolis" + ], + [ + "ĠPer", + "cy" + ], + [ + "Ġwid", + "ened" + ], + [ + "ĠBel", + "le" + ], + [ + "Act", + "ivities" + ], + [ + "effect", + "iveness" + ], + [ + "ĠFriends", + "hip" + ], + [ + "Ġpolyn", + "omials" + ], + [ + "Ġeuro", + "s" + ], + [ + "Perm", + "issions" + ], + [ + "intern", + "ational" + ], + [ + "Ġth", + "umbs" + ], + [ + "ĠP", + "aw" + ], + [ + "Ġch", + "ant" + ], + [ + "ĠR", + "iley" + ], + [ + "Ġpe", + "eled" + ], + [ + "Ġfac", + "ade" + ], + [ + "Ġmov", + "able" + ], + [ + "Ġmanufact", + "ures" + ], + [ + "Ġfresh", + "ness" + ], + [ + "Ġspaces", + "hip" + ], + [ + "Ġguess", + "es" + ], + [ + "Ge", + "org" + ], + [ + "ĠNat", + "l" + ], + [ + "N", + "an" + ], + [ + "r", + "oring" + ], + [ + "w", + "inter" + ], + [ + "Ġpl", + "ur" + ], + [ + "ip", + "ient" + ], + [ + "ict", + "ions" + ], + [ + "ting", + "ham" + ], + [ + "ĠPro", + "verbs" + ], + [ + "Ġperson", + "a" + ], + [ + "Ġsl", + "abs" + ], + [ + "ĠHar", + "bour" + ], + [ + "Ġstraw", + "s" + ], + [ + "Ġgam", + "ers" + ], + [ + "intend", + "o" + ], + [ + "ĠVict", + "ims" + ], + [ + "h", + "w" + ], + [ + "u", + "ator" + ], + [ + "Â", + "µ" + ], + [ + "id", + "ious" + ], + [ + "Ġpet", + "itions" + ], + [ + "Ġap", + "ric" + ], + [ + "ĠDel", + "ving" + ], + [ + "ĠSand", + "ers" + ], + [ + "pot", + "ential" + ], + [ + "ĠVeget", + "able" + ], + [ + "occup", + "ation" + ], + [ + "âĢ¦âĢ¦", + "âĢ¦âĢ¦" + ], + [ + "Ġslee", + "ve" + ], + [ + "gre", + "ens" + ], + [ + "ĠAdvert", + "ising" + ], + [ + "H", + "alf" + ], + [ + "h", + "df" + ], + [ + "ve", + "get" + ], + [ + "ot", + "rophic" + ], + [ + "Ġsub", + "jug" + ], + [ + "Ġpres", + "upp" + ], + [ + "bers", + "ome" + ], + [ + "Ġphenomen", + "al" + ], + [ + "FA", + "IL" + ], + [ + "ĠVict", + "ory" + ], + [ + "Ġhomeschool", + "ing" + ], + [ + "ĠCraw", + "ford" + ], + [ + "G", + "rant" + ], + [ + "m", + "ilitary" + ], + [ + "ĠS", + "OC" + ], + [ + "Ġper", + "ic" + ], + [ + "ĠK", + "ot" + ], + [ + "Ġlit", + "urgy" + ], + [ + "Ġuns", + "aturated" + ], + [ + "ĠBur", + "k" + ], + [ + "ĠIntellig", + "ent" + ], + [ + "Ġrebell", + "ious" + ], + [ + "Ġevac", + "uate" + ], + [ + "agu", + "ar" + ], + [ + "Ġunden", + "iable" + ], + [ + "H", + "om" + ], + [ + "S", + "IM" + ], + [ + "n", + "ation" + ], + [ + "å", + "±" + ], + [ + "est", + "rian" + ], + [ + "os", + "us" + ], + [ + "Ġoff", + "ended" + ], + [ + "Let", + "ter" + ], + [ + "ĠGra", + "vity" + ], + [ + "Ġsin", + "uses" + ], + [ + "Ġgastro", + "enter" + ], + [ + "commit", + "tee" + ], + [ + "Ġcortic", + "osteroids" + ], + [ + "M", + "ask" + ], + [ + "b", + "lu" + ], + [ + "st", + "ores" + ], + [ + "ĠL", + "ar" + ], + [ + "ag", + "ged" + ], + [ + "Ġout", + "skirts" + ], + [ + "Ġtime", + "frame" + ], + [ + "ob", + "l" + ], + [ + "Ġdist", + "ort" + ], + [ + "ĠTe", + "resa" + ], + [ + "Ġtax", + "ed" + ], + [ + "ĠDef", + "initions" + ], + [ + "UN", + "CT" + ], + [ + "ĠOtt", + "omans" + ], + [ + "Ġpier", + "cing" + ], + [ + "ĠSynt", + "hesis" + ], + [ + "Ġtranqu", + "il" + ], + [ + "ĠHast", + "ings" + ], + [ + "j", + "it" + ], + [ + "m", + "art" + ], + [ + "v", + "d" + ], + [ + "ĠC", + "VD" + ], + [ + "ĠB", + "oat" + ], + [ + "ĠN", + "ucle" + ], + [ + "ĠDet", + "ailed" + ], + [ + "Ġpra", + "ising" + ], + [ + "ο", + "ÏĤ" + ], + [ + "ĠRaj", + "as" + ], + [ + "ĠZur", + "ich" + ], + [ + "I", + "ran" + ], + [ + "ed", + "ipus" + ], + [ + "Ġy", + "olk" + ], + [ + "ĠA", + "CM" + ], + [ + "ĠV", + "all" + ], + [ + "ĠRe", + "con" + ], + [ + "Ġmin", + "ced" + ], + [ + "Ġmaterial", + "ism" + ], + [ + "Ġline", + "width" + ], + [ + "Ġcy", + "toplasm" + ], + [ + "Ġsurg", + "ically" + ], + [ + "ĠElect", + "ro" + ], + [ + "Ġtherm", + "odynamics" + ], + [ + "|'", + "='" + ], + [ + "Ġasc", + "ribed" + ], + [ + "ĠCS", + "R" + ], + [ + "ĠFer", + "ry" + ], + [ + "Ġesoph", + "ageal" + ], + [ + "O", + "il" + ], + [ + "g", + "rained" + ], + [ + "Ġn", + "args" + ], + [ + "ĠA", + "ce" + ], + [ + "Ġr", + "m" + ], + [ + "ĠD", + "DT" + ], + [ + "ĠG", + "ob" + ], + [ + "vers", + "ed" + ], + [ + "ĠAd", + "ded" + ], + [ + "Ġaud", + "ible" + ], + [ + "Ġbox", + "ing" + ], + [ + "Ġord", + "in" + ], + [ + "ĠSk", + "ill" + ], + [ + "athe", + "rapy" + ], + [ + "=[", + "]," + ], + [ + "Ġfurn", + "aces" + ], + [ + "Ġserial", + "ized" + ], + [ + "b", + "ones" + ], + [ + "ĠC", + "odes" + ], + [ + "ĠF", + "Y" + ], + [ + "ome", + "ga" + ], + [ + "ĠOr", + "lando" + ], + [ + "ĠAg", + "ents" + ], + [ + "ĠEM", + "F" + ], + [ + "ĠBart", + "on" + ], + [ + "Ill", + "ust" + ], + [ + "I", + "l" + ], + [ + "g", + "ling" + ], + [ + "m", + "igration" + ], + [ + "Ġm", + "ah" + ], + [ + "ge", + "an" + ], + [ + "ĠLe", + "an" + ], + [ + "Ġfib", + "romyalgia" + ], + [ + "ĠBlack", + "well" + ], + [ + "ĠSen", + "eca" + ], + [ + "Ġsight", + "ing" + ], + [ + "ĠMult", + "ip" + ], + [ + "Ġtired", + "ness" + ], + [ + "Ġfals", + "ely" + ], + [ + "iagn", + "osed" + ], + [ + "al", + "oader" + ], + [ + "Ġb", + "inder" + ], + [ + "ad", + "ir" + ], + [ + "od", + "en" + ], + [ + "ĠP", + "G" + ], + [ + "ĠL", + "SD" + ], + [ + "ell", + "ant" + ], + [ + "ide", + "a" + ], + [ + "ert", + "ile" + ], + [ + "Ġdef", + "init" + ], + [ + "ĠSe", + "as" + ], + [ + "Ġtool", + "box" + ], + [ + "Ġmis", + "diagn" + ], + [ + "Ġdram", + "as" + ], + [ + "ĠWind", + "sor" + ], + [ + "ĠChemical", + "s" + ], + [ + "Particip", + "ants" + ], + [ + "ĠLinked", + "In" + ], + [ + "ĠMonaster", + "y" + ], + [ + "K", + "A" + ], + [ + "W", + "a" + ], + [ + "{", + "\"" + ], + [ + "Ġn", + "ig" + ], + [ + "ĠD", + "res" + ], + [ + "Ġgl", + "are" + ], + [ + "('", + "./" + ], + [ + "Ġpur", + "pos" + ], + [ + "Ġstruct", + "uring" + ], + [ + "ĠJud", + "gment" + ], + [ + "Ġumb", + "ilical" + ], + [ + "Alex", + "ander" + ], + [ + "ĠUrugu", + "ay" + ], + [ + "Ġt", + "ann" + ], + [ + "ĠP", + "es" + ], + [ + "Ġout", + "ages" + ], + [ + "unt", + "a" + ], + [ + "ĠMon", + "key" + ], + [ + "Ġuns", + "us" + ], + [ + "Ġhybrid", + "ization" + ], + [ + "Ġmi", + "R" + ], + [ + "Ġprost", + "hetic" + ], + [ + "ĠMalays", + "ian" + ], + [ + "ĠGent", + "le" + ], + [ + "ĠEu", + "ph" + ], + [ + "id", + "opsis" + ], + [ + "ust", + "aining" + ], + [ + "Ġtw", + "itter" + ], + [ + "sc", + "aled" + ], + [ + "It", + "alian" + ], + [ + "Ġpress", + "urized" + ], + [ + "ĠTrans", + "it" + ], + [ + "Ġrub", + "bish" + ], + [ + "Ġcomprom", + "ises" + ], + [ + "Ġesp", + "ionage" + ], + [ + "Aud", + "io" + ], + [ + "ĠProte", + "ins" + ], + [ + "ĠL", + "ymph" + ], + [ + "ine", + "z" + ], + [ + "Ġsa", + "uté" + ], + [ + "Ġbusiness", + "men" + ], + [ + "Ġaest", + "hetically" + ], + [ + "VER", + "Y" + ], + [ + "ĠDick", + "inson" + ], + [ + "ĠBurn", + "ing" + ], + [ + "Ġresur", + "rect" + ], + [ + "Ġfauc", + "et" + ], + [ + "m", + "ins" + ], + [ + "Ġp", + "print" + ], + [ + "Ġl", + "az" + ], + [ + "th", + "yroidism" + ], + [ + "Ġtr", + "ill" + ], + [ + "Ġsub", + "net" + ], + [ + "Ġrep", + "atri" + ], + [ + "ĠPro", + "hibition" + ], + [ + "Ġaccount", + "ants" + ], + [ + "Ġtast", + "ed" + ], + [ + "Ġslu", + "gs" + ], + [ + "ĠBound", + "aries" + ], + [ + "Ġgeomet", + "rical" + ], + [ + "T", + "EXT" + ], + [ + "nd", + "im" + ], + [ + "le", + "ast" + ], + [ + "ĠP", + "sy" + ], + [ + "est", + "e" + ], + [ + "os", + "i" + ], + [ + "int", + "uitive" + ], + [ + "Ġpol", + "ishing" + ], + [ + "ĠEx", + "eter" + ], + [ + "Ġpict", + "orial" + ], + [ + "Ġanti", + "hist" + ], + [ + "Ġcum", + "bersome" + ], + [ + "Ġscrap", + "ing" + ], + [ + "ĠHug", + "o" + ], + [ + "ĠHapp", + "iness" + ], + [ + "Ġsta", + "ples" + ], + [ + "Ġapprehens", + "ion" + ], + [ + "B", + "inary" + ], + [ + "ĠI", + "CC" + ], + [ + "ff", + "er" + ], + [ + "ere", + "y" + ], + [ + "Ġsp", + "anned" + ], + [ + "me", + "at" + ], + [ + "Ġgreen", + "ery" + ], + [ + "ĠEth", + "n" + ], + [ + "Ñģ", + "к" + ], + [ + "ĠB", + "ias" + ], + [ + "hed", + "ron" + ], + [ + "arc", + "ane" + ], + [ + "Ġinitial", + "ization" + ], + [ + "Ġtrem", + "ors" + ], + [ + "exper", + "ience" + ], + [ + "kn", + "it" + ], + [ + "N", + "ER" + ], + [ + "c", + "rapers" + ], + [ + "od", + "om" + ], + [ + "Ġint", + "oler" + ], + [ + "Ġbr", + "ute" + ], + [ + "sw", + "ap" + ], + [ + "ĠMan", + "uscript" + ], + [ + "Ġpond", + "ered" + ], + [ + "Ġflash", + "light" + ], + [ + "Ġcrypt", + "ographic" + ], + [ + "Ġwhis", + "pered" + ], + [ + "ĠSM", + "ART" + ], + [ + "b", + "ilt" + ], + [ + "u", + "ces" + ], + [ + "Ġy", + "r" + ], + [ + "ĠC", + "oca" + ], + [ + "ex", + "posure" + ], + [ + "ĠCl", + "aus" + ], + [ + "num", + "erable" + ], + [ + "Par", + "se" + ], + [ + "Cons", + "idering" + ], + [ + "Ġtight", + "en" + ], + [ + "Ġmic", + "rons" + ], + [ + "Ġpel", + "let" + ], + [ + "Ġecho", + "ing" + ], + [ + "Ġunhe", + "ard" + ], + [ + "m", + "q" + ], + [ + "o", + "itation" + ], + [ + "es", + "p" + ], + [ + "al", + "om" + ], + [ + "op", + "ards" + ], + [ + "Ġcont", + "r" + ], + [ + "Ġeas", + "ing" + ], + [ + "ope", + "z" + ], + [ + "see", + "ing" + ], + [ + "ĠConf", + "idence" + ], + [ + "ĠIV", + "F" + ], + [ + "minded", + "ness" + ], + [ + "Ġequator", + "ial" + ], + [ + "ĠGriff", + "in" + ], + [ + "d", + "ating" + ], + [ + "v", + "ii" + ], + [ + "Ġs", + "ard" + ], + [ + "an", + "imate" + ], + [ + "ang", + "led" + ], + [ + "ĠAr", + "lington" + ], + [ + "ĠCor", + "ner" + ], + [ + "ĠConfed", + "erates" + ], + [ + "Ġdissol", + "ves" + ], + [ + "Ġinsu", + "fficiency" + ], + [ + "ĠTensor", + "Flow" + ], + [ + "J", + "ava" + ], + [ + "L", + "es" + ], + [ + "g", + "rey" + ], + [ + "h", + "ah" + ], + [ + "Ġre", + "igned" + ], + [ + "ĠC", + "ube" + ], + [ + "ac", + "ci" + ], + [ + "io", + "id" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠ" + ], + [ + "ĠOn", + "cology" + ], + [ + "comp", + "an" + ], + [ + "ĠMon", + "ster" + ], + [ + "Ġverte", + "bral" + ], + [ + "Ġassim", + "ilate" + ], + [ + "Ġescal", + "ated" + ], + [ + "Ġery", + "th" + ], + [ + "lyss", + "es" + ], + [ + "Ġfierc", + "ely" + ], + [ + "!", + "âĢĻ" + ], + [ + "ĠH", + "uss" + ], + [ + "Ġcl", + "ams" + ], + [ + "Ġdi", + "odes" + ], + [ + "ĠEx", + "position" + ], + [ + "work", + "ed" + ], + [ + "Ġfoot", + "note" + ], + [ + "No", + "ise" + ], + [ + "ĠStra", + "ight" + ], + [ + "ĠGalile", + "e" + ], + [ + "ĠHus", + "sein" + ], + [ + "c", + "ad" + ], + [ + "v", + "oice" + ], + [ + "ĠS", + "ang" + ], + [ + "nt", + "on" + ], + [ + "ĠG", + "n" + ], + [ + "Ġstruct", + "urally" + ], + [ + "data", + "frame" + ], + [ + "Ġsw", + "ear" + ], + [ + "eb", + "ted" + ], + [ + "Ġseason", + "ings" + ], + [ + "ĠPat", + "terson" + ], + [ + "ĠBr", + "ut" + ], + [ + "DE", + "s" + ], + [ + "Ġiv", + "y" + ], + [ + "ĠSikh", + "s" + ], + [ + "Ã", + "ī" + ], + [ + "ĠT", + "ay" + ], + [ + "ĠS", + "AR" + ], + [ + "ĠS", + "inger" + ], + [ + "ĠU", + "F" + ], + [ + "ĠIn", + "cluded" + ], + [ + "Ġcap", + "illaries" + ], + [ + "Ġlo", + "om" + ], + [ + "ĠPres", + "ence" + ], + [ + "ĠÎ", + "¸" + ], + [ + "ĠBet", + "ty" + ], + [ + "Ġbio", + "film" + ], + [ + "Ġod", + "our" + ], + [ + "ĠRa", + "ises" + ], + [ + "Ġdisappoint", + "ing" + ], + [ + "Techn", + "ical" + ], + [ + "Ġencephal", + "itis" + ], + [ + "Ġculm", + "ination" + ], + [ + "P", + "ages" + ], + [ + "Ġa", + "orta" + ], + [ + "ĠS", + "ays" + ], + [ + "Ġas", + "cent" + ], + [ + "Ġx", + "range" + ], + [ + "IN", + "ST" + ], + [ + "oph", + "an" + ], + [ + "Ġcommand", + "ment" + ], + [ + "Ġmiss", + "es" + ], + [ + "Ġdys", + "plasia" + ], + [ + "ĠPow", + "der" + ], + [ + "Ġarist", + "ocratic" + ], + [ + "ĠBulgar", + "ian" + ], + [ + "H", + "ay" + ], + [ + "k", + "or" + ], + [ + "s", + "urgical" + ], + [ + "è", + "Ģ" + ], + [ + "Ġt", + "attoos" + ], + [ + "Ġre", + "naissance" + ], + [ + "ul", + "ose" + ], + [ + "Ġdis", + "eng" + ], + [ + "ĠK", + "iss" + ], + [ + "ĠV", + "ia" + ], + [ + "Ġwater", + "color" + ], + [ + "Ġiss", + "u" + ], + [ + "----------------", + "-----" + ], + [ + "rand", + "n" + ], + [ + "Ġbad", + "ges" + ], + [ + "Ġcold", + "est" + ], + [ + "\"", + "[" + ], + [ + "ĠM", + "alt" + ], + [ + "ĠE", + "du" + ], + [ + "Ġele", + "venth" + ], + [ + "Ġant", + "iques" + ], + [ + "Ġcharacter", + "izing" + ], + [ + "De", + "ut" + ], + [ + "Ġjoy", + "ous" + ], + [ + "Ġembody", + "ing" + ], + [ + "ĠMAT", + "LAB" + ], + [ + "Vir", + "gin" + ], + [ + "i", + "Äĩ" + ], + [ + "ct", + "rl" + ], + [ + "se", + "eds" + ], + [ + "ĠM", + "V" + ], + [ + "ĠM", + "AN" + ], + [ + "Ġby", + "product" + ], + [ + "Ġwas", + "hes" + ], + [ + "ĠG", + "ear" + ], + [ + "Ġpo", + "isons" + ], + [ + "Ġeng", + "ross" + ], + [ + "Ġcivil", + "isation" + ], + [ + "ĠPhys", + "ician" + ], + [ + "car", + "b" + ], + [ + "ĠInnov", + "ations" + ], + [ + "phen", + "otype" + ], + [ + "Ġves", + "icles" + ], + [ + "terr", + "anean" + ], + [ + "Ġo", + "le" + ], + [ + "Ġb", + "ordering" + ], + [ + "Ġcoast", + "lines" + ], + [ + "BM", + "I" + ], + [ + "Ġpunct", + "ure" + ], + [ + "ĠProb", + "ability" + ], + [ + "Ġmedi", + "ators" + ], + [ + "N", + "IH" + ], + [ + "P", + "ossible" + ], + [ + "ch", + "ini" + ], + [ + "ĠM", + "use" + ], + [ + "Ġv", + "iv" + ], + [ + "ĠL", + "emon" + ], + [ + "Ġnon", + "profits" + ], + [ + "Ġinitial", + "ized" + ], + [ + "Ġmultipl", + "ier" + ], + [ + "Ġdos", + "ages" + ], + [ + "ĠBelief", + "s" + ], + [ + "Sund", + "ay" + ], + [ + "Ġneb", + "ula" + ], + [ + "I", + "oT" + ], + [ + "_", + "'" + ], + [ + "ĠS", + "ulf" + ], + [ + "ĠC", + "ove" + ], + [ + "ĠF", + "iji" + ], + [ + "Ġlab", + "ou" + ], + [ + "Con", + "struct" + ], + [ + "é", + "g" + ], + [ + "ĠNe", + "hru" + ], + [ + "Com", + "pet" + ], + [ + "ĠMex", + "icans" + ], + [ + "Ġhom", + "ogen" + ], + [ + "Ġadvis", + "ers" + ], + [ + "Const", + "ruction" + ], + [ + "ĠSchw", + "artz" + ], + [ + "ĠBorne", + "o" + ], + [ + "ĠS", + "pl" + ], + [ + "Ġun", + "amb" + ], + [ + "Ġthem", + "ed" + ], + [ + "ub", + "ile" + ], + [ + "Ġover", + "d" + ], + [ + "Ġsk", + "irt" + ], + [ + "land", + "er" + ], + [ + "Ġ:", + "-" + ], + [ + "ĠPar", + "agu" + ], + [ + "Me", + "ans" + ], + [ + "Ġreson", + "ant" + ], + [ + "ĠPet", + "e" + ], + [ + "ĠReflect", + "ing" + ], + [ + "creat", + "ive" + ], + [ + "P", + "IPE" + ], + [ + "g", + "ary" + ], + [ + "Ġh", + "anged" + ], + [ + "ĠC", + "ly" + ], + [ + "ĠM", + "err" + ], + [ + "man", + "ifest" + ], + [ + "Ġsw", + "orn" + ], + [ + "Ġexec", + "utions" + ], + [ + "Ġcatch", + "y" + ], + [ + "ĠChen", + "g" + ], + [ + "ĠInstitution", + "al" + ], + [ + "affe", + "ine" + ], + [ + "Ġelabor", + "ated" + ], + [ + "M", + "oney" + ], + [ + "t", + "om" + ], + [ + "el", + "man" + ], + [ + "ra", + "ised" + ], + [ + "ĠS", + "ach" + ], + [ + "Ġsh", + "aken" + ], + [ + "che", + "v" + ], + [ + "Ġinvent", + "ories" + ], + [ + "pay", + "ing" + ], + [ + "Ġinterrupt", + "ions" + ], + [ + "ĠC", + "OR" + ], + [ + "Ġdis", + "content" + ], + [ + "Ġman", + "power" + ], + [ + "Ġsp", + "illed" + ], + [ + "ons", + "ai" + ], + [ + "Ġmin", + "istries" + ], + [ + "rent", + "ice" + ], + [ + "Ġprot", + "ested" + ], + [ + "Ġlib", + "erals" + ], + [ + "Ġfill", + "er" + ], + [ + "Act", + "ually" + ], + [ + "ĠURL", + "s" + ], + [ + "ĠLex", + "ington" + ], + [ + "ĠDop", + "pler" + ], + [ + "C", + "AM" + ], + [ + "P", + "u" + ], + [ + "T", + "re" + ], + [ + "_", + "[" + ], + [ + "f", + "ax" + ], + [ + "h", + "un" + ], + [ + "ag", + "ging" + ], + [ + "Ġj", + "ul" + ], + [ + "Ġreg", + "ained" + ], + [ + "Ġrep", + "rint" + ], + [ + "UT", + "F" + ], + [ + "Oper", + "ator" + ], + [ + "Ġresh", + "aping" + ], + [ + "Conse", + "qu" + ], + [ + "st", + "yles" + ], + [ + "ĠC", + "ron" + ], + [ + "ak", + "o" + ], + [ + "Ġsw", + "am" + ], + [ + "Ġexpos", + "itory" + ], + [ + "ĠDen", + "is" + ], + [ + "ĠAvoid", + "ing" + ], + [ + "ĠAff", + "ordable" + ], + [ + "Ġdyn", + "asties" + ], + [ + "ĠASC", + "II" + ], + [ + "G", + "AN" + ], + [ + "Ġt", + "ighter" + ], + [ + "Ġbe", + "re" + ], + [ + "ĠP", + "ius" + ], + [ + "Ġle", + "ach" + ], + [ + "ĠAd", + "opting" + ], + [ + "Ġwrong", + "ly" + ], + [ + "ĠAng", + "le" + ], + [ + "ĠPay", + "ment" + ], + [ + "Ġbull", + "ies" + ], + [ + "Ġsoften", + "ed" + ], + [ + "ĠApost", + "le" + ], + [ + "ĠAthen", + "a" + ], + [ + "C", + "AT" + ], + [ + "G", + "as" + ], + [ + "S", + "ets" + ], + [ + "T", + "ow" + ], + [ + "u", + "ates" + ], + [ + "ur", + "an" + ], + [ + "Ġon", + "cology" + ], + [ + "ĠC", + "ache" + ], + [ + "ĠC", + "umberland" + ], + [ + "ĠH", + "arness" + ], + [ + "Ġse", + "ams" + ], + [ + "ĠBe", + "an" + ], + [ + "ĠLe", + "vy" + ], + [ + "ĠHigh", + "lands" + ], + [ + "ĠSee", + "king" + ], + [ + "rot", + "ate" + ], + [ + "Add", + "ressing" + ], + [ + "ĠFort", + "y" + ], + [ + "Ne", + "ill" + ], + [ + "Cap", + "ital" + ], + [ + "Ġdelect", + "able" + ], + [ + "K", + "N" + ], + [ + "n", + "ae" + ], + [ + "Ġd", + "iph" + ], + [ + "ĠCh", + "ican" + ], + [ + "anc", + "ock" + ], + [ + "ĠCont", + "roller" + ], + [ + "gl", + "ut" + ], + [ + "Ġperf", + "ected" + ], + [ + "Min", + "imum" + ], + [ + "čĊĉĉ", + "ĉ" + ], + [ + "G", + "rad" + ], + [ + "H", + "OD" + ], + [ + "n", + "oun" + ], + [ + "x", + "ls" + ], + [ + "Ġmet", + "ac" + ], + [ + "cont", + "rast" + ], + [ + "ĠKey", + "board" + ], + [ + ")/", + "(" + ], + [ + "Ġepit", + "helium" + ], + [ + "ĠReason", + "ing" + ], + [ + "Ġtranqu", + "ility" + ], + [ + "H", + "ad" + ], + [ + "Ġt", + "m" + ], + [ + "olog", + "ie" + ], + [ + "ĠCh", + "arge" + ], + [ + "Ġpar", + "ades" + ], + [ + "ĠSp", + "end" + ], + [ + "Ġcustom", + "izable" + ], + [ + "ĠPer", + "l" + ], + [ + "ĠPort", + "al" + ], + [ + "Ġvent", + "uring" + ], + [ + "Ġbrand", + "ing" + ], + [ + "T", + "imes" + ], + [ + "ĠM", + "ast" + ], + [ + "ĠP", + "anc" + ], + [ + "Ġeat", + "ers" + ], + [ + "ĠSam", + "pling" + ], + [ + "Ġbath", + "rooms" + ], + [ + "Ġphe", + "rom" + ], + [ + "B", + "ranch" + ], + [ + "o", + "it" + ], + [ + "v", + "isions" + ], + [ + "{", + "{" + ], + [ + "ĠB", + "ras" + ], + [ + "Ġen", + "closures" + ], + [ + "par", + "a" + ], + [ + "mb", + "ling" + ], + [ + "ĠEven", + "ing" + ], + [ + "ĠInf", + "ants" + ], + [ + "ĠImmun", + "ology" + ], + [ + "ĠPART", + "IC" + ], + [ + ":", + "/" + ], + [ + "I", + "gn" + ], + [ + "R", + "ub" + ], + [ + "Ġb", + "ri" + ], + [ + "Ġbl", + "ink" + ], + [ + "ax", + "ial" + ], + [ + "Ġext", + "ras" + ], + [ + "ĊĊ", + "ĠĠ" + ], + [ + "oh", + "l" + ], + [ + "Ġinj", + "ure" + ], + [ + "ĠKh", + "mer" + ], + [ + "Ġlact", + "ation" + ], + [ + "agnet", + "ism" + ], + [ + "ol", + "an" + ], + [ + "ĠB", + "I" + ], + [ + "ĠN", + "ou" + ], + [ + "Ġout", + "file" + ], + [ + "ĠAl", + "pine" + ], + [ + "ĠSe", + "oul" + ], + [ + "cer", + "pt" + ], + [ + "Ġparticip", + "ates" + ], + [ + "Ġver", + "ge" + ], + [ + "Ġiniti", + "ates" + ], + [ + "Ġtort", + "oise" + ], + [ + "Em", + "otional" + ], + [ + "################################################################", + "############" + ], + [ + "Ġidol", + "at" + ], + [ + "Ġretard", + "ation" + ], + [ + ".", + "âĢľ" + ], + [ + "Ġd", + "ella" + ], + [ + "ĠA", + "the" + ], + [ + "form", + "ats" + ], + [ + "man", + "ent" + ], + [ + "Ġdev", + "ising" + ], + [ + "not", + "ch" + ], + [ + "Ġcapital", + "ists" + ], + [ + "Ġunanim", + "ously" + ], + [ + "ĠPoké", + "mon" + ], + [ + "B", + "AL" + ], + [ + "ĠD", + "ash" + ], + [ + "ĠF", + "ixed" + ], + [ + "Ġbl", + "iss" + ], + [ + "ĠEx", + "port" + ], + [ + "ĠBe", + "owulf" + ], + [ + "att", + "rib" + ], + [ + "ĠCreat", + "es" + ], + [ + "FC", + "s" + ], + [ + "ĠRespons", + "es" + ], + [ + "Ġrecomb", + "inant" + ], + [ + "Ġexhilar", + "ating" + ], + [ + "Ġardu", + "ous" + ], + [ + "]", + ")))" + ], + [ + "out", + "side" + ], + [ + "Ġfil", + "med" + ], + [ + "We", + "ather" + ], + [ + "ĠAb", + "igail" + ], + [ + "ĠSouth", + "western" + ], + [ + "omet", + "rics" + ], + [ + "ĠQue", + "er" + ], + [ + "Off", + "set" + ], + [ + "Bre", + "ak" + ], + [ + "ĠExpect", + "ations" + ], + [ + "Ġhort", + "icultural" + ], + [ + "F", + "LAGS" + ], + [ + "}", + "-" + ], + [ + "an", + "king" + ], + [ + "ĠH", + "els" + ], + [ + "ĠH", + "assan" + ], + [ + "ĠD", + "od" + ], + [ + "Ġinf", + "lict" + ], + [ + "ĠAnd", + "ean" + ], + [ + "ĠSm", + "oke" + ], + [ + "ĠSupp", + "lements" + ], + [ + "ãģ", + "Ļ" + ], + [ + "sim", + "ulation" + ], + [ + "ĠUlt", + "ra" + ], + [ + "Ġcas", + "ino" + ], + [ + "ĠRest", + "aur" + ], + [ + "ο", + "Ïħ" + ], + [ + "åĪ", + "°" + ], + [ + "Ġbullet", + "in" + ], + [ + "Ġsket", + "ching" + ], + [ + "Ġfal", + "con" + ], + [ + "s", + "ke" + ], + [ + "Â", + "«" + ], + [ + "Ġs", + "ire" + ], + [ + "ĠC", + "U" + ], + [ + "ĠC", + "MS" + ], + [ + "ab", + "sorption" + ], + [ + "ĠD", + "reams" + ], + [ + "ame", + "le" + ], + [ + "Ġav", + "ant" + ], + [ + "ĠDe", + "mentia" + ], + [ + "Al", + "g" + ], + [ + "rad", + "d" + ], + [ + "key", + "frame" + ], + [ + "Ex", + "pected" + ], + [ + "Or", + "th" + ], + [ + "Ġdiscern", + "ing" + ], + [ + "Ġblur", + "ring" + ], + [ + "s", + "and" + ], + [ + "ĠT", + "act" + ], + [ + "ĠM", + "U" + ], + [ + "ĠR", + "ating" + ], + [ + "ĠQ", + "atar" + ], + [ + "As", + "ian" + ], + [ + "ev", + "ille" + ], + [ + "Ġadminist", + "rations" + ], + [ + "udd", + "le" + ], + [ + "Type", + "Error" + ], + [ + "Ġpoly", + "ethylene" + ], + [ + "ĠGood", + "s" + ], + [ + "ĠCommand", + "ments" + ], + [ + "ĠMort", + "ality" + ], + [ + "ow", + "e" + ], + [ + "Ġne", + "oliberal" + ], + [ + "Ġdef", + "iance" + ], + [ + "key", + "words" + ], + [ + "Ġcere", + "bro" + ], + [ + "ĠCapt", + "ure" + ], + [ + "ν", + "Ïī" + ], + [ + "ĠSav", + "ings" + ], + [ + "Ġalb", + "ums" + ], + [ + "Ġevap", + "orate" + ], + [ + "Ġoverhe", + "ating" + ], + [ + "Ġm", + "osaics" + ], + [ + "Ġsp", + "arrow" + ], + [ + "Ġpower", + "less" + ], + [ + "Ġrh", + "inos" + ], + [ + "s", + "oci" + ], + [ + "Ġf", + "um" + ], + [ + "Ġre", + "organ" + ], + [ + "ĠF", + "S" + ], + [ + "Ġrec", + "ourse" + ], + [ + "eng", + "lish" + ], + [ + "Ġgood", + "will" + ], + [ + "Ġhand", + "ing" + ], + [ + "Ġprogram", + "mable" + ], + [ + "ole", + "um" + ], + [ + "Ġcapac", + "itance" + ], + [ + "ĠCur", + "a" + ], + [ + "Ġdiplom", + "ats" + ], + [ + "Ġmart", + "yrs" + ], + [ + "Ġcontra", + "ceptives" + ], + [ + "ĠGit", + "Hub" + ], + [ + "on", + "omy" + ], + [ + "is", + "or" + ], + [ + "Ġsm", + "el" + ], + [ + "Ġlook", + "out" + ], + [ + "ĠIndian", + "apolis" + ], + [ + "She", + "et" + ], + [ + "Mon", + "th" + ], + [ + "gate", + "way" + ], + [ + "ĠSurve", + "ys" + ], + [ + "Ġambul", + "ance" + ], + [ + "orget", + "own" + ], + [ + "C", + "ele" + ], + [ + "D", + "ise" + ], + [ + "m", + "oon" + ], + [ + "Ġt", + "aper" + ], + [ + "ur", + "ist" + ], + [ + "ĠC", + "oo" + ], + [ + "ĠD", + "river" + ], + [ + "Ġsl", + "ash" + ], + [ + "Ġdog", + "ma" + ], + [ + "Com", + "plex" + ], + [ + "Ġgrab", + "bed" + ], + [ + "Ġfemin", + "inity" + ], + [ + "struct", + "ural" + ], + [ + "desc", + "riptor" + ], + [ + "clean", + "ed" + ], + [ + "Ġsurn", + "ames" + ], + [ + "B", + "G" + ], + [ + "F", + "resh" + ], + [ + "ĠA", + "E" + ], + [ + "ĠS", + "igma" + ], + [ + "Ġke", + "eper" + ], + [ + "ik", + "ers" + ], + [ + "Ġdecl", + "arations" + ], + [ + "Ġ\\", + "_" + ], + [ + "Ġinfect", + "ing" + ], + [ + "Ġsem", + "ic" + ], + [ + "Ġtrem", + "or" + ], + [ + "ĠRand", + "olph" + ], + [ + "blow", + "ing" + ], + [ + "ĠAccept", + "ance" + ], + [ + "Alter", + "Field" + ], + [ + "ç", + "İ" + ], + [ + "Ġth", + "rom" + ], + [ + "ĠC", + "edar" + ], + [ + "ĠH", + "ew" + ], + [ + "Ġne", + "x" + ], + [ + "Ġall", + "ot" + ], + [ + "ĠU", + "rs" + ], + [ + "Ġsc", + "ams" + ], + [ + "ĠTo", + "k" + ], + [ + "pre", + "trained" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "Ġ" + ], + [ + "ĠMedic", + "i" + ], + [ + "Ġhonor", + "ary" + ], + [ + "ĠRefuge", + "es" + ], + [ + "ĠDemonstr", + "ate" + ], + [ + "ĠBib", + "code" + ], + [ + "p", + "ressed" + ], + [ + "im", + "read" + ], + [ + "Ġex", + "cludes" + ], + [ + "ens", + "ibly" + ], + [ + "Ġinf", + "in" + ], + [ + "Ġsub", + "group" + ], + [ + "ex", + "cel" + ], + [ + "Ġdoc", + "s" + ], + [ + "AL", + "TH" + ], + [ + "ĠAng", + "els" + ], + [ + "Ġaer", + "odynamic" + ], + [ + "Ge", + "o" + ], + [ + "Ġaffirm", + "ation" + ], + [ + "in", + "ality" + ], + [ + "Ġwe", + "arer" + ], + [ + "ĠW", + "ong" + ], + [ + "Ġsa", + "usage" + ], + [ + "Ġgl", + "itter" + ], + [ + "be", + "ats" + ], + [ + "ĠBl", + "ocks" + ], + [ + "Col", + "lege" + ], + [ + "ĠGold", + "man" + ], + [ + "Ġinspect", + "or" + ], + [ + "Ġham", + "pered" + ], + [ + "c", + "ars" + ], + [ + "Ġp", + "as" + ], + [ + "ĠB", + "ali" + ], + [ + "Ġcl", + "ippings" + ], + [ + "Ġinter", + "l" + ], + [ + "Ġcor", + "ona" + ], + [ + "air", + "d" + ], + [ + "ĠLib", + "ert" + ], + [ + "ĠBrid", + "ges" + ], + [ + "ĠElli", + "ott" + ], + [ + "Ġlof", + "ty" + ], + [ + "al", + "an" + ], + [ + "le", + "ader" + ], + [ + "Ġpre", + "b" + ], + [ + "ĠAr", + "che" + ], + [ + "ĠSh", + "ark" + ], + [ + "AD", + "S" + ], + [ + "Ġmamm", + "oth" + ], + [ + "Str", + "ategy" + ], + [ + "S", + "on" + ], + [ + "f", + "onts" + ], + [ + "ĠC", + "trl" + ], + [ + "ĠB", + "elf" + ], + [ + "ĠRes", + "ervoir" + ], + [ + "ĠCan", + "berra" + ], + [ + "ĠMed", + "ina" + ], + [ + "att", + "i" + ], + [ + "ĠIron", + "ically" + ], + [ + "ĠPier", + "ce" + ], + [ + "(", + "\"\")" + ], + [ + "C", + "ulture" + ], + [ + "n", + "ai" + ], + [ + "Ġu", + "k" + ], + [ + "ag", + "iarism" + ], + [ + "Ġcur", + "ry" + ], + [ + "any", + "l" + ], + [ + "Ġens", + "hr" + ], + [ + "ĠPower", + "ful" + ], + [ + "Ġapolog", + "ize" + ], + [ + "he", + "ws" + ], + [ + "red", + "is" + ], + [ + "Ġro", + "ost" + ], + [ + "works", + "pace" + ], + [ + "Ġpen", + "icillin" + ], + [ + "ĠAcadem", + "ia" + ], + [ + "Ġtrail", + "bl" + ], + [ + "Est", + "imated" + ], + [ + "Ġetym", + "ology" + ], + [ + "ĠEuch", + "arist" + ], + [ + "Ġsabot", + "age" + ], + [ + "t", + "uning" + ], + [ + "ĠâĢ", + "ŀ" + ], + [ + "ĠV", + "illa" + ], + [ + "Ġchar", + "iot" + ], + [ + "ĠProm", + "pt" + ], + [ + "Ġvine", + "yard" + ], + [ + "El", + "izabeth" + ], + [ + "ĠToy", + "ota" + ], + [ + "Hab", + "itat" + ], + [ + ",", + "..." + ], + [ + "l", + "ift" + ], + [ + "ch", + "ronic" + ], + [ + "form", + "ula" + ], + [ + "ĠK", + "ub" + ], + [ + "Ġpartic", + "iple" + ], + [ + "ĠBe", + "et" + ], + [ + "Ġund", + "o" + ], + [ + "zz", + "a" + ], + [ + "Ġpoly", + "unsaturated" + ], + [ + "Ġfle", + "ets" + ], + [ + "ĠMes", + "oam" + ], + [ + "Ġsquee", + "zing" + ], + [ + "Ġparan", + "ormal" + ], + [ + "%", + "-" + ], + [ + "Ð", + "¶" + ], + [ + "ĠH", + "BV" + ], + [ + "In", + "nov" + ], + [ + "Ġtyp", + "ography" + ], + [ + "Ġele", + "gans" + ], + [ + "Ġnon", + "violent" + ], + [ + "Ġrad", + "iotherapy" + ], + [ + "Ġterm", + "ite" + ], + [ + "Ġwr", + "ists" + ], + [ + "g", + "ates" + ], + [ + "y", + "i" + ], + [ + "z", + "in" + ], + [ + "Ġs", + "ockets" + ], + [ + "Ġb", + "ooking" + ], + [ + "id", + "ians" + ], + [ + "be", + "hav" + ], + [ + "su", + "ite" + ], + [ + "ĠPost", + "ed" + ], + [ + "Ġshrink", + "age" + ], + [ + "ĠYah", + "oo" + ], + [ + "C", + "annot" + ], + [ + "e", + "asy" + ], + [ + "Ġt", + "ad" + ], + [ + "il", + "og" + ], + [ + "ĠP", + "on" + ], + [ + "ĠW", + "ILL" + ], + [ + "ĠE", + "arn" + ], + [ + "Ġret", + "ract" + ], + [ + "Ġwid", + "gets" + ], + [ + "ĠMark", + "er" + ], + [ + "Ġsimpl", + "ifies" + ], + [ + "Ġleaf", + "lets" + ], + [ + "odia", + "zep" + ], + [ + "b", + "idden" + ], + [ + "Ġs", + "ided" + ], + [ + "ar", + "id" + ], + [ + "Ġr", + "t" + ], + [ + "Ġac", + "uity" + ], + [ + "Ġant", + "ico" + ], + [ + "start", + "ed" + ], + [ + "Ġoccup", + "ancy" + ], + [ + "ien", + "ne" + ], + [ + "ĠWay", + "back" + ], + [ + "Ġchromos", + "omal" + ], + [ + "ĠWhit", + "ney" + ], + [ + "Ġgrie", + "ving" + ], + [ + "Draw", + "ing" + ], + [ + "ĠMons", + "anto" + ], + [ + "ĠYuk", + "on" + ], + [ + "c", + "ited" + ], + [ + "ç", + "®" + ], + [ + "or", + "is" + ], + [ + "is", + "ational" + ], + [ + "ĠP", + "oo" + ], + [ + "ĠD", + "ip" + ], + [ + "ĠF", + "ame" + ], + [ + "ĠAn", + "s" + ], + [ + "Ġdown", + "hill" + ], + [ + "ĠAd", + "option" + ], + [ + "Ġproject", + "or" + ], + [ + "add", + "am" + ], + [ + "Ġgreen", + "ish" + ], + [ + "Ġserial", + "izers" + ], + [ + "äº", + "º" + ], + [ + "s", + "ale" + ], + [ + "s", + "igmoid" + ], + [ + "t", + "ill" + ], + [ + "Ġright", + "ful" + ], + [ + "Ġcross", + "ings" + ], + [ + "Ġdram", + "at" + ], + [ + "../", + "../" + ], + [ + "Ġtoss", + "ed" + ], + [ + "timed", + "elta" + ], + [ + "ĠBris", + "bane" + ], + [ + "F", + "lat" + ], + [ + "Ġc", + "acao" + ], + [ + "Ġh", + "inge" + ], + [ + "Ġ'", + "[" + ], + [ + "Ġfirst", + "sum" + ], + [ + "ins", + "ide" + ], + [ + "Ġref", + "raction" + ], + [ + "Ġprofessional", + "ism" + ], + [ + "Ġbrief", + "ing" + ], + [ + ".'", + "\"" + ], + [ + "Ġadj", + "ud" + ], + [ + "Ġcategor", + "ization" + ], + [ + "Ġdeport", + "ation" + ], + [ + "Ġging", + "ivitis" + ], + [ + "f", + "raction" + ], + [ + "Ñ", + "ĸ" + ], + [ + "Ĵ", + "Į" + ], + [ + "Ġde", + "mean" + ], + [ + "Ġsh", + "akespeare" + ], + [ + "ast", + "es" + ], + [ + "Ġmod", + "al" + ], + [ + "ĠInd", + "oor" + ], + [ + "Ġmult", + "is" + ], + [ + "reg", + "istered" + ], + [ + "Ġaccompl", + "ishing" + ], + [ + "war", + "z" + ], + [ + "bra", + "him" + ], + [ + "Under", + "stand" + ], + [ + "MA", + "IN" + ], + [ + "opl", + "asm" + ], + [ + "fa", + "ith" + ], + [ + "ĠHerm", + "ann" + ], + [ + "p", + "th" + ], + [ + "Ġe", + "arthen" + ], + [ + "Ġsign", + "ifying" + ], + [ + "Ġpop", + "ped" + ], + [ + "che", + "cking" + ], + [ + "comp", + "assion" + ], + [ + "Ind", + "ustrial" + ], + [ + "Ġskill", + "fully" + ], + [ + "ĠControl", + "s" + ], + [ + "ĠGal", + "apagos" + ], + [ + "ĠChap", + "ters" + ], + [ + "ĠðŁ", + "ĺ" + ], + [ + "Ġcaf", + "eter" + ], + [ + "Ġinaug", + "ural" + ], + [ + "Ġcommemor", + "ating" + ], + [ + "ĠEz", + "ra" + ], + [ + "ĠTeh", + "ran" + ], + [ + "Z", + "one" + ], + [ + "Ł", + "¥" + ], + [ + "re", + "ally" + ], + [ + "Ġd", + "rown" + ], + [ + "ĠB", + "acterial" + ], + [ + "ak", + "is" + ], + [ + "ip", + "itation" + ], + [ + "oo", + "oo" + ], + [ + "Ġdrink", + "ers" + ], + [ + "Ġaccel", + "erates" + ], + [ + "ĠArticle", + "PubMedGoogle" + ], + [ + "disc", + "rimination" + ], + [ + "Ġdeterior", + "ated" + ], + [ + "Lat", + "est" + ], + [ + "Ġfluct", + "uate" + ], + [ + "S", + "alt" + ], + [ + "ol", + "utions" + ], + [ + "Ġen", + "cl" + ], + [ + "Ġwater", + "fall" + ], + [ + "set", + "attr" + ], + [ + "arr", + "is" + ], + [ + "Ġdark", + "est" + ], + [ + "sol", + "ar" + ], + [ + "under", + "standing" + ], + [ + "ĠUt", + "ility" + ], + [ + "gener", + "ating" + ], + [ + "Ġtight", + "ness" + ], + [ + "ĠBeng", + "ali" + ], + [ + "ĠClaud", + "ius" + ], + [ + "ĠInequ", + "ality" + ], + [ + "Ġ", + "ndarray" + ], + [ + "Ġset", + "attr" + ], + [ + "Ġstory", + "line" + ], + [ + "ĠHel", + "m" + ], + [ + "{}", + "'." + ], + [ + "Ġdecor", + "ator" + ], + [ + "Ġdress", + "ings" + ], + [ + "ĠTheore", + "tical" + ], + [ + "J", + "ean" + ], + [ + "f", + "ing" + ], + [ + "t", + "reat" + ], + [ + "Ġt", + "apped" + ], + [ + "Ġd", + "ung" + ], + [ + "Ġne", + "oc" + ], + [ + "Ġbus", + "hel" + ], + [ + "Ġpattern", + "ed" + ], + [ + "Ġprop", + "hes" + ], + [ + "Ġadjust", + "s" + ], + [ + "Se", + "ven" + ], + [ + "fe", + "ats" + ], + [ + "vi", + "ks" + ], + [ + "ĠAutom", + "atic" + ], + [ + "typ", + "ical" + ], + [ + "Ġclo", + "ak" + ], + [ + "Ġobl", + "iv" + ], + [ + "ĠStru", + "ggle" + ], + [ + "m", + "il" + ], + [ + "w", + "ife" + ], + [ + "Ġ", + "ï¬ģ" + ], + [ + "ĠR", + "anger" + ], + [ + "ak", + "in" + ], + [ + "Ġret", + "ic" + ], + [ + "Ġgreen", + "houses" + ], + [ + "ev", + "olution" + ], + [ + "Ġkn", + "it" + ], + [ + "ĠBen", + "ch" + ], + [ + "Ġrent", + "ed" + ], + [ + "ĠPent", + "agon" + ], + [ + "ra", + "ch" + ], + [ + "ĠB", + "ene" + ], + [ + "ĠN", + "ure" + ], + [ + "Ġbl", + "ender" + ], + [ + "Ġsecond", + "ly" + ], + [ + "Ġopportun", + "istic" + ], + [ + "US", + "D" + ], + [ + "App", + "roximately" + ], + [ + "ĠRad", + "i" + ], + [ + "ĠLim", + "itations" + ], + [ + "vari", + "ant" + ], + [ + "Ġpill", + "ows" + ], + [ + "ĠPrem", + "ier" + ], + [ + "Ġunatt", + "ended" + ], + [ + "ĠPtole", + "my" + ], + [ + "Ġmillise", + "conds" + ], + [ + "O", + "ps" + ], + [ + "ath", + "i" + ], + [ + "Ġrec", + "ited" + ], + [ + "ĠAd", + "rian" + ], + [ + "lin", + "ux" + ], + [ + "uv", + "ial" + ], + [ + "opl", + "ankton" + ], + [ + "Ġspat", + "ially" + ], + [ + "Ġbourgeois", + "ie" + ], + [ + "ĠNecess", + "ary" + ], + [ + "m", + "ovie" + ], + [ + "st", + "airs" + ], + [ + "ĠT", + "ucker" + ], + [ + "ĠB", + "iden" + ], + [ + "Ġle", + "ased" + ], + [ + "ens", + "ch" + ], + [ + "ert", + "ime" + ], + [ + "Ġ_", + "(\"" + ], + [ + "Ġann", + "ounces" + ], + [ + "IT", + "ER" + ], + [ + "Ġlo", + "oming" + ], + [ + "\"]", + ")," + ], + [ + "ĠTrans", + "plant" + ], + [ + "ĠBo", + "er" + ], + [ + "ĠIr", + "ving" + ], + [ + "ĠOl", + "ivia" + ], + [ + "ĠRap", + "hael" + ], + [ + "Ġwhit", + "ening" + ], + [ + "ĠPilgrim", + "s" + ], + [ + "Ġconject", + "ure" + ], + [ + "ist", + "e" + ], + [ + "ĠJ", + "iang" + ], + [ + "Ġdo", + "om" + ], + [ + "ENT", + "ER" + ], + [ + "cert", + "ified" + ], + [ + "Fre", + "edom" + ], + [ + ".", + "%" + ], + [ + "M", + "ust" + ], + [ + "Ġb", + "ovine" + ], + [ + "Ġn", + "t" + ], + [ + "ĠP", + "eg" + ], + [ + "ĠB", + "ash" + ], + [ + "Ġpl", + "ating" + ], + [ + "ĠCon", + "quest" + ], + [ + "Ġvol", + "ley" + ], + [ + "ĠX", + "VI" + ], + [ + "Ġmulti", + "ples" + ], + [ + "Ġerr", + "atic" + ], + [ + "Ġbot", + "any" + ], + [ + "ĠID", + "s" + ], + [ + "ĠSt", + "a" + ], + [ + "Ġever", + "lasting" + ], + [ + "Ġgeneral", + "ization" + ], + [ + "Ġer", + "ased" + ], + [ + "Ġdownload", + "able" + ], + [ + "main", + "ly" + ], + [ + "Chall", + "enges" + ], + [ + "ĠT", + "RI" + ], + [ + "ĠS", + "IG" + ], + [ + "ĠM", + "OS" + ], + [ + "qu", + "oise" + ], + [ + "Ġun", + "regulated" + ], + [ + "aut", + "s" + ], + [ + "esc", + "ence" + ], + [ + "Ġdivers", + "ify" + ], + [ + "Ġcorrespond", + "ent" + ], + [ + "Ġske", + "wed" + ], + [ + "Ġdevote", + "es" + ], + [ + "Ġmetast", + "atic" + ], + [ + "again", + "st" + ], + [ + "Ġendorph", + "ins" + ], + [ + "Y", + "O" + ], + [ + "ĠS", + "AS" + ], + [ + "ir", + "ators" + ], + [ + "Ġen", + "rol" + ], + [ + "ss", + "l" + ], + [ + "erg", + "lass" + ], + [ + "cer", + "ity" + ], + [ + "Ch", + "oice" + ], + [ + "Ġpay", + "roll" + ], + [ + "Ġaltern", + "atively" + ], + [ + "Ġsolid", + "ified" + ], + [ + "Ġdiplom", + "at" + ], + [ + ",", + "_" + ], + [ + "E", + "ight" + ], + [ + "á", + "ŀ" + ], + [ + "Ġe", + "book" + ], + [ + "am", + "ble" + ], + [ + "ĠS", + "ão" + ], + [ + "ist", + "ice" + ], + [ + "Ġun", + "ilateral" + ], + [ + "ĠAct", + "a" + ], + [ + "Ġrob", + "bery" + ], + [ + "ĠSet", + "up" + ], + [ + "ĠDirect", + "orate" + ], + [ + "IM", + "AGE" + ], + [ + "Dep", + "ression" + ], + [ + "ben", + "efit" + ], + [ + "impro", + "vement" + ], + [ + "E", + "gg" + ], + [ + "o", + "ire" + ], + [ + "v", + "ana" + ], + [ + "ĠM", + "Sc" + ], + [ + "Ġcan", + "ola" + ], + [ + "Ġret", + "ry" + ], + [ + "Ġgl", + "azing" + ], + [ + "Ġmar", + "in" + ], + [ + "ĠGe", + "ographical" + ], + [ + "Ġthy", + "me" + ], + [ + "Ġgeomet", + "ries" + ], + [ + "Fem", + "ale" + ], + [ + "he", + "ated" + ], + [ + "Ġan", + "ci" + ], + [ + "Ġnot", + "withstanding" + ], + [ + "Ġsh", + "in" + ], + [ + "Ġk", + "an" + ], + [ + "Ġun", + "well" + ], + [ + "Ġun", + "structured" + ], + [ + "Ġdi", + "agon" + ], + [ + "Ġpassion", + "ately" + ], + [ + "Ġtag", + "ging" + ], + [ + "Ġol", + "ives" + ], + [ + "FF", + "FF" + ], + [ + "ĠRap", + "ids" + ], + [ + "Exper", + "iment" + ], + [ + "G", + "all" + ], + [ + "O", + "ral" + ], + [ + "is", + "ors" + ], + [ + "ats", + "u" + ], + [ + "rict", + "ions" + ], + [ + "Ġdiet", + "itian" + ], + [ + "che", + "ster" + ], + [ + "Ġcoll", + "apsing" + ], + [ + "ĠPers", + "istent" + ], + [ + "ĠInvest", + "igating" + ], + [ + "tim", + "est" + ], + [ + "Fact", + "ors" + ], + [ + "ĠDeb", + "ates" + ], + [ + "ĠASE", + "AN" + ], + [ + "s", + "urgery" + ], + [ + "â", + "ī" + ], + [ + "Ġgl", + "aze" + ], + [ + "ĠEn", + "vironments" + ], + [ + "ĠDevelop", + "ers" + ], + [ + "Ġfaith", + "fully" + ], + [ + "gl", + "om" + ], + [ + "ĠBas", + "el" + ], + [ + "ĠPort", + "rait" + ], + [ + "Class", + "ification" + ], + [ + "Ġinsist", + "ence" + ], + [ + "ĠAqu", + "inas" + ], + [ + "Ġjack", + "ets" + ], + [ + "Ġthir", + "teenth" + ], + [ + "Ġnucleot", + "ides" + ], + [ + "H", + "it" + ], + [ + "Ġm", + "ash" + ], + [ + "Ġed", + "its" + ], + [ + "Ġpar", + "ishes" + ], + [ + "Ġhand", + "out" + ], + [ + "Ġwild", + "flowers" + ], + [ + "Ġborrow", + "er" + ], + [ + "Ġvest", + "ibular" + ], + [ + "ĠAlban", + "ia" + ], + [ + "Ġpes", + "ky" + ], + [ + "B", + "us" + ], + [ + "C", + "hat" + ], + [ + "D", + "N" + ], + [ + "M", + "AT" + ], + [ + "[", + "\\" + ], + [ + "ç", + "¬" + ], + [ + "Ġf", + "ountains" + ], + [ + "Ġst", + "roll" + ], + [ + "Ġ(", + ":" + ], + [ + "op", + "ens" + ], + [ + "ĠD", + "AR" + ], + [ + "pl", + "astics" + ], + [ + "ĠCh", + "arg" + ], + [ + "Ġdef", + "ences" + ], + [ + "Ġhome", + "opathic" + ], + [ + "Ġlot", + "us" + ], + [ + "Ġcool", + "ant" + ], + [ + "ingu", + "ishable" + ], + [ + "Ġpump", + "kins" + ], + [ + "charg", + "ing" + ], + [ + "Ġapost", + "le" + ], + [ + "c", + "ats" + ], + [ + "re", + "b" + ], + [ + "ud", + "ging" + ], + [ + "Ġav", + "al" + ], + [ + "inter", + "p" + ], + [ + "Ġsed", + "ation" + ], + [ + "Ġathlet", + "ics" + ], + [ + "ĠPot", + "assium" + ], + [ + "ä", + "t" + ], + [ + "Ġexagger", + "ation" + ], + [ + "ĠSent", + "inel" + ], + [ + "ĠMoroc", + "can" + ], + [ + "Ġcheer", + "ful" + ], + [ + "Ġvamp", + "ire" + ], + [ + "T", + "OP" + ], + [ + "c", + "oded" + ], + [ + "Ġpower", + "ing" + ], + [ + "Ch", + "urch" + ], + [ + "Ġrect", + "al" + ], + [ + "ĠKat", + "z" + ], + [ + "Ġgreed", + "y" + ], + [ + "Ġegal", + "itarian" + ], + [ + "Ñ", + "Ħ" + ], + [ + "he", + "ets" + ], + [ + "Ġc", + "og" + ], + [ + "Ġab", + "err" + ], + [ + "Ġhealth", + "iest" + ], + [ + "Ġsw", + "ab" + ], + [ + "ĠPer", + "th" + ], + [ + "ĠVol", + "ta" + ], + [ + "ĠSk", + "ype" + ], + [ + "ĠBre", + "eding" + ], + [ + "Ġн", + "а" + ], + [ + "ĠGD", + "PR" + ], + [ + "M", + "il" + ], + [ + "t", + "rees" + ], + [ + "Ġres", + "usc" + ], + [ + "Ġev", + "ade" + ], + [ + "hor", + "a" + ], + [ + "AN", + "GE" + ], + [ + "Ġing", + "esting" + ], + [ + "Ġpick", + "up" + ], + [ + "ref", + "lect" + ], + [ + "Ġgenes", + "is" + ], + [ + "Ġclick", + "ed" + ], + [ + "Ġpra", + "iries" + ], + [ + "Ġwars", + "hips" + ], + [ + "Ġhemorrh", + "age" + ], + [ + "D", + "OWN" + ], + [ + "ĠS", + "UP" + ], + [ + "ĠW", + "inc" + ], + [ + "ĠD", + "ot" + ], + [ + "ĠL", + "ars" + ], + [ + "Ġra", + "isins" + ], + [ + "Ġdi", + "pping" + ], + [ + "Ġair", + "tight" + ], + [ + "Ġskill", + "ful" + ], + [ + "ĠMot", + "ivation" + ], + [ + "ĠGuid", + "eline" + ], + [ + "Ġprag", + "mat" + ], + [ + "Diagn", + "osis" + ], + [ + "w", + "rights" + ], + [ + "Ġh", + "og" + ], + [ + "ig", + "ated" + ], + [ + "Ġinc", + "in" + ], + [ + "ĠPar", + "agraph" + ], + [ + "su", + "ited" + ], + [ + "AC", + "A" + ], + [ + "ĠRem", + "oving" + ], + [ + "sub", + "s" + ], + [ + "Ġnerv", + "osa" + ], + [ + "Ġgau", + "ges" + ], + [ + "ĠPeriod", + "ic" + ], + [ + "c", + "apture" + ], + [ + "Ġw", + "oke" + ], + [ + "or", + "ce" + ], + [ + "Ġb", + "ows" + ], + [ + "ce", + "il" + ], + [ + "ĠC", + "able" + ], + [ + "ĠC", + "oin" + ], + [ + "ĠL", + "H" + ], + [ + "eth", + "ics" + ], + [ + "normal", + "ized" + ], + [ + "Em", + "pty" + ], + [ + "Ġhang", + "s" + ], + [ + "arbon", + "ate" + ], + [ + "Ġdelib", + "eration" + ], + [ + "Ġunexpl", + "ored" + ], + [ + "WAR", + "NING" + ], + [ + "C", + "trl" + ], + [ + "o", + "ises" + ], + [ + "Ġp", + "db" + ], + [ + "ĠS", + "eth" + ], + [ + "ĠN", + "ah" + ], + [ + "Ġ=", + "================================================================" + ], + [ + "ĠG", + "olf" + ], + [ + "cl", + "ub" + ], + [ + "ph", + "osphate" + ], + [ + "ob", + "acillus" + ], + [ + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ" + ], + [ + "('", + ".')" + ], + [ + "Ġmakes", + "hift" + ], + [ + "num", + "eric" + ], + [ + "ĠAc", + "upuncture" + ], + [ + "Ġimmun", + "otherapy" + ], + [ + "Ġtough", + "ness" + ], + [ + "Ġcub", + "s" + ], + [ + "Ġstack", + "ing" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ" + ], + [ + "ĠMét", + "is" + ], + [ + "L", + "it" + ], + [ + "W", + "ay" + ], + [ + "ĠM", + "BA" + ], + [ + "Ġbl", + "oc" + ], + [ + "cept", + "ible" + ], + [ + "Ġconf", + "luence" + ], + [ + "Ġsol", + "itude" + ], + [ + "Ġside", + "walks" + ], + [ + "Ġfile", + "path" + ], + [ + "amin", + "o" + ], + [ + "ĠChe", + "ese" + ], + [ + "ĠSent", + "ence" + ], + [ + "c", + "aps" + ], + [ + "Ġa", + "isle" + ], + [ + "Ġp", + "aws" + ], + [ + "Ġn", + "ib" + ], + [ + "ĠR", + "G" + ], + [ + "ĠY", + "og" + ], + [ + "ĠY", + "ard" + ], + [ + "Ġutil", + "itarian" + ], + [ + "asp", + "hem" + ], + [ + "TR", + "ACT" + ], + [ + "Ġalleg", + "ory" + ], + [ + "ĠCru", + "c" + ], + [ + "Ġasym", + "metry" + ], + [ + "Ġacre", + "age" + ], + [ + "Altern", + "atively" + ], + [ + "M", + "as" + ], + [ + "M", + "ale" + ], + [ + "S", + "ustainable" + ], + [ + "c", + "ox" + ], + [ + "ĠM", + "ice" + ], + [ + "ĠG", + "rants" + ], + [ + "Ġset", + "back" + ], + [ + "Ġrep", + "arations" + ], + [ + "ĠBe", + "er" + ], + [ + "ĠGe", + "ophysical" + ], + [ + "ister", + "ia" + ], + [ + "Gold", + "en" + ], + [ + "Ġelectroc", + "hemical" + ], + [ + "Ġcrocod", + "ile" + ], + [ + "Ġretin", + "opathy" + ], + [ + "Ġassembl", + "age" + ], + [ + "Ġs", + "sh" + ], + [ + "Ġby", + "products" + ], + [ + "ĠDef", + "iciency" + ], + [ + "ĠAnaly", + "tical" + ], + [ + "Ġindef", + "inite" + ], + [ + "Ġspectrom", + "etry" + ], + [ + "ĠIber", + "ian" + ], + [ + "Ġbould", + "ers" + ], + [ + "N", + "W" + ], + [ + "h", + "ake" + ], + [ + "Ġa", + "eration" + ], + [ + "Ġc", + "radle" + ], + [ + "Ġu", + "v" + ], + [ + "Ġnot", + "ch" + ], + [ + "Ġpl", + "under" + ], + [ + "Ġdis", + "claimer" + ], + [ + "ĠV", + "iv" + ], + [ + "ĠSu", + "pper" + ], + [ + "Ġblock", + "ers" + ], + [ + "Ġdro", + "ppings" + ], + [ + "ĠJour", + "nals" + ], + [ + "Leg", + "al" + ], + [ + "renew", + "able" + ], + [ + "c", + "map" + ], + [ + "e", + "velop" + ], + [ + "Ġh", + "p" + ], + [ + "st", + "ocks" + ], + [ + "__", + "))" + ], + [ + "Ġris", + "king" + ], + [ + "min", + "i" + ], + [ + "enn", + "es" + ], + [ + "Ġmicro", + "controller" + ], + [ + "Ġrot", + "ting" + ], + [ + "ipher", + "al" + ], + [ + "ĠConcept", + "ual" + ], + [ + "ĠCrus", + "ades" + ], + [ + "Ġhort", + "iculture" + ], + [ + "ĠRac", + "ism" + ], + [ + "Ġrefriger", + "ant" + ], + [ + "J", + "S" + ], + [ + "O", + "l" + ], + [ + "w", + "l" + ], + [ + "re", + "action" + ], + [ + "ĠD", + "oor" + ], + [ + "ĠF", + "letcher" + ], + [ + "ĠG", + "MT" + ], + [ + "we", + "ak" + ], + [ + "ĠY", + "or" + ], + [ + "Ġmed", + "itate" + ], + [ + "Ġvirtual", + "ization" + ], + [ + "ĠLim", + "a" + ], + [ + "Ġye", + "ah" + ], + [ + "Ġacet", + "aminophen" + ], + [ + "Ġeukary", + "otic" + ], + [ + "Ġqui", + "eter" + ], + [ + "Ġcondu", + "it" + ], + [ + "ĠDion", + "ys" + ], + [ + "d", + "as" + ], + [ + "m", + "orph" + ], + [ + "Ġmult", + "idimensional" + ], + [ + "ĠEn", + "um" + ], + [ + "Com", + "pan" + ], + [ + "const", + "raint" + ], + [ + "Pl", + "ate" + ], + [ + "mask", + "ed" + ], + [ + "('/", + "')" + ], + [ + "Ġdomest", + "ication" + ], + [ + "n", + "z" + ], + [ + "s", + "udo" + ], + [ + "ĠA", + "SS" + ], + [ + "Ġan", + "em" + ], + [ + "ĠL", + "um" + ], + [ + "Ġk", + "ite" + ], + [ + "Ġman", + "ic" + ], + [ + "Ġinter", + "cultural" + ], + [ + "play", + "ed" + ], + [ + "ĠCons", + "istent" + ], + [ + "Ġhop", + "ping" + ], + [ + "Ġmeth", + "anol" + ], + [ + "Sub", + "st" + ], + [ + "Ġinspect", + "ors" + ], + [ + "Ġvert", + "igo" + ], + [ + "ĠMong", + "ols" + ], + [ + "Ġconsec", + "rated" + ], + [ + "Prov", + "ider" + ], + [ + "ĠSens", + "itivity" + ], + [ + "ĠStew", + "ardship" + ], + [ + "t", + "ro" + ], + [ + "Ġde", + "formed" + ], + [ + "âĢĻ", + ":" + ], + [ + "Ġpl", + "unge" + ], + [ + "Ġun", + "official" + ], + [ + "Ġsub", + "divided" + ], + [ + "ĠBi", + "har" + ], + [ + "ĠInv", + "asive" + ], + [ + "Ġshut", + "ting" + ], + [ + "car", + "otene" + ], + [ + "Second", + "ary" + ], + [ + "Ġrepublic", + "an" + ], + [ + "ĠPartners", + "hips" + ], + [ + "ĠStre", + "ets" + ], + [ + "Ġforesee", + "able" + ], + [ + "D", + "ogs" + ], + [ + "F", + "riends" + ], + [ + "F", + "requently" + ], + [ + "d", + "or" + ], + [ + "t", + "ouch" + ], + [ + "Ġd", + "osing" + ], + [ + "ĠH", + "C" + ], + [ + "ĠW", + "TO" + ], + [ + "Ġli", + "king" + ], + [ + "ĠGu", + "pta" + ], + [ + "Ġroad", + "way" + ], + [ + "α", + "ÏĦ" + ], + [ + "Know", + "n" + ], + [ + "ĠCos", + "m" + ], + [ + "Ġje", + "ans" + ], + [ + "Ġwip", + "ing" + ], + [ + "XXXX", + "XXXX" + ], + [ + "Ġsuperst", + "ition" + ], + [ + "Ġsanction", + "ed" + ], + [ + "Ġfaç", + "ade" + ], + [ + "ĠW", + "aves" + ], + [ + "Ġle", + "ve" + ], + [ + "ĠG", + "ym" + ], + [ + "Ġborrow", + "ers" + ], + [ + "Ġexh", + "ale" + ], + [ + "gard", + "e" + ], + [ + "Ġfaire", + "r" + ], + [ + "F", + "er" + ], + [ + "f", + "ection" + ], + [ + "the", + "llo" + ], + [ + "Ident", + "ity" + ], + [ + "ĠCole", + "man" + ], + [ + "ĠRodrig", + "uez" + ], + [ + "Ġin", + "numerable" + ], + [ + "se", + "at" + ], + [ + "ĠE", + "SP" + ], + [ + "Ġle", + "aked" + ], + [ + "Ġdis", + "illusion" + ], + [ + "ĠSt", + "amp" + ], + [ + "comp", + "ress" + ], + [ + "App", + "ro" + ], + [ + "Ġfertil", + "ize" + ], + [ + "Ġanthrop", + "ological" + ], + [ + "ĠMarsh", + "al" + ], + [ + "ĠMos", + "he" + ], + [ + "ĠThreat", + "ened" + ], + [ + "ĠPlatform", + "s" + ], + [ + "E", + "asy" + ], + [ + "Ġd", + "urations" + ], + [ + "th", + "orne" + ], + [ + "ĠW", + "ade" + ], + [ + "pl", + "og" + ], + [ + "Ġun", + "consciously" + ], + [ + "the", + "ws" + ], + [ + "ĠKe", + "ynes" + ], + [ + "div", + "isions" + ], + [ + "Hand", + "le" + ], + [ + "Ut", + "il" + ], + [ + "ĠBL", + "M" + ], + [ + "ĠTuc", + "son" + ], + [ + "m", + "oves" + ], + [ + "ar", + "ative" + ], + [ + "Ġn", + "ave" + ], + [ + "ĠR", + "V" + ], + [ + "ĠK", + "od" + ], + [ + "Ġdef", + "ender" + ], + [ + "man", + "age" + ], + [ + "Ġbar", + "racks" + ], + [ + "Ġvill", + "ains" + ], + [ + "Ġplain", + "ly" + ], + [ + "ĠEV", + "s" + ], + [ + "Ġsurf", + "aced" + ], + [ + "Ġinduct", + "ive" + ], + [ + "ĠPUR", + "POSE" + ], + [ + "v", + "ah" + ], + [ + "Ġso", + "ot" + ], + [ + "Ar", + "r" + ], + [ + "ĠInter", + "state" + ], + [ + "Ġclim", + "bers" + ], + [ + "Ġnone", + "x" + ], + [ + "Ġmold", + "ed" + ], + [ + "bour", + "g" + ], + [ + "Ġoverse", + "es" + ], + [ + "respons", + "ive" + ], + [ + "ĠVed", + "as" + ], + [ + "Ġsurrog", + "ate" + ], + [ + "c", + "overing" + ], + [ + "Ġb", + "ordered" + ], + [ + "ĠS", + "EL" + ], + [ + "ĠP", + "ablo" + ], + [ + "ĠArab", + "idopsis" + ], + [ + "ĠCir", + "cular" + ], + [ + "rots", + "ky" + ], + [ + "ĠHab", + "it" + ], + [ + "ĠEur", + "asia" + ], + [ + "D", + "ictionary" + ], + [ + "ĠT", + "omb" + ], + [ + "qu", + "iring" + ], + [ + "Ġne", + "cks" + ], + [ + "Ġdis", + "ordered" + ], + [ + "Ġj", + "ohn" + ], + [ + "ĠSt", + "o" + ], + [ + "other", + "mia" + ], + [ + "gen", + "ome" + ], + [ + "Ġfour", + "teenth" + ], + [ + "ĠShe", + "ep" + ], + [ + "SS", + "L" + ], + [ + "ä¸", + "Ĭ" + ], + [ + "Ġampl", + "ifiers" + ], + [ + "н", + "Ñĭ" + ], + [ + "predict", + "ed" + ], + [ + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠ" + ], + [ + "Ġabol", + "ish" + ], + [ + "Ġanth", + "rax" + ], + [ + "confirm", + "ed" + ], + [ + "Ġmortg", + "ages" + ], + [ + "D", + "in" + ], + [ + "l", + "iquid" + ], + [ + "Ġw", + "reat" + ], + [ + "ib", + "ou" + ], + [ + "Ġsub", + "continent" + ], + [ + "ĠAr", + "sen" + ], + [ + "ĠEm", + "pty" + ], + [ + "Ġcombat", + "ting" + ], + [ + "Ġplug", + "ins" + ], + [ + "Ġcann", + "ib" + ], + [ + "Ġpsychiat", + "rists" + ], + [ + "yt", + "ocin" + ], + [ + "ĠRa", + "ising" + ], + [ + "ĠBrun", + "o" + ], + [ + "ĠThreat", + "s" + ], + [ + "Ġcarc", + "asses" + ], + [ + "Ġb", + "ots" + ], + [ + "st", + "a" + ], + [ + "ig", + "ible" + ], + [ + "ĠH", + "og" + ], + [ + "ĠJ", + "E" + ], + [ + "ĠY", + "om" + ], + [ + "Ġmod", + "erated" + ], + [ + "Ġwood", + "pec" + ], + [ + "Ġsusp", + "end" + ], + [ + "ĠParliament", + "ary" + ], + [ + "anas", + "ia" + ], + [ + "Ġgrape", + "fruit" + ], + [ + "av", + "as" + ], + [ + "sc", + "ipy" + ], + [ + "idel", + "berg" + ], + [ + "warn", + "ings" + ], + [ + "Ġstair", + "case" + ], + [ + "ĠMahar", + "ashtra" + ], + [ + "S", + "and" + ], + [ + "w", + "alking" + ], + [ + "Ġv", + "ase" + ], + [ + "ĠB", + "rom" + ], + [ + "ĠU", + "AE" + ], + [ + "ĠAb", + "normal" + ], + [ + "atur", + "ation" + ], + [ + "ĠDi", + "ary" + ], + [ + "UR", + "I" + ], + [ + "FT", + "A" + ], + [ + "æľ", + "¬" + ], + [ + "ä½", + "ľ" + ], + [ + "ĠMut", + "ual" + ], + [ + "ĠAuthent", + "ication" + ], + [ + "ĠKE", + "Y" + ], + [ + "ĠB", + "IM" + ], + [ + "ap", + "ur" + ], + [ + "und", + "ing" + ], + [ + "ĠAd", + "ri" + ], + [ + "ĠCol", + "our" + ], + [ + "IC", + "H" + ], + [ + "ĠAnt", + "ony" + ], + [ + "Ġson", + "ic" + ], + [ + "abil", + "istic" + ], + [ + "ĠBoy", + "d" + ], + [ + "Ġosm", + "osis" + ], + [ + "ĠPhar", + "ise" + ], + [ + "c", + "nn" + ], + [ + "ur", + "geon" + ], + [ + "ke", + "rel" + ], + [ + "Ġsp", + "indle" + ], + [ + "Ġcomm", + "ute" + ], + [ + "Ġind", + "iscrim" + ], + [ + "ov", + "sk" + ], + [ + "Ġnum", + "erals" + ], + [ + "Ġur", + "i" + ], + [ + "fil", + "ms" + ], + [ + "Pot", + "ential" + ], + [ + "ĠSurround", + "ing" + ], + [ + "T", + "ax" + ], + [ + "Ġt", + "onal" + ], + [ + "âĢ", + "ļ" + ], + [ + "ĠW", + "atching" + ], + [ + "ĠL", + "ICENSE" + ], + [ + "ĠG", + "an" + ], + [ + "ĠGen", + "et" + ], + [ + "Ġhaz", + "el" + ], + [ + "Ġtribut", + "ary" + ], + [ + "n", + "od" + ], + [ + "Ġad", + "verb" + ], + [ + "olog", + "ne" + ], + [ + "Ġmal", + "adaptive" + ], + [ + "ĠAssess", + "ments" + ], + [ + "Ġdele", + "ting" + ], + [ + "Ġbru", + "ising" + ], + [ + "Ġhaw", + "k" + ], + [ + "d", + "B" + ], + [ + "m", + "ene" + ], + [ + "y", + "rus" + ], + [ + "ĠS", + "py" + ], + [ + "ad", + "vent" + ], + [ + "ĠD", + "V" + ], + [ + "red", + "dit" + ], + [ + "ec", + "ological" + ], + [ + "St", + "one" + ], + [ + "(\"", + "." + ], + [ + "Ġfore", + "arm" + ], + [ + "Ġlif", + "etimes" + ], + [ + "ĠHer", + "bal" + ], + [ + "sl", + "ope" + ], + [ + "AMP", + "LE" + ], + [ + "ĠLeices", + "ter" + ], + [ + "Ġordin", + "ances" + ], + [ + "H", + "CR" + ], + [ + "h", + "ai" + ], + [ + "t", + "v" + ], + [ + "en", + "act" + ], + [ + "ot", + "rans" + ], + [ + "ĠB", + "au" + ], + [ + "ĠTh", + "ousand" + ], + [ + "Ġun", + "clean" + ], + [ + "Ġun", + "identified" + ], + [ + "con", + "version" + ], + [ + "Ġpre", + "processing" + ], + [ + "Ġunder", + "lie" + ], + [ + "co", + "vers" + ], + [ + "su", + "fficiency" + ], + [ + "Ġcontract", + "ual" + ], + [ + "ĠCor", + "pus" + ], + [ + "ĠMac", + "ro" + ], + [ + "Ġicon", + "ography" + ], + [ + "QU", + "E" + ], + [ + "Ġlag", + "oon" + ], + [ + "Custom", + "er" + ], + [ + "ĠAyurved", + "ic" + ], + [ + "+", + "'," + ], + [ + "C", + "our" + ], + [ + "P", + "rin" + ], + [ + "S", + "ERV" + ], + [ + "Ġp", + "lywood" + ], + [ + "ĠC", + "asp" + ], + [ + "ĠR", + "itual" + ], + [ + "Ġqu", + "bits" + ], + [ + "AS", + "P" + ], + [ + "Ġveget", + "arians" + ], + [ + "Ġreprodu", + "cible" + ], + [ + "Ġmanip", + "ulations" + ], + [ + "Ġrepay", + "ment" + ], + [ + "/", + "')" + ], + [ + "N", + "ear" + ], + [ + "m", + "f" + ], + [ + "Ġex", + "termin" + ], + [ + "red", + "uced" + ], + [ + "cess", + "ive" + ], + [ + "Ġent", + "rances" + ], + [ + "ĠWe", + "bsites" + ], + [ + "par", + "agraph" + ], + [ + "ĠSh", + "im" + ], + [ + "Ġpain", + "killers" + ], + [ + "ĠPer", + "se" + ], + [ + "Ġspeed", + "y" + ], + [ + "Ġdish", + "was" + ], + [ + "Ġgrab", + "bing" + ], + [ + "ĠFle", + "ming" + ], + [ + "Ġirres", + "ist" + ], + [ + "nd", + "a" + ], + [ + "Ġre", + "iter" + ], + [ + "ĠC", + "ain" + ], + [ + "ĠG", + "ad" + ], + [ + "Gen", + "eric" + ], + [ + "ĠBr", + "igham" + ], + [ + "Ġretail", + "er" + ], + [ + "Ġplut", + "onium" + ], + [ + "th", + "orn" + ], + [ + "ĠN", + "utrient" + ], + [ + "ĠL", + "ig" + ], + [ + "ĠK", + "lan" + ], + [ + "Ġref", + "urb" + ], + [ + "ves", + "ter" + ], + [ + "pos", + "p" + ], + [ + "sp", + "aces" + ], + [ + "Ġconcent", + "ric" + ], + [ + "bre", + "v" + ], + [ + "Ġstimul", + "ants" + ], + [ + "oderm", + "a" + ], + [ + "è¦", + "ģ" + ], + [ + "i", + "ou" + ], + [ + "ĠB", + "ella" + ], + [ + "Ġsc", + "ribes" + ], + [ + "atter", + "ies" + ], + [ + "ĠCy", + "rus" + ], + [ + "ĠBur", + "ton" + ], + [ + "Ġparas", + "it" + ], + [ + "Ġphosph", + "ory" + ], + [ + "Ġmim", + "icking" + ], + [ + "Ġfut", + "ile" + ], + [ + "liter", + "als" + ], + [ + "ĠBring", + "ing" + ], + [ + "Ġacquaint", + "ance" + ], + [ + "S", + "low" + ], + [ + "U", + "pload" + ], + [ + "j", + "ang" + ], + [ + "s", + "lavery" + ], + [ + "Å", + "Ħ" + ], + [ + "ar", + "u" + ], + [ + "Ġan", + "ne" + ], + [ + "ĠAd", + "dition" + ], + [ + "Ġmis", + "chie" + ], + [ + "Ġtim", + "est" + ], + [ + "ãģ", + "«" + ], + [ + "connect", + "ions" + ], + [ + "ĠAT", + "M" + ], + [ + "Mon", + "itoring" + ], + [ + "Ġplural", + "ism" + ], + [ + "ĠMcG", + "ill" + ], + [ + "Ġpancreat", + "itis" + ], + [ + "Ġrevital", + "ization" + ], + [ + "Ġd", + "andel" + ], + [ + "Ġre", + "indeer" + ], + [ + "id", + "as" + ], + [ + "ĠC", + "ull" + ], + [ + "ĠM", + "ond" + ], + [ + "Ġfl", + "or" + ], + [ + "ick", + "en" + ], + [ + "AT", + "M" + ], + [ + "Ġsolid", + "ifying" + ], + [ + "Ġball", + "istic" + ], + [ + "ĠCD", + "s" + ], + [ + "ĠPrior", + "itize" + ], + [ + "Ġbun", + "ny" + ], + [ + "T", + "X" + ], + [ + "f", + "usion" + ], + [ + "n", + "ance" + ], + [ + "p", + "andas" + ], + [ + "w", + "ik" + ], + [ + "Ġt", + "ester" + ], + [ + "ĠD", + "uch" + ], + [ + "ĠG", + "rat" + ], + [ + "are", + "as" + ], + [ + "Ġpe", + "g" + ], + [ + "Ġneed", + "y" + ], + [ + "att", + "achment" + ], + [ + "Ġcoll", + "apses" + ], + [ + "Ġ..", + ".\"" + ], + [ + "Ġgrapp", + "les" + ], + [ + "Ġnick", + "named" + ], + [ + "ĠHyp", + "othesis" + ], + [ + "Ġcooper", + "atives" + ], + [ + "Ġarous", + "ed" + ], + [ + "Ġlandl", + "ords" + ], + [ + "ĠE", + "id" + ], + [ + "Ġsh", + "orts" + ], + [ + "Ġdis", + "location" + ], + [ + "hen", + "ce" + ], + [ + "Ġsm", + "ear" + ], + [ + "']", + "):" + ], + [ + "Ġcra", + "ve" + ], + [ + "Ġcook", + "er" + ], + [ + "Ġtraum", + "as" + ], + [ + "Ġborder", + "line" + ], + [ + "Ġterr", + "ific" + ], + [ + "Ġcrocod", + "iles" + ], + [ + "priv", + "ile" + ], + [ + "or", + "ah" + ], + [ + "ĠI", + "li" + ], + [ + "ure", + "th" + ], + [ + "red", + "ited" + ], + [ + "fter", + "s" + ], + [ + "com", + "ycin" + ], + [ + "sp", + "inal" + ], + [ + "Ġorn", + "ith" + ], + [ + "ĠBibli", + "ography" + ], + [ + "Ġquer", + "yset" + ], + [ + "Ġabras", + "ive" + ], + [ + "}", + "^{" + ], + [ + "ĠB", + "t" + ], + [ + "Ġdep", + "ot" + ], + [ + "gen", + "es" + ], + [ + "Web", + "ster" + ], + [ + "ĠHal", + "ifax" + ], + [ + "Ġshout", + "ed" + ], + [ + "ĠNeigh", + "borhood" + ], + [ + "Coll", + "ins" + ], + [ + "ĠClaim", + "s" + ], + [ + ";", + "\\" + ], + [ + "M", + "aria" + ], + [ + "M", + "agic" + ], + [ + "k", + "ids" + ], + [ + "Ġc", + "reeks" + ], + [ + "oc", + "ry" + ], + [ + "Ġj", + "s" + ], + [ + "Ġtw", + "ilight" + ], + [ + "Ġoff", + "ences" + ], + [ + "work", + "flow" + ], + [ + "ĠAss", + "am" + ], + [ + "Ġhom", + "icide" + ], + [ + "Ġpark", + "ed" + ], + [ + "lik", + "ed" + ], + [ + "Ġadvers", + "ary" + ], + [ + "mass", + "ive" + ], + [ + "igraph", + "ic" + ], + [ + "Ġinfrast", + "ructures" + ], + [ + "Ġheres", + "y" + ], + [ + "ĠT", + "urb" + ], + [ + "ag", + "hetti" + ], + [ + "Ġcy", + "berspace" + ], + [ + "ĠSur", + "prisingly" + ], + [ + "ĠPenn", + "y" + ], + [ + "ĠEconom", + "ist" + ], + [ + "rav", + "ings" + ], + [ + "prom", + "pt" + ], + [ + "Ġlubric", + "ation" + ], + [ + "Peer", + "V" + ], + [ + "ĠSid", + "ney" + ], + [ + "Ġvenge", + "ance" + ], + [ + "r", + "strip" + ], + [ + "ë", + "ĭ" + ], + [ + "Ġa", + "ka" + ], + [ + "ĠR", + "ide" + ], + [ + "pt", + "ious" + ], + [ + "ast", + "ro" + ], + [ + "Ġsc", + "uba" + ], + [ + "Ġhum", + "iliation" + ], + [ + "Ġorgan", + "elles" + ], + [ + "Ġmil", + "ieu" + ], + [ + "âĢ¦", + ")" + ], + [ + "ĠPres", + "idency" + ], + [ + "Ġmut", + "ants" + ], + [ + "gener", + "ally" + ], + [ + "prov", + "ided" + ], + [ + "Ġinterrupt", + "ing" + ], + [ + "ĠPred", + "iction" + ], + [ + "ĠScholars", + "hip" + ], + [ + "'", + ")))" + ], + [ + "P", + "hy" + ], + [ + "Ġu", + "id" + ], + [ + "ĠD", + "ro" + ], + [ + "ĠD", + "oyle" + ], + [ + "ĠK", + "yr" + ], + [ + "get", + "cwd" + ], + [ + "Ġsl", + "it" + ], + [ + "ĠDep", + "th" + ], + [ + "ĠAut", + "obi" + ], + [ + "ĠAtt", + "ach" + ], + [ + "ĠArchitect", + "ural" + ], + [ + "Ġdishon", + "est" + ], + [ + "ur", + "ism" + ], + [ + "un", + "gen" + ], + [ + "ĠCon", + "ventional" + ], + [ + "Ġsuper", + "power" + ], + [ + "ĠAc", + "quisition" + ], + [ + "pass", + "ed" + ], + [ + "Ġrib", + "bons" + ], + [ + "ĠFront", + "iers" + ], + [ + "fin", + "ancial" + ], + [ + "ĠVacc", + "ines" + ], + [ + "'", + "(" + ], + [ + "ab", + "outs" + ], + [ + "Ġge", + "ologist" + ], + [ + "ĠArt", + "illery" + ], + [ + "Ġfacilit", + "ator" + ], + [ + "ĠHy", + "de" + ], + [ + "Ġpneum", + "atic" + ], + [ + "ĠJane", + "iro" + ], + [ + "Ã", + "»" + ], + [ + "Ġb", + "umble" + ], + [ + "Ġg", + "ul" + ], + [ + "ore", + "au" + ], + [ + "ĠW", + "att" + ], + [ + "ĠN", + "intendo" + ], + [ + "ia", + "v" + ], + [ + "Ġgl", + "ide" + ], + [ + "Ġsl", + "og" + ], + [ + "cul", + "a" + ], + [ + "Ġfall", + "out" + ], + [ + "ĠGreen", + "wich" + ], + [ + "Att", + "ention" + ], + [ + "Prof", + "essional" + ], + [ + "ĠHold", + "ing" + ], + [ + "}{", + "\\" + ], + [ + "ĠCauc", + "asian" + ], + [ + "Ġestu", + "aries" + ], + [ + "c", + "atalog" + ], + [ + "r", + "x" + ], + [ + "ĠC", + "BS" + ], + [ + "and", + "ro" + ], + [ + "Ġev", + "oked" + ], + [ + "ph", + "s" + ], + [ + "ĠRep", + "roduction" + ], + [ + "ĠComp", + "ost" + ], + [ + "Ġtrust", + "ees" + ], + [ + "vis", + "ited" + ], + [ + "ĠUse", + "ful" + ], + [ + "ĠBo", + "ards" + ], + [ + "ĠÐ", + "¼" + ], + [ + "Ġnit", + "rates" + ], + [ + "оÐ", + "¼" + ], + [ + "ĠAlong", + "side" + ], + [ + "comb", + "ined" + ], + [ + "Ġinaug", + "urated" + ], + [ + "Ġblueprint", + "s" + ], + [ + "Ġnarc", + "iss" + ], + [ + "Ġlandsl", + "ide" + ], + [ + "?", + "](" + ], + [ + "M", + "os" + ], + [ + "Ġf", + "ries" + ], + [ + "ĠT", + "end" + ], + [ + "res", + "net" + ], + [ + "ĠJ", + "aw" + ], + [ + "ĠAl", + "askan" + ], + [ + "Ġend", + "anger" + ], + [ + "Ġvarious", + "ly" + ], + [ + "Ġunt", + "apped" + ], + [ + "Ġded", + "uction" + ], + [ + "--------------------------------", + "---" + ], + [ + "osph", + "orus" + ], + [ + "ĠPath", + "ology" + ], + [ + "Ġgran", + "ules" + ], + [ + "Ġot", + "ters" + ], + [ + "ĠCe", + "res" + ], + [ + "J", + "O" + ], + [ + "R", + "od" + ], + [ + "ul", + "monary" + ], + [ + "ĠB", + "ess" + ], + [ + "au", + "nder" + ], + [ + "ĠV", + "ideos" + ], + [ + "ĠCl", + "aire" + ], + [ + "Ġmot", + "ility" + ], + [ + "time", + "zone" + ], + [ + "sum", + "mer" + ], + [ + "Ġcarn", + "ivorous" + ], + [ + "ĠU", + "ber" + ], + [ + "ĠJ", + "ill" + ], + [ + "ĠK", + "eller" + ], + [ + "Ġreg", + "urg" + ], + [ + "com", + "pleted" + ], + [ + "arc", + "hes" + ], + [ + "âĢľ", + "." + ], + [ + "rad", + "a" + ], + [ + "Ġsequ", + "el" + ], + [ + "Ġsq", + "rt" + ], + [ + "Ġante", + "ced" + ], + [ + "Ġmisf", + "ortune" + ], + [ + "P", + "in" + ], + [ + "Ġt", + "ungsten" + ], + [ + "ent", + "ities" + ], + [ + "Ġe", + "erie" + ], + [ + "ĠW", + "ille" + ], + [ + "Ġun", + "answered" + ], + [ + "ex", + "pert" + ], + [ + "Ġill", + "iterate" + ], + [ + "Ġscre", + "aming" + ], + [ + "Ġunivers", + "es" + ], + [ + "ĠHistor", + "ians" + ], + [ + "ĠKore", + "ans" + ], + [ + "ĠBrother", + "hood" + ], + [ + "ĠFeel", + "ings" + ], + [ + "Ġphylogen", + "y" + ], + [ + "Ġgira", + "ffe" + ], + [ + "t", + "ear" + ], + [ + "ĠT", + "iny" + ], + [ + "ĠB", + "ard" + ], + [ + "Ġox", + "al" + ], + [ + "Ġµ", + "m" + ], + [ + "@", + "@" + ], + [ + "Ġo", + "u" + ], + [ + "ĠC", + "oy" + ], + [ + "Ġsy", + "ringe" + ], + [ + "ĠCom", + "pos" + ], + [ + "ĠAct", + "ing" + ], + [ + "Ġutil", + "ised" + ], + [ + "ãģ", + "Ĺ" + ], + [ + "click", + "ed" + ], + [ + "Ġspr", + "ang" + ], + [ + "bohyd", + "rate" + ], + [ + "kines", + "is" + ], + [ + "Ġre", + "name" + ], + [ + "Ġu", + "re" + ], + [ + "ĠD", + "oll" + ], + [ + "ĠR", + "heumat" + ], + [ + "Ġro", + "gue" + ], + [ + "ert", + "ations" + ], + [ + "arm", + "ament" + ], + [ + "')", + "(" + ], + [ + "ĠCol", + "ored" + ], + [ + "Ġstress", + "ing" + ], + [ + "Ġarche", + "ological" + ], + [ + "ĠParad", + "ox" + ], + [ + "Ġsolub", + "ility" + ], + [ + "M", + "om" + ], + [ + "ĠT", + "art" + ], + [ + "ick", + "y" + ], + [ + "Ġincre", + "ments" + ], + [ + "not", + "ify" + ], + [ + "Ġwaste", + "ful" + ], + [ + "ĠElect", + "oral" + ], + [ + "Sc", + "ope" + ], + [ + "Ġtight", + "ening" + ], + [ + "Att", + "r" + ], + [ + "P", + "ON" + ], + [ + "Ġc", + "pu" + ], + [ + "Ġst", + "ocking" + ], + [ + "Ġde", + "ceive" + ], + [ + "ĠD", + "ere" + ], + [ + "Ġequ", + "ate" + ], + [ + "man", + "ufact" + ], + [ + "Ġhard", + "en" + ], + [ + "Ġsens", + "ibilities" + ], + [ + "Ġfurther", + "more" + ], + [ + "CS", + "I" + ], + [ + "[:,", + ":," + ], + [ + "lat", + "ent" + ], + [ + "оÐ", + "³" + ], + [ + "Pat", + "tern" + ], + [ + "Red", + "ucing" + ], + [ + "forest", + "ry" + ], + [ + "respons", + "es" + ], + [ + "ĠGloss", + "ary" + ], + [ + "C", + "rypt" + ], + [ + "D", + "one" + ], + [ + "F", + "ixed" + ], + [ + "I", + "ce" + ], + [ + "M", + "ARY" + ], + [ + "}", + "(" + ], + [ + "å", + "¿" + ], + [ + "Ġh", + "oo" + ], + [ + "ĠM", + "esh" + ], + [ + "ĠE", + "ure" + ], + [ + "ĠF", + "lem" + ], + [ + "ĠR", + "ash" + ], + [ + "ĠO", + "W" + ], + [ + "Ġeff", + "luent" + ], + [ + "esc", + "ape" + ], + [ + "Ġtotal", + "itarian" + ], + [ + "zz", + "i" + ], + [ + "pub", + "med" + ], + [ + "å¤", + "§" + ], + [ + "ĠMir", + "ror" + ], + [ + "e", + "gg" + ], + [ + "st", + "ere" + ], + [ + "Ġg", + "ills" + ], + [ + "eg", + "y" + ], + [ + "Ch", + "art" + ], + [ + "And", + "rew" + ], + [ + "ĠLock", + "heed" + ], + [ + "Ġprerequ", + "isites" + ], + [ + "B", + "ottom" + ], + [ + "Ġa", + "version" + ], + [ + "Ġb", + "ouncing" + ], + [ + "ac", + "er" + ], + [ + "ĠH", + "are" + ], + [ + "ĠE", + "rik" + ], + [ + "Ġun", + "question" + ], + [ + "the", + "ory" + ], + [ + "oph", + "ones" + ], + [ + "ĠFl", + "oyd" + ], + [ + "Ġinform", + "ally" + ], + [ + "Ġcharg", + "er" + ], + [ + "Pre", + "venting" + ], + [ + "Ġerad", + "icated" + ], + [ + "Ġhect", + "are" + ], + [ + "FORM", + "AT" + ], + [ + "Ġbroch", + "ure" + ], + [ + "H", + "earing" + ], + [ + "s", + "ess" + ], + [ + "ĠS", + "ony" + ], + [ + "Ġnews", + "letters" + ], + [ + "Ġvalid", + "ator" + ], + [ + "ĠUN", + "IX" + ], + [ + "Pe", + "ak" + ], + [ + "rac", + "use" + ], + [ + "Ġreass", + "uring" + ], + [ + "ĠEstablish", + "ment" + ], + [ + "oplast", + "y" + ], + [ + "ĠUzbek", + "istan" + ], + [ + ":", + "')" + ], + [ + "p", + "w" + ], + [ + "en", + "ital" + ], + [ + "Ġc", + "rib" + ], + [ + "ion", + "a" + ], + [ + "Ġg", + "c" + ], + [ + "id", + "on" + ], + [ + "ĠC", + "FR" + ], + [ + "Ġor", + "phans" + ], + [ + "ant", + "ib" + ], + [ + "ĠH", + "os" + ], + [ + "ĠSt", + "rip" + ], + [ + "Ġ'", + "'." + ], + [ + "Ġinv", + "oking" + ], + [ + "Ġsc", + "orp" + ], + [ + "Ġunt", + "old" + ], + [ + "Ġmis", + "guided" + ], + [ + "rid", + "ium" + ], + [ + "sol", + "ved" + ], + [ + "Ġelev", + "ating" + ], + [ + "Ġlunch", + "time" + ], + [ + "ĠMother", + "s" + ], + [ + "Ġquad", + "ru" + ], + [ + "'}", + ")," + ], + [ + "Ġdeform", + "ity" + ], + [ + "K", + "im" + ], + [ + "Ġp", + "aw" + ], + [ + "ĠM", + "ith" + ], + [ + "Ġph", + "ased" + ], + [ + "ĠEarth", + "quake" + ], + [ + "Ġbar", + "b" + ], + [ + "ĠSim", + "pl" + ], + [ + "--------------------------------", + "-----" + ], + [ + "PA", + "A" + ], + [ + "sur", + "v" + ], + [ + "Ġbrilli", + "ance" + ], + [ + "ĠHard", + "ware" + ], + [ + "ĠReflect", + "ions" + ], + [ + "ĠAur", + "ora" + ], + [ + "Ġcolloqu", + "ial" + ], + [ + "ĠT", + "iber" + ], + [ + "ĠD", + "rought" + ], + [ + "Ġab", + "duct" + ], + [ + "ĠTh", + "ou" + ], + [ + "Ġrep", + "ro" + ], + [ + "Ġpar", + "rots" + ], + [ + "Ex", + "ternal" + ], + [ + "Ġsequ", + "entially" + ], + [ + "ĠEnt", + "ity" + ], + [ + "G", + "ets" + ], + [ + "M", + "iller" + ], + [ + "l", + "ord" + ], + [ + "u", + "w" + ], + [ + "Ġsp", + "acious" + ], + [ + "Ġbl", + "at" + ], + [ + "ĠEx", + "isting" + ], + [ + "ĠEng", + "els" + ], + [ + "An", + "ne" + ], + [ + "ο", + "ν" + ], + [ + "Ġnurt", + "ured" + ], + [ + "Ġstew", + "s" + ], + [ + "ĠPil", + "ate" + ], + [ + "Ġparaly", + "zed" + ], + [ + "ĠT", + "aste" + ], + [ + "am", + "er" + ], + [ + "Ġinc", + "arn" + ], + [ + "Ġund", + "iagnosed" + ], + [ + "Ġillust", + "rator" + ], + [ + "Te", + "ach" + ], + [ + "Ġaddict", + "s" + ], + [ + "ĠDigest", + "ive" + ], + [ + "ĠIsab", + "ella" + ], + [ + "M", + "otor" + ], + [ + "c", + "dot" + ], + [ + "f", + "ight" + ], + [ + "g", + "c" + ], + [ + "Ġs", + "igmoid" + ], + [ + "du", + "cer" + ], + [ + "Ġhum", + "our" + ], + [ + "Ġbo", + "asted" + ], + [ + "\")", + "]" + ], + [ + "Ġminim", + "ax" + ], + [ + "Ġtele", + "medicine" + ], + [ + "SA", + "GE" + ], + [ + "ĠGet", + "ty" + ], + [ + "Ġcart", + "ridges" + ], + [ + "Ġrect", + "ify" + ], + [ + "opath", + "ology" + ], + [ + "H", + "old" + ], + [ + "c", + "aster" + ], + [ + "ip", + "ers" + ], + [ + "Ġam", + "erica" + ], + [ + "Ch", + "anging" + ], + [ + "Ġgame", + "play" + ], + [ + "ĠRel", + "igions" + ], + [ + "ĠEv", + "il" + ], + [ + "cut", + "ta" + ], + [ + "Ġperf", + "ume" + ], + [ + "public", + "ation" + ], + [ + "Ġcoinc", + "ides" + ], + [ + "Ġtread", + "mill" + ], + [ + "controll", + "ers" + ], + [ + "Ġbenevol", + "ent" + ], + [ + "Ġc", + "s" + ], + [ + "ĠE", + "rit" + ], + [ + "ĠSt", + "uff" + ], + [ + "Ġdifferent", + "iating" + ], + [ + "Ġlist", + "ens" + ], + [ + "Ġx", + "i" + ], + [ + "ĠDis", + "put" + ], + [ + "ĠInv", + "ite" + ], + [ + "Ġglut", + "amate" + ], + [ + "?", + ")," + ], + [ + "G", + "reg" + ], + [ + "j", + "oice" + ], + [ + "re", + "levant" + ], + [ + "Ġto", + "pp" + ], + [ + "Ġle", + "aps" + ], + [ + "Ġsh", + "rou" + ], + [ + "ild", + "ed" + ], + [ + "Ġpe", + "ach" + ], + [ + "Ġwater", + "fowl" + ], + [ + "ĠAl", + "uminum" + ], + [ + "der", + "a" + ], + [ + "ĠAm", + "es" + ], + [ + "Ġpun", + "itive" + ], + [ + "Ġdoor", + "way" + ], + [ + "ĠUV", + "B" + ], + [ + "Ġhydro", + "chlor" + ], + [ + "d", + "iversity" + ], + [ + "h", + "ands" + ], + [ + "ost", + "atic" + ], + [ + "Ġpl", + "ough" + ], + [ + "Ġdec", + "is" + ], + [ + "br", + "ushes" + ], + [ + "IC", + "A" + ], + [ + "IF", + "I" + ], + [ + "ĠPur", + "itans" + ], + [ + "ĠRN", + "As" + ], + [ + "Ġanecd", + "otes" + ], + [ + "Ġskys", + "crapers" + ], + [ + "N", + "odes" + ], + [ + "ĠE", + "uler" + ], + [ + "Ġen", + "rolling" + ], + [ + "oint", + "ment" + ], + [ + "ĠZ", + "hao" + ], + [ + "Ġep", + "oxy" + ], + [ + "Ġtub", + "ers" + ], + [ + "ĠColon", + "ies" + ], + [ + "Supp", + "lement" + ], + [ + "Ġwand", + "ered" + ], + [ + "ĠIncorpor", + "ating" + ], + [ + "S", + "ci" + ], + [ + "ç", + "IJ" + ], + [ + "at", + "onic" + ], + [ + "ant", + "age" + ], + [ + "ĠG", + "ift" + ], + [ + "aw", + "att" + ], + [ + "Ġbr", + "anched" + ], + [ + "Ġmult", + "iv" + ], + [ + "ĠChe", + "v" + ], + [ + "ãģ", + "Ħ" + ], + [ + "eren", + "ced" + ], + [ + "Ġcann", + "ons" + ], + [ + "Ġvag", + "u" + ], + [ + "('.", + "//" + ], + [ + "Ġp", + "ears" + ], + [ + "Ġex", + "termination" + ], + [ + "ĠB", + "RCA" + ], + [ + "ĠD", + "ive" + ], + [ + "ĠO", + "A" + ], + [ + "Ġwill", + "s" + ], + [ + "com", + "position" + ], + [ + "Ġdel", + "ights" + ], + [ + "Ġland", + "owner" + ], + [ + "co", + "e" + ], + [ + "Ġprob", + "ation" + ], + [ + "ĠFl", + "oor" + ], + [ + "Ġmount", + "s" + ], + [ + "ĠJournal", + "ism" + ], + [ + "Ġsweet", + "ener" + ], + [ + "ĠAdv", + "ice" + ], + [ + "Ed", + "ward" + ], + [ + "ocy", + "tic" + ], + [ + "Ġcommission", + "ers" + ], + [ + "oz", + "o" + ], + [ + "Ident", + "ifying" + ], + [ + "Ġgor", + "illa" + ], + [ + "W", + "rap" + ], + [ + "un", + "ken" + ], + [ + "Ġwid", + "en" + ], + [ + "ET", + "A" + ], + [ + "ĠBre", + "tt" + ], + [ + "ĠEr", + "rors" + ], + [ + "A", + "xis" + ], + [ + "Ġo", + "o" + ], + [ + "ic", + "ile" + ], + [ + "Ġe", + "jected" + ], + [ + "Ġst", + "itching" + ], + [ + "ĠS", + "ail" + ], + [ + "ĠC", + "oding" + ], + [ + "ip", + "ur" + ], + [ + "ĠK", + "ell" + ], + [ + "Ġelect", + "ive" + ], + [ + "ĠSur", + "rey" + ], + [ + "Ġbrown", + "ish" + ], + [ + "Ġadm", + "iring" + ], + [ + "Ġmemor", + "ials" + ], + [ + "Ġasc", + "ended" + ], + [ + "Ġincident", + "al" + ], + [ + "ĠParent", + "ing" + ], + [ + "pres", + "erved" + ], + [ + "ĠOs", + "lo" + ], + [ + "Ġhaunt", + "ing" + ], + [ + "Ġcrev", + "ices" + ], + [ + "Ġm", + "nem" + ], + [ + "Ġd", + "ar" + ], + [ + "Ġvar", + "s" + ], + [ + "sc", + "hem" + ], + [ + "Ġder", + "iving" + ], + [ + "Ġmemor", + "ization" + ], + [ + "Ġmuc", + "osa" + ], + [ + "Ġstagn", + "ation" + ], + [ + "Ast", + "ron" + ], + [ + "ĠRut", + "gers" + ], + [ + "C", + "OR" + ], + [ + "U", + "pper" + ], + [ + "en", + "franch" + ], + [ + "ĠP", + "interest" + ], + [ + "ĠB", + "ism" + ], + [ + "ĠN", + "arc" + ], + [ + "ag", + "y" + ], + [ + "ĠGu", + "ided" + ], + [ + "ĠLim", + "its" + ], + [ + "ctu", + "aries" + ], + [ + "Det", + "ail" + ], + [ + "Ġadul", + "tery" + ], + [ + "Ġwhis", + "key" + ], + [ + "altern", + "ative" + ], + [ + "esoph", + "ageal" + ], + [ + "Sad", + "ly" + ], + [ + "Ġunimag", + "inable" + ], + [ + "h", + "ua" + ], + [ + "ter", + "a" + ], + [ + "pe", + "e" + ], + [ + "Ġwhe", + "y" + ], + [ + "ib", + "o" + ], + [ + "form", + "atter" + ], + [ + "ren", + "s" + ], + [ + "Ġpref", + "erring" + ], + [ + "App", + "lications" + ], + [ + "Ġelectro", + "static" + ], + [ + "Ġhal", + "o" + ], + [ + "Ġ×", + "IJ" + ], + [ + "Ġupl", + "ifting" + ], + [ + "great", + "er" + ], + [ + "ĠPas", + "adena" + ], + [ + "Ġfrank", + "ly" + ], + [ + "Ġscrat", + "ches" + ], + [ + "Ġst", + "alls" + ], + [ + "op", + "ecia" + ], + [ + "Ġsub", + "class" + ], + [ + "Ġsl", + "ider" + ], + [ + "Ġturn", + "out" + ], + [ + "Ġsoci", + "ocultural" + ], + [ + "ĠTrans", + "c" + ], + [ + "lin", + "er" + ], + [ + "Ġradio", + "activity" + ], + [ + "Ġstamp", + "ed" + ], + [ + "ĠKur", + "ds" + ], + [ + "iline", + "ar" + ], + [ + "N", + "amed" + ], + [ + "Ġp", + "av" + ], + [ + "ĠC", + "CD" + ], + [ + "ĠK", + "uh" + ], + [ + "Ġexp", + "el" + ], + [ + "ec", + "al" + ], + [ + "Ġcaus", + "ative" + ], + [ + "sh", + "ut" + ], + [ + "Ġpost", + "hum" + ], + [ + "ĠLe", + "ipzig" + ], + [ + "Ġtur", + "keys" + ], + [ + "Ġrom", + "an" + ], + [ + "Ġperpet", + "rator" + ], + [ + "ĠElizabeth", + "an" + ], + [ + "Ġrh", + "o" + ], + [ + "Ġcannab", + "inoids" + ], + [ + "Ġidi", + "oms" + ], + [ + "Ġspectrom", + "eter" + ], + [ + "Ġqu", + "ilt" + ], + [ + "Ġheart", + "felt" + ], + [ + "inter", + "ing" + ], + [ + "Ġmultiple", + "x" + ], + [ + "oe", + "a" + ], + [ + "ĠInf", + "rared" + ], + [ + "ĠTreat", + "ing" + ], + [ + "Ġcart", + "s" + ], + [ + "Le", + "an" + ], + [ + "sl", + "ots" + ], + [ + "awn", + "ing" + ], + [ + "Ġpool", + "ed" + ], + [ + "Ġfemin", + "ists" + ], + [ + "bro", + "ther" + ], + [ + "Ġperme", + "able" + ], + [ + "ĠLithuan", + "ian" + ], + [ + "Batch", + "Norm" + ], + [ + "\"", + "})" + ], + [ + "-", + "(" + ], + [ + "Ġan", + "them" + ], + [ + "ĠH", + "mm" + ], + [ + "ĠG", + "av" + ], + [ + "ĠJ", + "ah" + ], + [ + "Ġ'", + "(" + ], + [ + "Ġref", + "in" + ], + [ + "ety", + "pe" + ], + [ + "Ġprot", + "racted" + ], + [ + "isc", + "hen" + ], + [ + "Ġcross", + "roads" + ], + [ + "Ġfasc", + "ism" + ], + [ + "ĠMah", + "ab" + ], + [ + "bu", + "y" + ], + [ + "Ġcruc", + "ified" + ], + [ + "bohyd", + "rates" + ], + [ + "Ġjog", + "ging" + ], + [ + "R", + "am" + ], + [ + "ot", + "ide" + ], + [ + "Ġst", + "rap" + ], + [ + "ĠM", + "ys" + ], + [ + "em", + "it" + ], + [ + "ĠD", + "ollar" + ], + [ + "Ġen", + "zymatic" + ], + [ + "Ġunder", + "world" + ], + [ + "Ġcent", + "red" + ], + [ + "ĠGe", + "orgetown" + ], + [ + "ĠFl", + "ip" + ], + [ + "cor", + "pus" + ], + [ + "ĠPop", + "ulations" + ], + [ + "ĠGeorg", + "es" + ], + [ + "ĠUlt", + "imate" + ], + [ + "fam", + "ilies" + ], + [ + "Ġephemer", + "al" + ], + [ + "K", + "en" + ], + [ + "ĠT", + "au" + ], + [ + "ĠL", + "ists" + ], + [ + "ĠK", + "ang" + ], + [ + "ram", + "atic" + ], + [ + "Ġfl", + "air" + ], + [ + "ĠRes", + "ervation" + ], + [ + "rop", + "hes" + ], + [ + "Ch", + "arl" + ], + [ + "ĠConf", + "licts" + ], + [ + "process", + "es" + ], + [ + "Ġdu", + "plicates" + ], + [ + "uten", + "berg" + ], + [ + "through", + "put" + ], + [ + "ĠNapole", + "onic" + ], + [ + "b", + "ags" + ], + [ + "n", + "iz" + ], + [ + "Ġst", + "ink" + ], + [ + "Ġsubst", + "ituting" + ], + [ + "Ġwealth", + "ier" + ], + [ + "Ġpun", + "ishing" + ], + [ + "ethe", + "us" + ], + [ + "Ġannex", + "ation" + ], + [ + "m", + "agic" + ], + [ + "Ġas", + "paragus" + ], + [ + "Ġv", + "ind" + ], + [ + "ĠD", + "W" + ], + [ + "ĠAn", + "onymous" + ], + [ + "over", + "ride" + ], + [ + "ĠPh", + "yt" + ], + [ + "Ġbehav", + "ed" + ], + [ + "Ġmass", + "ively" + ], + [ + "Ġroad", + "side" + ], + [ + "Ġadop", + "ts" + ], + [ + "ĠHistor", + "ian" + ], + [ + "sk", + "ills" + ], + [ + "Ġhonor", + "able" + ], + [ + "conscious", + "ness" + ], + [ + "Ġovers", + "impl" + ], + [ + "ĠComplex", + "ity" + ], + [ + "ĠCover", + "age" + ], + [ + "ç¤", + "º" + ], + [ + "Ö", + "¹" + ], + [ + "at", + "ians" + ], + [ + "Ġm", + "aternity" + ], + [ + "ĠF", + "ortune" + ], + [ + "Ġover", + "write" + ], + [ + "Ġexpl", + "oding" + ], + [ + "ec", + "ks" + ], + [ + "ĠAr", + "gon" + ], + [ + "Pro", + "blems" + ], + [ + "just", + "ice" + ], + [ + "Ġgraph", + "ing" + ], + [ + "Ġrepe", + "al" + ], + [ + "ĠIsrael", + "is" + ], + [ + "Ġroll", + "ers" + ], + [ + "Ġrul", + "ings" + ], + [ + "ĠCle", + "opatra" + ], + [ + "Ġantagon", + "ist" + ], + [ + "Ġdemocr", + "at" + ], + [ + "Ġt", + "ug" + ], + [ + "Ġs", + "ack" + ], + [ + "Ġc", + "rossover" + ], + [ + "Ġp", + "act" + ], + [ + "ic", + "ions" + ], + [ + "Ġg", + "els" + ], + [ + "ĠG", + "es" + ], + [ + "Ġcar", + "amel" + ], + [ + "Ġfit", + "tings" + ], + [ + "Trans", + "lation" + ], + [ + "Ġanten", + "nae" + ], + [ + "Ġcoh", + "orts" + ], + [ + "f", + "orts" + ], + [ + "t", + "rust" + ], + [ + "ĠH", + "ancock" + ], + [ + "Ġk", + "ar" + ], + [ + "Ġdec", + "oded" + ], + [ + "Ġback", + "ups" + ], + [ + "ĠSh", + "ak" + ], + [ + "Pl", + "anning" + ], + [ + "organ", + "ism" + ], + [ + "Ġvibr", + "ate" + ], + [ + "supp", + "ly" + ], + [ + "ĠMi", + "randa" + ], + [ + "Ġscrum", + "ptious" + ], + [ + "C", + "ID" + ], + [ + "im", + "oto" + ], + [ + "Ġg", + "p" + ], + [ + "ĠH", + "ER" + ], + [ + "Ġha", + "irst" + ], + [ + "ĠN", + "OW" + ], + [ + "Ġk", + "eto" + ], + [ + "ĠTh", + "in" + ], + [ + "ack", + "er" + ], + [ + "de", + "ployment" + ], + [ + "Ġcur", + "ses" + ], + [ + "Ġinc", + "arnation" + ], + [ + "oh", + "a" + ], + [ + "Ġconvers", + "ely" + ], + [ + "AP", + "TER" + ], + [ + "Ġce", + "ases" + ], + [ + "Ġphotos", + "ynthetic" + ], + [ + "ĠEmploy", + "ee" + ], + [ + "Ġkiss", + "ing" + ], + [ + "Ġrefract", + "ory" + ], + [ + "Ġtyph", + "oid" + ], + [ + "Ġtheolog", + "ian" + ], + [ + "A", + "pr" + ], + [ + "P", + "i" + ], + [ + "ĠP", + "anch" + ], + [ + "ĠB", + "ering" + ], + [ + "Ġval", + "ence" + ], + [ + "Ġmill", + "imeter" + ], + [ + "ĠMan", + "agers" + ], + [ + "Ġadapt", + "s" + ], + [ + "Ġpoll", + "ute" + ], + [ + "Ġabund", + "antly" + ], + [ + "ĠMcC", + "le" + ], + [ + "Ġmeteor", + "ites" + ], + [ + "Ġabsent", + "ee" + ], + [ + "C", + "ool" + ], + [ + "N", + "i" + ], + [ + "it", + "ial" + ], + [ + "ol", + "ing" + ], + [ + "ĠN", + "UM" + ], + [ + "Ġburn", + "er" + ], + [ + "Ad", + "ult" + ], + [ + "ĠAmong", + "st" + ], + [ + "agg", + "ressions" + ], + [ + "aunt", + "ed" + ], + [ + "Ġanth", + "ology" + ], + [ + "ĠFern", + "ando" + ], + [ + "Ġappre", + "hend" + ], + [ + "ĠNathan", + "iel" + ], + [ + "Ġperce", + "ives" + ], + [ + "Ġantise", + "ptic" + ], + [ + "O", + "VA" + ], + [ + "c", + "ub" + ], + [ + "Ġc", + "et" + ], + [ + "Ġre", + "define" + ], + [ + "ce", + "le" + ], + [ + "ĠC", + "atch" + ], + [ + "ĠE", + "A" + ], + [ + "ast", + "a" + ], + [ + "Ġallow", + "ances" + ], + [ + "Ġoper", + "ative" + ], + [ + "Ġorig", + "ami" + ], + [ + "chol", + "ine" + ], + [ + "Ġwid", + "ows" + ], + [ + "Ġquant", + "ifying" + ], + [ + "ĠFund", + "s" + ], + [ + "Ġtransmit", + "ters" + ], + [ + "Ġdimin", + "ishes" + ], + [ + "Ġfolk", + "tales" + ], + [ + "food", + "s" + ], + [ + "Ġinterchange", + "able" + ], + [ + "Ġindig", + "estion" + ], + [ + "ĠWals", + "h" + ], + [ + "Ġillegit", + "imate" + ], + [ + "N", + "uclear" + ], + [ + "è", + "½" + ], + [ + "Ġw", + "aged" + ], + [ + "al", + "ien" + ], + [ + "ar", + "xiv" + ], + [ + "ĠD", + "angerous" + ], + [ + "Ġind", + "ebted" + ], + [ + "()", + "])" + ], + [ + "Ġfunction", + "ally" + ], + [ + "Ġlab", + "elling" + ], + [ + "Ġbook", + "store" + ], + [ + "inc", + "are" + ], + [ + "ĠX", + "er" + ], + [ + "Ġvisual", + "ized" + ], + [ + "ĠTra", + "v" + ], + [ + "Ġshop", + "pers" + ], + [ + "Ġà¤", + "ķ" + ], + [ + "b", + "oolean" + ], + [ + "r", + "ifice" + ], + [ + "w", + "ake" + ], + [ + "Ġc", + "d" + ], + [ + "ĠT", + "akes" + ], + [ + "Ġch", + "ars" + ], + [ + "ĠL", + "oan" + ], + [ + "Ġrel", + "ays" + ], + [ + "Ġatt", + "ested" + ], + [ + "Ġfil", + "enames" + ], + [ + "ĠSp", + "ending" + ], + [ + "ĠBre", + "xit" + ], + [ + "Ġdwar", + "fs" + ], + [ + "Ġemig", + "rated" + ], + [ + "Ġst", + "or" + ], + [ + "ĠG", + "U" + ], + [ + "Ġdi", + "ocese" + ], + [ + "ik", + "ed" + ], + [ + "ĠDis", + "k" + ], + [ + "ĠMor", + "se" + ], + [ + "Ġsacr", + "ificial" + ], + [ + "Ġhusband", + "ry" + ], + [ + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "Ġ" + ], + [ + "Log", + "in" + ], + [ + "Ġintermedi", + "ary" + ], + [ + "ĠSchne", + "ider" + ], + [ + "Ġp", + "k" + ], + [ + "Ġp", + "ensions" + ], + [ + "Ġev", + "okes" + ], + [ + "Ġsuper", + "powers" + ], + [ + "Ġexc", + "uses" + ], + [ + "ĠState", + "ments" + ], + [ + "ĠBo", + "is" + ], + [ + "Ġsyn", + "agogues" + ], + [ + "Ġdefe", + "ats" + ], + [ + "EE", + "K" + ], + [ + "Ġdedu", + "ctions" + ], + [ + "Ġletharg", + "y" + ], + [ + "P", + "oll" + ], + [ + "Ġo", + "res" + ], + [ + "Ġo", + "mission" + ], + [ + "ch", + "s" + ], + [ + "ĠE", + "col" + ], + [ + "Ġprior", + "i" + ], + [ + "Ġtruth", + "ful" + ], + [ + "ä¸", + "ĭ" + ], + [ + "Ġjew", + "els" + ], + [ + "ĠHem", + "ing" + ], + [ + "Ġreck", + "less" + ], + [ + "Ġanarch", + "ist" + ], + [ + "rystall", + "ine" + ], + [ + "-", + "'" + ], + [ + "h", + "oun" + ], + [ + "t", + "iny" + ], + [ + "v", + "ote" + ], + [ + "Ġm", + "ins" + ], + [ + "Ġd", + "anced" + ], + [ + "ĠS", + "ik" + ], + [ + "ĠM", + "aid" + ], + [ + "th", + "ank" + ], + [ + "ĠB", + "ing" + ], + [ + "Ġcomp", + "el" + ], + [ + "IS", + "BN" + ], + [ + "--------------------------------", + "---------" + ], + [ + "ĠBra", + "ille" + ], + [ + "Ġgly", + "cer" + ], + [ + "Ġsubsid", + "ized" + ], + [ + "Ġarbit", + "rarily" + ], + [ + "V", + "S" + ], + [ + "t", + "al" + ], + [ + "Ġt", + "v" + ], + [ + "ell", + "an" + ], + [ + "ĠU", + "nexpected" + ], + [ + "ĠSt", + "ones" + ], + [ + "Ġra", + "ped" + ], + [ + "Ġbre", + "wer" + ], + [ + "Ġforce", + "fully" + ], + [ + "inst", + "ead" + ], + [ + "rid", + "ged" + ], + [ + "Ġconqu", + "ering" + ], + [ + "vari", + "ance" + ], + [ + "select", + "or" + ], + [ + "________________", + "________________" + ], + [ + "Ġmang", + "roves" + ], + [ + "Ens", + "ure" + ], + [ + "ecl", + "ampsia" + ], + [ + "ĠNure", + "mberg" + ], + [ + "R", + "oom" + ], + [ + "f", + "ir" + ], + [ + "k", + "v" + ], + [ + "erm", + "ann" + ], + [ + "Ġlo", + "af" + ], + [ + "Ġneut", + "rinos" + ], + [ + "ediat", + "r" + ], + [ + "Ġbiod", + "iesel" + ], + [ + "Run", + "ner" + ], + [ + "Ġamphib", + "ian" + ], + [ + "R", + "os" + ], + [ + "ĠI", + "z" + ], + [ + "ac", + "in" + ], + [ + "ĠB", + "ipolar" + ], + [ + "ĠF", + "ishing" + ], + [ + "Ġj", + "ams" + ], + [ + "ric", + "ing" + ], + [ + "les", + "n" + ], + [ + "ĠCon", + "tainer" + ], + [ + "ĠPr", + "att" + ], + [ + "ĠAqu", + "atic" + ], + [ + "en", + "ching" + ], + [ + "Ġf", + "oe" + ], + [ + "Ġg", + "ren" + ], + [ + "ĠA", + "BO" + ], + [ + "ĠL", + "al" + ], + [ + "Ġnatural", + "istic" + ], + [ + "Ġship", + "ments" + ], + [ + "Ġinterven", + "ed" + ], + [ + "Ġhypogly", + "cemia" + ], + [ + "ĠSloven", + "ia" + ], + [ + "P", + "air" + ], + [ + "at", + "ters" + ], + [ + "Ġd", + "ives" + ], + [ + "ĠS", + "OL" + ], + [ + "ĠF", + "on" + ], + [ + "ĠL", + "och" + ], + [ + "Ġbul", + "ge" + ], + [ + "Ġoverl", + "aps" + ], + [ + "Ġthread", + "ed" + ], + [ + "Ġoblig", + "atory" + ], + [ + "ĠEC", + "G" + ], + [ + "Ġbor", + "on" + ], + [ + "h", + "z" + ], + [ + "ar", + "f" + ], + [ + "ĠB", + "ates" + ], + [ + "ĠG", + "ABA" + ], + [ + "Ġ'", + "':" + ], + [ + "Ġdes", + "alination" + ], + [ + "Ġconc", + "ussions" + ], + [ + "ĠAsh", + "ley" + ], + [ + "Ġaddict", + "ions" + ], + [ + "Ġenlight", + "ening" + ], + [ + "Ġequival", + "ence" + ], + [ + "Ġendomet", + "riosis" + ], + [ + "R", + "H" + ], + [ + "×", + "ŀ" + ], + [ + "å", + "ĴĮ" + ], + [ + "ve", + "h" + ], + [ + "ĠP", + "iano" + ], + [ + "Ġcomm", + "end" + ], + [ + "ĠV", + "s" + ], + [ + "ĠSh", + "ack" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠ" + ], + [ + "Ġround", + "ing" + ], + [ + "Ġkn", + "ocking" + ], + [ + "Ġdiscrim", + "inated" + ], + [ + "ĠOper", + "ational" + ], + [ + "Ġven", + "omous" + ], + [ + "Ġreass", + "ess" + ], + [ + "ĠCapital", + "ism" + ], + [ + "Ġreplic", + "ating" + ], + [ + "oske", + "leton" + ], + [ + "ocaly", + "pse" + ], + [ + "Prepar", + "ing" + ], + [ + "Ġhass", + "le" + ], + [ + "Ġexcre", + "ted" + ], + [ + "Ġgrizz", + "ly" + ], + [ + "r", + "p" + ], + [ + "el", + "ike" + ], + [ + "st", + "uffs" + ], + [ + "ĠH", + "oll" + ], + [ + "ĠH", + "umb" + ], + [ + "we", + "i" + ], + [ + "Ġdisc", + "ouraging" + ], + [ + "ĠLe", + "aving" + ], + [ + "Ġsect", + "s" + ], + [ + "CH", + "ANT" + ], + [ + "Ġkil", + "ometer" + ], + [ + "Ġsuc", + "ceeds" + ], + [ + "ĠTem", + "p" + ], + [ + "à¥", + "ĭ" + ], + [ + "ĠCell", + "ular" + ], + [ + "iph", + "on" + ], + [ + "lad", + "en" + ], + [ + "n", + "uclear" + ], + [ + "Ġfor", + "ging" + ], + [ + "Ġal", + "i" + ], + [ + "Ġv", + "ign" + ], + [ + "ure", + "n" + ], + [ + "Ġ{", + "{" + ], + [ + "An", + "imals" + ], + [ + "ĠInt", + "ra" + ], + [ + "sk", + "ill" + ], + [ + "Ġsweet", + "ened" + ], + [ + "Ġnan", + "ometers" + ], + [ + "record", + "ed" + ], + [ + "ĠChi", + "ang" + ], + [ + "Ġblu", + "ish" + ], + [ + "ĠWet", + "lands" + ], + [ + "Ġcommemor", + "ates" + ], + [ + "ĠAzte", + "cs" + ], + [ + "Ġdissip", + "ate" + ], + [ + "ĠSomers", + "et" + ], + [ + "Ġmorn", + "ings" + ], + [ + "Ġh", + "oof" + ], + [ + "ĠT", + "ier" + ], + [ + "Ġcon", + "ical" + ], + [ + "rom", + "eter" + ], + [ + "we", + "ets" + ], + [ + "Ġsign", + "age" + ], + [ + "wh", + "ose" + ], + [ + "Ġsleep", + "iness" + ], + [ + "Add", + "ed" + ], + [ + "move", + "ment" + ], + [ + "umen", + "ical" + ], + [ + "follow", + "ing" + ], + [ + "ĠEscher", + "ichia" + ], + [ + "Ġnex", + "us" + ], + [ + "D", + "eg" + ], + [ + "Ã", + "²" + ], + [ + "Ê", + "¿" + ], + [ + "en", + "as" + ], + [ + "Ġth", + "ief" + ], + [ + "Ġv", + "als" + ], + [ + "Ġbi", + "osphere" + ], + [ + "ĠBl", + "end" + ], + [ + "acc", + "el" + ], + [ + "Ex", + "pr" + ], + [ + "ĠSur", + "geon" + ], + [ + "Ġkit", + "ten" + ], + [ + "Med", + "icine" + ], + [ + "ĠMa", + "hatma" + ], + [ + "Ġsail", + "or" + ], + [ + "ĠHan", + "ukkah" + ], + [ + "Ġoversee", + "ing" + ], + [ + "ĠPhen", + "omen" + ], + [ + "ĠAe", + "gean" + ], + [ + "ĠTrin", + "idad" + ], + [ + "ĠDres", + "den" + ], + [ + "ĠA", + "ids" + ], + [ + "Ġch", + "ast" + ], + [ + "ĠCh", + "u" + ], + [ + "AR", + "P" + ], + [ + "oph", + "ores" + ], + [ + "Ex", + "odus" + ], + [ + "Ġcheck", + "out" + ], + [ + "Ne", + "ither" + ], + [ + "Ġjew", + "ellery" + ], + [ + "ĠArchitect", + "s" + ], + [ + "Ġmacro", + "economic" + ], + [ + "ENG", + "TH" + ], + [ + "B", + "attle" + ], + [ + "W", + "ire" + ], + [ + "o", + "eb" + ], + [ + "ĠS", + "ister" + ], + [ + "oc", + "ious" + ], + [ + "Ġ{", + ":" + ], + [ + "Ġcry", + "ptic" + ], + [ + "Ġhospital", + "izations" + ], + [ + "е", + "л" + ], + [ + "Ġsql", + "ite" + ], + [ + "scient", + "ist" + ], + [ + "ĠBrow", + "se" + ], + [ + "Ġhypoth", + "alamus" + ], + [ + "Ġfollic", + "le" + ], + [ + "Ġinconven", + "ience" + ], + [ + "interpre", + "ted" + ], + [ + "M", + "i" + ], + [ + "Ġo", + "aks" + ], + [ + "Ġd", + "ocker" + ], + [ + "ĠF", + "us" + ], + [ + "AS", + "C" + ], + [ + "avor", + "ite" + ], + [ + "Ġheav", + "iest" + ], + [ + "ĠNot", + "tingham" + ], + [ + "Ġfrag", + "ility" + ], + [ + "ĠMer", + "cy" + ], + [ + "uther", + "ford" + ], + [ + "Ġhes", + "it" + ], + [ + "Main", + "taining" + ], + [ + ":", + "{" + ], + [ + "Ġf", + "d" + ], + [ + "le", + "z" + ], + [ + "Ġdec", + "arbon" + ], + [ + "ĠAugust", + "a" + ], + [ + "Ġinterf", + "aith" + ], + [ + "Ġperpet", + "uated" + ], + [ + "ĠFriend", + "ly" + ], + [ + "Ġcockro", + "aches" + ], + [ + "ĠLEG", + "O" + ], + [ + "P", + "K" + ], + [ + "r", + "asion" + ], + [ + "il", + "ism" + ], + [ + "ĠP", + "t" + ], + [ + "Ġmicro", + "phones" + ], + [ + "ĠAg", + "u" + ], + [ + "Ġtrust", + "y" + ], + [ + "Ġmock", + "ed" + ], + [ + "Base", + "Model" + ], + [ + "symb", + "ols" + ], + [ + "upload", + "s" + ], + [ + "Ġischem", + "ic" + ], + [ + "S", + "aturday" + ], + [ + "j", + "peg" + ], + [ + "ad", + "ditional" + ], + [ + "and", + "ering" + ], + [ + "cl", + "f" + ], + [ + "ib", + "ald" + ], + [ + "ear", + "ned" + ], + [ + "ob", + "ot" + ], + [ + "Ġret", + "ribution" + ], + [ + "ĠZ", + "n" + ], + [ + "Ġwood", + "working" + ], + [ + "udd", + "led" + ], + [ + "Ġconstruct", + "ively" + ], + [ + "Ġcurious", + "ly" + ], + [ + "DS", + "M" + ], + [ + "Ġaggreg", + "ated" + ], + [ + "Fact", + "or" + ], + [ + "oblast", + "oma" + ], + [ + "Ġsparing", + "ly" + ], + [ + "g", + "ut" + ], + [ + "al", + "ive" + ], + [ + "Ġd", + "as" + ], + [ + "ĠB", + "ac" + ], + [ + "av", + "id" + ], + [ + "Ġinter", + "operability" + ], + [ + "Ġcare", + "less" + ], + [ + "Ġhost", + "name" + ], + [ + "Ġhyd", + "rological" + ], + [ + "ĠElect", + "ron" + ], + [ + "det", + "ect" + ], + [ + "Ġtu", + "ples" + ], + [ + "®", + "," + ], + [ + "ĠJon", + "ah" + ], + [ + "Ġendeav", + "our" + ], + [ + "Ġlod", + "ging" + ], + [ + "ĠAthen", + "ian" + ], + [ + "ĠLIMIT", + "ED" + ], + [ + ";", + "'" + ], + [ + "es", + "ville" + ], + [ + "Ġg", + "ulf" + ], + [ + "ter", + "ious" + ], + [ + "ĠF", + "res" + ], + [ + "Ġro", + "amed" + ], + [ + "ne", + "z" + ], + [ + "Ġdes", + "eg" + ], + [ + "ron", + "omic" + ], + [ + "ĠAn", + "imation" + ], + [ + "Ġmet", + "ering" + ], + [ + "sp", + "ers" + ], + [ + "ĠAm", + "pl" + ], + [ + "ĠRivers", + "ide" + ], + [ + "ra", + "re" + ], + [ + "ĠH", + "ed" + ], + [ + "Ġint", + "ending" + ], + [ + "ĠAr", + "d" + ], + [ + "Ġut", + "opian" + ], + [ + "Ġtrust", + "ee" + ], + [ + "Ġtele", + "visions" + ], + [ + "Cont", + "rary" + ], + [ + "ĠGlobal", + "ization" + ], + [ + "Object", + "s" + ], + [ + "Ġham", + "let" + ], + [ + "Ġterr", + "ified" + ], + [ + "ĠHels", + "inki" + ], + [ + "æ", + "ģ" + ], + [ + "ic", + "ule" + ], + [ + "ĠP", + "end" + ], + [ + "ĠW", + "are" + ], + [ + "Ġpass", + "ively" + ], + [ + "Ġcal", + "iph" + ], + [ + "ival", + "ence" + ], + [ + "Ġpay", + "able" + ], + [ + "ĠPart", + "ial" + ], + [ + "ĠEduc", + "ate" + ], + [ + "Ġinstitutional", + "ized" + ], + [ + "Ġoct", + "ave" + ], + [ + "ĠSurv", + "iv" + ], + [ + "ĠTM", + "J" + ], + [ + "Ġcler", + "ks" + ], + [ + "Ġremed", + "ial" + ], + [ + "ĠPractition", + "ers" + ], + [ + "B", + "OT" + ], + [ + "s", + "aid" + ], + [ + "Ġh", + "ars" + ], + [ + "ĠA", + "way" + ], + [ + "ĠC", + "eram" + ], + [ + "um", + "ab" + ], + [ + "Ġcan", + "oes" + ], + [ + "('", + "[" + ], + [ + "ank", + "ar" + ], + [ + "amm", + "ers" + ], + [ + "chol", + "y" + ], + [ + "Ġseason", + "ing" + ], + [ + "ĠSil", + "va" + ], + [ + "Ġfed", + "eration" + ], + [ + "Ġintermedi", + "aries" + ], + [ + "Ġmicron", + "utrients" + ], + [ + "ĠAram", + "aic" + ], + [ + "E", + "AR" + ], + [ + "at", + "ten" + ], + [ + "is", + "bury" + ], + [ + "ĠT", + "in" + ], + [ + "res", + "istance" + ], + [ + "ĠB", + "ant" + ], + [ + "Ġwe", + "aning" + ], + [ + "ĠF", + "AA" + ], + [ + "ich", + "te" + ], + [ + "ĠRe", + "e" + ], + [ + "Wh", + "ilst" + ], + [ + "ĠComp", + "assion" + ], + [ + "Ġquant", + "ification" + ], + [ + "ĠMod", + "erate" + ], + [ + "mark", + "down" + ], + [ + "Ġhoney", + "bees" + ], + [ + "Ġalarm", + "ed" + ], + [ + "ĠMom", + "ent" + ], + [ + "Ġcorps", + "es" + ], + [ + "C", + "ESS" + ], + [ + "N", + "it" + ], + [ + "d", + "welling" + ], + [ + "i", + "ander" + ], + [ + "he", + "ra" + ], + [ + "it", + "led" + ], + [ + "Ġb", + "c" + ], + [ + "ir", + "con" + ], + [ + "Ġad", + "sorption" + ], + [ + "uch", + "s" + ], + [ + "Ġmin", + "er" + ], + [ + "Ġmain", + "s" + ], + [ + "Ġanal", + "ogue" + ], + [ + "ĠCont", + "rolled" + ], + [ + "ĠNe", + "u" + ], + [ + "Ġtill", + "age" + ], + [ + "ĠAdolesc", + "ents" + ], + [ + "B", + "ud" + ], + [ + "L", + "incoln" + ], + [ + "y", + "am" + ], + [ + "ĠT", + "ot" + ], + [ + "ĠC", + "isco" + ], + [ + "ell", + "ings" + ], + [ + "Ġpre", + "process" + ], + [ + "Ġhist", + "amine" + ], + [ + "ev", + "idence" + ], + [ + "semb", + "les" + ], + [ + "ĠBen", + "efit" + ], + [ + "Ġnan", + "ost" + ], + [ + "Ġepistem", + "ology" + ], + [ + "r", + "iment" + ], + [ + "Ġp", + "antry" + ], + [ + "Ġm", + "ocking" + ], + [ + "ĠS", + "SR" + ], + [ + "ĠC", + "aps" + ], + [ + "Ġout", + "liers" + ], + [ + "mer", + "c" + ], + [ + "ern", + "o" + ], + [ + "Ġdem", + "arc" + ], + [ + "Ġord", + "inarily" + ], + [ + "ij", + "a" + ], + [ + "ĠBro", + "ken" + ], + [ + "Ġdescript", + "or" + ], + [ + "EF", + "L" + ], + [ + "Ġattain", + "able" + ], + [ + "Ġgam", + "ification" + ], + [ + "ĠNA", + "ACP" + ], + [ + "Ġupl", + "and" + ], + [ + "Ġesc", + "ort" + ], + [ + "ĠChau", + "cer" + ], + [ + "Ġruth", + "less" + ], + [ + "Ġindist", + "inguishable" + ], + [ + "T", + "aylor" + ], + [ + "h", + "off" + ], + [ + "Ġth", + "i" + ], + [ + "ut", + "i" + ], + [ + "th", + "ick" + ], + [ + "ĠK", + "ul" + ], + [ + "Ġcur", + "cumin" + ], + [ + "Ġfat", + "ig" + ], + [ + "ĠSl", + "ovakia" + ], + [ + "neg", + "ot" + ], + [ + "ĠLess", + "er" + ], + [ + "Ġfores", + "ight" + ], + [ + "ĠCere", + "mon" + ], + [ + "Ġactu", + "ators" + ], + [ + "B", + "irth" + ], + [ + "H", + "ope" + ], + [ + "ĠA", + "UTH" + ], + [ + "Ġsp", + "urs" + ], + [ + "ĠV", + "ig" + ], + [ + "ĠPl", + "aza" + ], + [ + "Ġste", + "ak" + ], + [ + "Ġdispos", + "ing" + ], + [ + "Rel", + "igion" + ], + [ + "Ġmelan", + "in" + ], + [ + "ĠPF", + "AS" + ], + [ + "Neg", + "ative" + ], + [ + "Ġzebra", + "fish" + ], + [ + ")", + "]." + ], + [ + "M", + "ade" + ], + [ + "ĠS", + "PD" + ], + [ + "ell", + "um" + ], + [ + "Ġk", + "i" + ], + [ + "ob", + "ility" + ], + [ + "ale", + "igh" + ], + [ + "Ġbenef", + "iciary" + ], + [ + "Al", + "ert" + ], + [ + "ret", + "te" + ], + [ + "Ġder", + "ivation" + ], + [ + "Ġcommercial", + "ization" + ], + [ + "Ġdu", + "plicated" + ], + [ + "Ġflav", + "ored" + ], + [ + "ĠHor", + "ace" + ], + [ + "ĠPars", + "ons" + ], + [ + "Ġneurom", + "uscular" + ], + [ + "Ġspac", + "etime" + ], + [ + "å¯", + "¹" + ], + [ + "ĠVander", + "bilt" + ], + [ + "ĠT", + "olerance" + ], + [ + "ĠC", + "aj" + ], + [ + "Ġfat", + "ality" + ], + [ + "Ġblock", + "ages" + ], + [ + "Ġtour", + "naments" + ], + [ + "ĠMet", + "abolism" + ], + [ + "Ġrevol", + "ving" + ], + [ + "ĠCop", + "ing" + ], + [ + "jour", + "nals" + ], + [ + "ĠCiv", + "ic" + ], + [ + "q", + "q" + ], + [ + "ĠP", + "OL" + ], + [ + "ĠB", + "am" + ], + [ + "out", + "ine" + ], + [ + "Ġapp", + "arel" + ], + [ + "Ġcommun", + "ists" + ], + [ + "Ġlevel", + "ing" + ], + [ + "ĠIs", + "olation" + ], + [ + "Ph", + "ilos" + ], + [ + "Ġideal", + "ized" + ], + [ + "Ġrhy", + "ming" + ], + [ + "Ġmas", + "hed" + ], + [ + "Ġweapon", + "ry" + ], + [ + "Dec", + "imal" + ], + [ + "PLA", + "Y" + ], + [ + "Ġunsus", + "pecting" + ], + [ + "ĠPARTIC", + "ULAR" + ], + [ + "P", + "ix" + ], + [ + "P", + "OL" + ], + [ + "a", + "um" + ], + [ + "Ġrel", + "oad" + ], + [ + "sh", + "irt" + ], + [ + "Ġlog", + "its" + ], + [ + "ĠSc", + "ope" + ], + [ + "Ġwind", + "y" + ], + [ + "Ġphen", + "otypic" + ], + [ + "Ġcampaign", + "ing" + ], + [ + "esh", + "oe" + ], + [ + "unning", + "ham" + ], + [ + "Ġsucc", + "ulents" + ], + [ + "Ġrigor", + "ously" + ], + [ + "ĠHutch", + "inson" + ], + [ + "F", + "requency" + ], + [ + "G", + "ot" + ], + [ + "W", + "al" + ], + [ + "m", + "ere" + ], + [ + "Ġw", + "ob" + ], + [ + "ĠT", + "ate" + ], + [ + "Ġst", + "are" + ], + [ + "if", + "acts" + ], + [ + "Ġat", + "opic" + ], + [ + "Ġtake", + "off" + ], + [ + "ĠSc", + "ratch" + ], + [ + "é", + "d" + ], + [ + "Ġax", + "e" + ], + [ + "UR", + "ES" + ], + [ + "Ġgrass", + "hop" + ], + [ + "icks", + "burg" + ], + [ + "ĠNet", + "working" + ], + [ + "tem", + "poral" + ], + [ + "ĠPRO", + "VID" + ], + [ + "ĠGreg", + "orian" + ], + [ + "ĠExpress", + "ions" + ], + [ + "ĠDeut", + "eronomy" + ], + [ + "ĠInsect", + "s" + ], + [ + "A", + "mb" + ], + [ + "Ġ", + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ" + ], + [ + "ol", + "son" + ], + [ + "ĠCal", + "gary" + ], + [ + "unch", + "ing" + ], + [ + "ĠTr", + "ich" + ], + [ + "Ġstick", + "er" + ], + [ + "è", + "s" + ], + [ + "Ġcentrifug", + "al" + ], + [ + "p", + "acks" + ], + [ + "Ġm", + "x" + ], + [ + "ĠL", + "ighthouse" + ], + [ + "ĠZ", + "ach" + ], + [ + "Ġarr", + "ivals" + ], + [ + "Ġnational", + "ists" + ], + [ + "á", + "r" + ], + [ + "ĠLeg", + "islation" + ], + [ + "Ġsin", + "ners" + ], + [ + "RA", + "W" + ], + [ + "Ġcontamin", + "ant" + ], + [ + "develop", + "mental" + ], + [ + "ĠMongol", + "ian" + ], + [ + "Ġbisc", + "uits" + ], + [ + "+", + "\\" + ], + [ + "E", + "lements" + ], + [ + "Ġp", + "int" + ], + [ + "Ġch", + "rys" + ], + [ + "Ġsecond", + "hand" + ], + [ + "Ġz", + "oon" + ], + [ + "ĠCo", + "at" + ], + [ + "Ġfort", + "ification" + ], + [ + "ipe", + "g" + ], + [ + "Mean", + "ing" + ], + [ + "ĠNG", + "C" + ], + [ + "Ġlig", + "and" + ], + [ + "ĠCrime", + "a" + ], + [ + "ĠBomb", + "ay" + ], + [ + "Ġorthodont", + "ic" + ], + [ + "H", + "o" + ], + [ + "Ġst", + "ag" + ], + [ + "ri", + "ks" + ], + [ + "ĠJ", + "STOR" + ], + [ + "Ġnut", + "shell" + ], + [ + "Ġcondition", + "ers" + ], + [ + "Ġappl", + "aud" + ], + [ + "Ġgrass", + "y" + ], + [ + "Ġdiss", + "ipation" + ], + [ + "Ġnu", + "ance" + ], + [ + "bas", + "eline" + ], + [ + "ĠAltern", + "atives" + ], + [ + "Ġcosm", + "opolitan" + ], + [ + "ĠMP", + "H" + ], + [ + "ĠKat", + "ie" + ], + [ + "DI", + "RECT" + ], + [ + "ĠAth", + "letes" + ], + [ + "Ut", + "ils" + ], + [ + "p", + "f" + ], + [ + "Ġre", + "using" + ], + [ + "ĠH", + "oughton" + ], + [ + "Ġj", + "ug" + ], + [ + "Ġra", + "ging" + ], + [ + "Ġsol", + "icit" + ], + [ + "Ġaff", + "ords" + ], + [ + "ĠAm", + "anda" + ], + [ + "Ġfib", + "ro" + ], + [ + "abs", + "burg" + ], + [ + "Ġlingu", + "ists" + ], + [ + "oul", + "os" + ], + [ + "Ġexert", + "s" + ], + [ + "ĠBroad", + "casting" + ], + [ + "Abs", + "ol" + ], + [ + "ĠB", + "U" + ], + [ + "all", + "i" + ], + [ + "Ġtrans", + "act" + ], + [ + "ĠAn", + "im" + ], + [ + "ĠDe", + "leg" + ], + [ + "sc", + "enario" + ], + [ + "ĠZ", + "ap" + ], + [ + "ĠOr", + "b" + ], + [ + "Ġdeep", + "ens" + ], + [ + "Ġrot", + "ten" + ], + [ + "PS", + "S" + ], + [ + "orph", + "y" + ], + [ + "SC", + "s" + ], + [ + "ĠColomb", + "ian" + ], + [ + "Occ", + "up" + ], + [ + "Ġdisinfect", + "ant" + ], + [ + "D", + "ie" + ], + [ + "a", + "ust" + ], + [ + "ar", + "ab" + ], + [ + "ĠT", + "BI" + ], + [ + "Ġde", + "ceptive" + ], + [ + "ĠF", + "ounder" + ], + [ + "ĠR", + "SV" + ], + [ + "pe", + "re" + ], + [ + "ĠL", + "ov" + ], + [ + "ĠG", + "inger" + ], + [ + "Ġsub", + "du" + ], + [ + "py", + "lene" + ], + [ + "St", + "an" + ], + [ + "St", + "ation" + ], + [ + "ID", + "A" + ], + [ + "Ġsold", + "ering" + ], + [ + "ĠIS", + "IS" + ], + [ + "ĠIN", + "S" + ], + [ + "ĠSum", + "atra" + ], + [ + "IF", + "T" + ], + [ + "dist", + "ances" + ], + [ + "jud", + "gment" + ], + [ + "asm", + "ine" + ], + [ + "Norm", + "ally" + ], + [ + "Ev", + "ents" + ], + [ + "ĠFu", + "j" + ], + [ + "æĪ", + "·" + ], + [ + "ĠSebast", + "ian" + ], + [ + "ĠParagu", + "ay" + ], + [ + "!", + "=" + ], + [ + "E", + "PS" + ], + [ + "Y", + "C" + ], + [ + "Ġsil", + "enced" + ], + [ + "Ġtur", + "bo" + ], + [ + "Ġinhab", + "iting" + ], + [ + "ĠCham", + "bers" + ], + [ + "ĠMinor", + "ity" + ], + [ + "Ġleng", + "then" + ], + [ + "Ġbotan", + "ist" + ], + [ + "D", + "ESCRIPT" + ], + [ + "H", + "ttp" + ], + [ + "v", + "on" + ], + [ + "Ġo", + "min" + ], + [ + "Ġf", + "rench" + ], + [ + "ĠS", + "arg" + ], + [ + "ĠD", + "ai" + ], + [ + "ap", + "arte" + ], + [ + "Al", + "t" + ], + [ + "dat", + "aclass" + ], + [ + "Ġconce", + "ivable" + ], + [ + "INS", + "ERT" + ], + [ + "'", + "%" + ], + [ + "I", + "p" + ], + [ + "R", + "at" + ], + [ + "æ", + "¯" + ], + [ + "ĠP", + "agan" + ], + [ + "iv", + "el" + ], + [ + "ĠW", + "en" + ], + [ + "ific", + "antly" + ], + [ + "Ġshe", + "pherds" + ], + [ + "ĠSp", + "ir" + ], + [ + "Ex", + "posure" + ], + [ + "Ġvibr", + "ating" + ], + [ + "token", + "izer" + ], + [ + "State", + "ment" + ], + [ + "ĠNic", + "ole" + ], + [ + "Ġforb", + "id" + ], + [ + "Ġprefix", + "es" + ], + [ + "Ġmu", + "zzle" + ], + [ + "Tw", + "enty" + ], + [ + "Iss", + "ue" + ], + [ + "L", + "ith" + ], + [ + "Ġs", + "ushi" + ], + [ + "om", + "bo" + ], + [ + "ĠC", + "rest" + ], + [ + "Ġwe", + "ary" + ], + [ + "Ġr", + "ations" + ], + [ + "Ġcomp", + "action" + ], + [ + "ĠU", + "lysses" + ], + [ + "Ġcl", + "ade" + ], + [ + "Ġwhen", + "ce" + ], + [ + "Ġmy", + "cot" + ], + [ + "pro", + "ven" + ], + [ + "ĠSe", + "af" + ], + [ + "ĠSh", + "ock" + ], + [ + "Ġobject", + "ed" + ], + [ + "Ġmicro", + "grams" + ], + [ + "part", + "icle" + ], + [ + "Ġposition", + "al" + ], + [ + "Ġcircum", + "vent" + ], + [ + "Ġhygi", + "en" + ], + [ + "ĠDifferent", + "ial" + ], + [ + "ا", + "ÙĨ" + ], + [ + "Ġgreet", + "ings" + ], + [ + "Altern", + "ative" + ], + [ + "ĠEcosystem", + "s" + ], + [ + "econom", + "ics" + ], + [ + "Ġthromb", + "osis" + ], + [ + "Ġp", + "ies" + ], + [ + "ĠB", + "ears" + ], + [ + "Ġtr", + "if" + ], + [ + "Ġam", + "enable" + ], + [ + "Ġkeep", + "ers" + ], + [ + "Ġmil", + "let" + ], + [ + "UT", + "ION" + ], + [ + "Ġsediment", + "ation" + ], + [ + "ĠOl", + "m" + ], + [ + "Ġjun", + "ctions" + ], + [ + "Ġplural", + "ity" + ], + [ + "ĠCyber", + "security" + ], + [ + "Ġpredic", + "ament" + ], + [ + "ĠMcCle", + "ll" + ], + [ + "W", + "OR" + ], + [ + "è", + "´" + ], + [ + "Ġto", + "ads" + ], + [ + "Ġn", + "y" + ], + [ + "ĠC", + "i" + ], + [ + "ĠW", + "orship" + ], + [ + "ĠG", + "amma" + ], + [ + "ap", + "est" + ], + [ + "Ġact", + "in" + ], + [ + "de", + "b" + ], + [ + "ĠRes", + "urrection" + ], + [ + "inf", + "rared" + ], + [ + "ĠChe", + "y" + ], + [ + "ĠMedic", + "ines" + ], + [ + "CH", + "A" + ], + [ + "Ġhack", + "ed" + ], + [ + "Ġalphabet", + "ical" + ], + [ + "Ġspawn", + "ed" + ], + [ + "cook", + "ie" + ], + [ + "ĠKarn", + "ataka" + ], + [ + "L", + "ines" + ], + [ + "ĠD", + "ivers" + ], + [ + "mon", + "ths" + ], + [ + "----------------", + "----" + ], + [ + "ĠGo", + "ethe" + ], + [ + "Mad", + "ison" + ], + [ + "Ġprolet", + "ariat" + ], + [ + "Ġ", + "ix" + ], + [ + "Ġf", + "asci" + ], + [ + "Ġha", + "ze" + ], + [ + "ĠR", + "inse" + ], + [ + "ĠR", + "ousseau" + ], + [ + "ĠO", + "zone" + ], + [ + "cc", + "i" + ], + [ + "ism", + "o" + ], + [ + "Ġloc", + "ale" + ], + [ + "Al", + "ready" + ], + [ + "ny", + "der" + ], + [ + "ĠLouis", + "ville" + ], + [ + "ĠContin", + "ued" + ], + [ + "ĠBu", + "zz" + ], + [ + "ĠJam", + "estown" + ], + [ + "Ġhaw", + "ks" + ], + [ + "Ġantip", + "sych" + ], + [ + "resid", + "ual" + ], + [ + "ĠAntio", + "ch" + ], + [ + "(", + "\"," + ], + [ + "g", + "art" + ], + [ + "p", + "oss" + ], + [ + "en", + "ol" + ], + [ + "od", + "il" + ], + [ + "Ġgra", + "ze" + ], + [ + "por", + "ters" + ], + [ + "Ġdeal", + "ings" + ], + [ + "Ġball", + "ast" + ], + [ + "Tra", + "de" + ], + [ + "ä", + "r" + ], + [ + "ĠCr", + "ane" + ], + [ + "igs", + "aw" + ], + [ + "ĠMoh", + "ammad" + ], + [ + "Ġterra", + "ins" + ], + [ + "ĠAntib", + "iotics" + ], + [ + "Hig", + "her" + ], + [ + "Ġdexter", + "ity" + ], + [ + "c", + "ourt" + ], + [ + "ĠM", + "aternal" + ], + [ + "Ġun", + "g" + ], + [ + "Ġpur", + "se" + ], + [ + "ĠWar", + "wick" + ], + [ + "ĠHol", + "low" + ], + [ + "Ġjson", + "ify" + ], + [ + "ĠHill", + "ary" + ], + [ + "Ġcarcin", + "ogens" + ], + [ + "Mark", + "et" + ], + [ + "enh", + "anced" + ], + [ + "liter", + "ally" + ], + [ + "ĠStreng", + "thening" + ], + [ + "ĠTol", + "edo" + ], + [ + "M", + "ON" + ], + [ + "ĠT", + "ube" + ], + [ + "ch", + "apter" + ], + [ + "ate", + "urs" + ], + [ + "Ġhe", + "als" + ], + [ + "os", + "it" + ], + [ + "pl", + "ains" + ], + [ + "ĠSt", + "atic" + ], + [ + "Ġac", + "he" + ], + [ + "Ġcharacter", + "izes" + ], + [ + "ĠInst", + "ant" + ], + [ + "ĠCont", + "ributions" + ], + [ + "Ġaud", + "iting" + ], + [ + "valid", + "ator" + ], + [ + "Äģ", + "r" + ], + [ + "ĠStone", + "henge" + ], + [ + "Ġculprit", + "s" + ], + [ + "Ġundersc", + "ored" + ], + [ + "Ġexoplan", + "ets" + ], + [ + "ä¾", + "ĭ" + ], + [ + "Ġdefinit", + "ively" + ], + [ + "P", + "ip" + ], + [ + "c", + "reating" + ], + [ + "t", + "ze" + ], + [ + "ĠD", + "SL" + ], + [ + "Ġsm", + "elling" + ], + [ + "Ġgra", + "der" + ], + [ + "ĠRes", + "idents" + ], + [ + "ĠEm", + "ory" + ], + [ + "Ġdead", + "liest" + ], + [ + "Ġdiam", + "eters" + ], + [ + "ĠNic", + "olas" + ], + [ + "Mar", + "ine" + ], + [ + "oglob", + "ulin" + ], + [ + "ĠBalk", + "an" + ], + [ + "arcin", + "oma" + ], + [ + "ĠPf", + "izer" + ], + [ + "Ġdystop", + "ian" + ], + [ + ")", + "âĢĿ" + ], + [ + "ch", + "al" + ], + [ + "act", + "yl" + ], + [ + "Ġ\"", + ",\"" + ], + [ + "Ġliter", + "atures" + ], + [ + "Ġnetwork", + "ed" + ], + [ + "dist", + "rict" + ], + [ + "ĠAuthor", + "ities" + ], + [ + "ĠSep", + "aration" + ], + [ + "Main", + "Window" + ], + [ + "ĠKath", + "leen" + ], + [ + "Present", + "ation" + ], + [ + "acchar", + "ide" + ], + [ + "ĠLis", + "bon" + ], + [ + "Ġgira", + "ffes" + ], + [ + "ĠAsper", + "ger" + ], + [ + "ĠFrancisc", + "an" + ], + [ + "c", + "ourses" + ], + [ + "v", + "ary" + ], + [ + "z", + "ar" + ], + [ + "pe", + "a" + ], + [ + "Ġret", + "iring" + ], + [ + "Ġworld", + "views" + ], + [ + "ĠCol", + "oring" + ], + [ + "ĠSam", + "oa" + ], + [ + "ĠHom", + "eland" + ], + [ + "chart", + "ed" + ], + [ + "airo", + "bi" + ], + [ + "Ġrede", + "em" + ], + [ + "G", + "ather" + ], + [ + "S", + "eed" + ], + [ + "ĠM", + "ines" + ], + [ + "ĠW", + "on" + ], + [ + "Ġcl", + "aw" + ], + [ + "Ġhel", + "ix" + ], + [ + "ĠHe", + "ather" + ], + [ + "Ġappropri", + "ated" + ], + [ + "Ġportray", + "ing" + ], + [ + "ĠAdapt", + "ing" + ], + [ + "Ġconvention", + "ally" + ], + [ + "Ġram", + "ps" + ], + [ + "separ", + "able" + ], + [ + "ĠGriff", + "ith" + ], + [ + "C", + "md" + ], + [ + "P", + "roduction" + ], + [ + "R", + "ules" + ], + [ + "ol", + "us" + ], + [ + "ĠT", + "ours" + ], + [ + "her", + "ty" + ], + [ + "ĠR", + "B" + ], + [ + "ĠU", + "FO" + ], + [ + "int", + "osh" + ], + [ + "Ġfl", + "aming" + ], + [ + "erm", + "int" + ], + [ + "Ġinc", + "urs" + ], + [ + "ĠSh", + "arma" + ], + [ + "Ġwid", + "ths" + ], + [ + "ocr", + "inology" + ], + [ + "Ġtrib", + "unal" + ], + [ + "à¥", + "ģ" + ], + [ + "ĠCirc", + "ulation" + ], + [ + "Const", + "raint" + ], + [ + "Ġintersect", + "s" + ], + [ + "Ġsinus", + "itis" + ], + [ + "n", + "est" + ], + [ + "ĠP", + "atch" + ], + [ + "oc", + "ardi" + ], + [ + "ĠâĢ", + "º" + ], + [ + "Ġnational", + "ities" + ], + [ + "umb", + "a" + ], + [ + "ĠMon", + "ica" + ], + [ + "Ġdepend", + "able" + ], + [ + "ĠMat", + "hematic" + ], + [ + "arrow", + "ing" + ], + [ + "Ġimmun", + "odeficiency" + ], + [ + "ĠMag", + "ical" + ], + [ + "File", + "Name" + ], + [ + "foot", + "ed" + ], + [ + "ĠOffic", + "ials" + ], + [ + "Ġmuc", + "osal" + ], + [ + "Ġextr", + "insic" + ], + [ + "ĠLingu", + "istics" + ], + [ + "Ġunequ", + "iv" + ], + [ + "h", + "in" + ], + [ + "m", + "ars" + ], + [ + "Ġre", + "imag" + ], + [ + "ĠD", + "AT" + ], + [ + "||", + "(" + ], + [ + "ux", + "ley" + ], + [ + "Ġcultiv", + "ar" + ], + [ + "Ġreb", + "ound" + ], + [ + "ĠEmp", + "ress" + ], + [ + "cycl", + "ed" + ], + [ + "Ġtang", + "led" + ], + [ + "Ev", + "olution" + ], + [ + "Ġmetamorph", + "osis" + ], + [ + "Academ", + "ic" + ], + [ + "B", + "oston" + ], + [ + "P", + "ET" + ], + [ + "ig", + "l" + ], + [ + "ĠB", + "ones" + ], + [ + "ĠB", + "orders" + ], + [ + "Ġsh", + "a" + ], + [ + "back", + "ends" + ], + [ + "omy", + "ces" + ], + [ + "ĠCur", + "rency" + ], + [ + "Ġtrain", + "ings" + ], + [ + "serial", + "izers" + ], + [ + "Ġho", + "arding" + ], + [ + "Ġprosec", + "utor" + ], + [ + "ĠInsp", + "iration" + ], + [ + "phot", + "os" + ], + [ + "ĠCOPY", + "RIGHT" + ], + [ + "F", + "ailure" + ], + [ + "R", + "oad" + ], + [ + "Ġs", + "izable" + ], + [ + "ĠR", + "ings" + ], + [ + "Ġdis", + "band" + ], + [ + "Ġorgan", + "izes" + ], + [ + "ĠQu", + "é" + ], + [ + "Ġmal", + "practice" + ], + [ + "ĠSer", + "ious" + ], + [ + "Ġresol", + "ves" + ], + [ + "Ġassim", + "ilated" + ], + [ + "ĠOm", + "aha" + ], + [ + "percent", + "age" + ], + [ + "Ġmetast", + "asis" + ], + [ + "ĠVit", + "amins" + ], + [ + "Dar", + "win" + ], + [ + "c", + "opyright" + ], + [ + "it", + "ars" + ], + [ + "od", + "el" + ], + [ + "Ġcommon", + "alities" + ], + [ + "ĠSp", + "an" + ], + [ + "ĠEvery", + "body" + ], + [ + "dec", + "ision" + ], + [ + "Ġbold", + "ly" + ], + [ + "Ġly", + "ric" + ], + [ + "ĠRout", + "ine" + ], + [ + "Ġdermat", + "ologist" + ], + [ + "Ġanaphyl", + "axis" + ], + [ + "k", + "ok" + ], + [ + "st", + "re" + ], + [ + "ĠC", + "ite" + ], + [ + "ĠG", + "le" + ], + [ + "sh", + "op" + ], + [ + "Im", + "plement" + ], + [ + "Re", + "als" + ], + [ + "net", + "works" + ], + [ + "Ġwonder", + "fully" + ], + [ + "Ġfur", + "the" + ], + [ + "ĠMechan", + "ism" + ], + [ + "Ġtestim", + "onies" + ], + [ + "ĠPed", + "agog" + ], + [ + "Ġphil", + "anthropy" + ], + [ + "Ġpamph", + "lets" + ], + [ + "Ġrug", + "by" + ], + [ + "ĠOrche", + "stra" + ], + [ + "B", + "rand" + ], + [ + "Ġt", + "rit" + ], + [ + "nd", + "ez" + ], + [ + "Ġg", + "asses" + ], + [ + "ot", + "ourism" + ], + [ + "ĠP", + "is" + ], + [ + "Ġr", + "pm" + ], + [ + "ĠD", + "und" + ], + [ + "Ġexp", + "ire" + ], + [ + "Ġca", + "vern" + ], + [ + "Ġpar", + "ab" + ], + [ + "Ġtem", + "pered" + ], + [ + "Ġz", + "en" + ], + [ + "Un", + "ique" + ], + [ + "trans", + "cript" + ], + [ + "ĠSol", + "ve" + ], + [ + "ĠMont", + "erey" + ], + [ + "Ġdismant", + "le" + ], + [ + "ĠBeautiful", + "Soup" + ], + [ + "ç", + "ł" + ], + [ + "es", + "an" + ], + [ + "ook", + "y" + ], + [ + "ĠAs", + "p" + ], + [ + "Ġhome", + "owner" + ], + [ + "Ġsw", + "apping" + ], + [ + "ID", + "D" + ], + [ + "Ġmaxim", + "ise" + ], + [ + "Ġbank", + "ers" + ], + [ + "Ġamazing", + "ly" + ], + [ + "ĠLatin", + "x" + ], + [ + "Def", + "ine" + ], + [ + "Ġsug", + "arcane" + ], + [ + "Ġethn", + "ographic" + ], + [ + "Ġlun", + "ches" + ], + [ + "Ġdomest", + "ically" + ], + [ + "Â", + "¾" + ], + [ + "ent", + "ing" + ], + [ + "Ġconf", + "ounding" + ], + [ + "Ġgr", + "illing" + ], + [ + "gy", + "z" + ], + [ + "о", + "ÑĤ" + ], + [ + "prot", + "ective" + ], + [ + "ĠRa", + "ise" + ], + [ + "Ġsmok", + "er" + ], + [ + "Ġblur", + "ry" + ], + [ + "ĠCoc", + "onut" + ], + [ + "Ġphilanthrop", + "ic" + ], + [ + "ç½", + "®" + ], + [ + "ĠWinc", + "hester" + ], + [ + "ĠC", + "ott" + ], + [ + "Ġint", + "uitively" + ], + [ + "vel", + "ength" + ], + [ + "vers", + "ive" + ], + [ + "the", + "me" + ], + [ + "ĠAd", + "visor" + ], + [ + "']", + "}" + ], + [ + "Ġfree", + "zes" + ], + [ + "chol", + "ester" + ], + [ + "comp", + "ressed" + ], + [ + "Step", + "hen" + ], + [ + "Un", + "able" + ], + [ + "ĠCre", + "ole" + ], + [ + "Resp", + "ons" + ], + [ + "ĠStri", + "ke" + ], + [ + "]", + "\\" + ], + [ + "Ġbe", + "arded" + ], + [ + "Ġv", + "ows" + ], + [ + "Ġcour", + "thouse" + ], + [ + "Ġdev", + "otional" + ], + [ + "set", + "Level" + ], + [ + "rows", + "iness" + ], + [ + "Pe", + "ace" + ], + [ + "Ġforg", + "iven" + ], + [ + "ĠRefuge", + "e" + ], + [ + "ĠGather", + "ing" + ], + [ + "Ġencaps", + "ulated" + ], + [ + "Ġbarc", + "ode" + ], + [ + "ĠDistingu", + "ished" + ], + [ + "Ġt", + "ally" + ], + [ + "Ġh", + "oop" + ], + [ + "ĠL", + "opez" + ], + [ + "Ġdef", + "er" + ], + [ + "pect", + "ral" + ], + [ + "Ġinc", + "isions" + ], + [ + "ĠBl", + "ank" + ], + [ + "ĠAm", + "os" + ], + [ + "Ġreform", + "ed" + ], + [ + "alg", + "orithm" + ], + [ + "Ġfles", + "hy" + ], + [ + "ĠGM", + "Os" + ], + [ + "Channel", + "Type" + ], + [ + "CHANT", + "ABILITY" + ], + [ + ",", + ":]" + ], + [ + "b", + "eg" + ], + [ + "Â", + "¹" + ], + [ + "et", + "ra" + ], + [ + "Ġus", + "ur" + ], + [ + ").", + "|" + ], + [ + "Ġexp", + "ires" + ], + [ + "Ġmult", + "ivariate" + ], + [ + "ĠSp", + "inal" + ], + [ + "ĠAb", + "bott" + ], + [ + "empt", + "ive" + ], + [ + "ster", + "oidal" + ], + [ + "Ġsearch", + "able" + ], + [ + "\"]", + "))" + ], + [ + "Ġdecre", + "es" + ], + [ + "ĠIS", + "P" + ], + [ + "Ġacknowled", + "gment" + ], + [ + "Ġadhes", + "ives" + ], + [ + "ĠRud", + "olf" + ], + [ + "he", + "aling" + ], + [ + "ro", + "i" + ], + [ + "ĠP", + "ep" + ], + [ + "ĠP", + "neum" + ], + [ + "um", + "ina" + ], + [ + "ĠJ", + "L" + ], + [ + "Ġinv", + "itations" + ], + [ + "Ġinter", + "dependent" + ], + [ + "Ġcur", + "tail" + ], + [ + "sh", + "oot" + ], + [ + "Ġbi", + "opsies" + ], + [ + "ĠSu", + "itable" + ], + [ + "ST", + "EP" + ], + [ + "Re", + "ason" + ], + [ + "Ġnarr", + "ated" + ], + [ + "ĠDub", + "ai" + ], + [ + "Ġpa", + "uses" + ], + [ + "Elect", + "ronic" + ], + [ + "ĠSequ", + "ential" + ], + [ + "Ġsemicon", + "ductors" + ], + [ + "Ġcancell", + "ation" + ], + [ + "ĠStephan", + "ie" + ], + [ + "æ", + "µ" + ], + [ + "erv", + "ille" + ], + [ + "ĠUn", + "ified" + ], + [ + "Ġext", + "inctions" + ], + [ + "Ġcur", + "ricular" + ], + [ + "Ġtre", + "asured" + ], + [ + "Ġcho", + "ke" + ], + [ + "Ġwel", + "ded" + ], + [ + "ĠDal", + "ai" + ], + [ + "Ġdeform", + "ities" + ], + [ + "B", + "ound" + ], + [ + "j", + "unct" + ], + [ + "v", + "itamin" + ], + [ + "Ġs", + "ul" + ], + [ + "le", + "ague" + ], + [ + "ĠW", + "onders" + ], + [ + "ĠF", + "au" + ], + [ + "Ġab", + "c" + ], + [ + "ag", + "ra" + ], + [ + "ĠCom", + "pl" + ], + [ + "Ġ__", + "__" + ], + [ + "ĠAN", + "C" + ], + [ + "Ġband", + "age" + ], + [ + "ĠInv", + "esting" + ], + [ + "Mar", + "ie" + ], + [ + "Ġcasual", + "ty" + ], + [ + "Enc", + "ourage" + ], + [ + "ĠYose", + "mite" + ], + [ + "r", + "one" + ], + [ + "al", + "ine" + ], + [ + "Ġin", + "ks" + ], + [ + "Ġso", + "ar" + ], + [ + "Ġins", + "ults" + ], + [ + "Ġtest", + "ified" + ], + [ + "ĠAn", + "ab" + ], + [ + "ĠAr", + "row" + ], + [ + "ĠCl", + "othing" + ], + [ + "fer", + "ably" + ], + [ + "Ġrevolution", + "aries" + ], + [ + "Ġblog", + "ging" + ], + [ + "Ġbatt", + "alions" + ], + [ + "Ġcosm", + "ological" + ], + [ + "erial", + "ize" + ], + [ + "Ġintersect", + "ing" + ], + [ + "c", + "ke" + ], + [ + "Ġperiod", + "icals" + ], + [ + "col", + "lege" + ], + [ + "EN", + "V" + ], + [ + "ĠMac", + "Donald" + ], + [ + "ano", + "ia" + ], + [ + "Ġconqu", + "ests" + ], + [ + "Put", + "ting" + ], + [ + "Ġphyt", + "ochemical" + ], + [ + "Ġconfisc", + "ated" + ], + [ + "ĠBav", + "aria" + ], + [ + "ilant", + "ro" + ], + [ + "$", + "\\" + ], + [ + "Ġo", + "e" + ], + [ + "Ġre", + "ared" + ], + [ + "ĠN", + "BC" + ], + [ + "Ġk", + "h" + ], + [ + "ĠJ", + "H" + ], + [ + "iff", + "lin" + ], + [ + "Ġcar", + "ibou" + ], + [ + "Ġpower", + "fully" + ], + [ + "Ġcat", + "ac" + ], + [ + "Ġalign", + "ments" + ], + [ + "Ġbrand", + "ed" + ], + [ + "ĠFrank", + "enstein" + ], + [ + "ĠEll", + "a" + ], + [ + "NO", + "AA" + ], + [ + "çĶ", + "Ł" + ], + [ + "Ġarche", + "types" + ], + [ + "åŃ", + "ĺ" + ], + [ + "ĠDaw", + "son" + ], + [ + "ä¿", + "¡" + ], + [ + "V", + "i" + ], + [ + "p", + "itch" + ], + [ + "w", + "hel" + ], + [ + "al", + "ore" + ], + [ + "ĠS", + "ight" + ], + [ + "ĠB", + "rent" + ], + [ + "ĠB", + "asket" + ], + [ + "ĠO", + "y" + ], + [ + "Ġover", + "growth" + ], + [ + "side", + "red" + ], + [ + "ĠMin", + "utes" + ], + [ + "Ġang", + "i" + ], + [ + "Ġá", + "¸" + ], + [ + "Ġeclips", + "es" + ], + [ + "Ġdazz", + "ling" + ], + [ + "=", + "." + ], + [ + "I", + "PS" + ], + [ + "Ù", + "ģ" + ], + [ + "Ġex", + "iting" + ], + [ + "LA", + "IM" + ], + [ + "car", + "rying" + ], + [ + "Ġexhaust", + "ing" + ], + [ + "Ġdele", + "terious" + ], + [ + "ĠFif", + "ty" + ], + [ + "Ġinfar", + "ction" + ], + [ + "Q", + "R" + ], + [ + "Ġa", + "ce" + ], + [ + "Ġd", + "ips" + ], + [ + "le", + "uk" + ], + [ + "qu", + "iet" + ], + [ + "ĠB", + "ere" + ], + [ + "ĠE", + "PS" + ], + [ + "Ġimpro", + "v" + ], + [ + "(\"", + "{}" + ], + [ + "Ġsl", + "ime" + ], + [ + "Ġwid", + "est" + ], + [ + "EL", + "P" + ], + [ + "ĠHT", + "TPS" + ], + [ + "Ġcalm", + "ness" + ], + [ + "ĠJun", + "o" + ], + [ + "serial", + "izer" + ], + [ + "ĠExcell", + "ent" + ], + [ + "ä¸Ģ", + "个" + ], + [ + "WID", + "TH" + ], + [ + "er", + "ary" + ], + [ + "Ġp", + "ys" + ], + [ + "ĠT", + "rotsky" + ], + [ + "ĠH", + "ak" + ], + [ + "Ġse", + "b" + ], + [ + "ins", + "eng" + ], + [ + "other", + "s" + ], + [ + "Ġcomple", + "mented" + ], + [ + "ann", + "ual" + ], + [ + "Ġfem", + "oral" + ], + [ + "obs", + "erved" + ], + [ + "oven", + "ants" + ], + [ + "Ġnumer", + "acy" + ], + [ + "Ġtranscend", + "ent" + ], + [ + "ĠComprehens", + "ion" + ], + [ + "Ġcentr", + "ally" + ], + [ + "ĠCCS", + "S" + ], + [ + "ĠCul", + "inary" + ], + [ + "NotFound", + "Error" + ], + [ + "Ġunknow", + "ingly" + ], + [ + "Ġmonst", + "rous" + ], + [ + "d", + "ream" + ], + [ + "ĠJ", + "PL" + ], + [ + "Ġsl", + "oping" + ], + [ + "Ġprim", + "ers" + ], + [ + "Ġacqu", + "ires" + ], + [ + "Ġaggrav", + "ated" + ], + [ + "~~~~~~~~", + "~~~~~~~~" + ], + [ + "O", + "cean" + ], + [ + "j", + "in" + ], + [ + "ent", + "in" + ], + [ + "ĠC", + "CC" + ], + [ + "ĠW", + "ah" + ], + [ + "ĠL", + "ys" + ], + [ + "ĠU", + "m" + ], + [ + "Ġra", + "ced" + ], + [ + "ĠOr", + "well" + ], + [ + "ĠInst", + "alling" + ], + [ + "aff", + "in" + ], + [ + "Ġlo", + "oph" + ], + [ + "Ġenvelop", + "es" + ], + [ + "Tur", + "k" + ], + [ + "Ġtravers", + "ing" + ], + [ + "C", + "os" + ], + [ + "Ġw", + "ards" + ], + [ + "Ġf", + "g" + ], + [ + "Ġd", + "itches" + ], + [ + "ol", + "ve" + ], + [ + "qu", + "ate" + ], + [ + "ĠH", + "ag" + ], + [ + "Ġch", + "illed" + ], + [ + "ĠRe", + "actions" + ], + [ + "ĠHol", + "ly" + ], + [ + "Ġcounter", + "feit" + ], + [ + "Ġamb", + "assadors" + ], + [ + "Ġsin", + "cerity" + ], + [ + "+", + "." + ], + [ + "R", + "M" + ], + [ + "c", + "ategorical" + ], + [ + "he", + "ating" + ], + [ + "Ġe", + "Book" + ], + [ + "Ġl", + "ilies" + ], + [ + "ĠT", + "T" + ], + [ + "ut", + "orial" + ], + [ + "ĠR", + "ag" + ], + [ + "pt", + "ime" + ], + [ + "ĠV", + "ib" + ], + [ + "Ġbroad", + "ening" + ], + [ + "Ġfasc", + "ist" + ], + [ + "ĠAnt", + "ioxid" + ], + [ + "Ġnavig", + "ational" + ], + [ + "Ġiron", + "ically" + ], + [ + "ĠÐ", + "·" + ], + [ + "Ġneut", + "roph" + ], + [ + "ĠGrand", + "ma" + ], + [ + "sur", + "vey" + ], + [ + "Ġsor", + "ghum" + ], + [ + "ĠSubst", + "ances" + ], + [ + "Ġpv", + "property" + ], + [ + "Å", + "¾" + ], + [ + "Ġd", + "uel" + ], + [ + "ol", + "ver" + ], + [ + "Ġis", + "t" + ], + [ + "Ġwh", + "opping" + ], + [ + "ĠD", + "ahl" + ], + [ + "Ġle", + "opards" + ], + [ + "ĠL", + "B" + ], + [ + "Ġper", + "ched" + ], + [ + "Ġvis", + "ibly" + ], + [ + "Ġland", + "er" + ], + [ + "ĠAng", + "er" + ], + [ + "ĠOrgan", + "izational" + ], + [ + "MS", + "G" + ], + [ + "gu", + "ess" + ], + [ + "ĠVer", + "bal" + ], + [ + "ĠGar", + "lic" + ], + [ + "Ġmol", + "asses" + ], + [ + "ĠGre", + "co" + ], + [ + "Ġannoy", + "ed" + ], + [ + "Ġail", + "ment" + ], + [ + "Ġsuperv", + "ising" + ], + [ + "G", + "roups" + ], + [ + "Ġc", + "umin" + ], + [ + "if", + "act" + ], + [ + "Ġspec", + "k" + ], + [ + "Ġsay", + "ings" + ], + [ + "ĠApp", + "les" + ], + [ + "AB", + "ASE" + ], + [ + "Ġempt", + "ying" + ], + [ + "ĠLog", + "in" + ], + [ + "Ġgrat", + "ification" + ], + [ + "accept", + "ed" + ], + [ + "Ġstip", + "ulated" + ], + [ + "Ġterra", + "ces" + ], + [ + "Ġprecaution", + "ary" + ], + [ + "Ġgymn", + "astics" + ], + [ + "Ġpanor", + "amic" + ], + [ + "ĠHeming", + "way" + ], + [ + "H", + "s" + ], + [ + "q", + "i" + ], + [ + "v", + "l" + ], + [ + "Ø", + "©" + ], + [ + "le", + "igh" + ], + [ + "and", + "als" + ], + [ + "Ġquest", + "s" + ], + [ + "iol", + "a" + ], + [ + "ĠCour", + "tesy" + ], + [ + "Ġinfect", + "s" + ], + [ + "ĠSet", + "t" + ], + [ + "Ġstorm", + "y" + ], + [ + "ĠMass", + "acre" + ], + [ + "Ġstomach", + "s" + ], + [ + "ĠSuper", + "intendent" + ], + [ + "ĠMagn", + "a" + ], + [ + "Meta", + "Info" + ], + [ + "I", + "ds" + ], + [ + "L", + "IN" + ], + [ + "ot", + "ry" + ], + [ + "ĠP", + "PE" + ], + [ + "ĠE", + "sk" + ], + [ + "Ġdist", + "ill" + ], + [ + "ĠQu", + "akers" + ], + [ + "ĠHer", + "bs" + ], + [ + "Ġsin", + "ister" + ], + [ + "Ġaccompan", + "iment" + ], + [ + "ĠPul", + "itzer" + ], + [ + "åº", + "¦" + ], + [ + "Ve", + "get" + ], + [ + "L", + "ily" + ], + [ + "Ġin", + "clusions" + ], + [ + "ĠM", + "ae" + ], + [ + "Ġcont", + "ends" + ], + [ + "Ġac", + "claim" + ], + [ + "Ġgl", + "omer" + ], + [ + "Ġcapt", + "ives" + ], + [ + "ĠTw", + "entieth" + ], + [ + "Ġprop", + "ane" + ], + [ + "ĠIr", + "rigation" + ], + [ + "Ġadm", + "irable" + ], + [ + "Ġoutl", + "awed" + ], + [ + "ĠTry", + "ing" + ], + [ + "EX", + "P" + ], + [ + "ĠLE", + "ED" + ], + [ + "Ġinaug", + "uration" + ], + [ + "Ġencro", + "achment" + ], + [ + "A", + "ctions" + ], + [ + "p", + "ans" + ], + [ + "|", + "\\" + ], + [ + "Ġt", + "bsp" + ], + [ + "Ġp", + "ym" + ], + [ + "Ġp", + "udding" + ], + [ + "Ġto", + "ggle" + ], + [ + "ent", + "anyl" + ], + [ + "ĠT", + "YPE" + ], + [ + "Ġch", + "ocol" + ], + [ + "ĠSt", + "ages" + ], + [ + "cy", + "stic" + ], + [ + "Ġconc", + "ave" + ], + [ + "ĠAss", + "et" + ], + [ + "Ġliqu", + "ef" + ], + [ + "ĠConn", + "ected" + ], + [ + "Ġrab", + "bi" + ], + [ + "Ġdetermin", + "istic" + ], + [ + "rout", + "ine" + ], + [ + "-", + "." + ], + [ + "a", + "eda" + ], + [ + "c", + "ong" + ], + [ + "p", + "olicies" + ], + [ + "Ù", + "Ĥ" + ], + [ + "ic", + "her" + ], + [ + "Ġ(", + "_" + ], + [ + "ect", + "oral" + ], + [ + "ĠTh", + "ur" + ], + [ + "und", + "o" + ], + [ + "ec", + "ology" + ], + [ + "Ġdr", + "unken" + ], + [ + "='", + "/" + ], + [ + "Do", + "ctor" + ], + [ + "ĠSpecial", + "ized" + ], + [ + "Ġcough", + "s" + ], + [ + "ĠBon", + "n" + ], + [ + "ĠPred", + "ictor" + ], + [ + "Ġcov", + "alent" + ], + [ + "ĠKa", + "plan" + ], + [ + "Ġbic", + "arbonate" + ], + [ + "B", + "IT" + ], + [ + "s", + "f" + ], + [ + "es", + "i" + ], + [ + "ĠA", + "STM" + ], + [ + "ĠP", + "ipe" + ], + [ + "Ġr", + "iddles" + ], + [ + "Ġout", + "fits" + ], + [ + "ĠRe", + "cipe" + ], + [ + "Ġdet", + "on" + ], + [ + "de", + "en" + ], + [ + "ĠX", + "III" + ], + [ + "ĠAm", + "end" + ], + [ + "Ġeth", + "ylene" + ], + [ + "requ", + "irements" + ], + [ + "df", + "unding" + ], + [ + "Ġs", + "ipping" + ], + [ + "Ġe", + "ater" + ], + [ + "Ġex", + "odus" + ], + [ + "ĠThe", + "rapeutic" + ], + [ + "og", + "ical" + ], + [ + "Ġdis", + "enfranch" + ], + [ + "Ġpe", + "aches" + ], + [ + "Ġgrow", + "er" + ], + [ + "ĠAct", + "ivism" + ], + [ + "ĠCO", + "M" + ], + [ + "Col", + "our" + ], + [ + "Ġlecture", + "rs" + ], + [ + "Ġschedul", + "er" + ], + [ + "ĠCollab", + "orate" + ], + [ + "ĠBoy", + "le" + ], + [ + "ĠTao", + "ism" + ], + [ + "Ġenshr", + "ined" + ], + [ + "'", + "\")" + ], + [ + "¦", + "Ĥ" + ], + [ + "olog", + "na" + ], + [ + "ef", + "er" + ], + [ + "Ġwater", + "falls" + ], + [ + "ĠAs", + "semb" + ], + [ + "ĠPro", + "x" + ], + [ + "sc", + "aling" + ], + [ + "Ġput", + "ative" + ], + [ + "Ġcolor", + "less" + ], + [ + "Ġfinal", + "ized" + ], + [ + "Ġfast", + "ened" + ], + [ + "ĠProv", + "ider" + ], + [ + "project", + "ion" + ], + [ + "ĠKen", + "yan" + ], + [ + "Ġorth", + "ogonal" + ], + [ + "á¹", + "Ľ" + ], + [ + "Ġfurnish", + "ings" + ], + [ + "assemb", + "led" + ], + [ + "A", + "X" + ], + [ + "V", + "ision" + ], + [ + "f", + "erences" + ], + [ + "r", + "asing" + ], + [ + "Ġr", + "ut" + ], + [ + "Ġind", + "ict" + ], + [ + "ĠK", + "ipp" + ], + [ + "ĠInd", + "icators" + ], + [ + "Ġpost", + "docs" + ], + [ + "Ġintern", + "ment" + ], + [ + "ĠCal", + "cutta" + ], + [ + "Ġrout", + "ed" + ], + [ + "Ġcolon", + "ize" + ], + [ + "ĠMost", + "ly" + ], + [ + "Ġmit", + "z" + ], + [ + "Ġempt", + "iness" + ], + [ + "Per", + "formance" + ], + [ + "ĠSil", + "ent" + ], + [ + "Ġretrie", + "ving" + ], + [ + "æĸ", + "°" + ], + [ + "cover", + "age" + ], + [ + "Ġcancel", + "ed" + ], + [ + "Impro", + "ving" + ], + [ + "R", + "AM" + ], + [ + "c", + "ru" + ], + [ + "ĠC", + "roc" + ], + [ + "Ġseem", + "ing" + ], + [ + "Ġforce", + "ful" + ], + [ + "ĠRet", + "ail" + ], + [ + "bre", + "aks" + ], + [ + "Ġwatch", + "ful" + ], + [ + "Ġradi", + "ating" + ], + [ + "Ġoscill", + "ator" + ], + [ + "ĠTrib", + "unal" + ], + [ + "Ġtrop", + "es" + ], + [ + "F", + "ields" + ], + [ + "Ġs", + "ings" + ], + [ + "Ġcon", + "verse" + ], + [ + "Ġch", + "ina" + ], + [ + "ĠJ", + "ab" + ], + [ + "so", + "far" + ], + [ + "Ġsc", + "rib" + ], + [ + "ink", + "ling" + ], + [ + "ĠLe", + "ast" + ], + [ + "Ġge", + "ospatial" + ], + [ + "ĠTrans", + "parency" + ], + [ + "sche", + "me" + ], + [ + "hyth", + "mia" + ], + [ + "ĠHod", + "g" + ], + [ + "ubile", + "e" + ], + [ + "d", + "well" + ], + [ + "t", + "icks" + ], + [ + "in", + "atal" + ], + [ + "Ġha", + "re" + ], + [ + "Ġpo", + "ke" + ], + [ + "ĠQ", + "in" + ], + [ + "``", + "," + ], + [ + "ĠSc", + "hema" + ], + [ + "ĠEd", + "iting" + ], + [ + "uk", + "es" + ], + [ + "ĠDef", + "icit" + ], + [ + "ĠGreen", + "peace" + ], + [ + "ĠOut", + "reach" + ], + [ + "Ġwithdraw", + "ing" + ], + [ + "à¸", + "²" + ], + [ + "Ġfisher", + "man" + ], + [ + "ĠBrain", + "storm" + ], + [ + "Ġamput", + "ation" + ], + [ + "v", + "ian" + ], + [ + "w", + "ant" + ], + [ + "at", + "ype" + ], + [ + "it", + "izing" + ], + [ + "Ġin", + "p" + ], + [ + "Ġe", + "aves" + ], + [ + "ĠF", + "C" + ], + [ + "ĠN", + "ina" + ], + [ + "Ġsocial", + "ize" + ], + [ + "ĠGu", + "am" + ], + [ + "omy", + "c" + ], + [ + "atur", + "ity" + ], + [ + "HO", + "ME" + ], + [ + "Brow", + "se" + ], + [ + "ĠAcknow", + "ledge" + ], + [ + "P", + "akistan" + ], + [ + "a", + "er" + ], + [ + "d", + "q" + ], + [ + "at", + "uring" + ], + [ + "em", + "aker" + ], + [ + "ĠD", + "ense" + ], + [ + "Ġsh", + "uff" + ], + [ + "Ġme", + "gal" + ], + [ + "pre", + "gn" + ], + [ + "ĠGen", + "omics" + ], + [ + "Ġann", + "um" + ], + [ + "ĠVir", + "gil" + ], + [ + "sm", + "ooth" + ], + [ + "exist", + "ence" + ], + [ + "ĠSand", + "ra" + ], + [ + "ĠSep", + "arate" + ], + [ + "ĠLay", + "ers" + ], + [ + "ĠED", + "T" + ], + [ + "Ġproto", + "z" + ], + [ + "I", + "AN" + ], + [ + "b", + "h" + ], + [ + "Ä", + "Ł" + ], + [ + "Ġh", + "r" + ], + [ + "ut", + "ans" + ], + [ + "op", + "ies" + ], + [ + "Ġr", + "gb" + ], + [ + "ĠO", + "kin" + ], + [ + "Ġk", + "inetics" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠĠĠ" + ], + [ + "yl", + "an" + ], + [ + "Ġkn", + "ob" + ], + [ + "Ġoxid", + "ized" + ], + [ + "Spe", + "ech" + ], + [ + "J", + "son" + ], + [ + "f", + "ri" + ], + [ + "Ġb", + "ucks" + ], + [ + "Ġe", + "el" + ], + [ + "ĠP", + "J" + ], + [ + "ĠD", + "RC" + ], + [ + "ĠN", + "im" + ], + [ + "ters", + "hire" + ], + [ + "Ġcut", + "ters" + ], + [ + "Ġexcell", + "ed" + ], + [ + "Ġoscill", + "ation" + ], + [ + "Ġrefere", + "es" + ], + [ + "ĠConfuci", + "us" + ], + [ + "le", + "et" + ], + [ + "ol", + "ks" + ], + [ + "ĠB", + "SD" + ], + [ + "Ġad", + "mon" + ], + [ + "Ġcomm", + "ens" + ], + [ + "Ġup", + "hill" + ], + [ + "Ġdec", + "el" + ], + [ + "ĠAl", + "ien" + ], + [ + "ophy", + "tes" + ], + [ + "Ġnotice", + "ably" + ], + [ + "sign", + "ificant" + ], + [ + "ĠMaced", + "onian" + ], + [ + "Wil", + "son" + ], + [ + "at", + "osis" + ], + [ + "ĠS", + "ERV" + ], + [ + "ĠC", + "oh" + ], + [ + "ĠW", + "alls" + ], + [ + "ite", + "xt" + ], + [ + "Ġexp", + "onents" + ], + [ + "ĠEng", + "l" + ], + [ + "Ġsent", + "imental" + ], + [ + "ĠPe", + "pper" + ], + [ + "ĠMar", + "in" + ], + [ + "ĠMiss", + "ile" + ], + [ + "Em", + "ily" + ], + [ + "ĠProdu", + "ce" + ], + [ + "Ġf", + "en" + ], + [ + "am", + "ber" + ], + [ + "ab", + "ets" + ], + [ + "ĠL", + "us" + ], + [ + "ell", + "ites" + ], + [ + "ip", + "hy" + ], + [ + "ĠJ", + "oa" + ], + [ + "ov", + "ina" + ], + [ + "Ġgl", + "iding" + ], + [ + "Ġqual", + "ifies" + ], + [ + "Col", + "a" + ], + [ + "api", + "ro" + ], + [ + "ĠMart", + "inez" + ], + [ + "rus", + "ions" + ], + [ + "ĠHy", + "der" + ], + [ + "Ġfing", + "ern" + ], + [ + "jud", + "ice" + ], + [ + "ĠCoord", + "ination" + ], + [ + "ĠAnat", + "olia" + ], + [ + "Ġlad", + "en" + ], + [ + "Ġwit", + "ty" + ], + [ + "æŀ", + "ľ" + ], + [ + "esare", + "an" + ], + [ + "k", + "on" + ], + [ + "Ġo", + "racle" + ], + [ + "st", + "rict" + ], + [ + "ĠC", + "annabis" + ], + [ + "Ġr", + "ang" + ], + [ + "Ġsh", + "unt" + ], + [ + "light", + "ly" + ], + [ + "Ġdiet", + "ing" + ], + [ + "čĊ", + "ĉĉĉĉ" + ], + [ + "âĢ¦", + ".." + ], + [ + "Sh", + "ift" + ], + [ + "ĠSch", + "warz" + ], + [ + "[:", + ":-" + ], + [ + "oly", + "b" + ], + [ + "Ġcontradict", + "s" + ], + [ + "Ġinh", + "aling" + ], + [ + "ĠAssy", + "ria" + ], + [ + "Ġeigen", + "values" + ], + [ + "Ġparaph", + "rase" + ], + [ + "Ġoppos", + "ites" + ], + [ + "c", + "ens" + ], + [ + "Ġs", + "aga" + ], + [ + "ĠM", + "olly" + ], + [ + "ĠH", + "LA" + ], + [ + "Ġsub", + "terranean" + ], + [ + "Ġrep", + "rogram" + ], + [ + "ĠSh", + "aping" + ], + [ + "Ġpath", + "ologist" + ], + [ + "ĠAfter", + "wards" + ], + [ + "Ġpal", + "ae" + ], + [ + "Ġscript", + "ing" + ], + [ + "ĠAcc", + "om" + ], + [ + "Ġske", + "ptics" + ], + [ + "Ġvac", + "ations" + ], + [ + "Ġblind", + "ly" + ], + [ + "atern", + "ary" + ], + [ + "ĠCos", + "mic" + ], + [ + "Ġcrick", + "ets" + ], + [ + "Ġpolyphen", + "ols" + ], + [ + "Ġhilar", + "ious" + ], + [ + "t", + "us" + ], + [ + "com", + "be" + ], + [ + "Ġsub", + "division" + ], + [ + "ĠHe", + "ating" + ], + [ + "Ġdep", + "ress" + ], + [ + "me", + "asured" + ], + [ + "RO", + "P" + ], + [ + "Ġscript", + "ural" + ], + [ + "ĠInstruction", + "al" + ], + [ + "Ġausp", + "ices" + ], + [ + "Ġartisan", + "al" + ], + [ + "ĠCarp", + "enter" + ], + [ + "æ", + "¨" + ], + [ + "ĠC", + "SI" + ], + [ + "ĠM", + "ate" + ], + [ + "ac", + "io" + ], + [ + "ath", + "y" + ], + [ + "ĠAnt", + "icip" + ], + [ + "ĠMet", + "als" + ], + [ + "Const", + "ant" + ], + [ + "Ġescal", + "ation" + ], + [ + "Creat", + "ive" + ], + [ + "Ġacquaint", + "ances" + ], + [ + "Ġeman", + "ating" + ], + [ + "Ġfus", + "elage" + ], + [ + "M", + "sg" + ], + [ + "Ġab", + "bey" + ], + [ + "ign", + "ing" + ], + [ + "Ġher", + "mit" + ], + [ + "ency", + "cl" + ], + [ + "Ġsimple", + "x" + ], + [ + "cont", + "our" + ], + [ + "ĠSu", + "f" + ], + [ + "ĠPhD", + "s" + ], + [ + "ĠHam", + "mer" + ], + [ + "ĠWood", + "row" + ], + [ + "Ġmir", + "roring" + ], + [ + "ĠMagn", + "et" + ], + [ + "ĠPregn", + "ant" + ], + [ + "Ġhumming", + "birds" + ], + [ + "å¼", + "ı" + ], + [ + "Ġstrongh", + "old" + ], + [ + "MetaInfo", + "Class" + ], + [ + "G", + "PS" + ], + [ + "pre", + "processing" + ], + [ + "Ġmodern", + "ism" + ], + [ + "ON", + "S" + ], + [ + "Ġsepar", + "ator" + ], + [ + "ĠMet", + "abolic" + ], + [ + "mas", + "ters" + ], + [ + "Ġhorse", + "power" + ], + [ + "Ġye", + "asts" + ], + [ + "Ġlob", + "ster" + ], + [ + "ĠSus", + "p" + ], + [ + "ĠAutom", + "ated" + ], + [ + "Ġin", + "patient" + ], + [ + "Ġclass", + "ed" + ], + [ + "Ġrest", + "itution" + ], + [ + "sp", + "here" + ], + [ + "=\"", + "<" + ], + [ + "Ġdat", + "as" + ], + [ + "ĠGu", + "ards" + ], + [ + "AL", + "T" + ], + [ + "Ġsn", + "out" + ], + [ + "Re", + "ceived" + ], + [ + "ĠVol", + "tage" + ], + [ + "Pl", + "astic" + ], + [ + "Ġgun", + "powder" + ], + [ + "ĠPlace", + "ment" + ], + [ + "Ġspl", + "int" + ], + [ + "sent", + "ences" + ], + [ + "ĠDim", + "ensions" + ], + [ + "Ġdoctr", + "inal" + ], + [ + "G", + "ram" + ], + [ + "p", + "ies" + ], + [ + "Int", + "rigued" + ], + [ + "Ġuns", + "ur" + ], + [ + "tw", + "entieth" + ], + [ + "GR", + "APH" + ], + [ + "Oper", + "ations" + ], + [ + "ouns", + "aturated" + ], + [ + "Ġamphib", + "ious" + ], + [ + "ĠVolcan", + "o" + ], + [ + "Ġinconven", + "ient" + ], + [ + ">", + "\")" + ], + [ + "f", + "ee" + ], + [ + "Ġ", + "čĊĉ" + ], + [ + "Ġp", + "ane" + ], + [ + "ĠT", + "ran" + ], + [ + "ch", + "dir" + ], + [ + "Ġbe", + "gging" + ], + [ + "),", + "(" + ], + [ + "Ġpsych", + "otic" + ], + [ + "Ġtree", + "house" + ], + [ + "Ġwa", + "its" + ], + [ + "ĠSy", + "racuse" + ], + [ + "Ġauthent", + "ically" + ], + [ + "Ġbreed", + "er" + ], + [ + "ĠCase", + "y" + ], + [ + "ĠCr", + "imes" + ], + [ + "Ġpadd", + "ed" + ], + [ + "Ġwip", + "es" + ], + [ + "ĠLiv", + "estock" + ], + [ + "ĠSams", + "ung" + ], + [ + "Boolean", + "Field" + ], + [ + "Ġtout", + "ed" + ], + [ + "S", + "UM" + ], + [ + "c", + "het" + ], + [ + "ar", + "ie" + ], + [ + "ir", + "vana" + ], + [ + "ĠC", + "BC" + ], + [ + "ĠP", + "RI" + ], + [ + "ĠL", + "IB" + ], + [ + "Ġdec", + "rypt" + ], + [ + "Ġann", + "als" + ], + [ + "Ġmother", + "board" + ], + [ + "Ġbuoy", + "ancy" + ], + [ + "Ġconjunct", + "ivitis" + ], + [ + "LEG", + "ATO" + ], + [ + "m", + "ethyl" + ], + [ + "Ġf", + "odder" + ], + [ + "ed", + "ema" + ], + [ + "ĠG", + "rain" + ], + [ + "Ġun", + "balanced" + ], + [ + "ĠSt", + "y" + ], + [ + "Ġinit", + "ials" + ], + [ + "Com", + "mit" + ], + [ + "ĠPy", + "Torch" + ], + [ + "ĠInc", + "ident" + ], + [ + "Ġauthent", + "icate" + ], + [ + "Ġpharm", + "acies" + ], + [ + "hyd", + "ro" + ], + [ + "Ġgast", + "ronomy" + ], + [ + "ĠEmploy", + "ers" + ], + [ + "Prim", + "itive" + ], + [ + "F", + "riendly" + ], + [ + "s", + "ed" + ], + [ + "Ġm", + "ommy" + ], + [ + "ĠM", + "osaic" + ], + [ + "ĠD", + "D" + ], + [ + "ĠO", + "scill" + ], + [ + "Ġher", + "s" + ], + [ + "ĠPl", + "asma" + ], + [ + "Ġextrem", + "ist" + ], + [ + "Ġrandom", + "ised" + ], + [ + "disc", + "ord" + ], + [ + "Ġredist", + "ribute" + ], + [ + "Ġrall", + "ies" + ], + [ + "al", + "ers" + ], + [ + "ĠP", + "ec" + ], + [ + "ĠW", + "earing" + ], + [ + "ĠR", + "aven" + ], + [ + "ph", + "ilos" + ], + [ + "ĠV", + "augh" + ], + [ + "Ġben", + "ches" + ], + [ + "reg", + "ional" + ], + [ + "Ġdoc", + "king" + ], + [ + "Ġhyp", + "oxia" + ], + [ + "sub", + "scription" + ], + [ + "Se", + "ason" + ], + [ + "Ġlept", + "in" + ], + [ + "S", + "uddenly" + ], + [ + "Ö", + "¶" + ], + [ + "ĠA", + "ST" + ], + [ + "ĠS", + "addam" + ], + [ + "ĠP", + "ets" + ], + [ + "ĠB", + "rick" + ], + [ + "ag", + "as" + ], + [ + "ard", + "ia" + ], + [ + "ign", + "on" + ], + [ + "Ch", + "anged" + ], + [ + "])", + "]" + ], + [ + "vant", + "age" + ], + [ + "Ġcoll", + "ars" + ], + [ + "Ġconver", + "ters" + ], + [ + "Ġsegment", + "ed" + ], + [ + "ĠOcc", + "ur" + ], + [ + "ĠInterest", + "ing" + ], + [ + "Ġfare", + "well" + ], + [ + "Ġlev", + "ied" + ], + [ + "ucking", + "ham" + ], + [ + "Ġatten", + "uation" + ], + [ + "Rele", + "ase" + ], + [ + "S", + "CH" + ], + [ + "t", + "ank" + ], + [ + "Ġin", + "experienced" + ], + [ + "ĠT", + "L" + ], + [ + "ut", + "ility" + ], + [ + "ch", + "io" + ], + [ + "ch", + "airs" + ], + [ + "ĠR", + "SA" + ], + [ + "end", + "ium" + ], + [ + "ap", + "is" + ], + [ + "uss", + "el" + ], + [ + "my", + "th" + ], + [ + "Ġste", + "pper" + ], + [ + "log", + "ged" + ], + [ + "pat", + "rick" + ], + [ + "ado", + "op" + ], + [ + "Ġthin", + "ly" + ], + [ + "Ġepid", + "ermis" + ], + [ + "Man", + "ufact" + ], + [ + "ugg", + "er" + ], + [ + "Ġion", + "izing" + ], + [ + "Ġcaution", + "ed" + ], + [ + "Ġmobil", + "ized" + ], + [ + "ĠHart", + "ford" + ], + [ + "ĠPun", + "ishment" + ], + [ + "depend", + "ency" + ], + [ + "ĠWinn", + "ipeg" + ], + [ + "Ġove", + "reating" + ], + [ + "Ġdiast", + "olic" + ], + [ + "S", + "aving" + ], + [ + "b", + "ash" + ], + [ + "Ġcom", + "ed" + ], + [ + "ĠW", + "rap" + ], + [ + "ĠN", + "ineteenth" + ], + [ + "ĠK", + "nee" + ], + [ + "Ġdef", + "ec" + ], + [ + "Ġaut", + "osomal" + ], + [ + "Ġconf", + "erencing" + ], + [ + "Ġrecogn", + "ising" + ], + [ + "Ġtransc", + "ended" + ], + [ + "Ġsampl", + "er" + ], + [ + "Ġrecount", + "ed" + ], + [ + "ocl", + "onal" + ], + [ + "B", + "ern" + ], + [ + "m", + "ach" + ], + [ + "t", + "gt" + ], + [ + "in", + "cludes" + ], + [ + "Ġc", + "er" + ], + [ + "ĠB", + "IOS" + ], + [ + "ĠJ", + "uris" + ], + [ + "Ġcl", + "ad" + ], + [ + "av", + "our" + ], + [ + "ĠCons", + "uming" + ], + [ + "RE", + "C" + ], + [ + "pat", + "ients" + ], + [ + "°", + "." + ], + [ + "Ġmac", + "ron" + ], + [ + "dem", + "o" + ], + [ + "ĠBah", + "amas" + ], + [ + "ĠLeban", + "ese" + ], + [ + "âĤ", + "Ĥ" + ], + [ + "ĠMell", + "on" + ], + [ + "ĠProphe", + "ts" + ], + [ + "F", + "ront" + ], + [ + "v", + "iz" + ], + [ + "Ġ", + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ" + ], + [ + "ce", + "re" + ], + [ + "Ġatt", + "uned" + ], + [ + "Ġprot", + "esting" + ], + [ + "Ġhard", + "iness" + ], + [ + "Ġteam", + "ed" + ], + [ + "Ġarr", + "hythmias" + ], + [ + "ĠApp", + "ropri" + ], + [ + "Ġcat", + "fish" + ], + [ + "Ġregular", + "ity" + ], + [ + "Ġmechan", + "ic" + ], + [ + "--------------------------------", + "-------" + ], + [ + "Ġshoot", + "ings" + ], + [ + "Ant", + "ib" + ], + [ + "ĠSD", + "Gs" + ], + [ + "ĠBapt", + "ism" + ], + [ + "Ġprophyl", + "axis" + ], + [ + "ĠFIT", + "NESS" + ], + [ + "m", + "aterials" + ], + [ + "ç", + "Ĥ¹" + ], + [ + "Ġe", + "ard" + ], + [ + "un", + "iversity" + ], + [ + "Ġhome", + "opathy" + ], + [ + "ĠEd", + "ited" + ], + [ + "ĠCong", + "ratulations" + ], + [ + "nam", + "ely" + ], + [ + "Trans", + "action" + ], + [ + "Ġscroll", + "s" + ], + [ + "j", + "uana" + ], + [ + "at", + "as" + ], + [ + "or", + "an" + ], + [ + "ĠC", + "ERN" + ], + [ + "cl", + "ine" + ], + [ + "Ġgener", + "ative" + ], + [ + "Ġtest", + "icular" + ], + [ + "CE", + "PT" + ], + [ + "free", + "ze" + ], + [ + "ĠLight", + "ning" + ], + [ + "TY", + "PES" + ], + [ + "Ġgri", + "ps" + ], + [ + "pix", + "els" + ], + [ + "every", + "thing" + ], + [ + "Pack", + "age" + ], + [ + "Ġirresist", + "ible" + ], + [ + "T", + "rust" + ], + [ + "ĠE", + "ls" + ], + [ + "Ġk", + "osher" + ], + [ + "ĠK", + "M" + ], + [ + "ath", + "yroid" + ], + [ + "ll", + "ium" + ], + [ + "Ġemb", + "argo" + ], + [ + "ĠGu", + "est" + ], + [ + "Ġer", + "oding" + ], + [ + "âĢ¢", + "âĢ¢" + ], + [ + "enth", + "ic" + ], + [ + "Ġcast", + "es" + ], + [ + "Be", + "coming" + ], + [ + "diff", + "icult" + ], + [ + "ĠCel", + "ts" + ], + [ + "ĠGastro", + "enter" + ], + [ + "R", + "ose" + ], + [ + "Ġp", + "ung" + ], + [ + "ĠM", + "its" + ], + [ + "oc", + "eros" + ], + [ + "ĠH", + "absburg" + ], + [ + "Ġexam", + "iner" + ], + [ + "pro", + "x" + ], + [ + "Ġpath", + "ophysiology" + ], + [ + "reg", + "istration" + ], + [ + "Ġpredict", + "ability" + ], + [ + "Ġfavor", + "ably" + ], + [ + "ĠCommun", + "ion" + ], + [ + "Ġwealth", + "iest" + ], + [ + "ĠÃ", + "Ĥ" + ], + [ + "Ġcram", + "ping" + ], + [ + "ĠMER", + "CHANTABILITY" + ], + [ + "'", + "\"," + ], + [ + "p", + "un" + ], + [ + "ĠM", + "are" + ], + [ + "qu", + "eries" + ], + [ + "Ġ\"", + "\":" + ], + [ + "Ġro", + "aming" + ], + [ + "uc", + "chini" + ], + [ + "Ġreal", + "istically" + ], + [ + "Ġaccount", + "ant" + ], + [ + "Ġur", + "inate" + ], + [ + "Ġneg", + "ro" + ], + [ + "Ġstri", + "pping" + ], + [ + "ĠVir", + "al" + ], + [ + "ĠSch", + "ul" + ], + [ + "ĠGreen", + "wood" + ], + [ + "ĠSk", + "ip" + ], + [ + "Qu", + "est" + ], + [ + "Where", + "as" + ], + [ + "Ġseal", + "ants" + ], + [ + "ĠBolshe", + "vik" + ], + [ + "ĠStef", + "an" + ], + [ + "f", + "illing" + ], + [ + "p", + "unk" + ], + [ + "w", + "age" + ], + [ + "em", + "brance" + ], + [ + "ĠF", + "airy" + ], + [ + "Ġac", + "utely" + ], + [ + "Ġjust", + "ices" + ], + [ + "Ġel", + "ast" + ], + [ + "Ġrab", + "bin" + ], + [ + "ĠPot", + "ato" + ], + [ + "Like", + "wise" + ], + [ + "Ġreign", + "s" + ], + [ + "Ġdeleg", + "ated" + ], + [ + "ĠExc", + "iting" + ], + [ + "Ġentang", + "lement" + ], + [ + "ĠOdys", + "seus" + ], + [ + "ĠVAL", + "UES" + ], + [ + "t", + "aken" + ], + [ + "ot", + "ting" + ], + [ + "art", + "y" + ], + [ + "ĠJ", + "al" + ], + [ + "sh", + "aw" + ], + [ + "Ġsent", + "encing" + ], + [ + "ĠChar", + "ity" + ], + [ + "cor", + "rh" + ], + [ + "ĠHaw", + "king" + ], + [ + "Ġpolyg", + "ons" + ], + [ + "ĠNSA", + "IDs" + ], + [ + ":", + "|" + ], + [ + "L", + "ex" + ], + [ + "x", + "ff" + ], + [ + "ĠE", + "LL" + ], + [ + "ip", + "v" + ], + [ + "ĠIn", + "quisition" + ], + [ + "Ġdes", + "icc" + ], + [ + "ĠV", + "P" + ], + [ + "cent", + "ers" + ], + [ + "und", + "y" + ], + [ + "ĠCont", + "ains" + ], + [ + "Ġcompet", + "ed" + ], + [ + "oe", + "lect" + ], + [ + "ĠHigh", + "light" + ], + [ + "ĠIr", + "vine" + ], + [ + "di", + "abetes" + ], + [ + "Pr", + "ince" + ], + [ + "ĠFat", + "ty" + ], + [ + "ĠPrem", + "ium" + ], + [ + "Determ", + "ine" + ], + [ + "Ann", + "ual" + ], + [ + "åĽ", + "ŀ" + ], + [ + "Ġwhims", + "ical" + ], + [ + "ĠCopern", + "icus" + ], + [ + "ç", + "±" + ], + [ + "Ġex", + "on" + ], + [ + "red", + "ucing" + ], + [ + "Ġimp", + "regn" + ], + [ + "ĠV", + "ij" + ], + [ + ".âĢĿ", + ")" + ], + [ + "ull", + "ing" + ], + [ + "Ġâ", + "Ķ" + ], + [ + "Ġ..", + ".," + ], + [ + "help", + "ful" + ], + [ + "Ġtens", + "ors" + ], + [ + "ĠCalcul", + "ating" + ], + [ + "ĠAbd", + "ullah" + ], + [ + "H", + "arm" + ], + [ + "h", + "ore" + ], + [ + "Ġp", + "ardon" + ], + [ + "ch", + "oose" + ], + [ + "Ġbe", + "ers" + ], + [ + "ĠB", + "reed" + ], + [ + "Ġle", + "uc" + ], + [ + "ĠN", + "IC" + ], + [ + "ĠN", + "RC" + ], + [ + "ĠWe", + "in" + ], + [ + "ung", + "a" + ], + [ + "ĠCar", + "rier" + ], + [ + "Ġfertil", + "iser" + ], + [ + "Art", + "icles" + ], + [ + "::", + "::" + ], + [ + "Ġcov", + "eted" + ], + [ + "ĠSens", + "ors" + ], + [ + "?", + "]" + ], + [ + "v", + "ill" + ], + [ + "Ġw", + "t" + ], + [ + "xt", + "icks" + ], + [ + "Ġret", + "reating" + ], + [ + "Ġbo", + "ar" + ], + [ + "Ġsun", + "ken" + ], + [ + "Ġir", + "responsible" + ], + [ + "Ġden", + "oting" + ], + [ + "Ġprev", + "ails" + ], + [ + "Ġsusp", + "icions" + ], + [ + "Ġfant", + "asies" + ], + [ + "Ġsne", + "eze" + ], + [ + "Select", + "ing" + ], + [ + "Ġost", + "ensibly" + ], + [ + "Ġcarc", + "ass" + ], + [ + "Ġempir", + "ically" + ], + [ + "ĠArtem", + "is" + ], + [ + "ĠRajas", + "than" + ], + [ + "B", + "AS" + ], + [ + "Ġd", + "ab" + ], + [ + "Ġh", + "uts" + ], + [ + "qu", + "ite" + ], + [ + "ĠR", + "over" + ], + [ + "Ġun", + "iting" + ], + [ + "Ġro", + "oting" + ], + [ + "arn", + "a" + ], + [ + "az", + "ure" + ], + [ + "RE", + "F" + ], + [ + "Ġconv", + "oy" + ], + [ + "spec", + "ifically" + ], + [ + "asp", + "berries" + ], + [ + "Ġhurt", + "ful" + ], + [ + "Ġtet", + "anus" + ], + [ + "Ġvisc", + "ous" + ], + [ + "ĠLoren", + "zo" + ], + [ + "ĠMID", + "I" + ], + [ + "ĠZoroast", + "rian" + ], + [ + "B", + "ell" + ], + [ + "t", + "ow" + ], + [ + "ĠI", + "ris" + ], + [ + "ob", + "o" + ], + [ + "we", + "eds" + ], + [ + "Ġmod", + "ulus" + ], + [ + "Ġnon", + "human" + ], + [ + "ĠBe", + "cker" + ], + [ + "ĠGu", + "in" + ], + [ + "Ph", + "D" + ], + [ + "oper", + "ated" + ], + [ + "Ġrevolution", + "izing" + ], + [ + "Ġwel", + "comes" + ], + [ + "Ġspons", + "orship" + ], + [ + "ĠOsw", + "ald" + ], + [ + "Î", + "Ķ" + ], + [ + "Ġd", + "omes" + ], + [ + "ĠM", + "d" + ], + [ + "oc", + "les" + ], + [ + "Ġpl", + "as" + ], + [ + "Ġout", + "flow" + ], + [ + "Ġpe", + "eling" + ], + [ + "Ġpar", + "ody" + ], + [ + "Ġcell", + "phone" + ], + [ + "ĠDisc", + "ourse" + ], + [ + "ĠSec", + "urities" + ], + [ + "iox", + "ide" + ], + [ + "ĠTs", + "ar" + ], + [ + "%%", + "%%" + ], + [ + "Ġcommence", + "ment" + ], + [ + "I", + "g" + ], + [ + "d", + "w" + ], + [ + "f", + "al" + ], + [ + "Ġan", + "ew" + ], + [ + "Ġearth", + "y" + ], + [ + "ĠEd", + "itors" + ], + [ + "sect", + "s" + ], + [ + "Ġign", + "eous" + ], + [ + "UR", + "CES" + ], + [ + "ĠPhys", + "iol" + ], + [ + "Ġethnic", + "ities" + ], + [ + "grad", + "es" + ], + [ + "ĠPan", + "ic" + ], + [ + "ĠEmb", + "assy" + ], + [ + "anth", + "us" + ], + [ + "Ġshar", + "per" + ], + [ + "Ġdeaf", + "ness" + ], + [ + "Ġket", + "tle" + ], + [ + "Ġsuffix", + "es" + ], + [ + "ĠBolshe", + "viks" + ], + [ + "Ġuncontroll", + "able" + ], + [ + "e", + "lected" + ], + [ + "ĠH", + "ok" + ], + [ + "ĠF", + "D" + ], + [ + "const", + "raints" + ], + [ + "Ġmotor", + "cycles" + ], + [ + "CS", + "S" + ], + [ + "App", + "endix" + ], + [ + "ĠON", + "LY" + ], + [ + "ĠDun", + "n" + ], + [ + "Ġcontra", + "ind" + ], + [ + "Ġdissemin", + "ating" + ], + [ + "Play", + "ing" + ], + [ + "Ġevangel", + "ical" + ], + [ + "Calcul", + "ate" + ], + [ + "Ġmun", + "itions" + ], + [ + "z", + "ac" + ], + [ + "il", + "io" + ], + [ + "ĠP", + "arth" + ], + [ + "ans", + "wers" + ], + [ + "ress", + "ors" + ], + [ + "Ġserv", + "ic" + ], + [ + "pre", + "y" + ], + [ + "Ġmother", + "hood" + ], + [ + "____", + "_" + ], + [ + "Ġtransfer", + "able" + ], + [ + "ĠHoff", + "man" + ], + [ + "Ġraz", + "or" + ], + [ + "^", + "\\" + ], + [ + "Ġd", + "umps" + ], + [ + "Ġcl", + "and" + ], + [ + "Ġmod", + "elled" + ], + [ + "Ġpres", + "ume" + ], + [ + "read", + "s" + ], + [ + "ĠAnd", + "hra" + ], + [ + "ext", + "ended" + ], + [ + "Ġsens", + "ed" + ], + [ + "AP", + "E" + ], + [ + "ME", + "s" + ], + [ + "Ġradi", + "ocarbon" + ], + [ + "ĠTri", + "ple" + ], + [ + "GR", + "AM" + ], + [ + "ĠMu", + "ir" + ], + [ + "iri", + "am" + ], + [ + "ĠBatt", + "les" + ], + [ + "Ġont", + "ology" + ], + [ + "Ġnanom", + "aterials" + ], + [ + "D", + "og" + ], + [ + "v", + "ara" + ], + [ + "Ġa", + "ura" + ], + [ + "Ġwh", + "ipped" + ], + [ + "ĠB", + "uc" + ], + [ + "Ġph", + "obias" + ], + [ + "Ġset", + "uptools" + ], + [ + "Ġpenet", + "rated" + ], + [ + "Ġcod", + "ified" + ], + [ + "eros", + "ene" + ], + [ + "ripp", + "s" + ], + [ + "hig", + "hest" + ], + [ + "bud", + "get" + ], + [ + "r", + "ism" + ], + [ + "æ", + "Ľ" + ], + [ + "Ġm", + "owing" + ], + [ + "ri", + "ac" + ], + [ + "Ġout", + "wards" + ], + [ + "ĠK", + "ush" + ], + [ + "ew", + "are" + ], + [ + "ateg", + "or" + ], + [ + "ĠPl", + "ane" + ], + [ + "Ġstates", + "man" + ], + [ + "inf", + "ect" + ], + [ + "Ġtax", + "ing" + ], + [ + "Ġhyp", + "ocr" + ], + [ + "ĠOb", + "tain" + ], + [ + "ĠSub", + "scribe" + ], + [ + "Ġplag", + "iar" + ], + [ + "Ġsnap", + "shots" + ], + [ + "ĠIg", + "G" + ], + [ + "ĠZion", + "ism" + ], + [ + "Ġfigur", + "ines" + ], + [ + "Ġted", + "dy" + ], + [ + "Ġsacra", + "ments" + ], + [ + "ĠT", + "utor" + ], + [ + "ĠH", + "L" + ], + [ + "ĠG", + "ret" + ], + [ + "Ġout", + "ermost" + ], + [ + "Ġfe", + "vers" + ], + [ + "Ġdet", + "riment" + ], + [ + "Ġlevel", + "ed" + ], + [ + "Ġplan", + "ters" + ], + [ + "Ġrest", + "raints" + ], + [ + "ĠNational", + "ism" + ], + [ + "fil", + "enames" + ], + [ + "sub", + "scribe" + ], + [ + "rep", + "air" + ], + [ + "Ġthick", + "ened" + ], + [ + "ĠRec", + "ording" + ], + [ + "plan", + "etary" + ], + [ + "Ġfart", + "hest" + ], + [ + "Recogn", + "izing" + ], + [ + "Ġvanish", + "ing" + ], + [ + "Ġremod", + "eling" + ], + [ + "D", + "ATE" + ], + [ + "M", + "N" + ], + [ + "or", + "c" + ], + [ + "her", + "tz" + ], + [ + "ip", + "a" + ], + [ + "ĠAs", + "king" + ], + [ + "Ġche", + "et" + ], + [ + "ĠEx", + "it" + ], + [ + "Ġrest", + "rained" + ], + [ + "ĠSh", + "apes" + ], + [ + "Ġnational", + "s" + ], + [ + "ĠComp", + "ensation" + ], + [ + "bur", + "sts" + ], + [ + "ĠCra", + "zy" + ], + [ + "Mar", + "x" + ], + [ + "Ġspeci", + "ation" + ], + [ + "L", + "oop" + ], + [ + "j", + "av" + ], + [ + "y", + "ter" + ], + [ + "Ġs", + "igh" + ], + [ + "ĠR", + "iding" + ], + [ + "ĠL", + "ep" + ], + [ + "Ġfe", + "athered" + ], + [ + "Ġbl", + "asphem" + ], + [ + "Ġaff", + "irms" + ], + [ + "az", + "ers" + ], + [ + "Ġsent", + "ient" + ], + [ + "Ġseason", + "ally" + ], + [ + "cons", + "umption" + ], + [ + "Ġstra", + "ps" + ], + [ + "ĠDesign", + "er" + ], + [ + "ĠSen", + "ators" + ], + [ + "åĪ", + "Ĺ" + ], + [ + "ĠUl", + "ster" + ], + [ + "Ġseab", + "ed" + ], + [ + "LI", + "ED" + ], + [ + "Ġobl", + "ique" + ], + [ + "odend", + "ron" + ], + [ + "ĠH", + "ex" + ], + [ + "Ġhand", + "outs" + ], + [ + "ĠGen", + "eric" + ], + [ + "Go", + "al" + ], + [ + "ĠDeterm", + "ining" + ], + [ + "Ġcarp", + "al" + ], + [ + "ĠSin", + "clair" + ], + [ + "Ġmarsh", + "m" + ], + [ + "h", + "air" + ], + [ + "Ġb", + "py" + ], + [ + "Ġl", + "arynx" + ], + [ + "ĠT", + "ir" + ], + [ + "ĠC", + "AL" + ], + [ + "ĠH", + "ague" + ], + [ + "orm", + "an" + ], + [ + "ĠSt", + "ain" + ], + [ + "Ġgener", + "ational" + ], + [ + "Ġsmooth", + "ies" + ], + [ + "Ġhur", + "ried" + ], + [ + "Ġneurolog", + "ic" + ], + [ + "Ġarom", + "as" + ], + [ + "ikh", + "ail" + ], + [ + "ĠOrn", + "ith" + ], + [ + "/", + "*" + ], + [ + "Ġs", + "f" + ], + [ + "Ġd", + "l" + ], + [ + "Ġst", + "raining" + ], + [ + "Ġch", + "ats" + ], + [ + "ĠR", + "hy" + ], + [ + "ĠN", + "erve" + ], + [ + "Ġtime", + "zone" + ], + [ + "Ġimpro", + "b" + ], + [ + "ĠSh", + "ale" + ], + [ + "Ġwhite", + "board" + ], + [ + "OT", + "O" + ], + [ + "ĠÃ", + "ģ" + ], + [ + "Ġblog", + "ger" + ], + [ + "ĠPers", + "u" + ], + [ + "Pred", + "ict" + ], + [ + ",", + "*" + ], + [ + "Ã", + "µ" + ], + [ + "Ġp", + "lex" + ], + [ + "Ġm", + "ater" + ], + [ + "ĠP", + "ak" + ], + [ + "ĠR", + "osh" + ], + [ + "ĠG", + "RO" + ], + [ + "ĠK", + "and" + ], + [ + "Ġcons", + "oles" + ], + [ + "ĠY", + "ak" + ], + [ + "Ġappro", + "ving" + ], + [ + "Ġorgan", + "isational" + ], + [ + "ĠSe", + "y" + ], + [ + "ĠSh", + "am" + ], + [ + "Ġbi", + "ore" + ], + [ + "Ġrele", + "gated" + ], + [ + "Res", + "et" + ], + [ + "iter", + "ator" + ], + [ + "ĠMc", + "D" + ], + [ + "Ġsac", + "s" + ], + [ + "ĠTool", + "kit" + ], + [ + "Ġkilow", + "att" + ], + [ + "Ġmischie", + "vous" + ], + [ + "a", + "edia" + ], + [ + "re", + "call" + ], + [ + "Ġe", + "urope" + ], + [ + "ol", + "ian" + ], + [ + "ĠM", + "iz" + ], + [ + "ĠD", + "j" + ], + [ + "act", + "in" + ], + [ + "Ġcl", + "own" + ], + [ + "ph", + "ysics" + ], + [ + "row", + "ave" + ], + [ + "Wh", + "ole" + ], + [ + "Ġspread", + "sheets" + ], + [ + "atur", + "a" + ], + [ + "Ġbul", + "ld" + ], + [ + "ĠDay", + "ton" + ], + [ + "len", + "ame" + ], + [ + "ĠRob", + "ots" + ], + [ + "Form", + "er" + ], + [ + ":`", + "~" + ], + [ + "Ġpert", + "ussis" + ], + [ + "atern", + "ion" + ], + [ + "GP", + "U" + ], + [ + "ĠDias", + "pora" + ], + [ + "ge", + "om" + ], + [ + "est", + "hetics" + ], + [ + "ĠN", + "ice" + ], + [ + "Ġpr", + "uned" + ], + [ + "Ġrest", + "lessness" + ], + [ + "ĠX", + "L" + ], + [ + "ĠAust", + "ro" + ], + [ + "Ġprecip", + "itate" + ], + [ + "Ġaffirm", + "ing" + ], + [ + "Ġdisp", + "oss" + ], + [ + "ĠHumb", + "oldt" + ], + [ + "Ġb", + "anners" + ], + [ + "ĠT", + "EM" + ], + [ + "am", + "om" + ], + [ + "ĠH", + "ass" + ], + [ + "ĠD", + "iane" + ], + [ + "ach", + "ie" + ], + [ + "ĠSt", + "ability" + ], + [ + "ĠY", + "um" + ], + [ + "Ġac", + "orns" + ], + [ + "Ġproject", + "ile" + ], + [ + "Ġbi", + "ometric" + ], + [ + "met", + "ries" + ], + [ + "uk", + "u" + ], + [ + "Ġbra", + "vely" + ], + [ + "Ġfib", + "erglass" + ], + [ + "ĠAdd", + "ison" + ], + [ + "Ġdismiss", + "al" + ], + [ + "ĠSleep", + "ing" + ], + [ + "ĠiP", + "ads" + ], + [ + "Ġapprent", + "ice" + ], + [ + "ĠRol", + "and" + ], + [ + "Ġlan", + "tern" + ], + [ + "ĠShir", + "ley" + ], + [ + "Ġtrill", + "ions" + ], + [ + "+", + "'." + ], + [ + "M", + "ilitary" + ], + [ + "V", + "O" + ], + [ + "Ġis", + "o" + ], + [ + "ĠR", + "oof" + ], + [ + "ong", + "ed" + ], + [ + "Ġag", + "itated" + ], + [ + "AT", + "S" + ], + [ + "Ġemb", + "assy" + ], + [ + "Ġprepar", + "atory" + ], + [ + "Ġpoly", + "the" + ], + [ + "Tra", + "ce" + ], + [ + "ĠUV", + "A" + ], + [ + "Ġtort", + "oises" + ], + [ + "stud", + "ied" + ], + [ + "Ġbip", + "art" + ], + [ + "ĠKer", + "ry" + ], + [ + "ĠSut", + "ton" + ], + [ + "Ġengross", + "ed" + ], + [ + "B", + "uilt" + ], + [ + "J", + "ane" + ], + [ + "Ġd", + "ans" + ], + [ + "Ġd", + "ashed" + ], + [ + "ur", + "ger" + ], + [ + "ad", + "ish" + ], + [ + "ob", + "os" + ], + [ + "ĠV", + "S" + ], + [ + "Ġmod", + "ifier" + ], + [ + "Ġsuper", + "computer" + ], + [ + "Ġspr", + "ung" + ], + [ + "Ġpyl", + "ori" + ], + [ + "achy", + "cardia" + ], + [ + "=", + "\"\"" + ], + [ + "W", + "ISE" + ], + [ + "s", + "igned" + ], + [ + "Ø", + "Ń" + ], + [ + "æ", + "Ĭ" + ], + [ + "Ġa", + "sexual" + ], + [ + "ent", + "on" + ], + [ + "Ġg", + "in" + ], + [ + "ir", + "ubin" + ], + [ + "Ġcon", + "com" + ], + [ + "ĠH", + "ue" + ], + [ + "ĠF", + "ake" + ], + [ + "Ġse", + "ren" + ], + [ + "Ġj", + "an" + ], + [ + "pr", + "ises" + ], + [ + "ĠSh", + "ot" + ], + [ + "IN", + "PUT" + ], + [ + "Ġcapt", + "ains" + ], + [ + "ĠPar", + "se" + ], + [ + "Me", + "asuring" + ], + [ + "Ġanalog", + "ies" + ], + [ + "stru", + "al" + ], + [ + "ĠTy", + "ph" + ], + [ + "ĠStra", + "uss" + ], + [ + "------------------------", + "-" + ], + [ + "Ġhegemon", + "y" + ], + [ + "æģ", + "¯" + ], + [ + "m", + "olecule" + ], + [ + "w", + "ara" + ], + [ + "å", + "İ" + ], + [ + "Ġ", + "]." + ], + [ + "id", + "ic" + ], + [ + "ĠS", + "ap" + ], + [ + "ĠC", + "rab" + ], + [ + "Ġcon", + "cession" + ], + [ + "Ġde", + "construct" + ], + [ + "Ġint", + "onation" + ], + [ + "Ġmon", + "og" + ], + [ + "ral", + "tar" + ], + [ + "Ġtop", + "soil" + ], + [ + "ĠPh", + "yl" + ], + [ + "ott", + "i" + ], + [ + "ĠPre", + "ston" + ], + [ + "gra", + "ds" + ], + [ + "Ġdu", + "ly" + ], + [ + "Ġaqu", + "educt" + ], + [ + "conf", + "lict" + ], + [ + "ocy", + "steine" + ], + [ + "Ġharmon", + "ies" + ], + [ + "Ġdepr", + "ive" + ], + [ + "Ġlever", + "aged" + ], + [ + "Ġstrat", + "ified" + ], + [ + "ĠKel", + "vin" + ], + [ + "Ġarrog", + "ance" + ], + [ + "f", + "resh" + ], + [ + "k", + "id" + ], + [ + "ĠR", + "OM" + ], + [ + "ĠK", + "ick" + ], + [ + "oss", + "ils" + ], + [ + "aut", + "iful" + ], + [ + "Im", + "mun" + ], + [ + "ios", + "ync" + ], + [ + "Great", + "er" + ], + [ + "ĠMuss", + "olini" + ], + [ + "g", + "if" + ], + [ + "j", + "k" + ], + [ + "Ġm", + "asc" + ], + [ + "im", + "uth" + ], + [ + "ĠD", + "EF" + ], + [ + "ĠG", + "om" + ], + [ + "act", + "ually" + ], + [ + "ĠJ", + "W" + ], + [ + "con", + "cent" + ], + [ + "cy", + "st" + ], + [ + "Ġconst", + "rued" + ], + [ + "Ġtop", + "ological" + ], + [ + "ĠUp", + "dates" + ], + [ + "miss", + "ible" + ], + [ + "à¸", + "£" + ], + [ + "Ġvaric", + "ose" + ], + [ + "J", + "C" + ], + [ + "c", + "gi" + ], + [ + "Ġc", + "ic" + ], + [ + "Ġn", + "ipple" + ], + [ + "od", + "ers" + ], + [ + "ĠM", + "Ps" + ], + [ + "th", + "or" + ], + [ + "ĠN", + "airobi" + ], + [ + "Ġpres", + "ided" + ], + [ + "Ġdec", + "ou" + ], + [ + "Ġcar", + "box" + ], + [ + "Ġassoci", + "ating" + ], + [ + "Ġspace", + "flight" + ], + [ + "ĠAll", + "ison" + ], + [ + "Ġstre", + "ak" + ], + [ + "ĠHol", + "ocene" + ], + [ + "Ġattract", + "iveness" + ], + [ + "ĠMat", + "thews" + ], + [ + "En", + "able" + ], + [ + "Ġcritic", + "izing" + ], + [ + "success", + "fully" + ], + [ + "OUT", + "PUT" + ], + [ + "Ġmyel", + "in" + ], + [ + "Eval", + "uation" + ], + [ + "Ġhypers", + "ensitivity" + ], + [ + "m", + "atching" + ], + [ + "o", + "ices" + ], + [ + "Ã", + "¬" + ], + [ + "Ġd", + "pi" + ], + [ + "Ġst", + "inging" + ], + [ + "ĠB", + "ram" + ], + [ + "ĠF", + "ors" + ], + [ + "Ġun", + "named" + ], + [ + "ĠV", + "ista" + ], + [ + "Ex", + "ist" + ], + [ + "inf", + "os" + ], + [ + "Ġparam", + "etric" + ], + [ + "Ġcollabor", + "ator" + ], + [ + "ĠÃ", + "Ĩ" + ], + [ + "Ġaccel", + "er" + ], + [ + "Ġinspect", + "ing" + ], + [ + "Ġenact", + "ment" + ], + [ + "G", + "i" + ], + [ + "Ġb", + "idding" + ], + [ + "ig", + "es" + ], + [ + "ay", + "ette" + ], + [ + "Ġv", + "or" + ], + [ + "Ġdis", + "may" + ], + [ + "ĠV", + "L" + ], + [ + "Ġfl", + "ushed" + ], + [ + "Ġmon", + "t" + ], + [ + "Ġhard", + "working" + ], + [ + "ĠSu", + "fi" + ], + [ + "Ġtrust", + "worthiness" + ], + [ + "à¤", + "¦" + ], + [ + "е", + "м" + ], + [ + "Sm", + "oking" + ], + [ + "Ġphon", + "ological" + ], + [ + "Ġmol", + "ars" + ], + [ + "Jew", + "s" + ], + [ + "Ġcommemor", + "ated" + ], + [ + "ĠIMP", + "LIED" + ], + [ + "M", + "esh" + ], + [ + "Ġt", + "ors" + ], + [ + "st", + "akes" + ], + [ + "ĠC", + "FS" + ], + [ + "Ġtra", + "cer" + ], + [ + "Ġdevelopment", + "ally" + ], + [ + "Ġimm", + "utable" + ], + [ + "sc", + "roll" + ], + [ + "pre", + "process" + ], + [ + "\"]", + "]" + ], + [ + "Ġrandom", + "ness" + ], + [ + "ĠWrit", + "ings" + ], + [ + "Ġcritic", + "ised" + ], + [ + "Ġrent", + "s" + ], + [ + "Lab", + "els" + ], + [ + "Call", + "back" + ], + [ + "rup", + "ulous" + ], + [ + "Import", + "ance" + ], + [ + "Ġcurs", + "ive" + ], + [ + "Ġimb", + "ued" + ], + [ + "ĠConcent", + "ration" + ], + [ + "a", + "head" + ], + [ + "h", + "ots" + ], + [ + "ĠL", + "aksh" + ], + [ + "ĠG", + "anes" + ], + [ + "ne", + "eds" + ], + [ + "erm", + "o" + ], + [ + "Ġbr", + "ushed" + ], + [ + "orn", + "o" + ], + [ + "ĠBra", + "hma" + ], + [ + "н", + "и" + ], + [ + "ĠCP", + "Us" + ], + [ + "Ġrepublic", + "s" + ], + [ + "Ġsty", + "ling" + ], + [ + "ĠMarian", + "ne" + ], + [ + "it", + "ius" + ], + [ + "au", + "gment" + ], + [ + "Ġpre", + "print" + ], + [ + "oh", + "ist" + ], + [ + "||", + "=" + ], + [ + "ĠBe", + "ef" + ], + [ + "une", + "i" + ], + [ + "sequ", + "ential" + ], + [ + "ĠCons", + "ent" + ], + [ + "Ġcolon", + "izers" + ], + [ + "ĠSystem", + "ic" + ], + [ + "Dis", + "covery" + ], + [ + "fire", + "hose" + ], + [ + "Ġhydro", + "thermal" + ], + [ + "harv", + "est" + ], + [ + "Hung", + "arian" + ], + [ + "ĠCec", + "il" + ], + [ + "?", + "|" + ], + [ + "B", + "ee" + ], + [ + "d", + "ns" + ], + [ + "k", + "ner" + ], + [ + "n", + "ested" + ], + [ + "t", + "rim" + ], + [ + "en", + "i" + ], + [ + "ĠM", + "ash" + ], + [ + "ĠM", + "isc" + ], + [ + "ĠM", + "ifflin" + ], + [ + "ĠG", + "ig" + ], + [ + "ĠO", + "ss" + ], + [ + "ĠO", + "bl" + ], + [ + "Ġpre", + "face" + ], + [ + "ĠRe", + "placement" + ], + [ + "Ġrest", + "orations" + ], + [ + "Ġseason", + "ality" + ], + [ + "Ġtransl", + "ational" + ], + [ + "Ġpric", + "eless" + ], + [ + "Ġaf", + "ar" + ], + [ + "CP", + "U" + ], + [ + "Ġcheap", + "ly" + ], + [ + "Ġscreens", + "hot" + ], + [ + "Sw", + "ed" + ], + [ + "measure", + "ment" + ], + [ + "ĠBound", + "ary" + ], + [ + "AAAA", + "AAAA" + ], + [ + "ĠMek", + "ong" + ], + [ + "s", + "z" + ], + [ + "é", + "Ľ" + ], + [ + "ŀ", + "ĭ" + ], + [ + "Ġf", + "ray" + ], + [ + "ĠT", + "ant" + ], + [ + "Ġr", + "ipped" + ], + [ + "Ġwor", + "sens" + ], + [ + "ĠK", + "ahn" + ], + [ + "ĠY", + "uc" + ], + [ + "Ġdec", + "imated" + ], + [ + "Form", + "ation" + ], + [ + "ĠDecl", + "ine" + ], + [ + "Ġpap", + "aya" + ], + [ + "ĠNort", + "heastern" + ], + [ + "ĠBasil", + "ica" + ], + [ + "Pur", + "pose" + ], + [ + "SER", + "VER" + ], + [ + "T", + "i" + ], + [ + "Ġe", + "ucalyptus" + ], + [ + "ĠA", + "unt" + ], + [ + "ĠS", + "EM" + ], + [ + "ĠS", + "hips" + ], + [ + "op", + "f" + ], + [ + "Ġdis", + "grace" + ], + [ + "Ġpre", + "position" + ], + [ + "ject", + "ory" + ], + [ + "hers", + "on" + ], + [ + "def", + "initions" + ], + [ + "col", + "oured" + ], + [ + "inf", + "lu" + ], + [ + "Ġmist", + "ress" + ], + [ + "imm", + "un" + ], + [ + "Ġbee", + "keeping" + ], + [ + "Ġcass", + "ava" + ], + [ + "H", + "ET" + ], + [ + "b", + "ius" + ], + [ + "ĠT", + "asks" + ], + [ + "Ġch", + "anting" + ], + [ + "âĢĻ", + ")." + ], + [ + "Ġacc", + "ret" + ], + [ + "Ġref", + "uel" + ], + [ + "Ġpract", + "ising" + ], + [ + "Ġmarket", + "ers" + ], + [ + "Ġbott", + "oms" + ], + [ + "Ġtro", + "ve" + ], + [ + "Ġsen", + "ate" + ], + [ + "Ġouts", + "ider" + ], + [ + "Ġoverturn", + "ed" + ], + [ + "Ġtac", + "it" + ], + [ + "p", + "oke" + ], + [ + "ĠD", + "os" + ], + [ + "ĠF", + "eng" + ], + [ + "ĠG", + "iza" + ], + [ + "Ġun", + "charted" + ], + [ + "Ġsc", + "aly" + ], + [ + "ĠAd", + "en" + ], + [ + "inter", + "faces" + ], + [ + "Ġpersist", + "ently" + ], + [ + "Ġphr", + "asing" + ], + [ + "ĠTim", + "ing" + ], + [ + "ĠAcc", + "urate" + ], + [ + "Cons", + "umer" + ], + [ + "Ġasc", + "etic" + ], + [ + "Ġfur", + "ious" + ], + [ + "Ġcond", + "enser" + ], + [ + "ramew", + "orks" + ], + [ + "Non", + "etheless" + ], + [ + "B", + "ed" + ], + [ + "P", + "AT" + ], + [ + "S", + "weet" + ], + [ + "b", + "ah" + ], + [ + "iv", + "ative" + ], + [ + "ĠR", + "ex" + ], + [ + "Ġover", + "fishing" + ], + [ + "Ġam", + "aze" + ], + [ + "Ġdeep", + "ened" + ], + [ + "ĠGl", + "ory" + ], + [ + "ĠPal", + "ae" + ], + [ + "Ġstem", + "med" + ], + [ + "Ġvel", + "vet" + ], + [ + "ĠFac", + "ial" + ], + [ + "ĠImag", + "ination" + ], + [ + "ĠHorm", + "one" + ], + [ + "Ġhydroph", + "obic" + ], + [ + "K", + "a" + ], + [ + "P", + "regn" + ], + [ + "at", + "ched" + ], + [ + "el", + "im" + ], + [ + "ĠD", + "uff" + ], + [ + "ĠR", + "im" + ], + [ + "Ġequ", + "ates" + ], + [ + "Ġstre", + "aks" + ], + [ + "Ġpharmac", + "ists" + ], + [ + "\"", + "..." + ], + [ + "L", + "uck" + ], + [ + "d", + "ialog" + ], + [ + "j", + "as" + ], + [ + "ĠR", + "EG" + ], + [ + "ĠN", + "gu" + ], + [ + "Ġmix", + "er" + ], + [ + "ĠJes", + "uits" + ], + [ + "iter", + "items" + ], + [ + "ĠTw", + "ist" + ], + [ + "Ġgem", + "stones" + ], + [ + "Ġgenealog", + "ical" + ], + [ + "r", + "ion" + ], + [ + "v", + "at" + ], + [ + "ag", + "land" + ], + [ + "ust", + "ion" + ], + [ + "Ġself", + "less" + ], + [ + "ex", + "ercise" + ], + [ + "Ġgl", + "o" + ], + [ + "Ġmon", + "olithic" + ], + [ + "Ġclass", + "ifiers" + ], + [ + "Ġstate", + "hood" + ], + [ + "Ġbi", + "otech" + ], + [ + "Ġur", + "ls" + ], + [ + "Ġsat", + "irical" + ], + [ + "ĠPre", + "p" + ], + [ + "ĠPat", + "ience" + ], + [ + "gl", + "acial" + ], + [ + "ĠCross", + "ing" + ], + [ + "ĠHas", + "hem" + ], + [ + "ĠAlexand", + "ra" + ], + [ + "Ġcarot", + "enoids" + ], + [ + "Arab", + "ic" + ], + [ + "ĠAmph", + "ib" + ], + [ + "Ġreimburse", + "ment" + ], + [ + "D", + "uration" + ], + [ + "è", + "ĩ" + ], + [ + "ic", + "ulate" + ], + [ + "ve", + "z" + ], + [ + "ĠA", + "gencies" + ], + [ + "op", + "ted" + ], + [ + "Ġhe", + "fty" + ], + [ + "Ġph", + "ag" + ], + [ + "Ġfl", + "int" + ], + [ + "aw", + "an" + ], + [ + "ĠWe", + "ed" + ], + [ + "sp", + "ots" + ], + [ + "ĠAm", + "ount" + ], + [ + "Ġmis", + "used" + ], + [ + "ĠGl", + "ue" + ], + [ + "Ġillust", + "rious" + ], + [ + "Ġcoal", + "itions" + ], + [ + "ĠSal", + "ad" + ], + [ + "ĠCy", + "pri" + ], + [ + "ĠMel", + "issa" + ], + [ + "ĠLy", + "ndon" + ], + [ + "Message", + "Box" + ], + [ + "Return", + "ing" + ], + [ + "Sw", + "itch" + ], + [ + "Ġanomal", + "ous" + ], + [ + "Ġbic", + "ycl" + ], + [ + "REQU", + "EST" + ], + [ + "Lew", + "is" + ], + [ + "D", + "utch" + ], + [ + "ol", + "ulu" + ], + [ + "ĠS", + "udden" + ], + [ + "ĠE", + "IA" + ], + [ + "ost", + "at" + ], + [ + "Ġno", + "xious" + ], + [ + "Ġpar", + "cels" + ], + [ + "ĠMah", + "al" + ], + [ + "anth", + "in" + ], + [ + "adequ", + "ate" + ], + [ + "W", + "is" + ], + [ + "[", + "@" + ], + [ + "en", + "heim" + ], + [ + "Ġre", + "vert" + ], + [ + "ĠS", + "oup" + ], + [ + "ĠC", + "rew" + ], + [ + "ĠH", + "arding" + ], + [ + "âĢĻ", + "?" + ], + [ + "out", + "file" + ], + [ + "ru", + "nd" + ], + [ + "ie", + "ft" + ], + [ + "ĠIn", + "k" + ], + [ + "Ġper", + "tain" + ], + [ + "ĠV", + "era" + ], + [ + "ĠCount", + "ing" + ], + [ + "format", + "ted" + ], + [ + "Ġpun", + "ctu" + ], + [ + "ĠAtt", + "acks" + ], + [ + "Rel", + "igious" + ], + [ + ")*", + "(" + ], + [ + "Ġcock", + "pit" + ], + [ + "Ġrip", + "en" + ], + [ + "fro", + "zen" + ], + [ + "p", + "ig" + ], + [ + "Ġl", + "akh" + ], + [ + "ĠK", + "ok" + ], + [ + "Ġgen", + "itals" + ], + [ + "ern", + "ing" + ], + [ + "ĠAl", + "to" + ], + [ + "Ġmotor", + "ists" + ], + [ + "tr", + "ials" + ], + [ + "Ġpartition", + "ing" + ], + [ + "Food", + "s" + ], + [ + "Ġchimpan", + "zee" + ], + [ + "Ġunle", + "ash" + ], + [ + "ĠElim", + "ination" + ], + [ + "Prepar", + "ation" + ], + [ + "T", + "IM" + ], + [ + "is", + "instance" + ], + [ + "Ġn", + "ud" + ], + [ + "ol", + "ition" + ], + [ + "id", + "ia" + ], + [ + "ĠP", + "ID" + ], + [ + "ĠD", + "rew" + ], + [ + "ine", + "phrine" + ], + [ + "Ġun", + "inhab" + ], + [ + "Ġmod", + "erator" + ], + [ + "ĠAll", + "ergies" + ], + [ + "Ġ`", + "_" + ], + [ + "ae", + "an" + ], + [ + "ĠVir", + "uses" + ], + [ + "nes", + "ia" + ], + [ + "ĠLong", + "er" + ], + [ + "ĠDev", + "on" + ], + [ + "ĠVari", + "ation" + ], + [ + "Ġhydrop", + "onic" + ], + [ + "Ġrall", + "ied" + ], + [ + "aunder", + "ing" + ], + [ + "V", + "ertical" + ], + [ + "l", + "um" + ], + [ + "Ġl", + "ids" + ], + [ + "ĠS", + "hor" + ], + [ + "ay", + "ama" + ], + [ + "ĠAm", + "ar" + ], + [ + "Ġearth", + "worms" + ], + [ + "ĠAlex", + "a" + ], + [ + "ocy", + "st" + ], + [ + "ĠRos", + "etta" + ], + [ + "Ġμ", + "m" + ], + [ + "creat", + "or" + ], + [ + "Auto", + "Field" + ], + [ + "Ġfooth", + "ills" + ], + [ + "P", + "ract" + ], + [ + "R", + "omans" + ], + [ + "Ġc", + "rows" + ], + [ + "ĠT", + "ec" + ], + [ + "ĠC", + "ologne" + ], + [ + "ĠF", + "acing" + ], + [ + "Ġsocial", + "izing" + ], + [ + "Ġleg", + "ality" + ], + [ + "Ġang", + "u" + ], + [ + "AD", + "DR" + ], + [ + "Ġchrom", + "atin" + ], + [ + "Ġminimal", + "ist" + ], + [ + "ĠAgree", + "ments" + ], + [ + "æľ", + "Ģ" + ], + [ + "ĠRA", + "ID" + ], + [ + "blood", + "ed" + ], + [ + "Ġdismant", + "led" + ], + [ + "ðĿ", + "IJ" + ], + [ + "Ġaltru", + "ism" + ], + [ + "Ġbesie", + "ged" + ], + [ + "Ġsaff", + "ron" + ], + [ + "Virgin", + "ia" + ], + [ + "ĠCasp", + "ian" + ], + [ + "*", + ")" + ], + [ + "b", + "eds" + ], + [ + "c", + "riminals" + ], + [ + "Ġse", + "vered" + ], + [ + "Ġwill", + "iam" + ], + [ + "ild", + "e" + ], + [ + "):", + "**" + ], + [ + "Ġpop", + "py" + ], + [ + "to", + "oth" + ], + [ + "sc", + "ribed" + ], + [ + "An", + "not" + ], + [ + "ml", + "p" + ], + [ + "Ġwrong", + "s" + ], + [ + "AB", + "S" + ], + [ + "ĠPrinc", + "ip" + ], + [ + "ĠFlore", + "nt" + ], + [ + "ighted", + "ness" + ], + [ + "S", + "ky" + ], + [ + "n", + "ip" + ], + [ + "Ġs", + "g" + ], + [ + "ĠC", + "one" + ], + [ + "un", + "as" + ], + [ + "ap", + "art" + ], + [ + "Ġdes", + "ens" + ], + [ + "Ġmy", + "c" + ], + [ + "ĠInst", + "itut" + ], + [ + "ĠAss", + "ume" + ], + [ + "equ", + "ivalent" + ], + [ + "Ġpref", + "erential" + ], + [ + "ĠMa", + "as" + ], + [ + "Sub", + "mitted" + ], + [ + "Ġpanc", + "akes" + ], + [ + "ĠTaiwan", + "ese" + ], + [ + "delivery", + "stream" + ], + [ + "Ġexcurs", + "ions" + ], + [ + "ĠFranç", + "ois" + ], + [ + "T", + "am" + ], + [ + "re", + "active" + ], + [ + "st", + "amp" + ], + [ + "ĠT", + "D" + ], + [ + "ĠD", + "ag" + ], + [ + "Ġres", + "orted" + ], + [ + "ĠHe", + "idelberg" + ], + [ + "Ġref", + "ill" + ], + [ + "Ġdec", + "ib" + ], + [ + "ĠEn", + "able" + ], + [ + "ĠEd", + "o" + ], + [ + "ĠSal", + "isbury" + ], + [ + "Ġbee", + "keepers" + ], + [ + "ĠFrances", + "co" + ], + [ + "ĠBuch", + "anan" + ], + [ + "t", + "ropical" + ], + [ + "ĠI", + "brahim" + ], + [ + "ist", + "em" + ], + [ + "Ġne", + "aring" + ], + [ + "ĠF", + "iscal" + ], + [ + "ĠN", + "acional" + ], + [ + "Ġwater", + "way" + ], + [ + "Ġloc", + "ust" + ], + [ + "ling", + "er" + ], + [ + "amp", + "hetamine" + ], + [ + "Ġmarket", + "places" + ], + [ + "Ex", + "cept" + ], + [ + "ĠJew", + "el" + ], + [ + "ĠMet", + "adata" + ], + [ + "Ġdil", + "ated" + ], + [ + "Ġmile", + "age" + ], + [ + "Ġcommem", + "orative" + ], + [ + "Ġtranscend", + "ental" + ], + [ + "Ġtransistors", + "um" + ], + [ + "Ġhopeless", + "ness" + ], + [ + "Prob", + "ably" + ], + [ + "ĠSys", + "Call" + ], + [ + "B", + "aby" + ], + [ + "b", + "ians" + ], + [ + "Ġt", + "ame" + ], + [ + "Ġs", + "plic" + ], + [ + "Ġpl", + "agues" + ], + [ + "Ġsn", + "apping" + ], + [ + "Ġrefrig", + "erated" + ], + [ + "r", + "g" + ], + [ + "s", + "am" + ], + [ + "Ġp", + "ines" + ], + [ + "Ġb", + "oo" + ], + [ + "ĠW", + "ick" + ], + [ + "ĠF", + "landers" + ], + [ + "ĠLeg", + "ends" + ], + [ + "Ġpond", + "ering" + ], + [ + "ĠSant", + "os" + ], + [ + "ĠDal", + "ton" + ], + [ + "Ġmicrow", + "aves" + ], + [ + "document", + "ed" + ], + [ + "cephal", + "us" + ], + [ + "Ġstunt", + "ed" + ], + [ + "Ġstoryt", + "ellers" + ], + [ + "çIJ", + "Ĩ" + ], + [ + "Ġ", + "ich" + ], + [ + "Ġc", + "b" + ], + [ + "Ġp", + "ony" + ], + [ + "Ġm", + "olar" + ], + [ + "ic", + "ent" + ], + [ + "le", + "w" + ], + [ + "Ġfor", + "ks" + ], + [ + "ab", + "it" + ], + [ + "ĠM", + "AG" + ], + [ + "ĠB", + "PD" + ], + [ + "ĠD", + "irection" + ], + [ + "Ġob", + "edient" + ], + [ + "Ġsc", + "ap" + ], + [ + "An", + "xiety" + ], + [ + "Wh", + "it" + ], + [ + "ira", + "c" + ], + [ + "Ġswe", + "ats" + ], + [ + "ĠOF", + "F" + ], + [ + "ĠSar", + "as" + ], + [ + "Out", + "side" + ], + [ + "ĠFac", + "ilit" + ], + [ + "ĠSoph", + "ie" + ], + [ + "ĠBun", + "ny" + ], + [ + "Ġcardiomy", + "opathy" + ], + [ + "F", + "lex" + ], + [ + "i", + "encing" + ], + [ + "w", + "ired" + ], + [ + "er", + "oy" + ], + [ + "il", + "ess" + ], + [ + "Ġcan", + "ines" + ], + [ + "ĠO", + "CR" + ], + [ + "Ġcl", + "oned" + ], + [ + "ĠSt", + "ake" + ], + [ + "uc", + "ceed" + ], + [ + "Ġgra", + "fting" + ], + [ + "ĠAl", + "ison" + ], + [ + "ĠAn", + "nex" + ], + [ + "Ġdesign", + "ations" + ], + [ + "hav", + "en" + ], + [ + "Ġtang", + "y" + ], + [ + "ĠNa", + "omi" + ], + [ + "Ġgy", + "psum" + ], + [ + "Ġpostp", + "oned" + ], + [ + "Ġarrog", + "ant" + ], + [ + "Ġconvolution", + "al" + ], + [ + "Ġaneurys", + "m" + ], + [ + "B", + "urn" + ], + [ + "R", + "G" + ], + [ + "x", + "on" + ], + [ + "Ġre", + "incarnation" + ], + [ + "ĠT", + "itus" + ], + [ + "Ġk", + "rill" + ], + [ + "Ġunder", + "developed" + ], + [ + "Ġco", + "agulation" + ], + [ + "Ġpos", + "ited" + ], + [ + "(\"", + "{" + ], + [ + "ĠMer", + "chant" + ], + [ + "Ne", + "igh" + ], + [ + "Ġrenov", + "ated" + ], + [ + "ĠSold", + "ier" + ], + [ + "ĠPharise", + "es" + ], + [ + "/", + ")," + ], + [ + "T", + "RAIN" + ], + [ + "W", + "G" + ], + [ + "Ġf", + "MRI" + ], + [ + "Ġv", + "antage" + ], + [ + "ĠJ", + "son" + ], + [ + "ĠK", + "ad" + ], + [ + "Ġover", + "came" + ], + [ + "Ġhigh", + "s" + ], + [ + "ism", + "ic" + ], + [ + "Ġinstall", + "ment" + ], + [ + "Sh", + "aring" + ], + [ + "ĠPerson", + "ally" + ], + [ + "ĠRaj", + "a" + ], + [ + "Ġabsurd", + "ity" + ], + [ + "Capt", + "ain" + ], + [ + "Ġp", + "unk" + ], + [ + "ou", + "ches" + ], + [ + "ar", + "ctic" + ], + [ + "ĠThe", + "ological" + ], + [ + "ĠE", + "h" + ], + [ + "ĠD", + "ew" + ], + [ + "ĠU", + "X" + ], + [ + "Ġimp", + "osition" + ], + [ + "ĠIn", + "her" + ], + [ + "Ġout", + "numbered" + ], + [ + "Ġtest", + "icles" + ], + [ + "Ġserv", + "itude" + ], + [ + "over", + "lap" + ], + [ + "ĠSp", + "arta" + ], + [ + "CH", + "AR" + ], + [ + "Ġsubsc", + "riptions" + ], + [ + "ĠFa", + "ust" + ], + [ + "Met", + "ric" + ], + [ + "itas", + "king" + ], + [ + "Ġsper", + "mat" + ], + [ + "P", + "ict" + ], + [ + "f", + "rey" + ], + [ + "y", + "ad" + ], + [ + "an", + "ese" + ], + [ + "ĠS", + "ections" + ], + [ + "ul", + "led" + ], + [ + "ĠC", + "ognition" + ], + [ + "ĠL", + "P" + ], + [ + "wn", + "s" + ], + [ + "anc", + "ip" + ], + [ + "mon", + "ton" + ], + [ + "Ġrad", + "iate" + ], + [ + "Un", + "its" + ], + [ + "ĠUN", + "C" + ], + [ + "Ġnit", + "rous" + ], + [ + "ĠMad", + "ame" + ], + [ + "abil", + "ia" + ], + [ + "Ġstriking", + "ly" + ], + [ + "Ġencompass", + "ed" + ], + [ + "ĠBon", + "aparte" + ], + [ + "Comput", + "e" + ], + [ + "ĠMeasure", + "ments" + ], + [ + "Ġlocom", + "otion" + ], + [ + "Ġperce", + "iving" + ], + [ + "ĠBelf", + "ast" + ], + [ + "d", + "ied" + ], + [ + "p", + "ag" + ], + [ + "Ġc", + "eded" + ], + [ + "ĠD", + "N" + ], + [ + "du", + "al" + ], + [ + "up", + "dates" + ], + [ + "Ġpur", + "ge" + ], + [ + "Ġsac", + "rament" + ], + [ + "Ġtail", + "oring" + ], + [ + "Ġrid", + "icule" + ], + [ + "ĠMer", + "ced" + ], + [ + "Ġphosph", + "orous" + ], + [ + "ĠLands", + "capes" + ], + [ + "Ġtsun", + "amis" + ], + [ + "Compan", + "ies" + ], + [ + "C", + "art" + ], + [ + "J", + "ackson" + ], + [ + "R", + "ace" + ], + [ + "T", + "ODO" + ], + [ + "t", + "in" + ], + [ + "om", + "ically" + ], + [ + "Ġsh", + "rew" + ], + [ + "form", + "ations" + ], + [ + "sub", + "mission" + ], + [ + "Ġobst", + "ructions" + ], + [ + "Par", + "allel" + ], + [ + "Ġrefrig", + "erators" + ], + [ + "Ġorn", + "ate" + ], + [ + "Ġore", + "gano" + ], + [ + "ĠPand", + "emic" + ], + [ + "Ġaph", + "id" + ], + [ + "Ġrins", + "ing" + ], + [ + "Ġf", + "ax" + ], + [ + "Ġb", + "b" + ], + [ + "Ġst", + "unned" + ], + [ + "ĠP", + "olic" + ], + [ + "Ġch", + "ased" + ], + [ + "ĠL", + "iqu" + ], + [ + "Ġcl", + "inging" + ], + [ + "Ġinter", + "spers" + ], + [ + "ox", + "el" + ], + [ + "ĠDe", + "utsch" + ], + [ + "Ġsn", + "ork" + ], + [ + "Ġprop", + "elling" + ], + [ + "Ġmini", + "atur" + ], + [ + "ĠSem", + "inary" + ], + [ + "Ġlod", + "ged" + ], + [ + "IU", + "CN" + ], + [ + "u", + "u" + ], + [ + "é", + "ģ" + ], + [ + "Ġ", + "--------" + ], + [ + "Ġa", + "i" + ], + [ + "Ġs", + "cler" + ], + [ + "ĠB", + "j" + ], + [ + "Ġha", + "plot" + ], + [ + "ĠD", + "ix" + ], + [ + "ĠD", + "uration" + ], + [ + "ĠR", + "aleigh" + ], + [ + "ĠG", + "utenberg" + ], + [ + "Ġman", + "oe" + ], + [ + "Ġinf", + "all" + ], + [ + "Ġsub", + "unit" + ], + [ + "ex", + "act" + ], + [ + "Ġsol", + "es" + ], + [ + "Ġunf", + "it" + ], + [ + "orb", + "idity" + ], + [ + "Col", + "ors" + ], + [ + "Do", + "S" + ], + [ + "ĠBa", + "um" + ], + [ + "Ġsynerg", + "istic" + ], + [ + "Ing", + "redients" + ], + [ + "Ġto", + "k" + ], + [ + "Ġst", + "umbling" + ], + [ + "ĠP", + "act" + ], + [ + "eng", + "ed" + ], + [ + "ĠAss", + "ets" + ], + [ + "Ġpoll", + "inator" + ], + [ + "rap", + "ists" + ], + [ + "--------------------------------", + "----------" + ], + [ + "ĠVis", + "iting" + ], + [ + "Ġjudge", + "ments" + ], + [ + "Ġstere", + "otypical" + ], + [ + "ĠCard", + "iac" + ], + [ + "Ġmultip", + "rocessing" + ], + [ + "Ġupset", + "ting" + ], + [ + "Educ", + "ational" + ], + [ + "Press", + "ure" + ], + [ + "Ġlubric", + "ant" + ], + [ + "ĠKyr", + "gyz" + ], + [ + ":", + "(" + ], + [ + "R", + "ound" + ], + [ + "ĠP", + "ascal" + ], + [ + "Ġdis", + "son" + ], + [ + "con", + "ventional" + ], + [ + "Ġsa", + "pp" + ], + [ + "hed", + "rals" + ], + [ + "Ġresource", + "ful" + ], + [ + "ĠAv", + "iv" + ], + [ + "En", + "joy" + ], + [ + "Ġlip", + "oprotein" + ], + [ + "ĠCatal", + "an" + ], + [ + "Four", + "th" + ], + [ + "ĠZo", + "ology" + ], + [ + "ĠHarness", + "ing" + ], + [ + "el", + "itis" + ], + [ + "st", + "h" + ], + [ + "ch", + "unks" + ], + [ + "ĠH", + "ahn" + ], + [ + "ĠL", + "oud" + ], + [ + "Ġsc", + "oot" + ], + [ + "Ġsm", + "oot" + ], + [ + "li", + "pped" + ], + [ + "Ġvir", + "ulence" + ], + [ + "word", + "press" + ], + [ + "Ġexec", + "utes" + ], + [ + "Ad", + "just" + ], + [ + "ĠStat", + "ue" + ], + [ + "ACT", + "ION" + ], + [ + "ĠBot", + "any" + ], + [ + "plastic", + "ity" + ], + [ + "n", + "id" + ], + [ + "o", + "ction" + ], + [ + "ĠC", + "ategories" + ], + [ + "ĠC", + "unningham" + ], + [ + "um", + "bo" + ], + [ + "Ġcan", + "ning" + ], + [ + "ĠL", + "ipp" + ], + [ + "Ġun", + "important" + ], + [ + "oss", + "a" + ], + [ + "Ġlik", + "ened" + ], + [ + "reg", + "ression" + ], + [ + "ĠEduc", + "ator" + ], + [ + "ÃŃ", + "t" + ], + [ + "Ġrub", + "rics" + ], + [ + "ĠMer", + "riam" + ], + [ + "н", + "о" + ], + [ + "necess", + "ary" + ], + [ + "Ġtravers", + "ed" + ], + [ + "#", + "----------------------------------------------------------------" + ], + [ + "b", + "ush" + ], + [ + "u", + "per" + ], + [ + "Ġto", + "ad" + ], + [ + "Ġre", + "joice" + ], + [ + "ĠRe", + "formed" + ], + [ + "over", + "l" + ], + [ + "add", + "en" + ], + [ + "Ġinstruct", + "ive" + ], + [ + "UL", + "D" + ], + [ + "Le", + "on" + ], + [ + "FA", + "O" + ], + [ + "heum", + "atic" + ], + [ + "H", + "em" + ], + [ + "H", + "oly" + ], + [ + "I", + "RE" + ], + [ + "h", + "appy" + ], + [ + "t", + "one" + ], + [ + "Ġw", + "allets" + ], + [ + "is", + "odes" + ], + [ + "st", + "ub" + ], + [ + "Ġcom", + "plicating" + ], + [ + "ĠD", + "ors" + ], + [ + "Ġmor", + "atorium" + ], + [ + "ĠRep", + "et" + ], + [ + "CH", + "ECK" + ], + [ + "ĠAtt", + "itudes" + ], + [ + "ĠHy", + "pertension" + ], + [ + "Ġmature", + "d" + ], + [ + "empor", + "al" + ], + [ + "Ġaggrav", + "ate" + ], + [ + "itone", + "al" + ], + [ + "åĢ", + "¼" + ], + [ + "!", + "," + ], + [ + "A", + "y" + ], + [ + "M", + "H" + ], + [ + "f", + "ut" + ], + [ + "n", + "asa" + ], + [ + "Ġt", + "b" + ], + [ + "ĠS", + "itting" + ], + [ + "ost", + "e" + ], + [ + "Ġem", + "ulsion" + ], + [ + "Ġca", + "pped" + ], + [ + "Ġsoci", + "opolitical" + ], + [ + "ĠIP", + "M" + ], + [ + "ĠLay", + "out" + ], + [ + "Perm", + "ission" + ], + [ + "Ġdeterg", + "ents" + ], + [ + "B", + "irds" + ], + [ + "b", + "az" + ], + [ + "h", + "ier" + ], + [ + "m", + "ud" + ], + [ + "|", + "':'" + ], + [ + "Ġst", + "alled" + ], + [ + "Ġk", + "b" + ], + [ + "Ġam", + "ps" + ], + [ + "Ġdist", + "ributes" + ], + [ + "ĠEn", + "ough" + ], + [ + "Ġdoc", + "ks" + ], + [ + "Ġregular", + "ization" + ], + [ + "ĠFl", + "ags" + ], + [ + "Ġtele", + "phones" + ], + [ + "ĠSund", + "ays" + ], + [ + "Ġprogen", + "y" + ], + [ + "mys", + "ql" + ], + [ + "p", + "rol" + ], + [ + "Ġd", + "od" + ], + [ + "ĠC", + "f" + ], + [ + "ĠP", + "AT" + ], + [ + "Ġsu", + "p" + ], + [ + "ĠL", + "od" + ], + [ + "ĠG", + "ag" + ], + [ + "ord", + "ination" + ], + [ + "Ġco", + "er" + ], + [ + "ism", + "a" + ], + [ + "Ġorgan", + "ising" + ], + [ + "py", + "game" + ], + [ + "Ġplace", + "ments" + ], + [ + "Ġspe", + "ars" + ], + [ + "Ġcheck", + "er" + ], + [ + "ĠAct", + "ual" + ], + [ + "ĠHol", + "istic" + ], + [ + "hist", + "ogram" + ], + [ + "Ġintr", + "uders" + ], + [ + "ĠPL", + "C" + ], + [ + "pres", + "ident" + ], + [ + "Ġtent", + "ative" + ], + [ + "Ġsprou", + "ting" + ], + [ + "Ġinnoc", + "uous" + ], + [ + "G", + "rowth" + ], + [ + "n", + "ian" + ], + [ + "Ġre", + "eds" + ], + [ + "Ġre", + "forest" + ], + [ + "ch", + "re" + ], + [ + "ĠS", + "cy" + ], + [ + "ĠW", + "ins" + ], + [ + "Ġen", + "sembles" + ], + [ + "cl", + "ients" + ], + [ + "ĠAd", + "min" + ], + [ + "Ġcy", + "press" + ], + [ + "ĠPart", + "icle" + ], + [ + "Ġded", + "uce" + ], + [ + "ĠÐ", + "¡" + ], + [ + "ĠWil", + "kinson" + ], + [ + "ĠIncre", + "ases" + ], + [ + "ĠNC", + "ERT" + ], + [ + "Ġlex", + "icon" + ], + [ + "Ġta", + "vern" + ], + [ + "olyb", + "den" + ], + [ + "H", + "ep" + ], + [ + "K", + "K" + ], + [ + "Ġa", + "ra" + ], + [ + "Ġm", + "M" + ], + [ + "ĠEx", + "amin" + ], + [ + "ik", + "an" + ], + [ + "ĠPart", + "ition" + ], + [ + "Ġideal", + "ism" + ], + [ + "Ġsan", + "ctuaries" + ], + [ + "mond", + "s" + ], + [ + "BL", + "IC" + ], + [ + "dest", + "ructive" + ], + [ + "ä½", + "¿" + ], + [ + "Ġaccus", + "ation" + ], + [ + "Ġextravag", + "ant" + ], + [ + "Ã", + "¹" + ], + [ + "Ġ", + "-----" + ], + [ + "in", + "verse" + ], + [ + "im", + "etry" + ], + [ + "ĠC", + "ure" + ], + [ + "her", + "ly" + ], + [ + "ĠK", + "ali" + ], + [ + "ĠV", + "ert" + ], + [ + "Ġins", + "urrection" + ], + [ + "Ġpower", + "house" + ], + [ + "||", + "|" + ], + [ + "Ġswe", + "eter" + ], + [ + "Ġtour", + "ing" + ], + [ + "ĠBirth", + "day" + ], + [ + "ĠRol", + "ling" + ], + [ + "Engine", + "ering" + ], + [ + "Ġcact", + "i" + ], + [ + "Ġpsychoan", + "alysis" + ], + [ + "Ġsph", + "inct" + ], + [ + "Om", + "ega" + ], + [ + "s", + "now" + ], + [ + "an", + "ci" + ], + [ + "Ġst", + "arring" + ], + [ + "ĠP", + "IN" + ], + [ + "pt", + "ophan" + ], + [ + "ĠO", + "jib" + ], + [ + "ĠCom", + "edy" + ], + [ + "ym", + "our" + ], + [ + "ĠBrit", + "t" + ], + [ + "Ġox", + "ytocin" + ], + [ + "Ġrob", + "es" + ], + [ + "Ġconstit", + "uting" + ], + [ + "ĠRad", + "ar" + ], + [ + "Sim", + "on" + ], + [ + "SEC", + "RET" + ], + [ + "c", + "isco" + ], + [ + "h", + "ousing" + ], + [ + "at", + "omy" + ], + [ + "ĠC", + "ork" + ], + [ + "og", + "on" + ], + [ + "ĠO", + "D" + ], + [ + "lic", + "king" + ], + [ + "ĠV", + "id" + ], + [ + "Ġph", + "thal" + ], + [ + "ai", + "i" + ], + [ + "Ġball", + "ots" + ], + [ + "ĠSch", + "u" + ], + [ + "Ġcorrespond", + "ed" + ], + [ + "ga", + "ard" + ], + [ + "Ġbag", + "gage" + ], + [ + "ĠPhot", + "ographs" + ], + [ + "Ang", + "le" + ], + [ + "ĠWol", + "fe" + ], + [ + "Ġmour", + "n" + ], + [ + "ĠGem", + "ini" + ], + [ + "Ġtrunc", + "ated" + ], + [ + "M", + "es" + ], + [ + "m", + "apper" + ], + [ + "İ", + "·" + ], + [ + "en", + "zyme" + ], + [ + "st", + "rokes" + ], + [ + "Ġst", + "out" + ], + [ + "Ġimm", + "obil" + ], + [ + "def", + "ining" + ], + [ + "amp", + "al" + ], + [ + "Ġanaly", + "zer" + ], + [ + "hemat", + "ical" + ], + [ + "Ġbreat", + "hed" + ], + [ + "ĠSw", + "ahili" + ], + [ + "Ġdestroy", + "ers" + ], + [ + "Ġcm", + "ds" + ], + [ + "Ġmamm", + "ography" + ], + [ + "ĠLow", + "ell" + ], + [ + "ĠPet", + "r" + ], + [ + "ĠSuff", + "olk" + ], + [ + "Ġsplend", + "or" + ], + [ + "åĮ", + "ĸ" + ], + [ + "Ġantico", + "agul" + ], + [ + "ĠFlem", + "ish" + ], + [ + "/", + "\\" + ], + [ + "H", + "al" + ], + [ + "`", + "):" + ], + [ + "f", + "oil" + ], + [ + "s", + "erving" + ], + [ + "ing", + "en" + ], + [ + "ĠC", + "ate" + ], + [ + "act", + "ivities" + ], + [ + "cl", + "ay" + ], + [ + "Ġfl", + "oppy" + ], + [ + "ave", + "z" + ], + [ + "Ġgu", + "itars" + ], + [ + "mit", + "ting" + ], + [ + "ĠAct", + "ivation" + ], + [ + "ING", + "TON" + ], + [ + "ĠAv", + "ailability" + ], + [ + "Ġdestroy", + "er" + ], + [ + "ö", + "m" + ], + [ + "sl", + "ave" + ], + [ + "ugg", + "age" + ], + [ + "Ġherb", + "aceous" + ], + [ + "Ġdistribut", + "ors" + ], + [ + "ĠNurs", + "ery" + ], + [ + "ĠChamber", + "lain" + ], + [ + "roly", + "sis" + ], + [ + "Ġovercrow", + "ded" + ], + [ + "kinesis", + "firehose" + ], + [ + "w", + "ort" + ], + [ + "Ġc", + "i" + ], + [ + "it", + "ates" + ], + [ + "per", + "ms" + ], + [ + "ere", + "lla" + ], + [ + "Ġco", + "author" + ], + [ + "Ġvis", + "as" + ], + [ + "app", + "lied" + ], + [ + "Ġer", + "asure" + ], + [ + "off", + "er" + ], + [ + "α", + "ν" + ], + [ + "ĠCollect", + "ing" + ], + [ + "ĠØ", + "¹" + ], + [ + "ĠBerg", + "er" + ], + [ + "Ġtk", + "inter" + ], + [ + "Ġprotr", + "uding" + ], + [ + "Flor", + "ida" + ], + [ + "Ġtantal", + "izing" + ], + [ + "ĠLeib", + "niz" + ], + [ + "M", + "is" + ], + [ + "v", + "iii" + ], + [ + "ĠT", + "OP" + ], + [ + "\"\"", + "\")" + ], + [ + "Ġmem", + "es" + ], + [ + "Ġgu", + "ise" + ], + [ + "Ġplay", + "time" + ], + [ + "pos", + "able" + ], + [ + "sh", + "arp" + ], + [ + "ran", + "ç" + ], + [ + "bel", + "ts" + ], + [ + "Ġgrapp", + "led" + ], + [ + "Ġhind", + "ers" + ], + [ + "father", + "s" + ], + [ + "Ġsynthes", + "izing" + ], + [ + "ĠØ", + "¨" + ], + [ + "ĠKra", + "k" + ], + [ + "Ġsmugg", + "ling" + ], + [ + "Jac", + "ob" + ], + [ + "Hor", + "izontal" + ], + [ + "Ġplung", + "ed" + ], + [ + "éĹ", + "´" + ], + [ + "ra", + "fts" + ], + [ + "Ġy", + "elling" + ], + [ + "ĠR", + "utherford" + ], + [ + "Ġpl", + "ow" + ], + [ + "Ġgra", + "vey" + ], + [ + "Ġcle", + "ars" + ], + [ + "AR", + "N" + ], + [ + "ĠSouth", + "ampton" + ], + [ + "ĠEffect", + "iveness" + ], + [ + "ĠGP", + "Us" + ], + [ + "ĠCustom", + "ers" + ], + [ + "prog", + "rams" + ], + [ + "Ġincon", + "clusive" + ], + [ + "ĠBreat", + "h" + ], + [ + "Ġs", + "izing" + ], + [ + "ide", + "al" + ], + [ + "Ġx", + "yl" + ], + [ + "Ġhab", + "itation" + ], + [ + "Pro", + "j" + ], + [ + "ĠNe", + "utral" + ], + [ + "Ġmoment", + "arily" + ], + [ + "pres", + "so" + ], + [ + "ĠAdapt", + "ations" + ], + [ + "Ġpsycho", + "active" + ], + [ + "ĠIntersection", + "ality" + ], + [ + "à¯", + "į" + ], + [ + "ĠAntiqu", + "ities" + ], + [ + "m", + "olecular" + ], + [ + "p", + "ard" + ], + [ + "Ġm", + "end" + ], + [ + "as", + "u" + ], + [ + "Ġg", + "ating" + ], + [ + "ĠT", + "RAN" + ], + [ + "ĠP", + "OP" + ], + [ + "Ġcan", + "y" + ], + [ + "cl", + "id" + ], + [ + "Ġpe", + "els" + ], + [ + "Ġinf", + "ill" + ], + [ + "Ġbr", + "istles" + ], + [ + "Ġpost", + "cards" + ], + [ + "Ġbreak", + "ers" + ], + [ + "Dr", + "ive" + ], + [ + "Ġchick", + "peas" + ], + [ + "ga", + "ussian" + ], + [ + "ĠBron", + "x" + ], + [ + "condition", + "ing" + ], + [ + "Ġery", + "the" + ], + [ + "R", + "B" + ], + [ + "Ġd", + "rowsiness" + ], + [ + "Ġun", + "bear" + ], + [ + "Ġinf", + "requent" + ], + [ + "Ġtot", + "ality" + ], + [ + "Ex", + "actly" + ], + [ + "Ġfem", + "ur" + ], + [ + "IT", + "IES" + ], + [ + "ĠÃ", + "ĸ" + ], + [ + "ĠJud", + "y" + ], + [ + "Ġcong", + "rat" + ], + [ + "Med", + "ic" + ], + [ + "ĠFil", + "ms" + ], + [ + "Ġcoerc", + "ive" + ], + [ + "Ġhibern", + "ation" + ], + [ + "Ġscor", + "ching" + ], + [ + "ĠDud", + "ley" + ], + [ + "on", + "et" + ], + [ + "Ġd", + "uality" + ], + [ + "ur", + "ian" + ], + [ + "ĠC", + "ree" + ], + [ + "Ġdis", + "information" + ], + [ + "Ġtrans", + "ducer" + ], + [ + "ĠRe", + "y" + ], + [ + "Ġgl", + "i" + ], + [ + "ale", + "z" + ], + [ + "for", + "um" + ], + [ + "For", + "ce" + ], + [ + "ĠInv", + "olved" + ], + [ + "α", + "Ïģ" + ], + [ + "Ġintens", + "ively" + ], + [ + "ĠWolf", + "gang" + ], + [ + "Ġcurs", + "ed" + ], + [ + "Ġunanim", + "ous" + ], + [ + "E", + "ither" + ], + [ + "E", + "NA" + ], + [ + "h", + "ospital" + ], + [ + "t", + "weet" + ], + [ + "ĠH", + "irsch" + ], + [ + "Ġint", + "olerant" + ], + [ + "Ġind", + "ign" + ], + [ + "Ġcle", + "avage" + ], + [ + "Ġpot", + "able" + ], + [ + "ĠMay", + "er" + ], + [ + "ĠCons", + "ol" + ], + [ + "([", + "-" + ], + [ + "ĠObs", + "erver" + ], + [ + "ĠCart", + "esian" + ], + [ + "ĠCrime", + "an" + ], + [ + "vest", + "on" + ], + [ + "Ġendomet", + "rial" + ], + [ + "æ³", + "ķ" + ], + [ + "d", + "iss" + ], + [ + "f", + "h" + ], + [ + "é", + "Ŀ" + ], + [ + "ion", + "Error" + ], + [ + "Ġl", + "ance" + ], + [ + "ĠT", + "ric" + ], + [ + "Ġde", + "human" + ], + [ + "ĠH", + "eter" + ], + [ + "Ġab", + "lation" + ], + [ + "ind", + "ustry" + ], + [ + "olog", + "ue" + ], + [ + "Ġbl", + "anks" + ], + [ + "Ġca", + "udal" + ], + [ + "Ġpolit", + "ic" + ], + [ + "ym", + "ers" + ], + [ + "ili", + "ated" + ], + [ + "Ġbar", + "king" + ], + [ + "spec", + "s" + ], + [ + "Ġhar", + "bors" + ], + [ + "Ġpra", + "ises" + ], + [ + "ĠJoseph", + "us" + ], + [ + "Trans", + "ition" + ], + [ + "determ", + "ined" + ], + [ + "################################################################", + "################" + ], + [ + "Ġcarot", + "id" + ], + [ + "Ġfoc", + "ussed" + ], + [ + "ĠPaste", + "ur" + ], + [ + "m", + "isc" + ], + [ + "ĠI", + "CD" + ], + [ + "Ġle", + "ases" + ], + [ + "ĠF", + "aced" + ], + [ + "ĠCh", + "uck" + ], + [ + "Ġsl", + "ums" + ], + [ + "dom", + "ains" + ], + [ + "Ġactual", + "ity" + ], + [ + "Ġmal", + "treatment" + ], + [ + "Ġmulti", + "plicity" + ], + [ + "Ġperpet", + "rated" + ], + [ + "storm", + "s" + ], + [ + "Ġquad", + "rant" + ], + [ + "Ġpediatric", + "ians" + ], + [ + "Ġspars", + "ely" + ], + [ + "Ġmete", + "ors" + ], + [ + "egy", + "pt" + ], + [ + "c", + "ibility" + ], + [ + "ĠC", + "ourage" + ], + [ + "per", + "manent" + ], + [ + "ark", + "ed" + ], + [ + "ĠAl", + "ter" + ], + [ + "ores", + "cent" + ], + [ + "Ġsupplement", + "ing" + ], + [ + "Ġion", + "ization" + ], + [ + "Ġincub", + "ated" + ], + [ + "Ġidolat", + "ry" + ], + [ + "B", + "iological" + ], + [ + "R", + "IC" + ], + [ + "S", + "cre" + ], + [ + "z", + "burg" + ], + [ + "Ġg", + "azing" + ], + [ + "ĠP", + "ediatr" + ], + [ + "Ġus", + "hered" + ], + [ + "Ġad", + "am" + ], + [ + "ong", + "a" + ], + [ + "ĠJ", + "ensen" + ], + [ + "ach", + "a" + ], + [ + "pre", + "vent" + ], + [ + "ĠHist", + "ories" + ], + [ + "ĠFe", + "et" + ], + [ + "optim", + "ize" + ], + [ + "ĠChi", + "ropract" + ], + [ + "ĠInstall", + "ation" + ], + [ + "Ġattribut", + "ing" + ], + [ + "Sex", + "ual" + ], + [ + "ĠCic", + "ero" + ], + [ + "T", + "W" + ], + [ + "re", + "pid" + ], + [ + "it", + "ely" + ], + [ + "ĠR", + "AD" + ], + [ + "Ġcomm", + "as" + ], + [ + "ĠSt", + "ark" + ], + [ + "Ġunder", + "weight" + ], + [ + "ĠCom", + "te" + ], + [ + "Ġserv", + "icing" + ], + [ + "Ġline", + "arly" + ], + [ + "ĠZ", + "el" + ], + [ + "Ġbirth", + "days" + ], + [ + "AP", + "S" + ], + [ + "ĠChe", + "cking" + ], + [ + "Col", + "on" + ], + [ + "ĠSupp", + "orts" + ], + [ + "exper", + "imental" + ], + [ + "Fund", + "ing" + ], + [ + "t", + "runc" + ], + [ + "ar", + "ro" + ], + [ + "Ġn", + "un" + ], + [ + "ĠB", + "uckingham" + ], + [ + "ĠD", + "NR" + ], + [ + "ĠF", + "ritz" + ], + [ + "ree", + "ze" + ], + [ + "inst", + "ruction" + ], + [ + "Ġrespond", + "ent" + ], + [ + "Ġson", + "net" + ], + [ + "ĠLog", + "ical" + ], + [ + "Ġtransplant", + "ing" + ], + [ + "Ġaug", + "mentation" + ], + [ + "lem", + "agne" + ], + [ + "ez", + "vous" + ], + [ + "Ġdiscre", + "et" + ], + [ + "URR", + "ENT" + ], + [ + "Ġbalcon", + "y" + ], + [ + "/", + "#" + ], + [ + "l", + "ake" + ], + [ + "r", + "ut" + ], + [ + "v", + "il" + ], + [ + "Ġf", + "ou" + ], + [ + "ge", + "ar" + ], + [ + "Ġab", + "ode" + ], + [ + "Ġcl", + "ump" + ], + [ + "ath", + "om" + ], + [ + "Ġsk", + "irts" + ], + [ + "oph", + "on" + ], + [ + "Ġroad", + "ways" + ], + [ + "Ġforward", + "ed" + ], + [ + "Ġid", + "iosync" + ], + [ + "sm", + "ith" + ], + [ + "View", + "Set" + ], + [ + "Load", + "ing" + ], + [ + "ĠInvestig", + "ations" + ], + [ + "sat", + "ellite" + ], + [ + "ĠRi", + "emann" + ], + [ + "ĠSquir", + "rel" + ], + [ + "d", + "os" + ], + [ + "|", + "(" + ], + [ + "ent", + "ions" + ], + [ + "Ġan", + "imate" + ], + [ + "Ġfl", + "aps" + ], + [ + "ink", + "el" + ], + [ + "Ġreal", + "ist" + ], + [ + "cont", + "aminated" + ], + [ + "ĠAssoci", + "ations" + ], + [ + "Ġstock", + "ed" + ], + [ + "mic", + "ron" + ], + [ + "ĠWill", + "ow" + ], + [ + "dist", + "ributed" + ], + [ + "Ġenum", + "erated" + ], + [ + "ĠAT", + "T" + ], + [ + "Ġcombust", + "ible" + ], + [ + "Ġgras", + "ped" + ], + [ + "ĠQual", + "itative" + ], + [ + "ĠNeander", + "thal" + ], + [ + "ĠAnab", + "apt" + ], + [ + "c", + "ation" + ], + [ + "y", + "ar" + ], + [ + "ig", + "ree" + ], + [ + "ĠR", + "I" + ], + [ + "ru", + "ly" + ], + [ + "Ġsym", + "ph" + ], + [ + "ĠChrist", + "ina" + ], + [ + "Ġfeed", + "stock" + ], + [ + "Ġfossil", + "ized" + ], + [ + "ĠSem", + "itic" + ], + [ + "ĠBlu", + "ff" + ], + [ + "Sil", + "ver" + ], + [ + "ĠCod", + "ex" + ], + [ + "Drop", + "out" + ], + [ + "ĠâĹ", + "ĭ" + ], + [ + "åī", + "į" + ], + [ + "in", + "osa" + ], + [ + "Ġp", + "im" + ], + [ + "ĠT", + "orn" + ], + [ + "ch", + "ins" + ], + [ + "ĠC", + "ater" + ], + [ + "iv", + "istic" + ], + [ + "ĠH", + "uck" + ], + [ + "ĠF", + "B" + ], + [ + "Ġab", + "iotic" + ], + [ + "ĠO", + "CLC" + ], + [ + "ip", + "ing" + ], + [ + "orpor", + "ate" + ], + [ + "Ġcoun", + "sell" + ], + [ + "Pr", + "ime" + ], + [ + "л", + "а" + ], + [ + "Ġana", + "emia" + ], + [ + "w", + "olf" + ], + [ + "Ġd", + "an" + ], + [ + "Ġch", + "al" + ], + [ + "Ġab", + "rasion" + ], + [ + "ĠCh", + "ing" + ], + [ + "chn", + "er" + ], + [ + "ĠBar", + "ber" + ], + [ + "Ġtheore", + "ms" + ], + [ + "ĠPlant", + "ation" + ], + [ + "ĠEV", + "ENT" + ], + [ + "äº", + "Ĩ" + ], + [ + "ĠMason", + "ic" + ], + [ + "Ġstrang", + "ely" + ], + [ + "Ġalve", + "olar" + ], + [ + "ĠMemoir", + "s" + ], + [ + "A", + "k" + ], + [ + "H", + "ur" + ], + [ + "g", + "ences" + ], + [ + "in", + "place" + ], + [ + "Ġn", + "ug" + ], + [ + "ĠI", + "b" + ], + [ + "ĠF", + "i" + ], + [ + "sc", + "riber" + ], + [ + "ground", + "s" + ], + [ + "ĠQue", + "ue" + ], + [ + "dep", + "artment" + ], + [ + "Ġsle", + "w" + ], + [ + "Ġplaint", + "iffs" + ], + [ + "ĠTrou", + "ble" + ], + [ + "ĠB", + "aking" + ], + [ + "ĠJ", + "J" + ], + [ + "Ġman", + "made" + ], + [ + "Ġar", + "dent" + ], + [ + "ph", + "osph" + ], + [ + "ĠK", + "ane" + ], + [ + "ten", + "eg" + ], + [ + "its", + "u" + ], + [ + "ĠMe", + "i" + ], + [ + "([", + "(" + ], + [ + "rest", + "ore" + ], + [ + "ĠEv", + "a" + ], + [ + "rod", + "ite" + ], + [ + "lev", + "ard" + ], + [ + "Ġtyr", + "ann" + ], + [ + "T", + "rees" + ], + [ + "m", + "ens" + ], + [ + "t", + "idal" + ], + [ + "as", + "semble" + ], + [ + "us", + "ages" + ], + [ + "ĠW", + "izard" + ], + [ + "Ġmat", + "ures" + ], + [ + "ey", + "lon" + ], + [ + "ĠDesign", + "ers" + ], + [ + "Rem", + "ote" + ], + [ + "ĠTom", + "orrow" + ], + [ + "Ġgly", + "cos" + ], + [ + "ĠSem", + "in" + ], + [ + "ricks", + "on" + ], + [ + "Ġmelan", + "choly" + ], + [ + "Prov", + "iding" + ], + [ + "Ess", + "ential" + ], + [ + "ĠIter", + "able" + ], + [ + "Ġshrou", + "ded" + ], + [ + "+", + "(" + ], + [ + "C", + "ov" + ], + [ + "C", + "off" + ], + [ + "N", + "ight" + ], + [ + "S", + "ports" + ], + [ + "und", + "ant" + ], + [ + "AC", + "HE" + ], + [ + "Ġhyp", + "othermia" + ], + [ + "tra", + "j" + ], + [ + "ĠHel", + "ic" + ], + [ + "ĠIsland", + "ers" + ], + [ + "eless", + "ness" + ], + [ + "ĠWhite", + "head" + ], + [ + "ĠSum", + "erian" + ], + [ + "ĠPen", + "al" + ], + [ + "accept", + "ance" + ], + [ + "Ġrav", + "aged" + ], + [ + "ĠPros", + "per" + ], + [ + "ent", + "ers" + ], + [ + "ĠD", + "EP" + ], + [ + "Ġsh", + "orth" + ], + [ + "ob", + "iology" + ], + [ + "ĠPol", + "o" + ], + [ + "Ġcourt", + "room" + ], + [ + "wid", + "gets" + ], + [ + "ĠJud", + "ea" + ], + [ + "Ġchrom", + "atic" + ], + [ + "Ġpace", + "maker" + ], + [ + "Ġtor", + "ment" + ], + [ + "Ġdread", + "ed" + ], + [ + "ĠDipl", + "om" + ], + [ + "b", + "illed" + ], + [ + "Ġp", + "iled" + ], + [ + "st", + "ral" + ], + [ + "Ġpoint", + "less" + ], + [ + "Ġlocal", + "es" + ], + [ + "Ġprotect", + "ors" + ], + [ + "ev", + "ident" + ], + [ + "ĠBas", + "que" + ], + [ + "Ob", + "esity" + ], + [ + "Ġauton", + "om" + ], + [ + "Ġtoken", + "izer" + ], + [ + "stud", + "ies" + ], + [ + "cos", + "m" + ], + [ + "brand", + "t" + ], + [ + "K", + "G" + ], + [ + "d", + "ag" + ], + [ + "d", + "ried" + ], + [ + "k", + "ha" + ], + [ + "Ġpro", + "kary" + ], + [ + "ist", + "os" + ], + [ + "ĠE", + "cho" + ], + [ + "ĠF", + "IRST" + ], + [ + "Ġpart", + "ake" + ], + [ + "ĠRe", + "peated" + ], + [ + "Ġallow", + "able" + ], + [ + "set", + "default" + ], + [ + "ores", + "is" + ], + [ + "bl", + "ocking" + ], + [ + "aly", + "st" + ], + [ + "arv", + "ae" + ], + [ + "ĠRem", + "edies" + ], + [ + "Ġwinter", + "ing" + ], + [ + "Cont", + "ents" + ], + [ + "ĠTim", + "ber" + ], + [ + "build", + "ers" + ], + [ + "ORD", + "ER" + ], + [ + "ĠDesc", + "riptive" + ], + [ + "ĠOs", + "iris" + ], + [ + "ĠHaz", + "ards" + ], + [ + "Ġaquarium", + "s" + ], + [ + "Ġidi", + "om" + ], + [ + "Ġfluct", + "uation" + ], + [ + "Ġlabou", + "rers" + ], + [ + "Ġslog", + "ans" + ], + [ + ")", + ">" + ], + [ + "d", + "v" + ], + [ + "e", + "ment" + ], + [ + "t", + "olerance" + ], + [ + "å", + "ŀĭ" + ], + [ + "at", + "y" + ], + [ + "at", + "os" + ], + [ + "Ġre", + "ins" + ], + [ + "st", + "ories" + ], + [ + "pe", + "i" + ], + [ + "ĠN", + "iss" + ], + [ + "Ġun", + "supervised" + ], + [ + "))", + "[" + ], + [ + "Ġsqu", + "amous" + ], + [ + "Ġfear", + "less" + ], + [ + "Ġhom", + "ologous" + ], + [ + "Ġmilk", + "weed" + ], + [ + "ĠVer", + "se" + ], + [ + "ĠBal", + "anced" + ], + [ + "Christ", + "mas" + ], + [ + "sql", + "ite" + ], + [ + "tym", + "ology" + ], + [ + "ĠMob", + "ility" + ], + [ + "Muslim", + "s" + ], + [ + "?", + "*" + ], + [ + "M", + "EM" + ], + [ + "Ġa", + "rab" + ], + [ + "Ġf", + "ury" + ], + [ + "ĠT", + "ape" + ], + [ + "Ġst", + "rom" + ], + [ + "ĠC", + "ushing" + ], + [ + "ĠP", + "ix" + ], + [ + "ĠP", + "ossibly" + ], + [ + "Ġtake", + "aways" + ], + [ + "ĠIs", + "hma" + ], + [ + "Ex", + "port" + ], + [ + "Ġder", + "og" + ], + [ + "ĠÐ", + "±" + ], + [ + "Ġhero", + "ine" + ], + [ + "ĠDel", + "icious" + ], + [ + "Ġblind", + "ed" + ], + [ + "Ġchlor", + "oplast" + ], + [ + "Spec", + "ifically" + ], + [ + "Ġsanct", + "ity" + ], + [ + "Guid", + "elines" + ], + [ + "Ġvandal", + "ism" + ], + [ + "Ġhypocr", + "isy" + ], + [ + "]", + "||" + ], + [ + "Ġst", + "ings" + ], + [ + "ĠV", + "est" + ], + [ + "ĠY", + "osh" + ], + [ + "Ġcur", + "ly" + ], + [ + "ĠAr", + "bit" + ], + [ + "ĠPl", + "ut" + ], + [ + "Ġpost", + "graduate" + ], + [ + "face", + "book" + ], + [ + "amm", + "u" + ], + [ + "AR", + "A" + ], + [ + "Ġformal", + "ized" + ], + [ + "Ġcas", + "ually" + ], + [ + "æ", + "dia" + ], + [ + "Ġpreserv", + "ative" + ], + [ + "Ġimpat", + "ient" + ], + [ + "H", + "an" + ], + [ + "O", + "ste" + ], + [ + "s", + "ustaining" + ], + [ + "Ġs", + "r" + ], + [ + "ĠC", + "GI" + ], + [ + "ĠP", + "ike" + ], + [ + "pp", + "m" + ], + [ + "os", + "ic" + ], + [ + "Ġle", + "pro" + ], + [ + "ĠG", + "ond" + ], + [ + "Ġresp", + "ite" + ], + [ + "part", + "icles" + ], + [ + "hel", + "ps" + ], + [ + "Ġwall", + "paper" + ], + [ + "Ġaf", + "ric" + ], + [ + "ĠPut", + "nam" + ], + [ + "Ġimperial", + "ist" + ], + [ + "ĠYang", + "tze" + ], + [ + "Ġdiscretion", + "ary" + ], + [ + "ĠBM", + "J" + ], + [ + "Ġmism", + "an" + ], + [ + "ĠNeurolog", + "ical" + ], + [ + "ĠFasc", + "inating" + ], + [ + "Ġhots", + "pot" + ], + [ + "-", + "\\" + ], + [ + "D", + "ynamic" + ], + [ + "H", + "oney" + ], + [ + "Q", + "s" + ], + [ + "t", + "cp" + ], + [ + "ĠI", + "E" + ], + [ + "ĠD", + "rivers" + ], + [ + "we", + "bsite" + ], + [ + "min", + "us" + ], + [ + "ache", + "v" + ], + [ + "Ġap", + "ocalyptic" + ], + [ + "CC", + "ESS" + ], + [ + "ĠAnn", + "iversary" + ], + [ + "Ġtract", + "ors" + ], + [ + "Ġdispos", + "itions" + ], + [ + "dec", + "imal" + ], + [ + "Ġintersection", + "al" + ], + [ + "Sem", + "itic" + ], + [ + "ìĿ", + "´" + ], + [ + "ĠPorts", + "mouth" + ], + [ + "Ġpomegran", + "ate" + ], + [ + "Ġt", + "gt" + ], + [ + "ct", + "l" + ], + [ + "ĠB", + "onds" + ], + [ + "Ġat", + "onement" + ], + [ + "ĠG", + "os" + ], + [ + "ult", + "z" + ], + [ + "ere", + "t" + ], + [ + "Ġcl", + "ipping" + ], + [ + "Ġflood", + "plain" + ], + [ + "Stud", + "ying" + ], + [ + "Ġprosec", + "uted" + ], + [ + "Ġseab", + "irds" + ], + [ + "ĠSY", + "STEM" + ], + [ + "ĠNewsp", + "aper" + ], + [ + "ĠSof", + "ia" + ], + [ + "Z", + "Z" + ], + [ + "on", + "o" + ], + [ + "ĠN", + "FT" + ], + [ + "Ġcor", + "iander" + ], + [ + "Ġcomplex", + "ion" + ], + [ + "Ġmind", + "ed" + ], + [ + "Ġfire", + "arm" + ], + [ + "ĠProv", + "iders" + ], + [ + "Ġdent", + "ure" + ], + [ + "xx", + "x" + ], + [ + "ĠLu", + "ft" + ], + [ + "Ġcompact", + "ed" + ], + [ + "Ġcarcin", + "ogen" + ], + [ + "ĠBry", + "ant" + ], + [ + "Ġnemat", + "ode" + ], + [ + "ĠKau", + "f" + ], + [ + "R", + "ome" + ], + [ + "w", + "ings" + ], + [ + "ak", + "ings" + ], + [ + "Ġbl", + "asting" + ], + [ + "Ġplay", + "list" + ], + [ + "Ġconst", + "rain" + ], + [ + "ames", + "e" + ], + [ + "Ġmel", + "odic" + ], + [ + "ĠBas", + "is" + ], + [ + "cell", + "ed" + ], + [ + "ĠGood", + "man" + ], + [ + "ĠFil", + "ters" + ], + [ + "Ġcow", + "ard" + ], + [ + "ĠArist", + "ot" + ], + [ + "ĠLev", + "ine" + ], + [ + "Ġbru", + "ises" + ], + [ + "Ġdread", + "ful" + ], + [ + "åĽ", + "¾" + ], + [ + "ĠConfuci", + "anism" + ], + [ + "ureth", + "ane" + ], + [ + ",", + "[" + ], + [ + "ing", + "ale" + ], + [ + "Ġm", + "ummy" + ], + [ + "ĠP", + "ash" + ], + [ + "Ġv", + "a" + ], + [ + "ence", + "phal" + ], + [ + "Ġro", + "be" + ], + [ + "ons", + "on" + ], + [ + "ĠZ", + "ed" + ], + [ + "att", + "empt" + ], + [ + "ĠMe", + "h" + ], + [ + "Ġbur", + "g" + ], + [ + "ĠDevelop", + "er" + ], + [ + "ĠCra", + "fting" + ], + [ + "Ġtriumph", + "ant" + ], + [ + "Ġevapor", + "ates" + ], + [ + "P", + "ars" + ], + [ + "S", + "to" + ], + [ + "ed", + "ited" + ], + [ + "Ġbe", + "wild" + ], + [ + "ĠE", + "B" + ], + [ + "ĠL", + "uk" + ], + [ + "Ġav", + "atar" + ], + [ + "Ġpost", + "operative" + ], + [ + "Ġconc", + "aten" + ], + [ + "ĠReg", + "istered" + ], + [ + "efore", + "station" + ], + [ + "ĠBay", + "er" + ], + [ + "Ġnumer", + "ator" + ], + [ + "Ġmerg", + "ers" + ], + [ + "ĠAstroph", + "ysics" + ], + [ + "l", + "ifting" + ], + [ + "n", + "f" + ], + [ + "Ġa", + "k" + ], + [ + "ĠH", + "itt" + ], + [ + "ĠN", + "ET" + ], + [ + "ach", + "al" + ], + [ + "ms", + "gs" + ], + [ + "ĠIs", + "abel" + ], + [ + "Ġec", + "ologist" + ], + [ + "ĠSP", + "EC" + ], + [ + "Ġgran", + "ul" + ], + [ + "Ġdesper", + "ation" + ], + [ + "Ġhash", + "lib" + ], + [ + "Ġdetermin", + "ism" + ], + [ + "ĠLam", + "bert" + ], + [ + "ĠEras", + "mus" + ], + [ + "p", + "ract" + ], + [ + "ent", + "ery" + ], + [ + "el", + "er" + ], + [ + "ĠN", + "ike" + ], + [ + "ĠN", + "inth" + ], + [ + "Ġpl", + "edges" + ], + [ + "Ġmed", + "iating" + ], + [ + "ĠMan", + "ch" + ], + [ + "Ġmagn", + "itudes" + ], + [ + "ĠSm", + "ile" + ], + [ + "Ġfiles", + "ystem" + ], + [ + "ĠCommission", + "ers" + ], + [ + "Def", + "initions" + ], + [ + "ĠOpp", + "osition" + ], + [ + "ĠAllow", + "ing" + ], + [ + "Ġcro", + "oked" + ], + [ + "Tr", + "uth" + ], + [ + "Ġunravel", + "ing" + ], + [ + "Ġtrigon", + "ometry" + ], + [ + "Ġfresco", + "es" + ], + [ + "olybden", + "um" + ], + [ + "C", + "ult" + ], + [ + "P", + "ap" + ], + [ + "_", + ":" + ], + [ + "Ġin", + "vert" + ], + [ + "ĠT", + "ampa" + ], + [ + "Ġsu", + "icides" + ], + [ + "ĠW", + "erner" + ], + [ + "Ġse", + "wn" + ], + [ + "Ġent", + "ice" + ], + [ + "('", + "{}" + ], + [ + "ĠCar", + "ry" + ], + [ + "Ġemphas", + "ised" + ], + [ + "Ġimmig", + "rated" + ], + [ + "Ġbomb", + "ings" + ], + [ + "ĠMind", + "s" + ], + [ + "Ġchop", + "ping" + ], + [ + "ĠPul", + "se" + ], + [ + "Design", + "ing" + ], + [ + "ĠEmir", + "ates" + ], + [ + "h", + "ound" + ], + [ + "es", + "se" + ], + [ + "le", + "ave" + ], + [ + "Ġre", + "written" + ], + [ + "os", + "um" + ], + [ + "ĠL", + "ange" + ], + [ + "Ġrep", + "ressed" + ], + [ + "ĠPro", + "posed" + ], + [ + "gen", + "esis" + ], + [ + "Ġ$", + "(" + ], + [ + "AN", + "Y" + ], + [ + "Ġdiv", + "isive" + ], + [ + "ixt", + "ies" + ], + [ + "ĠMit", + "igation" + ], + [ + "ĠEX", + "PRESS" + ], + [ + "educ", + "ational" + ], + [ + "Ġsprink", + "led" + ], + [ + "asyn", + "cio" + ], + [ + "R", + "UN" + ], + [ + "S", + "ched" + ], + [ + "f", + "ledged" + ], + [ + "×", + "ĵ" + ], + [ + "Ġre", + "organization" + ], + [ + "am", + "erican" + ], + [ + "Ġpl", + "ast" + ], + [ + "ord", + "inate" + ], + [ + "ĠZ", + "ak" + ], + [ + "Ġkind", + "er" + ], + [ + "Ġpath", + "ologies" + ], + [ + "Ġlot", + "teries" + ], + [ + "=\"", + "#" + ], + [ + "Ġface", + "book" + ], + [ + "Ġtax", + "able" + ], + [ + "top", + "las" + ], + [ + "ca", + "ption" + ], + [ + "Ġsprink", + "ler" + ], + [ + "ĠAdmiral", + "ty" + ], + [ + "T", + "ypical" + ], + [ + "b", + "ration" + ], + [ + "Ñ", + "ī" + ], + [ + "å", + "»" + ], + [ + "es", + "ley" + ], + [ + "her", + "st" + ], + [ + "ab", + "o" + ], + [ + "ĠR", + "he" + ], + [ + "ĠG", + "atsby" + ], + [ + "ĠU", + "RI" + ], + [ + "erm", + "a" + ], + [ + "Ġref", + "ug" + ], + [ + "Ġlow", + "lands" + ], + [ + "ĠUS", + "C" + ], + [ + "ĠLe", + "y" + ], + [ + "udd", + "in" + ], + [ + "Ġweak", + "est" + ], + [ + "Gen", + "erate" + ], + [ + "Ġradi", + "ator" + ], + [ + "ĠCamb", + "rian" + ], + [ + "ĠBreak", + "fast" + ], + [ + "ĠLI", + "ABILITY" + ], + [ + "Ġbenz", + "odiazep" + ], + [ + "ĠI", + "ch" + ], + [ + "orm", + "s" + ], + [ + "ik", + "on" + ], + [ + "ym", + "al" + ], + [ + "Ġrecogn", + "ises" + ], + [ + "inter", + "section" + ], + [ + "IT", + "T" + ], + [ + "ino", + "za" + ], + [ + "aid", + "a" + ], + [ + "sub", + "net" + ], + [ + "Ġinn", + "ermost" + ], + [ + "Ġentit", + "lement" + ], + [ + "Ġcontempl", + "ated" + ], + [ + "Turn", + "ing" + ], + [ + "Ġmidw", + "ives" + ], + [ + "Ġpolymorph", + "ism" + ], + [ + "j", + "ing" + ], + [ + "s", + "itu" + ], + [ + "on", + "acci" + ], + [ + "Ġl", + "int" + ], + [ + "ĠM", + "arm" + ], + [ + "âĢĻ", + ";" + ], + [ + "Th", + "inking" + ], + [ + "Ġend", + "os" + ], + [ + "Ġelect", + "orate" + ], + [ + "An", + "na" + ], + [ + "Ġver", + "a" + ], + [ + "Ġassert", + "iveness" + ], + [ + "che", + "z" + ], + [ + "Ġforward", + "ing" + ], + [ + "main", + "tenance" + ], + [ + "Ġdigest", + "ible" + ], + [ + "sign", + "als" + ], + [ + "á¹", + "ĥ" + ], + [ + "Ġerad", + "icating" + ], + [ + "ï", + "ve" + ], + [ + "ç±", + "»" + ], + [ + ".", + "]," + ], + [ + "end", + "ering" + ], + [ + "ĠO", + "le" + ], + [ + "ĠU", + "pload" + ], + [ + "Ġtrans", + "atlantic" + ], + [ + "hem", + "es" + ], + [ + "ĠMin", + "im" + ], + [ + "first", + "name" + ], + [ + "struct", + "ures" + ], + [ + "Ġtheor", + "ist" + ], + [ + "ĠPas", + "o" + ], + [ + "--------------------------------------------", + "--" + ], + [ + "haus", + "en" + ], + [ + "Ġneckl", + "ace" + ], + [ + "F", + "ROM" + ], + [ + "x", + "l" + ], + [ + "in", + "form" + ], + [ + "Ġg", + "erman" + ], + [ + "ĠD", + "ixon" + ], + [ + "ub", + "en" + ], + [ + "Ġed", + "ict" + ], + [ + "Ġstre", + "pt" + ], + [ + "fl", + "ash" + ], + [ + "ĠCal", + "ed" + ], + [ + "Ġdraw", + "er" + ], + [ + "ĠAg", + "nes" + ], + [ + "Ġdiv", + "isible" + ], + [ + "Ġsil", + "encing" + ], + [ + "tra", + "cks" + ], + [ + "ĠDesign", + "s" + ], + [ + "Ġflo", + "ated" + ], + [ + "Ġcommission", + "ing" + ], + [ + "Ġneurolog", + "y" + ], + [ + "Ġdecom", + "mission" + ], + [ + "ĠBor", + "ough" + ], + [ + ".", + "--" + ], + [ + "P", + "ear" + ], + [ + "R", + "og" + ], + [ + "d", + "ip" + ], + [ + "en", + "ough" + ], + [ + "Ġin", + "separable" + ], + [ + "ĠT", + "ox" + ], + [ + "ot", + "onic" + ], + [ + "ĠA", + "BA" + ], + [ + "ĠS", + "ore" + ], + [ + "ĠH", + "ir" + ], + [ + "ĠE", + "ch" + ], + [ + "Ġdis", + "belief" + ], + [ + "Ġpre", + "cepts" + ], + [ + "Ġbott", + "leneck" + ], + [ + "Ġhyper", + "thyroidism" + ], + [ + "ĠBill", + "ion" + ], + [ + "Ġbury", + "ing" + ], + [ + "Ġperic", + "ard" + ], + [ + "K", + "id" + ], + [ + "L", + "os" + ], + [ + "V", + "iet" + ], + [ + "ed", + "iting" + ], + [ + "Ġin", + "quis" + ], + [ + "ĠA", + "AA" + ], + [ + "ĠW", + "an" + ], + [ + "ĠE", + "ps" + ], + [ + "ult", + "uration" + ], + [ + "ĠO", + "M" + ], + [ + "Ġmed", + "itating" + ], + [ + "Ġcur", + "ators" + ], + [ + "ĠCom", + "posite" + ], + [ + "anc", + "a" + ], + [ + "ĠMass", + "age" + ], + [ + "ĠBob", + "by" + ], + [ + "Ġradi", + "ative" + ], + [ + "ALL", + "Y" + ], + [ + "ĠQt", + "Core" + ], + [ + "Ġvic", + "ar" + ], + [ + "ĠPied", + "mont" + ], + [ + "f", + "ault" + ], + [ + "at", + "im" + ], + [ + "ch", + "ap" + ], + [ + "Ġde", + "em" + ], + [ + "ĠH", + "AVE" + ], + [ + "ĠJ", + "ules" + ], + [ + "Ġwork", + "piece" + ], + [ + "oss", + "ibility" + ], + [ + "Ġob", + "tains" + ], + [ + "Ġpresent", + "er" + ], + [ + "Ġter", + "race" + ], + [ + "ĠGib", + "raltar" + ], + [ + "Conf", + "lict" + ], + [ + "ĠGent", + "ile" + ], + [ + "ĠPosition", + "ing" + ], + [ + "Mic", + "hel" + ], + [ + "ĠGlou", + "cester" + ], + [ + "ĠIshma", + "el" + ], + [ + "\"", + "'," + ], + [ + "j", + "ump" + ], + [ + "Ġf", + "iat" + ], + [ + "ĠN", + "atives" + ], + [ + "ĠL", + "atter" + ], + [ + "Ġsub", + "lim" + ], + [ + "Ġcent", + "imeter" + ], + [ + "Ġleg", + "ion" + ], + [ + "ling", + "u" + ], + [ + "Ġprob", + "abilistic" + ], + [ + "ran", + "o" + ], + [ + "df", + "s" + ], + [ + "ĠTest", + "Case" + ], + [ + "Ġmist", + "le" + ], + [ + "Ġsyn", + "th" + ], + [ + "Ġcas", + "inos" + ], + [ + "ĠMess", + "ages" + ], + [ + "Ġcontempl", + "ative" + ], + [ + "ĠDH", + "CP" + ], + [ + "Ġkidn", + "apped" + ], + [ + "ĠShab", + "bat" + ], + [ + "l", + "f" + ], + [ + "o", + "C" + ], + [ + "r", + "rh" + ], + [ + "Ġth", + "rottle" + ], + [ + "ct", + "ime" + ], + [ + "ad", + "ult" + ], + [ + "ant", + "an" + ], + [ + "ĠW", + "arn" + ], + [ + "ĠD", + "ome" + ], + [ + "ĠN", + "PS" + ], + [ + "Ġbr", + "im" + ], + [ + "Ġlo", + "oms" + ], + [ + "Ġcover", + "ings" + ], + [ + "Ġrob", + "bed" + ], + [ + "Ġinternal", + "ized" + ], + [ + "Ġtro", + "posp" + ], + [ + "ĠSum", + "mar" + ], + [ + "ĠText", + "book" + ], + [ + "his", + "att" + ], + [ + "Ġtent", + "acles" + ], + [ + "Ġelic", + "ited" + ], + [ + "Offic", + "ial" + ], + [ + "ĠLaz", + "arus" + ], + [ + "ĠNerv", + "ous" + ], + [ + "R", + "U" + ], + [ + "c", + "oco" + ], + [ + "Ġf", + "c" + ], + [ + "Ġn", + "r" + ], + [ + "Ġg", + "ull" + ], + [ + "ĠS", + "nyder" + ], + [ + "ĠF", + "owler" + ], + [ + "Ġrec", + "iting" + ], + [ + "ced", + "ure" + ], + [ + "Ġsc", + "ab" + ], + [ + "Ġsign", + "aled" + ], + [ + "Ġlast", + "ly" + ], + [ + "Ġblood", + "shed" + ], + [ + "iter", + "acy" + ], + [ + "ĠGovern", + "ors" + ], + [ + "fam", + "ous" + ], + [ + "Ġpier", + "ced" + ], + [ + "Ġfortun", + "ately" + ], + [ + "ĠHerod", + "otus" + ], + [ + "Ġantif", + "ungal" + ], + [ + "c", + "ip" + ], + [ + "g", + "au" + ], + [ + "Ġst", + "ump" + ], + [ + "pl", + "asm" + ], + [ + "Ġins", + "ider" + ], + [ + "Ġphys", + "iothe" + ], + [ + "ret", + "ry" + ], + [ + "urg", + "a" + ], + [ + "ĠRem", + "ind" + ], + [ + "Ġmer", + "idian" + ], + [ + "cell", + "ent" + ], + [ + "Ġcab", + "ins" + ], + [ + "Ġ×", + "Ķ" + ], + [ + "åIJ", + "İ" + ], + [ + "Ġtheor", + "ized" + ], + [ + "M", + "AC" + ], + [ + "S", + "ocket" + ], + [ + "_", + "\"" + ], + [ + "y", + "ch" + ], + [ + "Ġ", + "ãģ" + ], + [ + "al", + "coholic" + ], + [ + "Ġb", + "h" + ], + [ + "Ġh", + "oses" + ], + [ + "ĠC", + "rops" + ], + [ + "ĠM", + "ON" + ], + [ + "ĠH", + "uxley" + ], + [ + "ĠN", + "uts" + ], + [ + "ie", + "gel" + ], + [ + "iff", + "el" + ], + [ + "Ġunder", + "line" + ], + [ + "Ġexp", + "orter" + ], + [ + "Ġenc", + "odes" + ], + [ + "Ġ%", + "%" + ], + [ + "first", + "sum" + ], + [ + "igm", + "und" + ], + [ + "Ġpriorit", + "ized" + ], + [ + "ĠCalcul", + "us" + ], + [ + "Ġrefres", + "hed" + ], + [ + "Ġbottlen", + "ecks" + ], + [ + "Ġre", + "agents" + ], + [ + "Ġr", + "ift" + ], + [ + "ĠN", + "IST" + ], + [ + "ag", + "ricult" + ], + [ + "Ġyear", + "ning" + ], + [ + "Ġsub", + "optimal" + ], + [ + "ĠAl", + "le" + ], + [ + "view", + "er" + ], + [ + "ĠCons", + "istency" + ], + [ + "Ġsil", + "very" + ], + [ + "ĠDis", + "cipline" + ], + [ + "Ġfront", + "line" + ], + [ + "Ġsteam", + "er" + ], + [ + "Ġaccord", + "ed" + ], + [ + "ĠAppro", + "ved" + ], + [ + "some", + "one" + ], + [ + "sever", + "al" + ], + [ + "Ġcoin", + "age" + ], + [ + "ĠProtestant", + "ism" + ], + [ + "ĠConfuci", + "an" + ], + [ + "fre", + "edom" + ], + [ + "invent", + "ory" + ], + [ + "Ġunsett", + "ling" + ], + [ + "Ġeuth", + "anasia" + ], + [ + "ĠAeron", + "autics" + ], + [ + "Ġcany", + "ons" + ], + [ + "J", + "e" + ], + [ + "P", + "LE" + ], + [ + "b", + "rew" + ], + [ + "Ġt", + "enses" + ], + [ + "Ġp", + "awn" + ], + [ + "Ġr", + "iddle" + ], + [ + "ĠD", + "ivid" + ], + [ + "Ġrem", + "itt" + ], + [ + "ins", + "ured" + ], + [ + "pr", + "inter" + ], + [ + "man", + "ac" + ], + [ + "sc", + "apes" + ], + [ + "ĠInt", + "ensive" + ], + [ + "urs", + "or" + ], + [ + "dict", + "s" + ], + [ + "Ġund", + "efined" + ], + [ + "ĠRiver", + "a" + ], + [ + "den", + "om" + ], + [ + "IR", + "ED" + ], + [ + "ĠMethod", + "ology" + ], + [ + "Ġdecay", + "ed" + ], + [ + "gr", + "ids" + ], + [ + "ĠLith", + "ium" + ], + [ + "ĠHE", + "ALTH" + ], + [ + "Ġcooper", + "ating" + ], + [ + "ĠPatri", + "ot" + ], + [ + "ĠRomantic", + "ism" + ], + [ + "ĠDw", + "ight" + ], + [ + "Ġtelome", + "res" + ], + [ + "W", + "alking" + ], + [ + "le", + "aved" + ], + [ + "ĠI", + "TS" + ], + [ + "ĠH", + "ul" + ], + [ + "ĠE", + "G" + ], + [ + "ib", + "id" + ], + [ + "Ġj", + "ade" + ], + [ + "ens", + "ual" + ], + [ + "ĠK", + "amp" + ], + [ + "ĠSh", + "ipping" + ], + [ + "Ġbur", + "gers" + ], + [ + "omy", + "elitis" + ], + [ + "ĠSch", + "we" + ], + [ + "Ġsett", + "les" + ], + [ + "Don", + "nell" + ], + [ + "ãĥ", + "³" + ], + [ + "ĠMong", + "o" + ], + [ + "Ġsie", + "ve" + ], + [ + "h", + "c" + ], + [ + "y", + "re" + ], + [ + "ĠT", + "ara" + ], + [ + "ĠD", + "eng" + ], + [ + "ĠY", + "esh" + ], + [ + "Ġlow", + "s" + ], + [ + "Ġbo", + "on" + ], + [ + "Ġrare", + "r" + ], + [ + "Ad", + "ams" + ], + [ + "win", + "ner" + ], + [ + "ĠDist", + "ricts" + ], + [ + "Ġsod", + "as" + ], + [ + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ" + ], + [ + "Ġunpre", + "pared" + ], + [ + "Ġrip", + "ening" + ], + [ + "æł", + "ĩ" + ], + [ + "Ġcafeter", + "ia" + ], + [ + "T", + "a" + ], + [ + "c", + "ash" + ], + [ + "Ġg", + "othic" + ], + [ + "ĠS", + "outheastern" + ], + [ + "est", + "imate" + ], + [ + "oc", + "annab" + ], + [ + "ĠV", + "T" + ], + [ + "Ġsign", + "ified" + ], + [ + "de", + "cre" + ], + [ + "Ġschool", + "children" + ], + [ + "ĠBe", + "am" + ], + [ + "ĠMe", + "al" + ], + [ + "Ġsn", + "apped" + ], + [ + "Ġexec", + "utor" + ], + [ + "Ġcook", + "ware" + ], + [ + "Ġstar", + "ve" + ], + [ + "ĠNaz", + "areth" + ], + [ + "Ġbomb", + "ed" + ], + [ + "Ġwhis", + "per" + ], + [ + "Ġrehears", + "al" + ], + [ + "Ġ", + "################" + ], + [ + "if", + "lor" + ], + [ + "ĠM", + "ovies" + ], + [ + "iv", + "ol" + ], + [ + "ĠB", + "hat" + ], + [ + "ĠN", + "L" + ], + [ + "per", + "ception" + ], + [ + "ov", + "iruses" + ], + [ + "Ġoper", + "as" + ], + [ + "Ġz", + "ig" + ], + [ + "ĠOn", + "es" + ], + [ + "Ġsymbol", + "ically" + ], + [ + "ĠEl", + "is" + ], + [ + "Ph", + "ysics" + ], + [ + "Ġfrust", + "rations" + ], + [ + "ĠJac", + "qu" + ], + [ + "Pr", + "iv" + ], + [ + "Prot", + "ecting" + ], + [ + "Ġsubord", + "inates" + ], + [ + "S", + "ensor" + ], + [ + "d", + "ain" + ], + [ + "Ġh", + "oard" + ], + [ + "ĠA", + "FP" + ], + [ + "ul", + "ism" + ], + [ + "ĠIn", + "flation" + ], + [ + "com", + "bo" + ], + [ + "Ġtechn", + "ologists" + ], + [ + "oms", + "ky" + ], + [ + "It", + "aly" + ], + [ + "ĠBen", + "in" + ], + [ + "Ġpair", + "wise" + ], + [ + "ĠEth", + "an" + ], + [ + "plan", + "et" + ], + [ + "ĠEmploy", + "ing" + ], + [ + "Ġmonopol", + "ies" + ], + [ + "ĠACT", + "ION" + ], + [ + "skin", + "ned" + ], + [ + "Ġlan", + "terns" + ], + [ + "ĠExcited", + "ly" + ], + [ + "æİ", + "¥" + ], + [ + "Ġplasm", + "id" + ], + [ + "Nob", + "ody" + ], + [ + "(", + "{}" + ], + [ + "å", + "Ŀ" + ], + [ + "ĠC", + "rescent" + ], + [ + "ĠK", + "ri" + ], + [ + "air", + "craft" + ], + [ + "----------------", + "-------" + ], + [ + "ik", + "en" + ], + [ + "Ġauthor", + "ize" + ], + [ + "Ġshare", + "holder" + ], + [ + "ĠPre", + "v" + ], + [ + "ĠAp", + "oll" + ], + [ + "EG", + "ER" + ], + [ + "contin", + "uous" + ], + [ + "Ġdye", + "ing" + ], + [ + "'", + "?" + ], + [ + "R", + "iver" + ], + [ + "Ġt", + "ainted" + ], + [ + "Ġn", + "iacin" + ], + [ + "Ġg", + "ill" + ], + [ + "Ġal", + "oe" + ], + [ + "Ġpre", + "em" + ], + [ + "Ġtrans", + "porter" + ], + [ + "ah", + "ua" + ], + [ + "St", + "atic" + ], + [ + "sh", + "irts" + ], + [ + "ĠBe", + "ans" + ], + [ + "ĠDep", + "artments" + ], + [ + "Ġsn", + "ug" + ], + [ + "Ġbed", + "rooms" + ], + [ + "ĠClass", + "ics" + ], + [ + "Ġmanip", + "ulative" + ], + [ + "Ġrub", + "bed" + ], + [ + "Ġhar", + "assed" + ], + [ + "Ġtons", + "ils" + ], + [ + "ÑĢ", + "и" + ], + [ + "aa", + "aa" + ], + [ + "Ġdialect", + "ical" + ], + [ + "ĠOw", + "ens" + ], + [ + "Ġprosec", + "utors" + ], + [ + "Ïĥ", + "ÏĦ" + ], + [ + "Ġconjug", + "ate" + ], + [ + "Ġhemisp", + "heres" + ], + [ + "ther", + "ia" + ], + [ + "av", + "iruses" + ], + [ + "for", + "ces" + ], + [ + "Ġthera", + "peutics" + ], + [ + "inst", + "alled" + ], + [ + "Ġfresh", + "man" + ], + [ + "ĠCare", + "ers" + ], + [ + "ĠPC", + "I" + ], + [ + "ĠWord", + "sworth" + ], + [ + "Create", + "Model" + ], + [ + "Process", + "or" + ], + [ + "ĠRO", + "I" + ], + [ + "ĠPand", + "as" + ], + [ + "Ġantis", + "ocial" + ], + [ + "Ġassembl", + "ages" + ], + [ + "tion", + "ary" + ], + [ + "Ġanci", + "ents" + ], + [ + "F", + "old" + ], + [ + "N", + "SA" + ], + [ + "m", + "agnetic" + ], + [ + "s", + "ers" + ], + [ + "op", + "port" + ], + [ + "ĠD", + "PS" + ], + [ + "Ġle", + "asing" + ], + [ + "Ġle", + "vy" + ], + [ + "Ġmod", + "ifies" + ], + [ + "ex", + "posed" + ], + [ + "ateg", + "ic" + ], + [ + "Ġx", + "s" + ], + [ + "Ġi", + "T" + ], + [ + "class", + "ical" + ], + [ + "Ġnutrition", + "ist" + ], + [ + "ĠSy", + "st" + ], + [ + "Ġnervous", + "ness" + ], + [ + "opol", + "is" + ], + [ + "Ġbomb", + "arded" + ], + [ + "Ass", + "ert" + ], + [ + "Ġdownt", + "urn" + ], + [ + "Harv", + "ard" + ], + [ + "Ġeug", + "enics" + ], + [ + "h", + "ay" + ], + [ + "l", + "c" + ], + [ + "Ġt", + "resp" + ], + [ + "on", + "ical" + ], + [ + "ĠS", + "art" + ], + [ + "ĠJ", + "em" + ], + [ + "con", + "i" + ], + [ + "ĠK", + "A" + ], + [ + "Ġtransform", + "ational" + ], + [ + "Ġunw", + "itting" + ], + [ + "sl", + "ip" + ], + [ + "report", + "ing" + ], + [ + "Sol", + "id" + ], + [ + "æĸ", + "¹" + ], + [ + "Ġmars", + "up" + ], + [ + "ĠPrepared", + "ness" + ], + [ + "M", + "arsh" + ], + [ + "is", + "ks" + ], + [ + "Ġd", + "m" + ], + [ + "ĠP", + "eng" + ], + [ + "ĠR", + "it" + ], + [ + "ĠL", + "au" + ], + [ + "Ġcent", + "imetres" + ], + [ + "pr", + "ised" + ], + [ + "sc", + "enes" + ], + [ + "Ġpsych", + "othe" + ], + [ + "ĠPost", + "al" + ], + [ + "Ġpand", + "a" + ], + [ + "Ġmi", + "RNA" + ], + [ + "Ġvom", + "it" + ], + [ + "Ġpolicym", + "aking" + ], + [ + "Ġdeter", + "rence" + ], + [ + "L", + "ect" + ], + [ + "ĠI", + "th" + ], + [ + "Ġch", + "akra" + ], + [ + "Ġr", + "ick" + ], + [ + "ust", + "rated" + ], + [ + "Ġman", + "ia" + ], + [ + "ĠCom", + "plementary" + ], + [ + "Ġvir", + "ulent" + ], + [ + "ĠNe", + "ur" + ], + [ + "ĠPol", + "ynes" + ], + [ + "Ġmoment", + "ous" + ], + [ + "iform", + "es" + ], + [ + "ĠEss", + "entials" + ], + [ + "Ġpreced", + "es" + ], + [ + "оÐ", + "¹" + ], + [ + "Ġdissol", + "ving" + ], + [ + "Ġpor", + "osity" + ], + [ + "ĠBrow", + "ning" + ], + [ + "Ġau", + "ctions" + ], + [ + "Ġglo", + "omy" + ], + [ + "t", + "oc" + ], + [ + "æ", + "ı" + ], + [ + "ĠS", + "phinx" + ], + [ + "ĠM", + "F" + ], + [ + "os", + "an" + ], + [ + "ĠD", + "ell" + ], + [ + "ĠF", + "H" + ], + [ + "te", + "achers" + ], + [ + "Ġmod", + "ulating" + ], + [ + "Ġcal", + "mer" + ], + [ + "cul", + "us" + ], + [ + "Ġtrade", + "offs" + ], + [ + "ü", + "h" + ], + [ + "Id", + "x" + ], + [ + "Inter", + "val" + ], + [ + "hyd", + "rogen" + ], + [ + "non", + "zero" + ], + [ + "åı", + "Ĥ" + ], + [ + "Ġmaj", + "esty" + ], + [ + "ĠCamb", + "odian" + ], + [ + "Dav", + "is" + ], + [ + "Cir", + "c" + ], + [ + "ĠHav", + "ana" + ], + [ + "ĠXY", + "Z" + ], + [ + "evelop", + "ed" + ], + [ + ")", + "==" + ], + [ + "G", + "er" + ], + [ + "L", + "s" + ], + [ + "S", + "ugar" + ], + [ + "U", + "DE" + ], + [ + "f", + "id" + ], + [ + "h", + "int" + ], + [ + "at", + "ches" + ], + [ + "Ġh", + "overing" + ], + [ + "ĠA", + "ure" + ], + [ + "Ġwe", + "eping" + ], + [ + "Ġsh", + "immer" + ], + [ + "ĠCh", + "ir" + ], + [ + "Ġrem", + "orse" + ], + [ + "As", + "ia" + ], + [ + "Ġcat", + "ap" + ], + [ + "ĠDes", + "ktop" + ], + [ + "Ġautom", + "ating" + ], + [ + "ĠTrans", + "action" + ], + [ + "Ġutil", + "ise" + ], + [ + "Ġ\"/", + "\"" + ], + [ + "Cam", + "era" + ], + [ + "h", + "oot" + ], + [ + "Ġa", + "uster" + ], + [ + "ĠS", + "essions" + ], + [ + "ĠJ", + "ag" + ], + [ + "Ġcomm", + "uting" + ], + [ + "ian", + "i" + ], + [ + "az", + "er" + ], + [ + "Ġcut", + "aneous" + ], + [ + "bl", + "asts" + ], + [ + "ĠNe", + "umann" + ], + [ + "ĠQu", + "inn" + ], + [ + "Ġgold", + "fish" + ], + [ + "Sc", + "ot" + ], + [ + "ĠTV", + "s" + ], + [ + "Ġspir", + "als" + ], + [ + "Ġpropag", + "ating" + ], + [ + "person", + "ic" + ], + [ + "ĠDer", + "by" + ], + [ + "Ġathe", + "ism" + ], + [ + "Ġdip", + "ole" + ], + [ + "ĠMix", + "ing" + ], + [ + "ĠWor", + "cester" + ], + [ + "a", + "ñ" + ], + [ + "b", + "aby" + ], + [ + "id", + "ade" + ], + [ + "od", + "ine" + ], + [ + "Ġcomp", + "resses" + ], + [ + "ater", + "ally" + ], + [ + "con", + "form" + ], + [ + "ĠV", + "isc" + ], + [ + "ĠWe", + "imar" + ], + [ + "Ġbo", + "ating" + ], + [ + "Ġlater", + "ally" + ], + [ + "Ġscre", + "am" + ], + [ + "ĠÐ", + "°" + ], + [ + "Ġobst", + "etric" + ], + [ + "Ġband", + "ed" + ], + [ + "Eng", + "land" + ], + [ + "Ġstrat", + "osphere" + ], + [ + "]", + "')" + ], + [ + "Ġd", + "d" + ], + [ + "ch", + "ism" + ], + [ + "ĠH", + "OLD" + ], + [ + "ĠD", + "uty" + ], + [ + "arm", + "aceutical" + ], + [ + "Ġparticular", + "s" + ], + [ + "ĠCo", + "ke" + ], + [ + "Ġprop", + "onent" + ], + [ + "Ġsuffer", + "ings" + ], + [ + "icy", + "cle" + ], + [ + "opl", + "asma" + ], + [ + "ĠJack", + "ie" + ], + [ + "pur", + "ple" + ], + [ + "Ġalleg", + "orical" + ], + [ + "ĠPoly", + "techn" + ], + [ + "ĠEli", + "as" + ], + [ + "Ġensl", + "avement" + ], + [ + "tick", + "er" + ], + [ + "Ġmerc", + "ant" + ], + [ + "Ġanarch", + "ists" + ], + [ + "ĠFol", + "klore" + ], + [ + "Hung", + "ary" + ], + [ + "ĠCelebr", + "ating" + ], + [ + "Ġprocrast", + "ination" + ], + [ + "g", + "am" + ], + [ + "m", + "ining" + ], + [ + "å", + "§" + ], + [ + "è", + "ĥ½" + ], + [ + "Ġc", + "ot" + ], + [ + "Ġp", + "om" + ], + [ + "ĠP", + "ia" + ], + [ + "iv", + "irus" + ], + [ + "qu", + "akes" + ], + [ + "rom", + "ycin" + ], + [ + "ĠD", + "ir" + ], + [ + "ib", + "i" + ], + [ + "Ġind", + "eterm" + ], + [ + "Ġra", + "cks" + ], + [ + "app", + "ointed" + ], + [ + "ĠAd", + "ler" + ], + [ + "Ġfil", + "ming" + ], + [ + "ĠCl", + "erk" + ], + [ + "IC", + "s" + ], + [ + "Ġappe", + "ase" + ], + [ + "Ġthr", + "ift" + ], + [ + "ĠHuman", + "itarian" + ], + [ + "ij", + "k" + ], + [ + "ĠBen", + "z" + ], + [ + "ĠAny", + "way" + ], + [ + "Ġirrit", + "ants" + ], + [ + "Ġlie", + "u" + ], + [ + "ĠZh", + "u" + ], + [ + "Ġmeg", + "awatts" + ], + [ + "Ġjur", + "ors" + ], + [ + "Ġlia", + "ison" + ], + [ + "p", + "ac" + ], + [ + "Ġa", + "ft" + ], + [ + "et", + "in" + ], + [ + "Ġst", + "arches" + ], + [ + "Ġsur", + "fact" + ], + [ + "ĠIs", + "is" + ], + [ + "ribut", + "ing" + ], + [ + "Ġred", + "iscovered" + ], + [ + "ĠGu", + "ill" + ], + [ + "ĠQu", + "iet" + ], + [ + "Ġhyd", + "rology" + ], + [ + "And", + "erson" + ], + [ + "ĠSur", + "geons" + ], + [ + "Ġble", + "m" + ], + [ + "draw", + "al" + ], + [ + "Am", + "azon" + ], + [ + "fin", + "ish" + ], + [ + "Ġrevis", + "iting" + ], + [ + "ĠConcern", + "ing" + ], + [ + "Ġdich", + "otomy" + ], + [ + "Ġ", + "ا" + ], + [ + "an", + "ut" + ], + [ + "ĠP", + "SA" + ], + [ + "ĠF", + "TP" + ], + [ + "__", + ")," + ], + [ + "Ġcent", + "ering" + ], + [ + "ĠSh", + "u" + ], + [ + "pre", + "p" + ], + [ + "ĠLe", + "iden" + ], + [ + "ĠCal", + "houn" + ], + [ + "Ġaltern", + "ately" + ], + [ + "Ġweak", + "ly" + ], + [ + "Ġheight", + "en" + ], + [ + "tra", + "cker" + ], + [ + "ĠHum", + "or" + ], + [ + "Ġcler", + "ical" + ], + [ + "Ġalk", + "ali" + ], + [ + "Ġhegemon", + "ic" + ], + [ + "Ġovershad", + "owed" + ], + [ + "w", + "ag" + ], + [ + "Ġl", + "uggage" + ], + [ + "ĠC", + "ot" + ], + [ + "ĠP", + "NG" + ], + [ + "ĠB", + "SE" + ], + [ + "line", + "arity" + ], + [ + "Ġbre", + "wed" + ], + [ + "ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠĠ" + ], + [ + "Ġox", + "en" + ], + [ + "Ġten", + "acity" + ], + [ + "Ġcoll", + "iding" + ], + [ + "ros", + "ine" + ], + [ + "Ġpick", + "led" + ], + [ + "Ġpreced", + "e" + ], + [ + "pine", + "phrine" + ], + [ + "middle", + "ware" + ], + [ + "Ġchampions", + "hip" + ], + [ + "vacc", + "inated" + ], + [ + "ĠMosquit", + "o" + ], + [ + "?", + "||" + ], + [ + "G", + "it" + ], + [ + "S", + "AM" + ], + [ + "Ġ", + "```" + ], + [ + "ĠM", + "ikhail" + ], + [ + "Ġr", + "angers" + ], + [ + "ĠN", + "FL" + ], + [ + "ru", + "z" + ], + [ + "cl", + "iffe" + ], + [ + "ĠU", + "mb" + ], + [ + "Ġimp", + "airs" + ], + [ + "Ġher", + "mene" + ], + [ + "Ġ[", + "('" + ], + [ + "Ġgrou", + "se" + ], + [ + "Ġhuman", + "ism" + ], + [ + "Ġrisk", + "ed" + ], + [ + "pat", + "ches" + ], + [ + "ĠSy", + "ll" + ], + [ + "UN", + "C" + ], + [ + "Ab", + "d" + ], + [ + "Ġmac", + "kerel" + ], + [ + "Ġcomposition", + "al" + ], + [ + "ĠCheck", + "list" + ], + [ + "Ġven", + "erable" + ], + [ + "Ġroyal", + "ties" + ], + [ + "Ġexch", + "anger" + ], + [ + "ĠPL", + "OS" + ], + [ + "Ġcatalog", + "s" + ], + [ + "Ġdorm", + "ancy" + ], + [ + "Ġlamin", + "ated" + ], + [ + "ĠRoh", + "ing" + ], + [ + "ĠDecre", + "ased" + ], + [ + "Ġinterspers", + "ed" + ], + [ + "P", + "enn" + ], + [ + "ĠĠĠĠ", + "ĊĠĠĠ" + ], + [ + "Ġst", + "o" + ], + [ + "ver", + "ified" + ], + [ + "Ġso", + "ared" + ], + [ + "Ġve", + "gans" + ], + [ + "IS", + "ING" + ], + [ + "ĠQu", + "int" + ], + [ + "orph", + "ous" + ], + [ + "ĠHarm", + "on" + ], + [ + "åŃ", + "IJ" + ], + [ + "Ġstyl", + "ized" + ], + [ + ",,,,,,,,", + ",,,,,,,," + ], + [ + "hen", + "y" + ], + [ + "rop", + "od" + ], + [ + "Ġmagn", + "ified" + ], + [ + "ĠMin", + "h" + ], + [ + "Ġang", + "led" + ], + [ + "ĠLand", + "mark" + ], + [ + "Ġnumer", + "ically" + ], + [ + "Ġdeploy", + "ments" + ], + [ + "Ġguarantee", + "ing" + ], + [ + "ĠExec", + "ution" + ], + [ + "curs", + "ive" + ], + [ + "Rap", + "id" + ], + [ + "Ġthro", + "ats" + ], + [ + "ĠCarth", + "age" + ], + [ + "ĠKipp", + "ur" + ], + [ + "ĠM", + "ou" + ], + [ + "ĠM", + "oy" + ], + [ + "ĠW", + "C" + ], + [ + "ĠG", + "nostic" + ], + [ + "ĠO", + "dd" + ], + [ + "Ġsp", + "a" + ], + [ + "ob", + "y" + ], + [ + "ray", + "er" + ], + [ + "Ġpost", + "secondary" + ], + [ + "Ġtool", + "bar" + ], + [ + "ĠInt", + "ake" + ], + [ + "\"]", + "=" + ], + [ + "count", + "ries" + ], + [ + "Ġdoubt", + "less" + ], + [ + "Ġstuff", + "ing" + ], + [ + "ĠSi", + "em" + ], + [ + "ĠCB", + "SE" + ], + [ + "Ġminus", + "cule" + ], + [ + "Ġhemorrh", + "agic" + ], + [ + "Ġsard", + "ines" + ], + [ + "M", + "and" + ], + [ + "in", + "fer" + ], + [ + "Ġc", + "ilantro" + ], + [ + "om", + "avirus" + ], + [ + "ol", + "ome" + ], + [ + "ab", + "ar" + ], + [ + "ĠR", + "ough" + ], + [ + "so", + "hn" + ], + [ + "Ġunder", + "lined" + ], + [ + "Ġins", + "idious" + ], + [ + "Ġtest", + "es" + ], + [ + "ash", + "ire" + ], + [ + "ĠSh", + "ia" + ], + [ + "sh", + "own" + ], + [ + "ule", + "t" + ], + [ + "Ġhistor", + "iography" + ], + [ + "ĠAm", + "az" + ], + [ + "bo", + "ost" + ], + [ + "ĠAp", + "i" + ], + [ + "Ġreput", + "ations" + ], + [ + "oz", + "illa" + ], + [ + "ĠCR", + "T" + ], + [ + "Ġbrilli", + "antly" + ], + [ + "Ġdiscern", + "ment" + ], + [ + "Direct", + "or" + ], + [ + "Ġcin", + "ematic" + ], + [ + "ĠJohannes", + "burg" + ], + [ + "ç", + "«" + ], + [ + "Ġre", + "clamation" + ], + [ + "ĠG", + "LO" + ], + [ + "ĠK", + "iki" + ], + [ + "Ġcur", + "ative" + ], + [ + "ĠPro", + "long" + ], + [ + "Ġplay", + "back" + ], + [ + "Ġland", + "fall" + ], + [ + "inc", + "hed" + ], + [ + "bol", + "t" + ], + [ + "umb", + "les" + ], + [ + "Ġpursu", + "ant" + ], + [ + "ĠFour", + "teenth" + ], + [ + "Ġathe", + "ist" + ], + [ + "Ġμ", + "g" + ], + [ + "Certain", + "ly" + ], + [ + "Ġcland", + "estine" + ], + [ + "C", + "ats" + ], + [ + "D", + "ead" + ], + [ + "W", + "P" + ], + [ + "h", + "azard" + ], + [ + "k", + "as" + ], + [ + "le", + "aves" + ], + [ + "st", + "arch" + ], + [ + "se", + "ma" + ], + [ + "ĠL", + "ef" + ], + [ + "Ġev", + "ocative" + ], + [ + "und", + "ity" + ], + [ + "----------------", + "----------" + ], + [ + "Ġz", + "u" + ], + [ + "Ġrad", + "ii" + ], + [ + "ĠRed", + "ist" + ], + [ + "IL", + "Y" + ], + [ + "cap", + "ac" + ], + [ + "Ġbio", + "informatics" + ], + [ + "ĠVer", + "b" + ], + [ + "Ac", + "ute" + ], + [ + "ĠRand", + "all" + ], + [ + "Ġreplic", + "as" + ], + [ + "ĠDermat", + "ology" + ], + [ + "-", + "$" + ], + [ + "c", + "rum" + ], + [ + "r", + "anges" + ], + [ + "ĠH", + "ide" + ], + [ + "con", + "verter" + ], + [ + "Ġinv", + "al" + ], + [ + "Ġsub", + "field" + ], + [ + "Ġca", + "utions" + ], + [ + "ĠWe", + "aver" + ], + [ + "Ġred", + "ox" + ], + [ + "bl", + "ogs" + ], + [ + "ĠOpt", + "imal" + ], + [ + "Key", + "Not" + ], + [ + "Add", + "Field" + ], + [ + "ĠSpirit", + "uality" + ], + [ + "ĠPrint", + "ed" + ], + [ + "Ġscram", + "bled" + ], + [ + "Ġperil", + "ous" + ], + [ + "Ġalph", + "abets" + ], + [ + "Ġincompet", + "ent" + ], + [ + "ομ", + "αι" + ], + [ + "P", + "ont" + ], + [ + "R", + "uss" + ], + [ + "a", + "ires" + ], + [ + "c", + "ine" + ], + [ + "d", + "rops" + ], + [ + "Ð", + "Ĵ" + ], + [ + "Ġy", + "oke" + ], + [ + "ĠG", + "oose" + ], + [ + "ĠG", + "ras" + ], + [ + "Ġk", + "erosene" + ], + [ + "ĠAs", + "iatic" + ], + [ + "Ġop", + "acity" + ], + [ + "ming", + "ton" + ], + [ + "__(", + "*" + ], + [ + "Ġcomprehens", + "ively" + ], + [ + "Ġfilm", + "maker" + ], + [ + "Ġbrother", + "hood" + ], + [ + "Ġce", + "mented" + ], + [ + "ĠHur", + "on" + ], + [ + "Ġpa", + "ediatric" + ], + [ + "Ġtoss", + "ing" + ], + [ + "ĠDin", + "osaur" + ], + [ + "ĠMack", + "enzie" + ], + [ + "Ġnymph", + "s" + ], + [ + "Ġellip", + "se" + ], + [ + "F", + "ine" + ], + [ + "k", + "p" + ], + [ + "ĠE", + "TH" + ], + [ + "Ġall", + "uvial" + ], + [ + "ĠTh", + "oreau" + ], + [ + "Ġded", + "uced" + ], + [ + "New", + "ton" + ], + [ + "ĠIN", + "D" + ], + [ + "obj", + "s" + ], + [ + "how", + "ever" + ], + [ + "Ġembed", + "dings" + ], + [ + "ĠParent", + "al" + ], + [ + "ĠPu", + "get" + ], + [ + "Ġovers", + "aw" + ], + [ + "Ġchim", + "ps" + ], + [ + "ĠCL", + "R" + ], + [ + "Ġsam", + "urai" + ], + [ + "c", + "ampus" + ], + [ + "m", + "ails" + ], + [ + "Ġe", + "rection" + ], + [ + "ĠB", + "ake" + ], + [ + "ĠE", + "isen" + ], + [ + "Ġun", + "mist" + ], + [ + "Ġob", + "long" + ], + [ + "Ġmed", + "itative" + ], + [ + "Ġcar", + "riages" + ], + [ + "Ġeng", + "ravings" + ], + [ + "Ġstory", + "lines" + ], + [ + "writ", + "es" + ], + [ + "dat", + "as" + ], + [ + "ĠElect", + "ions" + ], + [ + "vol", + "t" + ], + [ + "Trans", + "l" + ], + [ + "ĠNum", + "erical" + ], + [ + "azz", + "o" + ], + [ + "Ġperme", + "ate" + ], + [ + "LOG", + "GER" + ], + [ + "ĠPic", + "chu" + ], + [ + "ĠIncorpor", + "ated" + ], + [ + "compar", + "ison" + ], + [ + "Ġpian", + "ist" + ], + [ + "L", + "ET" + ], + [ + "S", + "her" + ], + [ + "Â", + "¿" + ], + [ + "Ġt", + "ipped" + ], + [ + "Ġm", + "la" + ], + [ + "ĠI", + "PA" + ], + [ + "ĠC", + "optic" + ], + [ + "un", + "als" + ], + [ + "ĠR", + "acing" + ], + [ + "ĠSt", + "irling" + ], + [ + "Ġdr", + "ifted" + ], + [ + "Ġclos", + "eness" + ], + [ + "ĠSer", + "bs" + ], + [ + "det", + "ector" + ], + [ + "ĠPay", + "ne" + ], + [ + "Mon", + "ths" + ], + [ + "Ġsalmon", + "ella" + ], + [ + "Ġalien", + "ated" + ], + [ + "Ġgy", + "nec" + ], + [ + "ĠAlban", + "ian" + ], + [ + "Ide", + "ally" + ], + [ + "Ġdred", + "ging" + ], + [ + "asmod", + "ium" + ], + [ + "Ġarthrop", + "ods" + ], + [ + "p", + "seud" + ], + [ + "ç", + "Ń" + ], + [ + "ol", + "umines" + ], + [ + "ur", + "ists" + ], + [ + "ad", + "one" + ], + [ + "ĠP", + "b" + ], + [ + "ĠL", + "amp" + ], + [ + "Ġad", + "heres" + ], + [ + "ber", + "gs" + ], + [ + "ĠSt", + "rict" + ], + [ + "Ġdi", + "urnal" + ], + [ + "Ġ+", + "/-" + ], + [ + "agn", + "a" + ], + [ + "ĠRes", + "onance" + ], + [ + "Ġsoci", + "ologist" + ], + [ + "ĠCl", + "an" + ], + [ + "of", + "i" + ], + [ + "Ch", + "ris" + ], + [ + "Ġsqu", + "e" + ], + [ + "ĠRem", + "embrance" + ], + [ + "vis", + "ional" + ], + [ + "Ġbul", + "imia" + ], + [ + "Ġwrong", + "do" + ], + [ + "direct", + "or" + ], + [ + "ĠChief", + "s" + ], + [ + "iph", + "any" + ], + [ + "adv", + "anced" + ], + [ + "Ġital", + "ic" + ], + [ + "Ġchocol", + "ates" + ], + [ + "m", + "v" + ], + [ + "Ġch", + "ivalry" + ], + [ + "ĠN", + "I" + ], + [ + "ĠN", + "er" + ], + [ + "ĠK", + "L" + ], + [ + "ne", + "v" + ], + [ + "In", + "flamm" + ], + [ + "ex", + "amination" + ], + [ + "Ġsol", + "vers" + ], + [ + "Ar", + "n" + ], + [ + "bed", + "o" + ], + [ + "ĠJose", + "f" + ], + [ + "ĠCard", + "iff" + ], + [ + "pret", + "ty" + ], + [ + "week", + "ly" + ], + [ + "ĠBor", + "is" + ], + [ + "ĠIDE", + "A" + ], + [ + "B", + "ol" + ], + [ + "p", + "oles" + ], + [ + "w", + "u" + ], + [ + "Ġre", + "w" + ], + [ + "ĠI", + "vy" + ], + [ + "est", + "rogen" + ], + [ + "ĠB", + "ord" + ], + [ + "ĠD", + "ock" + ], + [ + "art", + "ist" + ], + [ + "Ġind", + "ia" + ], + [ + "te", + "c" + ], + [ + "ĠCh", + "att" + ], + [ + "Ġam", + "eric" + ], + [ + "ĠEn", + "och" + ], + [ + "Ġinflu", + "encers" + ], + [ + "Ġbur", + "gl" + ], + [ + "cal", + "endar" + ], + [ + "ĠSupp", + "lies" + ], + [ + "ĠHon", + "olulu" + ], + [ + "ĠFew", + "er" + ], + [ + "spl", + "itext" + ], + [ + "Ġmartyr", + "dom" + ], + [ + "j", + "am" + ], + [ + "Ġa", + "vert" + ], + [ + "he", + "v" + ], + [ + "ic", + "ially" + ], + [ + "op", + "oulos" + ], + [ + "ĠM", + "acc" + ], + [ + "ĠW", + "ills" + ], + [ + "ĠF", + "eld" + ], + [ + "Ġsh", + "ack" + ], + [ + "ĠL", + "ift" + ], + [ + "erv", + "ative" + ], + [ + "Ġmy", + "opia" + ], + [ + "Ġprom", + "oters" + ], + [ + "Ġpost", + "ulated" + ], + [ + "Ġbreak", + "age" + ], + [ + "list", + "en" + ], + [ + "aur", + "a" + ], + [ + "Ġrow", + "ing" + ], + [ + "Ġsan", + "ity" + ], + [ + "Ġperf", + "usion" + ], + [ + "ĠðŁ", + "ĻĤ" + ], + [ + "B", + "ind" + ], + [ + "ĠT", + "emporary" + ], + [ + "am", + "us" + ], + [ + "ĠThe", + "bes" + ], + [ + "ĠK", + "afka" + ], + [ + "Ġfore", + "nsics" + ], + [ + "AT", + "ES" + ], + [ + "ĠGu", + "itar" + ], + [ + "ĠMc", + "Int" + ], + [ + "ĠSam", + "i" + ], + [ + "ĠIns", + "ight" + ], + [ + "Prot", + "ect" + ], + [ + "ĠBud", + "apest" + ], + [ + "Function", + "al" + ], + [ + "Ġevid", + "ences" + ], + [ + "Fun", + "ctions" + ], + [ + "ĠStrept", + "ococcus" + ], + [ + "ĠBism", + "arck" + ], + [ + "c", + "one" + ], + [ + "Ã", + "½" + ], + [ + "Ġp", + "aves" + ], + [ + "ĠP", + "p" + ], + [ + "Ġv", + "ass" + ], + [ + "Ġsu", + "personic" + ], + [ + "ĠF", + "ate" + ], + [ + "ĠF", + "ertility" + ], + [ + "ĠG", + "anga" + ], + [ + "AT", + "IVE" + ], + [ + "ĠMe", + "as" + ], + [ + "Ġbacter", + "i" + ], + [ + "ĠBar", + "bad" + ], + [ + "Cre", + "ation" + ], + [ + "jo", + "ined" + ], + [ + "Ġdy", + "ed" + ], + [ + "Ġcro", + "pped" + ], + [ + "+-", + "+-" + ], + [ + "Ġperiodont", + "itis" + ], + [ + "N", + "arr" + ], + [ + "á", + "¼" + ], + [ + "Ġa", + "pr" + ], + [ + "ĠV", + "ote" + ], + [ + "ĠChrist", + "ie" + ], + [ + "Ġsust", + "ains" + ], + [ + "Ġcapital", + "ization" + ], + [ + "Ġegg", + "plant" + ], + [ + "Ġpig", + "mentation" + ], + [ + "har", + "ata" + ], + [ + "Ġbutt", + "ocks" + ], + [ + "Ġlin", + "estyle" + ], + [ + "Ġvocal", + "izations" + ], + [ + "ĠRain", + "forest" + ], + [ + "ĠCondition", + "ing" + ], + [ + "Ġoft", + "entimes" + ], + [ + "ĠOrbit", + "er" + ], + [ + "toplas", + "mic" + ], + [ + "Ġw", + "rench" + ], + [ + "Ġf", + "rant" + ], + [ + "ĠC", + "uc" + ], + [ + "ĠB", + "acter" + ], + [ + "Ġcommunic", + "ators" + ], + [ + "Ġà¤", + "¸" + ], + [ + "interest", + "ing" + ], + [ + "ĠTele", + "phone" + ], + [ + "Ġreplic", + "ates" + ], + [ + "ĠFlex", + "ibility" + ], + [ + "Ġscrat", + "ched" + ], + [ + "DEL", + "ETE" + ], + [ + "ĠRED", + "D" + ], + [ + "HET", + "ATM" + ], + [ + "Ġlepro", + "sy" + ], + [ + "j", + "ord" + ], + [ + "à", + "´" + ], + [ + "Ġp", + "ly" + ], + [ + "Ġin", + "animate" + ], + [ + "ĠS", + "loan" + ], + [ + "ĠN", + "il" + ], + [ + "Ġk", + "iwi" + ], + [ + "ĠSt", + "range" + ], + [ + "ath", + "ing" + ], + [ + "Ġsc", + "ape" + ], + [ + "ĠSh", + "opping" + ], + [ + "Ġcomb", + "inator" + ], + [ + "rem", + "lin" + ], + [ + "Ġfederal", + "ism" + ], + [ + "Set", + "up" + ], + [ + "Ġorbit", + "er" + ], + [ + "Ġreconc", + "iled" + ], + [ + "Ġoct", + "op" + ], + [ + "Ġtwe", + "ak" + ], + [ + "Ġwhit", + "ish" + ], + [ + "Ġannih", + "ilation" + ], + [ + ".", + "):" + ], + [ + "t", + "les" + ], + [ + "|", + "-" + ], + [ + "Ġp", + "ang" + ], + [ + "Ġex", + "alted" + ], + [ + "ĠM", + "oll" + ], + [ + "um", + "etric" + ], + [ + "un", + "ya" + ], + [ + "Ġse", + "izing" + ], + [ + "ĠK", + "ale" + ], + [ + "Ġpo", + "x" + ], + [ + "ĠAl", + "ma" + ], + [ + "ĠCl", + "osed" + ], + [ + "ĠCont", + "ribution" + ], + [ + "Ġfru", + "iting" + ], + [ + "ĠST", + "Ds" + ], + [ + "Ġcere", + "bellum" + ], + [ + "Ġelev", + "ators" + ], + [ + "Ġlic", + "hen" + ], + [ + "vol", + "ent" + ], + [ + "Ġmitig", + "ated" + ], + [ + "ĠInteg", + "rative" + ], + [ + "ĠProp", + "onents" + ], + [ + "ĠCart", + "a" + ], + [ + "Ġaccret", + "ion" + ], + [ + "M", + "Hz" + ], + [ + "re", + "li" + ], + [ + "all", + "ion" + ], + [ + "ck", + "en" + ], + [ + "ĊĠĠĠĠ", + "ĊĠĠĠĠĠĠĠ" + ], + [ + "Ġcolon", + "el" + ], + [ + "Ġstar", + "ved" + ], + [ + "ĠRef", + "rig" + ], + [ + "check", + "er" + ], + [ + "ĠUt", + "ilities" + ], + [ + "Ġmur", + "ky" + ], + [ + "Ġrent", + "ing" + ], + [ + "ĠPeriod", + "ically" + ], + [ + "Ġsne", + "aky" + ], + [ + "ĠWH", + "AT" + ], + [ + "Ġparadox", + "ical" + ], + [ + "ĠPompe", + "ii" + ], + [ + "Ġadip", + "ose" + ], + [ + "ĠNiel", + "sen" + ], + [ + "B", + "rief" + ], + [ + "C", + "u" + ], + [ + "D", + "OT" + ], + [ + "M", + "ail" + ], + [ + "g", + "id" + ], + [ + "p", + "db" + ], + [ + "Ġp", + "ediatrics" + ], + [ + "ĠT", + "ags" + ], + [ + "am", + "ond" + ], + [ + "Ġwh", + "im" + ], + [ + "ĠP", + "ang" + ], + [ + "Ġsh", + "one" + ], + [ + "Ġres", + "ists" + ], + [ + "ĠJ", + "ong" + ], + [ + "ĠCom", + "ic" + ], + [ + "Ġphot", + "ore" + ], + [ + "Ġflu", + "ently" + ], + [ + "Ġcru", + "ising" + ], + [ + "Se", + "vere" + ], + [ + "ĠInv", + "asion" + ], + [ + "ü", + "n" + ], + [ + "izz", + "ard" + ], + [ + "MD", + "R" + ], + [ + "Ġpresum", + "ption" + ], + [ + "emat", + "ics" + ], + [ + "STR", + "UCT" + ], + [ + "Review", + "ed" + ], + [ + "NUM", + "BER" + ], + [ + "Ġdelic", + "acy" + ], + [ + "Ġawaken", + "ed" + ], + [ + "ĠBark", + "er" + ], + [ + "Ġsher", + "iff" + ], + [ + "p", + "as" + ], + [ + "Ġa", + "ide" + ], + [ + "re", + "ceive" + ], + [ + "Ġf", + "oes" + ], + [ + "el", + "ands" + ], + [ + "ĠB", + "IG" + ], + [ + "ĠD", + "ating" + ], + [ + "ĠK", + "err" + ], + [ + "of", + "lu" + ], + [ + "Ch", + "ain" + ], + [ + "])", + "[" + ], + [ + "Ġprop", + "ellant" + ], + [ + "ĠBen", + "ef" + ], + [ + "ĠBr", + "ass" + ], + [ + "Ġchart", + "ered" + ], + [ + "ĠAcc", + "ommod" + ], + [ + "Ġswim", + "mer" + ], + [ + "itan", + "ia" + ], + [ + "Ġrelie", + "ves" + ], + [ + "Back", + "end" + ], + [ + "opl", + "as" + ], + [ + "Gl", + "ob" + ], + [ + "rend", + "ip" + ], + [ + "Ġnecessit", + "ated" + ], + [ + "ĠRoll", + "s" + ], + [ + "ĠDart", + "mouth" + ], + [ + "Ġtimet", + "able" + ], + [ + "Ġin", + "human" + ], + [ + "id", + "ase" + ], + [ + "Ġcon", + "clusively" + ], + [ + "ac", + "ute" + ], + [ + "ĠB", + "oe" + ], + [ + "Ġle", + "vers" + ], + [ + "rou", + "ting" + ], + [ + "up", + "a" + ], + [ + "uro", + "pathic" + ], + [ + "Ġsuper", + "iors" + ], + [ + "list", + "ener" + ], + [ + "ĠEd", + "monton" + ], + [ + "Conn", + "ell" + ], + [ + "Ġharmon", + "ics" + ], + [ + "ĠProtocol", + "s" + ], + [ + "Ġgem", + "stone" + ], + [ + "ĠQuin", + "cy" + ], + [ + "Ġs", + "ultan" + ], + [ + "ve", + "au" + ], + [ + "ĠC", + "oul" + ], + [ + "ĠM", + "n" + ], + [ + "ĠO", + "C" + ], + [ + "Ġem", + "er" + ], + [ + "ĠCl", + "air" + ], + [ + "Ġ_", + "('" + ], + [ + "Ġfoot", + "notes" + ], + [ + "Ġsynt", + "actic" + ], + [ + "Ġsmooth", + "ie" + ], + [ + "ĠEp", + "stein" + ], + [ + "ĠProduct", + "ivity" + ], + [ + "cop", + "rote" + ], + [ + "Ġsnipp", + "ets" + ], + [ + "Ġsanit", + "izer" + ], + [ + "PRE", + "FIX" + ], + [ + "hof", + "er" + ], + [ + "quart", + "ered" + ], + [ + "E", + "t" + ], + [ + "H", + "PV" + ], + [ + "ĠD", + "G" + ], + [ + "Ġall", + "igator" + ], + [ + "Ġper", + "ks" + ], + [ + "ĠSe", + "ymour" + ], + [ + "Ġpar", + "ables" + ], + [ + "Ġphys", + "iotherapy" + ], + [ + "Ġcap", + "it" + ], + [ + "ention", + "ed" + ], + [ + "ium", + "s" + ], + [ + "(\"", + "#" + ], + [ + "Ġmicro", + "be" + ], + [ + "Ġmicro", + "processor" + ], + [ + "zz", + "o" + ], + [ + "Ġhappen", + "ings" + ], + [ + "LE", + "VEL" + ], + [ + "but", + "tons" + ], + [ + "Hist", + "oric" + ], + [ + "ez", + "ers" + ], + [ + "Ġaffili", + "ates" + ], + [ + "wal", + "let" + ], + [ + "rele", + "ases" + ], + [ + "Ġperturb", + "ations" + ], + [ + "Agricult", + "ure" + ], + [ + "E", + "ff" + ], + [ + "Ġl", + "w" + ], + [ + "Ġan", + "c" + ], + [ + "ĠM", + "iriam" + ], + [ + "Ġj", + "uncture" + ], + [ + "Ġsc", + "ur" + ], + [ + "Ġtreat", + "ises" + ], + [ + "Ġplan", + "ter" + ], + [ + "ĠZ", + "ip" + ], + [ + "ĠComp", + "rom" + ], + [ + "ET", + "H" + ], + [ + "Ġboard", + "ed" + ], + [ + "Ġbow", + "ling" + ], + [ + "ĠSpecial", + "ists" + ], + [ + "Ġneurolog", + "ist" + ], + [ + "ĠSep", + "hard" + ], + [ + "Ġbiomark", + "er" + ], + [ + "in", + "u" + ], + [ + "Ġw", + "ick" + ], + [ + "Ġy", + "a" + ], + [ + "Ġhe", + "uristic" + ], + [ + "Ġv", + "ocation" + ], + [ + "ĠB", + "acillus" + ], + [ + "Ġwe", + "athered" + ], + [ + "ĠE", + "q" + ], + [ + "ĠR", + "FC" + ], + [ + "pl", + "ier" + ], + [ + "ĠL", + "una" + ], + [ + "iz", + "o" + ], + [ + "ib", + "ar" + ], + [ + "Ġ'", + "@" + ], + [ + "Ġref", + "ute" + ], + [ + "ĠThere", + "after" + ], + [ + "ĠEng", + "el" + ], + [ + "Ġz", + "yg" + ], + [ + "Ġprob", + "ate" + ], + [ + "ĠTrans", + "gender" + ], + [ + "Ġmouth", + "wash" + ], + [ + "ago", + "ons" + ], + [ + "ĠInc", + "red" + ], + [ + "Ġpowder", + "y" + ], + [ + "V", + "el" + ], + [ + "h", + "ogs" + ], + [ + "n", + "ies" + ], + [ + "w", + "ine" + ], + [ + "à", + "§" + ], + [ + "Ġo", + "asis" + ], + [ + "Ġw", + "igg" + ], + [ + "Ġth", + "orns" + ], + [ + "om", + "ile" + ], + [ + "ĠT", + "ie" + ], + [ + "op", + "on" + ], + [ + "Ġhe", + "arth" + ], + [ + "qu", + "a" + ], + [ + "em", + "i" + ], + [ + "Ġcol", + "ic" + ], + [ + "Ġdesc", + "ends" + ], + [ + "Ġax", + "le" + ], + [ + "UR", + "S" + ], + [ + "Le", + "af" + ], + [ + "ĠOrd", + "inary" + ], + [ + "Ġinverte", + "brate" + ], + [ + "ĠHazard", + "ous" + ], + [ + "h", + "ari" + ], + [ + "p", + "one" + ], + [ + "t", + "enth" + ], + [ + "Ġre", + "opened" + ], + [ + "ore", + "pinephrine" + ], + [ + "Ġbut", + "cher" + ], + [ + "Ġsc", + "orn" + ], + [ + "ather", + "s" + ], + [ + "Ġmult", + "il" + ], + [ + "Ġbi", + "otic" + ], + [ + "ĠCont", + "rolling" + ], + [ + "Ġdro", + "plet" + ], + [ + "Ġtoxic", + "ology" + ], + [ + "ĠSal", + "on" + ], + [ + "Ġprecip", + "itated" + ], + [ + "Ġprosec", + "ute" + ], + [ + "Ġplayground", + "s" + ], + [ + "ĠSie", + "ge" + ], + [ + "magn", + "itude" + ], + [ + "T", + "AR" + ], + [ + "l", + "ung" + ], + [ + "Ġor", + "ator" + ], + [ + "us", + "oleum" + ], + [ + "ĠE", + "ighth" + ], + [ + "ang", + "ling" + ], + [ + "ex", + "plan" + ], + [ + "Ġsk", + "ates" + ], + [ + "Ġplay", + "wrights" + ], + [ + "']", + ")." + ], + [ + "co", + "ast" + ], + [ + "Ġtoler", + "ances" + ], + [ + "Ġmac", + "ros" + ], + [ + "ĠMult", + "icultural" + ], + [ + "Fl", + "ash" + ], + [ + "disc", + "rim" + ], + [ + "ĠMP", + "G" + ], + [ + "ĠAchie", + "ving" + ], + [ + "bench", + "mark" + ], + [ + "ra", + "ils" + ], + [ + "ĠC", + "aring" + ], + [ + "ĠD", + "oming" + ], + [ + "ĠR", + "hythm" + ], + [ + "ace", + "an" + ], + [ + "Ġinter", + "locking" + ], + [ + "Ġpo", + "ker" + ], + [ + "Ġmat", + "uring" + ], + [ + "Ġyoung", + "ster" + ], + [ + "Ġperfect", + "ing" + ], + [ + "ĠMus", + "a" + ], + [ + "Ġmiss", + "p" + ], + [ + "MS", + "E" + ], + [ + "Ġnod", + "ding" + ], + [ + "Diff", + "erence" + ], + [ + "Ġretro", + "fit" + ], + [ + "Ġboss", + "es" + ], + [ + "ĠBreast", + "feeding" + ], + [ + "Ġsilhou", + "ette" + ], + [ + ")", + "<" + ], + [ + "j", + "id" + ], + [ + "p", + "ca" + ], + [ + "em", + "ployed" + ], + [ + "ĠF", + "aul" + ], + [ + "ĠY", + "i" + ], + [ + "ty", + "ped" + ], + [ + "ck", + "pt" + ], + [ + "Ġgra", + "cious" + ], + [ + "Ġsoci", + "ologists" + ], + [ + "Ġbro", + "kers" + ], + [ + "ĠCan", + "ary" + ], + [ + "inter", + "cept" + ], + [ + "ĠRemember", + "ing" + ], + [ + "Ġadopt", + "ive" + ], + [ + "Ne", + "il" + ], + [ + "ĠBa", + "al" + ], + [ + "privile", + "ged" + ], + [ + "ĠIli", + "ad" + ], + [ + "d", + "raft" + ], + [ + "Ġt", + "rophy" + ], + [ + "at", + "ro" + ], + [ + "se", + "gments" + ], + [ + "Ġit", + "erator" + ], + [ + "ĠL", + "IFE" + ], + [ + "act", + "iv" + ], + [ + "ĠK", + "ak" + ], + [ + "oth", + "o" + ], + [ + "Ġent", + "icing" + ], + [ + "Ġche", + "ering" + ], + [ + "sc", + "opy" + ], + [ + "Ġcat", + "ers" + ], + [ + "ĠComp", + "ound" + ], + [ + "ris", + "ings" + ], + [ + "Ġmist", + "reatment" + ], + [ + "ĠGold", + "berg" + ], + [ + "comput", + "ing" + ], + [ + "Ġ''", + "'," + ], + [ + "PRO", + "JECT" + ], + [ + "ĠNag", + "asaki" + ], + [ + "Jam", + "ie" + ], + [ + "j", + "una" + ], + [ + "al", + "ready" + ], + [ + "ĠI", + "PS" + ], + [ + "Ġan", + "archy" + ], + [ + "ĠD", + "iverse" + ], + [ + "gh", + "a" + ], + [ + "ĠAt", + "om" + ], + [ + "Ġcir", + "cling" + ], + [ + "ĠSc", + "enario" + ], + [ + "ĠMe", + "als" + ], + [ + "Ġtri", + "ang" + ], + [ + "ĠPres", + "erving" + ], + [ + "Ġdecided", + "ly" + ], + [ + "Ġdepartment", + "al" + ], + [ + "ĠWill", + "is" + ], + [ + "Pre", + "viously" + ], + [ + "ĠRock", + "ies" + ], + [ + "Ġchicken", + "pox" + ], + [ + "ĠSit", + "uation" + ], + [ + "Ġunle", + "ashed" + ], + [ + "Ġker", + "atin" + ], + [ + "Ġdemean", + "or" + ], + [ + "K", + "enn" + ], + [ + "T", + "ib" + ], + [ + "Ġc", + "ada" + ], + [ + "Ġd", + "ag" + ], + [ + "Ġal", + "ley" + ], + [ + "ĠW", + "ren" + ], + [ + "Ġins", + "ensitive" + ], + [ + "ĠCal", + "tech" + ], + [ + "é", + "es" + ], + [ + "Ġreligious", + "ly" + ], + [ + "rid", + "or" + ], + [ + "Cont", + "ains" + ], + [ + "Ġcolour", + "ing" + ], + [ + "cit", + "izens" + ], + [ + "Ġcrunch", + "y" + ], + [ + "ĠLor", + "raine" + ], + [ + "Ġsalam", + "anders" + ], + [ + "B", + "in" + ], + [ + "D", + "ES" + ], + [ + "Ġin", + "versely" + ], + [ + "ĠC", + "ough" + ], + [ + "and", + "e" + ], + [ + "ĠH", + "b" + ], + [ + "ne", + "es" + ], + [ + "Ġturn", + "around" + ], + [ + "oll", + "ah" + ], + [ + "ounc", + "ill" + ], + [ + "ĠPost", + "s" + ], + [ + "ĠLands", + "at" + ], + [ + "Ġreluct", + "antly" + ], + [ + "quer", + "que" + ], + [ + "ĠCin", + "ema" + ], + [ + "ĠPythag", + "orean" + ], + [ + "Ġpessim", + "istic" + ], + [ + "\"", + "/" + ], + [ + "r", + "if" + ], + [ + "è", + "¨" + ], + [ + "Ġc", + "aching" + ], + [ + "Ġb", + "oto" + ], + [ + "ĠT", + "urns" + ], + [ + "Ġbe", + "avers" + ], + [ + "ĠA", + "AP" + ], + [ + "ĠE", + "UR" + ], + [ + "ĠSc", + "ales" + ], + [ + "ĠLe", + "vin" + ], + [ + "Re", + "peat" + ], + [ + "ĠEl", + "iza" + ], + [ + "Ġstaff", + "ing" + ], + [ + "Ind", + "ones" + ], + [ + "Ed", + "ited" + ], + [ + "Ġrh", + "od" + ], + [ + "ĠCS", + "F" + ], + [ + "Ġthumb", + "nail" + ], + [ + "ĠConsult", + "ant" + ], + [ + "ĠCool", + "ing" + ], + [ + "ĠAdvance", + "ments" + ], + [ + "Quant", + "um" + ], + [ + "Ġkangar", + "oo" + ], + [ + "Ġracc", + "oons" + ], + [ + "ĠMoist", + "ure" + ], + [ + "Ġpurpos", + "ely" + ], + [ + "Ġresusc", + "itation" + ], + [ + "Ġsubdu", + "ed" + ], + [ + "J", + "D" + ], + [ + "ion", + "ine" + ], + [ + "se", + "ated" + ], + [ + "ĠC", + "af" + ], + [ + "ĠCh", + "ances" + ], + [ + "Ġdef", + "erred" + ], + [ + "hen", + "ia" + ], + [ + "Ġpar", + "anoia" + ], + [ + "St", + "aff" + ], + [ + "\"]", + "/" + ], + [ + "ĠEd", + "ith" + ], + [ + "Ġconsequ", + "ential" + ], + [ + "Ġhon", + "ours" + ], + [ + "ĠMon", + "teneg" + ], + [ + "Ġseed", + "ed" + ], + [ + "ĠNor", + "ris" + ], + [ + "ĠCON", + "N" + ], + [ + "Ġfled", + "gling" + ], + [ + "åĬ", + "ł" + ], + [ + "ĠInstance", + "Preprocess" + ], + [ + "Ġe", + "osin" + ], + [ + "ĠA", + "be" + ], + [ + "ĠS", + "ass" + ], + [ + "ĠM", + "UST" + ], + [ + "ĠP", + "ocket" + ], + [ + "ĠH", + "ockey" + ], + [ + "ĠE", + "MS" + ], + [ + "te", + "ins" + ], + [ + "ĠV", + "oc" + ], + [ + "ĠY", + "ours" + ], + [ + "Ġco", + "als" + ], + [ + "Ġref", + "inery" + ], + [ + "Ġdec", + "ad" + ], + [ + "Ġge", + "os" + ], + [ + "Ġhost", + "age" + ], + [ + "Ġmis", + "chief" + ], + [ + "Ġcop", + "ious" + ], + [ + "Ġcogn", + "iz" + ], + [ + "hard", + "ware" + ], + [ + "ĠBuild", + "er" + ], + [ + "ĠLes", + "bian" + ], + [ + "fetch", + "all" + ], + [ + "Cond", + "itions" + ], + [ + "rece", + "iver" + ], + [ + "Ġrhiz", + "omes" + ], + [ + "p", + "ause" + ], + [ + "Ġt", + "rol" + ], + [ + "ĠC", + "rim" + ], + [ + "ĠM", + "ai" + ], + [ + "qu", + "at" + ], + [ + "ud", + "i" + ], + [ + "ĠD", + "yn" + ], + [ + "ĠR", + "ao" + ], + [ + "ĠL", + "osing" + ], + [ + "ru", + "v" + ], + [ + "ĠFor", + "rest" + ], + [ + "mar", + "riage" + ], + [ + "comp", + "ared" + ], + [ + "ĠChe", + "f" + ], + [ + "dat", + "aloader" + ], + [ + "Ġreform", + "ing" + ], + [ + "function", + "ing" + ], + [ + "sim", + "pl" + ], + [ + "ĠBrad", + "y" + ], + [ + "Ġissu", + "ance" + ], + [ + "P", + "open" + ], + [ + "Ġw", + "akes" + ], + [ + "Ġp", + "mid" + ], + [ + "ic", + "os" + ], + [ + "ĠS", + "word" + ], + [ + "th", + "ro" + ], + [ + "ĠP", + "urch" + ], + [ + "ĠN", + "MR" + ], + [ + "Ġall", + "uded" + ], + [ + "ĠCh", + "opin" + ], + [ + "Ġmon", + "et" + ], + [ + "ĠJu", + "ice" + ], + [ + "wing", + "ed" + ], + [ + "ĠExt", + "ensive" + ], + [ + "ĠSuper", + "man" + ], + [ + "Old", + "er" + ], + [ + "Middle", + "ware" + ], + [ + "ĠJF", + "K" + ], + [ + "B", + "ring" + ], + [ + "b", + "ought" + ], + [ + "Ġf", + "ined" + ], + [ + "ĠC", + "CT" + ], + [ + "ĠR", + "W" + ], + [ + "ĠR", + "oe" + ], + [ + "ile", + "t" + ], + [ + "av", + "it" + ], + [ + "int", + "rinsic" + ], + [ + "Ġ'", + "))" + ], + [ + "Ġcur", + "ling" + ], + [ + "Ġdeep", + "copy" + ], + [ + "Ġfall", + "opian" + ], + [ + "ST", + "OP" + ], + [ + "Ġtri", + "pled" + ], + [ + "Ġ\\", + "*" + ], + [ + "ĠPat", + "agon" + ], + [ + "ĠUlt", + "rasound" + ], + [ + "ĠEp", + "isode" + ], + [ + "Ġneutral", + "izing" + ], + [ + "BL", + "ANK" + ], + [ + "Ġbon", + "uses" + ], + [ + "Ġoint", + "ment" + ], + [ + "Ġrefin", + "eries" + ], + [ + "W", + "et" + ], + [ + "m", + "r" + ], + [ + "Ä", + "Ļ" + ], + [ + "Ġ", + "í" + ], + [ + "ĠS", + "urg" + ], + [ + "um", + "ar" + ], + [ + "ĠW", + "uhan" + ], + [ + "Ġsy", + "nov" + ], + [ + "ph", + "ants" + ], + [ + "ĠDe", + "e" + ], + [ + "Ġperiod", + "ical" + ], + [ + "ee", + "le" + ], + [ + "ibr", + "ill" + ], + [ + "ĠMal", + "d" + ], + [ + "Ġfly", + "ers" + ], + [ + "lass", + "ical" + ], + [ + "ĠDomin", + "ion" + ], + [ + "Ġaffection", + "ate" + ], + [ + "Ġling", + "ered" + ], + [ + "Interest", + "ing" + ], + [ + "ĠEvangel", + "ical" + ], + [ + "Ġaust", + "ral" + ], + [ + "Ġantid", + "ote" + ], + [ + "\"", + "%" + ], + [ + "\"", + "/>" + ], + [ + "ĠT", + "LS" + ], + [ + "ĠS", + "ear" + ], + [ + "ĠW", + "ak" + ], + [ + "Ġch", + "ond" + ], + [ + "Ġup", + "risings" + ], + [ + "Ġunder", + "lies" + ], + [ + "Ġcons", + "ort" + ], + [ + "Ġsm", + "ashed" + ], + [ + "aw", + "ait" + ], + [ + "ĠRe", + "pt" + ], + [ + "Ġbo", + "asting" + ], + [ + "ĠBrit", + "ons" + ], + [ + "ĠMon", + "et" + ], + [ + "Ġapprox", + "im" + ], + [ + "Ġmotor", + "ized" + ], + [ + "ĠAtt", + "achment" + ], + [ + "Ġbath", + "tub" + ], + [ + "ĠVe", + "gan" + ], + [ + "iy", + "ah" + ], + [ + "ĠPrior", + "ity" + ], + [ + "ĠPale", + "o" + ], + [ + "ĠLad", + "ies" + ], + [ + "á¹ĩ", + "a" + ], + [ + "ĠWend", + "y" + ], + [ + "Ġperfor", + "ated" + ], + [ + "ĠSerge", + "ant" + ], + [ + "Ġeard", + "rum" + ], + [ + "g", + "irl" + ], + [ + "l", + "id" + ], + [ + "m", + "elt" + ], + [ + "Ġp", + "ts" + ], + [ + "Ġp", + "ont" + ], + [ + "ar", + "h" + ], + [ + "ĠM", + "k" + ], + [ + "ĠM", + "ommy" + ], + [ + "ĠB", + "low" + ], + [ + "Ġr", + "aspberries" + ], + [ + "ĠF", + "ighter" + ], + [ + "ĠL", + "NG" + ], + [ + "Ġdis", + "heart" + ], + [ + "Ġbet", + "s" + ], + [ + "hes", + "i" + ], + [ + "aw", + "ak" + ], + [ + "angu", + "ard" + ], + [ + "ĠTra", + "umatic" + ], + [ + "Ġang", + "ina" + ], + [ + "ĠDis", + "par" + ], + [ + "Ġwall", + "ed" + ], + [ + "LA", + "G" + ], + [ + "Ġconsumer", + "ism" + ], + [ + "ĠPo", + "et" + ], + [ + "Ġtowns", + "hips" + ], + [ + "Ġgro", + "ves" + ], + [ + "ĠIndex", + "Error" + ], + [ + "po", + "inter" + ], + [ + "ĠKab", + "bal" + ], + [ + "Bal", + "ance" + ], + [ + "Ġmagist", + "rate" + ], + [ + "s", + "ock" + ], + [ + "Ġb", + "onsai" + ], + [ + "ĠW", + "orse" + ], + [ + "ĠD", + "up" + ], + [ + "ĠR", + "het" + ], + [ + "ĠL", + "ok" + ], + [ + "ne", + "ut" + ], + [ + "Ġfood", + "stuffs" + ], + [ + "Ġve", + "x" + ], + [ + "Ġopt", + "omet" + ], + [ + "esc", + "ue" + ], + [ + "Ġwond", + "rous" + ], + [ + "ĠPres", + "cription" + ], + [ + "Ġax", + "ons" + ], + [ + "Ġvalid", + "ators" + ], + [ + "Ġcounter", + "clockwise" + ], + [ + "OT", + "H" + ], + [ + "ĠST", + "AR" + ], + [ + "Ġtorch", + "vision" + ], + [ + "Ġforg", + "iving" + ], + [ + "Ġvan", + "ity" + ], + [ + "relations", + "hips" + ], + [ + "ĠTraffic", + "king" + ], + [ + "in", + "clusive" + ], + [ + "in", + "flation" + ], + [ + "ol", + "ingu" + ], + [ + "ĠE", + "hr" + ], + [ + "Ġdis", + "integration" + ], + [ + "ĠU", + "panish" + ], + [ + "ong", + "ing" + ], + [ + "ne", + "arest" + ], + [ + "Ġtrans", + "pose" + ], + [ + "Ġgra", + "bs" + ], + [ + "ash", + "ions" + ], + [ + "St", + "em" + ], + [ + "Ġnet", + "ting" + ], + [ + "aim", + "on" + ], + [ + "ĠAb", + "ram" + ], + [ + "Ġempt", + "ied" + ], + [ + "NS", + "F" + ], + [ + "ĠMaster", + "y" + ], + [ + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠĠĠĠĠĠ" + ], + [ + "ĠEmb", + "ry" + ], + [ + "ĠAff", + "irm" + ], + [ + "ĠSem", + "i" + ], + [ + "Ġprox", + "ies" + ], + [ + "Ġadul", + "ter" + ], + [ + "ĠMembers", + "hip" + ], + [ + "ĠJos", + "iah" + ], + [ + "Ġexpans", + "ions" + ], + [ + "Ġspraw", + "l" + ], + [ + "M", + "apper" + ], + [ + "re", + "ve" + ], + [ + "Ġb", + "ids" + ], + [ + "Ġre", + "cl" + ], + [ + "ĠS", + "DS" + ], + [ + "ĠL", + "ia" + ], + [ + "Ġfol", + "ly" + ], + [ + "und", + "ance" + ], + [ + "tain", + "able" + ], + [ + "(\"", + "./" + ], + [ + "ĊĠĠĠĠ", + "ĊĠĠĠĠ" + ], + [ + "ĠUN", + "HCR" + ], + [ + "pers", + "ons" + ], + [ + "fold", + "ed" + ], + [ + "Ġtransf", + "usions" + ], + [ + "sn", + "ake" + ], + [ + "Ġasym", + "metrical" + ], + [ + "Doc", + "uments" + ], + [ + "è¿", + "Ļ" + ], + [ + "ĠClay", + "ton" + ], + [ + "Ġprogen", + "itor" + ], + [ + "J", + "osh" + ], + [ + "s", + "old" + ], + [ + "Ġt", + "inct" + ], + [ + "Ġas", + "part" + ], + [ + "Ġv", + "ets" + ], + [ + "Ġsu", + "do" + ], + [ + "ĠV", + "OC" + ], + [ + "Ġconn", + "otation" + ], + [ + "new", + "axis" + ], + [ + "play", + "list" + ], + [ + "Ġund", + "eveloped" + ], + [ + "Ġrepe", + "aled" + ], + [ + "Ġconserv", + "atism" + ], + [ + "Ġham", + "per" + ], + [ + "Ġdecom", + "posed" + ], + [ + "Ġpredis", + "posed" + ], + [ + "Ġcrus", + "ade" + ], + [ + "Ġtect", + "onics" + ], + [ + "ĠWitness", + "es" + ], + [ + "Ġbarbec", + "ue" + ], + [ + "F", + "ear" + ], + [ + "Z", + "en" + ], + [ + "}", + ")," + ], + [ + "ĠC", + "ig" + ], + [ + "Ġun", + "ob" + ], + [ + "ile", + "psy" + ], + [ + "Ġtw", + "inkling" + ], + [ + "ym", + "l" + ], + [ + "Ġemphas", + "ise" + ], + [ + "trans", + "istors" + ], + [ + "Ġsecret", + "ive" + ], + [ + "Ġposter", + "ity" + ], + [ + "Ġpist", + "ol" + ], + [ + "Ġpatrol", + "s" + ], + [ + "Ġsupers", + "eded" + ], + [ + "Ġspo", + "iled" + ], + [ + "ĠMau", + "i" + ], + [ + "ĠCliff", + "ord" + ], + [ + "M", + "ul" + ], + [ + "M", + "AS" + ], + [ + "m", + "useum" + ], + [ + "s", + "oup" + ], + [ + "t", + "all" + ], + [ + "Ġ", + "à¨" + ], + [ + "er", + "ick" + ], + [ + "Ġn", + "ih" + ], + [ + "Ġcan", + "v" + ], + [ + "ĠR", + "az" + ], + [ + "ĠO", + "SA" + ], + [ + "Ġrem", + "un" + ], + [ + "----------------", + "------" + ], + [ + "Ġagree", + "able" + ], + [ + "prim", + "arily" + ], + [ + "ĠÅ", + "ļ" + ], + [ + "--------------------------------------------", + "-" + ], + [ + "ĠGarc", + "ÃŃa" + ], + [ + "Q", + "ual" + ], + [ + "h", + "urt" + ], + [ + "k", + "illing" + ], + [ + "u", + "ag" + ], + [ + "ĠN", + "ino" + ], + [ + "ĠJ", + "unction" + ], + [ + "ĠSt", + "am" + ], + [ + "ĠV", + "O" + ], + [ + "Ġac", + "up" + ], + [ + "Ġbro", + "om" + ], + [ + "Ġspring", + "time" + ], + [ + "Ġparallel", + "ism" + ], + [ + "cf", + "m" + ], + [ + "cut", + "off" + ], + [ + "ĠSD", + "G" + ], + [ + "ĠiP", + "od" + ], + [ + "Ġausp", + "icious" + ], + [ + "TEM", + "PL" + ], + [ + "Ġfatig", + "ued" + ], + [ + "ĠAmend", + "ments" + ], + [ + "W", + "iki" + ], + [ + "c", + "ms" + ], + [ + "Ġbe", + "gg" + ], + [ + "ĠA", + "ene" + ], + [ + "oc", + "ort" + ], + [ + "Ġab", + "using" + ], + [ + "Ġun", + "ites" + ], + [ + "Ġimport", + "ation" + ], + [ + "ĠAn", + "al" + ], + [ + "')", + ";" + ], + [ + "Ġmid", + "day" + ], + [ + "Ġlib", + "erate" + ], + [ + "Ġpractical", + "ity" + ], + [ + "Ġtur", + "ret" + ], + [ + "ĠGal", + "veston" + ], + [ + "ĠProm", + "ise" + ], + [ + "Organ", + "ization" + ], + [ + "Ġbarn", + "s" + ], + [ + "ĠClare", + "nce" + ], + [ + "Ġquar", + "rel" + ], + [ + "intern", + "et" + ], + [ + "éĩ", + "ı" + ], + [ + "Ġpleas", + "urable" + ], + [ + "=", + "\"," + ], + [ + "i", + "u" + ], + [ + "k", + "ick" + ], + [ + "å", + "¥" + ], + [ + "iv", + "ir" + ], + [ + "ĠB", + "ologna" + ], + [ + "ĠH", + "ors" + ], + [ + "ĠE", + "rd" + ], + [ + "ĠJ", + "orge" + ], + [ + "ph", + "thal" + ], + [ + "Ġrec", + "itation" + ], + [ + "ĠUn", + "locking" + ], + [ + "Ġatt", + "ends" + ], + [ + "Ġrep", + "ressive" + ], + [ + "Ġtake", + "over" + ], + [ + "Ġselect", + "or" + ], + [ + "Ġfru", + "ition" + ], + [ + "Ġappropri", + "ateness" + ], + [ + "Ġtherm", + "odynamic" + ], + [ + "Ġgirl", + "friend" + ], + [ + "Ġartic", + "ulating" + ], + [ + "ĠKind", + "le" + ], + [ + "Ġventric", + "les" + ], + [ + "Ġdecis", + "ively" + ], + [ + "/", + "__" + ], + [ + "Ġp", + "ounding" + ], + [ + "an", + "um" + ], + [ + "Ġst", + "arl" + ], + [ + "ĠM", + "b" + ], + [ + "Ġim", + "itating" + ], + [ + "Ġsp", + "i" + ], + [ + "ĠV", + "ascular" + ], + [ + "Ġmod", + "ulated" + ], + [ + "Ġexp", + "ended" + ], + [ + "Ġsun", + "screens" + ], + [ + "ĠMan", + "or" + ], + [ + "ĠSw", + "imming" + ], + [ + "RO", + "S" + ], + [ + "Ġunivers", + "ality" + ], + [ + "Ġmamm", + "ary" + ], + [ + "Am", + "ount" + ], + [ + "CON", + "N" + ], + [ + "Ġupload", + "ing" + ], + [ + "ĠEld", + "ers" + ], + [ + "Mind", + "fulness" + ], + [ + "Ġantis", + "em" + ], + [ + "Ġextingu", + "ished" + ], + [ + "Ġzomb", + "ie" + ], + [ + "k", + "its" + ], + [ + "Î", + "®" + ], + [ + "ri", + "pe" + ], + [ + "ĠU", + "DP" + ], + [ + "ĠCom", + "plications" + ], + [ + "Ġpar", + "athyroid" + ], + [ + "Ġpost", + "age" + ], + [ + "For", + "ward" + ], + [ + "Ġmis", + "placed" + ], + [ + "ĠST", + "ART" + ], + [ + "ĠDem", + "ographic" + ], + [ + "uh", + "r" + ], + [ + "Ġzo", + "oplankton" + ], + [ + "Ġµ", + "g" + ], + [ + "cig", + "arette" + ], + [ + "Ġcytok", + "ine" + ], + [ + "Ġquir", + "ks" + ], + [ + "ĠHyder", + "abad" + ], + [ + "B", + "one" + ], + [ + "L", + "ed" + ], + [ + "L", + "IB" + ], + [ + "b", + "rief" + ], + [ + "å", + "ij" + ], + [ + "en", + "arios" + ], + [ + "Ġg", + "uts" + ], + [ + "ĠA", + "edes" + ], + [ + "ĠS", + "ands" + ], + [ + "Pro", + "s" + ], + [ + "ĠOrgan", + "izing" + ], + [ + "Ġcompound", + "ing" + ], + [ + "ĠMah", + "ayana" + ], + [ + "bu", + "querque" + ], + [ + "Ġmi", + "RNAs" + ], + [ + "ĠPharm", + "acy" + ], + [ + "canc", + "erous" + ], + [ + "Ġdishwas", + "her" + ], + [ + "Ġautonom", + "ously" + ], + [ + "G", + "PT" + ], + [ + "ul", + "c" + ], + [ + "ĠW", + "ORK" + ], + [ + "Ġdef", + "lect" + ], + [ + "ĠPr", + "as" + ], + [ + "Ġfacilit", + "ators" + ], + [ + "ENT", + "IAL" + ], + [ + "orph", + "ic" + ], + [ + "Ġdebt", + "or" + ], + [ + "Ġdys", + "ph" + ], + [ + "ĠPain", + "e" + ], + [ + "Check", + "Box" + ], + [ + "Ġrh", + "initis" + ], + [ + "Ġrust", + "ic" + ], + [ + "Ġresidual", + "s" + ], + [ + "Ġdetain", + "ees" + ], + [ + "oflav", + "in" + ], + [ + "p", + "itched" + ], + [ + "Ġa", + "h" + ], + [ + "ĠP", + "ing" + ], + [ + "ans", + "i" + ], + [ + "Ġte", + "asing" + ], + [ + "ĠSt", + "rain" + ], + [ + "Ġmod", + "ifiers" + ], + [ + "Ġret", + "raction" + ], + [ + "start", + "s" + ], + [ + "Ġeffort", + "less" + ], + [ + "Ġtrou", + "sers" + ], + [ + "Ġban", + "ished" + ], + [ + "Inst", + "itute" + ], + [ + "Pre", + "vent" + ], + [ + "ĠLoad", + "ing" + ], + [ + "æĸĩ", + "件" + ], + [ + "terror", + "ism" + ], + [ + "s", + "essions" + ], + [ + "æ", + "ĭ" + ], + [ + "ĠE", + "rin" + ], + [ + "Ġte", + "x" + ], + [ + "py", + "lob" + ], + [ + "St", + "ra" + ], + [ + "IN", + "DEX" + ], + [ + "ĠCont", + "inent" + ], + [ + "ait", + "a" + ], + [ + "loc", + "ale" + ], + [ + "Int", + "f" + ], + [ + "((", + "(" + ], + [ + "Ġbio", + "energy" + ], + [ + "stack", + "overflow" + ], + [ + "elect", + "ronic" + ], + [ + "Ġapt", + "ly" + ], + [ + "ĠEt", + "rus" + ], + [ + "Ġantagon", + "ists" + ], + [ + "Ġastroph", + "ysics" + ], + [ + "Isa", + "iah" + ], + [ + "LG", + "BT" + ], + [ + "F", + "ruit" + ], + [ + "o", + "auth" + ], + [ + "Ġs", + "ages" + ], + [ + "ĠM", + "erg" + ], + [ + "ĠB", + "om" + ], + [ + "ĠH", + "ISTORY" + ], + [ + "Ġch", + "ants" + ], + [ + "ĠN", + "arrow" + ], + [ + "ast", + "ore" + ], + [ + "ĠâĢĵ", + "âĢĵâĢĵ" + ], + [ + "ins", + "ular" + ], + [ + "Ġec", + "lectic" + ], + [ + "Ġcamp", + "fire" + ], + [ + "ret", + "rieve" + ], + [ + "ĠHig", + "gins" + ], + [ + "Ġbrut", + "ally" + ], + [ + "ĠSN", + "Ps" + ], + [ + "ĠChamp", + "ion" + ], + [ + "Ġeloqu", + "ent" + ], + [ + "i", + "eth" + ], + [ + "Ġy", + "olks" + ], + [ + "Ġex", + "ogenous" + ], + [ + "ĠL", + "iability" + ], + [ + "Ġinf", + "lection" + ], + [ + "ĠCon", + "ver" + ], + [ + "ĠCon", + "ventions" + ], + [ + "uss", + "ing" + ], + [ + "Ġwrong", + "doing" + ], + [ + "ĠPat", + "rol" + ], + [ + "OT", + "HER" + ], + [ + "ĠUN", + "F" + ], + [ + "Ġreform", + "er" + ], + [ + "ĠSil", + "ence" + ], + [ + "ĠLy", + "ons" + ], + [ + "Ġheal", + "ers" + ], + [ + "ĠShow", + "ing" + ], + [ + "ĠBegin", + "ners" + ], + [ + "Ġly", + "rical" + ], + [ + "ĠSkin", + "ner" + ], + [ + "Sam", + "uel" + ], + [ + "Ġlogarith", + "mic" + ], + [ + "Ġpromul", + "gated" + ], + [ + "ĠQué", + "bec" + ], + [ + "B", + "H" + ], + [ + "Y", + "outh" + ], + [ + "Ġh", + "acks" + ], + [ + "ĠC", + "umm" + ], + [ + "Ġch", + "ia" + ], + [ + "Ġse", + "rendip" + ], + [ + "Ġar", + "mp" + ], + [ + "Ġout", + "age" + ], + [ + "Ġsk", + "incare" + ], + [ + "ĠAnd", + "ersen" + ], + [ + "ĠAm", + "nesty" + ], + [ + "Cl", + "ark" + ], + [ + "Ġannual", + "s" + ], + [ + "Ġdeliver", + "ance" + ], + [ + "ĠSte", + "iner" + ], + [ + "ĠWil", + "kins" + ], + [ + "Ġcrow", + "ding" + ], + [ + "ĠRom", + "ances" + ], + [ + "Ġchron", + "icle" + ], + [ + "ĠSynt", + "ax" + ], + [ + "Ġvas", + "cul" + ], + [ + "æī", + "Ģ" + ], + [ + "Face", + "book" + ], + [ + "Ġspoil", + "age" + ], + [ + "ĠGrad", + "ient" + ], + [ + "ĠFut", + "ures" + ], + [ + "Ġergon", + "omic" + ], + [ + "ir", + "ium" + ], + [ + "ĠB", + "old" + ], + [ + "Ġind", + "igo" + ], + [ + "Ġra", + "ke" + ], + [ + "Ġover", + "h" + ], + [ + "ll", + "is" + ], + [ + "Ġno", + "zzles" + ], + [ + "ĠCl", + "ouds" + ], + [ + "Ġec", + "ologists" + ], + [ + "ĠPol", + "ly" + ], + [ + "--------------------------------", + "--------" + ], + [ + "Ġflex", + "ion" + ], + [ + "Ġfr", + "aternity" + ], + [ + "Ġchecks", + "um" + ], + [ + "ĠCharacter", + "ization" + ], + [ + "ĠÅ", + "ł" + ], + [ + "Ġorphan", + "ed" + ], + [ + "Ġtheat", + "res" + ], + [ + "Recomm", + "end" + ], + [ + "Ġgalvan", + "ized" + ], + [ + "Ġdissoci", + "ation" + ], + [ + "Ġhydroly", + "sis" + ], + [ + "||=", + "||" + ], + [ + ">", + ")" + ], + [ + "M", + "ach" + ], + [ + "Ġp", + "ter" + ], + [ + "ĠT", + "aft" + ], + [ + "ĠW", + "iring" + ], + [ + "ĠE", + "nder" + ], + [ + "ĠN", + "ON" + ], + [ + "Ġun", + "broken" + ], + [ + "ĠK", + "olk" + ], + [ + "Ġdep", + "ressions" + ], + [ + "Ġdid", + "actic" + ], + [ + "']", + "=" + ], + [ + "Ġpurpose", + "fully" + ], + [ + "Ġwet", + "ter" + ], + [ + "ĠBre", + "ton" + ], + [ + "ĠSH", + "ALL" + ], + [ + "Ġhex", + "agonal" + ], + [ + "Ġlam", + "bs" + ], + [ + "sampl", + "er" + ], + [ + "Ġmatt", + "resses" + ], + [ + "Ġcockro", + "ach" + ], + [ + "ĠHers", + "chel" + ], + [ + "Ġsphinct", + "er" + ], + [ + "b", + "ara" + ], + [ + "×", + "ł" + ], + [ + "ou", + "le" + ], + [ + "ĠT", + "Type" + ], + [ + "ch", + "rist" + ], + [ + "ĠB", + "ead" + ], + [ + "ĠW", + "ien" + ], + [ + "ĠL", + "unch" + ], + [ + "ost", + "rum" + ], + [ + "ract", + "s" + ], + [ + "Ġchild", + "bearing" + ], + [ + "Ġrep", + "osition" + ], + [ + "Ġmon", + "ounsaturated" + ], + [ + "Ġmon", + "oclonal" + ], + [ + "Ġeng", + "ender" + ], + [ + "sh", + "ifting" + ], + [ + "ĠYork", + "er" + ], + [ + "ĠTra", + "cing" + ], + [ + "comp", + "iler" + ], + [ + "ĠPort", + "able" + ], + [ + "bur", + "ne" + ], + [ + "ĠBu", + "ying" + ], + [ + "Ġå", + "Ī" + ], + [ + "Sur", + "v" + ], + [ + "ĠLanc", + "ashire" + ], + [ + "opa", + "edic" + ], + [ + "ĠCrus", + "ade" + ], + [ + "hon", + "ored" + ], + [ + "R", + "oss" + ], + [ + "d", + "printing" + ], + [ + "f", + "irm" + ], + [ + "ar", + "ak" + ], + [ + "ĠS", + "HA" + ], + [ + "ĠH", + "ild" + ], + [ + "ĠW", + "I" + ], + [ + "ĠR", + "d" + ], + [ + "og", + "gy" + ], + [ + "ĠN", + "OR" + ], + [ + "ĠJ", + "ing" + ], + [ + "ens", + "in" + ], + [ + "Ġpre", + "existing" + ], + [ + "Ġinv", + "oice" + ], + [ + "EN", + "CES" + ], + [ + "Ġcounter", + "productive" + ], + [ + "Ġpick", + "les" + ], + [ + "omer", + "ase" + ], + [ + "Ġalert", + "ed" + ], + [ + "ĠCorn", + "elius" + ], + [ + "desc", + "ribe" + ], + [ + "ĠPul", + "monary" + ], + [ + "ÏĢ", + "ο" + ], + [ + "Ġrecharge", + "able" + ], + [ + "ĠGert", + "rude" + ], + [ + "B", + "arn" + ], + [ + "J", + "oh" + ], + [ + "P", + "RI" + ], + [ + "S", + "igma" + ], + [ + "ĠS", + "AF" + ], + [ + "ĠC", + "SA" + ], + [ + "act", + "us" + ], + [ + "ak", + "able" + ], + [ + "ĠU", + "may" + ], + [ + "Ġacc", + "using" + ], + [ + "Ġlabor", + "ious" + ], + [ + "Ġmut", + "ate" + ], + [ + "Ġpy", + "g" + ], + [ + "Ġcompl", + "imentary" + ], + [ + "ĠRel", + "ativity" + ], + [ + "ĠMark", + "ov" + ], + [ + "Ġfalse", + "hood" + ], + [ + "Ġrough", + "ness" + ], + [ + "Ġcareg", + "iving" + ], + [ + "ĠTun", + "is" + ], + [ + "Compar", + "ison" + ], + [ + "Ġdiure", + "tic" + ], + [ + "ke", + "gee" + ], + [ + "Ġwork", + "able" + ], + [ + "ĠHe", + "ads" + ], + [ + "Ġed", + "itable" + ], + [ + "Ġbo", + "oth" + ], + [ + "Ġtot", + "aling" + ], + [ + "ha", + "ft" + ], + [ + "Ġdecre", + "ed" + ], + [ + "ĠGl", + "ucose" + ], + [ + "ĠEl", + "astic" + ], + [ + "trans", + "formed" + ], + [ + "call", + "backs" + ], + [ + "Ġdoor", + "step" + ], + [ + "ĠEnc", + "ryption" + ], + [ + "Ġcust", + "od" + ], + [ + "ĠImport", + "ing" + ], + [ + "ĠHI", + "PAA" + ], + [ + "Luck", + "ily" + ], + [ + "L", + "ic" + ], + [ + "Ġin", + "ext" + ], + [ + "Ġm", + "oor" + ], + [ + "Ġth", + "ru" + ], + [ + "ĠW", + "ra" + ], + [ + "ĠR", + "PM" + ], + [ + "ri", + "ps" + ], + [ + "all", + "ocation" + ], + [ + "ĠO", + "mar" + ], + [ + "Ġsp", + "ondyl" + ], + [ + "ax", + "anthin" + ], + [ + "ĠMin", + "imal" + ], + [ + "ĠFin", + "ish" + ], + [ + "Ġtur", + "quoise" + ], + [ + "cor", + "relation" + ], + [ + "ĠAR", + "P" + ], + [ + "Ġmilit", + "ias" + ], + [ + "oths", + "child" + ], + [ + "Ġcran", + "berry" + ], + [ + "cool", + "ed" + ], + [ + "ĠIncorpor", + "ate" + ], + [ + "ĠNeb", + "ula" + ], + [ + "ĠInspect", + "or" + ], + [ + "L", + "ie" + ], + [ + "S", + "ort" + ], + [ + "V", + "ec" + ], + [ + "W", + "ash" + ], + [ + "h", + "ack" + ], + [ + "m", + "gr" + ], + [ + "Ġt", + "rophic" + ], + [ + "ĠT", + "rium" + ], + [ + "Ġcon", + "und" + ], + [ + "Ġcomp", + "lying" + ], + [ + "Ġdep", + "recated" + ], + [ + "Ġel", + "m" + ], + [ + "app", + "les" + ], + [ + "Ġide", + "ation" + ], + [ + "ĠVis", + "itor" + ], + [ + "Hel", + "ping" + ], + [ + "Ġintim", + "idated" + ], + [ + "omorph", + "ism" + ], + [ + "Ġdia", + "per" + ], + [ + "Ġantihist", + "amines" + ], + [ + "}", + ";" + ], + [ + "ic", + "in" + ], + [ + "ĠC", + "reed" + ], + [ + "Ġres", + "umes" + ], + [ + "con", + "vers" + ], + [ + "Ġem", + "ancip" + ], + [ + "we", + "bs" + ], + [ + "Ġinf", + "requently" + ], + [ + "for", + "cing" + ], + [ + "ĠPr", + "inter" + ], + [ + "Ġport", + "ability" + ], + [ + "Ġsat", + "iety" + ], + [ + "ĠKe", + "yn" + ], + [ + "Ġsav", + "anna" + ], + [ + "ref", + "s" + ], + [ + "Ġmac", + "rom" + ], + [ + "Ġleaf", + "let" + ], + [ + "Ġhills", + "ide" + ], + [ + "Ġbibli", + "ographic" + ], + [ + "Ġwre", + "ak" + ], + [ + "ĠLaure", + "nce" + ], + [ + "Ġcass", + "er" + ], + [ + "ĠAdvoc", + "ates" + ], + [ + "d", + "ogs" + ], + [ + "t", + "ower" + ], + [ + "Ġf", + "end" + ], + [ + "as", + "pect" + ], + [ + "Ġl", + "uke" + ], + [ + "ur", + "istics" + ], + [ + "oc", + "arp" + ], + [ + "Ġrest", + "rain" + ], + [ + "amp", + "unk" + ], + [ + "Ġtext", + "ured" + ], + [ + "Ġfire", + "walls" + ], + [ + "RE", + "AM" + ], + [ + "RO", + "L" + ], + [ + "ĠChar", + "lemagne" + ], + [ + "ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ", + "ĠĠ" + ], + [ + "Ġconstitu", + "encies" + ], + [ + "Ġfung", + "icide" + ], + [ + "Ġelectr", + "ification" + ], + [ + "Ġlute", + "in" + ], + [ + "Ġshorth", + "and" + ], + [ + "L", + "ENGTH" + ], + [ + "T", + "CP" + ], + [ + "c", + "itation" + ], + [ + "f", + "ps" + ], + [ + "s", + "us" + ], + [ + "t", + "itles" + ], + [ + "is", + "nan" + ], + [ + "ut", + "ics" + ], + [ + "ĠS", + "is" + ], + [ + "ĠD", + "iver" + ], + [ + "Ġpre", + "clude" + ], + [ + "Ġbi", + "oc" + ], + [ + "Ġprec", + "inct" + ], + [ + "Ġnit", + "rite" + ], + [ + "ĠCrit", + "ique" + ], + [ + "ĠHad", + "rian" + ], + [ + "Oper", + "ating" + ], + [ + "Ġanonym", + "ously" + ], + [ + "Ġsimmer", + "ing" + ], + [ + "D", + "elivery" + ], + [ + "F", + "ried" + ], + [ + "c", + "x" + ], + [ + "i", + "pt" + ], + [ + "Ġe", + "ut" + ], + [ + "ĠA", + "O" + ], + [ + "ab", + "h" + ], + [ + "ĠO", + "edipus" + ], + [ + "uch", + "a" + ], + [ + "Ġstand", + "by" + ], + [ + "iol", + "es" + ], + [ + "Ġhyp", + "o" + ], + [ + "ĠBur", + "r" + ], + [ + "has", + "a" + ], + [ + "ĠBrow", + "ser" + ], + [ + "anche", + "z" + ], + [ + "multip", + "ly" + ], + [ + "M", + "ission" + ], + [ + "b", + "ases" + ], + [ + "g", + "rab" + ], + [ + "Ġd", + "ru" + ], + [ + "Ġh", + "rs" + ], + [ + "ch", + "osen" + ], + [ + "ĠR", + "ET" + ], + [ + "ĠIn", + "jection" + ], + [ + "Ġj", + "a" + ], + [ + "ĠCh", + "ihu" + ], + [ + "Ġacc", + "use" + ], + [ + "ov", + "ir" + ], + [ + "ĠAl", + "gon" + ], + [ + "NA", + "MES" + ], + [ + "class", + "ic" + ], + [ + "Ġgeneral", + "ize" + ], + [ + "Al", + "ign" + ], + [ + "Ġpay", + "loads" + ], + [ + "ĠProf", + "essors" + ], + [ + "Ġauthent", + "icated" + ], + [ + "Ġune", + "ase" + ], + [ + "Ġinert", + "ial" + ], + [ + "ĠLect", + "ures" + ], + [ + "ĠAuthent", + "ic" + ], + [ + "ĠFro", + "zen" + ], + [ + "ĠPup", + "ils" + ], + [ + "R", + "ing" + ], + [ + "nd", + "t" + ], + [ + "Ġsl", + "urry" + ], + [ + "ĠWhat", + "s" + ], + [ + "ĠGo", + "es" + ], + [ + "Sc", + "ene" + ], + [ + "Sc", + "enario" + ], + [ + "Ġmyth", + "ologies" + ], + [ + "ĠParticip", + "ating" + ], + [ + "Ġreset", + "tlement" + ], + [ + "Brit", + "ain" + ], + [ + "ĠEmphas", + "ize" + ], + [ + "Ġoverhe", + "ard" + ], + [ + "assertIs", + "Instance" + ], + [ + "çł", + "ģ" + ], + [ + "B", + "enny" + ], + [ + "C", + "LE" + ], + [ + "N", + "ick" + ], + [ + "U", + "k" + ], + [ + "Ġpro", + "j" + ], + [ + "op", + "o" + ], + [ + "ĠF", + "ram" + ], + [ + "ĠL", + "akota" + ], + [ + "Ġwho", + "oping" + ], + [ + "ĠK", + "NOW" + ], + [ + "Ġrep", + "ub" + ], + [ + "ĠSh", + "ang" + ], + [ + "ann", + "ie" + ], + [ + "ĠCent", + "uries" + ], + [ + "mod", + "es" + ], + [ + "oph", + "obic" + ], + [ + "Ġmag", + "ically" + ], + [ + "Ġintellig", + "ently" + ], + [ + "Ġexcess", + "es" + ], + [ + "enth", + "al" + ], + [ + "Ġhygi", + "enic" + ], + [ + "Ġbare", + "foot" + ], + [ + "ĠYe", + "ast" + ], + [ + "ĠReturn", + "ing" + ], + [ + "Ġpharmac", + "ology" + ], + [ + "ε", + "Ïģ" + ], + [ + "ĠGib", + "bs" + ], + [ + "Ġdecentral", + "ization" + ], + [ + "Ġunbear", + "able" + ], + [ + "M", + "olecular" + ], + [ + "T", + "ick" + ], + [ + "V", + "ENT" + ], + [ + "t", + "if" + ], + [ + "Ù", + "ĥ" + ], + [ + "al", + "and" + ], + [ + "Ġf", + "uses" + ], + [ + "Ġm", + "alls" + ], + [ + "Ġl", + "apse" + ], + [ + "Ġy", + "in" + ], + [ + "Ġsu", + "cked" + ], + [ + "Ex", + "am" + ], + [ + "Ġinstruct", + "ing" + ], + [ + "ĠSam", + "antha" + ], + [ + "uls", + "ed" + ], + [ + "Ġdu", + "ke" + ], + [ + "MP", + "s" + ], + [ + "ĠHaw", + "kins" + ], + [ + "Ġcompens", + "atory" + ], + [ + "Ġsumm", + "ertime" + ], + [ + "Ġcroc", + "het" + ], + [ + "ĠFilip", + "inos" + ], + [ + "otoxic", + "ity" + ], + [ + "Ġsuperconduct", + "ing" + ], + [ + "Ye", + "ah" + ], + [ + "ĠSidd", + "h" + ], + [ + "pylob", + "acter" + ], + [ + "b", + "omb" + ], + [ + "Ġw", + "ikipedia" + ], + [ + "an", + "ah" + ], + [ + "an", + "imals" + ], + [ + "st", + "asy" + ], + [ + "ĠT", + "EXT" + ], + [ + "Ġst", + "encil" + ], + [ + "ĠC", + "ited" + ], + [ + "op", + "ods" + ], + [ + "ĠH", + "itch" + ], + [ + "Ġr", + "d" + ], + [ + "ost", + "ridium" + ], + [ + "Ġpart", + "isans" + ], + [ + "Ġpartic", + "ulates" + ], + [ + "anc", + "o" + ], + [ + "Ġplan", + "ks" + ], + [ + "Ġopp", + "oses" + ], + [ + "Ġphys", + "ique" + ], + [ + "ĠRes", + "earcher" + ], + [ + "Ġhead", + "first" + ], + [ + "Ġut", + "tered" + ], + [ + "Ġcig", + "ar" + ], + [ + "ĠColl", + "ier" + ], + [ + "åı", + "·" + ], + [ + "Ġcatast", + "rophes" + ], + [ + "ĠTax", + "es" + ], + [ + "Ġsnack", + "ing" + ], + [ + "Ġapolog", + "ized" + ], + [ + "ĠGO", + "OD" + ], + [ + "++++", + "++++" + ], + [ + "M", + "ER" + ], + [ + "re", + "in" + ], + [ + "ĠT", + "uls" + ], + [ + "ĠA", + "ux" + ], + [ + "ĠH", + "in" + ], + [ + "ĠN", + "utrients" + ], + [ + "rough", + "ly" + ], + [ + "we", + "e" + ], + [ + "Ġprov", + "oking" + ], + [ + "Ġimpro", + "vised" + ], + [ + "Ġcheck", + "points" + ], + [ + "Ġtri", + "ad" + ], + [ + "Ġep", + "ics" + ], + [ + "ĠAnt", + "im" + ], + [ + "ĠSal", + "vation" + ], + [ + "ĠPhil", + "ist" + ], + [ + "Dr", + "inking" + ], + [ + "Ġven", + "eration" + ], + [ + "Gu", + "ard" + ], + [ + "Ġreass", + "ure" + ], + [ + "ĠBlu", + "eprint" + ], + [ + "Ġevapor", + "ated" + ], + [ + "HEAD", + "ER" + ], + [ + "]", + "\"," + ], + [ + "f", + "us" + ], + [ + "at", + "ius" + ], + [ + "ĠC", + "hess" + ], + [ + "ĠM", + "ard" + ], + [ + "ĠD", + "iction" + ], + [ + "Ġwas", + "tage" + ], + [ + "Ġcl", + "f" + ], + [ + "Ġ'", + ":" + ], + [ + "hen", + "es" + ], + [ + "Ġed", + "ifice" + ], + [ + "Ġlight", + "ed" + ], + [ + "Ġsize", + "able" + ], + [ + "Ġver", + "mic" + ], + [ + "Ġselect", + "ivity" + ], + [ + "Ġbar", + "bed" + ], + [ + "Ġbattle", + "fields" + ], + [ + "ĠSun", + "shine" + ], + [ + "Sp", + "ain" + ], + [ + "di", + "ameter" + ], + [ + "Fig", + "ures" + ], + [ + "cir", + "ca" + ], + [ + "ĠCompet", + "itive" + ], + [ + "ĠCarm", + "el" + ], + [ + "Ġdishon", + "esty" + ], + [ + "Ġorthodox", + "y" + ], + [ + "neur", + "ons" + ], + [ + "fet", + "ched" + ], + [ + "M", + "ig" + ], + [ + "f", + "en" + ], + [ + "s", + "eller" + ], + [ + "ĠE", + "AR" + ], + [ + "ĠF", + "ountain" + ], + [ + "Ġdis", + "closing" + ], + [ + "de", + "ck" + ], + [ + "Ġfact", + "oring" + ], + [ + "ĠSh", + "into" + ], + [ + "Ġsuper", + "flu" + ], + [ + "Ġstandard", + "ised" + ], + [ + "ĠNe", + "on" + ], + [ + "Time", + "out" + ], + [ + "Ġdisp", + "ens" + ], + [ + "Ġsmok", + "y" + ], + [ + "Ġsprou", + "ted" + ], + [ + "Ġimagin", + "able" + ], + [ + "ĠTemper", + "atures" + ], + [ + "ĠTub", + "man" + ], + [ + "ĠGenealog", + "y" + ], + [ + "G", + "ly" + ], + [ + "f", + "lying" + ], + [ + "p", + "overty" + ], + [ + "t", + "ips" + ], + [ + "ĠC", + "ors" + ], + [ + "ĠM", + "im" + ], + [ + "pp", + "o" + ], + [ + "ĠH", + "ask" + ], + [ + "ĠU", + "R" + ], + [ + "ub", + "ation" + ], + [ + "ĠK", + "iev" + ], + [ + "ĠCh", + "avez" + ], + [ + "ex", + "cluding" + ], + [ + "over", + "lay" + ], + [ + "Ġmar", + "ig" + ], + [ + "Ġbra", + "ch" + ], + [ + "ĠHam", + "as" + ], + [ + "ĠWal", + "ton" + ], + [ + "Ġrevol", + "ved" + ], + [ + "ĠCatal", + "onia" + ], + [ + "ĠLaure", + "n" + ], + [ + "ĠKab", + "ul" + ], + [ + "ozyg", + "ous" + ], + [ + "T", + "ier" + ], + [ + "]", + "][" + ], + [ + "l", + "ut" + ], + [ + "Ġb", + "athe" + ], + [ + "Ġin", + "sofar" + ], + [ + "ĠC", + "ope" + ], + [ + "od", + "b" + ], + [ + "Ġ\"", + "))" + ], + [ + "ĠTh", + "row" + ], + [ + "Ġun", + "met" + ], + [ + "Ġsupp", + "resses" + ], + [ + "ink", + "a" + ], + [ + "Ġpass", + "ports" + ], + [ + "ĠAug", + "mented" + ], + [ + "ĠSur", + "real" + ], + [ + "ij", + "n" + ], + [ + "ĠCare", + "y" + ], + [ + "ĠEqu", + "ally" + ], + [ + "div", + "ide" + ], + [ + "ĠCM", + "OS" + ], + [ + "Bul", + "lying" + ], + [ + "ĠLaf", + "ayette" + ], + [ + "G", + "y" + ], + [ + "Ġm", + "ids" + ], + [ + "ch", + "ips" + ], + [ + "Ġpre", + "l" + ], + [ + "Ġass", + "uring" + ], + [ + "Ġdel", + "usions" + ], + [ + "arc", + "o" + ], + [ + "oph", + "armac" + ], + [ + "ĠGen", + "erations" + ], + [ + "ĠWilliams", + "on" + ], + [ + "Ġnov", + "o" + ], + [ + "ĠPale", + "olithic" + ], + [ + "compet", + "itive" + ], + [ + "ĠYan", + "kee" + ], + [ + "Ġdend", + "ritic" + ], + [ + "ĠPropag", + "anda" + ], + [ + "Ġorang", + "utans" + ], + [ + "ĠSovere", + "ign" + ], + [ + "Ġvolley", + "ball" + ], + [ + "C", + "BD" + ], + [ + "x", + "ism" + ], + [ + "he", + "ment" + ], + [ + "ĠM", + "ater" + ], + [ + "ER", + "AL" + ], + [ + "fl", + "oating" + ], + [ + "ED", + "S" + ], + [ + "Ġcommerc", + "ials" + ], + [ + "Se", + "ek" + ], + [ + "unk", + "er" + ], + [ + "ĠAD", + "C" + ], + [ + "ĠIdent", + "ities" + ], + [ + "Ġcarb", + "ide" + ], + [ + "Ġbrow", + "ning" + ], + [ + "ĠSir", + "i" + ], + [ + "May", + "a" + ], + [ + "Ġarom", + "atherapy" + ], + [ + "Ġreass", + "ured" + ], + [ + "Ġmelt", + "down" + ], + [ + "Emer", + "gency" + ], + [ + "ĠTrag", + "edy" + ], + [ + "ĠSTE", + "AM" + ], + [ + "ĠThess", + "alon" + ], + [ + "Ġpung", + "ent" + ], + [ + "F", + "REE" + ], + [ + "L", + "if" + ], + [ + "om", + "ia" + ], + [ + "Ġex", + "fol" + ], + [ + "ĠM", + "ama" + ], + [ + "ect", + "able" + ] + ] + } +} \ No newline at end of file diff --git a/chatbot/models/HuggingFaceTB/SmolLM2-1.7B-Instruct/tokenizer_config.json b/chatbot/models/HuggingFaceTB/SmolLM2-1.7B-Instruct/tokenizer_config.json new file mode 100644 index 0000000000000000000000000000000000000000..76b6b266c3d0a53828e0fdd281dd9bb76d0bed78 --- /dev/null +++ b/chatbot/models/HuggingFaceTB/SmolLM2-1.7B-Instruct/tokenizer_config.json @@ -0,0 +1,154 @@ +{ + "add_prefix_space": false, + "added_tokens_decoder": { + "0": { + "content": "<|endoftext|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "1": { + "content": "<|im_start|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "2": { + "content": "<|im_end|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "3": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "4": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "5": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "6": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "7": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "8": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "9": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "10": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "11": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "12": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "13": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "14": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "15": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "16": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + } + }, + "additional_special_tokens": [ + "<|im_start|>", + "<|im_end|>" + ], + "bos_token": "<|im_start|>", + "chat_template": "{% for message in messages %}{% if loop.first and messages[0]['role'] != 'system' %}{{ '<|im_start|>system\nYou are a helpful AI assistant named SmolLM, trained by Hugging Face<|im_end|>\n' }}{% endif %}{{'<|im_start|>' + message['role'] + '\n' + message['content'] + '<|im_end|>' + '\n'}}{% endfor %}{% if add_generation_prompt %}{{ '<|im_start|>assistant\n' }}{% endif %}", + "clean_up_tokenization_spaces": false, + "eos_token": "<|im_end|>", + "model_max_length": 2048, + "pad_token": "<|im_end|>", + "tokenizer_class": "GPT2Tokenizer", + "unk_token": "<|endoftext|>", + "vocab_size": 49152 +} diff --git a/chatbot/models/HuggingFaceTB/SmolLM2-1.7B-Instruct/vocab.json b/chatbot/models/HuggingFaceTB/SmolLM2-1.7B-Instruct/vocab.json new file mode 100644 index 0000000000000000000000000000000000000000..0ad5ecc2035b7031b88afb544ee95e2d49baa484 --- /dev/null +++ b/chatbot/models/HuggingFaceTB/SmolLM2-1.7B-Instruct/vocab.json @@ -0,0 +1 @@ +{"<|endoftext|>":0,"<|im_start|>":1,"<|im_end|>":2,"":3,"":4,"":5,"":6,"":7,"":8,"":9,"":10,"":11,"":12,"":13,"":14,"":15,"":16,"!":17,"\"":18,"#":19,"$":20,"%":21,"&":22,"'":23,"(":24,")":25,"*":26,"+":27,",":28,"-":29,".":30,"/":31,"0":32,"1":33,"2":34,"3":35,"4":36,"5":37,"6":38,"7":39,"8":40,"9":41,":":42,";":43,"<":44,"=":45,">":46,"?":47,"@":48,"A":49,"B":50,"C":51,"D":52,"E":53,"F":54,"G":55,"H":56,"I":57,"J":58,"K":59,"L":60,"M":61,"N":62,"O":63,"P":64,"Q":65,"R":66,"S":67,"T":68,"U":69,"V":70,"W":71,"X":72,"Y":73,"Z":74,"[":75,"\\":76,"]":77,"^":78,"_":79,"`":80,"a":81,"b":82,"c":83,"d":84,"e":85,"f":86,"g":87,"h":88,"i":89,"j":90,"k":91,"l":92,"m":93,"n":94,"o":95,"p":96,"q":97,"r":98,"s":99,"t":100,"u":101,"v":102,"w":103,"x":104,"y":105,"z":106,"{":107,"|":108,"}":109,"~":110,"¡":111,"¢":112,"£":113,"¤":114,"¥":115,"¦":116,"§":117,"¨":118,"©":119,"ª":120,"«":121,"¬":122,"®":123,"¯":124,"°":125,"±":126,"²":127,"³":128,"´":129,"µ":130,"¶":131,"·":132,"¸":133,"¹":134,"º":135,"»":136,"¼":137,"½":138,"¾":139,"¿":140,"Â":141,"Ã":142,"Ä":143,"Å":144,"Æ":145,"Ç":146,"È":147,"É":148,"Ê":149,"Ë":150,"Ì":151,"Í":152,"Î":153,"Ï":154,"Ð":155,"Ñ":156,"Ò":157,"Ó":158,"Ô":159,"Õ":160,"Ö":161,"×":162,"Ø":163,"Ù":164,"Ú":165,"Û":166,"Ü":167,"Ý":168,"Þ":169,"ß":170,"à":171,"á":172,"â":173,"ã":174,"ä":175,"å":176,"æ":177,"ç":178,"è":179,"é":180,"ê":181,"ë":182,"ì":183,"í":184,"î":185,"ï":186,"ð":187,"ó":188,"ô":189,"Ā":190,"ā":191,"Ă":192,"ă":193,"ą":194,"ć":195,"Ĉ":196,"ĉ":197,"Ċ":198,"ċ":199,"Č":200,"č":201,"Ď":202,"ď":203,"Đ":204,"đ":205,"Ē":206,"ĕ":207,"ė":208,"Ę":209,"ę":210,"Ě":211,"ě":212,"Ĝ":213,"Ğ":214,"ğ":215,"Ġ":216,"ġ":217,"Ģ":218,"ģ":219,"Ĥ":220,"ĥ":221,"Ħ":222,"ħ":223,"Ĩ":224,"ĩ":225,"Ī":226,"ī":227,"Ĭ":228,"ĭ":229,"Į":230,"į":231,"İ":232,"ı":233,"IJ":234,"ij":235,"Ĵ":236,"ĵ":237,"Ķ":238,"ķ":239,"ĸ":240,"Ĺ":241,"ĺ":242,"Ļ":243,"ļ":244,"Ľ":245,"ľ":246,"Ŀ":247,"ŀ":248,"Ł":249,"ł":250,"Ń":251,"Ġt":252,"Ġa":253,"in":254,"he":255,"ĠĠ":256,"re":257,"on":258,"er":259,"Ġthe":260,"at":261,"Ġs":262,"Ġo":263,"en":264,"Ġc":265,"es":266,"Ġw":267,"nd":268,"it":269,"or":270,"is":271,"al":272,"Ġp":273,"ing":274,"Ġf":275,"an":276,"ed":277,"Ġb":278,"ou":279,"ar":280,"Ġin":281,"Ġof":282,"Ġm":283,"Ġand":284,"ion":285,"ic":286,"Ġd":287,"Ġto":288,"ĠĠĠĠ":289,"le":290,"ro":291,"as":292,"ent":293,"Ġh":294,"Ġth":295,"ct":296,"Ġe":297,"Ġre":298,"el":299,"om":300,"il":301,"st":302,"Ġl":303,"Ġn":304,"et":305,"im":306,"ve":307,"ol":308,"ation":309,"Ġg":310,"id":311,"ĠT":312,"se":313,"Ġis":314,"ur":315,"ut":316,"ra":317,"ly":318,"ce":319,"ot":320,"âĢ":321,"ch":322,"ow":323,"ig":324,"Ġbe":325,"Ġu":326,"Ġfor":327,"Ġst":328,"Ġy":329,"ĠA":330,"ver":331,"am":332,"ĠĠĠ":333,"ĠS":334,"Ġon":335,"ul":336,"ir":337,"Ġthat":338,"ĠI":339,"ĠC":340,"ay":341,"if":342,"ith":343,"ad":344,"Ġcon":345,"Ġyou":346,"Ġas":347,"Ġpro":348,"her":349,"od":350,"Ġwith":351,"ter":352,"ĠĠĠĠĠĠĠĠ":353,"Ġan":354,"Ġor":355,"Ġwh":356,"Ġit":357,"ment":358,"Ġare":359,"Ġal":360,"ge":361,"ess":362,"ist":363,"Ġex":364,"Ġ(":365,"ers":366,"Ġde":367,"ate":368,"ab":369,"ies":370,"op":371,"ĠM":372,"th":373,"ect":374,"res":375,"us":376,"ĠP":377,"ĠThe":378,"Ġcom":379,"iv":380,"est":381,"um":382,"ity":383,"Ġhe":384,"qu":385,"Ġv":386,"ac":387,"ill":388,"ĠB":389,"ore":390,"em":391,"Ġwe":392,"Ġsu":393,"pp":394,"os":395,"ke":396,"and":397,"rom":398,"nt":399,"ld":400,"ort":401,"ain":402,"ant":403,"ive":404,"igh":405,"oc":406,"ĠH":407,"ĠW":408,"ial":409,"Ġch":410,"Ġby":411,"Ġr":412,"ud":413,"ĠE":414,"ĠĠĠĠĠĠĠ":415,"Ġcan":416,"âĢĻ":417,"Ġat":418,"un":419,"Ġne":420,"Ġha":421,"ĠD":422,"--":423,"ure":424,"Ġle":425,"ĠF":426,"Ġse":427,"ĠR":428,"Ġfrom":429,"Ġen":430,"ri":431,"pe":432,"ical":433,"art":434,"og":435,"Ġwas":436,"pt":437,"ions":438,"pl":439,"rou":440,"Ġnot":441,"ĠN":442,"Ġsh":443,"Ġim":444,"ight":445,"Ġ=":446,"out":447,"ĊĠĠĠĠĠĠĠ":448,"all":449,"ĠL":450,"Ġthis":451,"ĠG":452,"Ġab":453,"ag":454,"red":455,"per":456,"Ġhave":457,"Ġwor":458,"ĠâĢ":459,"gh":460,"our":461,"ine":462,"iz":463,"Ġint":464,"ome":465,"ĊĠĠĠĠĠĠĠĠ":466,"ust":467,"Ġus":468,"Ġyour":469,"ould":470,"act":471,"ĊĠĠĠ":472,"age":473,"ost":474,"Ġpl":475,"Ġ\"":476,"ard":477,"ell":478,"ther":479,"Ġtheir":480,"ult":481,"elf":482,"ated":483,"ff":484,"ich":485,"end":486,"ans":487,"ous":488,"ide":489,"ru":490,"ations":491,"ĠO":492,"Ġad":493,"ak":494,"Ġwhe":495,"du":496,"cl":497,"Ġcont":498,"Ġres":499,"ast":500,"Ġk":501,"Ġthey":502,"Ġcomp":503,"The":504,"ib":505,"'s":506,"orm":507,"ip":508,"cc":509,"Ġdis":510,"Ġall":511,"ap":512,"ame":513,"ĠU":514,"able":515,"ong":516,"ear":517,"ere":518,"ie":519,"ass":520,"Ġimp":521,"are":522,"Ġwill":523,"ance":524,"ĠTh":525,"ind":526,"Ġwhich":527,"ood":528,"ary":529,"ĠJ":530,"ual":531,"vel":532,"ĠIn":533,"ep":534,"ence":535,"Ġdo":536,"one":537,"ks":538,"Ġcl":539,"Ġmore":540,"ry":541,"ia":542,"Ġte":543,"Ġj":544,"ign":545,"ue":546,"ents":547,"reat":548,"Ġme":549,"Ġother":550,"Ġun":551,"ile":552,"Ġhas":553,"ach":554,"Ġman":555,"ime":556,"ction":557,"ild":558,"so":559,"ress":560,"ces":561,"Ġar":562,"Ġabout":563,"Ġbut":564,"av":565,"Ġapp":566,"Ġper":567,"oo":568,"ice":569,"ition":570,"ater":571,"ely":572,"âĢĿ":573,"Ġsp":574,"ake":575,"ase":576,"Ġev":577,"Ġout":578,"ors":579,"ack":580,"ens":581,"Ġone":582,"very":583,"form":584,"Ġif":585,"----":586,"ory":587,"Ġso":588,"ord":589,"ace":590,"int":591,"Ġwere":592,"ber":593,"nder":594,").":595,"Ġli":596,"Ġalso":597,"ount":598,"Ġpart":599,"Ġcomm":600,"Ġthem":601,"ose":602,"au":603,"ang":604,"ci":605,"Ġstud":606,"con":607,"rit":608,"ire":609,"Ġpe":610,"ub":611,"now":612,"Ġqu":613,"Ġup":614,"Ġsy":615,"ings":616,"Ġwho":617,"Ġinto":618,"ĠâĢľ":619,"ound":620,"ish":621,"Ġpre":622,"Ġthese":623,"Ġits":624,"ĠSt":625,"olog":626,"iff":627,"pec":628,"ĊĠĠĠĠĠĠĠĠĠĠĠ":629,"rough":630,"ric":631,"Ġfe":632,"Ġbec":633,"Ġsome":634,"Ġtra":635,"ail":636,"Ġ'":637,"Ġhow":638,"Ġself":639,"ree":640,"Ġind":641,"ities":642,"),":643,"king":644,"Ġwhen":645,"ays":646,"ph":647,"vers":648,"Ġem":649,"Ġhis":650,"Ġro":651,"ific":652,"Ġour":653,"Ġmay":654,"Ġtime":655,"Ġunder":656,"ĠIt":657,"ments":658,"ĠK":659,"ates":660,"ople":661,"ne":662,"ite":663,"Ġcol":664,"Ġthere":665,"Ġbet":666,"urn":667,"cre":668,"ĠThis":669,"Ġthan":670,"ough":671,"ys":672,"Ġdiff":673,"ating":674,"ob":675,"te":676,"we":677,"ĠCh":678,"ath":679,"ject":680,"Ġtr":681,"ally":682,"low":683,"erv":684,"Ġgo":685,"ms":686,"Ġcons":687,"Ġag":688,"Ġra":689,"Ġover":690,"lect":691,"Ġrec":692,"xt":693,"Ġpr":694,"ple":695,"tern":696,"ian":697,"Ġacc":698,"Ġknow":699,"cess":700,"Ġpeople":701,"Ġlike":702,"ove":703,"Ġhel":704,"Ġact":705,"ata":706,"ons":707,"Ġdes":708,"lic":709,"clud":710,"ious":711,"##":712,"Ġyear":713,"arn":714,"Ġsuch":715,"Ġrel":716,"ĠV":717,"ĠY":718,"Ġbeen":719,"row":720,"ef":721,"Ġuse":722,"ren":723,"Ġhelp":724,"Ġnew":725,"get":726,"):":727,"alth":728,"irst":729,"ert":730,"Ġ-":731,"Ġwhat":732,"ause":733,"eth":734,"les":735,"Ġwould":736,"Ġneed":737,"Ġthrough":738,"ful":739,"stem":740,"uring":741,"round":742,"Ġsa":743,"Ġam":744,"Ġeff":745,"Ġwork":746,"ics":747,"velop":748,"ov":749,"Ġany":750,"ool":751,"Ġimport":752,"Ġdef":753,"Ġbl":754,"ular":755,"ures":756,"Ġass":757,"Ġspec":758,"Ġgen":759,"Ġtw":760,"Ġhad":761,"rib":762,"mer":763,"ll":764,"Ġinclud":765,"ced":766,"Ġoff":767,"Ġmost":768,"ise":769,"hed":770,"self":771,"Ġprov":772,"port":773,"iss":774,"ract":775,"ange":776,"Ġph":777,"ict":778,"Ġreg":779,"ational":780,"als":781,"Ġdiffere":782,"ility":783,"Ġac":784,"pect":785,"oss":786,"Ġno":787,"In":788,"oth":789,"ook":790,"ative":791,"ark":792,"old":793,"Ġob":794,"hen":795,"Ġprodu":796,"Ġinv":797,"Ġmod":798,"Ġdevelop":799,"Ġmany":800,"Ġdi":801,"Ġrem":802,"Ġadd":803,"Ġused":804,"Ġonly":805,"Ġsc":806,"fter":807,"Ġfirst":808,"ween":809,"ĠUn":810,"Ġchild":811,"ible":812,"ten":813,"ram":814,"uc":815,"ĠâĢĵ":816,"Ġsystem":817,"arch":818,"Ġatt":819,"Ġget":820,"ased":821,"Ġinst":822,"ower":823,"com":824,"cept":825,"Ġbetween":826,"Ġtwo":827,"**":828,"Ġret":829,"ife":830,"chn":831,"Ġfl":832,"erm":833,"Ġinf":834,"Ġlearn":835,"ize":836,"Ġwhere":837,"Ġsur":838,"wn":839,"Ġsub":840,"Ġexam":841,"its":842,"Ġinter":843,"Ġpo":844,"own":845,"ew":846,"ond":847,"Ġpers":848,"ts":849,"Ġtrans":850,"ps":851,"hes":852,"Ġpol":853,"ble":854,"Ġexper":855,"Ġcould":856,"Ġco":857,"Ġsupp":858,"ss":859,"ution":860,"Ġnum":861,"ting":862,"ng":863,"Ġhealth":864,"Ġsm":865,"ty":866,"ural":867,"Ġshould":868,"ern":869,"gan":870,"Ġstr":871,"ever":872,"cy":873,"Ġher":874,"ues":875,"Ġwell":876,"Ġbu":877,"ily":878,"stand":879,"ident":880,"erg":881,"oci":882,"Ġty":883,"ines":884,"ied":885,"Ġval":886,"Ġpres":887,"ex":888,"Ġexpl":889,"__":890,"Ġvar":891,"fore":892,"Ġrese":893,"aking":894,"Ġsim":895,"Ġdifferent":896,"Ġevery":897,"ives":898,"ology":899,"ink":900,"ick":901,"Ġke":902,"ade":903,"Ġhigh":904,"Ġworld":905,"ature":906,"Ġ#":907,"Ġeven":908,"ĠHe":909,"Ġform":910,"ists":911,"aw":912,"Ġwater":913,"Ġsign":914,"Ġjust":915,"--------":916,"ants":917,"ism":918,"Ġmake":919,"vent":920,"Ġexp":921,"oy":922,"',":923,"ness":924,"uch":925,"ft":926,"ins":927,"iew":928,"Ġyears":929,"Ġref":930,"ds":931,"Ġset":932,"Ġ[":933,"Ġcommun":934,"Ġcre":935,"ck":936,"Ġdisc":937,"arg":938,"Ġtechn":939,"Ġdata":940,"chool":941,"ĠRe":942,"ices":943,"Ġrequ":944,"ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":945,"Ġcall":946,"ically":947,"Ġhum":948,"other":949,"..":950,"ax":951,"ential":952,"Ġed":953,"ars":954,"Ġgra":955,"iel":956,"Ġmy":957,"Ġmed":958,"ward":959,"ited":960,"ruct":961,"hat":962,"Ġsee":963,"Ġdet":964,"Ġthen":965,"Ġresult":966,"Ġthose":967,"ually":968,"ages":969,"Ġway":970,"Ġeach":971,"formation":972,"Ġins":973,"hip":974,"Ġbecause":975,"ection":976,"Ġeffect":977,"Ġbel":978,"Ġwhile":979,"Ġprocess":980,"Ġduring":981,"'t":982,"Ġfound":983,"Ġart":984,"Ġcount":985,"Ġlong":986,"Ġpat":987,"Ġdec":988,"Ġfol":989,"Ġafter":990,"Ġgener":991,"ron":992,"Ġext":993,"arm":994,"meric":995,"Ġcent":996,"ety":997,"ands":998,"Ġincre":999,"()":1000,"Ġloc":1001,"\",":1002,"Ġreturn":1003,"ĊĊĠĠĠ":1004,"ized":1005,"Ġdist":1006,"led":1007,"Ġprog":1008,"iron":1009,"ient":1010,"Ġsk":1011,"Ġread":1012,"Ġent":1013,"imes":1014,"Ġusing":1015,"Ġpartic":1016,"Ġpub":1017,"de":1018,"arly":1019,"Ġca":1020,"Ġcur":1021,"Ġlead":1022,"Ġaut":1023,"Ġrep":1024,"els":1025,"Ġhist":1026,"Ġfact":1027,"Ġtest":1028,"Ġlife":1029,"Ġcomple":1030,"Ġfam":1031,"ĠAs":1032,"ivid":1033,"ivers":1034,"Ġvery":1035,"Ġbeing":1036,"Ġfun":1037,"Ġown":1038,"ning":1039,"read":1040,"Ġshe":1041,"Ġfind":1042,"ody":1043,"Ġunderstand":1044,"iqu":1045,"ĠWe":1046,"ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":1047,"Ġright":1048,"ases":1049,"cent":1050,"ork":1051,"ĠAmeric":1052,"ĠPro":1053,"Ġresp":1054,"Ġperson":1055,"Ġback":1056,"gg":1057,"Ġstudents":1058,"eng":1059,"Ġdep":1060,"ved":1061,"Ġboth":1062,"ather":1063,"ality":1064,"ĠAl":1065,"Ġfollow":1066,"Ġwrit":1067,"ĠFor":1068,"ĠThey":1069,"Ġimportant":1070,"ĠCon":1071,"Ġdoes":1072,"ĠHow":1073,"Ġgl":1074,"Ġgrow":1075,"Ġcar":1076,"ock":1077,"put":1078,"Ġmin":1079,"tle":1080,"ĠCom":1081,"Th":1082,"Ġmuch":1083,"dition":1084,"Ġmain":1085,"Ġconf":1086,"viron":1087,"ix":1088,"Ġche":1089,"Ġappro":1090,"Ġmon":1091,"Ġbefore":1092,"\"\"":1093,"ĠIf":1094,"par":1095,"Ġinformation":1096,"Ġsom":1097,"Ġgrou":1098,"ves":1099,"Ġsol":1100,"Ġsci":1101,"Ġel":1102,"ving":1103,"inal":1104,"Ġproble":1105,"Ġlevel":1106,"ional":1107,"Ġstudy":1108,"Ġgreat":1109,"up":1110,"any":1111,"Ġend":1112,"Ġav":1113,"Ġfood":1114,"Ġexperi":1115,"ĊĊ":1116,"ĠAn":1117,"nce":1118,"io":1119,"Ġstart":1120,"ale":1121,"Ġchildren":1122,"Ġgood":1123,"Ġmight":1124,"Ġschool":1125,"eg":1126,"Ġwithin":1127,"Ġclass":1128,"Ġoften":1129,"Ġaround":1130,"uss":1131,"ted":1132,"Ġcor":1133,"ave":1134,"Ġmade":1135,"ering":1136,"Ġsaid":1137,"Ġshow":1138,"Ġpop":1139,"vern":1140,"to":1141,"Ġsame":1142,".,":1143,"Ġpract":1144,"und":1145,"ute":1146,"Ġtoo":1147,"anc":1148,"Ġpower":1149,"Ġlit":1150,"Ġresearch":1151,"Ġvis":1152,"ier":1153,"akes":1154,"rain":1155,"Ġbr":1156,"Ġdesign":1157,"Ġop":1158,"ec":1159,"rent":1160,"Ġprovid":1161,"Ġactiv":1162,"Ġagain":1163,"Ġprot":1164,"Ġsmall":1165,"ĠAr":1166,"Ġallow":1167,"Ġadv":1168,"Ġmem":1169,"ocial":1170,"Ġmat":1171,"ross":1172,"itions":1173,"Ġserv":1174,"ets":1175,"Ġcare":1176,"iving":1177,"Ġposs":1178,"ividual":1179,"pr":1180,"Ġless":1181,"ode":1182,"Ġexample":1183,".âĢĿ":1184,"air":1185,"ethod":1186,"Ġdown":1187,"Ġtake":1188,"==":1189,"Ġcontin":1190,"ters":1191,"Ġorgan":1192,"rol":1193,"Ġday":1194,"the":1195,"irect":1196,"ield":1197,"ince":1198,"Ġsupport":1199,"vironment":1200,"ital":1201,"Ġcult":1202,"omen":1203,"Ġquest":1204,"Ġhuman":1205,"ĠYou":1206,"app":1207,"Ġtreat":1208,"Ġnow":1209,"ined":1210,"ished":1211,"Ġindividual":1212,"Ġgu":1213,"ared":1214,"Ġstate":1215,"ĠThese":1216,"Ġcalled":1217,"ĠInd":1218,"land":1219,"Ġequ":1220,"val":1221,"day":1222,"der":1223,"arge":1224,"Ġpoint":1225,"ergy":1226,"Ġeng":1227,"pro":1228,"####":1229,"Ġnumber":1230,"tt":1231,"Ġ+":1232,"Ġcle":1233,"Ġredu":1234,"Ġbuild":1235,"Ġser":1236,"ization":1237,"Ġplay":1238,"Ġthough":1239,"ral":1240,"ven":1241,"Ġprof":1242,"Ġaw":1243,"Ġris":1244,"name":1245,"ired":1246,"ulation":1247,"Ġbody":1248,"ĠBut":1249,"Ġdid":1250,"Ġmust":1251,"Ġplan":1252,"ains":1253,"ency":1254,"Ġpos":1255,"Ġbeh":1256,"Ġocc":1257,"raph":1258,"ences":1259,"hers":1260,"Ġconst":1261,"Ġaff":1262,"Ġcour":1263,"Ġest":1264,"âĢĶ":1265,"Ġinc":1266,"Ġpot":1267,"ĠSe":1268,"acter":1269,".\"":1270,"ources":1271,"Ġhim":1272,"Ġcommon":1273,"ull":1274,"ories":1275,"ately":1276,"Ġwant":1277,"Ġmet":1278,"erest":1279,"Ġpar":1280,"ense":1281,"ify":1282,"ered":1283,"Ġident":1284,"Ġincluding":1285,"aterial":1286,"ah":1287,"rue":1288,"ption":1289,"Ġide":1290,"Ġdise":1291,"))":1292,"ury":1293,"ining":1294,"iversity":1295,"Ġthree":1296,"Ġcell":1297,"iven":1298,"oh":1299,"mon":1300,"Ġpass":1301,"ination":1302,"Ġlet":1303,"Ġtyp":1304,"('":1305,"py":1306,"ability":1307,"Ġeduc":1308,"Ġiss":1309,"ider":1310,"line":1311,"angu":1312,"Ġelect":1313,"ource":1314,"ĠNew":1315,"ĠWh":1316,"ash":1317,"ĠAd":1318,"ids":1319,"ively":1320,"str":1321,"ateg":1322,"ĠEx":1323,"ox":1324,"less":1325,"Ġdon":1326,"ertain":1327,"itive":1328,"Ġsocial":1329,"Ġgovern":1330,"||":1331,"ples":1332,"ries":1333,"Ġimpro":1334,"conom":1335,"Ġchar":1336,"ead":1337,"Ġanal":1338,"Ġcreat":1339,"lish":1340,"Ġmethod":1341,"Ġinvol":1342,"Ġknown":1343,"bers":1344,"Ġreal":1345,"aj":1346,"Ġdel":1347,"This":1348,"Ġconn":1349,"ĠAnd":1350,"Ġess":1351,"iness":1352,"oun":1353,"por":1354,"Ġwithout":1355,"Ġtem":1356,"Ġenvironment":1357,"ccess":1358,"Ġchang":1359,"Ġpublic":1360,"Ġstill":1361,"ner":1362,"Ġchange":1363,"Ġsignific":1364,"Ġbetter":1365,"Ġprom":1366,"Ġeas":1367,"ouse":1368,"Ġhand":1369,"tain":1370,"iod":1371,"Ġanother":1372,"view":1373,"lu":1374,"ially":1375,"Ġmaterial":1376,"ape":1377,"Ġreport":1378,"Ġplace":1379,"Ġlearning":1380,"Ġpur":1381,"ived":1382,"Ġopp":1383,"Ġinterest":1384,"ĠThere":1385,"Ġpresent":1386,"Ġdr":1387,"oms":1388,"pos":1389,"ends":1390,"Ġproject":1391,"uro":1392,"St":1393,"Ġben":1394,"orn":1395,"Ġsit":1396,"arent":1397,"Ġlist":1398,"Ġbre":1399,"over":1400,"Ġspe":1401,"Ġbelie":1402,"Ġphys":1403,"rodu":1404,"ior":1405,"Ġproduct":1406,"Ġfeel":1407,"Ġcap":1408,"ration":1409,"ĊĊĠĠĠĠĠĠĠ":1410,"ills":1411,"oad":1412,"ĠDe":1413,"cing":1414,"ision":1415,"ason":1416,"ental":1417,"li":1418,"bs":1419,"Ġlight":1420,"Ġdevelopment":1421,"Ġsym":1422,"ĠHowever":1423,"Ġmus":1424,"be":1425,"Ġimm":1426,"Ġele":1427,"ĠBy":1428,"cond":1429,"ological":1430,"ĠIs":1431,"ething":1432,"ug":1433,"ently":1434,"ording":1435,"ances":1436,"az":1437,"Ġbecome":1438,"Ġenergy":1439,"Ġopen":1440,"Ġmean":1441,"atic":1442,"Ġfew":1443,"hor":1444,"Ġcaus":1445,"Ġkeep":1446,",âĢĿ":1447,"ention":1448,"Ġothers":1449,"Ġbest":1450,"Ġfac":1451,"ways":1452,"Ġinclude":1453,"Ġdirect":1454,"from":1455,"Ġ&":1456,"ats":1457,"Ġvari":1458,"ank":1459,"ium":1460,"Ġvarious":1461,"Ġname":1462,"Ġhistory":1463,"Ġcreate":1464,"')":1465,"Ġtop":1466,"ery":1467,"']":1468,"outh":1469,"(\"":1470,"ĠEng":1471,"oint":1472,"Ġhapp":1473,"Ġsever":1474,"Ġleg":1475,"ocus":1476,"Ġperform":1477,"Ġhome":1478,"Ġproper":1479,"agn":1480,"Ġstand":1481,"Ġet":1482,"man":1483,"ray":1484,"Ġmove":1485,"Ġamong":1486,"arc":1487,"Ġsomething":1488,"Ġmark":1489,"ected":1490,"ton":1491,"Ġlook":1492,"Ġsaf":1493,"âĢĵ":1494,"Ġthings":1495,"ique":1496,"Ġchall":1497,"ified":1498,"Ġmeas":1499,"Ġlangu":1500,"Ġfin":1501,"Ġtype":1502,"atch":1503,"ames":1504,"ĠRes":1505,"ians":1506,"Ġlarge":1507,"ator":1508,"Ġsl":1509,"Ġthink":1510,"Ġdesc":1511,"Ġair":1512,"sc":1513,"ogn":1514,"atural":1515,"Ġbas":1516,"Ġfunction":1517,"erc":1518,"ling":1519,"ote":1520,"ĠPh":1521,"oring":1522,"Ġagainst":1523,"imate":1524,"Ġlaw":1525,"ients":1526,"ext":1527,"Ġgroup":1528,"Ġoper":1529,"Ġmeans":1530,"here":1531,"Ġrest":1532,"Ġcontrol":1533,"Ġdev":1534,"Ġhere":1535,"ograph":1536,"path":1537,"Ġprovide":1538,"':":1539,"urther":1540,"ĠSh":1541,"Ġparticular":1542,"Ġanim":1543,"Ġhy":1544,"Ġseveral":1545,"Ġsignificant":1546,"ĠAmerican":1547,"ember":1548,"Ġbus":1549,"ĠWhen":1550,"ĠâĢĺ":1551,"Ġbased":1552,"arth":1553,"Ġwomen":1554,"eral":1555,"Ġpain":1556,"Ġarea":1557,"me":1558,"//":1559,"sy":1560,"rop":1561,"Ġtre":1562,"ards":1563,"Ġfamily":1564,"ots":1565,"Ġpotential":1566,"iver":1567,"Ġdue":1568,"Ġobject":1569,"Ġenc":1570,"err":1571,"resent":1572,"Ġold":1573,"Ġcurrent":1574,"Ġmult":1575,"Ġtry":1576,"Ġ:":1577,"Ġprogram":1578,"ortun":1579,"Ġens":1580,"aper":1581,"Ġeconom":1582,"Ġbeg":1583,"Ġearly":1584,"âĢľ":1585,"Ġfil":1586,"Ġlab":1587,"Ġcal":1588,"It":1589,"Ġve":1590,"Ġtoget":1591,"Ġtogether":1592,"Ġfocus":1593,"Ġaccess":1594,"sh":1595,"Ġlast":1596,"Ġunt":1597,"Ġant":1598,"Ġes":1599,"Ġbenef":1600,"['":1601,"uture":1602,"Ġnon":1603,"def":1604,"lished":1605,"ĠQ":1606,"Ġturn":1607,"ission":1608,"Ġlim":1609,"Ġstruct":1610,"Ġdisease":1611,"br":1612,"amp":1613,"set":1614,"ditions":1615,"Ġorig":1616,"ploy":1617,"ajor":1618,"Ġfre":1619,"Ġ\"\"\"":1620,"Ġrisk":1621,"Ġsoci":1622,"Ġfore":1623,"Ġsuccess":1624,"Ġmaking":1625,"ĠTo":1626,",\"":1627,"Ġprint":1628,"ication":1629,"Ġopt":1630,"Ġavail":1631,"Ġbi":1632,"oid":1633,"Ġcrit":1634,"orth":1635,"Ġpossible":1636,"work":1637,"ĠUniversity":1638,"gen":1639,"rist":1640,"ression":1641,"Ġlow":1642,"Ġsay":1643,"ĠSo":1644,"Ġimpact":1645,"Ġkey":1646,"Ġcertain":1647,"aut":1648,"ribut":1649,"Ġcr":1650,"sel":1651,"ĠPl":1652,"As":1653,"Ġbo":1654,"Ġmil":1655,"ĉĉ":1656,"Ġperiod":1657,"Ġrun":1658,"min":1659,"Ġscient":1660,"ĠCl":1661,"Ġ{":1662,"Ġmill":1663,"agement":1664,"Ġgr":1665,"Ġland":1666,"idence":1667,"cle":1668,"Ġfri":1669,"Ġblood":1670,"Ġcase":1671,"Ġ*":1672,"Ġ.":1673,"ane":1674,"Ġsince":1675,"hem":1676,"ides":1677,"Ġspecific":1678,"Ġlocal":1679,"Ġhead":1680,"Ġpost":1681,"ann":1682,"Ġalong":1683,"clus":1684,"Ġvalue":1685,"Ġorder":1686,"ems":1687,"----------------":1688,"Ġoccur":1689,"Ġcome":1690,"ĠSp":1691,"Ġdiscuss":1692,"Ġgovernment":1693,"Ġtext":1694,"Ġfollowing":1695,"olution":1696,"ww":1697,"ĠEn":1698,"Ġacross":1699,"Ġconc":1700,"Ġwhy":1701,"pre":1702,"ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":1703,"cer":1704,"icle":1705,"Ġaddition":1706,"ledge":1707,"Ġcost":1708,"raw":1709,"for":1710,"Ġtimes":1711,"ĠCol":1712,"mit":1713,"of":1714,"\")":1715,"ilar":1716,"by":1717,"ised":1718,"ending":1719,"Ġcomput":1720,"Ġareas":1721,"Ġprofess":1722,"Ġhig":1723,"hy":1724,"Ġunderstanding":1725,"use":1726,"alk":1727,"Ġcause":1728,"Ġlik":1729,"Ġable":1730,"Ġtoward":1731,"Ġproblem":1732,"Ġter":1733,"Ġsystems":1734,"Ġbro":1735,"Ġassoci":1736,"Ġview":1737,"aster":1738,"Ġmajor":1739,"Ġcourse":1740,"ument":1741,"://":1742,"Ġmodel":1743,"yn":1744,"Ġelse":1745,"Ġprevent":1746,"ole":1747,"Ġinvest":1748,"ĠIm":1749,"],":1750,"ilities":1751,"Ġarg":1752,"ended":1753,"ER":1754,"Ġintern":1755,"ably":1756,"Ġpress":1757,"Ġ==":1758,"Ġhard":1759,"idd":1760,"Ġline":1761,"ights":1762,"Ġtool":1763,"ooks":1764,"Ġrelations":1765,"not":1766,"Ġspecial":1767,"ones":1768,"osed":1769,"Ġavailable":1770,"Ġconsider":1771,"Ġspecies":1772,"Ġcommunity":1773,"Ġfuture":1774,"Ġcomb":1775,"Ġbehav":1776,"ĠZ":1777,"ggest":1778,"Ġapplic":1779,"What":1780,"sw":1781,"Ġnatural":1782,"Ġplant":1783,"Ġcomplex":1784,"ams":1785,"Ġexperience":1786,"ina":1787,"cul":1788,"Ġlanguage":1789,"though":1790,"Ġrole":1791,"Ġx":1792,"Ġuntil":1793,"Ġrele":1794,"Ġrespons":1795,"Ġsecond":1796,"ĠUnited":1797,"Ġcountry":1798,"\":":1799,"Ġmen":1800,"Ġpolit":1801,"iting":1802,"face":1803,"Ġrece":1804,"Ġyoung":1805,"Ġworks":1806,"aring":1807,"rag":1808,"acy":1809,"aps":1810,"Ġalways":1811,"ĠWhat":1812,"aces":1813,"ĠAt":1814,"obal":1815,"ĠOr":1816,"asing":1817,"ask":1818,"ope":1819,"Ġsuggest":1820,"osp":1821,"Ġexist":1822,"urope":1823,"data":1824,"Ġlevels":1825,"Ġindust":1826,"icult":1827,"Ġproblems":1828,"izing":1829,"Ġput":1830,"Ġmar":1831,"ained":1832,"Ġstep":1833,"Ġtoday":1834,"Ġtechnology":1835,"Ġgiven":1836,"Ġstrong":1837,"Ġlittle":1838,"ĠGod":1839,"Ġsw":1840,"ĠâĢĶ":1841,"Ġcir":1842,"Ġcharacter":1843,"Ġresults":1844,"Ġrange":1845,"ek":1846,"istic":1847,"ĠThat":1848,"Ġtreatment":1849,"Ġage":1850,"ored":1851,"reen":1852,"Ġways":1853,"ysis":1854,"cur":1855,"ths":1856,"ators":1857,"Ġnecess":1858,"Ġobs":1859,"Ġvol":1860,"Ġbusiness":1861,"lement":1862,"Ġbook":1863,"omm":1864,"selves":1865,"ont":1866,"Ġnext":1867,"ivity":1868,"Ġfar":1869,"Ġpercent":1870,"Ġlarg":1871,"Ġdeterm":1872,"ik":1873,"Ġflow":1874,"orts":1875,"Ġfour":1876,"Ġdem":1877,"ither":1878,"Ġinflu":1879,"Ġrepresent":1880,"co":1881,"We":1882,"aging":1883,"thing":1884,"Ġ$":1885,"orld":1886,"Ġsimilar":1887,"Ġeducation":1888,"apt":1889,"Ġshort":1890,"Ġworking":1891,"Ġz":1892,"ables":1893,"Ġchalleng":1894,"Ġessential":1895,"Ġpast":1896,"ĠAf":1897,"Ġspace":1898,"Ġill":1899,"Ġsing":1900,"lab":1901,"Ġamount":1902,"Ġ**":1903,"Ġfree":1904,"ym":1905,"etimes":1906,"atures":1907,"side":1908,"Ġconcept":1909,"ĠEurope":1910,"Ġheart":1911,"atory":1912,"Ġwar":1913,"Ġvir":1914,"ured":1915,"Ġlater":1916,"Ġbir":1917,"ĠStates":1918,"Ġauthor":1919,"Ġconditions":1920,"Ġsays":1921,"duct":1922,"Ġneeds":1923,"Ġwords":1924,"Ġnet":1925,"ĠChrist":1926,"ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":1927,"Ġgive":1928,"ĠWith":1929,"Ġinit":1930,"ĠTe":1931,"eter":1932,"NA":1933,"ĠBe":1934,"une":1935,"icro":1936,"If":1937,"Ġmov":1938,"af":1939,"onse":1940,"Ġpaper":1941,"Ġkind":1942,"ĠNone":1943,"vious":1944,"Ġmind":1945,"ires":1946,"Ġimprove":1947,"Ġpolic":1948,"Ġey":1949,"inc":1950,"ule":1951,"Ġresources":1952,"Ġhaving":1953,"Ġskills":1954,"Ġfield":1955,"Ġbegin":1956,"Ġconsum":1957,"Ġparent":1958,"Ġexpect":1959,"Ġcells":1960,"Ġrad":1961,"Ġquestion":1962,"ĠOne":1963,"Ġteac":1964,"Ġpred":1965,"Ġtradition":1966,"Ġknowledge":1967,"ibility":1968,"``":1969,"ours":1970,"Ġchanges":1971,"Ġappear":1972,"Ġjour":1973,"Ġissues":1974,"Ġestab":1975,"lection":1976,"Ġstory":1977,"ĠCan":1978,"ili":1979,"Ġupon":1980,"Ġmot":1981,"Ġconcern":1982,"pecially":1983,"Ġrequire":1984,"ĠOn":1985,"Ġrelationship":1986,"Ġstrateg":1987,"arget":1988,"etic":1989,"Ġdifficult":1990,"Ġwhether":1991,"ee":1992,"Ġlog":1993,"ening":1994,"Ġtypes":1995,"Ġprim":1996,"Ġsens":1997,"Ġask":1998,"ush":1999,"Ġtemper":2000,"Ġenough":2001,"ales":2002,"Ġlikely":2003,"Ġrecord":2004,"iple":2005,"ĠInst":2006,"Ġusually":2007,"ger":2008,"Ġdays":2009,"nal":2010,"inking":2011,"Ġhistor":2012,"apter":2013,"Ġaddress":2014,"ĠSome":2015,"let":2016,"import":2017,"ĠAll":2018,"aching":2019,"How":2020,"chie":2021,"Ġmakes":2022,"Ġopportun":2023,"ĠCent":2024,"Ġaway":2025,"...":2026,"Ġnorm":2027,"Ġsum":2028,"Ġquestions":2029,"Ġfurther":2030,"====":2031,"iction":2032,"Ġresearc":2033,"son":2034,"ruction":2035,"oney":2036,"Ġprotect":2037,"ĠUS":2038,"ising":2039,"omes":2040,"ried":2041,"Ġever":2042,"cient":2043,"ware":2044,"Ġgoing":2045,"ffic":2046,"Ġdig":2047,"Ġindividuals":2048,"Ġleft":2049,"Ġpath":2050,"Ġaccount":2051,"aken":2052,"oot":2053,"ibr":2054,"ued":2055,"Ġi":2056,"Ġemploy":2057,"type":2058,"ification":2059,"Ġlay":2060,"Ġhigher":2061,"AT":2062,"Ġgrowth":2063,"class":2064,"Ġur":2065,"Ġbig":2066,"Ġ<":2067,"To":2068,"='":2069,"Ġcentury":2070,"ĠNational":2071,"Ġcollect":2072,"Ġfull":2073,"ney":2074,"Ġcountries":2075,"Ġsuper":2076,"._":2077,"amm":2078,"ĠAfric":2079,"aves":2080,"Ġincrease":2081,"Ġsitu":2082,"Ch":2083,"Ġconnect":2084,"rans":2085,"plic":2086,"Ġfund":2087,"ooking":2088,"An":2089,"Ġsure":2090,"Ġstat":2091,"Ġscience":2092,"Ġnever":2093,"Ġrecogn":2094,"erence":2095,"Ġdescrib":2096,"ES":2097,"Ġexc":2098,"Ġphysical":2099,"Ġcy":2100,"ĠMed":2101,"ohn":2102,"Ġside":2103,"add":2104,"reg":2105,"Ġbrain":2106,"Ġhowever":2107,"arl":2108,"Ġplants":2109,"arr":2110,"verse":2111,"Ġdeath":2112,"IN":2113,"ĠBl":2114,"Ġterm":2115,"Ġunique":2116,"Ġespecially":2117,"Ġground":2118,"Ġgroups":2119,"Ġabove":2120,"Ġevent":2121,"There":2122,"Ġactivities":2123,"Ġleast":2124,"Ġmaintain":2125,"Ġthroughout":2126,"Ġcontain":2127,"########":2128,"test":2129,"most":2130,"ault":2131,"elling":2132,"ĠFr":2133,"Ġparticip":2134,"agine":2135,"Ġemb":2136,"ilt":2137,"Ġsubject":2138,"Ġsound":2139,"alse":2140,"Ġnear":2141,"Ġachie":2142,"Ġpersonal":2143,"edi":2144,"sych":2145,"utions":2146,"ĠSc":2147,"Ġmodern":2148,"ready":2149,"lying":2150,"Ġaffect":2151,"sequ":2152,"file":2153,"ON":2154,"Ġpopulation":2155,"Ġdam":2156,"Ġstudies":2157,"Ġneg":2158,"Ġreally":2159,"fact":2160,"Ġrather":2161,"ptoms":2162,"Ġbecame":2163,"ison":2164,"Ġeffects":2165,"Ġreason":2166,"rug":2167,"rect":2168,"ils":2169,"aim":2170,"ites":2171,"mod":2172,"Ġcancer":2173,"Ġquality":2174,"Ġrelig":2175,"Ġliter":2176,"Ġnature":2177,"asc":2178,"Ġ`":2179,"Ġpractice":2180,"rel":2181,"illed":2182,"Ġchem":2183,"Ġloss":2184,"atives":2185,"nces":2186,"ĠBrit":2187,"Ġassociated":2188,"unt":2189,"ises":2190,"Ġpattern":2191,"att":2192,"For":2193,"Ġbuilding":2194,"issue":2195,"Ġansw":2196,"roll":2197,"Ġstre":2198,"Ġcases":2199,"Ġpatients":2200,"ample":2201,"Ġdetail":2202,"Ġsize":2203,"Ġcho":2204,"Ġhold":2205,"Ġsomeone":2206,"Ġvers":2207,"Ġlower":2208,"alf":2209,"Ġgeneral":2210,"AS":2211,"Ġfactors":2212,"overed":2213,"enn":2214,"Ġmillion":2215,"Ġcomes":2216,"Ġexplore":2217,"opy":2218,"Al":2219,"Ġmeet":2220,"Ġalready":2221,"Ġstudent":2222,"eds":2223,"Ġglobal":2224,"rams":2225,"Ġdoc":2226,"\".":2227,"oman":2228,"Ġword":2229,"ene":2230,"ok":2231,"Ġsimple":2232,"inary":2233,"Ġregard":2234,"ript":2235,"Ġnut":2236,"mb":2237,"ID":2238,"Ġintrodu":2239,"Ġcity":2240,"new":2241,"Ġliving":2242,"augh":2243,"Ġsingle":2244,"Ġprob":2245,"iques":2246,"Ġindic":2247,"Ġabs":2248,"Ġmembers":2249,"ĠLe":2250,"Ġwind":2251,"verage":2252,"Ġthemselves":2253,"Ġmaterials":2254,"])":2255,"time":2256,"Ġsource":2257,"Ġtowards":2258,"ips":2259,"ĠWorld":2260,"Ġphot":2261,"Ġproduction":2262,"Ġobserv":2263,"ival":2264,"Ġrespect":2265,"Ġdom":2266,"Ġeither":2267,"Ġonce":2268,"Ġseen":2269,"rad":2270,"Ġdeg":2271,"Ġ/":2272,"ĠX":2273,"anced":2274,"Ġthought":2275,"Ġdeep":2276,"ring":2277,"ĠGerm":2278,"ott":2279,"ung":2280,"leep":2281,"Ġut":2282,"col":2283,"inter":2284,"AR":2285,"iol":2286,"ĠWar":2287,"Ġjob":2288,"Ġaccording":2289,"Ġpay":2290,"Ġhouse":2291,"ley":2292,"Ġresearchers":2293,"Ġdone":2294,"org":2295,"ae":2296,"Ġemot":2297,"Ġinteract":2298,"Ġteam":2299,"hern":2300,"Ġfile":2301,"ened":2302,"Ġver":2303,"Ġcut":2304,"rict":2305,"ĠShe":2306,"ird":2307,"enc":2308,"Ġrequired":2309,"ules":2310,"Ġhelps":2311,"Ġcreated":2312,"Ġactivity":2313,"adem":2314,"earch":2315,"'re":2316,"ipp":2317,"Ġanalysis":2318,"Ġfail":2319,"Ġproducts":2320,"ĠEnglish":2321,"ĠJohn":2322,"epend":2323,"ĠComm":2324,"Ġaspect":2325,"hold":2326,"Ġengine":2327,"Ġinteg":2328,"Ġonline":2329,"Ġlive":2330,"itud":2331,"Ġfall":2332,"Ġnp":2333,"my":2334,"Ġfig":2335,"Ġsymptoms":2336,"Ġmethods":2337,"fully":2338,"Ġfrequ":2339,"Ġmedical":2340,"Ġlot":2341,"Ġmarket":2342,"Ġmanagement":2343,"fer":2344,"go":2345,"otes":2346,"ler":2347,"Ġtot":2348,"Ġeffic":2349,"Ġneeded":2350,"ĠGo":2351,"oose":2352,"Ġaction":2353,"fl":2354,"Ġanimals":2355,"Ġpolitical":2356,"Ġpie":2357,"Ġcirc":2358,"Ġidea":2359,"ivil":2360,"place":2361,"Ġsent":2362,"rand":2363,"Ġevidence":2364,"Ġquick":2365,"Ġflu":2366,"ĊĠĠĠĠ":2367,"ĠStud":2368,"Ġreduce":2369,"Ġtarget":2370,"Ġnecessary":2371,"aries":2372,"Ġbreak":2373,"Ġsociety":2374,"Ġsoft":2375,"Ġsurface":2376,"Ġrecomm":2377,"Ġpopular":2378,"ĠHealth":2379,"Ġcolor":2380,"Ġensure":2381,"Ġred":2382,"ĠPr":2383,"way":2384,"Ġwriting":2385,"load":2386,"Ġrights":2387,"Ġsun":2388,"Ġmass":2389,"Ġactually":2390,"Ġparts":2391,"lt":2392,"key":2393,"Ġmess":2394,"Ġseem":2395,"Ġvalues":2396,"Ġlives":2397,"clusion":2398,"Ġport":2399,"oph":2400,"sp":2401,"list":2402,"bon":2403,"ze":2404,"ĠMay":2405,"Ġsometimes":2406,"yle":2407,"Ġyet":2408,"Ġoffic":2409,"chan":2410,"reng":2411,"Ġclimate":2412,"ulations":2413,"cial":2414,"Ġentire":2415,"aling":2416,"Ġge":2417,"Ġarr":2418,"Ġshare":2419,"Ġincreased":2420,"Ġrate":2421,"Ġcame":2422,"ystem":2423,"Ġapproach":2424,"oration":2425,"Ġresponse":2426,"When":2427,"Ġfriends":2428,"Ġcommunities":2429,"Ġeffective":2430,"Ġsal":2431,"ma":2432,"Ġprovides":2433,"Ġdest":2434,"Ġstress":2435,"Ġencou":2436,"Ġclear":2437,"ĠAm":2438,"ĠAss":2439,"ustom":2440,"Ġbelow":2441,"erous":2442,"Ġimage":2443,"Ġwhole":2444,"ĠWhile":2445,"Ġdoct":2446,"ĠGen":2447,"Ġnational":2448,"Ġsubst":2449,"aged":2450,"ublic":2451,"Ġdeveloped":2452,"ply":2453,"olic":2454,"Ġmeaning":2455,"Ġpressure":2456,"Ġarch":2457,"Ġhealthy":2458,"erve":2459,"OR":2460,"ender":2461,"Ġexerc":2462,"idered":2463,"II":2464,"Ġservices":2465,"Ġevents":2466,"urch":2467,"Ġcontext":2468,"osis":2469,"Ġability":2470,"Ġ%":2471,"acks":2472,"Ġtaken":2473,"Ġincreasing":2474,"Ġcontinue":2475,"ches":2476,"Ġmusic":2477,"Ġmoney":2478,"ores":2479,"lex":2480,"Ġ)":2481,"Ġavoid":2482,"Ġ_":2483,"Ġrelated":2484,"ĠAb":2485,"ttp":2486,"acc":2487,"Ġcompon":2488,"Ġinstead":2489,"Ġadult":2490,"nov":2491,"Ġemerg":2492,"ĠAmerica":2493,"atter":2494,"istance":2495,"Ġstates":2496,"eration":2497,"Ġtaking":2498,"wh":2499,"Ġconsidered":2500,"light":2501,"ctions":2502,"ĠDr":2503,"Ġ|":2504,"Ġtell":2505,"ĠMan":2506,"ĠInt":2507,"ront":2508,"oon":2509,"ĠIntern":2510,"itation":2511,"ength":2512,"ĠGe":2513,"Ġmicro":2514,"imately":2515,"Ex":2516,"Ġculture":2517,"Ġallows":2518,"ges":2519,"amed":2520,"Ġann":2521,"ume":2522,"Ġreview":2523,"Ġarticle":2524,"Ġmach":2525,"Ġcannot":2526,"Ġthera":2527,"ĠSci":2528,"Ġchallenges":2529,"Ġsite":2530,"Ġfive":2531,"Ġpriv":2532,"play":2533,"Ġtraining":2534,"hing":2535,"Ġeconomic":2536,"Ġwhite":2537,"ump":2538,"Ġreading":2539,"ĠCal":2540,"part":2541,"based":2542,"Ġbal":2543,"Ġtechniques":2544,"Ġcheck":2545,"Ġenvironmental":2546,"Ġdrug":2547,"Ġposition":2548,"Ġtools":2549,"ĠAfter":2550,"irm":2551,"Ġmor":2552,"ĠEm":2553,"ai":2554,"Ġbehavior":2555,"Ġtraditional":2556,"Con":2557,"ĠCont":2558,"order":2559,"Ġexcept":2560,"Ġharm":2561,"utes":2562,"init":2563,"ribute":2564,"Ġclos":2565,"ari":2566,"Ġdoing":2567,"aced":2568,"hib":2569,"Ġassess":2570,"het":2571,"iment":2572,"Ġeveryone":2573,"Ġskin":2574,"iddle":2575,"amin":2576,"Ġclean":2577,"come":2578,"like":2579,"Ġcompet":2580,"Ġitself":2581,"ĠSouth":2582,"Ġcomputer":2583,"aving":2584,"Ġbegan":2585,"oes":2586,"Ġpublished":2587,"Ġsense":2588,"eed":2589,"ĠApp":2590,"ĠEarth":2591,"Ġstreng":2592,"uck":2593,"pose":2594,"Ġreact":2595,"But":2596,"aches":2597,"ey":2598,"esc":2599,"ops":2600,"ĠNorth":2601,"pri":2602,"pid":2603,"mber":2604,"Ġweek":2605,"Ġlove":2606,"astic":2607,"itor":2608,"Ġcritical":2609,"iet":2610,"ype":2611,"Ġremain":2612,"Ġweight":2613,"Ġdemon":2614,"fig":2615,"ground":2616,"know":2617,"Ġla":2618,"Ġcondition":2619,"dom":2620,"Ġmeasure":2621,"ĠHist":2622,"empt":2623,"Ġbenefits":2624,"ele":2625,"Ġoffer":2626,"Ġcontent":2627,"aily":2628,"Ġtrue":2629,"Ġaccept":2630,"Ġmatter":2631,"Ġblack":2632,"Ġsepar":2633,"Ġdraw":2634,"Ġbring":2635,"Ġrev":2636,"Ġtook":2637,"Ġmedic":2638,"isc":2639,"Ġprote":2640,"joy":2641,"Ġcultural":2642,"Ġsat":2643,"Ġcat":2644,"Ġfeed":2645,"ĠAct":2646,"Ġexperiences":2647,"Ġinstance":2648,"Ġregular":2649,"ĠAust":2650,"cont":2651,"Ġparents":2652,"Ġcru":2653,"Ġgreen":2654,"Ġhab":2655,"Ġterms":2656,"itary":2657,"bl":2658,"istics":2659,"pite":2660,"args":2661,"Ġconduct":2662,"raft":2663,"Ġoil":2664,"Ġsust":2665,"Ġimplement":2666,"Ġexpress":2667,"yl":2668,"Ġidentify":2669,"Ġcapt":2670,"=\"":2671,"Ġprevious":2672,"ields":2673,"Ġattention":2674,"avor":2675,"back":2676,".)":2677,"Ġstructure":2678,"vere":2679,"EN":2680,"icles":2681,"equ":2682,"You":2683,"Ġstories":2684,"oll":2685,"Ġetc":2686,"itution":2687,"Ġdat":2688,"orks":2689,"Ġproduce":2690,"inf":2691,"text":2692,"ĠGu":2693,"hood":2694,"Ġregion":2695,"Now":2696,"rown":2697,"Ġfish":2698,"head":2699,"Ġdemonstr":2700,"Ġmultiple":2701,"Ġselect":2702,"Wh":2703,"Ġmonths":2704,"One":2705,"ift":2706,"ging":2707,"artment":2708,"ername":2709,"Ġsex":2710,"Ġprovided":2711,"ister":2712,"eb":2713,"Ġdiet":2714,"Ġface":2715,"alu":2716,"Ġforms":2717,"Ġpractices":2718,"Ġtotal":2719,"ĠRep":2720,"IS":2721,"Ġminim":2722,"Ġunit":2723,"Ġdesigned":2724,"Ġsuff":2725,"uel":2726,"Ġcompany":2727,"Ġelements":2728,"Ġindustry":2729,"isions":2730,"Ġpositive":2731,"ror":2732,"Ġcreating":2733,"Ġconsist":2734,"ided":2735,"ĠHis":2736,"Ġhours":2737,"čĊ":2738,"Ġvide":2739,"bo":2740,"Ġreflect":2741,"error":2742,"Ġalmost":2743,"Ġshows":2744,"Ġhalf":2745,"ĠSu":2746,"Ġyourself":2747,"Ġaim":2748,"Ġpsych":2749,"ows":2750,"Ġheav":2751,"ober":2752,"Ġbar":2753,"Ġservice":2754,"Ġparticularly":2755,"é":2756,"ensive":2757,"Ġ__":2758,"date":2759,"Ġfat":2760,"Ġdoesn":2761,"Ġanaly":2762,"Ġsoil":2763,"Ġschools":2764,"Ġrecent":2765,"Ġclaim":2766,"Ġdog":2767,"umn":2768,"Ġfarm":2769,"Ġcontact":2770,"right":2771,"Ġeth":2772,"Ġinvolved":2773,"Ġprograms":2774,"Ġthing":2775,"ners":2776,"Im":2777,"Ġcontribut":2778,"Ġtemperature":2779,"ike":2780,"elt":2781,"Ġmechan":2782,"ĠMore":2783,"irit":2784,"Ġsources":2785,"urs":2786,"True":2787,"Ġsimply":2788,"ĠYour":2789,"[\"":2790,"itle":2791,"thon":2792,"Ġcommit":2793,"rast":2794,"Ġlink":2795,"ese":2796,"hel":2797,"Ġoriginal":2798,"arily":2799,"Ġclose":2800,"Ġsleep":2801,"Ġdeb":2802,"ming":2803,"aff":2804,"ccording":2805,"rim":2806,"Ġeasy":2807,"fil":2808,"iation":2809,"AN":2810,"Ġgas":2811,"Ġer":2812,"ster":2813,"Ġextra":2814,"Ġenjoy":2815,"ties":2816,"Ġheat":2817,"Ġste":2818,"Ġchemical":2819,"ĠPe":2820,"Ġideas":2821,"Ġmax":2822,"ched":2823,"Ġspread":2824,"rage":2825,"Ġenh":2826,"Ġtravel":2827,"ĠMar":2828,"âĢ¦":2829,"čĊĠĠĠĠĠĠĠ":2830,"ription":2831,"rem":2832,"rs":2833,"Ġsurv":2834,"rior":2835,"oin":2836,"Ġbuilt":2837,"ĠNo":2838,"Ġaware":2839,"orpor":2840,"Ġstarted":2841,"Ġled":2842,"Ġissue":2843,"Ġhistorical":2844,"vey":2845,"Ġpict":2846,"ĠDep":2847,"Ġlonger":2848,"Ġfem":2849,"ĠAg":2850,"Ġperformance":2851,"Ġgreater":2852,"Ġstop":2853,"ĠJew":2854,"Ġwritten":2855,"Ġoutside":2856,"Ġinj":2857,"Ġsurround":2858,"Ġmodels":2859,"ĠPar":2860,"porary":2861,"su":2862,"ĠYork":2863,"ounter":2864,"ribution":2865,"enced":2866,"ĠMe":2867,"ension":2868,"Ġaud":2869,"estern":2870,"num":2871,"Ġwild":2872,"Ġcompan":2873,"Ġlands":2874,"Ġbelieve":2875,"Ġpoints":2876,"fect":2877,"rig":2878,"vant":2879,"].":2880,"itute":2881,"ography":2882,"Ġdiagn":2883,"Ġfinanc":2884,"Ġdecl":2885,"Ġbeaut":2886,"Ġcorrect":2887,"ĠState":2888,"ait":2889,"Ġslow":2890,"Ġmovement":2891,"Ġfire":2892,"Ġbehind":2893,"Ġprogress":2894,"curity":2895,"Ġthreat":2896,"Ġassert":2897,"Ġmental":2898,"Ġleading":2899,"yond":2900,"IT":2901,"Ġmedia":2902,"ervation":2903,"ĠResearch":2904,"Ġbooks":2905,"oved":2906,"Ġscientists":2907,"Ġcommunication":2908,"Ġcode":2909,"Ġmom":2910,"Ġones":2911,"opt":2912,"ĠCons":2913,"Ġuser":2914,"Ġremember":2915,"che":2916,"Ġfram":2917,"izations":2918,"ronic":2919,"Ġstandard":2920,"Ġviol":2921,"eters":2922,"ĠCo":2923,"minist":2924,"Ġuses":2925,"Ġevalu":2926,"ĠCanad":2927,"ilies":2928,"Ġcustom":2929,"Ġadapt":2930,"So":2931,"Ġbroad":2932,"Ġtakes":2933,"inating":2934,"apan":2935,"Ġaltern":2936,"Ġfru":2937,"ĠBritish":2938,"issions":2939,"Ġcolle":2940,"Ġdeveloping":2941,"where":2942,"ricult":2943,"rate":2944,"rew":2945,"standing":2946,"ban":2947,"Ġec":2948,"username":2949,"Ġsafety":2950,"Ġstay":2951,"Ġcaused":2952,"ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":2953,"Pro":2954,"Ġnormal":2955,"Ġdaily":2956,"inally":2957,"ached":2958,"ĠLet":2959,"oor":2960,"size":2961,"ologies":2962,"Ġappropri":2963,"Ġwond":2964,"Ġwrite":2965,"Ġnumbers":2966,"Ġgetting":2967,"ades":2968,"Ġgrowing":2969,"reci":2970,"ls":2971,"Ġinside":2972,"Ġhumans":2973,"ĠCar":2974,"rought":2975,"Ġsix":2976,"dd":2977,"Ġincludes":2978,"Ġimportance":2979,"amb":2980,"Ġcauses":2981,"ufact":2982,"Ġpolicy":2983,"ged":2984,"Ġsmo":2985,"Ġ>":2986,"Ġbasic":2987,"Ġanswer":2988,"ĠUs":2989,"Ġleaders":2990,"Ġsafe":2991,"Ġinnov":2992,"ĠNe":2993,"Ġcomplete":2994,"ĠUnder":2995,"chol":2996,"Ġaccur":2997,"Ġreve":2998,"Ġinsp":2999,"ĠPre":3000,"Ġsustain":3001,"word":3002,"Ġprimary":3003,"Ġfeatures":3004,"Ġprep":3005,"bol":3006,"Ġinput":3007,"Ġlate":3008,"Ġ--":3009,"ED":3010,"amples":3011,"Ġlooking":3012,"Ġpage":3013,"Ġwebs":3014,"Ġtalk":3015,"Ġefforts":3016,"ĠPer":3017,"Ġexact":3018,"umb":3019,"IC":3020,"ken":3021,"uth":3022,"ttps":3023,"Ġtax":3024,"Ġachieve":3025,"ament":3026,"ĠMany":3027,"ials":3028,"duc":3029,"pes":3030,"Ġsqu":3031,"fort":3032,"resh":3033,"Ġshap":3034,"Ġguid":3035,"Ġopportunities":3036,"Ġscre":3037,"Up":3038,"Ġthinking":3039,"Ġshape":3040,"tings":3041,"cles":3042,"Ġoverall":3043,"Ġdiv":3044,"Ġinvestig":3045,"Ġindepend":3046,"atively":3047,"Ġvisit":3048,"Ġaverage":3049,"Ġcross":3050,"Ġstru":3051,"ĠFl":3052,"Ġcompared":3053,"Ġvalu":3054,"Ġdamage":3055,"ĠSchool":3056,"Ġshown":3057,"Ġcamp":3058,"Ġearl":3059,"'ll":3060,"Ġappl":3061,"Ġdecision":3062,"haps":3063,"Ġcit":3064,"www":3065,"room":3066,"erson":3067,"Ġstrategies":3068,"ĠQu":3069,"Ġbeyond":3070,"rench":3071,"ounds":3072,"Ġrequires":3073,"itude":3074,"Ġforce":3075,"Ġbacter":3076,"Ġpatterns":3077,"Ġprocesses":3078,"Ġrout":3079,"Ġwid":3080,"Ġkids":3081,"Ġnetwork":3082,"Ġpoll":3083,"Ġful":3084,"ĠJapan":3085,"Ġseries":3086,"By":3087,"gar":3088,"ĠIndia":3089,"term":3090,"Ġwarm":3091,"Ġlo":3092,"Ġbill":3093,"ederal":3094,"ously":3095,"Ġlack":3096,"Ġscientific":3097,"resp":3098,"Ġelectric":3099,"Ġquite":3100,"uments":3101,"Ġtown":3102,"Ġearth":3103,"Ġmagn":3104,"Ġprobably":3105,"ĠSim":3106,"log":3107,"Ġtheory":3108,"ciples":3109,"Ġattempt":3110,"Ġfoods":3111,"Ġquickly":3112,"Ġinternational":3113,"Ġcover":3114,"pper":3115,"Ġrequest":3116,"Ġeverything":3117,"Ġcarbon":3118,"rated":3119,"Ġcollab":3120,"ĠThrough":3121,"Ġcool":3122,"Ġpack":3123,"Ġoutput":3124,"Ġinform":3125,"inct":3126,"ST":3127,"ĠDes":3128,"ream":3129,"asons":3130,"aly":3131,"Ġcolon":3132,"Ġgame":3133,"Ġeat":3134,"met":3135,"čĊĠĠĠ":3136,"append":3137,"cret":3138,"hens":3139,"Ġdocument":3140,"abet":3141,"Ġpredict":3142,"more":3143,"AC":3144,"Ġvisual":3145,"Ġprec":3146,"oday":3147,"Ġappreci":3148,"Ġtri":3149,"Ġforest":3150,"isms":3151,"Ġeasily":3152,"rie":3153,"point":3154,"ĠRet":3155,"Ġago":3156,"vention":3157,"Ġpatient":3158,"Ġbase":3159,"iency":3160,"Ġanimal":3161,"lease":3162,"Ġnight":3163,"ellow":3164,"Ġlif":3165,"iring":3166,"Ġhost":3167,"Ġfamilies":3168,"Ġperspect":3169,"Ġir":3170,"Ġadditional":3171,"Ġvaluable":3172,"illi":3173,"Ġsect":3174,"Ġvariety":3175,"Ġteachers":3176,"idge":3177,"Ġgenerally":3178,"Ġsearch":3179,"Ġwood":3180,"Ġcivil":3181,"Ġdigital":3182,"Ġpoor":3183,"Ġgain":3184,"Ġcou":3185,"Ġveget":3186,"Ġtree":3187,"ilos":3188,"just":3189,"oles":3190,"ĠScience":3191,"ĠReg":3192,"Ġdifference":3193,"erate":3194,"Ġacadem":3195,"ceed":3196,"Ġsoftware":3197,"alking":3198,"Ġserious":3199,"Ġinfluence":3200,"Ġancient":3201,"Ġcrucial":3202,"ĠAustral":3203,"Ġlines":3204,"uge":3205,"AL":3206,"Ġbecomes":3207,"Ġdou":3208,"ession":3209,"vert":3210,"mission":3211,"Ġactive":3212,"Ġreported":3213,"ĠCO":3214,"izes":3215,"Ġfinancial":3216,"Ġmanufact":3217,"igen":3218,"lim":3219,"inks":3220,"value":3221,"\"]":3222,"Ġsituation":3223,"itch":3224,"uild":3225,"osing":3226,"Ġlarger":3227,"ĠMin":3228,"Ġteaching":3229,"Ġfit":3230,"ana":3231,"oud":3232,"encies":3233,"ief":3234,"Ġadded":3235,"ĠArt":3236,"odes":3237,"ĠPres":3238,"ynam":3239,"Ġoptim":3240,"Ġbit":3241,"Ġprin":3242,"Ġcompanies":3243,"Ġhyd":3244,"roup":3245,"Ġsection":3246,"Ġisn":3247,"odies":3248,"Ġincluded":3249,"ha":3250,"Ġestablished":3251,"Ġtable":3252,"Ġapplications":3253,"Ġcalcul":3254,"alls":3255,"RE":3256,"itable":3257,"Ġproviding":3258,"bor":3259,"Ġaspects":3260,"ĠKing":3261,"uries":3262,"Ġox":3263,"Ġtend":3264,"Ġimages":3265,"rial":3266,"Ġremains":3267,"Ġsil":3268,"Ġpowerful":3269,"ancy":3270,"wise":3271,"print":3272,"ucle":3273,"ret":3274,"ĠChina":3275,"Ġprior":3276,"IV":3277,"ĠPart":3278,"Ġapplication":3279,"On":3280,"Ġproduced":3281,"Ġfeet":3282,"ulate":3283,"ĠEuropean":3284,"ille":3285,"Ġbur":3286,"Ġspeak":3287,"Ġhands":3288,"Ġfriend":3289,"Ġfost":3290,"ĠComp":3291,"Ġsecurity":3292,"Ġconflic":3293,"ibrary":3294,"ĠTra":3295,"ception":3296,"Ġ,":3297,"mar":3298,"ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":3299,"ĠFrom":3300,"Ġsteps":3301,"Ġhor":3302,"Ġgard":3303,"emporary":3304,"ĠJust":3305,"Ġconcent":3306,"anks":3307,"lands":3308,"Ġbad":3309,"Ġthus":3310,"Ġmention":3311,"phas":3312,"Ġult":3313,"ĠCount":3314,"ĠDo":3315,"Ġep":3316,"Ġtransport":3317,"Ġsoon":3318,"Ġdirectly":3319,"Ġreligious":3320,"cks":3321,"Ġthous":3322,"Ġeye":3323,"Ġquant":3324,"care":3325,"enge":3326,"\"\"\"":3327,"med":3328,"Ġvirus":3329,"Ġspirit":3330,"ĠRuss":3331,"rror":3332,"bit":3333,"Ġsn":3334,"ino":3335,"Ġimmedi":3336,"ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":3337,"itect":3338,"Ġang":3339,"Ġdang":3340,"Ġvideo":3341,"arv":3342,"uff":3343,"requ":3344,"ev":3345,"Ġdetermine":3346,"ran":3347,"Ġestablish":3348,"ĠNot":3349,"Ġappropriate":3350,"ĠÂ":3351,"mat":3352,"ying":3353,"Ċĉ":3354,"Ġrelationships":3355,"Ġast":3356,"Ġbelief":3357,"Ġresponsible":3358,"Ġprojects":3359,"ĠPol":3360,"ĠMy":3361,"Ġoffers":3362,"Ġgot":3363,"ience":3364,"Ġnamed":3365,"Ġfasc":3366,"Ġestim":3367,"Ġwaste":3368,"Ġdiseases":3369,"Ġgradu":3370,"Ġconvers":3371,"Ġrules":3372,"Ġplaces":3373,"Ġfoot":3374,"Ġcele":3375,"ifically":3376,"Ġexpos":3377,"Ġos":3378,"Ġmother":3379,"Ġhot":3380,"Ġdevices":3381,"Ġpropos":3382,"Ġbab":3383,"Ġdiverse":3384,"Ġmilitary":3385,"Ġrefer":3386,"Ġagree":3387,"Ġexercise":3388,"ĠDis":3389,"Ġproced":3390,"assert":3391,"Ġincorpor":3392,"Ġexpected":3393,"Ġ@":3394,"ĠEd":3395,"Ġtrying":3396,"Ġinstall":3397,"Ġroad":3398,"Ġsus":3399,"Ġrates":3400,"Ġobjects":3401,"Ġcomplet":3402,"Ġfinal":3403,"hors":3404,"orders":3405,"Ġcred":3406,"Ġdecre":3407,"Ġheld":3408,"inated":3409,"Ġnav":3410,"dict":3411,"Ġmix":3412,"Ġasked":3413,"Ġattack":3414,"Ġexploring":3415,"Ġoptions":3416,"Ġtrees":3417,"Ġinterpre":3418,"Ġseems":3419,"ecause":3420,"Ġcard":3421,"illing":3422,"Ġund":3423,"Ġsuccessful":3424,"Ġlegal":3425,"Ġsea":3426,"Ġstrugg":3427,"Ġrich":3428,"ĠEduc":3429,"off":3430,"Ġtypically":3431,"ĠFrench":3432,"Ġfront":3433,"Ġmis":3434,"Ġlimited":3435,"hemat":3436,"comp":3437,"ET":3438,"Ġcomponents":3439,"iful":3440,"ĠGl":3441,"Ġnation":3442,"ding":3443,"Ġjourney":3444,"Ġinvolves":3445,"Ġpurpose":3446,"used":3447,"writ":3448,"Ġwhose":3449,"ĠCour":3450,"Ġvacc":3451,"Ġhighly":3452,"Ġrob":3453,"ellig":3454,"Ġbreat":3455,"Ġfavor":3456,"Ġjud":3457,"rong":3458,"Ġsold":3459,"life":3460,"Res":3461,"inst":3462,"inate":3463,"Ġthird":3464,"Ġuseful":3465,"Ġcentral":3466,"Ġraise":3467,"Ġperfect":3468,"dir":3469,"Ġreach":3470,"istry":3471,"Ġtherefore":3472,"At":3473,"Ġstri":3474,"Ġclin":3475,"Ġdevice":3476,"format":3477,"Ġobtain":3478,"ĠJu":3479,"Ġexamples":3480,"iles":3481,"None":3482,"ĠAlthough":3483,"oming":3484,"Ġlearned":3485,"ĠAfrican":3486,"Ġminutes":3487,"ĠHer":3488,"oat":3489,"uman":3490,"Ġgoal":3491,"df":3492,"ipment":3493,"param":3494,"atform":3495,"Ġlabor":3496,"Ġeyes":3497,"Ġdry":3498,"Ġcosts":3499,"Ġmemory":3500,"Ġproperty":3501,"Ġcontinu":3502,"ĠMod":3503,"eks":3504,"Error":3505,"Ġfair":3506,"Ġvit":3507,"ĠFirst":3508,"Ġload":3509,"water":3510,"ĠSm":3511,"Step":3512,"ĠOf":3513,"Ġwent":3514,"Ġtransform":3515,"Ġdemand":3516,"========":3517,"ĠAfrica":3518,"Ġlength":3519,"change":3520,"overy":3521,"Section":3522,"Ġsevere":3523,"Ġnegative":3524,"Ġchoose":3525,"rap":3526,"Ġcommunic":3527,"And":3528,"ĠMost":3529,"ĠIndian":3530,"Ġmonth":3531,"Ġchapter":3532,"asks":3533,"Ġanything":3534,"Ġrespond":3535,"ĠAc":3536,"attle":3537,"Ġfast":3538,"Ġrapid":3539,"ashing":3540,"cape":3541,"Ġprotection":3542,"'ve":3543,"Ġprofessional":3544,"iot":3545,"na":3546,"Ġspeed":3547,"Ġsequ":3548,"useum":3549,"ĠOther":3550,"Ġalthough":3551,"urg":3552,"Ġparam":3553,"ĠChristian":3554,"Ġcateg":3555,"Ġexplain":3556,"Ġpan":3557,"Ċĉĉ":3558,"Ġstatus":3559,"Ġvia":3560,"Ġfa":3561,"Ġnovel":3562,"lation":3563,"Ġsolution":3564,"cean":3565,"ml":3566,"ĠJan":3567,"Ġfight":3568,"ĠNow":3569,"Ġmount":3570,"Ġsignificantly":3571,"ocks":3572,"Ġsymbol":3573,"fficient":3574,"Ġcapital":3575,"ech":3576,"Ġsupply":3577,"Ġcontribute":3578,"ĠRem":3579,"Ġcam":3580,"Ġdifferences":3581,"Ġcapac":3582,"Ġbehavi":3583,"Ġregarding":3584,"undred":3585,"Ġversion":3586,"ager":3587,"Ġcommand":3588,"Ġroom":3589,"Ġlost":3590,"comment":3591,"oe":3592,"Ġcontains":3593,"ĠTechn":3594,"state":3595,"ĠVal":3596,"Ġhabit":3597,"Ġadults":3598,"Ġwide":3599,"Ġshared":3600,"Ġautom":3601,"Ġadvant":3602,"Cl":3603,"iny":3604,"Ġdark":3605,"ĠMus":3606,"Ġbound":3607,"Ġblock":3608,"ius":3609,"year":3610,"Ġconsequ":3611,"Ġcitiz":3612,"rition":3613,"roduction":3614,"omet":3615,"Ġbeginning":3616,"uk":3617,"Ġprinciples":3618,"uary":3619,"Ġworkers":3620,"Ġbrought":3621,"Ġhttp":3622,"Ġing":3623,"Ġemphas":3624,"Ġencourag":3625,"Ġstructures":3626,"ĠAug":3627,"ĠJes":3628,"Ġusers":3629,"Ġbalance":3630,"Ġcarry":3631,"Ġstage":3632,"Ġdim":3633,"Ġtrust":3634,"ĠTrue":3635,"ĠOver":3636,"cious":3637,"iter":3638,"Ġveh":3639,"____":3640,"wide":3641,"Ġtests":3642,"Ġactions":3643,"ĠCenter":3644,"Ġseason":3645,"Ġprivate":3646,"Ġexec":3647,"Ġdoctor":3648,"erences":3649,"ĠGree":3650,"Ġsec":3651,"sect":3652,"iers":3653,"Ġforces":3654,"Ġappe":3655,"Ġreceived":3656,"Ġliterature":3657,"Ġdiscovered":3658,"with":3659,"iforn":3660,"Ġnews":3661,"gn":3662,"acters":3663,"Ġagricult":3664,"Ġaccom":3665,"Ġmag":3666,"osition":3667,"Ġtim":3668,"Ġneigh":3669,"Ġgraph":3670,"oting":3671,"Ġacid":3672,"Ġlimit":3673,"Ġdefin":3674,"Ġcontinued":3675,"idents":3676,"Ġprotein":3677,"Ġhon":3678,"Ġadminist":3679,"Ġsaw":3680,"He":3681,"unction":3682,"Ġdidn":3683,"Ġinteresting":3684,"Ġearlier":3685,"ios":3686,"Ġbirth":3687,"Ġdate":3688,"ĠWest":3689,"Ġder":3690,"Ġfunctions":3691,"ĠMon":3692,"Ġsolar":3693,"Ġdiscover":3694,"Ġlocation":3695,"Ġfear":3696,"ĠGerman":3697,"ĠOur":3698,"ocol":3699,"EC":3700,"ĠTw":3701,"Ġvirt":3702,"Ġforward":3703,"unch":3704,"Ġfields":3705,"Un":3706,"Ġlaws":3707,"udd":3708,"EM":3709,"Ġreasons":3710,"Ġleaves":3711,"Ġcenter":3712,"ĠII":3713,"Ġmessage":3714,"abetes":3715,"Ġinfection":3716,"ĠĊ":3717,"zz":3718,"efore":3719,"Ġorganizations":3720,"estic":3721,"Ġcra":3722,"Ġitems":3723,"Ġbenefit":3724,"```":3725,"ĠHere":3726,"Ġteach":3727,"Ġtesting":3728,"ternal":3729,"Ġrecommend":3730,"aught":3731,"Ġmole":3732,"Re":3733,"():":3734,"Ġtrade":3735,"Ġmeasures":3736,"Ġweeks":3737,"start":3738,"omy":3739,"ky":3740,"Ġemp":3741,"ĠEven":3742,"Ġteacher":3743,"ifornia":3744,"Ġbra":3745,"Ġmachine":3746,"Ġcompre":3747,"Ġvo":3748,"Ġdepend":3749,"Com":3750,"Ġtherapy":3751,"Ġroot":3752,"Ġresource":3753,"Ġconstruct":3754,"aid":3755,"ĠGreat":3756,"###":3757,"Ġefficient":3758,"abilities":3759,"ĠHistory":3760,"ser":3761,"__(":3762,"Ġwon":3763,"Ġsmaller":3764,"ĠDevelop":3765,"Ġprop":3766,"book":3767,"ĠEach":3768,"arian":3769,"Ġcontroll":3770,"votes":3771,"Ġten":3772,"ula":3773,"ĠInstitute":3774,"Ġchallenge":3775,"ĠChild":3776,"Ġapply":3777,"ĠAnt":3778,"ought":3779,"Ar":3780,"plit":3781,"pril":3782,"Ġtold":3783,"Ġcopy":3784,"Ġegg":3785,"Ġshall":3786,"Ġopportunity":3787,"Ġillust":3788,"ditionally":3789,"ĠTrans":3790,"Ġinitial":3791,"ira":3792,"ony":3793,"Ġessay":3794,"Ġdeal":3795,"Ġreceive":3796,"config":3797,"Ġdynam":3798,"ancing":3799,"Ġpiece":3800,"Ġeating":3801,"rote":3802,"Ġauthors":3803,"bre":3804,"ĊĠ":3805,"que":3806,"Ġlocated":3807,"Ġvict":3808,"Ġserve":3809,"Ġphilos":3810,"Ġthr":3811,"Ġassign":3812,"Ġequipment":3813,"Ġ\\":3814,"Ġdegree":3815,"''":3816,"Ġwebsite":3817,"ĠInternational":3818,"Upvotes":3819,"ĠDepartment":3820,"atur":3821,"Ġhundred":3822,"apers":3823,"Ġnumerous":3824,"With":3825,"Ġhope":3826,"Ġutil":3827,"ĠCommun":3828,"ĠSystem":3829,"ournal":3830,"max":3831,"Ġexisting":3832,"Ġdisplay":3833,"Ġnames":3834,"coh":3835,"Ġconstant":3836,"ĠSw":3837,"irection":3838,"âĢ¢":3839,"Ġax":3840,"Ġdetails":3841,"Ġrepl":3842,"outhern":3843,"Ġjournal":3844,"ingu":3845,"################":3846,"Ġmoment":3847,"airs":3848,"Ġproperties":3849,"Ġconcepts":3850,"Ġiniti":3851,"gram":3852,"ulated":3853,"Ġcollection":3854,"ĠTheir":3855,"Ġtask":3856,"ĠOct":3857,"Ġlen":3858,"inese":3859,"Ġsolutions":3860,"Ġrare":3861,"ĠLear":3862,"Ġconcerns":3863,"known":3864,"Ġfeature":3865,"Ġarchitect":3866,"Ġeffort":3867,"ĠServ":3868,"Ġexactly":3869,"Ġcharacters":3870,"Ġalg":3871,"AP":3872,"Ġdescribed":3873,"urt":3874,"ĠThen":3875,"Ġexpand":3876,"Ġweb":3877,"Ġnothing":3878,"Ġsites":3879,"eper":3880,"rogen":3881,"ocr":3882,"ensity":3883,"Ġdecisions":3884,"Ġexposure":3885,"ĠJesus":3886,"Ġscen":3887,"index":3888,"ĠCalifornia":3889,"Ġconnection":3890,"Ġmiddle":3891,"Ġburn":3892,"Ġbott":3893,"Ġgives":3894,"Ġdead":3895,"Ġnarr":3896,"ĠDuring":3897,"Ġsave":3898,"igenous":3899,"Ġaffected":3900,"Ġconstruction":3901,"These":3902,"ĠMarch":3903,"Ġorganization":3904,"Ġidentity":3905,"ĠEl":3906,"AD":3907,"Ġice":3908,"Ġinstru":3909,"Ġallowing":3910,"RO":3911,"Ġcontemporary":3912,"ĠAmericans":3913,"ĊĠĠĠĠĠ":3914,"Ġnucle":3915,"ests":3916,"Ġallowed":3917,"elines":3918,"usion":3919,"Ġnearly":3920,"Ġmid":3921,"Ġfollowed":3922,"ibly":3923,"ned":3924,"Ġplanet":3925,"Ġacqu":3926,"uration":3927,"Ġrecently":3928,"ĠWell":3929,"Ġhimself":3930,"Ġmut":3931,"Ġhous":3932,"Ġmaxim":3933,"Ġleave":3934,"Ġgoes":3935,"works":3936,"urb":3937,"Ġrule":3938,"Ġbacteria":3939,"Ġmig":3940,"Ġplatform":3941,"Ġswe":3942,"Ġolder":3943,"orthern":3944,"ME":3945,"Ġplanning":3946,"Ġweather":3947,"Ġguide":3948,"Ġgoals":3949,"ĠRed":3950,"xi":3951,"comes":3952,"Ġbeautiful":3953,"Ġreduced":3954,"ero":3955,"Ġmiss":3956,"Ġded":3957,"orage":3958,"ĠAccording":3959,"pan":3960,"Ġfresh":3961,"Ġconnections":3962,"Ġtechnologies":3963,"Ġscale":3964,"While":3965,"vis":3966,":**":3967,"itis":3968,"Ġbackground":3969,"ĠHol":3970,"Ġinfect":3971,"Ġhol":3972,"och":3973,"Ġstandards":3974,"Ġpow":3975,"mosp":3976,"Ġfuel":3977,"rees":3978,"ogle":3979,"model":3980,"loc":3981,"Ġsugar":3982,"gy":3983,"Ġheard":3984,"Ġbox":3985,"tes":3986,"Ġfib":3987,"Ġborn":3988,"ilit":3989,"Ġsurrounding":3990,"aled":3991,"ĠRiver":3992,"Ġvalid":3993,"Ġbul":3994,"Ġlargest":3995,"ĠEngland":3996,"Ġstyle":3997,"ulum":3998,"Ġnavig":3999,"ogen":4000,"Ġqual":4001,"plications":4002,"Ġdivers":4003,"ĠCanada":4004,"cons":4005,"Ġrelevant":4006,"Ġcore":4007,"ags":4008,"see":4009,"Ġcelebr":4010,"Ġcold":4011,"Ġperhaps":4012,"Ġfascinating":4013,"rael":4014,"Ġhyp":4015,"Ġalone":4016,"Ġden":4017,"Ġsummer":4018,"ĠJune":4019,"ĠFurther":4020,"force":4021,"Ġrock":4022,"ĠInter":4023,"reme":4024,"Ġeffectively":4025,"iliar":4026,"ĠOnce":4027,"Ġmember":4028,"Ġ}":4029,"Ġbasis":4030,"Ġapprox":4031,"Ġconfig":4032,"Ġpeace":4033,"Ġgender":4034,"Ġapplied":4035,"Ġcompletely":4036,"Ġequal":4037,"Int":4038,"rupt":4039,"Ġstra":4040,"Ġdecided":4041,"ĠIS":4042,"ĠSept":4043,"ffect":4044,"edom":4045,"mitted":4046,"Ġelement":4047,"Ġworth":4048,"Ġtou":4049,"aste":4050,"Ġcoast":4051,"Ġdistance":4052,"ĠAugust":4053,"Ġsetting":4054,"can":4055,"ĠKe":4056,"Ġpolicies":4057,"Ġpromote":4058,"ĠAssoci":4059,"Ġdefault":4060,"Ġwrong":4061,"mp":4062,"ĠPress":4063,"Ġcoll":4064,"men":4065,"ros":4066,"Ġpurch":4067,"ounc":4068,"Ġinvolve":4069,"Ġlayer":4070,"atus":4071,"Ġacademic":4072,"Ġdistinct":4073,"Ġprinc":4074,"ara":4075,"ĠUse":4076,"Ġteeth":4077,"Ġcop":4078,"Ġfindings":4079,"Ġpy":4080,"Ġnorth":4081,"ht":4082,"Ġfather":4083,"Ġtru":4084,"--------------------------------":4085,"cipl":4086,"Ġdetect":4087,"iding":4088,"Ġhosp":4089,"Ġfully":4090,"edia":4091,"info":4092,"user":4093,"ĠDav":4094,"Ġrise":4095,"Ġeducational":4096,"ĠChinese":4097,"Ġanti":4098,"ico":4099,"Ġsurg":4100,"era":4101,"Ġcand":4102,"sub":4103,"ĠToday":4104,"CO":4105,"Ġemail":4106,"Ġfix":4107,"Ġrunning":4108,"Ġnote":4109,"Ġfigure":4110,"ĠEducation":4111,"Ġcurrently":4112,"rical":4113,"âĢĿ.":4114,"ĠDay":4115,"conn":4116,"Ġmathemat":4117,"Ġeconomy":4118,"Ġmath":4119,"Ġsigns":4120,"ĠWilli":4121,"Ġemotional":4122,"ees":4123,"ĠApril":4124,"cohol":4125,"Ġwatch":4126,"ica":4127,"Ġrepe":4128,"izer":4129,"lam":4130,"itutions":4131,"Ġson":4132,"Ġinstruct":4133,"hest":4134,"Ġbodies":4135,"Ġimag":4136,"Ġenter":4137,"Ġmoving":4138,"ĠMc":4139,"Ġprofession":4140,"Ġmap":4141,"Ġmob":4142,"Ġrisks":4143,"Ġpet":4144,"Ġgiving":4145,"Ġwanted":4146,"Ġworked":4147,"Ġschol":4148,"Ġoccurs":4149,"Ġwrote":4150,"([":4151,"len":4152,"AM":4153,"aul":4154,"ĠConst":4155,"Ġjoint":4156,"ford":4157,"Ġmiles":4158,"Ġinsights":4159,"Ġcomfort":4160,"Ġlived":4161,"Ġevolution":4162,"Ġmaster":4163,"ĠRead":4164,"ta":4165,"Ġwoman":4166,"Ġcoming":4167,"Ġalternative":4168,"Ġcry":4169,"Ġspecifically":4170,"ION":4171,"Ġassum":4172,"ĠPark":4173,"Ġreality":4174,"Ġord":4175,"hab":4176,"Ġpicture":4177,"ĠFalse":4178,"Ġextrem":4179,"Ġpassed":4180,"idden":4181,"Is":4182,"rab":4183,"ĠAre":4184,"ĠJuly":4185,"Ġfactor":4186,"Ġchoice":4187,"ĠSoci":4188,"Ġlat":4189,"Ġcapacity":4190,"ĠGovern":4191,"IL":4192,"ashington":4193,"pped":4194,"Ġoccup":4195,"rief":4196,"Ġking":4197,"yd":4198,"Ġcities":4199,"ping":4200,"Ġgir":4201,"ĠCur":4202,"Ġsouth":4203,"Ġintellig":4204,"net":4205,"ĠCity":4206,"Ġcompar":4207,"trans":4208,"ĠPat":4209,"EL":4210,"Ġadjust":4211,"Ġfinding":4212,"Ġtrend":4213,"Ġcontract":4214,"run":4215,"Ġphen":4216,"Ġgenetic":4217,"Ġindex":4218,"Ġimagine":4219,"Ġsurpr":4220,"ondon":4221,"ĠChurch":4222,"icip":4223,"craft":4224,"Ġdistribution":4225,"lin":4226,"aur":4227,"ĠPeople":4228,"ĠUnderstanding":4229,"Ġrand":4230,"Ġgold":4231,"ama":4232,"Ġfaith":4233,"Ġtopic":4234,"related":4235,"ename":4236,"Ġassist":4237,"Ġweak":4238,"Let":4239,"Ġcitizens":4240,"bal":4241,"Ġdied":4242,"oses":4243,"Ġsociet":4244,"False":4245,"ĠTest":4246,"Ġchanged":4247,"Ġfamous":4248,"Ġstore":4249,"ĠDon":4250,"Ġfederal":4251,"Ġgames":4252,"**:":4253,"norm":4254,"Ġbirds":4255,"ham":4256,"anging":4257,");":4258,"wards":4259,"mark":4260,"Ġoperations":4261,"Ġillness":4262,"Ġfemale":4263,"ĠHigh":4264,"board":4265,"ses":4266,"ĠPresident":4267,"elcome":4268,"tical":4269,"ching":4270,"Ġrefers":4271,"ias":4272,"ĠIsrael":4273,"Ġnutri":4274,"ares":4275,"Ġresistance":4276,"Ġactual":4277,"Ġcommonly":4278,"ĠCong":4279,"ĠJournal":4280,"ĠChapter":4281,"array":4282,"Ġhappens":4283,"Ġcommerc":4284,"Ġeasier":4285,"Ġregions":4286,"Ġsexual":4287,"cast":4288,"'.":4289,"ĠBlack":4290,"ĠChar":4291,"Ġrequirements":4292,"enty":4293,"Ġplaced":4294,"Ġbecoming":4295,"Ġdeeper":4296,"orith":4297,"rid":4298,"Ġstrength":4299,"à¤":4300,"Ġatmosp":4301,"Ġformer":4302,"rix":4303,"going":4304,"cember":4305,"Ġexhib":4306,"Ġhelping":4307,"Ġexperiment":4308,"Ġrat":4309,"comm":4310,"ĠSince":4311,"xiety":4312,"Ġpresence":4313,"anish":4314,"Ġsample":4315,"ructure":4316,"Ġhappen":4317,"ifying":4318,"Ġprice":4319,"Ġtrack":4320,"zing":4321,"Ġpregn":4322,"Ġpopulations":4323,"Ġevol":4324,"Ġanyone":4325,"do":4326,"Ġthousands":4327,"Ġexcess":4328,"Ġidentified":4329,"Ġfeeling":4330,"Ġformed":4331,"ĠChe":4332,"Ġmonit":4333,"Ġvital":4334,"Ġstarting":4335,"Ġdrugs":4336,"Ġsem":4337,"Ġunivers":4338,"Ġwinter":4339,"Ġchanging":4340,"Ġvary":4341,"Ġshowed":4342,"Ġurban":4343,"aign":4344,"Ġreducing":4345,"Ġrot":4346,"Ġsharing":4347,"Ġdiabetes":4348,"Ġprepar":4349,"call":4350,"Ġremove":4351,"Ġexpression":4352,"ĠUnion":4353,"Ġfruit":4354,"Ġdefined":4355,"ĠMex":4356,"omb":4357,"ĠLab":4358,"Ġforeign":4359,"Ġcounter":4360,"aters":4361,"Ġopin":4362,"ĠSpec":4363,"Ġgets":4364,"ĠEast":4365,"Ġtopics":4366,"Ġsolid":4367,"Ġlabel":4368,"Ġrandom":4369,"Sh":4370,"dis":4371,"ĠTr":4372,"Ġattract":4373,"eline":4374,"ĠLaw":4375,"Ġdirection":4376,"Ġunf":4377,"Ġadvanced":4378,"Ġhealthcare":4379,"Ġeventually":4380,"Ġtasks":4381,"Ġmal":4382,"ĠVir":4383,"ĠDNA":4384,"field":4385,"Ġletter":4386,"gs":4387,"Ġmouth":4388,"Ġ[]":4389,"ache":4390,"iveness":4391,"ĠCounty":4392,"Se":4393,"etime":4394,"Ġconnected":4395,"Ġcomprehens":4396,"Ġtox":4397,"Ġwa":4398,"gl":4399,"ouncil":4400,"Ġfeelings":4401,"roy":4402,"Ġsituations":4403,"house":4404,"Ġball":4405,"Ġplans":4406,"Ġvill":4407,"Ġadvance":4408,"semb":4409,"ovember":4410,"Ġboard":4411,"Ġfilled":4412,"np":4413,"ĠJewish":4414,"Ġmentioned":4415,"Ġhair":4416,"Ġimmune":4417,"Ġstim":4418,"Ġreaders":4419,"ĠAlso":4420,"Ġready":4421,"Ġresulting":4422,"Ġpen":4423,"Ġunc":4424,"Ġawareness":4425,"Ġconsumption":4426,"iable":4427,"train":4428,"ĠPy":4429,"Ġpartners":4430,"Ġlessons":4431,"Ġhop":4432,"Ġglass":4433,"orb":4434,"Ġdespite":4435,"Ġbond":4436,"lay":4437,"ĠWashington":4438,"Ġcausing":4439,"Ġsort":4440,"ightly":4441,"PA":4442,"Ġpieces":4443,"ĠĠĠĠĠ":4444,"Ġtrain":4445,"Ġconclusion":4446,"Ġseparate":4447,"ĠSeptember":4448,"Some":4449,"ĠJanuary":4450,"ĠOctober":4451,"hips":4452,"Ġign":4453,"ĠAdditionally":4454,"Ġsac":4455,"Ġlib":4456,"cking":4457,"ĠConf":4458,"ĠBi":4459,"However":4460,"Ġblue":4461,"Ġtele":4462,"Ġbed":4463,"Ġplaying":4464,"amental":4465,"encing":4466,"Ġthoughts":4467,"Ġchance":4468,"ĠRoman":4469,"ether":4470,"Ġspect":4471,"Ġexperim":4472,"Ġdial":4473,"atin":4474,"Ġeight":4475,"Ġtechnique":4476,"iest":4477,"Ġpref":4478,"ped":4479,"Ġgarden":4480,"Ġinterpret":4481,"rops":4482,"pected":4483,"Ġbelieved":4484,"Ġapproaches":4485,"Ġexperienced":4486,"ube":4487,"down":4488,"Ġinfl":4489,"ĠAut":4490,"Ġpick":4491,"Ġid":4492,"HE":4493,"Ġvision":4494,"Ġincreases":4495,"ĠDef":4496,"ĠArch":4497,"dat":4498,"ĠBo":4499,"Ġhom":4500,"US":4501,"Ġgave":4502,"Ad":4503,"Ġstaff":4504,"Ġrow":4505,"rant":4506,"Ġexpert":4507,"rick":4508,"Ġdepending":4509,"Ġsustainable":4510,"Ġmanage":4511,"ophy":4512,"Ġmedicine":4513,"Ġerror":4514,"OT":4515,"Ġbaby":4516,"Ġencourage":4517,"All":4518,"Ġ+=":4519,"Ġcultures":4520,"ĠGermany":4521,"rome":4522,"Ġbelong":4523,"Ġcompl":4524,"input":4525,"Ġdivid":4526,"Ġmission":4527,"ĠLondon":4528,"Ġpresented":4529,"Ġoutcomes":4530,"OS":4531,"ĠFeb":4532,"Ġbillion":4533,"Ġnative":4534,"Ġprofessor":4535,"iance":4536,"Ġobserved":4537,"Ġchurch":4538,"Ġcontrast":4539,"Ġfrequently":4540,"Ġappears":4541,"Ġcogn":4542,"Ġrelatively":4543,"ĠRel":4544,"PS":4545,"Ġincome":4546,"Ġclasses":4547,"Ġ{}":4548,"Ġwalk":4549,"raction":4550,"ographic":4551,"arser":4552,"lor":4553,"Ġbusinesses":4554,"Ġengage":4555,"Ġcolumn":4556,"respond":4557,"Ġwonder":4558,"Ġmajority":4559,"orch":4560,"Ġconv":4561,"Ġemissions":4562,"Ġ...":4563,"hand":4564,"fe":4565,"Ġplays":4566,"Ġsuggests":4567,"resents":4568,"Ġtruth":4569,"gra":4570,"Ġbuy":4571,"Ġdiscussion":4572,"Ġhelped":4573,"asion":4574,"Ġlanguages":4575,"ĠProf":4576,"Ġfiles":4577,"alt":4578,"url":4579,"rieved":4580,"Ġonto":4581,"After":4582,"alle":4583,"Ġcircum":4584,"Ġrecords":4585,"Ph":4586,"tered":4587,"Ġadvent":4588,"urance":4589,"Here":4590,"Ġheavy":4591,"Ġfelt":4592,"ris":4593,"Ġreference":4594,"Ġtissue":4595,"ĠThus":4596,"Ġcoord":4597,"Ġsounds":4598,"Ġcreation":4599,"cap":4600,"ressive":4601,"čĊĠĠĠĠĠĠĠĠĠĠĠ":4602,"ĠBar":4603,"Ġprocessing":4604,"antic":4605,"Ġap":4606,"no":4607,"Ġoffice":4608,"orge":4609,"Ġtransfer":4610,"Ġinternal":4611,"hetic":4612,"Ġplastic":4613,"Ġheight":4614,"gypt":4615,"Ġcharacteristics":4616,"ĠAustralia":4617,"ĠCor":4618,"ygen":4619,"flow":4620,"abase":4621,"Ġoption":4622,"ĠSom":4623,"Ġformat":4624,"Ġfert":4625,"Ġriver":4626,"ĠEnvironment":4627,"UT":4628,"Ġimproved":4629,"ĠSur":4630,"Ġreports":4631,"qual":4632,"cular":4633,"Ġincreasingly":4634,"code":4635,"Ġâ":4636,"uit":4637,"level":4638,"count":4639,"Ġprefer":4640,"ĠWestern":4641,"Ġturned":4642,"ĠWater":4643,"annel":4644,"ĠDecember":4645,"arning":4646,"Ġmotiv":4647,"othes":4648,"ĠFrance":4649,"Ġdisorder":4650,"ĠBecause":4651,"Ġliqu":4652,"ĠSan":4653,"Ġimmediately":4654,"Ġsav":4655,"icon":4656,"Ġalcohol":4657,"Ġnotes":4658,"Ġensuring":4659,"ĠGeneral":4660,"Ġdisorders":4661,"Ġmist":4662,"ributed":4663,"ĠUK":4664,"Ġengineering":4665,"Ġmuscle":4666,"action":4667,"Ġclinical":4668,"Ġrepresents":4669,"Ġclassroom":4670,"vision":4671,"Ġmale":4672,"iced":4673,"Ġindustrial":4674,"Ġgene":4675,"rame":4676,"Ġrace":4677,"Ġconflict":4678,"Ġinstitutions":4679,"ded":4680,"ĠSol":4681,"rest":4682,"Ġcolors":4683,"pat":4684,"ĠMedic":4685,"Ġgeneration":4686,"https":4687,"Ġiron":4688,"Ġvul":4689,"Ġalgorith":4690,"des":4691,"Ġdiversity":4692,"Ġanxiety":4693,"Ġinterests":4694,"Ġenhance":4695,"Ġdive":4696,"Ġparticipants":4697,"Ġelif":4698,"ĠHouse":4699,"ĠExpl":4700,"icense":4701,"ĠSociety":4702,"Ġjo":4703,"road":4704,"ilarly":4705,"Ġrelease":4706,"ruary":4707,"Ġcollege":4708,"being":4709,"Ġtransl":4710,"Ġhomes":4711,"ĠData":4712,"Ġcommercial":4713,"Ġtrig":4714,"plot":4715,"ref":4716,"ensions":4717,"Ġmetal":4718,"Ġmaintaining":4719,"Ġantib":4720,"ĠDi":4721,"Ġ->":4722,"Ġapproximately":4723,"osystem":4724,"ologists":4725,"Ġwin":4726,"Ġintroduced":4727,"ING":4728,"rations":4729,"ĠUnit":4730,"ĠAng":4731,"Ġparty":4732,"Ġleads":4733,"Ġelim":4734,"ails":4735,"ĠInstead":4736,"Ġviolence":4737,"Ġreligion":4738,"Ġchallenging":4739,"Ġfacilit":4740,"Ġremov":4741,"°":4742,"object":4743,"Ġingred":4744,"ĠNovember":4745,"ixt":4746,"aset":4747,"Ġconsequences":4748,"Ġvast":4749,"azing":4750,"Ġmeeting":4751,"Ġmo":4752,"ishing":4753,"ĠEgypt":4754,"oding":4755,"Ġdecades":4756,"Ġbreast":4757,"ĠSocial":4758,"Ġstorage":4759,"Ġadvoc":4760,"acing":4761,"empl":4762,"Ġclearly":4763,"Ġtemperatures":4764,"Ġjustice":4765,"Ġfreedom":4766,"ĊĊĠĠĠĠĠĠĠĠĠĠĠ":4767,"ords":4768,"icated":4769,"Ġtour":4770,"Ġfilm":4771,"Ġcourt":4772,"uses":4773,"Ġpp":4774,"Ġaren":4775,"Ġhuge":4776,"Ġnutrition":4777,"Ġspeech":4778,"Ġterrit":4779,"eding":4780,"ĠIts":4781,"Ġfocused":4782,"Ġinsect":4783,"Ġunits":4784,"Ġmulti":4785,"Ġpractical":4786,"ĠSee":4787,"Ġmilk":4788,"Ġbuildings":4789,"ĠMoreover":4790,"Ġindependent":4791,"Imagine":4792,"leg":4793,"const":4794,"Ġcareer":4795,"LE":4796,"akers":4797,"Ġengaging":4798,"Ġstrategy":4799,"icial":4800,"Ġemotions":4801,"tee":4802,"Ġpric":4803,"Ġassessment":4804,"UR":4805,"sol":4806,"enth":4807,"ux":4808,"Another":4809,"box":4810,"Ġseek":4811,"Ġbatter":4812,"ortunately":4813,"Ġstatement":4814,"omas":4815,"ĠMat":4816,"?\"":4817,"cript":4818,"Ġreplace":4819,"Type":4820,"gin":4821,"ĠFurthermore":4822,"ĠSch":4823,"Ġexcell":4824,"Ġkeeping":4825,"oma":4826,"ĠRev":4827,"Mod":4828,"zer":4829,"vironments":4830,"Ġdri":4831,"ibilities":4832,"Ġcreative":4833,"Ġcycle":4834,"Ġminor":4835,"Ġstudying":4836,"ĠPublic":4837,"Ġtreated":4838,"erved":4839,"Ġsettings":4840,"ĠOb":4841,"itage":4842,"Ġextremely":4843,"Ġphenomen":4844,"Ġexperts":4845,"ĠAssociation":4846,"shape":4847,"ĠAv":4848,"join":4849,"atically":4850,"Ġcontinues":4851,"aint":4852,"spec":4853,"Ġinterested":4854,"Ġcorrespond":4855,"Ġprimarily":4856,"Ġcook":4857,"Ġconducted":4858,"Ġdepression":4859,"Ġcollabor":4860,"tra":4861,"ctor":4862,"Ġpret":4863,"ĠPal":4864,"mary":4865,"Ġelectricity":4866,"Ġsurvey":4867,"db":4868,"Ġbottom":4869,"Ġstar":4870,"Ġju":4871,"Ġtrou":4872,"ĠPlan":4873,"Ġisol":4874,"Ġhear":4875,"Ġtrib":4876,"ii":4877,"Ġcampaign":4878,"Ġwis":4879,"Ġorganic":4880,"Ġpul":4881,"ĠTherefore":4882,"enses":4883,"Ġflex":4884,"][":4885,"ĠHar":4886,"Ġnotice":4887,"then":4888,"Ġwidely":4889,"Ġefficiency":4890,"Ġcarried":4891,"iverse":4892,"Ġdram":4893,"Ġprepared":4894,"DA":4895,"ĠWhy":4896,"Ġspot":4897,"Why":4898,"gment":4899,"inn":4900,"Ġlegis":4901,"Ġgenerations":4902,"Ġsand":4903,"Ġframew":4904,"Ġgrant":4905,"poses":4906,"Ġbud":4907,"ressed":4908,"ĠDevelopment":4909,"ĠGreen":4910,"Ġsecret":4911,"ĠBra":4912,"ĠWrit":4913,"Ġbone":4914,"rum":4915,"pen":4916,"result":4917,"rep":4918,"Ġhighest":4919,"eria":4920,"Ġspring":4921,"Ġsynt":4922,"Ġwall":4923,"ĠGra":4924,"Ġcombination":4925,"Ġdrive":4926,"Ġpros":4927,"Ġstring":4928,"Ġhousehold":4929,"Ġextract":4930,"ĠJapanese":4931,"Ġfavorite":4932,"da":4933,"ĠAN":4934,"Ġmoved":4935,"Ġartists":4936,"Ġmovements":4937,"Ġinvent":4938,"Ġperspective":4939,"Ġperformed":4940,"inger":4941,"Ġfamiliar":4942,"Ġthick":4943,"Ġplayed":4944,"ĠMor":4945,"lege":4946,"Ġrecommended":4947,"They":4948,"Ġconservation":4949,"ĠFound":4950,"Ġchronic":4951,"output":4952,"Ġoperation":4953,"ĠUN":4954,"Ġspiritual":4955,"Ġsong":4956,"Ġspent":4957,"orial":4958,"Ġfundamental":4959,"Ġgather":4960,"top":4961,"Ġseven":4962,"ĠGreek":4963,"ste":4964,"ologist":4965,"iling":4966,"ĠWilliam":4967,"emic":4968,"Ġworldwide":4969,"oyal":4970,"Ġlibrary":4971,"Ġmeant":4972,"Ġsignal":4973,"Ġresponsibility":4974,"Ġchoices":4975,"Ġsaying":4976,"Ġbeliefs":4977,"Ġenvironments":4978,"Ġfine":4979,"Ġcultiv":4980,"Ġvolume":4981,"ĠRetrieved":4982,"Ġoxygen":4983,"Ġconver":4984,"reed":4985,"Ġvulner":4986,"Ġsuppl":4987,"SA":4988,"Ġple":4989,"Ġadding":4990,"Ġprofessionals":4991,"Ġconsult":4992,"Ġcovered":4993,"ĠMr":4994,"Ġdoub":4995,"ĠHuman":4996,"Ġfailure":4997,"Ġkid":4998,"ĠProgram":4999,"Ġproperly":5000,"osen":5001,"Ġmel":5002,"Ġpoly":5003,"Ġexternal":5004,"process":5005,"Ġuniversity":5006,"Ġremind":5007,"Ġpal":5008,"Ġincred":5009,"Ġdra":5010,"Ġsyn":5011,"igure":5012,"ĠĠĠĠĠĠ":5013,"isation":5014,"Ġlandscape":5015,"sec":5016,"Ġsignificance":5017,"imal":5018,"Ġserved":5019,"cal":5020,"Ġembra":5021,"ĠST":5022,"âĢĿ,":5023,"Ġhappened":5024,"ĠOrgan":5025,"Ġarm":5026,"Ġdegrees":5027,"image":5028,"Ġimpacts":5029,"ocal":5030,"http":5031,"Ġarticles":5032,"Ġitem":5033,"Ġcenturies":5034,"Ġseeds":5035,"oted":5036,"ĠJames":5037,"Ġtitle":5038,"dim":5039,"Ġlesson":5040,"roph":5041,"Ġadvice":5042,"rence":5043,"Ġcast":5044,"Ġexamine":5045,"Ġdogs":5046,"Ġseed":5047,"ĠIslam":5048,"Ġplot":5049,"oke":5050,"Ġgenerate":5051,"oper":5052,"rating":5053,"Ġcarefully":5054,"ingly":5055,"En":5056,"Ġpapers":5057,"dent":5058,"Ġsamples":5059,"Ġupper":5060,"ĠCongress":5061,"Ġorigin":5062,"rics":5063,"ĠUsing":5064,"Ġocean":5065,"Ġagg":5066,"Ġhighlight":5067,"ĠMark":5068,"Ġsmart":5069,"Ġmere":5070,"ĠSpanish":5071,"label":5072,"Ġletters":5073,"icians":5074,"Ġround":5075,"Ġclosely":5076,"Ġcomponent":5077,"Ġscreen":5078,"Ġarray":5079,"Ind":5080,"ĠEvery":5081,"apping":5082,"Ġmer":5083,"Ġsatis":5084,"Ġcontaining":5085,"otal":5086,"Ġfinally":5087,"Ġvolunt":5088,"Ġroll":5089,"Ġfigures":5090,"Ġsend":5091,"Ġwealth":5092,"ĠInternet":5093,"Ġpreviously":5094,"ulf":5095,"ĠFebruary":5096,"ĠAir":5097,"ĠFood":5098,"ĠMary":5099,"za":5100,"Ġpotentially":5101,"Ġimpl":5102,"Ġrul":5103,"othing":5104,"anch":5105,"Ġecosystem":5106,"())":5107,"Ġadop":5108,"Ġamounts":5109,"lines":5110,"'),":5111,"ĠOff":5112,"last":5113,"().":5114,"Ġnetworks":5115,"Ġinflamm":5116,"Ġlooks":5117,"Ġreleased":5118,"ĠSub":5119,"anges":5120,"Cont":5121,"Ġerr":5122,"map":5123,"Ġreferred":5124,"Ġdescribe":5125,"essage":5126,"Data":5127,"Ġinjury":5128,"Ġflood":5129,"rich":5130,"unk":5131,"Ġpurposes":5132,"Col":5133,"((":5134,"RI":5135,"Ġvegetables":5136,"CC":5137,"active":5138,"Ġowners":5139,"ball":5140,"Ġhttps":5141,"Ġdestroy":5142,"Ġconfirm":5143,"pathy":5144,"ĠLa":5145,"Ġaid":5146,"Ġnuclear":5147,"ĠBoth":5148,"ĠMal":5149,"Ġlinked":5150,"ĠLord":5151,"Ġjobs":5152,"ĠVol":5153,"Ġpu":5154,"Ġseeking":5155,"eli":5156,"ollow":5157,"Ġpages":5158,"ĠMich":5159,"estion":5160,"Ġaccurate":5161,"write":5162,"Ġadvantage":5163,"wargs":5164,"Ġpresident":5165,"Ġourselves":5166,"rm":5167,"Ġgod":5168,"Ġtum":5169,"Ġleaving":5170,"Ġradio":5171,"stream":5172,"Ġstraight":5173,"Ġtraditions":5174,"Ġconvent":5175,"Ġmeat":5176,"Ġdangerous":5177,"Ġremoved":5178,"Ġsurgery":5179,"nic":5180,"Ġcapable":5181,"Ġbattle":5182,"Ġestimated":5183,"Ġformation":5184,"Ġongoing":5185,"Ġcredit":5186,"ida":5187,"Ġpromoting":5188,"Ġcomment":5189,"Ġroots":5190,"Ġroles":5191,"Ġexplained":5192,"Ġtail":5193,"ĠChildren":5194,"That":5195,"Ġmaybe":5196,"itness":5197,"bi":5198,"Ġmostly":5199,"Ġradiation":5200,"Ġreb":5201,"Ġenable":5202,"inations":5203,"Ġpossess":5204,"ĠStudents":5205,"Ġpollution":5206,"Ġsou":5207,"Ġsets":5208,".__":5209,"which":5210,"inent":5211,"From":5212,"Ġrelative":5213,"Ġotherwise":5214,"Ġapart":5215,"ificial":5216,"Ġhorm":5217,"Ġgrade":5218,"Ġsubjects":5219,"Ġpush":5220,"Ġrecognize":5221,"Ġsquare":5222,"rapy":5223,"ĠSy":5224,"Ġvess":5225,"body":5226,"ipped":5227,"Ġguidelines":5228,"CH":5229,"No":5230,"anguage":5231,"Ġvictim":5232,"Ġneuro":5233,"Ġcharg":5234,"ĠEv":5235,"ĠAD":5236,"ĠSupp":5237,"asure":5238,"Ġphase":5239,"[:":5240,"Ġupd":5241,"ĠCollege":5242,"ogue":5243,"ellect":5244,"Ġrevolution":5245,"Ġeggs":5246,"MS":5247,"'m":5248,"Ġrain":5249,"Ġdetermined":5250,"aker":5251,"Ġtal":5252,"Ġsecure":5253,"Ġargument":5254,"ĠAsia":5255,"aughter":5256,"](":5257,"ĠRemember":5258,"ĠDavid":5259,"ĠPhys":5260,"ĠRepublic":5261,"otic":5262,"Ġfaced":5263,"Ġatmosphere":5264,"ĠProject":5265,"ĠFore":5266,"Ġmotor":5267,"roc":5268,"Ġvitamin":5269,"Ġpun":5270,"ij":5271,"ĠWeb":5272,"ypes":5273,"Ġvoice":5274,"ensor":5275,"Ġcombined":5276,"Ġnor":5277,"Ġdefinition":5278,"Ġtreatments":5279,"ĠRef":5280,"arrow":5281,".;":5282,"Ġfarmers":5283,"Ġgenes":5284,"Ġinfections":5285,"ĠImagine":5286,"uted":5287,"Ġsports":5288,"Ġtechnical":5289,"Ġintelligence":5290,"Ġargs":5291,"Equal":5292,"Ġmonitoring":5293,"ĠMake":5294,"Ġgrand":5295,"cs":5296,"ĠProt":5297,"Ġcircumst":5298,"ĠCouncil":5299,"Ġappreciate":5300,"Ġearn":5301,"Ġsupported":5302,"Ġreaction":5303,"ĠMet":5304,"faces":5305,"hist":5306,"Ġfacts":5307,"Pl":5308,"Ġtaught":5309,"ĠHave":5310,"ĠBel":5311,"ĠTur":5312,"Ġfrequency":5313,"Ġdict":5314,"Many":5315,"Ġannual":5316,"Ġmanufacture":5317,"reet":5318,"riage":5319,"lig":5320,"Ġworry":5321,"Ġinvolving":5322,"iled":5323,"Ġperiods":5324,"ĠAlex":5325,"Ġofficial":5326,"rastructure":5327,"Ġlooked":5328,"riculum":5329,"ĠLife":5330,"Ġfaster":5331,"Ġnoted":5332,"well":5333,"Ġkn":5334,"CT":5335,"Ġbarri":5336,"Ġwhom":5337,"ĠDem":5338,"Ġcollaboration":5339,"Ġoffered":5340,"Ġknew":5341,"ĠCre":5342,"ald":5343,"Ġspend":5344,"First":5345,"zy":5346,"Ġcognitive":5347,"Ġtalking":5348,"hent":5349,"pping":5350,"Ġauthority":5351,"asp":5352,"Ġhour":5353,"Ġultimately":5354,"Ġnations":5355,"Ġhelpful":5356,"Ġrenew":5357,"ndrome":5358,"Ġslightly":5359,"Ġanswers":5360,"Ġplease":5361,"ĠHel":5362,"Ġcharge":5363,"Ġhearing":5364,"lo":5365,"Ġdiscrim":5366,"python":5367,"Ġalign":5368,"Ġshowing":5369,"ĠGeorge":5370,"Ġcompleted":5371,"Ġgrass":5372,"ĠBas":5373,"essor":5374,"Ġkilled":5375,"Ġscholars":5376,"Ġlung":5377,"ĠIsland":5378,"Ġmit":5379,"Ġhit":5380,"icks":5381,"Ġideal":5382,"Ġtiny":5383,"isher":5384,"uilding":5385,"Ġconsid":5386,"Ġexistence":5387,"Ġreached":5388,"ĠMuseum":5389,"Ġstream":5390,"Ġcere":5391,"arp":5392,"ĠHistor":5393,"yles":5394,"ĠOpt":5395,"cell":5396,"ĠClass":5397,"****":5398,"ĠGet":5399,"ns":5400,"ario":5401,"iration":5402,"ĠPort":5403,"uster":5404,"Ġsubstant":5405,"return":5406,"ĠFam":5407,"astern":5408,"OD":5409,"Ġdescription":5410,"Ġvent":5411,"Ġexcellent":5412,"Ġcris":5413,"ycl":5414,"á":5415,"Ġtruly":5416,"Ġperspectives":5417,"Ġimproving":5418,"ĠAdd":5419,"Ġsalt":5420,"Ġreduction":5421,"sum":5422,"Ġsmooth":5423,"ossible":5424,"Our":5425,"pred":5426,"ĠSet":5427,"Ġmaximum":5428,"Ġtooth":5429,"ĠSun":5430,"AB":5431,"Ġisland":5432,"Ġproposed":5433,"alysis":5434,"lete":5435,"inant":5436,"Ġdie":5437,"making":5438,"iant":5439,"ander":5440,"umber":5441,"Ġtraffic":5442,"Ġknows":5443,"Ġenab":5444,"ĠUp":5445,"ĠPhD":5446,"ĠBudd":5447,"crete":5448,"According":5449,"Ġyield":5450,"Ġexposed":5451,"Ġobvious":5452,"Ġbrief":5453,"Ġkept":5454,"ĠPaul":5455,"Ġglob":5456,"ĠSam":5457,"ĠRober":5458,"ĠHIV":5459,"Ġphone":5460,"Ġbank":5461,"Ġcandid":5462,"wood":5463,"Ġelectrical":5464,"ĠBen":5465,"Ġlayers":5466,"pass":5467,"Field":5468,"Ġparticles":5469,"ĠÐ":5470,"ĠSk":5471,"normal":5472,"Ġinterview":5473,"lib":5474,"ĠSuch":5475,"but":5476,"ĠTex":5477,"Ġchemicals":5478,"Ġkinds":5479,"long":5480,"ested":5481,"Ġsolve":5482,"Ġacknow":5483,"ria":5484,"Ġamazing":5485,"Ġdeliver":5486,"Ġexchange":5487,"ya":5488,"Ġraised":5489,"icit":5490,"Ġparties":5491,"Ġintended":5492,"ĠCath":5493,"fit":5494,"ĠOut":5495,"Ġoperating":5496,"TS":5497,"ĠCult":5498,"Ġsufficient":5499,"Ġdiscipl":5500,"Ġmuscles":5501,"Ġremained":5502,"Ġgoods":5503,"Ġflowers":5504,"ague":5505,"Ġoffering":5506,"More":5507,"Ġcertainly":5508,"ĠMount":5509,"Ġdrawing":5510,"Ġcoal":5511,"Ġfirm":5512,"Ġsche":5513,"ĠArab":5514,"ago":5515,"ĠList":5516,"Ġban":5517,"json":5518,"Have":5519,"ĠGovernment":5520,"Ġindicate":5521,"Ġmotion":5522,"oughly":5523,"coming":5524,"Ġimmig":5525,"gi":5526,"Ġsubsequ":5527,"step":5528,"New":5529,"Ġcomputers":5530,"nes":5531,"Ġextreme":5532,"Ġregional":5533,"Ġselected":5534,"Ġthemes":5535,"Ġgovernments":5536,"Ġmarg":5537,"ĠService":5538,"stract":5539,"Ġraw":5540,"ras":5541,"Ġviews":5542,"Ġregul":5543,"win":5544,"ĠKeep":5545,"tenance":5546,"Ġaffects":5547,"ĠâĢ¦":5548,"ĠÃ":5549,"ĠMiddle":5550,"eer":5551,"Ġdepends":5552,"Ġliquid":5553,"Ġsett":5554,"arsh":5555,"ĠSer":5556,"Ġhyper":5557,"Ġfollows":5558,"ville":5559,"clusive":5560,"Ġdouble":5561,"Ġflat":5562,"ĠJews":5563,"icious":5564,"ĠRich":5565,"inding":5566,"Ġcloser":5567,"ny":5568,"Ġyouth":5569,"'],":5570,"Ġresist":5571,"ado":5572,"ĠCentral":5573,"Ġfruits":5574,"Ġship":5575,"DF":5576,"cers":5577,"Ġregularly":5578,"Key":5579,"Ġfunding":5580,"aturally":5581,"Ġdro":5582,"---":5583,"Ġnutrients":5584,"itors":5585,"(),":5586,"Ġhappy":5587,"what":5588,"Ġappoint":5589,"Ġconclud":5590,"ictionary":5591,"....":5592,"Ġcreates":5593,"Ġinternet":5594,"Ġedge":5595,"Ġfrag":5596,"cest":5597,"Ġreturned":5598,"params":5599,"Ġspaces":5600,"Ġfort":5601,"conomic":5602,"Ġwasn":5603,"Ġtexts":5604,"Ġhandle":5605,"group":5606,"Ġthin":5607,"Ġtips":5608,"ĠPract":5609,"Ġdiscovery":5610,"Ġmort":5611,"rows":5612,"Ġsuggested":5613,"Ġfab":5614,"Ġbird":5615,"Ġrein":5616,"Ġasking":5617,"Ġcert":5618,"Ġkill":5619,"ĠCourt":5620,"roid":5621,"ĠIN":5622,"stood":5623,"acific":5624,"Ġhospital":5625,"Ġnerv":5626,"while":5627,"CE":5628,"den":5629,"Ġmainly":5630,"Ġhidden":5631,"Ġinformed":5632,"UN":5633,"Ġbegins":5634,"Ġinnovative":5635,"Ġdedicated":5636,"eless":5637,"ifies":5638,"ĠDirect":5639,"band":5640,"Ġmedium":5641,"Ġinvestment":5642,"Ġprocedure":5643,"orking":5644,"Ġrapidly":5645,"ĠAI":5646,"ĠMexico":5647,"Ġabuse":5648,"Ġcareful":5649,"Gen":5650,"ĠCivil":5651,"ogether":5652,"nam":5653,"Ġproteins":5654,"Ġtried":5655,"Ġwaters":5656,"Ġforced":5657,"uls":5658,"Ġabsol":5659,"Ġdocuments":5660,"Ġdoll":5661,"onic":5662,"ĠLearning":5663,"ĠÎ":5664,"ĠSecond":5665,"ounced":5666,"parent":5667,"Ġdisapp":5668,"othe":5669,"Ġstorm":5670,"ĠLatin":5671,"plicated":5672,"wid":5673,"ears":5674,"Ġclim":5675,"Ġdiagnosis":5676,"Ġsouthern":5677,"Ġtoxic":5678,"ĠBritain":5679,"valid":5680,"Ġbright":5681,"Ġsupporting":5682,"ĠWhite":5683,"ĠHen":5684,"ĠAtt":5685,"Ġmoist":5686,"Ġcircumstances":5687,"Ġclient":5688,"Ġfluid":5689,"weight":5690,"Ġoccurred":5691,"Ġstone":5692,"Ġbehaviors":5693,"Ġleadership":5694,"Ġprocedures":5695,"post":5696,"Ġprepare":5697,"Äģ":5698,"html":5699,"Ġwindow":5700,"aks":5701,"Ġleader":5702,"Ġstars":5703,"istan":5704,"ifications":5705,"Ġfoundation":5706,"Ġconsistent":5707,"ĠDist":5708,"anged":5709,"Ġmanner":5710,"Ġmillions":5711,"Ġsuitable":5712,"ĠTwo":5713,"rust":5714,"Ġintellect":5715,"Ġsector":5716,"Ġbrother":5717,"ilience":5718,"Ġselection":5719,"Ġpoet":5720,"Ġlies":5721,"ĠNav":5722,"Ġmode":5723,"Ġyellow":5724,"free":5725,"Ġemployees":5726,"Ġpictures":5727,"Ġ!":5728,"Ġstation":5729,"Ġinfrastructure":5730,"ĠMuslim":5731,"Ġloved":5732,"ĠMac":5733,"instance":5734,"doc":5735,"Ġaccompl":5736,"api":5737,"Ġmorning":5738,"ĠNet":5739,"Ġpretty":5740,"Ġera":5741,"herent":5742,"ĠNAS":5743,"ĠSpace":5744,"dden":5745,"sk":5746,"Ġdomestic":5747,"Ġbiological":5748,"Ġingredients":5749,"Ġunderlying":5750,"rec":5751,"Ġexplan":5752,"Ġskill":5753,"Ġdecide":5754,"atever":5755,"Ġvehicle":5756,"Ġjoin":5757,"Ġmatch":5758,"Ġinteractions":5759,"Ġbow":5760,"Ġnorthern":5761,"yp":5762,"ĠOld":5763,"Ġformal":5764,"method":5765,"Ġdu":5766,"Ġsettle":5767,"Ġdrop":5768,"Ġinstrument":5769,"Ġprices":5770,"Ġcollected":5771,"Ġthor":5772,"urity":5773,"Ġpray":5774,"HO":5775,"bed":5776,"Ġwear":5777,"ĠTexas":5778,"lick":5779,"Ġwalls":5780,"ools":5781,"Ġobst":5782,"Ġguidance":5783,"ĠCam":5784,"Ġinstruction":5785,"ĠPost":5786,"osite":5787,"Although":5788,"Ġelev":5789,"Ġdelve":5790,"Ġneighb":5791,"ician":5792,"Ġwet":5793,"Ġharmful":5794,"Ġpersist":5795,"Ġappearance":5796,"Ġrecorded":5797,"Ġvirtual":5798,"berg":5799,"Ġoral":5800,"verty":5801,"gal":5802,"Ġclick":5803,"ĠTechnology":5804,"filename":5805,"Ġsnow":5806,"Ġhaz":5807,"Ġcorpor":5808,"Ġpoverty":5809,"IR":5810,"Ġvariable":5811,"exp":5812,"rolog":5813,"Ġsudden":5814,"Ġextent":5815,"ĠJe":5816,"Ġdatabase":5817,"rian":5818,"IG":5819,"Name":5820,"Us":5821,"Ġremark":5822,"Ġlinks":5823,"nel":5824,"la":5825,"CS":5826,"ĠManagement":5827,"Ġdriving":5828,"ĠInc":5829,"wer":5830,"mas":5831,"Ġfostering":5832,"ĠQue":5833,"Ġfacilities":5834,"ups":5835,"Ġcourses":5836,"ĠGoogle":5837,"Ġresol":5838,"ĠAnother":5839,"Ġfoss":5840,"Ġ('":5841,"Ġmoral":5842,"ĠDesign":5843,"ancer":5844,"Ġdrinking":5845,"Ġwest":5846,"Ġwait":5847,"assertEqual":5848,"Ġdiscussed":5849,"Ġfeedback":5850,"Ġemergency":5851,"uing":5852,"rates":5853,"omic":5854,"Ġtro":5855,"Ġdepth":5856,"Ġsensitive":5857,"Ġstrengthen":5858,"Ġamb":5859,"Ġserves":5860,"Ġdetailed":5861,"Ġblog":5862,"ĠMart":5863,"Ġentirely":5864,"Ġcommunicate":5865,"Ġfilter":5866,"iform":5867,"De":5868,"Ġminimum":5869,"ĠMiss":5870,"Ġcutting":5871,"Ġlisten":5872,"Ġpresc":5873,"ĠThomas":5874,"check":5875,"Ġfill":5876,"ĠStand":5877,"ĠLike":5878,"Ġdefine":5879,"Ġstruggle":5880,"Des":5881,"Ġsides":5882,"ĠInf":5883,"Not":5884,"ĠTime":5885,"Ġinstitution":5886,"Ġintroduction":5887,"Ġrecovery":5888,"osa":5889,"Ġlots":5890,"Ġchain":5891,"ĠSal":5892,"Ġexamining":5893,"Ġmessages":5894,"Ġtouch":5895,"Ġsen":5896,"ĠBible":5897,"Ġagricultural":5898,"ĠBr":5899,"Ġshel":5900,"Ġgirls":5901,"Ġperman":5902,"version":5903,"scale":5904,"ĠPython":5905,"cel":5906,"that":5907,"kes":5908,"Ġstarts":5909,"arant":5910,"Ġshif":5911,"Ġclaims":5912,"Ġhero":5913,"Ġspeaking":5914,"ĠJer":5915,"split":5916,"ĠWork":5917,"Ġcontrolled":5918,"ĠEnergy":5919,"Ġcomprehensive":5920,"Ab":5921,"Ġinnovation":5922,"Ġtypical":5923,"west":5924,"ĠLeg":5925,"Ġattacks":5926,"agon":5927,"Ġresponses":5928,"Ġshaping":5929,"Ġregulations":5930,"string":5931,"Ġlargely":5932,"Ġstages":5933,"Ġenem":5934,"roke":5935,"Ġaudience":5936,"Ġaddressing":5937,"ĠSometimes":5938,"Ġmatters":5939,"Ġpaid":5940,"under":5941,"utive":5942,"ĠBay":5943,"Ġvaccine":5944,"position":5945,"Ġlose":5946,"Ġrural":5947,"Ġsell":5948,"Ġpark":5949,"ĠPsych":5950,"Ġgrown":5951,"ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":5952,"ĠKore":5953,"Ġrecognized":5954,"ceived":5955,"Ġconsists":5956,"create":5957,"Ġchosen":5958,"ditional":5959,"ĠCare":5960,"Ġexists":5961,"ĠMedicine":5962,"LA":5963,"lean":5964,"My":5965,"Ġtraum":5966,"ĠPower":5967,"Ġdrink":5968,"Ġliver":5969,"ĠStep":5970,"Ġmechanisms":5971,"Ġsequence":5972,"Ġcm":5973,"IM":5974,"Ġband":5975,"Ġahead":5976,"ensus":5977,"Ġrestrict":5978,"ĠWhe":5979,"icing":5980,"Ġhabitat":5981,"ĠMedical":5982,"ĠEmp":5983,"Ġtorch":5984,"Ġaccepted":5985,"Ġmetab":5986,"Ġintervention":5987,"Ġwants":5988,"Ġcars":5989,"umin":5990,"ĠLou":5991,"Ġtrial":5992,"Ġpolitics":5993,"Ġnode":5994,"Ġagriculture":5995,"Ġancest":5996,"Ġpolice":5997,"ĠRec":5998,"Ġfro":5999,"Ġreprodu":6000,"Ġweap":6001,"Ġ(\"":6002,"arter":6003,"hi":6004,"Ġadequ":6005,"Ġaimed":6006,"Ġassistance":6007,"Ġlatest":6008,"ĠMem":6009,"Ġdiam":6010,"Ġprompt":6011,"ĠDise":6012,"agers":6013,"ĠSen":6014,"ĠSaf":6015,"ĠOF":6016,"Ġcooking":6017,"Ġment":6018,"Ġinteraction":6019,"Ġcrops":6020,"Ġopening":6021,"Ġopinion":6022,"ĠJud":6023,"Ġabsorb":6024,"Ġneut":6025,"Ġsuccessfully":6026,"anes":6027,"Ġsin":6028,"Ġphr":6029,"Ġstudied":6030,"Ġvariables":6031,"Ġfiction":6032,"Ġstret":6033,"Ġdut":6034,"Ġnarratives":6035,"ican":6036,"Ġharv":6037,"ĠWomen":6038,"ĠMil":6039,"Ġknowing":6040,"Ġproport":6041,"ĠFranc":6042,"Ġnit":6043,"Go":6044,"ĠTreat":6045,"Ġstem":6046,"ĠCommon":6047,"Ġscript":6048,"ĠAny":6049,"Ġbudget":6050,"Ġcrisis":6051,"estyle":6052,"Ġwave":6053,"ĠRussia":6054,"oxide":6055,"ava":6056,"ĠVirgin":6057,"gu":6058,"ĠEngine":6059,"expected":6060,"Ġhundreds":6061,"ester":6062,"Ġcatch":6063,"Ġserver":6064,"uous":6065,"Ġdivided":6066,"ĠMicro":6067,"erving":6068,"ĠDec":6069,"raint":6070,"Ġindigenous":6071,"ĠElect":6072,"Ġreform":6073,"Ġadopt":6074,"Ġcouple":6075,"Americ":6076,"Be":6077,"sis":6078,"ĠBer":6079,"Ġtransition":6080,"Ġrelax":6081,"Ġentry":6082,"Ġafford":6083,"ĠIr":6084,"Ġdiscussions":6085,"Ġprotected":6086,"conds":6087,"ĠNASA":6088,"Ġresidents":6089,"Ġmeasured":6090,"rot":6091,"Ġsurvival":6092,"Ġdoctors":6093,"Ġsession":6094,"rat":6095,"Ġapparent":6096,"Ġdownload":6097,"Ġaccounts":6098,"Ġnaturally":6099,"Ġcalls":6100,"Most":6101,"Ġallerg":6102,"ĠRussian":6103,"Ġacts":6104,"node":6105,"List":6106,"Ġneighbor":6107,"itudes":6108,"icate":6109,"Ġvehicles":6110,"host":6111,"Ġcritic":6112,"Ġprinciple":6113,"orous":6114,"Ġpositions":6115,"Ġparameters":6116,"ĠInformation":6117,"Ġsuffering":6118,"perty":6119,"Ġmachines":6120,"Before":6121,"Ġbeauty":6122,"Ġgar":6123,"ĠStudies":6124,"ĠPacific":6125,"ĠAtl":6126,"Ġalt":6127,"Ġuniverse":6128,"racy":6129,"lers":6130,"Ġimplications":6131,"Ġstock":6132,"Ġrepresentation":6133,"chers":6134,"Ġhunt":6135,"Ġaf":6136,"Ġbrand":6137,"Ġmedications":6138,"Ġwalking":6139,"ocratic":6140,"Ġexploration":6141,"Ġtherm":6142,"Ġattend":6143,"Ġreject":6144,"Ġresilience":6145,"Ġshapes":6146,"Ġwaves":6147,"organ":6148,"iate":6149,"{}":6150,"Ġdepartment":6151,"erals":6152,"Ġtun":6153,"Ġnearby":6154,"aud":6155,"agues":6156,"main":6157,"Ġethical":6158,"Ġdistingu":6159,"ÃŃ":6160,"Ġcoff":6161,"Ġconscious":6162,"Ġsimpl":6163,"ĠForm":6164,"Ġtrends":6165,"Ġastron":6166,"NAME":6167,"Ġcreativity":6168,"rants":6169,"Ġmaintenance":6170,"Ġgenerated":6171,"ael":6172,"ĠFe":6173,"Ġintric":6174,"pers":6175,"using":6176,"Ġboundaries":6177,"Ġvisible":6178,"ĠAcadem":6179,"ĠRights":6180,"ĠSimilarly":6181,"Ġunderstood":6182,"Ġsan":6183,"Ġstronger":6184,"Ġshift":6185,"Ġce":6186,"van":6187,"IP":6188,"orrow":6189,"BC":6190,"Ġcardi":6191,"Ġwire":6192,"Ġconcerned":6193,"Ġcurriculum":6194,"Ġbroader":6195,"Ġprevention":6196,"Get":6197,"Ġframe":6198,"Ġwildlife":6199,"Ġtells":6200,"Ġimmun":6201,"erent":6202,"Ġconcentration":6203,"Ġconfidence":6204,"float":6205,"Ġportion":6206,"Ġmassive":6207,"ĠFoundation":6208,"cience":6209,"Ġinner":6210,"Ġframework":6211,"olf":6212,"ENT":6213,"Ġboost":6214,"ascular":6215,"Ġproducing":6216,"Ġsick":6217,"ĠKnow":6218,"Ġremaining":6219,"Ġmobile":6220,"Ġwife":6221,"Ġkil":6222,"Ġhabits":6223,"inet":6224,"ĠBet":6225,"ĠBook":6226,"Ġrig":6227,"Of":6228,"Ġofficials":6229,"Ġimplementation":6230,"ĠNews":6231,"Ġassemb":6232,"Ġgained":6233,"ĠWind":6234,"Ġsubstance":6235,"Ġabilities":6236,"Ġarmy":6237,"Ġobtained":6238,"Ġengagement":6239,"Ġmanaged":6240,"alian":6241,"Ġmanaging":6242,"Ġsweet":6243,"ĠWho":6244,"ums":6245,"ca":6246,"Ġsignals":6247,"Do":6248,"Ġcloud":6249,"Ġgreatest":6250,"Ġeast":6251,"section":6252,"Ġdesired":6253,"Ġappeared":6254,"eal":6255,"Ġprogramming":6256,"mic":6257,"ĠExper":6258,"elled":6259,"Ġnarrow":6260,"Ġswitch":6261,"range":6262,"ĠMass":6263,"Ġnoise":6264,"olicy":6265,"img":6266,"Ġwitness":6267,"Ġseeing":6268,"Ġsed":6269,"annels":6270,"Ġadvis":6271,"ĠPers":6272,"Ġnurs":6273,"Ġfif":6274,"pol":6275,"Ġath":6276,"Ġarchitecture":6277,"ampl":6278,"DE":6279,"Ġexpensive":6280,"Ġimprovement":6281,"Ġoverl":6282,"Ġconventional":6283,"ĠSov":6284,"Ġexplains":6285,"Ġdemonstrate":6286,"ads":6287,"ĠControl":6288,"Ġfloor":6289,"ĠArmy":6290,"Ġreader":6291,"oto":6292,"VID":6293,"Ġcrim":6294,"ansion":6295,"request":6296,"ĠCommission":6297,"Ġdesigns":6298,"bar":6299,"Ġnan":6300,"dev":6301,"Ġdecrease":6302,"Ġrecognition":6303,"Ġpregnancy":6304,"Ġexperiments":6305,"ishes":6306,"During":6307,"Ġfold":6308,"Ġtaste":6309,"Test":6310,"status":6311,"iday":6312,"Ġmanip":6313,"Ġstored":6314,"Ġsuc":6315,"Ġimpossible":6316,"Qu":6317,"Ġelectronic":6318,"Ġmarked":6319,"Ġimper":6320,"aming":6321,"pet":6322,"acts":6323,"Ġpure":6324,"ship":6325,"Ġtested":6326,"pha":6327,"asive":6328,"Ġ]":6329,"Ġsentence":6330,"ĠDisc":6331,"Ġlocations":6332,"Ġsoldiers":6333,"ĠNor":6334,"ka":6335,"Ġsatell":6336,"ipe":6337,"bert":6338,"cium":6339,"Read":6340,"Ġgun":6341,"Ġpig":6342,"Ġinflammation":6343,"Ġfailed":6344,"Ġinjuries":6345,"Ġparalle":6346,"values":6347,"Ġcustomers":6348,"Ġpersons":6349,"Ġmanufacturing":6350,"Ġslowly":6351,"Ġprev":6352,"Bl":6353,"Ġbrown":6354,"cules":6355,"ĠRobert":6356,"ultane":6357,"Ġrail":6358,"ashion":6359,"Ġphilosophy":6360,"Ġconsidering":6361,"ĠTim":6362,"ĉĉĉĉ":6363,"oom":6364,"Ġunless":6365,"Ġfoster":6366,"Ġtransportation":6367,"iosity":6368,"Ġtoler":6369,"Ġclosed":6370,"Ġfacing":6371,"ĠDespite":6372,"cher":6373,"ĠDel":6374,"Ġvs":6375,"Ġsky":6376,"rey":6377,"Ġwestern":6378,"Ġexercises":6379,"ĠConn":6380,"Ġkm":6381,"Ġcapture":6382,"ĠEnvironmental":6383,"ota":6384,"Ġrecip":6385,"ĠProv":6386,"Ġhoriz":6387,"Ġinstructions":6388,"Ġeveryday":6389,"Ġparticipate":6390,"Ġhorse":6391,"Ġindeed":6392,"Ġplayers":6393,"Ġfle":6394,"Ġdefic":6395,"Ġenables":6396,"ĠScient":6397,"ĠVis":6398,"Ġages":6399,"ĠKey":6400,"ato":6401,"Ġpand":6402,"Once":6403,"ĠGroup":6404,"Ġrevealed":6405,"Ġkit":6406,"Me":6407,"Ġplatforms":6408,"BN":6409,"Ġprem":6410,"Ġprison":6411,"Ġexciting":6412,"table":6413,"================":6414,"Ġagreement":6415,"Ġartificial":6416,"Ġtherap":6417,"ĠCourse":6418,"ocab":6419,"Ġstick":6420,"Ġcos":6421,"ĠGood":6422,"ĠSmith":6423,"Ġmac":6424,"ixture":6425,"LO":6426,"ĠSea":6427,"Ġrhy":6428,"Ġcrop":6429,"otion":6430,"Ġremote":6431,"urd":6432,"ifier":6433,"Ġshop":6434,"Ġderived":6435,"ĠDiv":6436,"Ġdental":6437,"lements":6438,"Ġinches":6439,"ĠDet":6440,"pack":6441,"Ġsecondary":6442,"Ġstands":6443,"ML":6444,"Ġcompetition":6445,"ango":6446,"ĠNature":6447,"Ġtit":6448,"dule":6449,"Ġfixed":6450,"Ġpil":6451,"ĠIdent":6452,"kwargs":6453,"Ġagreed":6454,"Ġpair":6455,"Ġmonitor":6456,"Ġincorporating":6457,"Ġfloat":6458,"Ġcomposition":6459,"Ġrub":6460,"Ġconsumers":6461,"ĠTHE":6462,"vity":6463,"names":6464,"open":6465,"wo":6466,"appy":6467,"Ġmixed":6468,"Ġphotos":6469,"Ġextended":6470,"Ġheritage":6471,"inity":6472,"Ġchart":6473,"umes":6474,"lected":6475,"ĠLake":6476,"App":6477,"Ġpsychological":6478,"Ġstanding":6479,"ĠPhil":6480,"ĠSte":6481,"Ġpossibly":6482,"ĠMont":6483,"ĠInv":6484,"о":6485,"Ġusage":6486,"ipping":6487,"ĠFlor":6488,"Ġsyndrome":6489,"Ġvibr":6490,"?âĢĿ":6491,"Ġarrange":6492,"SE":6493,"Ġuns":6494,"Ġforests":6495,"Ġplate":6496,"Ġturns":6497,"Ġensures":6498,"Ġdynamics":6499,"Ġdepict":6500,"Ġpip":6501,"Dr":6502,"ada":6503,"Ġinspired":6504,"operation":6505,"rc":6506,"ĠSec":6507,"Ġmuseum":6508,"esh":6509,"Ġdirector":6510,"а":6511,"Ġincredible":6512,"Ġsole":6513,"Ġrepeated":6514,"Ġauthent":6515,"ourse":6516,"Ġdeaths":6517,"default":6518,"keys":6519,"Val":6520,"Ġpassion":6521,"ien":6522,"Ġevaluation":6523,"Ġanalyze":6524,"pace":6525,"Sc":6526,"ĠFin":6527,"Ġshell":6528,"Ġprotocol":6529,"Ġmathematics":6530,"ĠStudy":6531,"Ġsusp":6532,"ĠCatholic":6533,"Ġbeneficial":6534,"Ġwriter":6535,"Ġpull":6536,"client":6537,"ini":6538,"Ġexamination":6539,"fortunately":6540,"Ġ!=":6541,"Ġbones":6542,"Ġbot":6543,"Ġintellectual":6544,"ĠThink":6545,"Ġliterary":6546,"Ġagencies":6547,"Ġarms":6548,"Ġstated":6549,"Ġtheore":6550,"Ġachieved":6551,"Ġunknown":6552,"ĠSar":6553,"Ġorganized":6554,"cycl":6555,"Ġmedication":6556,"Ġexpectations":6557,"Ġresolution":6558,"ĠCD":6559,"Ġvillage":6560,"Conclusion":6561,"Ġmarine":6562,"umps":6563,"Ġaccuracy":6564,"UL":6565,"Ġthread":6566,"ĠSum":6567,"Ġemployed":6568,"Ġsupports":6569,"Ġwhereas":6570,"itivity":6571,"Ġopened":6572,"Ġerrors":6573,"ented":6574,"wing":6575,"imer":6576,"ĠCreat":6577,"Ġwriters":6578,"Ġmeaningful":6579,"Ġconfident":6580,"Ġscore":6581,"Ġadopted":6582,"Ġlimits":6583,"uation":6584,"Ġcategories":6585,"ĠMain":6586,"asters":6587,"Ġdust":6588,"aser":6589,"nn":6590,"Ġrecycl":6591,"Ġdeeply":6592,"erated":6593,"ĠAP":6594,"ĠBre":6595,"Ġbio":6596,"ĠComput":6597,"iat":6598,"Ġpowers":6599,"Ġarts":6600,"Ġdescribes":6601,"ye":6602,"Ġfunctional":6603,"Ġarguments":6604,"dered":6605,"ĠCarol":6606,"function":6607,"Ġchildhood":6608,"Ġethnic":6609,"Ġrepresented":6610,"Ġevaluate":6611,"Ġarrived":6612,"Ġdemonstrated":6613,"orter":6614,"Ġtur":6615,"Ġforget":6616,"dep":6617,"Ġhar":6618,"Ġemerging":6619,"Ġreactions":6620,"Ġscene":6621,"Ġlect":6622,"Ġcomments":6623,"throp":6624,"ulin":6625,"Ġmanif":6626,"ulating":6627,"oral":6628,"icking":6629,"Ġexplo":6630,"arity":6631,"BT":6632,"Ġbrings":6633,"Ġconversation":6634,"Ġabund":6635,"Ġdistributed":6636,"Ġappreciation":6637,"Ġrealized":6638,"Ġdynamic":6639,"uh":6640,"Ġfell":6641,"Ġadministration":6642,"е":6643,"Ġdoor":6644,"zen":6645,"ĠAmong":6646,"ĠNative":6647,"Ġhouses":6648,"Ġinhab":6649,"Ġholds":6650,"Ġlisted":6651,"Ġsuffer":6652,"!\"":6653,"Ġrely":6654,"Ġwisdom":6655,"Ġextensive":6656,"Ġcart":6657,"ocation":6658,"urns":6659,"ĠCharles":6660,"ĠHenry":6661,".'":6662,"},":6663,"essions":6664,"ĠJose":6665,"length":6666,"hus":6667,"ĠWild":6668,"Ġaqu":6669,"ports":6670,"osc":6671,"Ġworse":6672,"Ġble":6673,"iology":6674,"Ġcollective":6675,"AA":6676,"Ġbehaviour":6677,"Ġnegot":6678,"Ġgrew":6679,"Ġpump":6680,"Ġaccel":6681,"ĠIntroduction":6682,"Ġdecline":6683,"ĠWil":6684,"Ġsupplement":6685,"Ġindustries":6686,"Ġdiss":6687,"Ġflight":6688,"ĠConsider":6689,"SS":6690,"she":6691,"item":6692,"world":6693,"Ġfewer":6694,"Ġleaf":6695,"rip":6696,"Ġinsurance":6697,"ĠAcc":6698,"Ġunus":6699,"Ġtransmission":6700,"Ġinfected":6701,"aria":6702,"Ġblocks":6703,"Ġintake":6704,"Ġhealing":6705,"esity":6706,"obj":6707,"Ġzero":6708,"Ġpresentation":6709,"ala":6710,"tage":6711,"usiness":6712,"color":6713,"Ġratio":6714,"Ġcamera":6715,"Ġfertil":6716,"Ġpossibility":6717,"Ġtechnological":6718,"Ġalongside":6719,"Ġchief":6720,"ĠCompany":6721,"update":6722,"Ġimmediate":6723,"Ġmarriage":6724,"ĠExt":6725,"ersonal":6726,"hemical":6727,"Ġcoffee":6728,"ributes":6729,"ocracy":6730,"ĠSoviet":6731,"Te":6732,"phone":6733,"Ġcreatures":6734,"athe":6735,"Ġmatrix":6736,"'d":6737,"riend":6738,"Ġnormally":6739,"Ġmountain":6740,"ĠOx":6741,"Ġdiscrimination":6742,"ena":6743,"Inst":6744,"Ġseemed":6745,"irt":6746,"Ġempathy":6747,"models":6748,"rons":6749,"ĠLibrary":6750,"pread":6751,"Ġsteel":6752,"Ġsurvive":6753,"ĠYet":6754,"Ġfighting":6755,"Ġmolecules":6756,"Ġtwice":6757,"indu":6758,"Ġdensity":6759,"Ġgall":6760,"Ġcomfortable":6761,"ĠThose":6762,"ĠPC":6763,"Ġmarkets":6764,"Ġreturns":6765,"such":6766,"ĠDiff":6767,"gent":6768,"ĠReview":6769,"lets":6770,"Ġdesire":6771,"Ġnumpy":6772,"Ġindicates":6773,"words":6774,"actions":6775,"Ġnavigate":6776,"Bob":6777,"how":6778,"Ġlearners":6779,"Ġtall":6780,"war":6781,"Ġmissing":6782,"Ġmoon":6783,"Ġapplying":6784,"ĠProfessor":6785,"Ġcolleagues":6786,"ivalent":6787,"ĠSl":6788,"Ġcouldn":6789,"Ġauthorities":6790,"Ġlatter":6791,"Ġbroken":6792,"Ġalle":6793,"frame":6794,"itative":6795,"Ġwish":6796,"âĢĻ.":6797,"Ġdin":6798,"mm":6799,"omach":6800,"AG":6801,"ĠGlobal":6802,"Ġexpressed":6803,"Ġbreathing":6804,"ĠCanadian":6805,"ĠIP":6806,"message":6807,"Ġinsight":6808,"Ġpursu":6809,"ĠAbout":6810,"Ġcompare":6811,"'])":6812,"Ġyounger":6813,"Ġlifestyle":6814,"Ġsocieties":6815,"Ġadvantages":6816,"ventions":6817,"ĠMo":6818,"Ġwilling":6819,"Ġguess":6820,"Ġsocietal":6821,"base":6822,"Ġpublication":6823,"Ġprove":6824,"Ġstyles":6825,"Ġobservations":6826,"ighter":6827,"assion":6828,"ctic":6829,"mean":6830,"sm":6831,"gest":6832,"Ġinject":6833,"Ġnecessarily":6834,"Ġpublish":6835,"det":6836,"cluding":6837,"bra":6838,"burg":6839,"ĠMag":6840,"ropical":6841,"ribe":6842,"claim":6843,"Ġstrict":6844,"Ġsimultane":6845,"Ġgal":6846,"Ġpainting":6847,"idx":6848,"rovers":6849,"Ġupdate":6850,"Ġoptimal":6851,"Ġcommitment":6852,"page":6853,"stone":6854,"Ġfant":6855,"ona":6856,"Ġmamm":6857,"Ġlistening":6858,"sor":6859,"Ġcontinuous":6860,"Ġhousing":6861,"born":6862,"aked":6863,"Ġsupplies":6864,"Ġcrime":6865,"Ġdebate":6866,"Ġaxis":6867,"Act":6868,"Ġ['":6869,"Ġfocuses":6870,"Ġagency":6871,"\"),":6872,"Ġshut":6873,"ĠBro":6874,"ĠEss":6875,"Ġvulnerable":6876,"Ġmyth":6877,"Ġconstit":6878,"edy":6879,"ĠLong":6880,"Ġcategory":6881,"Or":6882,"ĠHam":6883,"Ġcompr":6884,"Ġcoun":6885,"PR":6886,"ĠFinally":6887,"Ġsucceed":6888,"Ġfav":6889,"Ġparticipation":6890,"Through":6891,"ĠEst":6892,"Ġaer":6893,"Ġtf":6894,"adata":6895,"Ġorganisms":6896,"rays":6897,"ibl":6898,"Ġgreatly":6899,"called":6900,"oves":6901,"Ġdomain":6902,"Ġadventure":6903,"escription":6904,"Ġpreval":6905,"ĠOnly":6906,"Ġinstruments":6907,"Ġaccum":6908,"Ġoriginally":6909,"ĠOh":6910,"points":6911,"ĠLouis":6912,"Ġfabric":6913,"Ġthereby":6914,"loss":6915,"ua":6916,"Ġfly":6917,"real":6918,"Ġdepos":6919,"ĠGold":6920,"hav":6921,"Ġelectron":6922,"Ġear":6923,"Ġsections":6924,"dem":6925,"Ġcircuit":6926,"atal":6927,"ĠLand":6928,"Ġeld":6929,"width":6930,"dr":6931,"Ġregist":6932,"Ġdealing":6933,"Ġengaged":6934,"angle":6935,"Ġverb":6936,"Other":6937,"ĠAp":6938,"Ġturning":6939,"idespread":6940,"Ġdifficulty":6941,"Ġemerged":6942,"Ġbreath":6943,"Ġphysics":6944,"Ġphotograph":6945,"cm":6946,"Ġends":6947,"ĠAustralian":6948,"Ġartist":6949,"ĠNations":6950,"ployment":6951,"Ġthreats":6952,"ĠVirginia":6953,"Ġthanks":6954,"Ġfellow":6955,"Ġbread":6956,"ĠTem":6957,"Ġmechanism":6958,"ĠLanguage":6959,"Ġmeal":6960,"Ġholding":6961,"Ġaccessible":6962,"Ġorient":6963,"Ġdeli":6964,"ittle":6965,"ĠLicense":6966,"Ġindependence":6967,"Ġsight":6968,"Ġindu":6969,"Ġconsideration":6970,"ĠTre":6971,"ĠEth":6972,"Ġdistrict":6973,"Ġwhatever":6974,"holders":6975,"anda":6976,"III":6977,"Ġguarant":6978,"Ġbattery":6979,"ambda":6980,"Ġske":6981,"hesis":6982,"Ġgrid":6983,"Ġteams":6984,"Ġemployment":6985,"fulness":6986,"Ġobjective":6987,"Ġmagnetic":6988,"ĠRevolution":6989,"Ġantibiot":6990,"Ġcomplicated":6991,"Ġserving":6992,"ĠBefore":6993,"hop":6994,"Ġaircraft":6995,"Ġempt":6996,"Ġfunds":6997,"CD":6998,"target":6999,"ĠNon":7000,"Ġwarming":7001,"Ġreliable":7002,"Ġwaiting":7003,"Ġstability":7004,"Ġcards":7005,"ao":7006,"ĠCurrent":7007,"oples":7008,"Finally":7009,"esting":7010,"Ġopposite":7011,"Ġbear":7012,"Ġdrain":7013,"ĠFrank":7014,"MP":7015,"allow":7016,"Ġaccident":7017,"Ġtrained":7018,"sts":7019,"gans":7020,"Ġroutine":7021,"Ġtrip":7022,"ĠCheck":7023,"Ġuncertain":7024,"inction":7025,"Le":7026,"Ġinsects":7027,"Ġdoubt":7028,"zed":7029,"ĠFederal":7030,"obs":7031,"source":7032,"cor":7033,"Ġmaps":7034,"Ġsod":7035,"]:":7036,"Ġdelivery":7037,"Ġtap":7038,"Ġunexpected":7039,"Ġoccasion":7040,"press":7041,"ĠParis":7042,"Ġchick":7043,"ĠAdv":7044,"Ġsought":7045,"Ġadministr":7046,"pring":7047,"Ġflag":7048,"ĠEarly":7049,"ĠCommit":7050,"Ġlaun":7051,"Ġmeals":7052,"Ġaffecting":7053,"ĠOffice":7054,"RA":7055,"Ġeditor":7056,"ĠEmpire":7057,"Ġlogging":7058,"Ġconsumer":7059,"Ġpreparation":7060,"ictor":7061,"Ġnoticed":7062,"Ġmodule":7063,"Ġattached":7064,"Ġfalse":7065,"elihood":7066,"Ġspending":7067,"Ġcharacterized":7068,"ĠStr":7069,"content":7070,"Ġreduces":7071,"liament":7072,"Ġconcerning":7073,"Ġsplit":7074,"Ġstake":7075,"author":7076,"Ġacids":7077,"Ġsubstances":7078,"osph":7079,"ĠRad":7080,"Ġplayer":7081,"Ġdemands":7082,"Ġinitially":7083,"issues":7084,"Ġencounter":7085,"ulty":7086,"ĠIndigenous":7087,"Ġplt":7088,"bin":7089,"ĠType":7090,"ĠLabor":7091,"Ġtheories":7092,"Ġcuriosity":7093,"Ġstable":7094,"Ġbeings":7095,"ometry":7096,"jango":7097,"rog":7098,"rus":7099,"Ġheavily":7100,"Ġalter":7101,".|":7102,"ette":7103,"Ġfossil":7104,"ĠCy":7105,"Ġadm":7106,"Ġcomparison":7107,"ĠUSA":7108,"kin":7109,"Over":7110,"rine":7111,"Ġborder":7112,"OL":7113,"anches":7114,"ĠOpen":7115,"ĊĠĠĠĠĊĠĠĠ":7116,"Ġvessels":7117,"Ġcup":7118,"Ġcorn":7119,"Ġteen":7120,"Ġbutter":7121,"Ġsales":7122,"Ġwidespread":7123,"Ġproduces":7124,"inder":7125,"pare":7126,"Ġsummary":7127,"ipal":7128,"ella":7129,"Ġcalcium":7130,"Ġpurchase":7131,"Ġmathematical":7132,"Ġenthus":7133,"Under":7134,"ĠEnd":7135,"Ġpartner":7136,"ĠDig":7137,"ora":7138,"ĠSym":7139,"Ref":7140,"Ġdrawn":7141,"Ġregardless":7142,"Set":7143,"Ġnewsp":7144,"Ġstomach":7145,"Ġforth":7146,"Ġcomplexity":7147,"TP":7148,"SP":7149,"ocket":7150,"ommod":7151,"ĠConstitution":7152,"esson":7153,"Ġcompounds":7154,"Ġremarkable":7155,"Ġprofound":7156,"Ġsurve":7157,"ĠItaly":7158,"ĠIll":7159,"itter":7160,"Ġfiber":7161,"ĠFlorida":7162,"ailed":7163,"Ġhumanity":7164,"ptions":7165,"Pe":7166,"Ġdf":7167,"Ġunable":7168,"Ġreven":7169,"ü":7170,"comfort":7171,"ĠHome":7172,"icide":7173,"isk":7174,"reshold":7175,"Chapter":7176,"fold":7177,"parse":7178,"ĠColumb":7179,"Ġdance":7180,"Ob":7181,"Ġnone":7182,"Ġinherent":7183,"ĠMill":7184,"asts":7185,"Ġcong":7186,"Ġlic":7187,"Ġtea":7188,"Ġracial":7189,"Ġpron":7190,"ĠCOVID":7191,"Ġputting":7192,"Ġpermanent":7193,"ĠSouthern":7194,"Ġcontributions":7195,"ĠAccess":7196,"Ġinhib":7197,"Ġlaunch":7198,"ribed":7199,"Ġrid":7200,"Ġmood":7201,"Ġadequate":7202,"ĠRob":7203,"Ġclothing":7204,"Ġperm":7205,"ishment":7206,"Ġtroops":7207,"Ġreserv":7208,"čĊč":7209,"ĠNatural":7210,"Ġpreventing":7211,"rd":7212,"Ġsmoking":7213,"ĠLib":7214,"child":7215,"ĠStreet":7216,"Ġhus":7217,"Ġconvey":7218,"Ġproceed":7219,"Ġinfluenced":7220,"Ġjson":7221,"Ġexpansion":7222,"Ġdelay":7223,"Rem":7224,"Ġlegs":7225,"Ġsurfaces":7226,"MA":7227,"Ġcriteria":7228,"Ġhappening":7229,"Since":7230,"rency":7231,"Stud":7232,"Ġreplaced":7233,"Ġswim":7234,"ĠBur":7235,"Ġoperate":7236,"Ġoblig":7237,"Ġjoined":7238,"terol":7239,"orph":7240,"Ġtrouble":7241,"ĠModern":7242,"Ġsubsequent":7243,"Ġoverw":7244,"Ġcommitted":7245,"Ġcul":7246,"Ġlens":7247,"opic":7248,"ĠKh":7249,"Ġlimitations":7250,"Ġinitiatives":7251,"Ġmand":7252,"ĠFre":7253,"draw":7254,"Ġdecade":7255,"Ġangle":7256,"Ġconcrete":7257,"Ġinsert":7258,"Ġforg":7259,"title":7260,"ĠAnn":7261,"ĠFrancis":7262,"ĠISBN":7263,"Ġsubstantial":7264,"asy":7265,"Med":7266,"Ġsubs":7267,"ĠRome":7268,"Ġtu":7269,"Ġgone":7270,"ĠHaw":7271,"Ġmys":7272,"isters":7273,"ĠTer":7274,"ĠEnc":7275,"rooms":7276,"edge":7277,"Ġasp":7278,"Ġchannel":7279,"Ġstreet":7280,"Ġfocusing":7281,"Ġcraft":7282,"________":7283,"ĠDisease":7284,"ĠTake":7285,"Ġdent":7286,"Ġrefuge":7287,"ĠPeter":7288,"Ġcryst":7289,"olesterol":7290,"Ġhypothes":7291,"Ġcenters":7292,"EP":7293,"Ġconference":7294,"ĠDan":7295,"Ġprotecting":7296,"Ġdisturb":7297,"first":7298,"ĠColor":7299,"ĠPub":7300,"Ġconflicts":7301,"Ġcolour":7302,"ĠMean":7303,"Ġfacilitate":7304,"Ġterritory":7305,"Can":7306,"Ġfract":7307,"earchers":7308,"Par":7309,"Ġvac":7310,"Ġpercentage":7311,"fun":7312,"Ġruns":7313,"Ġtut":7314,"Ġchrom":7315,"Ġlaboratory":7316,"Ġfashion":7317,"atial":7318,"Ġrealize":7319,"orig":7320,"Ġmild":7321,"Ġlabels":7322,"Ġzone":7323,"ulary":7324,"ĠReport":7325,"zil":7326,"Ġreward":7327,"Ġintroduce":7328,"Ġq":7329,"Ġgluc":7330,"Ġaims":7331,"vol":7332,"opyright":7333,"Your":7334,"Ġminds":7335,"Ġwouldn":7336,"erior":7337,"ĊĠĠĠĠĠĠĠĠĠ":7338,"Ġdetection":7339,"ographical":7340,"Ġrice":7341,"ó":7342,"iratory":7343,"Ġroof":7344,"Ġseconds":7345,"Ġathlet":7346,"Ġpreserve":7347,"asty":7348,"Ġsymbols":7349,"Ġru":7350,"ĠAge":7351,"Ġresulted":7352,"Ġ{'":7353,"soft":7354,"Ġdecor":7355,"Alice":7356,"ĠOcean":7357,"idity":7358,"Ġcontrovers":7359,"Ġintent":7360,"ĠIre":7361,"Ġinequ":7362,"Ġreveal":7363,"Ġtrials":7364,"ãģ":7365,"abs":7366,"Ġflour":7367,"Ġveter":7368,"ĠDoes":7369,"Ġsacr":7370,"Ġgap":7371,"ĠTV":7372,"Ġinstalled":7373,"Ġtheme":7374,"eenth":7375,"Ġinvestigation":7376,"Ġproof":7377,"current":7378,"Ġjump":7379,"uts":7380,"Ġsheet":7381,"irus":7382,"agraph":7383,"Ġconstitution":7384,"ffective":7385,"Ġstuff":7386,"Ġneck":7387,"Ġdaughter":7388,"forcement":7389,"Ġneighborhood":7390,"ĠClin":7391,"Ġalike":7392,"Su":7393,"ĠTor":7394,"Ġbridge":7395,"ĊĠĠĠĠĠĠĠĠĠĠĠĠ":7396,"Ġmitig":7397,"Ġdisrupt":7398,"Ġlibr":7399,"Ġrecommendations":7400,"Ġidentifying":7401,"ih":7402,"ĠExamples":7403,"SD":7404,"eties":7405,"Ġinterf":7406,"=[":7407,"Ġadj":7408,"onia":7409,"Ġroute":7410,"Ġprominent":7411,"kins":7412,"ĠCap":7413,"plant":7414,"Ġbiggest":7415,"ita":7416,"Ġconven":7417,"Ġreceiving":7418,"Ġshot":7419,"Ġencourages":7420,"iated":7421,"Ġfeels":7422,"ĠItalian":7423,"Ġgraduate":7424,"Ġdepart":7425,"Ġenabling":7426,"conf":7427,"argument":7428,"Ġpassage":7429,"CL":7430,"ĠEastern":7431,"Ġwarn":7432,"Ġgram":7433,"example":7434,"rint":7435,"Ġcurious":7436,"Ġemotion":7437,"Ġrelation":7438,"Ġcontained":7439,"Ġargue":7440,"American":7441,"fish":7442,"Ġgradually":7443,"TH":7444,"hma":7445,"Ġexcessive":7446,"oven":7447,"Ġcorner":7448,"heast":7449,"sey":7450,"Ġthesis":7451,"Ġconstantly":7452,"ĠNorthern":7453,"ocabulary":7454,"Ġbarriers":7455,"Ġdream":7456,"Ġhydrogen":7457,"ĠAsian":7458,"ett":7459,"Ġengineers":7460,"initely":7461,"Ġnine":7462,"cho":7463,"Id":7464,"Ġmembr":7465,"ö":7466,"Ġcrow":7467,"Ġunw":7468,"Figure":7469,"Ġliv":7470,"Ġentertain":7471,"ĠUt":7472,"ĠMad":7473,"Ġintegrated":7474,"Ġmerely":7475,"ĠSpain":7476,"outs":7477,".âĢĻ":7478,"Introduction":7479,"Ġproviders":7480,"utch":7481,"Ġneur":7482,"sl":7483,"icago":7484,"ĠAND":7485,"tery":7486,"Time":7487,"Ġmoves":7488,"Ġdialogue":7489,"Ġhole":7490,"irty":7491,"Ġequivalent":7492,"Ġestimate":7493,"Ġpra":7494,"aph":7495,"Ġsustainability":7496,"Ġdoi":7497,"Ġfounded":7498,"Ġgreenhouse":7499,"âĢĻ,":7500,"Ġfeeding":7501,"bridge":7502,"Ġpresents":7503,"Ġinterpretation":7504,"Ġbiology":7505,"Ġanalys":7506,"Ġvote":7507,"Ġadvert":7508,"ĠJoseph":7509,"Ġprinting":7510,"usal":7511,"Ġaccommod":7512,"Ġimplemented":7513,"itan":7514,"Ġstatistics":7515,"Ġmusical":7516,"ediat":7517,"uality":7518,"bing":7519,"ĠMult":7520,"Ġsatisf":7521,"Ġtwenty":7522,"Ġamid":7523,"OC":7524,"Ed":7525,"fts":7526,"Ġevolved":7527,"istical":7528,"Ġcalculate":7529,"Ġseg":7530,"Ġagents":7531,"Ġhonor":7532,"fill":7533,"Ġdifferently":7534,"quality":7535,"Ġcorrectly":7536,"Ġeducators":7537,"ĠSign":7538,"Ġrecept":7539,"Ġartistic":7540,"Ġpossibilities":7541,"Ġmoisture":7542,"Ġexpertise":7543,"case":7544,"Ġabstract":7545,"Ġnerve":7546,"Ġrobust":7547,"DP":7548,"Ġcolonial":7549,"Ġgrad":7550,"Ġrising":7551,"Ġtreating":7552,"Ġmarried":7553,"chen":7554,"Ġshad":7555,"Ġsupposed":7556,"Ġthousand":7557,"itory":7558,"oving":7559,"medi":7560,"grad":7561,"Ġwhenever":7562,"earing":7563,"Ġintricate":7564,"mented":7565,"ilation":7566,"spe":7567,"Ġplenty":7568,"Ġended":7569,"everal":7570,"ontal":7571,"onents":7572,"Ġdivision":7573,"See":7574,"ĠSing":7575,"Ġmyself":7576,"awn":7577,"Ġinterventions":7578,"Ġmeasurements":7579,"inates":7580,"Ġconversations":7581,"Ġequally":7582,"Model":7583,"Ġcontamin":7584,"Ġmeasurement":7585,"Ġepid":7586,"Ġunusual":7587,"Ġspok":7588,"Ġinstances":7589,"Ġdifficulties":7590,"Ġtargets":7591,"Ġlegislation":7592,"################################":7593,"orses":7594,"Ġrelief":7595,"Ġcapabilities":7596,"ĠIreland":7597,"ĠRoyal":7598,"Ġcust":7599,"Ġdioxide":7600,"ikip":7601,"Ġsys":7602,"ĠPop":7603,"Ġcombat":7604,"Ġrequiring":7605,"ĠTitle":7606,"Ġbranch":7607,"bles":7608,"mes":7609,"Ġmm":7610,"Ġbringing":7611,"Ġpool":7612,"Ġphenomenon":7613,"Ġestimates":7614,"Ġowner":7615,"Ġoutcome":7616,"ushed":7617,"File":7618,"|'":7619,"Ġdebt":7620,"ĠMars":7621,"Ġped":7622,"Ġparallel":7623,"Ġoverwhel":7624,"ĠMax":7625,"Ġrivers":7626,"OP":7627,"ĠAdminist":7628,"irds":7629,"Ġobjectives":7630,"Ġmechanical":7631,"ĠCommittee":7632,"close":7633,"Ġeffectiveness":7634,"Ġassume":7635,"ĠBC":7636,"eers":7637,"utils":7638,"response":7639,"eras":7640,"ugh":7641,"ĠPan":7642,"Ġnic":7643,"Ġnob":7644,"ĠSpe":7645,"andon":7646,"find":7647,"neys":7648,"Ġcontrols":7649,"esis":7650,"Ġtissues":7651,"Ġdestroyed":7652,"Ġdiscussing":7653,"Ġille":7654,"ĠWhere":7655,"ĠLiter":7656,"Ġintegration":7657,"gers":7658,"antly":7659,"Ġod":7660,"ĠResp":7661,"ĠChange":7662,"Ġspecified":7663,"ĠFree":7664,"ceptions":7665,"Ġovercome":7666,"Ġsched":7667,"etch":7668,"Per":7669,"Ġpaint":7670,"Ġobesity":7671,"oir":7672,"Ġdiagnosed":7673,"Ġran":7674,"Ġacknowled":7675,"Ġcomprom":7676,"Ġstimul":7677,"var":7678,"Ġwww":7679,"Ġcats":7680,"lights":7681,"osion":7682,"Ġoutl":7683,"Add":7684,"Ġpassing":7685,"ĠImp":7686,"anta":7687,"Ġalgorithms":7688,"health":7689,"Ġminimize":7690,"Ġperforming":7691,"lik":7692,"Ġminerals":7693,"Ġbiod":7694,"Ġwel":7695,"Ġclients":7696,"Ġjoy":7697,"Ġrepair":7698,"Ġfairly":7699,"Ġmeth":7700,"Ġpup":7701,"Ġdisput":7702,"Ġnotable":7703,"Ġmovie":7704,"ĠCamp":7705,"Ġboy":7706,"batch":7707,"Ġfurn":7708,"Ġhistoric":7709,"Ġaward":7710,"itz":7711,"illa":7712,"Ġsolving":7713,"Ġcontributing":7714,"ĠPM":7715,"ĠModel":7716,"Ġbatch":7717,"Ġexplanation":7718,"Ġexplicit":7719,"ĠFollow":7720,"Ġfinished":7721,"Ġfrequent":7722,"Ġfarming":7723,"Ġflav":7724,"Ġcovers":7725,"yroid":7726,"Ġreput":7727,"Ġconvert":7728,"Ġhandling":7729,"ĠCancer":7730,"acles":7731,"teen":7732,"ritis":7733,"ĠStart":7734,"etics":7735,"ĠGard":7736,"Ġuniversities":7737,"itical":7738,"Ġrocks":7739,"Ġdevelopments":7740,"Ġdanger":7741,"Ġcustomer":7742,"ĠGeorg":7743,"Ġparser":7744,"Ġkne":7745,"Ġmyst":7746,"Ġdataset":7747,"Ġalgorithm":7748,"ĠBank":7749,"Ġtransc":7750,"Ġlights":7751,"Ġexperiencing":7752,"Ġcholesterol":7753,")))":7754,"pop":7755,"Ġmur":7756,"Ġstrongly":7757,"Despite":7758,"ĠHistorical":7759,"ĠSchol":7760,"Ġships":7761,"iki":7762,"ĠScot":7763,"Man":7764,"âĢĺ":7765,"root":7766,"Ġstructural":7767,"Ġexception":7768,"Ġsimultaneously":7769,"BS":7770,"Ġtag":7771,"tic":7772,"een":7773,"Ġscan":7774,"Ġuniversal":7775,"aws":7776,"ĠAnalysis":7777,"ĠRichard":7778,"ĠCreate":7779,"Ġorgans":7780,"conc":7781,"Ġforming":7782,"Ġscores":7783,"ĠCa":7784,"Ġvideos":7785,"ikipedia":7786,"Ġspecialized":7787,"ĠCommunity":7788,"arks":7789,"ĠTimes":7790,">>":7791,"Ġshed":7792,"[:,":7793,"Ġpharm":7794,"Ġneither":7795,"Ġnewly":7796,"ograp":7797,"Ġembed":7798,"Ġfest":7799,"Ġvictims":7800,"eries":7801,"capes":7802,"Ġvisitors":7803,"Ġsizes":7804,"Ġspin":7805,"save":7806,"Ġsport":7807,"Ġbath":7808,"Ġnervous":7809,"ĠRom":7810,"Ġcleaning":7811,"itals":7812,"car":7813,"axis":7814,"Ġrealm":7815,"Ġassociation":7816,"ĠWood":7817,"raining":7818,"ocy":7819,"Ġnu":7820,"Ġstores":7821,"Ġdys":7822,"ruption":7823,"Ġdamaged":7824,"ĠâĢ¢":7825,"Ġeastern":7826,"Ġrespectively":7827,"Ġencouraged":7828,"ĠBoard":7829,"Ġtrauma":7830,"Lear":7831,"itt":7832,"sequently":7833,"Ġrepresenting":7834,"ĠMa":7835,"Ġelectro":7836,"Ġtank":7837,"Ġsessions":7838,"Ġfu":7839,"ĠClimate":7840,"Ġvoltage":7841,"Ġcircle":7842,"Ġinfluences":7843,"Ġcontributed":7844,"Ġadds":7845,"Ġoutbre":7846,"Ġicon":7847,"ĠInit":7848,"rox":7849,"ĠScott":7850,"Ġfer":7851,"ervice":7852,"fn":7853,"IA":7854,"Ġ'''":7855,"Ġdefe":7856,"attr":7857,"Ġsharp":7858,"Ġpractition":7859,"ĠIns":7860,"Ġobserve":7861,"ĠFamily":7862,"Ġcorrel":7863,"Ġsmoke":7864,"onym":7865,"ola":7866,"Ġcomputing":7867,"Ġstatements":7868,"env":7869,"ĠGuide":7870,"Sub":7871,"и":7872,"ĠPenn":7873,"agram":7874,"opes":7875,"Ġlaunched":7876,"ĠGal":7877,"Ġresident":7878,"Last":7879,"Ġreaching":7880,"Ġpeoples":7881,"Ġbigger":7882,"Ġmining":7883,"Ġmyster":7884,"Ġbutton":7885,"Today":7886,"rier":7887,"ctive":7888,"Ġreson":7889,"Ġmolecular":7890,"ĠWorks":7891,"ostic":7892,"Ġrhyth":7893,"gov":7894,"Ġtack":7895,"]]":7896,"Ġequality":7897,"ĠAgricult":7898,"types":7899,"Ġpoetry":7900,"Ġattempts":7901,"Ġintense":7902,"ĠWill":7903,",'":7904,"ĠEU":7905,"ä¸":7906,"ĠEc":7907,"Ġbanks":7908,"Ġblind":7909,"Ġextraord":7910,"gener":7911,"itual":7912,"Ġmice":7913,"peut":7914,"Ġcoastal":7915,"search":7916,"Ġintegr":7917,"Ġtransformation":7918,"ieval":7919,"Ġgent":7920,"Ġweapons":7921,"Ġmir":7922,"Ġisinstance":7923,"Ġflo":7924,"ĠHy":7925,"Ġpsychology":7926,"izers":7927,"Ġobservation":7928,"iences":7929,"amine":7930,"Ġpuzz":7931,"Ġsomewhat":7932,"ĠValley":7933,"Ġcontainer":7934,"Ġempower":7935,"Ġqualities":7936,"ĠMichael":7937,"Ġbranches":7938,"Ġcriminal":7939,"ĠThough":7940,"ressing":7941,"files":7942,"Ġregulation":7943,"Ġcarb":7944,"ĠSciences":7945,"olesc":7946,"ells":7947,"ĠMaybe":7948,"ĠBrown":7949,"Ġ},":7950,"ĠMethod":7951,"Ġfriendly":7952,"theless":7953,"Ġinn":7954,"ureau":7955,"Ġwatching":7956,"Ġshaped":7957,"connect":7958,"kl":7959,"Ġauton":7960,"Ġformula":7961,"property":7962,"Ġrom":7963,"Ġempty":7964,"Ġincorporate":7965,"Ġissued":7966,"Ġbonds":7967,"Ġarchae":7968,"Reg":7969,"ĠHappy":7970,"Ġfever":7971,"View":7972,"ql":7973,"Ġlinear":7974,"Ġfaces":7975,"Ġwebsites":7976,"abled":7977,"aining":7978,"number":7979,"Ġcarrying":7980,"aired":7981,"ĠOR":7982,"uke":7983,"ĠStat":7984,"ĠFind":7985,"Ġmoments":7986,"fast":7987,"ĠReal":7988,"acher":7989,"athered":7990,"Ġdefense":7991,"Ġdigest":7992,"bur":7993,"Ġstroke":7994,"ĠVer":7995,".\"\"\"":7996,"Ġagent":7997,"Ġproductivity":7998,"Ġentered":7999,"Ġrect":8000,"Ġsitting":8001,"Ġassigned":8002,"Ġphoto":8003,"ailable":8004,"Ġboys":8005,"%.":8006,"Ġmos":8007,"ĠNever":8008,"Ġessentially":8009,"igma":8010,"ĠAcademy":8011,"ali":8012,"ĠWord":8013,"Ġrank":8014,"ĠSpecial":8015,"ĠVictor":8016,"Ġvariations":8017,"Ġpoison":8018,"ĠIndust":8019,"Ġconstructed":8020,"HD":8021,"Ġpermission":8022,"airy":8023,"Ġinher":8024,"Ġcaptured":8025,"ani":8026,"ĠChicago":8027,"isp":8028,"Ġmarks":8029,"Ġcorresponding":8030,"Pre":8031,"Ġ),":8032,"Ġchances":8033,"Ġschedule":8034,"Ġdescript":8035,"Ġblow":8036,"Ġencouraging":8037,"unning":8038,"Ġabandon":8039,"Ġdestruction":8040,"Ġcaught":8041,"va":8042,"Ġstead":8043,"Ġupdated":8044,"sim":8045,"Ġviruses":8046,"Ġcompassion":8047,"Ġjudge":8048,"HT":8049,"ĠBrazil":8050,"eness":8051,"Ġmask":8052,"Ġliteracy":8053,"Ġdispl":8054,"Ġplus":8055,"Ġpeak":8056,"Ġprinted":8057,"arios":8058,"rowing":8059,"Text":8060,"ĠTry":8061,"Ġcompens":8062,"Ġwellbeing":8063,"Ġranging":8064,"ĠChristianity":8065,"ymph":8066,"Ġvolcan":8067,"Ġwidth":8068,"orate":8069,"Part":8070,"ults":8071,"oga":8072,"amination":8073,"abil":8074,"apse":8075,"SC":8076,"random":8077,"urrent":8078,"rary":8079,"Ġescape":8080,"acco":8081,"Ġactively":8082,"ï¼":8083,"Don":8084,"Ġrobot":8085,"ĠBab":8086,"token":8087,"Ġpersonality":8088,"Ġpit":8089,"asses":8090,"Ġenemy":8091,"Ġstrategic":8092,"Ġundert":8093,"ba":8094,"ĠBig":8095,"Ġversions":8096,"Ġcyber":8097,"rac":8098,"ĠSecurity":8099,"friend":8100,"Ġsurprising":8101,"Ġglucose":8102,"Sp":8103,"Ġmodified":8104,"erring":8105,"Ġefficiently":8106,"IF":8107,"ĠServices":8108,"ĠWelcome":8109,"Ġburning":8110,"Ġworkshe":8111,"Am":8112,"She":8113,"ĠLast":8114,"di":8115,"has":8116,"quit":8117,"Ġsunlight":8118,"ami":8119,"Ġarise":8120,"Ġinspect":8121,"Ġrab":8122,"ano":8123,"ĠYoung":8124,"Ġsla":8125,"column":8126,"Ġimplementing":8127,"ĠValue":8128,"stack":8129,"otton":8130,"ĠViet":8131,"Form":8132,"Ġecosystems":8133,"Ġrenewable":8134,"Ġpromise":8135,"Ġampl":8136,"Ġmeters":8137,"Ġhun":8138,"ki":8139,"ĠIII":8140,"reek":8141,"ĠWhether":8142,"amins":8143,"Ġawait":8144,"Ġpracticing":8145,"orted":8146,"ĠCarolina":8147,"})":8148,"Ġnarrative":8149,"Ġcav":8150,"Ġdates":8151,"Sim":8152,"utrition":8153,"Ġemphasis":8154,"Even":8155,"plete":8156,"RC":8157,"Ġtables":8158,"Ġapproved":8159,"Ġposit":8160,"Ġfemales":8161,"Ġmarketing":8162,"Ġpreferences":8163,"ocking":8164,"ĠSarah":8165,"Ġnose":8166,"Ġexplored":8167,"Ġcomposed":8168,"vance":8169,"Ġclassic":8170,"Ġtub":8171,"charge":8172,"ĠIran":8173,"core":8174,"ĠParty":8175,"Ġplanned":8176,"Ġsad":8177,"','":8178,"ĠOper":8179,"Ġgirl":8180,"estions":8181,"ĠFace":8182,"Ġdesert":8183,"dist":8184,"Ġweakness":8185,"ston":8186,"Ġkidney":8187,"sem":8188,"Ġdisaster":8189,"iar":8190,"esides":8191,"Ġautomatically":8192,"ĠSil":8193,"opath":8194,"Ġannounced":8195,"Ġmixture":8196,"ĠChristians":8197,"PE":8198,"ĠPlant":8199,"ading":8200,"Ġscientist":8201,"bug":8202,"Ġurl":8203,"Ġmortality":8204,"Ġassets":8205,"Ġbabies":8206,"Ġordinary":8207,"Ġexpressions":8208,"Ġimprovements":8209,"Ġpurs":8210,"Ġkeeps":8211,"Ġprecise":8212,"Ġdimensions":8213,"Ġslavery":8214,"Ġrender":8215,"Ġpoem":8216,"Ġindicated":8217,"Ġanalyzing":8218,"ĠTogether":8219,"Ġproven":8220,"Ġconsiderable":8221,"connected":8222,"Ġtube":8223,"tem":8224,"Ġmales":8225,"ensional":8226,"Ġfalls":8227,"azine":8228,"Ġlingu":8229,"ĠUlt":8230,"Ġparas":8231,"this":8232,"Ġring":8233,"utely":8234,"Inter":8235,"Ġattach":8236,"Ġbrush":8237,"Ġinspiration":8238,"Ġsigned":8239,"door":8240,"Trans":8241,"EST":8242,"Ġlegisl":8243,"ovascular":8244,"egin":8245,"Ġguard":8246,"Ġchannels":8247,"Ġinsulin":8248,"Ġprofile":8249,"Ġdb":8250,"wind":8251,"Ġavailability":8252,"Ġpanel":8253,"yal":8254,"Ġresid":8255,"elesc":8256,"Ġstrain":8257,"Ġproportion":8258,"Ġlaid":8259,"Ġtraits":8260,"otype":8261,"elfare":8262,"ady":8263,"Ġwonderful":8264,"ĠSat":8265,"lower":8266,"inson":8267,"Ġpin":8268,"Ġmemories":8269,"Ġcash":8270,"Ġproved":8271,"ĠFort":8272,"ude":8273,"Ġtons":8274,"Ġdeclared":8275,"Ġdispar":8276,"ĠProcess":8277,"ĠHoly":8278,"ĠBack":8279,"Ġmeasuring":8280,"Ġuniform":8281,"rypt":8282,"Ġcycl":8283,"Ġfinds":8284,"Ġorigins":8285,"ĠUnfortunately":8286,"Ġdisabilities":8287,"ĠDev":8288,"Ġwine":8289,"Ġextend":8290,"Ġtargeted":8291,"UM":8292,"iture":8293,"Ġvarieties":8294,"Ġrac":8295,"Ġcounsel":8296,"Ġheating":8297,"show":8298,"Ġsenior":8299,"Ġdependent":8300,"čĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":8301,"Ġperception":8302,"Ġplane":8303,"Ġsatellite":8304,"Ġsensitivity":8305,"azon":8306,")]":8307,"Ġepis":8308,"ourage":8309,"iah":8310,"------------":8311,"Ġpreparing":8312,"Ġenhancing":8313,"Ġpreserving":8314,"sen":8315,"Ġnorms":8316,"Aut":8317,"Ġattitudes":8318,"Ġidentification":8319,"you":8320,"Ġtact":8321,"lessly":8322,"Ġclub":8323,"Ġscenario":8324,"ĠPot":8325,"ĠNote":8326,"ĠOptional":8327,"Ġexhibit":8328,"Ġmold":8329,"Ġdefend":8330,"roat":8331,"edu":8332,"ĠNaz":8333,"Ġinterface":8334,"ĠIrish":8335,"Ġusual":8336,"Ġtension":8337,"ounce":8338,"Ġelection":8339,"Ġprovider":8340,"telling":8341,"Ġsafely":8342,"lock":8343,"onal":8344,"Ġequation":8345,"Ġmicrob":8346,"Ġcounty":8347,"project":8348,"Ġchest":8349,"night":8350,"Ġprivacy":8351,"Ġremoval":8352,"otypes":8353,"Ġquiet":8354,"ÑĤ":8355,"Ġcontribution":8356,"Ġscope":8357,"Ġdollars":8358,"Ġinhabit":8359,"Ġhusband":8360,"Ġpeer":8361,"Ġchoosing":8362,"ĠBob":8363,"Ġroads":8364,"Ġvel":8365,"ĠSystems":8366,"Ġhem":8367,"Ġinspire":8368,"Ġsampl":8369,"Ġrespiratory":8370,"link":8371,"Ġmetabol":8372,"Ġsensors":8373,"Ġvocabulary":8374,"Ġcelebrate":8375,"Ġwound":8376,"Ġconnecting":8377,"ĠKingdom":8378,"Ġouter":8379,"Ġtract":8380,"Ġintensity":8381,"Ġextraordinary":8382,"Ġexperimental":8383,"opol":8384,"ĠMel":8385,"ĠMen":8386,"Ġfacility":8387,"ĠStrateg":8388,"Ġaudio":8389,"Ġmarginal":8390,"ĠBuilding":8391,"Ġfaculty":8392,"Ġwindows":8393,"ĠPo":8394,"Ġecological":8395,"graph":8396,"ĠApplic":8397,"Ġritual":8398,"Ġprotective":8399,"Ġfinger":8400,"akistan":8401,"%)":8402,"Che":8403,"Ġdispos":8404,"EE":8405,"Ġdriven":8406,"Ġirrit":8407,"haust":8408,"brid":8409,"heric":8410,"ĠHand":8411,"Example":8412,"uid":8413,"Ġimaging":8414,"Ġturb":8415,"items":8416,"={":8417,"Ġwarning":8418,"Ġhorses":8419,"Ġgut":8420,"Ġfeat":8421,"Ġdecreased":8422,"Ġlie":8423,"Ġmaintained":8424,"Ġprospect":8425,"Ġcoverage":8426,"Ġminute":8427,"Ġopinions":8428,"emia":8429,"Ġstere":8430,"Ġvector":8431,"ĠLook":8432,"query":8433,"Ġessays":8434,"Ġabsolute":8435,"Ġgalax":8436,"Ġtheoretical":8437,"ĠIslamic":8438,"Ġspectrum":8439,"Ġmicrosc":8440,"Ġalive":8441,"Ġhonest":8442,"Ġdriver":8443,"ĠJohnson":8444,"ĠYear":8445,"Ġinteractive":8446,"Ġprohib":8447,"ĠImport":8448,"Ġcalculated":8449,"Ġhoney":8450,"ivered":8451,"ustain":8452,"Ġsoph":8453,"cf":8454,"Ġgiant":8455,"ĠZeal":8456,"Ġintrig":8457,"ĠLearn":8458,"Ġcoc":8459,"ĠBusiness":8460,"ipher":8461,"Ġcaptiv":8462,"Ġstrange":8463,"ĠAtlantic":8464,"IDS":8465,"Ġdietary":8466,"sg":8467,"Ġearthqu":8468,"rous":8469,"Ġadvances":8470,"Ġanywhere":8471,"Ġhur":8472,"Ġpounds":8473,"Ġdefect":8474,"emplate":8475,"ailing":8476,"Ġspir":8477,"ĠMartin":8478,"itamin":8479,"Ġbreeding":8480,"ĠAst":8481,"ohyd":8482,"Ġtranslation":8483,"Ġprocessed":8484,"Ġtempl":8485,"ĠSuper":8486,"hyd":8487,"iological":8488,"tr":8489,"Ġvarying":8490,"iox":8491,"ĠInteg":8492,"CP":8493,"Ġcooperation":8494,"oded":8495,"ideo":8496,"Ġofficers":8497,"ĠSafety":8498,"Ġsilver":8499,"ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":8500,"ĠHall":8501,"Ġabnormal":8502,"ĠGrand":8503,"ĠForest":8504,"Ġevil":8505,"Ġceremon":8506,"working":8507,"oric":8508,"Tra":8509,"Ġparagraph":8510,"Ġvan":8511,"ĠPlay":8512,"Ġencomp":8513,"itarian":8514,"igan":8515,"Ġrecover":8516,"uris":8517,"Ġreporting":8518,"Ġholes":8519,"Ġquery":8520,"DS":8521,"Ġrarely":8522,"Hist":8523,"ĠSecret":8524,"Ġflower":8525,"ĠOxford":8526,"Ġcomplications":8527,"Ġlosses":8528,"Ġmigration":8529,"Class":8530,"Ġtick":8531,"Ġprincipal":8532,"FA":8533,"Ġeliminate":8534,"Ġreverse":8535,"Ġcovering":8536,"Ġscenarios":8537,"Ġintest":8538,"igned":8539,"Ġhaven":8540,"Ġreasonable":8541,"Ġbias":8542,"Ġprofit":8543,"Ġ;":8544,"Ġsentences":8545,"Ġaccompan":8546,"·":8547,"Ġcopper":8548,"Ġcream":8549,"iber":8550,"nals":8551,"Ġtelevision":8552,"Ġroughly":8553,"ĠResources":8554,"ĠDou":8555,"Ġrecall":8556,"Ġtaxes":8557,"ernel":8558,"Ġabsence":8559,"Ġcentre":8560,"ĠEp":8561,"ync":8562,"ĠFund":8563,"prene":8564,"filter":8565,"Ġseemingly":8566,"Ġpackage":8567,"Ġcompound":8568,"Ġperceived":8569,"Ġdominant":8570,"Ġclaimed":8571,"Ġcommittee":8572,"ĠZealand":8573,"ĠEngineering":8574,"archy":8575,"Ġfault":8576,"Ġcommission":8577,"Ġhardware":8578,"feed":8579,"Ġflavor":8580,"ĠTom":8581,"Ġphysically":8582,"Ġembracing":8583,"alog":8584,"mentation":8585,"Ġtrace":8586,"peutic":8587,"Ġislands":8588,"Ġaccurately":8589,"ĠAlice":8590,"Ġorbit":8591,"Ġconsume":8592,"ĠBill":8593,"Ġcollections":8594,"Ġfunctioning":8595,"Ġpregnant":8596,"Ġmutual":8597,"Ġcoding":8598,"ĠSup":8599,"Every":8600,"Ġdil":8601,"eping":8602,"rance":8603,"Ġreflection":8604,"Ġsuscept":8605,"Ġradical":8606,"Ġcab":8607,"reprene":8608,"Ġbalanced":8609,"ĠConsequently":8610,"Ġven":8611,"Ġcrew":8612,"Ġvariation":8613,"Ġmemor":8614,"=(":8615,"ĠChristmas":8616,"including":8617,"Ġtip":8618,"osh":8619,"ĠNum":8620,"ĠNetwork":8621,"ĠLead":8622,"Ġfing":8623,"Ġminimal":8624,"chain":8625,"Ġdish":8626,"ĠHT":8627,"ĠIndians":8628,"Ġfourth":8629,"ĠOrig":8630,"Ġlogic":8631,"Ġembark":8632,"Ġconqu":8633,"Ġflows":8634,"aska":8635,"Ġconfirmed":8636,"miss":8637,"Ġedition":8638,"Ġlists":8639,"ĠAgency":8640,"Ġarrest":8641,"found":8642,"Ġharder":8643,"cyclop":8644,"Ġlock":8645,"ĠOnline":8646,"ECT":8647,"Ġheads":8648,"Ġrequests":8649,"Ġconsciousness":8650,"Ġov":8651,"uscript":8652,"Because":8653,"Ġdesigning":8654,"ocolate":8655,"Ġwheel":8656,"Ġinvestigate":8657,"Ġtow":8658,"Ġbreaking":8659,"Ġflexibility":8660,"Ġnodes":8661,"ga":8662,"Ġgrain":8663,"Ġsoul":8664,"Ġcham":8665,"Ġreferences":8666,"Ġinfo":8667,"Ġexamined":8668,"ĠMove":8669,"heimer":8670,"Ġquantum":8671,"igue":8672,"ĠHill":8673,"ĠSwed":8674,"Ġfo":8675,"rection":8676,"PL":8677,"Ġbatt":8678,"Ġwondered":8679,"ensed":8680,"Ġvertical":8681,"ulpt":8682,"ĠOrganization":8683,"ersion":8684,"Ġvibrant":8685,"Ġflexible":8686,"Ġduration":8687,"Ġopposed":8688,"Ġrational":8689,"Ġlake":8690,"ĠEqu":8691,"cut":8692,"Next":8693,"ĠLim":8694,"otherapy":8695,"ĠThree":8696,"rize":8697,"Ġherself":8698,"csv":8699,"ĠMer":8700,"emb":8701,"alities":8702,"Ġlighting":8703,"ĠFact":8704,"ĠAR":8705,"ĠNorm":8706,"Ġye":8707,"common":8708,"Ġparameter":8709,"Ġbrow":8710,"ruit":8711,"hema":8712,"ĠBal":8713,"Ġauthentic":8714,"Ġphrase":8715,"ĠHosp":8716,"Ġchlor":8717,"Ġmountains":8718,"Ġcontributes":8719,"reams":8720,"abeth":8721,"Ġgranted":8722,"Ġlibraries":8723,"Cons":8724,"Ġfishing":8725,"Ġscreening":8726,"Ġbag":8727,"ĠLittle":8728,"ĠContin":8729,"etary":8730,"Ġsurprise":8731,"ĠDen":8732,"anted":8733,"Ġsuperior":8734,"Ġacquired":8735,"ĠAuthor":8736,"Ġmanifest":8737,"covery":8738,"Ġrose":8739,"Ġspark":8740,"Ġhazard":8741,"Ġanticip":8742,"Ġcalling":8743,"icy":8744,"sex":8745,"Ġprobability":8746,"Ġcalories":8747,"Ġresearcher":8748,"Ġachieving":8749,"Ġcurve":8750,"Ġdetected":8751,"ĠCle":8752,"Ġdelivered":8753,"Ġworship":8754,"Ġpond":8755,"idation":8756,"Ġbene":8757,"Ġmineral":8758,"Ġgrows":8759,"Just":8760,"Ġtempor":8761,"Ġloop":8762,"ura":8763,"Ġsensor":8764,"ĠPlease":8765,"Ġclassical":8766,"Ġfra":8767,"Ġlandscapes":8768,"Ġexceed":8769,"Ġpeers":8770,"Ġdose":8771,"IO":8772,"Ġsaved":8773,"Ġnumer":8774,"uten":8775,"Ġsculpt":8776,"Ġtemple":8777,"Ġpreced":8778,"ĠPoint":8779,"Ġextension":8780,"Ġcompetitive":8781,"Ġpropag":8782,"Ġphenomena":8783,"olar":8784,"Ġmotivation":8785,"Ġsongs":8786,".).":8787,"Ġglobe":8788,"ĠPolicy":8789,"Ġappeal":8790,"Ġdemocracy":8791,"Def":8792,"Ġinfant":8793,"Ġabsor":8794,"Ġunders":8795,"pie":8796,"Ġvisited":8797,"irms":8798,"ĠFigure":8799,"clusions":8800,"Ġease":8801,"ĠReading":8802,"Ġbiom":8803,"venile":8804,"Ġdiameter":8805,"Ġdishes":8806,"Ġisolated":8807,"peror":8808,"Ġclothes":8809,"eta":8810,"ĠPractice":8811,"ĠAdministration":8812,"ĠHeb":8813,"Ġcooling":8814,"ĠCross":8815,"Ġdetermining":8816,"uis":8817,"oston":8818,"amps":8819,"Ġtowns":8820,"čĊčĊĠĠĠ":8821,"Ġcopyright":8822,"Ġbeneath":8823,"Ġpassword":8824,"ĠAssess":8825,"through":8826,"Ġexpanded":8827,"Ġcas":8828,"Ġdetermination":8829,"raints":8830,"н":8831,"Ġpandemic":8832,"Ġadvancements":8833,"ĠJul":8834,"oln":8835,"mask":8836,"Ġalternatives":8837,"acent":8838,"Ġsurge":8839,"Ġstations":8840,"ĠPakistan":8841,"left":8842,"Ġenhanced":8843,"Ġneural":8844,"Ġsuffered":8845,"Ġcompos":8846,"ĠConnect":8847,"Ġfrust":8848,"Ġtemporary":8849,"ogenic":8850,"ptic":8851,"Table":8852,"Ġgast":8853,"roud":8854,"ĠLow":8855,"Ġchemistry":8856,"power":8857,"perm":8858,"unct":8859,"xy":8860,"Ġcontexts":8861,"ĠAngel":8862,"Ġversus":8863,"Ġmanager":8864,"Ġhabitats":8865,"ĊĊĠ":8866,"Ġraising":8867,"ĠWindows":8868,"oons":8869,"Ġdisability":8870,"Ġbreed":8871,"ĠMoon":8872,"rin":8873,"adder":8874,"ĠWithout":8875,"anger":8876,"aped":8877,"Ġlosing":8878,"Ġaest":8879,"Ġgrains":8880,"Ġstakeholders":8881,"ĠDistrict":8882,"aved":8883,"Ġblank":8884,"Ġordered":8885,"clude":8886,"ĠObs":8887,"Ġelsewhere":8888,"Ġkeys":8889,"Ġelder":8890,"'))":8891,"Ġgathered":8892,"Ġwheat":8893,"fix":8894,"Ġunity":8895,"Ġvisiting":8896,"Ġles":8897,"math":8898,"ĠDown":8899,"Ġhier":8900,"Ġsubmit":8901,"product":8902,"iana":8903,"OW":8904,"Ġluck":8905,"Ġhappiness":8906,"kind":8907,"Ġdrag":8908,"Ġadolesc":8909,"quir":8910,"advant":8911,"Ġearliest":8912,"Ġhence":8913,"Ġaddressed":8914,"Ġhormone":8915,"Ġexcited":8916,"Ġtribes":8917,"riz":8918,"ĠCrit":8919,"ĠFour":8920,"creen":8921,"Ġsuddenly":8922,"ĠRoad":8923,"Ġcontrolling":8924,"mail":8925,"Ġexhaust":8926,"ĠID":8927,"Note":8928,"icular":8929,"onent":8930,"rolled":8931,"Ġtelling":8932,"Ġaged":8933,"Ġconj":8934,"Ġcolumns":8935,"ĠSpirit":8936,"Ġacute":8937,"Ġedges":8938,"Ġdirections":8939,"Ġasc":8940,"Ġtropical":8941,"oured":8942,"Ġcountless":8943,"Ġparad":8944,"Ġsaving":8945,"Ġvoices":8946,"Ġacting":8947,"ĠMath":8948,"Ġmine":8949,"ema":8950,"Ġhunting":8951,"Ġseat":8952,"Ġterror":8953,"ricts":8954,"ĠPath":8955,"Ġbuff":8956,"ĠSir":8957,"Ġbomb":8958,"Co":8959,"oids":8960,"Ġmanual":8961,"Ġviewed":8962,"Ġsatisfact":8963,"Ġunion":8964,"NS":8965,"ĠHarv":8966,"Ġdisag":8967,"ĠCast":8968,"ĠLog":8969,"CA":8970,"rh":8971,"ĠArticle":8972,"Ġdecay":8973,"aration":8974,"mal":8975,"Ġstopped":8976,"ĠRock":8977,"TER":8978,"only":8979,"ĠCentre":8980,"books":8981,"vi":8982,"Ġoccurring":8983,"Ġchose":8984,"ATION":8985,"Ġfed":8986,"cult":8987,"Ġintegrity":8988,"Ġstones":8989,"ĠWall":8990,"Ġcandidate":8991,"ĠTop":8992,"Ġcombine":8993,"ĠVen":8994,"ĠJac":8995,"Ġpreferred":8996,"anned":8997,"α":8998,"asant":8999,"msg":9000,"context":9001,"Ġthermal":9002,"Ġscr":9003,"Ġnitrogen":9004,"ega":9005,"Ġpestic":9006,"ometric":9007,"ĠHor":9008,"Ġlegacy":9009,"ui":9010,"pdf":9011,"iability":9012,"izabeth":9013,"Ġgently":9014,"Ġcluster":9015,"Ġachievement":9016,"ĠLight":9017,"Ġstreets":9018,"Ġmagic":9019,"pi":9020,"exist":9021,"Ġfarms":9022,"ä":9023,"Ġphosph":9024,"Ġshoot":9025,"Inf":9026,"Ġfalling":9027,"Ġremoving":9028,"Ġtales":9029,"Ġtight":9030,"Ġequipped":9031,"mond":9032,"non":9033,"Ġspatial":9034,"Ġamidst":9035,"Ġgrades":9036,"Ġbacterial":9037,"Ġattributes":9038,"ĠProp":9039,"Ġinvolvement":9040,"Ġhighlights":9041,"Ne":9042,"Ġvig":9043,"Ġquantity":9044,"Ġgenu":9045,"ĠCase":9046,"txt":9047,"Ġdefinitely":9048,"ĠCE":9049,"Ġasthma":9050,"century":9051,"cipe":9052,"Ġevening":9053,"Ġillegal":9054,"QL":9055,"best":9056,"Ġpaying":9057,"likely":9058,"ĠMach":9059,"Ġduty":9060,"char":9061,"ĠPass":9062,"fields":9063,"Ġwearing":9064,"Ġvitamins":9065,"Ġsuit":9066,"Ġdirected":9067,"Ġcort":9068,"Ġelected":9069,"regation":9070,"Ġcalm":9071,"Ġdiscipline":9072,"Ġpointed":9073,"ioxid":9074,"Ġseparated":9075,"Ġnutrient":9076,"Ġmagical":9077,"duate":9078,"Ġplain":9079,"zheimer":9080,"ATE":9081,"angered":9082,"Ġauto":9083,"omer":9084,"Welcome":9085,"imm":9086,"iments":9087,"CR":9088,"inition":9089,"ĠUr":9090,"ĠTable":9091,"acies":9092,"irth":9093,"Ġdiffer":9094,"Ġwrites":9095,"ĠKorea":9096,"ĠReturns":9097,"Ġtrigger":9098,"ctors":9099,"Ġdivine":9100,"Ġmistakes":9101,"Ġbreaks":9102,"ĠCoast":9103,"Ġpd":9104,"raq":9105,"una":9106,"Ġownership":9107,"Ġspan":9108,"Ġmanufacturers":9109,"after":9110,"pload":9111,"Ġorders":9112,"Ġphilosoph":9113,"SI":9114,"Ġphysician":9115,"ĠDigital":9116,"ĠDar":9117,"ĠMD":9118,"People":9119,"ĠSund":9120,"ependent":9121,"Ġlaser":9122,"ĠColumbia":9123,"ĠAvoid":9124,"Ġdictionary":9125,"build":9126,"Ġsolely":9127,"Ġshock":9128,"ĠWay":9129,"Ġcourts":9130,"Ġresponsibilities":9131,"ocity":9132,"ĠPet":9133,"Ġsegment":9134,"Ġflying":9135,"HA":9136,"Ġplanting":9137,"Ġconcentrations":9138,"incoln":9139,"oder":9140,"Ġfatty":9141,"Out":9142,"Ġnom":9143,"predict":9144,"Ġlogger":9145,"Ġpaths":9146,"vals":9147,"Ġ?":9148,"Ġsacred":9149,"bel":9150,"command":9151,"Ġfats":9152,"ĠImm":9153,"Ġgentle":9154,"Ġlip":9155,"ĠDom":9156,"eting":9157,"Ġsecre":9158,"Ġgases":9159,"Ġdoors":9160,"ĠCir":9161,"unicip":9162,"ĠFire":9163,"Ġperpet":9164,"ivation":9165,"ĠCode":9166,"Ġargued":9167,"Ġhealthier":9168,"Ġinclusive":9169,"Ġalert":9170,"ĠGr":9171,"arters":9172,"Ġtoys":9173,"Ġneutral":9174,"ÑĢ":9175,"Ġperfectly":9176,"Ġdrought":9177,"Ġaddiction":9178,"layer":9179,"Ġpairs":9180,"duction":9181,"isely":9182,"ĠSupreme":9183,"Ġdramatic":9184,"ĠConservation":9185,"urolog":9186,"Ġdegrad":9187,"Ġspecim":9188,"block":9189,"oys":9190,"Ġclock":9191,"Ġchair":9192,"ĠMaster":9193,"ila":9194,"Ġmetals":9195,"zone":9196,"[-":9197,"ĊĠĠĠĠĠĠĠĠĊĠĠĠĠĠĠĠ":9198,"Ġfinish":9199,"Ġcattle":9200,"Ġbiodiversity":9201,"Ġroyal":9202,"specific":9203,"tag":9204,"Ġmic":9205,"ĠAL":9206,"Sm":9207,"Ġincident":9208,"Ġmg":9209,"achers":9210,"made":9211,"$$":9212,"Ġobstacles":9213,"Ġpanels":9214,"Are":9215,"Ġdipl":9216,"Ġanalyses":9217,"ĠIss":9218,"Ġslaves":9219,"Ġchap":9220,"Ġfought":9221,"ricted":9222,"alm":9223,"\"],":9224,"ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":9225,"oul":9226,"Source":9227,"Ġtough":9228,"bits":9229,"ĠYes":9230,"Ġcharacteristic":9231,"OM":9232,"Ġrecognizing":9233,"exec":9234,"Ġspoken":9235,"Ġcardiovascular":9236,"labels":9237,"Ġtone":9238,"Ġnice":9239,"Ġsubt":9240,"Ġton":9241,"ĠPrevention":9242,"Ġenorm":9243,"Ġplanets":9244,"Ġentering":9245,"Ġmock":9246,"vania":9247,"ESS":9248,"ĠHeart":9249,"Ġworst":9250,"ĠPen":9251,"ĠFacebook":9252,"Ġslave":9253,"issance":9254,"Ġpla":9255,"Ġimagination":9256,"ĠFil":9257,"aret":9258,"Ġmanuscript":9259,"ĠInvest":9260,"ptom":9261,"Ġpractitioners":9262,"friendly":9263,"Ġadvers":9264,"Ġspots":9265,"Ġcandidates":9266,"erge":9267,"Image":9268,"fs":9269,"Ġbehavioral":9270,"Ġestablishing":9271,"ĠFuture":9272,"ĠProg":9273,"ĠIndeed":9274,"ĠCr":9275,"Ġclar":9276,"erman":9277,"bean":9278,"Ġgraphic":9279,"Ġmoderate":9280,"ĠProtection":9281,"Ġpriority":9282,"Ġexpanding":9283,"Ġnotion":9284,"Ġhurt":9285,"Ġstaying":9286,"Ġaudiences":9287,"Ġatoms":9288,"Ġcontents":9289,"aware":9290,"ĠScotland":9291,"Eng":9292,"Ġconcluded":9293,"enter":9294,"Ġcharged":9295,"Ġclust":9296,"ĠChall":9297,"green":9298,"syl":9299,"endar":9300,"Ġcombining":9301,"Rep":9302,"havior":9303,"ropri":9304,"Ġpion":9305,"direct":9306,"ivate":9307,"ĠLee":9308,"Ġadapted":9309,"à¥":9310,"elta":9311,"Ġavoiding":9312,"Ġom":9313,"Throughout":9314,"ĠMah":9315,"Ġidentities":9316,"bas":9317,"Ġstood":9318,"Ġexport":9319,"Ġintention":9320,"ĠDutch":9321,"plt":9322,"opher":9323,"EX":9324,"Ret":9325,"Ġoldest":9326,"Ġtransmit":9327,"Ġexped":9328,"Ġpredicted":9329,"Also":9330,"iva":9331,"Ġwat":9332,"enger":9333,"Ġsettlement":9334,"Pub":9335,"arness":9336,"ugg":9337,"Ġpopularity":9338,"Ġtob":9339,"Ġparams":9340,"oster":9341,"ĠEmb":9342,"Ċĉĉĉ":9343,"ysical":9344,"HS":9345,"Ġdrivers":9346,"Ġcustoms":9347,"Ġtong":9348,"ĠIde":9349,"Ġevident":9350,"Ġlungs":9351,"ĠSupport":9352,"Ġcommunications":9353,"Ġgravity":9354,"ĠHebrew":9355,"Ġbees":9356,"Ġwise":9357,"Ġgest":9358,"inv":9359,"fol":9360,"iblical":9361,"lat":9362,"erty":9363,"Ġlecture":9364,"Ġwelfare":9365,"********":9366,"Py":9367,"mode":9368,"Ġpatience":9369,"ĠPalest":9370,"ounder":9371,"etts":9372,"ĠPlace":9373,"Ġenterpr":9374,"zym":9375,"Ġwider":9376,"Ġaccomplish":9377,"ĠText":9378,"ĠBooks":9379,"Ġinitiative":9380,"ouds":9381,"Ñģ":9382,"ĠEffect":9383,"Ġflash":9384,"Ġrestaur":9385,"arding":9386,"Using":9387,"Ġregarded":9388,"May":9389,"ĠMS":9390,"Ġoccas":9391,"Ġgif":9392,"Art":9393,"Ġowned":9394,"ĠAlzheimer":9395,"Ġengines":9396,"Ġcotton":9397,"swe":9398,"Ġgrab":9399,"ĠBoston":9400,"Ġquarter":9401,"Ġlasting":9402,"Ġsteam":9403,"Ġreflects":9404,"ansas":9405,"ĠMinister":9406,"Ġmeditation":9407,"Ġregulatory":9408,"Ġstruggles":9409,"Ġpromising":9410,"Ġfilms":9411,"asures":9412,"ĠHead":9413,"jud":9414,"ĠBeing":9415,"Ġrestrictions":9416,"Ġselling":9417,"ilipp":9418,"Ġdelicious":9419,"ĠBattle":9420,"Ġcontinuing":9421,"Ġstrike":9422,"ĠJustice":9423,"izz":9424,"ceive":9425,"Ġtumor":9426,"roups":9427,"ĠUnlike":9428,"Ġhospitals":9429,"ĠAsk":9430,"Ġreveals":9431,"Ġphotographs":9432,"bot":9433,"EF":9434,"plex":9435,"Ġestablishment":9436,"ĠPur":9437,"Ġmeetings":9438,"Ġconsistently":9439,"Ġillustrate":9440,"apped":9441,"Cre":9442,"urches":9443,"Ġmouse":9444,"Ġbuying":9445,"ĠEdward":9446,"Ġaging":9447,"Google":9448,"ĠOften":9449,"Ġcrypt":9450,"Ġanalog":9451,"Ġspl":9452,"Object":9453,"worth":9454,"Ġantibiotics":9455,"`.":9456,"sign":9457,"Ġfemin":9458,"Ġattitude":9459,"Ġtric":9460,"ĠLy":9461,"Ġfur":9462,"pub":9463,"ĠLG":9464,"access":9465,"Ġrelie":9466,"drop":9467,"isticated":9468,"wan":9469,"Ġreviews":9470,"ĠSand":9471,"ĠCall":9472,"agnetic":9473,"Ġdevast":9474,"Ġirrig":9475,"Ġadverse":9476,"Ġtom":9477,"Ġshares":9478,"Ġtobacco":9479,"pay":9480,"aterials":9481,"Comm":9482,"RL":9483,"Ġjuris":9484,"ĠJeff":9485,"Ġillnesses":9486,"ĠWriting":9487,"Ge":9488,"Ġpolar":9489,"ĠAgain":9490,"Ġsciences":9491,"ometers":9492,"~~":9493,"ĠKen":9494,"Ġconsumed":9495,"taining":9496,"ĠCat":9497,"ishop":9498,"blem":9499,"berry":9500,"Ġathletes":9501,"Ġmothers":9502,"egu":9503,"Ġnovels":9504,"ĠNov":9505,"ĠSelf":9506,"Ġjudgment":9507,"ima":9508,"achus":9509,"Ġdistances":9510,"Ġcelebrated":9511,"igious":9512,"Ġbatteries":9513,"ĠIraq":9514,"Ġbelieves":9515,"Ġhall":9516,"ĠWrite":9517,"Ġexecutive":9518,"Ass":9519,"Ġtherapeutic":9520,"Ġthreatened":9521,"Ġunlikely":9522,"Ġ[\"":9523,"Ġtracking":9524,"Ġvaccines":9525,"rink":9526,"Ġapps":9527,"ĠNext":9528,"Ġweigh":9529,"Ġacceptance":9530,"istant":9531,"ercury":9532,"::":9533,"Ġadaptation":9534,"arming":9535,"ĠIV":9536,"Ġcarbohyd":9537,"Ġconversion":9538,"Ġcord":9539,"ethe":9540,"Ġentreprene":9541,"Ġwars":9542,"Ġtransformed":9543,"Ġfuels":9544,"ĠExp":9545,"ĠBul":9546,"Ġdirectory":9547,"Writ":9548,"ĠTO":9549,"hire":9550,"dataset":9551,"Ġprime":9552,"ĠImpro":9553,"Ġassignment":9554,"ĠEmer":9555,"PD":9556,"Ġexisted":9557,"ĠCambridge":9558,"Ġsupplements":9559,"Ġcond":9560,"Ġscenes":9561,"supp":9562,"Ġconfusion":9563,"Ġeverywhere":9564,"ĠLin":9565,"unit":9566,"ĠCard":9567,"ĠQueen":9568,"Ġlifetime":9569,"Ġdiscoveries":9570,"Ġpose":9571,"Ġmembrane":9572,"rt":9573,"Ġprivile":9574,"ĠSurvey":9575,"Where":9576,"Ġinputs":9577,"uate":9578,"ĠPerhaps":9579,"Ġprogramme":9580,"Ġenum":9581,"Ġentities":9582,"Ġ{\"":9583,"itting":9584,"sylvania":9585,"event":9586,"Ġfatigue":9587,"Ġhygi":9588,"Lesson":9589,"Ġacres":9590,"Ġthrive":9591,"device":9592,"Ġreinfor":9593,"Ġinfluential":9594,"Ġjournals":9595,"Ġconsent":9596,"ĠHospital":9597,"Ġstatistical":9598,"Ġpayment":9599,"parts":9600,"Ġthreshold":9601,"ĠShould":9602,"Ġcritically":9603,"ashes":9604,"Ġpromotes":9605,"Ġcodes":9606,"Ġeru":9607,"style":9608,"Ġapplicable":9609,"Ġchicken":9610,"Ġstorytelling":9611,"â":9612,"Ġsending":9613,")),":9614,"Ġessence":9615,"ĠEconomic":9616,"=":10888,"ternoon":10889,"pert":10890,"Ġhistorians":10891,"Ġinspiring":10892,"ĠLater":10893,"Ġcosm":10894,"TR":10895,"ĠCreek":10896,"Ġbought":10897,"Ġarrival":10898,"Ġthrow":10899,"Ġreturning":10900,"bury":10901,"Ġsleeping":10902,"ĠKids":10903,"Ġcontinent":10904,"pa":10905,"sv":10906,"Ġok":10907,"Ġgolden":10908,"vy":10909,"ĠApple":10910,"ĠAppro":10911,"Date":10912,"arium":10913,"formance":10914,"Ġrestricted":10915,"ĠKorean":10916,"Ġdesk":10917,"Ġloose":10918,"Ġvillages":10919,"src":10920,"ĠNO":10921,"Ġ''":10922,"Ġsediment":10923,"Ġneurolog":10924,"Ġoutline":10925,"Ġobj":10926,"ika":10927,"Ġsurveys":10928,"Ġknee":10929,"Ġintersection":10930,"Ġconsequence":10931,"Ġdried":10932,"ĠOS":10933,"ushing":10934,"Ġpredom":10935,"han":10936,"Ġtill":10937,"Ġtranslated":10938,"Ġdiving":10939,"Ġstabil":10940,"ĠHop":10941,"urse":10942,"Ġsimulation":10943,"Ġmobility":10944,"ela":10945,"Ġlocally":10946,"Ġelections":10947,"Ġbleeding":10948,"Ġ>>>":10949,"Ġunem":10950,"ĠUnivers":10951,"Ġeleph":10952,"Ġtherapies":10953,"ĠVitamin":10954,"ependence":10955,"ĠConvention":10956,"Ġgeographical":10957,"tics":10958,"Ġoceans":10959,"Ġelevated":10960,"Ġenabled":10961,"Ġcertific":10962,"Ġelab":10963,"ĠChief":10964,"ĠFocus":10965,"ĠLat":10966,"Ġcolored":10967,"regon":10968,"xx":10969,"ĠEs":10970,"Ġworkshops":10971,"iliation":10972,"Ġcontrad":10973,"ĠAM":10974,"Ġoste":10975,"Ġtoy":10976,"Ġrainf":10977,"ĠDie":10978,"Ġaffairs":10979,"astics":10980,"Ġherbs":10981,"mates":10982,"ĠPay":10983,"Ġabundant":10984,"Hand":10985,"ĠRNA":10986,"ĠHence":10987,"irical":10988,"western":10989,"otional":10990,"Ġimmigration":10991,"GE":10992,"thur":10993,"Ġaffordable":10994,"Ġsetup":10995,"terior":10996,"ĠSus":10997,"uity":10998,"Ġrefused":10999,"Ġendangered":11000,"Ġloan":11001,"Ġcounts":11002,"ocate":11003,"Ġgenuine":11004,"Ġrays":11005,"Ġimproves":11006,"âĸ":11007,"thood":11008,"Ġproducers":11009,"cluded":11010,"ĠTurkey":11011,"ĠCR":11012,"Ġgray":11013,"options":11014,"ador":11015,"Ġovers":11016,"ĠCorpor":11017,"DL":11018,"Ġprogressive":11019,"ĠColl":11020,"Ġster":11021,"Ġempire":11022,"ĠEPA":11023,"Lab":11024,"adelphia":11025,"ĠBol":11026,"ĠPaper":11027,"strip":11028,"Ġupdates":11029,"ivals":11030,"Ġride":11031,"uct":11032,"ĠAud":11033,"Ġirrigation":11034,"nds":11035,"ĠCell":11036,"uda":11037,"Ġbits":11038,"olph":11039,"Ġnursing":11040,"ĠSecretary":11041,"Ġhack":11042,"pm":11043,"Ġtourism":11044,"Ġcable":11045,"Ġcarries":11046,"Ġpathways":11047,"site":11048,"ĠValueError":11049,"Ġintriguing":11050,"Ġadministrative":11051,"elly":11052,"Ġdescend":11053,"orship":11054,"Ġcann":11055,"ĠRather":11056,"Ġconsisting":11057,"olds":11058,"Ġracism":11059,"asets":11060,"ĠPL":11061,"Os":11062,"Ġarthritis":11063,"Ġactors":11064,"Ġinterviews":11065,"ĠJam":11066,"ĠThroughout":11067,"uction":11068,"full":11069,"Ġflavors":11070,"ĠTurk":11071,"Ġabundance":11072,"Ġhopes":11073,"del":11074,"Ġexplicitly":11075,"Ġachievements":11076,"Ġdefining":11077,"ĠAlways":11078,"inance":11079,"anz":11080,"Ġmistake":11081,"quiry":11082,"Ġft":11083,"Ġcontamination":11084,"Activity":11085,"worm":11086,"Ġbinary":11087,"develop":11088,"rying":11089,"Ġradi":11090,"Ġdistinction":11091,"odox":11092,"redit":11093,"Ġteens":11094,"Health":11095,"Ġincredibly":11096,"ĠWales":11097,"Ġinfectious":11098,"Ĥ¬":11099,"ãĥ":11100,"Follow":11101,"Ġgro":11102,"ynt":11103,"Ġrobots":11104,"ometimes":11105,"ropriate":11106,"izational":11107,"Ġsheep":11108,"ghan":11109,"ĠScientists":11110,"Ġemphasize":11111,"ffe":11112,"Ġwinds":11113,"Fe":11114,"Ġcultivate":11115,"Ġbinding":11116,"Start":11117,"Ġdrives":11118,"issipp":11119,"Ġattempted":11120,"\"))":11121,"ĠUser":11122,"inals":11123,"Ġretail":11124,"Ġunnecessary":11125,"User":11126,"Ġhob":11127,"Ġerosion":11128,"Ġpython":11129,"har":11130,"ĠAS":11131,"ĠArea":11132,"ĠAT":11133,"Ġkg":11134,"Ġfilling":11135,"Ġdementia":11136,"Ġdiarr":11137,"Ġtrick":11138,"Ġchecks":11139,"Ġstew":11140,"Ġadolescents":11141,"enda":11142,"Ġdiplom":11143,"Ġcircles":11144,"Ġinvasion":11145,"Ġtyping":11146,"Ġseasonal":11147,"Ġstems":11148,"ĠMic":11149,"Ġphilosophical":11150,"ĠSenate":11151,"raid":11152,"Ġpipe":11153,"Ġentertainment":11154,"MI":11155,"ĠMoses":11156,"Ġfilename":11157,"ĠAntar":11158,"Ġjew":11159,"Ġchecking":11160,"Ġhide":11161,"ogram":11162,"Ġallergies":11163,"Ġsettlers":11164,".),":11165,"eted":11166,"Ġbron":11167,"Ġevaluating":11168,"bec":11169,"cr":11170,".:":11171,"Ġdiver":11172,"Ġassistant":11173,"Ġsemi":11174,"Ġapproval":11175,"ĠEval":11176,"Ġbrowser":11177,"Ġgre":11178,"arious":11179,"è":11180,"ĊĠĠ":11181,"hematic":11182,"Ġadvocate":11183,"Ġamino":11184,"ĠDam":11185,"ĠSP":11186,"ĠMajor":11187,"itic":11188,"Ġalpha":11189,"Ġfunctionality":11190,"cls":11191,"Based":11192,"'''":11193,"breaking":11194,"Ġimagery":11195,"Ġhes":11196,"Ġliberal":11197,"Ġrealistic":11198,"oop":11199,"Lay":11200,"Ġenzymes":11201,"Ġfacial":11202,"Ġcomplexities":11203,"aven":11204,"Ġundergo":11205,"iano":11206,"ĠBrain":11207,"Ġ(âĢľ":11208,"elect":11209,"Ġprotocols":11210,"Ġemit":11211,"ospel":11212,"ĠOcc":11213,"ancial":11214,"Ġcomprehend":11215,"Ġseeks":11216,"iop":11217,"Ġalumin":11218,"Ġcalculations":11219,"stic":11220,"Ġactivation":11221,"ello":11222,"Box":11223,"orient":11224,"Ġbeam":11225,"ĠRail":11226,"Ġholy":11227,"Ġrainfall":11228,"Ġbrilli":11229,"ocated":11230,"Ġtrail":11231,"Ġdemonstrating":11232,"Ġcharges":11233,"ĠCA":11234,"Ġrigorous":11235,"plotlib":11236,"attered":11237,"Ġrejected":11238,"Ġheal":11239,"ĠEgyptian":11240,"Ġlunch":11241,"Ġorganize":11242,"ĠIllinois":11243,"Ġcloth":11244,"patch":11245,"some":11246,"answer":11247,"Ġdistribut":11248,"Ġnam":11249,"Ġtumors":11250,"ĠNutrition":11251,"essional":11252,"Ġexcav":11253,"Dep":11254,"Ġtast":11255,"ĠOl":11256,"âĶ":11257,"avirus":11258,"ĊĠĠĠĠĠĠĠĠĠĠ":11259,"Ġpiv":11260,"logger":11261,"Ġdiagram":11262,"bage":11263,"ĠPhilos":11264,"World":11265,"mers":11266,"river":11267,"Ġabandoned":11268,"Ġimperial":11269,"nia":11270,"Ġmas":11271,"Ġattended":11272,"ĠGarden":11273,"yard":11274,"Ġintermedi":11275,"ĠCT":11276,"Ġarranged":11277,"Mon":11278,"Ġvot":11279,"Ġmissions":11280,"ĠNeuro":11281,"next":11282,"WS":11283,"Ġsle":11284,"ĠFair":11285,"ĠEN":11286,"Ġreceives":11287,"ranch":11288,"Ġelementary":11289,"obic":11290,"Det":11291,"Ġmultipl":11292,"angel":11293,"Ġvine":11294,"ĠJava":11295,"Ġarrive":11296,"Ġanch":11297,"cies":11298,"Ġpatent":11299,"_{":11300,"Ġarchitectural":11301,"burn":11302,"oly":11303,"Ġexplores":11304,"Ġcameras":11305,"Ġgran":11306,"Ġshoulder":11307,"CN":11308,"Ġframeworks":11309,"Ġstretch":11310,"Ġarter":11311,"posed":11312,"ĠStill":11313,"Ġtwelve":11314,"entieth":11315,"Ġshopping":11316,"fly":11317,"Ġlanding":11318,"ĠAssessment":11319,"Ġpride":11320,"utical":11321,"Ġpatch":11322,"ynasty":11323,"Ġcircular":11324,"bat":11325,"Ġcareers":11326,"Ġconfused":11327,"ĠHit":11328,"omers":11329,"Ġbind":11330,"Ġstrains":11331,"aylor":11332,"Ġmetabolic":11333,"Ġsecrets":11334,"ifer":11335,"Ġdischarge":11336,"Ġrehab":11337,"ĠBest":11338,"Ġintelligent":11339,"Learn":11340,"Ġrhythm":11341,"Ġafternoon":11342,"iary":11343,"Ġhung":11344,"Ġbeta":11345,"abases":11346,"Ġkindness":11347,"Ġcamps":11348,"Ġhearts":11349,"Ġpollut":11350,"Ġprogression":11351,"ropol":11352,"arer":11353,"ussian":11354,"two":11355,"Ġanat":11356,"Ġperf":11357,"Ġadjacent":11358,"Ġentitled":11359,"ĠKent":11360,"Ġsubsid":11361,"MM":11362,"Ġstraw":11363,"Ġfeatured":11364,"ĠMovement":11365,"Ġcombinations":11366,"Ġatmospheric":11367,"Ġwake":11368,"ĠOffic":11369,"Ġgains":11370,"Ġbust":11371,"kg":11372,"ĠLess":11373,"onymous":11374,"ĠRab":11375,"Ġindicators":11376,"Ġmolecule":11377,"Ġspons":11378,"Ġinflation":11379,"Research":11380,"rose":11381,"ĠFDA":11382,"Ġswelling":11383,"Ġrepresentatives":11384,"Ġcontroversial":11385,"cost":11386,"ĠFollowing":11387,"Ġcollapse":11388,"Ġintroducing":11389,"Ġtrav":11390,"ĠCarib":11391,"Ġtendency":11392,"Ġsons":11393,"Ġanx":11394,"Ġintens":11395,"Ġinvented":11396,"Ġfifth":11397,"ulative":11398,"?**":11399,"Ġcorrelation":11400,"Ġcalendar":11401,"Ġcelebration":11402,"Ġdigit":11403,"Ġharmon":11404,"Ġeconomies":11405,"ĠDat":11406,"ĠLuc":11407,"away":11408,"Ġraises":11409,"Ġcooked":11410,"dess":11411,"ĠFed":11412,"mock":11413,"Ġfriendship":11414,"Ġprol":11415,"Ġinstant":11416,"Ġ~":11417,"learn":11418,"ĠFac":11419,"Ġearned":11420,"Ġasks":11421,"Ġelig":11422,"Ġcompletion":11423,"Ġfate":11424,"perties":11425,"Ġbee":11426,"Ġbold":11427,"features":11428,"ĠCommunication":11429,"issippi":11430,"ĠAlaska":11431,"Exception":11432,"Ġcompeting":11433,"ĠEncourage":11434,"Ġ©":11435,"ĠRelations":11436,"ĠOregon":11437,"Ġweekly":11438,"pool":11439,"Ġfibers":11440,"ĠCond":11441,"Ġinjured":11442,"Ġpublishing":11443,"++":11444,"itzer":11445,"ĠÏ":11446,"uple":11447,"ĠNeed":11448,"help":11449,"Ġmes":11450,"gency":11451,"ĠBerlin":11452,"ĠStation":11453,"ĠIndex":11454,"Ġmeanings":11455,"ĠScript":11456,"Ġoptional":11457,"oil":11458,"yr":11459,"ĠWilson":11460,"Ġpersonally":11461,"reating":11462,"\"])":11463,"ĠON":11464,"Ġspine":11465,"ĠConclusion":11466,"orus":11467,"Ġguides":11468,"Ġencompass":11469,"Ġadventures":11470,"BL":11471,"ĠCommons":11472,"Ġcombines":11473,"td":11474,"Ġrelating":11475,"Ġcampus":11476,"ĠTips":11477,"ĠDiet":11478,"Ġworksheets":11479,"gence":11480,"Ġconsistency":11481,"Ġagreements":11482,"Ġevaluated":11483,"çļ":11484,"swered":11485,"ĠHyd":11486,"Ġpale":11487,"Ġmi":11488,"ĠIntellig":11489,"law":11490,"healthy":11491,"Ġcope":11492,"Researchers":11493,"Ġdinner":11494,"Ġangles":11495,"omal":11496,"inite":11497,"Ġkernel":11498,"Ġlemon":11499,"ĠInterest":11500,"ĠSn":11501,"Ġgerm":11502,"ders":11503,"Ġreviewed":11504,"forms":11505,"ĠObama":11506,"]),":11507,"ĠPrin":11508,"Ġnod":11509,"aa":11510,"Ġheader":11511,"ç":11512,"Ġpresenting":11513,"ĠBody":11514,"Ġpoems":11515,"hard":11516,"ν":11517,"they":11518,"template":11519,"Ġuncover":11520,"Ġhip":11521,"Ġhistories":11522,"itutes":11523,"ĠSTEM":11524,"ĠMountain":11525,"BD":11526,"there":11527,"ĠLED":11528,"otten":11529,"itus":11530,"Ġnoun":11531,"efits":11532,"ercise":11533,"ĠSanta":11534,"Ġweren":11535,"ĠResearchers":11536,"Ġbroadcast":11537,"Ġcyl":11538,"ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":11539,"ĠNic":11540,"Ġconvenient":11541,"ouri":11542,"Ġimmense":11543,"Ġcontinuously":11544,"makers":11545,"rizona":11546,"ĠJr":11547,"Ġoperated":11548,"screen":11549,"eric":11550,"height":11551,"Ġassignments":11552,"Ġfirms":11553,"ĠPhiladelphia":11554,"Ġpartly":11555,"ĠMother":11556,"Ġposted":11557,"Ġmirror":11558,"Ġcataly":11559,"ĠMarc":11560,"Ġinstitutional":11561,"isations":11562,"ĠMap":11563,"Ġearthquake":11564,"Ġglobally":11565,"Ġmetadata":11566,"çļĦ":11567,"ĠFarm":11568,"Ġdeposits":11569,"herence":11570,"owers":11571,"Ġgeometry":11572,"TY":11573,"Ġofficially":11574,"white":11575,"Ġarbit":11576,"Ġdistress":11577,"prov":11578,"Scient":11579,"iors":11580,"aine":11581,"parameters":11582,"ĠRen":11583,"click":11584,"ĠBlood":11585,"Ġmetap":11586,"Ġcontaminated":11587,"Ġsystemic":11588,"ĠVisual":11589,"Ġmutations":11590,"Ġthirty":11591,"ĠTwitter":11592,"oking":11593,"Ġrecipe":11594,"Ġoffices":11595,"Ġinvited":11596,"report":11597,"coin":11598,"Ġemployers":11599,"Ġbull":11600,"itar":11601,"space":11602,"kens":11603,"Mat":11604,"Ġrepresentations":11605,"Ġabsorbed":11606,"istent":11607,"ĠSchools":11608,"Ġdepartments":11609,"Ġmarkers":11610,"Ġfavour":11611,"Ġmagazine":11612,"claimed":11613,"Ġguided":11614,"Ġshade":11615,"ĠWeek":11616,"race":11617,"Ġpredators":11618,"orer":11619,"Ġsacrifice":11620,"Ġsteady":11621,"Ġrefugees":11622,"Ġinsu":11623,"etically":11624,"Ġsupportive":11625,"ĠTrade":11626,"Ġattempting":11627,"ĠMaking":11628,"Ġtransparency":11629,"Ġrend":11630,"success":11631,"imals":11632,"ĠMi":11633,"who":11634,"Ġstrive":11635,"Ġpainted":11636,"Ġtower":11637,"ĠBase":11638,"fam":11639,"ĠMarg":11640,"ĠFish":11641,"thew":11642,"ĠOrder":11643,"Ġiter":11644,"Ġqualified":11645,"tree":11646,"seud":11647,"Ġpesticides":11648,"yan":11649,"Ġinvesting":11650,"AF":11651,"ĠSpring":11652,"Hel":11653,"Ġseal":11654,"ĠFriday":11655,"control":11656,"Ġwritings":11657,"ĠParam":11658,"Ġsch":11659,"Ġvag":11660,"Ġdescriptions":11661,"Ġfootprint":11662,"Ġsurvived":11663,"enaissance":11664,"unar":11665,"ĠOpp":11666,"placement":11667,"Ġexhibition":11668,"Ġthickness":11669,"ishers":11670,"Ġdoses":11671,"Ġchamber":11672,"initial":11673,"PC":11674,"Ġmeets":11675,"ĠBern":11676,"ĠNa":11677,"Ġpest":11678,"ammad":11679,"ĠFig":11680,"Ġgaining":11681,"Ġslight":11682,"ĠADHD":11683,"VER":11684,"ĠRole":11685,"Ġmindfulness":11686,"Ġhumidity":11687,"ĠIndividual":11688,"ĠMental":11689,"Ġstatic":11690,"Ġpests":11691,"Ġow":11692,"clusively":11693,"Ġwondering":11694,"Ġsorts":11695,"weet":11696,"Ġmonthly":11697,"ĠClinical":11698,"bro":11699,"metric":11700,"Ġsalmon":11701,"ĠAsh":11702,"Ġorganism":11703,"ĠMcC":11704,"Click":11705,"Ġtiming":11706,"Ġphrases":11707,"Ġmart":11708,"anth":11709,"select":11710,":`":11711,"ĠJones":11712,"Ġfont":11713,"Ġassociations":11714,"Ġrelatives":11715,"ĠDecl":11716,"Ġelectronics":11717,"BI":11718,"ĠSem":11719,"Ġfolk":11720,"aceutical":11721,"ĠRepresent":11722,"gged":11723,"').":11724,"Moreover":11725,"eps":11726,"Ġcommod":11727,"ĠLiterature":11728,"Ġpartially":11729,"Ġmanufacturer":11730,"riction":11731,"Ġlift":11732,"Further":11733,"atre":11734,"illy":11735,"Ġgrapp":11736,"Ġpleasure":11737,"inely":11738,"Ġanswered":11739,"nc":11740,"Ġheter":11741,"Ġworn":11742,"Ġchat":11743,"ipation":11744,"QU":11745,"Ġendless":11746,"Ġdispers":11747,"Ġtalks":11748,"Ġblo":11749,"Ġaccompany":11750,"ĠShort":11751,"Ġdoctrine":11752,"Ġimpression":11753,"Ġdefines":11754,"Ġsynthesis":11755,"Ġdentist":11756,"Ġadvertising":11757,"ĠMarx":11758,"Ġentrance":11759,"ĠAssembly":11760,"Ġcoordination":11761,"Ġtitles":11762,"Ġbattles":11763,"Ġorganizing":11764,"ifiers":11765,"Ġmodify":11766,"Ġcategor":11767,"lict":11768,"Ġrefrig":11769,"Ġaccessibility":11770,"istically":11771,"Ġfolks":11772,"effective":11773,"Ġphotograp":11774,"Ġarrangements":11775,"Ġatom":11776,"National":11777,"Ġmerg":11778,"ĠNether":11779,"Life":11780,"Ġprevalent":11781,"Down":11782,"Ġyields":11783,"ĠAbraham":11784,"Ġburned":11785,"Ġdiscourse":11786,"Ġsustained":11787,"Ġhighlighted":11788,"Ġwashing":11789,"Ġenzyme":11790,"lux":11791,"Ġappointment":11792,"PV":11793,"orative":11794,"income":11795,"Ġwage":11796,"Ġber":11797,"Ġincorrect":11798,"ĠWorking":11799,"Ġimplies":11800,"sys":11801,"ĠKn":11802,"Ġsurveillance":11803,"dot":11804,"Ġinterval":11805,"doi":11806,"Ġextends":11807,"datetime":11808,"ĠCra":11809,"month":11810,"Car":11811,"Ġtied":11812,"ĊĠĠĠĠĠĠĠĠĠĠĠĠĠ":11813,"Ġminister":11814,"equal":11815,"Ġdiamond":11816,"owed":11817,"ĠVari":11818,"Ġbrothers":11819,"Ġpressures":11820,"charg":11821,"ĠMathemat":11822,"Ġwarrant":11823,"Ġutilizing":11824,"Ġprinter":11825,"Ġunpre":11826,"Ġlimiting":11827,"Ġsubsequently":11828,"Ġfears":11829,"Ġafraid":11830,"Ġbasket":11831,"Ġaccomplished":11832,"ĠLuther":11833,"Ġexecuted":11834,"po":11835,"pective":11836,"ummy":11837,"marks":11838,"Ġacquisition":11839,"Ġcave":11840,"Ġmail":11841,"ĠPersonal":11842,"Ġrooted":11843,"arest":11844,"ĠAdam":11845,"pres":11846,"ĠMarine":11847,"actic":11848,"ĠRo":11849,"solving":11850,"Ġoffs":11851,"riends":11852,"Ġgrants":11853,"Ġtraditionally":11854,"represent":11855,"Ġpneum":11856,"ĠHard":11857,"ĠGar":11858,"Ġdrops":11859,"ques":11860,"ĠMississippi":11861,"Ġasset":11862,"etheless":11863,"Ġpsychiat":11864,"iciency":11865,"Ġpitch":11866,"Ġpartnerships":11867,"oard":11868,"Ġsurprised":11869,"Create":11870,"Ġphysicians":11871,"Ġaspir":11872,"ĠTree":11873,"reatment":11874,"cultural":11875,"ĠPeace":11876,"children":11877,"Ġmuc":11878,"Ġinfluenza":11879,"Ġul":11880,"ĠFa":11881,"isible":11882,"Ġtribe":11883,"Ġmodes":11884,"Ġpayments":11885,"ntil":11886,":||":11887,"Ġdying":11888,"ĠArm":11889,"ĠShow":11890,"Ġartwork":11891,"Ġcontracts":11892,"Ġtracks":11893,"Ġpine":11894,"berries":11895,"ĠOrth":11896,"Ġ],":11897,"stru":11898,"ropy":11899,"ĠAngeles":11900,"ĠAfghan":11901,"athan":11902,"public":11903,"Ġenjoying":11904,"Ġassault":11905,"verb":11906,"Line":11907,"Ġcrafts":11908,"ibli":11909,"Ġsimilarities":11910,"UD":11911,"Ġgau":11912,"Ġprox":11913,"Ġgrat":11914,"Ġcompleting":11915,"Ġbills":11916,"vit":11917,"ĠAllah":11918,"Ġdangers":11919,"Ġprovisions":11920,"Ġfulf":11921,"ĠScientific":11922,"Ġevolve":11923,"ĠMaria":11924,"ĠCharl":11925,"ardship":11926,"Ġpeaceful":11927,"erves":11928,"Wind":11929,"Ġsail":11930,"Ġadmin":11931,"ĠTherapy":11932,"Find":11933,"ounters":11934,"ighth":11935,"energy":11936,"ĠPsychology":11937,"á¹":11938,"Ġquad":11939,"Ġcouncil":11940,"may":11941,"verages":11942,"engine":11943,"Ġabol":11944,"ocent":11945,"uming":11946,"ĠArizona":11947,"ĠBon":11948,"yt":11949,"ĠRenaissance":11950,"Ġrevolutionary":11951,"His":11952,"ĠStudent":11953,"plement":11954,"Ġarrangement":11955,"ĠFunction":11956,"UP":11957,"ĠHarr":11958,"Av":11959,"ĠMess":11960,"ĠThird":11961,"Ġconstitutional":11962,"ĠHem":11963,"Ġvolumes":11964,"Ġmysterious":11965,"Ġchains":11966,"ĠAnimal":11967,"ĠLewis":11968,"arded":11969,"Ġsoap":11970,"Ġextr":11971,"ĠAccount":11972,"Ġpicked":11973,"Ġexpressing":11974,"images":11975,"Ġoccupation":11976,"Ġapple":11977,"lication":11978,"ĠBuddhist":11979,"school":11980,"ĠCaribbean":11981,"Ġdisasters":11982,"Ġenemies":11983,"ĠQuestions":11984,"Ġcompensation":11985,"Ġpink":11986,"ĠOnt":11987,"Ġexit":11988,"Ġnamely":11989,"Ġallergic":11990,"ĠSE":11991,"Ġworkshop":11992,"Ġseiz":11993,"Ġvom":11994,"Ġprone":11995,"Ġindoor":11996,"Ġingredient":11997,"Ġslic":11998,"eram":11999,"Ġatomic":12000,"ι":12001,",,":12002,"ulsion":12003,"Ġprofessors":12004,"iotic":12005,"ington":12006,"Ġprescription":12007,"inch":12008,"Ġminimizing":12009,"Ġvice":12010,"ĠTechniques":12011,"Ġoperator":12012,"urally":12013,"Ġshowc":12014,"arians":12015,"account":12016,"Ġdedication":12017,"good":12018,"arts":12019,"Ġphon":12020,"writing":12021,"cycle":12022,"Ġtanks":12023,"ĠCore":12024,"Ġfulfill":12025,"hero":12026,"Ġsinging":12027,"Ġreplied":12028,"Ġric":12029,"Ġpackaging":12030,"Ġalien":12031,"Ġobviously":12032,"render":12033,"åı":12034,"Ġexceptional":12035,"Ġ'/":12036,"Students":12037,"ĠEncyclopedia":12038,"Ġyoga":12039,"ushes":12040,"LS":12041,"estamp":12042,"Ġillustrated":12043,"ĠStandards":12044,"ouch":12045,"ĠCN":12046,"ĠGP":12047,"ricane":12048,"Ġconstitutes":12049,"closure":12050,"ener":12051,"AV":12052,"ĠClub":12053,"Info":12054,"Ġapproached":12055,"ibration":12056,"integ":12057,"enges":12058,"Ġbeloved":12059,"mind":12060,"Ġonset":12061,"ĠExec":12062,"ĠHan":12063,"Ġseasons":12064,"Ġcareg":12065,"ĠExample":12066,"ĠBehavior":12067,"ĠCDC":12068,"Ġfertility":12069,"ĠBa":12070,"Ġcoins":12071,"ĠHig":12072,"Ġwages":12073,"Ġpotassium":12074,"thal":12075,"layers":12076,"ĠAPI":12077,"channel":12078,"MC":12079,"Ġperceptions":12080,"ĠShakespeare":12081,"Ġtags":12082,"Ġimposed":12083,"Ġaug":12084,"ĠConc":12085,"RS":12086,"Ġboards":12087,"utter":12088,"ĠRand":12089,"Ġawarded":12090,"Ġkilometers":12091,"ĠBegin":12092,"ĠFun":12093,"Ġbike":12094,"Ġcaring":12095,"Ġplasma":12096,"Ġoriginated":12097,"Ġbutt":12098,"Ġediting":12099,"auc":12100,"Ġmurder":12101,"Ġma":12102,"ĠDesc":12103,"make":12104,"ĠRisk":12105,"Ġdismiss":12106,"ĠURL":12107,"Ġworried":12108,"ãĢ":12109,"ĠFile":12110,"ĠFOR":12111,"Ġmim":12112,"Ġappet":12113,"ĠApplications":12114,"ĠPeriod":12115,"Ġcrust":12116,"Di":12117,"ĠBit":12118,"ucky":12119,"Ġshallow":12120,"ĠAC":12121,"Ġfurniture":12122,"Ġcod":12123,"agog":12124,"Ġ'.":12125,"Ġpotatoes":12126,"etry":12127,"Ġenv":12128,"Ġimmers":12129,"personal":12130,"Ġintegrate":12131,"Ġimbal":12132,"ramew":12133,"ĠJim":12134,"Ġclassrooms":12135,"Ġmixing":12136,"hour":12137,"Ġinsist":12138,"Ġimmunity":12139,"Ġdegradation":12140,"Ġnumerical":12141,"Ġvaccination":12142,"Ġeco":12143,"ĠFull":12144,"folder":12145,"Ġjoining":12146,"Ġstereotypes":12147,"ĠCold":12148,"Ġclusters":12149,"Ġheated":12150,"Ġextraction":12151,"Ġsour":12152,"ĠJersey":12153,"Ġconcert":12154,"fa":12155,"seed":12156,"Ġspelling":12157,"Ġwireless":12158,"rell":12159,"ĠProtest":12160,"Ġfluor":12161,"Ġinterpretations":12162,"req":12163,"lem":12164,"ashed":12165,"Ġreproduction":12166,"onin":12167,"Ġverse":12168,"Ġcanal":12169,"Ġpoliticians":12170,"aug":12171,"card":12172,"inflamm":12173,"Ġvisually":12174,"Ġtreaty":12175,"Node":12176,"ĠTenn":12177,"Ġcontrary":12178,"distance":12179,"ĠBio":12180,"Ġalignment":12181,"ĠNY":12182,"Current":12183,"Ġprisoners":12184,"Ġrecommendation":12185,"Mar":12186,"Ġmarker":12187,"Ġerect":12188,"rophic":12189,"ermat":12190,"Ġdecreases":12191,"High":12192,"Ġhang":12193,"speed":12194,"Ġprejud":12195,"ĠLu":12196,"Ġfrozen":12197,"Ġverify":12198,"ACT":12199,"Ġfrequencies":12200,"Ġfluids":12201,"ĠQuality":12202,"Ġexempl":12203,"Ġtorn":12204,"leton":12205,"Ġreservoir":12206,"Ġdefects":12207,"ĠWars":12208,"Ġwarfare":12209,"Ġstuck":12210,"adequ":12211,"eering":12212,"FS":12213,"ĠEvolution":12214,"Pat":12215,"holder":12216,"Ġpurchasing":12217,"unci":12218,"Ġquote":12219,"Ġextinction":12220,"Ġportions":12221,"Ġabroad":12222,"Ġbridges":12223,"Ġeaten":12224,"Ġtoxins":12225,"perature":12226,"Ġpushed":12227,"ĠGene":12228,"Ġmusicians":12229,"Ġgenetics":12230,"Ġirregular":12231,"Ġobsc":12232,"Supp":12233,"ĠMinnes":12234,"Ġfees":12235,"FC":12236,"Ġmainstream":12237,"ĠSource":12238,"Ġfatal":12239,"ĠTrends":12240,"Ġrailroad":12241,"Ġemphasizing":12242,"uisine":12243,"Ġkwargs":12244,"Ġloans":12245,"ĠYOU":12246,"second":12247,"Ġmonument":12248,"Ġnineteenth":12249,"Ġsmoothly":12250,"Ġcreature":12251,"Ġexams":12252,"Ġargues":12253,"sized":12254,"omon":12255,"ĠNetherlands":12256,"cmd":12257,"Ġcompute":12258,"iph":12259,"Ġreliability":12260,"Ġavoided":12261,"Ġemergence":12262,"Ġantibodies":12263,"Ġmile":12264,"ilib":12265,"gered":12266,"Ext":12267,"Ġlin":12268,"Ġfeas":12269,"Ġstrand":12270,"Ġgrams":12271,"Ġdual":12272,"Ġstunning":12273,"Ġtrusted":12274,"acon":12275,"Ġlarv":12276,"ĠSearch":12277,"dest":12278,"Ġchapters":12279,"ulates":12280,"Ġtens":12281,"Ġgifts":12282,"PDF":12283,"ĠWed":12284,"ĠHitler":12285,"Ġconsensus":12286,"alg":12287,"ĠDE":12288,"inian":12289,"Ġassessed":12290,"pur":12291,"activity":12292,"Ġpoorly":12293,"Ġpenc":12294,"tein":12295,"Ġdeleg":12296,"bet":12297,"numpy":12298,"Ġbands":12299,"pus":12300,"ĠEssay":12301,"Ġalgebra":12302,"Ġdatabases":12303,"doors":12304,"early":12305,"ĠTeachers":12306,"Ġartifacts":12307,"ĠBuddhism":12308,"Ġprolonged":12309,"anas":12310,"Ġeducated":12311,"ĠNazi":12312,"Ġpatri":12313,"Ġprofits":12314,"Ġmalaria":12315,"ĠSoftware":12316,"web":12317,"Ġhumor":12318,"Ġnerves":12319,"Ġbaking":12320,"Children":12321,"Ġvalley":12322,"Ġsenses":12323,"Ġties":12324,"Ġalgae":12325,"Ġstops":12326,"struct":12327,"ryption":12328,"Ġaccountability":12329,"Ġtactics":12330,"Ġtar":12331,"\\\\":12332,"password":12333,"generation":12334,"Ġà¤":12335,"named":12336,"iro":12337,"plan":12338,"entially":12339,"Ġenduring":12340,"Ġdecent":12341,"Ġblend":12342,"Ġmira":12343,"iative":12344,"Ġstrings":12345,"Ġcounterparts":12346,"Ġdepr":12347,"Ġviewing":12348,"Ġbeet":12349,"Ċĉĉĉĉ":12350,"Ġattain":12351,"Ġrevealing":12352,"Ġattacked":12353,"ĠSO":12354,"ĠJun":12355,"ĠPrince":12356,"Ġspecimens":12357,"Ġwavel":12358,"Ġpupp":12359,"ĠAz":12360,"flies":12361,"vation":12362,"idate":12363,"Ġtired":12364,"Ġodd":12365,"Ġtoile":12366,"disc":12367,"angular":12368,"SO":12369,"Ġmodules":12370,"uclear":12371,"Ġexpense":12372,"TC":12373,"cos":12374,"Ġtransparent":12375,"omical":12376,"cache":12377,"Ġpriorit":12378,"Ġnurses":12379,"Ġlabeled":12380,"Ġfollowers":12381,"Ġcups":12382,"plus":12383,"Ġnegatively":12384,"Gu":12385,"AND":12386,"Ġmotivated":12387,"Ġctx":12388,"Ġcarbohydrates":12389,"desc":12390,"Ġvacuum":12391,"Ġefficacy":12392,"Ġmarginalized":12393,"Ġretrie":12394,"ĠIsa":12395,"Ġdisappear":12396,"ĠMonday":12397,"Ġexert":12398,"ĠHot":12399,"Ġweapon":12400,"ĠTri":12401,"govern":12402,"rison":12403,"ĠSav":12404,"ĠJane":12405,"ĠLeague":12406,"ĠSamuel":12407,"Dict":12408,"ĠWW":12409,"ĠCollect":12410,"Ġflooding":12411,"Param":12412,"Ġformats":12413,"rors":12414,"Ġdign":12415,"Ġchamp":12416,"Ġintra":12417,"Ġbeef":12418,"Ġcasual":12419,"don":12420,"ez":12421,"Ġbearing":12422,"ĠGraph":12423,"Ġirre":12424,"EMA":12425,"Ġpassive":12426,"ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":12427,"ĠArabic":12428,"Ġenl":12429,"Ġmeta":12430,"ĠGuard":12431,"remove":12432,"Ġmachinery":12433,"ĠMinnesota":12434,"Ġprediction":12435,"ĠHon":12436,"FO":12437,"ĠAqu":12438,"Ġphases":12439,"Ġheroes":12440,"piece":12441,"Ġrelat":12442,"Ġconcentrated":12443,"ĠGame":12444,"imedia":12445,"ben":12446,"ĠMissouri":12447,"Ġvoting":12448,"ĠHu":12449,"Ġdiscovering":12450,"Ġbiblical":12451,"ĠPoland":12452,"Ġadmitted":12453,"osaur":12454,"ATH":12455,"ĠSpecifically":12456,"Ġdelivering":12457,"Ġreconc":12458,"owners":12459,"Ġpursuing":12460,"Ġedit":12461,"restr":12462,"Response":12463,"ĠTyp":12464,"Hz":12465,"Ġguns":12466,"Ġschem":12467,"match":12468,"ĠJacob":12469,"Ġignored":12470,"rels":12471,"Ġverbal":12472,"note":12473,"forming":12474,"Ġdialect":12475,"header":12476,"Ġvalve":12477,"Ag":12478,"akh":12479,"Ġfertilizer":12480,"pot":12481,"ĠKnowledge":12482,"ĠArchitect":12483,"squ":12484,"Ġhorn":12485,"Ġenumerate":12486,"Ġclues":12487,"plet":12488,"Ġsubstr":12489,"Ġfans":12490,"ĠCollab":12491,"Ġorganizational":12492,"Ġdrawings":12493,"temp":12494,"Ġtubes":12495,"ĠMarsh":12496,"Ġshipping":12497,"Ġstructured":12498,"ĠPope":12499,"angers":12500,"Ġrelaxation":12501,"ĠStephen":12502,"Ġaggreg":12503,"nea":12504,"Ġbowl":12505,"Ġmagnet":12506,"ĠDemocratic":12507,"ĠParticip":12508,"ulent":12509,"acerb":12510,"Ġly":12511,"Ġfails":12512,"Ġsyll":12513,"teenth":12514,"Whe":12515,"Ġconstitute":12516,"Ġtravels":12517,"Ġchron":12518,",âĢĻ":12519,"RNA":12520,"ĠTeaching":12521,"General":12522,"Ġsegments":12523,"ĠHung":12524,"Ġtremend":12525,"ader":12526,"feeding":12527,"Ġthinks":12528,"effic":12529,"pts":12530,"âĶĢ":12531,"ĠLiving":12532,"Ġsacrific":12533,"ĠBasic":12534,"ĠBuddha":12535,"Ġcoral":12536,"Ġoperators":12537,"Ġfeather":12538,"ocaust":12539,"quarters":12540,"Ġsupervisor":12541,"ĠDeath":12542,"ĠPresent":12543,"ĠMes":12544,"ĠTai":12545,"consin":12546,"Ġrubber":12547,"Ġequitable":12548,"icked":12549,"Ġphysiological":12550,"Ġfallen":12551,"]['":12552,"uri":12553,"Size":12554,"Ġdevastating":12555,"Second":12556,"Ġexpedition":12557,"ĠPolitical":12558,"arten":12559,"Ġpolicym":12560,"ĠLinux":12561,"Ġreserves":12562,"Ġrelies":12563,"Ġcolleges":12564,"Ġlambda":12565,"exists":12566,"Ġalphabet":12567,"Norm":12568,"iac":12569,"Ġdisparities":12570,"bone":12571,"ĠNation":12572,"emed":12573,"Ġdevoted":12574,"Ġangry":12575,"Recent":12576,"ĠContext":12577,"Ġcorporations":12578,"Ġnecessity":12579,"Max":12580,"Ġtraveled":12581,"Met":12582,"complete":12583,"ĠDeep":12584,"ĠBell":12585,"Ġprevented":12586,"Ġfestival":12587,"Ġuncomfort":12588,"Ġnavigation":12589,"Ġcommem":12590,"meta":12591,"Ġepisode":12592,"\"):":12593,"Ġchallenged":12594,"ĠIndustrial":12595,"nodes":12596,"Ġfounder":12597,"ĠSweden":12598,"ĠFront":12599,"Ġrewards":12600,"Ġpap":12601,"Ġshifting":12602,"Ġleak":12603,"ĠMaryland":12604,"ouring":12605,"Ġaster":12606,"Ġstiff":12607,"lob":12608,"when":12609,"Ġhills":12610,"Ġdecom":12611,"insula":12612,"ĠBuild":12613,"cedented":12614,"Water":12615,"atories":12616,"Ġfoundations":12617,"Ġought":12618,"ĠBan":12619,"Ġcaution":12620,"whe":12621,"Ġpracticed":12622,"Ġstressed":12623,"bn":12624,"ĠArist":12625,"orney":12626,"cir":12627,"Ġprofiles":12628,"liers":12629,"aments":12630,"ALL":12631,"Ġtriggers":12632,"Ġcompact":12633,"Ġreferring":12634,"Ġwatched":12635,"ĠAk":12636,"Ġvalued":12637,"Ġfits":12638,"Ġconfront":12639,"epoch":12640,"Ġcounting":12641,"Ġmeter":12642,"Ġmatches":12643,"Ġviable":12644,"Mean":12645,"ĠCape":12646,"Ġsimilarly":12647,"ĠGermans":12648,"ingle":12649,"option":12650,"Ant":12651,"sq":12652,"Take":12653,"Dec":12654,"xual":12655,"Ġhazardous":12656,"ĠLove":12657,"Ġresponded":12658,"Item":12659,"Ġfles":12660,"unks":12661,"ĠStone":12662,"Ġcatast":12663,"Ġruling":12664,"Ġsymbolic":12665,"Ġenhances":12666,"ÙĦ":12667,"Ġneedle":12668,"Ġretire":12669,"Ġdrainage":12670,"riers":12671,"dominal":12672,"Ġvon":12673,"Ġemphasizes":12674,"hetics":12675,"Ġmitigate":12676,"Ġemission":12677,"Ġcapability":12678,"ĠMand":12679,"acity":12680,"л":12681,"Ġbeer":12682,"Ġexacerb":12683,"ĠPhysics":12684,"Ġpediatric":12685,"ĠRecogn":12686,"Ġspirits":12687,"ITY":12688,"ensing":12689,"requency":12690,"Ġcorruption":12691,"Ġincidents":12692,"ĠCit":12693,"ĠTaylor":12694,"Ġintim":12695,"inology":12696,"Ġslide":12697,"Ġbelongs":12698,"Ġverbose":12699,"Ġpredominant":12700,"rock":12701,"ĠEmperor":12702,"Ġliberty":12703,"================================":12704,"Ġorb":12705,"Ġhistorically":12706,"Ġwinning":12707,"bad":12708,"Ġinterrupt":12709,"ĠRE":12710,"ĠJon":12711,"Ġexpend":12712,"ko":12713,"Ġfluctu":12714,"oult":12715,"ĠIdentify":12716,"Ġtensions":12717,"Ġgenus":12718,"ceeds":12719,"Ġbreathe":12720,"Ġdefeat":12721,"Ġfloating":12722,"ĠSuccess":12723,"Ġdow":12724,"Ġshield":12725,"Ġmaximize":12726,"Ġlocate":12727,"Ġpuzzle":12728,"Ġentrepreneurs":12729,"had":12730,"ylon":12731,"torch":12732,"ĠTeam":12733,"classes":12734,"embered":12735,"Ġstimulate":12736,"Ġrituals":12737,"Ġpermitted":12738,"closed":12739,".-":12740,"Ġaffirm":12741,"Ġdominated":12742,"hr":12743,"cam":12744,"Ġdamaging":12745,"ĠStatistics":12746,"Ġeducate":12747,"Christ":12748,"inth":12749,"Ġgardening":12750,"Ġfosters":12751,"Ġintervals":12752,"ĠScottish":12753,"Sym":12754,"metry":12755,"Ġreinforce":12756,"record":12757,"plane":12758,"Ġautomated":12759,"Ġholistic":12760,"ĠIntelligence":12761,"hot":12762,"Ġexclusively":12763,"ĠDarwin":12764,"Ġhardly":12765,"ignment":12766,"Ġentries":12767,"Ġhypert":12768,"Ġadul":12769,"INE":12770,"iy":12771,"Ġpalm":12772,"Ġmagnesium":12773,"Ġmechanics":12774,"Ġchecked":12775,"Ġrelates":12776,"clean":12777,"ĠMuh":12778,"Ġattracted":12779,"jo":12780,"eday":12781,"Ġlawn":12782,"Ġdetermines":12783,"Ġtutorial":12784,"Ġbulk":12785,"Ġexploitation":12786,"Ġunited":12787,"olk":12788,"Ġaids":12789,"Ġrod":12790,"ĠInnov":12791,"nan":12792,"Ġmetrics":12793,"Ġdiagnose":12794,"Min":12795,"Ġdollar":12796,"rank":12797,"Ġescap":12798,"ĠNep":12799,"Call":12800,"master":12801,"SH":12802,"seq":12803,"Ġadministered":12804,"ĠContemporary":12805,"ĠRa":12806,"Ġrecur":12807,"asis":12808,"fu":12809,"Ġculinary":12810,"ogene":12811,"ĠLGBTQ":12812,"prob":12813,"ón":12814,"Ġcritics":12815,"Ġtalked":12816,"ĠMuch":12817,"Ġmetric":12818,"Ġflowing":12819,"Prot":12820,"prefix":12821,"Ġstir":12822,"ppers":12823,"Ġinfluencing":12824,"Ġjaw":12825,"assment":12826,"Ġyeast":12827,"ĠTib":12828,"Ġsucceeded":12829,"anol":12830,"ï¼Į":12831,"Ġvolunteer":12832,"Ġbrave":12833,"Ġcookies":12834,"ĠFem":12835,"diction":12836,"late":12837,"Ġmisunder":12838,"feature":12839,"Ġrepeatedly":12840,"rup":12841,"Ġger":12842,"Ġrocket":12843,"adays":12844,"ein":12845,"Ġderiv":12846,"Make":12847,"Ġpars":12848,"Ġelectrom":12849,"MO":12850,"ressions":12851,"Ġinjection":12852,"ĠFlu":12853,"edies":12854,"rices":12855,"otechnology":12856,"Both":12857,"ĠCharacter":12858,"Ġuncomfortable":12859,"Ġdeadly":12860,"ĠCommand":12861,"Ġstorms":12862,"groups":12863,"argo":12864,"Ġparse":12865,"Ġweaken":12866,"heart":12867,"mus":12868,"Red":12869,"Ġcls":12870,"Ġaddict":12871,"âĢĿ)":12872,"Ġhistorian":12873,"idays":12874,"Ġunderm":12875,"ĠDun":12876,"ĠSleep":12877,"Ġgraphics":12878,".]":12879,"eland":12880,"disciplinary":12881,"uesday":12882,"Ġinflammatory":12883,"Ġdens":12884,"Ġtear":12885,"ordan":12886,"nex":12887,"Ġexplos":12888,"Ġcreations":12889,"ĠIndonesia":12890,"Ġinsufficient":12891,"Ġterminal":12892,"Ġnick":12893,"Ġlying":12894,"agger":12895,"agle":12896,"ĠDavis":12897,"ĠPict":12898,"ĠSep":12899,"Ġtreats":12900,"rared":12901,"Ġpackages":12902,"oline":12903,"Ġservers":12904,"(*":12905,"cler":12906,".*":12907,"Though":12908,"risk":12909,"antine":12910,"Ġpor":12911,"Ġepidemic":12912,"Ġwealthy":12913,"Ġgenerator":12914,"Ġcircuits":12915,"Ġpreference":12916,"Ġgarlic":12917,"transform":12918,"Ġsupplied":12919,"zzle":12920,"CI":12921,"Ġspecialists":12922,"Ġink":12923,"sever":12924,"Ġmeteor":12925,"Ġsunny":12926,"Ġreads":12927,"ĠHom":12928,"ĠNG":12929,"Ġupset":12930,"Ġdistinguished":12931,"Ġdiarrhea":12932,"Ġintensive":12933,"Ġautomatic":12934,"Ġinvestigations":12935,"loads":12936,"blems":12937,"Ġfolder":12938,"Ġoccurrence":12939,"ĠCorps":12940,"Ġdisposal":12941,"ognitive":12942,"burgh":12943,"Ġmacro":12944,"restrial":12945,"Ġaccommodate":12946,"ĠAh":12947,"ĠLay":12948,"Ġunprecedented":12949,"heres":12950,"aft":12951,"Ġgland":12952,"ĠResource":12953,"Ġdisabled":12954,"Ġbuilds":12955,"Ġdomains":12956,"Ġcoordinates":12957,"ĠFranklin":12958,"Ġhind":12959,"Ġ×":12960,"Ġillustrations":12961,"plicit":12962,"idae":12963,"ochond":12964,"velt":12965,"Orig":12966,"urated":12967,"Ġnewspapers":12968,"Ġrou":12969,"Ġpublicly":12970,"Ġbugs":12971,"Ġaquatic":12972,"Ġgeography":12973,"Ġconsiderably":12974,"Ġassumption":12975,"Ġautonomy":12976,"Ġsurvivors":12977,"Ġbrilliant":12978,"Ġterrain":12979,"job":12980,"Ġdelves":12981,"Ġencoding":12982,"Ġfraud":12983,"ĠSab":12984,"Ġmarvel":12985,"Ġromantic":12986,"ĠYe":12987,"ROM":12988,"ilibrium":12989,"ĠRomans":12990,"Ġalarm":12991,"ĠCenters":12992,")[":12993,"appropriate":12994,"ĠQur":12995,"Ġnurse":12996,"ĠUrban":12997,"Did":12998,"Ġvivid":12999,"Ġprotects":13000,"ĠDaily":13001,"čĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":13002,"Ġsignature":13003,".||":13004,"ĠGovernor":13005,"Ġhunger":13006,"Ġsearc":13007,"heastern":13008,"Ġperipher":13009,"Ġsituated":13010,"history":13011,"Ġlapt":13012,"okes":13013,"Number":13014,"sn":13015,"ĠAIDS":13016,"Ġframes":13017,"Ġhosts":13018,"Ġreceptors":13019,"Ġarom":13020,"Ġbases":13021,"ĠGir":13022,"Ġvert":13023,"ĠTax":13024,"arma":13025,"Ġreadings":13026,"Ġchip":13027,"Ġcontradict":13028,"rend":13029,"ĠHay":13030,"Ġundergraduate":13031,"linear":13032,"Ġcoordinate":13033,"Ġtries":13034,"Ġmol":13035,"Ġcoping":13036,"ĠBalt":13037,"Public":13038,"Ġclosest":13039,"pair":13040,"Ġrefine":13041,"Ġlig":13042,"Ġtransaction":13043,"users":13044,"ĠTy":13045,"button":13046,"Ġvulnerability":13047,"Ġtargeting":13048,"Ġloaded":13049,"ĠOil":13050,"entials":13051,"Ġgeographic":13052,"uble":13053,"Ġzinc":13054,"Ġmasses":13055,"Ġplots":13056,"secution":13057,"center":13058,"mt":13059,"esteem":13060,"ĠId":13061,"ĠComb":13062,"Index":13063,"ursday":13064,"ĠWisconsin":13065,"ĠMaterials":13066,"velation":13067,"Ġswallow":13068,"father":13069,"Ġaluminum":13070,"Ġheadaches":13071,"kal":13072,"rots":13073,"Ġadvocates":13074,"Ġnas":13075,"Ġexclusive":13076,"efully":13077,"Ġbiases":13078,"chem":13079,"pret":13080,"Ġrecycled":13081,"Ġorganisation":13082,"Ġhill":13083,"()`":13084,"Ġmatching":13085,"steps":13086,"GR":13087,"Ġvocal":13088,"Ġwed":13089,"Ġmodifications":13090,"ĠGuidelines":13091,"Ġunemployment":13092,"Ġconclude":13093,"ĠNi":13094,"Ġbell":13095,")/":13096,"ĠGrant":13097,"grim":13098,"Ġbriefly":13099,"Ġregression":13100,"Ġloads":13101,"Ġgalaxies":13102,"olves":13103,"Ġtensor":13104,"Ġadopting":13105,"Ġinvestigated":13106,"Ġcrossing":13107,"ASE":13108,"Ġfut":13109,"ORT":13110,"ĠVolume":13111,"oT":13112,"Ġbark":13113,"Ġgastro":13114,"Ġempirical":13115,"iversary":13116,"ĠCreative":13117,"network":13118,"ĠCompar":13119,"Ġnort":13120,"xf":13121,"Ġpathogens":13122,"ĠSeries":13123,"Ġthumb":13124,"Ġadmit":13125,"Cent":13126,"ĠZh":13127,"Ġscreens":13128,"Ġprosperity":13129,"Ġsuspected":13130,"Ġsatellites":13131,"Ġvalidation":13132,"cd":13133,"ilton":13134,"Ġbeds":13135,"Ġtire":13136,"asting":13137,"ĠStay":13138,"Ġcoinc":13139,"Ġpathway":13140,"ramework":13141,"Ġallergy":13142,"Ġunwanted":13143,"Ġlets":13144,"Ġpromised":13145,"Ġbehave":13146,"Ġpowered":13147,"erial":13148,"olescent":13149,"Ġclarity":13150,"Ġreminder":13151,"imeter":13152,"xb":13153,"Integ":13154,"Ġshadow":13155,"Ġsorted":13156,"Parser":13157,"hedral":13158,"Ġfootball":13159,"Ġdisappoint":13160,"building":13161,"Ġcel":13162,"ĠPR":13163,"script":13164,"ĠSex":13165,"ĠCook":13166,"uty":13167,"Ġbes":13168,"Vis":13169,"ĠSher":13170,"Ġperformances":13171,"ĠMarket":13172,"ĠThom":13173,"ĠWatch":13174,"Ġcues":13175,"Ġrats":13176,"Ġindicator":13177,"Ġdepicted":13178,"element":13179,"Ġmethodology":13180,"ĠOntario":13181,"End":13182,"Ġconservative":13183,"gender":13184,"ilty":13185,"ĠPrime":13186,"anium":13187,"obe":13188,"counter":13189,"ĠMP":13190,"Ġdisputes":13191,"ĠAges":13192,"learning":13193,"semble":13194,"Ġreplacing":13195,"inea":13196,"Ġwalked":13197,"Ġflags":13198,"Ġsomeday":13199,"ĠIron":13200,"Ġcompromise":13201,"opathy":13202,"ĠAvailable":13203,"nesday":13204,"igs":13205,"Ġchips":13206,"Ġoxid":13207,"Pres":13208,"ĠVirt":13209,"Ġarc":13210,"emet":13211,"ĠGa":13212,"Ġlux":13213,"ĠGrade":13214,"Ġenact":13215,"iley":13216,"Ġcomparable":13217,"clusivity":13218,"Sign":13219,"icides":13220,"Ġanten":13221,"arse":13222,"Ġå":13223,"Ġoutdoors":13224,"ĠContact":13225,"Ġdarkness":13226,"ĠCop":13227,"Ġmissed":13228,"Ġdelete":13229,"Ġkin":13230,"orse":13231,"ĠHur":13232,"Ġsocially":13233,"iscal":13234,"Ġdeterior":13235,"Ġparliament":13236,"'][":13237,"Ġtrips":13238,"ĠAdvanced":13239,"Ġoptimize":13240,"Ġ//":13241,"Ġencounters":13242,"Ġcensus":13243,"perial":13244,"ĠJean":13245,"Ġpromotion":13246,"Ġgalaxy":13247,"apore":13248,"itoring":13249,"yers":13250,"Ġmysteries":13251,"embed":13252,"Ġcrystal":13253,"Ġimported":13254,"Ġcombust":13255,"Ġbars":13256,"Ġtwentieth":13257,"Ġpulled":13258,"Ġaccused":13259,"Ġprecipitation":13260,"âĶĢâĶĢ":13261,"ĠCalcul":13262,"igating":13263,"phal":13264,"Ġspecify":13265,"ĠHab":13266,"Ġconstitu":13267,"Ġpriorities":13268,"Ġcoin":13269,"Ġinformal":13270,"ĠMos":13271,"ĊĊĊĠĠĠ":13272,"Ġintu":13273,"Ġpriest":13274,"eto":13275,"Ġfee":13276,"ancies":13277,"Ġwonders":13278,"Ġinherited":13279,"čĊčĊĠĠĠĠĠĠĠ":13280,"Ġpipeline":13281,"onto":13282,"Ġsperm":13283,"acular":13284,"dy":13285,"review":13286,"Ġindivid":13287,"deg":13288,"ĠCut":13289,"Ġhoping":13290,"ĠSymptoms":13291,"ĠStrategies":13292,"ilateral":13293,"ĠHas":13294,"Ġplag":13295,"Ġepidem":13296,"Ġsteep":13297,"Ġlith":13298,"ĠSD":13299,"ĠDu":13300,"ttes":13301,"inflammatory":13302,"Ġadvocacy":13303,"tensor":13304,"Ġpresum":13305,"eu":13306,"Ġprotest":13307,"Ġpollutants":13308,"ĠVictoria":13309,"Ġcalculation":13310,"ignt":13311,"sun":13312,"Ġgenerates":13313,"ĠRub":13314,"Ġretention":13315,"Ġrestored":13316,"Comp":13317,"ĠLower":13318,"Ġrecommends":13319,"ĠYears":13320,"Ġterrible":13321,"ĠEstab":13322,"Ġadjustments":13323,"samples":13324,"ĠRos":13325,"Ġcollaborate":13326,"ĠKansas":13327,"Ġexplanations":13328,"Ġiconic":13329,"ĠSac":13330,"profile":13331,"mia":13332,"Ġfusion":13333,"Ġinstructor":13334,"Ġreleases":13335,"iasm":13336,"overs":13337,"Ġincl":13338,"Ġpries":13339,"Ġmercury":13340,"Ġsmallest":13341,"effect":13342,"insic":13343,"ĠNE":13344,"fiction":13345,"Ġwhales":13346,"Ġcrowd":13347,"eous":13348,"Ġmethane":13349,"Ġinadequ":13350,"Ġenters":13351,"Group":13352,"Ġenterprise":13353,"columns":13354,"nowned":13355,"swer":13356,"ĠActivity":13357,"Ġadvancing":13358,"Ġolive":13359,"olly":13360,"Ġstandardized":13361,"ĠTam":13362,"ĠBush":13363,"oeconomic":13364,"annot":13365,"Ġyard":13366,"Ġkings":13367,"Ġdeclined":13368,"Ġbehalf":13369,"SR":13370,"ĠRout":13371,":]":13372,"Ġtraject":13373,"ĠBelg":13374,"Ġsocio":13375,"uese":13376,"Ġaccordance":13377,"(__":13378,"Ġcitation":13379,"Ġremembered":13380,"Ġfailures":13381,"Ġvomiting":13382,"Ġcite":13383,"Ġcompete":13384,"ĠDepression":13385,"Ġattachment":13386,"Ġfungi":13387,"ĠTransport":13388,".')":13389,"Ġfict":13390,"ĠChemical":13391,"Ġpursuit":13392,"wd":13393,"stat":13394,"Ġpointing":13395,"Ġnecessit":13396,"oosevelt":13397,"Ġreserve":13398,"Ġaccessed":13399,"ĠMachine":13400,"Ġrear":13401,"Ġactivists":13402,"expl":13403,"Ġplacement":13404,"Ġmembership":13405,"Ġepoch":13406,"ĠGDP":13407,"ĠPlanning":13408,"Ġtraged":13409,"oxic":13410,"Ġmanipulation":13411,"ĠElectric":13412,"Ġrings":13413,"Ġoverse":13414,"Ġstrengthening":13415,"Ġfung":13416,"Ġposes":13417,"Ġdialog":13418,"Ġdot":13419,"Ġtrains":13420,"icism":13421,"FR":13422,"Ġconsol":13423,"Ġconce":13424,"ĠBh":13425,"exper":13426,"umbled":13427,"Ġseverely":13428,"mans":13429,"Ġhepat":13430,"Ġniche":13431,"Ġinherit":13432,"alpha":13433,"Ġanalytical":13434,"letter":13435,"ĠWalk":13436,"Ġcerv":13437,"ĠPap":13438,"Ġinver":13439,"ĠKim":13440,"Ġassessing":13441,"uffer":13442,"Ġbelt":13443,"Ġfactories":13444,"VD":13445,"Ġcheaper":13446,"Ġcomputational":13447,"Ġpacked":13448,"Ġtherapist":13449,"ni":13450,"enna":13451,"cfg":13452,"alin":13453,"ĠPRO":13454,"ĠGh":13455,"Ġextending":13456,"('/":13457,"Ġmud":13458,"ĠSpecies":13459,"iencies":13460,"Ġperceive":13461,"ĠAbs":13462,"ĠKar":13463,"Ġantibiotic":13464,"NO":13465,"inces":13466,"Ġcompression":13467,"umer":13468,"Ġmush":13469,"forest":13470,"Ġmilit":13471,"Ġdirt":13472,"Ġkeyboard":13473,"phe":13474,"Ġalleg":13475,"ĠPerson":13476,"Ġtranslate":13477,"Ġlesser":13478,"eared":13479,"ĠBridge":13480,"Ġ^":13481,"Ġbladder":13482,"ĠDougl":13483,"Ġupload":13484,"accept":13485,"Fact":13486,"Ġinterpreted":13487,"lon":13488,"ilem":13489,"Ġscattered":13490,"Ġsuited":13491,"Ġparticipated":13492,"metadata":13493,"ĠAllow":13494,"Ġaesthetic":13495,"ĠEns":13496,"Ġfarmer":13497,"Ġconferences":13498,"Ġrival":13499,"Ġcounties":13500,"lings":13501,"Ġdrama":13502,"ignty":13503,"Ġexecute":13504,"Ġdy":13505,"anna":13506,"Ġtalent":13507,"Ġseaf":13508,"iffs":13509,"Ġsphere":13510,"plicity":13511,"Ġalb":13512,"Ġinventory":13513,"Ġsne":13514,"Ġneglect":13515,"\\_":13516,"ĠJefferson":13517,"Ġ°":13518,"Request":13519,"ĠMong":13520,"ĠPoll":13521,"Ġadaptive":13522,"Ġtribal":13523,"ĠSkills":13524,"ĠNap":13525,"Ġlever":13526,"Ġpromises":13527,"Ġfundament":13528,"Ġcontra":13529,"ĠTimmy":13530,"Ġspeaks":13531,"Ġanymore":13532,"imity":13533,"Ġdigestion":13534,"PRO":13535,"Ġsmile":13536,"viously":13537,"Ġmakers":13538,"gon":13539,"Ġorganisations":13540,"Ġgenetically":13541,"ĠDepending":13542,"Ġwhilst":13543,"Ġbench":13544,"ĠSyria":13545,"odynam":13546,"aturday":13547,"........":13548,"Ġrolling":13549,"ership":13550,"Ġcostly":13551,"ĠAdapt":13552,"ĠTraditional":13553,"Ġguiding":13554,"aki":13555,"emetery":13556,"Ġrum":13557,"Ġ::":13558,"Ġ·":13559,"tmp":13560,"ĠGames":13561,"ensively":13562,"Ġemployer":13563,"ĠReserve":13564,"Ġoverweight":13565,"omed":13566,"black":13567,"ochemical":13568,"Ġannounce":13569,"Ġdivor":13570,"Ġcomic":13571,"roller":13572,"ithub":13573,"MT":13574,"owa":13575,"ĠTypes":13576,"Ġbottles":13577,"ĠGolden":13578,"ationally":13579,"ĠWas":13580,"ĠYellow":13581,"Prof":13582,"Ïģ":13583,"ergarten":13584,"Ġappetite":13585,"usr":13586,"Ġaltogether":13587,"ULT":13588,"icultural":13589,"Ġwires":13590,"ĉĉĉĉĉĉĉĉ":13591,"Ġcastle":13592,"Ġlicensed":13593,"Ġoutputs":13594,"Ġtunnel":13595,"ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":13596,"Ġnuanced":13597,"occer":13598,"Ġtextbook":13599,"Ġpipes":13600,"Ġinterference":13601,"Disc":13602,"Ġlighter":13603,"orious":13604,"Ġchim":13605,"Ġabsent":13606,"ĠPred":13607,"Ġpolicymakers":13608,"ixed":13609,"iotics":13610,"Ġinitiated":13611,"estry":13612,"uma":13613,"ĠWHO":13614,"Ġquantitative":13615,"Ġnetworking":13616,"ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":13617,"ysics":13618,"giving":13619,"Ġnegotiations":13620,"Ġsimulations":13621,"Ġunderwater":13622,"Ġinvestigating":13623,"Ġseparately":13624,"iating":13625,"gt":13626,"oub":13627,"amation":13628,"Fil":13629,"Ġcannab":13630,"Ġbay":13631,"ĠReturn":13632,"amiliar":13633,"Ġorn":13634,"Ġsupre":13635,"Ġgaming":13636,"ĠBox":13637,"ĠSustainable":13638,"Ġdatasets":13639,"ĠHTML":13640,"ĠSix":13641,"Ġdeciding":13642,"Ġstrip":13643,"Ġcardiac":13644,"Ġglasses":13645,"Color":13646,"Ġcaffe":13647,"Ġgroundwater":13648,"Ġsubstitute":13649,"Ġrescue":13650,"ĠWould":13651,"ĠDynam":13652,"Ġinsulation":13653,"ardless":13654,"jpg":13655,"pip":13656,"ĠMit":13657,"Ġdesires":13658,"iolet":13659,"aunt":13660,"Ġradius":13661,"Ġoperates":13662,"OK":13663,"Ġdesirable":13664,"Ġodds":13665,"Ġannot":13666,"Ġstrictly":13667,"Ġconceptual":13668,"pc":13669,"Ġregistration":13670,"have":13671,"Ġdemanding":13672,"ĠTen":13673,"Ġappropriately":13674,"IONS":13675,"ĠKennedy":13676,"igion":13677,"ĠAmendment":13678,"ĠThings":13679,"days":13680,"ĠSche":13681,"Ġrequested":13682,"Ġrelying":13683,"DB":13684,"Ġrises":13685,"window":13686,"mid":13687,"Ġconvict":13688,"Ġecho":13689,"Ġlenses":13690,"ĠâĢĿ":13691,"Ġwarmer":13692,"Ġfragments":13693,"Ġoptimization":13694,"util":13695,"ĠFive":13696,"ĠLeon":13697,"Ġtelephone":13698,"hol":13699,"ĠMountains":13700,"AI":13701,"ĠSud":13702,"ĠFall":13703,"Ġpecul":13704,"Ġeleg":13705,"ĠArthur":13706,"ĠArgs":13707,"Ġceremony":13708,"Ġdehyd":13709,"Ġtranscript":13710,"Ġneighboring":13711,"ĠFer":13712,"Ġcro":13713,"*:":13714,"Ġreforms":13715,"Ġtemporal":13716,"academ":13717,"Ġprophe":13718,"will":13719,"Ġconvention":13720,"Ġfreed":13721,"Ġsurely":13722,"zero":13723,"Ġanxious":13724,"Ġobtaining":13725,"ĠTreaty":13726,"ilient":13727,"estinal":13728,"driven":13729,"Ġschemes":13730,"Ġlaugh":13731,"Ġsucc":13732,"cursor":13733,"Ġcoupled":13734,"Ġhate":13735,"utri":13736,"Ġcapturing":13737,"md":13738,"ĠRay":13739,"Ġforb":13740,"Ġoutlined":13741,"ĠPear":13742,"GL":13743,"register":13744,"scill":13745,"ĠMuhammad":13746,"Ġclosing":13747,"Intern":13748,"week":13749,"ĠOverview":13750,"ĠMilitary":13751,"Ġtrium":13752,"Ġarchaeological":13753,"ĠRepublican":13754,"Bel":13755,"ĠCaptain":13756,"Ġartic":13757,"Mus":13758,"Ġtomorrow":13759,"к":13760,"Ġslope":13761,"Ġacademia":13762,"ĠRoosevelt":13763,"Sum":13764,"ĠArgent":13765,"Ġconnects":13766,"ĠCountry":13767,"Ġboats":13768,"ĠTurkish":13769,"Ġmounted":13770,"ĠHolocaust":13771,"ĠCorporation":13772,"*.":13773,"Ġarrays":13774,"utf":13775,"Ġtelescope":13776,"unciation":13777,"Ġpad":13778,"Ġblockchain":13779,"Ġforgotten":13780,"Ġrespected":13781,"Ġpharmac":13782,"alo":13783,"Ġproc":13784,"Ġindividually":13785,"Ġcelebrating":13786,"Ġcondem":13787,"Ġpromoted":13788,"Ġtimber":13789,"Ġastronaut":13790,"Ġdrew":13791,"ĠPersian":13792,"El":13793,"Ġcommunicating":13794,"Main":13795,"Ġfirmly":13796,"KEY":13797,"ĠTibet":13798,"keep":13799,"lighten":13800,"Ġallev":13801,"ĠFreedom":13802,"Ġobligations":13803,"Ġtempt":13804,"Ġzip":13805,"ĠSa":13806,"Ġgovernor":13807,"ĠFord":13808,"ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":13809,"Ġposture":13810,"Ġvolcanic":13811,"Diff":13812,"held":13813,"essee":13814,"Ġinduced":13815,"Ġexceptions":13816,"instein":13817,"ĠHealthy":13818,"Ġpresentations":13819,"Ġchaos":13820,"ĠForeign":13821,"Message":13822,"ĠRun":13823,"Ġ\"\"":13824,"Ġshortly":13825,"Ġjewel":13826,"ĠPH":13827,"ĠHind":13828,"Ġweaknesses":13829,"else":13830,"Ġscheduled":13831,"ĠEdition":13832,"ĠPrize":13833,"ĠConvers":13834,"ĠPrior":13835,"Ġenthusiasm":13836,"Ġpreschool":13837,"Ġeditors":13838,"ĠMechan":13839,"Ġimpacted":13840,"Ġrecovered":13841,"Ġcache":13842,"ĠGive":13843,"ĠEventually":13844,"Ġraces":13845,"oen":13846,"Ġconcentrate":13847,"Ġbreakfast":13848,"chi":13849,"Ġprotagon":13850,"Ġroutines":13851,"Ġextracted":13852,"ĠCirc":13853,"elson":13854,"Ġapples":13855,"obi":13856,"Ġlectures":13857,"Ġda":13858,"FL":13859,"Her":13860,"ĠLind":13861,"Ġbom":13862,"Ġtimely":13863,"Ġmomentum":13864,"Ġpivotal":13865,"Sometimes":13866,"ĠVersion":13867,"ĠPolish":13868,"Ġfifty":13869,"Ġprest":13870,"History":13871,"ĠSpr":13872,"ĠMIT":13873,"Ġpepper":13874,"ĠCL":13875,"Ġmedian":13876,"organisms":13877,"ĠBad":13878,"Ġsilent":13879,"peat":13880,"ausea":13881,"otle":13882,"Common":13883,"Ġmutation":13884,"RAN":13885,"Ġtomatoes":13886,"Ġceram":13887,"ĠDuke":13888,"Ġthrilling":13889,"Ġendeav":13890,"ricks":13891,"overing":13892,"ergies":13893,"Ġprogrammes":13894,"Ġstays":13895,"Mult":13896,"Ġmetres":13897,"Ġtestim":13898,"Ġrebell":13899,"Ġmagnific":13900,"ĠEducational":13901,"ĠGreg":13902,"Ġlarvae":13903,"Ġwitnessed":13904,"ĠCompan":13905,"global":13906,"orne":13907,"ĠRog":13908,"Ġions":13909,"Ġusername":13910,"Ġdestro":13911,"ĠConcept":13912,"Ġpassengers":13913,"sens":13914,"ĠTalk":13915,"ĠAfghanistan":13916,"Ġgrey":13917,"kh":13918,"Ġneurological":13919,"ĠTal":13920,"Ġmigrations":13921,"ĠFinancial":13922,"itics":13923,"Ġpremature":13924,"Ġsugars":13925,"Ġinquiry":13926,"arettes":13927,"Opt":13928,"sleep":13929,"Ġbuffer":13930,"stra":13931,"Ġpossession":13932,"ĠPhilippines":13933,"ĠLarge":13934,"rolling":13935,"Ġmiscon":13936,"Ġemotionally":13937,"Ġwhites":13938,"upiter":13939,"Ġeligible":13940,"Ġfier":13941,"Ġhint":13942,"aund":13943,"Ġaccumulation":13944,"Ġmanipulate":13945,"Ġmanufactured":13946,"ĠPa":13947,"Ġriding":13948,"ĠMission":13949,"BO":13950,"Ġmorality":13951,"Ġbrut":13952,"ĠArmen":13953,"Ġposed":13954,"Ġasync":13955,"ĠOs":13956,"ĠAlong":13957,"Ġplanes":13958,"oths":13959,"Ġomega":13960,"ĠTrump":13961,"Event":13962,"lied":13963,"Ġcuisine":13964,"Ġblacks":13965,"ĠDate":13966,"optim":13967,"hester":13968,"Ġtraced":13969,"ĠMagn":13970,"Ġoneself":13971,"Ġresponding":13972,"Ġmelan":13973,"Ġchop":13974,"Element":13975,"ĠCollection":13976,"jan":13977,"uncture":13978,"Ġpolymer":13979,"Ġcharts":13980,"aux":13981,"Ġrepos":13982,"ĠOwn":13983,"execute":13984,"Ġgums":13985,"bool":13986,"Ġthy":13987,"ĠMiller":13988,"Ġvapor":13989,"Ġtransist":13990,"ĠPast":13991,"Ġelaborate":13992,"âĦ":13993,"SON":13994,"ĠAdvent":13995,"four":13996,"ova":13997,"Ġaligned":13998,"proof":13999,"Ġflies":14000,"arms":14001,"Ġalleged":14002,"Ġdispute":14003,"Ġmelting":14004,"Ġlegitimate":14005,"wait":14006,"Ġbowel":14007,"weights":14008,"Ġgenres":14009,"Ġenvironmentally":14010,"ulture":14011,"Ġunfair":14012,"five":14013,"Ġconfron":14014,"Ġadvised":14015,"ĠRap":14016,"terns":14017,"ĠMatthew":14018,"Ġintermediate":14019,"Ġslower":14020,"Ġpollen":14021,"âĪĴ":14022,"Ġpulse":14023,"ĠCru":14024,"Ġdisp":14025,"Scientists":14026,"Ġskull":14027,"Ġoccasions":14028,"Ġbod":14029,"Ġsocioeconomic":14030,"Ġacknowledging":14031,"Ġphysic":14032,"----------------------------":14033,"oultry":14034,"Ġepic":14035,"available":14036,"Ġpharmaceutical":14037,"('--":14038,"ĠAgree":14039,"fin":14040,"ĠMoh":14041,"offset":14042,"ĠDefense":14043,"Ġdenied":14044,"Ġcontroversy":14045,"urred":14046,"Ġbon":14047,"ĠHispan":14048,"Ġcavity":14049,"ikh":14050,"isphere":14051,"ighters":14052,"Ġconsp":14053,"ĠPil":14054,"Ġbustling":14055,"ĠNig":14056,"Ġbreakthrough":14057,"Ġconvinced":14058,"Ġsubstantially":14059,"Ġblame":14060,"Ġconjunction":14061,"orie":14062,"Ġcum":14063,"Ġjurisdiction":14064,"Ġsynthes":14065,"Ġoffspring":14066,"Ġmarch":14067,"Ġsecular":14068,".\",":14069,"Free":14070,"itime":14071,"Ġforcing":14072,"articles":14073,"Ġ\",":14074,"ĠKat":14075,"Ġincons":14076,"esty":14077,"ĠSingapore":14078,"Ġrelieve":14079,"Ġcivilizations":14080,"ĠPlants":14081,"Ġanest":14082,"engu":14083,"ĠCensus":14084,"Ġtremendous":14085,"Mr":14086,"Ġmultif":14087,"ĠBoy":14088,"Ġtitled":14089,"Ġsatisfied":14090,"osphere":14091,"idel":14092,"Ġwax":14093,"Ġarises":14094,"insert":14095,"Ġresidence":14096,"pytest":14097,"Ġthrown":14098,"ĠMu":14099,"Ġdeemed":14100,"bled":14101,"Ġdivisions":14102,"Ġpassionate":14103,"Ġrenowned":14104,"ĠDiego":14105,"TA":14106,"xml":14107,"ĠBird":14108,"pling":14109,"Ġappealing":14110,"Aug":14111,"ĠObserv":14112,"usive":14113,"Ġlegally":14114,"©":14115,"Ġambig":14116,"Several":14117,"ĠHunt":14118,"Ġdear":14119,"language":14120,"Ġunclear":14121,"bral":14122,"shot":14123,"Ġsauce":14124,"Ġfertile":14125,"ĠHawaii":14126,"Ġbrick":14127,"ulas":14128,"Copyright":14129,"Ġradar":14130,"Num":14131,"resses":14132,"ĠMonth":14133,"ĠClark":14134,"Ġcitizenship":14135,"ĠPortuguese":14136,"Ġsends":14137,"Ġwool":14138,"ĠĠĠĠĠĠĠĠĠĠĠĠ":14139,"imated":14140,"Ġ',":14141,"PP":14142,"esome":14143,"wiki":14144,"Ġjudges":14145,"eft":14146,"ĠThompson":14147,"Ġlegislative":14148,"dt":14149,"Ġworkforce":14150,"dam":14151,"olecular":14152,"Ġgay":14153,"produ":14154,"Ġanyway":14155,"proto":14156,"Ġhub":14157,"ĠOp":14158,"Ġprojected":14159,"Ġunfamiliar":14160,"ĠCustom":14161,"ĠEthiop":14162,"prehens":14163,"Ġhandy":14164,"ĠHold":14165,"Ġdignity":14166,"ĠBow":14167,"Ġsolved":14168,"Ġflesh":14169,"ĠBall":14170,"ĠAustria":14171,"Web":14172,"ophers":14173,"super":14174,"Acc":14175,"ĠLily":14176,"aren":14177,"ĠChile":14178,"induced":14179,"Ġreceptor":14180,"letal":14181,"Ġprostate":14182,"mouth":14183,"Ġabdominal":14184,"Ġreass":14185,"ĠJo":14186,"ĠUtil":14187,"ĠIndependence":14188,"Ġinvisible":14189,"ĠChallenges":14190,"God":14191,"SM":14192,"Ä«":14193,"clip":14194,"âĤ¬":14195,"tests":14196,"ĠNorway":14197,"Ġemphasized":14198,"?)":14199,"fat":14200,"GB":14201,"Ġconsisted":14202,"Ġsurviving":14203,"Ġrevision":14204,"rasound":14205,"Ġimpaired":14206,"ĠPoly":14207,"Ġplaque":14208,"Ġ'__":14209,"ĠLo":14210,"Ġletting":14211,"ĠResponse":14212,"IX":14213,"Ġclassmates":14214,"Ġprost":14215,"Ġenjoyable":14216,"stats":14217,"ĠAboriginal":14218,"monary":14219,"Ġedited":14220,"ĠCreating":14221,"accur":14222,"ĠSmart":14223,"Ġtablets":14224,"lass":14225,"Ġtreasure":14226,"Ġworksheet":14227,"Ġranks":14228,"Good":14229,"Ġpurple":14230,"ĠLands":14231,"ĠDisorder":14232,"Ġspr":14233,"GA":14234,"lies":14235,"ĠArk":14236,"interest":14237,"except":14238,"tesy":14239,"ε":14240,"Ġwounds":14241,"Ġnotably":14242,"information":14243,"channels":14244,"ĠIsraeli":14245,"ATA":14246,"Jan":14247,"ĠUsually":14248,"Ġtheater":14249,"ĠEX":14250,"km":14251,"Ġbrows":14252,"Ġaven":14253,"ARS":14254,"Ġsilence":14255,"Ġinclusivity":14256,"ĠTour":14257,"Ġlacking":14258,"Ġstrikes":14259,"Ġsalary":14260,"ĠHad":14261,"Ġbanking":14262,"ellar":14263,"Ġip":14264,"Ġsupervision":14265,"Ġmelt":14266,"ĠIce":14267,"news":14268,"Ġecology":14269,"Black":14270,"olith":14271,"Ġsimpler":14272,"acke":14273,"ĠEffects":14274,"odge":14275,"Ġtrap":14276,"Ġdos":14277,"imation":14278,"Ġoxide":14279,"ĠDeterm":14280,"Ġuniqu":14281,"Ġcultivating":14282,"ĠProtect":14283,"ĠOw":14284,"ĠAnne":14285,"Ġpoisoning":14286,"ĠUtah":14287,"Europe":14288,"Ġvariability":14289,"Ġpersonalized":14290,"ims":14291,"Ġdecreasing":14292,"Ġcarcin":14293,"Ġflux":14294,"mn":14295,"Ġwheels":14296,"Open":14297,"ERE":14298,"admin":14299,"IND":14300,"Ġunhealthy":14301,"ĠSyndrome":14302,"ĠProphet":14303,"Ġstoring":14304,"ĠWH":14305,"Ent":14306,"hash":14307,"ĠTele":14308,"Ġnaval":14309,"Ġdece":14310,"Ġspont":14311,"Ġautonomous":14312,"Ġincentives":14313,"ĠAmb":14314,"mill":14315,"Ġidentifies":14316,"Ġrehabilitation":14317,"ĠRaj":14318,"ĠResults":14319,"Ġstretching":14320,"Ġsnake":14321,"ounding":14322,"Ġkidneys":14323,"Ġballs":14324,"vement":14325,"Load":14326,"ĠFlow":14327,"Vol":14328,"Ġpotent":14329,"Ġmast":14330,"Ġintact":14331,"tail":14332,"Ġcrafting":14333,"exit":14334,"ĠAdams":14335,"ĠPublishing":14336,"-------":14337,"ĠAlbert":14338,"Ġseas":14339,"ĠLouisiana":14340,"Ġambit":14341,"Ġagenda":14342,"Ġopenly":14343,"Thus":14344,"ruce":14345,"Ġgross":14346,"inton":14347,"Ġcertified":14348,"Ġdefeated":14349,"osaurs":14350,"especially":14351,"ĠSi":14352,")**":14353,"ĠFA":14354,"ĠPA":14355,"Non":14356,"ĠNat":14357,"Ġrigid":14358,"Those":14359,"people":14360,"Ġmathematic":14361,"Return":14362,"owing":14363,"weed":14364,"wich":14365,"Fi":14366,"ĠParents":14367,"ĠFiction":14368,"ĠSite":14369,"third":14370,"Ġrefined":14371,"ĠGenerally":14372,"ĠSoutheast":14373,"Ġdiscusses":14374,"uana":14375,"Ġcontinually":14376,"ĠTennessee":14377,"Ġanniversary":14378,"Ġ):":14379,"Ġexplosion":14380,"Ġthreatening":14381,"Ġignor":14382,"itu":14383,"tainer":14384,"Ġproblematic":14385,"reach":14386,"ĠCho":14387,"Ġcrash":14388,"Ġrestaurants":14389,"Ġadvocating":14390,"agrams":14391,"Ġeliminating":14392,"Ġdenom":14393,"Ġdump":14394,"Sw":14395,"zens":14396,"ricular":14397,"rative":14398,"ods":14399,")-":14400,"Ġsor":14401,"Ġshops":14402,"Oct":14403,"Ġrating":14404,"vised":14405,"cker":14406,"erce":14407,"elong":14408,"Ġstro":14409,"erald":14410,"Ġglands":14411,"Ġbalancing":14412,"Which":14413,"Ben":14414,"Ġadhes":14415,"ACK":14416,"Ġmaintains":14417,"Ġcertificate":14418,"Ġtraces":14419,"venue":14420,"Ġtriumph":14421,"Ġciv":14422,"Ġaffili":14423,"Ġtuple":14424,"Ġmenstru":14425,"Ġpyram":14426,"Ġstimulation":14427,")*":14428,"Ġventure":14429,"Fore":14430,"lastname":14431,"ĠTeacher":14432,"Learning":14433,"ĠDeclaration":14434,"sole":14435,"ĊĊĉ":14436,"Ġequilibrium":14437,"Ġcertification":14438,"Ġenfor":14439,"ĠChap":14440,"Ġcounseling":14441,"ĠKong":14442,"Ġwells":14443,"adian":14444,"Ġcows":14445,"ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":14446,"Ġsynchron":14447,"Ġmyths":14448,"Ġglue":14449,"Ġartery":14450,"Ġfake":14451,"Ġdancing":14452,"ĠPack":14453,"connection":14454,"Ġpanic":14455,"Ġdamp":14456,"asted":14457,"Ġsomehow":14458,"itzerland":14459,"\",\"":14460,"Ġscholar":14461,"achment":14462,"ĠDiabetes":14463,"Ġfled":14464,"Ġfounding":14465,"adi":14466,"Ġpaste":14467,"Ġmargin":14468,"ĠHong":14469,"vely":14470,"Ġpassages":14471,"anny":14472,"Ġvirtue":14473,"Tube":14474,"Ġmaternal":14475,"Ġcov":14476,"Ġgreet":14477,"abetic":14478,"Ġbip":14479,"izable":14480,"inging":14481,"Ġposter":14482,"æľ":14483,"Ġsrc":14484,"eded":14485,"Ġbreakdown":14486,")?":14487,"ĠCarbon":14488,"Ġoppression":14489,"Ġadversity":14490,"Ġneighborhoods":14491,"URL":14492,"verts":14493,"Ġacknowledged":14494,"intestinal":14495,"Ġprefix":14496,"Ġpermits":14497,"Ġquot":14498,"tz":14499,"Ġresort":14500,"Ġsore":14501,")(":14502,"DC":14503,"ĠNobel":14504,"Ġdwell":14505,"Ġnoting":14506,"Ġapproaching":14507,"ĠJuda":14508,"Ġstocks":14509,"Ġforty":14510,"oolean":14511,"Ġimpul":14512,"Ġgluten":14513,"ÏĦ":14514,"Ġmonetary":14515,"Module":14516,"Ġdough":14517,"shore":14518,"powered":14519,"Ġpert":14520,"portion":14521,"Ġjun":14522,"imb":14523,"ĠLesson":14524,"Mark":14525,"jamin":14526,"Ġinterfere":14527,"FP":14528,"Ġarteries":14529,"Ġoct":14530,"ĠJordan":14531,"Ġsovereignty":14532,"Ġtender":14533,"Ġabd":14534,"Ġurgent":14535,"Ġlact":14536,"ĠGas":14537,"Ġtrapped":14538,"apsed":14539,"Ġprobe":14540,"Ġsho":14541,"tan":14542,"keley":14543,"Ġuter":14544,"Ġmastering":14545,"ĠCert":14546,"states":14547,"amel":14548,"ĠLink":14549,"Bar":14550,"otive":14551,"ĠBesides":14552,"Ġgrave":14553,"expr":14554,"EA":14555,"Ġvisualize":14556,"Ġscholarship":14557,"comb":14558,"anting":14559,"Ġplastics":14560,"Ġupcoming":14561,"Ġsoup":14562,"Ġregulated":14563,"rology":14564,"opter":14565,"Ġmythology":14566,"Ġvoters":14567,"Ġbitter":14568,"Ġconsultation":14569,"Ġconventions":14570,"Ġoven":14571,"olas":14572,"Ġbasin":14573,"Ġelevation":14574,"uning":14575,"ĠLoss":14576,"Ġskip":14577,"Ġrhet":14578,"Ġdysfunction":14579,"ĠGPS":14580,"ĠGreeks":14581,"Ġextensively":14582,"Ġdownt":14583,"Ġtransit":14584,"åĪ":14585,"Ġfailing":14586,"domain":14587,"Ġsnap":14588,"urgery":14589,"rade":14590,"Ġdamages":14591,"lightenment":14592,"Ġmasks":14593,"Ġlunar":14594,"Ġdependence":14595,"ilingual":14596,"Ġsoda":14597,"Ġconfined":14598,"ĠSimple":14599,"Ġwolf":14600,"Ġpraise":14601,"times":14602,"Ġguests":14603,"Ġvoluntary":14604,"aping":14605,"Ġobese":14606,"ĠEveryone":14607,"seen":14608,"ĠSimilar":14609,"pton":14610,"Ġhierarch":14611,"Ġepisodes":14612,"Ġgel":14613,"ĠAffairs":14614,"Ġapi":14615,"ĠBapt":14616,"oriented":14617,"MR":14618,"qa":14619,"Ġoutstanding":14620,"stock":14621,"Ġstrat":14622,"Ġtourists":14623,"Ġloyalty":14624,"Ġcf":14625,"Ġ\".":14626,"Ġdispro":14627,"sort":14628,"Ġdiscount":14629,"xc":14630,"bestos":14631,"Ġpulumi":14632,"Ġallies":14633,"Ġsensation":14634,"Ġwithdrawal":14635,"Ġhasn":14636,"ĠStories":14637,"urations":14638,"ĠBot":14639,"Ġloves":14640,"Ġprovinces":14641,"mount":14642,"Ġmesh":14643,"Ġdilem":14644,"ctx":14645,"atern":14646,"Ġdraws":14647,"ante":14648,"Sur":14649,"olerance":14650,"ĠExcel":14651,"Ġmodification":14652,"Ġruler":14653,"Ġglow":14654,"Ġepit":14655,"Ġidx":14656,"docs":14657,"lav":14658,"Ġrecru":14659,"Ġveterin":14660,"itations":14661,"Ġcurrents":14662,"Ġindication":14663,"lades":14664,"Ġnewborn":14665,"Photo":14666,"Ġmonitored":14667,"Ġpigs":14668,"Ġ||":14669,"Ġseats":14670,"Ġmatplotlib":14671,"ĠPatients":14672,"ĠPMID":14673,"Ġcaffeine":14674,"Ġguilty":14675,"Ġaltitude":14676,"ĠCertain":14677,"xchange":14678,"Ġduct":14679,"stage":14680,"Ġpatches":14681,"Ġsmok":14682,"Ġdifferential":14683,"Ġgradient":14684,"Ġtouching":14685,"ĠPi":14686,"atherine":14687,"Ġambitious":14688,"ĠParameters":14689,"Ġyours":14690,"Ġsaturated":14691,"Ġstayed":14692,"erating":14693,"Ġmindful":14694,"ĠHal":14695,"rocery":14696,"Ġconfusing":14697,"ĠCloud":14698,"angles":14699,"Ġfriction":14700,"Ġheaded":14701,"Ġtransforming":14702,"educ":14703,"ĠBroad":14704,"Ġbrands":14705,"Ġwellness":14706,"Ġimprison":14707,"Ġthreads":14708,"Ġnumb":14709,"Ġmines":14710,"Ġappliances":14711,"Ġpeculiar":14712,"ĠJupiter":14713,"Ñĥ":14714,"ottom":14715,"ĠBah":14716,"gate":14717,"Ġvoy":14718,"Ġshar":14719,"Ġglory":14720,"ĠBenefits":14721,"ĠConfederate":14722,"Ġindices":14723,"Ġintentions":14724,"Ġinvite":14725,"ussion":14726,"Ġcarp":14727,"Ġresolved":14728,"ĠIssue":14729,"autions":14730,"Ġenthusiasts":14731,"Ġfluores":14732,"Ġbiomass":14733,"Ġtriggered":14734,"Ġdescent":14735,"Ġcorners":14736,"\"{":14737,"Ġviewers":14738,"Ġmuseums":14739,"ographies":14740,"ivism":14741,"Ġheaders":14742,"ĠProtocol":14743,"Ġelectromagnetic":14744,"ackexchange":14745,"iblings":14746,"Ġscholarly":14747,"Does":14748,"Ġarrested":14749,"Ġaccepting":14750,"rosion":14751,"Ġdeepen":14752,"rones":14753,"ĠDocument":14754,"ĠLady":14755,"ĠAstron":14756,"look":14757,"ĠSound":14758,"Ġwarmth":14759,"Ġteenagers":14760,"Ġanimation":14761,"Ġhoped":14762,"Ġhypertension":14763,"Ġmagnificent":14764,"isa":14765,"ĠFriends":14766,"zech":14767,"Ġinteracting":14768,"Ġpresidential":14769,"ĠIC":14770,"achelor":14771,"mi":14772,"Ġrepublic":14773,"Ġdelayed":14774,"Among":14775,"Ùİ":14776,"Top":14777,"ĠRod":14778,"WH":14779,"imental":14780,"Ġjet":14781,"Ġstopping":14782,"Pol":14783,"Ġresearching":14784,"hell":14785,"Ġeverybody":14786,"ĠØ":14787,"DI":14788,"Ġinspection":14789,"oors":14790,"ĠBlock":14791,"ĠKenya":14792,"iser":14793,"ĠNort":14794,"Ġmetaphor":14795,"Ġports":14796,"Ġcolours":14797,"ODO":14798,"Ġvectors":14799,"ifting":14800,"ĠTuesday":14801,"acre":14802,"Ġnutrit":14803,"Ġimagined":14804,"Ġgroundbreaking":14805,"Dev":14806,"Ġlining":14807,"Ġconform":14808,"Ġcement":14809,"ĠMathematics":14810,"ĠImperial":14811,"sent":14812,"oty":14813,"Ġintestinal":14814,"ĠUkraine":14815,"Ġcous":14816,"ĠDub":14817,"Ġevac":14818,"ventional":14819,"Ġlawyer":14820,"agus":14821,"ĠGer":14822,"onut":14823,"âĦ¢":14824,"Bas":14825,"Ġgang":14826,"Ġdistribute":14827,"Ġemploying":14828,"Ġsubmission":14829,"Ġcarrier":14830,"Ġnucleus":14831,"Ġfairness":14832,"bird":14833,"TSD":14834,"ĠLegal":14835,"ĠConsult":14836,"LC":14837,"kit":14838,"Ġalternate":14839,"Ġfictional":14840,"Know":14841,"incial":14842,"inputs":14843,"Ġtrag":14844,"eeze":14845,"Ġconstructing":14846,"Ġsew":14847,"Ġsoldier":14848,"rubs":14849,"Ġcock":14850,"Ġallocation":14851,"asa":14852,"Ġ\"/":14853,"plug":14854,"Ġrecruit":14855,"ĠMalays":14856,"Ġstraightforward":14857,"ĠJoh":14858,"Ġbulbs":14859,"Ġholidays":14860,"nl":14861,"Ġsoccer":14862,"Ġfart":14863,"Ġsink":14864,"Ġvend":14865,"Ġshells":14866,"Ġokay":14867,"']:":14868,"Ġcontroller":14869,"ynthesis":14870,"crit":14871,"ĠRoss":14872,"tech":14873,"Ġrevised":14874,"Unfortunately":14875,"Ġfreshwater":14876,"Ġantioxidants":14877,"ĠExecutive":14878,"Ġvotes":14879,"ucks":14880,"Ġshooting":14881,"AGE":14882,"Ġinstructional":14883,"cha":14884,"Ġassim":14885,"Ġtapestry":14886,"ĠCastle":14887,"Ġspices":14888,"roleum":14889,"ĠMethods":14890,"udden":14891,"Project":14892,"cluster":14893,"DO":14894,"keeping":14895,"ĠAlab":14896,"Ġbillions":14897,"Ġyog":14898,"Ġpytest":14899,"Ġtalents":14900,"English":14901,"Ġemails":14902,"ĠVin":14903,"food":14904,"Ġnoble":14905,"Ġovert":14906,"Ġmul":14907,"ĠPit":14908,"Ġamph":14909,"merce":14910,"stackexchange":14911,"controlled":14912,"ĠEle":14913,"Ġcompanion":14914,"Ġproposals":14915,"ĠPrimary":14916,"Human":14917,"ĠUC":14918,"Ġadjusted":14919,"cription":14920,"ige":14921,"ikes":14922,"ĠSri":14923,"Following":14924,"Est":14925,"Ġunfold":14926,"Ġheading":14927,"Ġintroduces":14928,"Ġtraumatic":14929,"Ġcrystals":14930,"ĠEaster":14931,"ĠKit":14932,"Ġcouples":14933,"written":14934,"ĠPhilosophy":14935,"Ġsettlements":14936,"ĠCapital":14937,"Ġnobody":14938,"INT":14939,"avy":14940,"Ġvow":14941,"Ġworthy":14942,"resistant":14943,"ogenesis":14944,"Ġmotif":14945,"Ġimpairment":14946,"Ġdemonstration":14947,"ĠElement":14948,"ĠAnti":14949,"fred":14950,"onial":14951,"Ġgam":14952,"ĠPhilip":14953,"Ġfleet":14954,"amous":14955,"ĠRegional":14956,"Ġmaj":14957,"bian":14958,"Ġhiding":14959,"ĠCab":14960,"ĠNight":14961,"Ġvariant":14962,"ĠThursday":14963,"ĠMaya":14964,"Select":14965,"ĠRadio":14966,"bling":14967,"Ġmicrobes":14968,"ĠAy":14969,"obia":14970,"aman":14971,"Ġtransitions":14972,"Ġtriangle":14973,"Ġgravit":14974,"analysis":14975,"ĠVill":14976,"ĠEarl":14977,"aga":14978,"matic":14979,"ĠQuant":14980,"ti":14981,"folio":14982,"ĠHub":14983,"Ġactivated":14984,"ĠTaking":14985,"ĠSaturday":14986,"ĠFest":14987,"ĠTech":14988,"Ġdestructive":14989,"Ġinevitable":14990,"eton":14991,"unes":14992,"Ġguilt":14993,"Ġtemples":14994,"Ġclubs":14995,"factory":14996,"Ġcrossed":14997,"Ġuncon":14998,"Ġundertaken":14999,"Ġinstinct":15000,"Ġdesigner":15001,"Dat":15002,"Ġconnectivity":15003,"ĠIndustry":15004,"ĠNich":15005,"your":15006,"ĠPV":15007,"Const":15008,"}{":15009,"Ġgratitude":15010,"Ġconfidential":15011,"immune":15012,"Ġhanging":15013,"akota":15014,"Oper":15015,"Ġfoundational":15016,"Only":15017,"Ġillustrates":15018,"Ġlongest":15019,"Ġbore":15020,"Ġrenewed":15021,"usually":15022,"ĠBCE":15023,"Spe":15024,"mother":15025,"Ġdozen":15026,"layout":15027,"Ġexamines":15028,"Ġerad":15029,"ĠWi":15030,"ĠSwitzerland":15031,"Ġunto":15032,"ĠMemorial":15033,"lan":15034,"Ġasym":15035,"Ġshots":15036,"Åį":15037,"Ġtruck":15038,"prof":15039,"coord":15040,"ĠTerrit":15041,"uuid":15042,"Ġtears":15043,"Ġlikes":15044,"ĠStruct":15045,"Ġbaseline":15046,"/{":15047,"Ġresilient":15048,"Ġbapt":15049,"Ġradioactive":15050,"Author":15051,"market":15052,"ĠArchae":15053,"ĠUpon":15054,"ĠRespons":15055,"Ġinserted":15056,"ulator":15057,"aran":15058,"Ġgoddess":15059,"Ġwhis":15060,"Ġheadache":15061,"Ġveins":15062,"Ġvalidate":15063,"Day":15064,"Ġinadequate":15065,"Ġencryption":15066,"reshape":15067,"Access":15068,"----------------------------------------------------------------":15069,"Ġlateral":15070,"Ġmemorable":15071,"django":15072,"views":15073,"ĠFreder":15074,"ĠCV":15075,"ä»":15076,"astically":15077,"omics":15078,"riad":15079,"ĠGil":15080,"GET":15081,"Ġexcluded":15082,"ĠWednesday":15083,"ennis":15084,"ĠFisher":15085,"Ġcultivation":15086,"Ġoutbreaks":15087,"Long":15088,"isite":15089,"ĠRose":15090,"Ġpartition":15091,"edic":15092,"Ġsequencing":15093,"uf":15094,"Ġank":15095,"urtles":15096,"atis":15097,"ĠKind":15098,"Ġprelim":15099,"Ġhungry":15100,"eman":15101,"Ġopio":15102,"required":15103,"via":15104,"acial":15105,"Ġplural":15106,"ĠðŁ":15107,"ĠWy":15108,"urgical":15109,"ĠPos":15110,"ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":15111,"Ġjourneys":15112,"ĠJour":15113,"Ġthriving":15114,"Ġovernight":15115,"ĠIndiana":15116,"Ġwarnings":15117,"Ġcompatible":15118,"ĠStore":15119,"oscow":15120,"Ġreproduce":15121,"Ġreleasing":15122,"figure":15123,"training":15124,"Ġpa":15125,"Ġeternal":15126,"Early":15127,"Ġbreeds":15128,"Ġeliminated":15129,"Ġhepatitis":15130,"Elect":15131,"raul":15132,"Ġparamount":15133,"Ġcomics":15134,"both":15135,"Ġlifes":15136,"?<":15137,"Ġcontacts":15138,"ĠAlabama":15139,"ĠNC":15140,"Ġgrounded":15141,"ĠSQL":15142,"ĠRain":15143,"ĠAnton":15144,"ĠHarm":15145,"rator":15146,"Ġwrap":15147,"Ġmillenn":15148,"aml":15149,"severance":15150,"din":15151,"Ġoverlooked":15152,"created":15153,"Ġversatile":15154,"Ġcoating":15155,"stable":15156,"ĠPier":15157,"ocide":15158,"agent":15159,"mercial":15160,"ĠLawrence":15161,"ĠProfessional":15162,"Ġheightened":15163,"Ġconsiders":15164,"Ġ).":15165,"Ġblocked":15166,"Ġchemotherapy":15167,"Ġcatalog":15168,"ĠTesting":15169,"Ġhandled":15170,"Ġvisualization":15171,"Ġmitochond":15172,"Ġvigil":15173,"ĠVideo":15174,"Ġprints":15175,"onts":15176,"Ġjack":15177,"Ġparasites":15178,"ĠTravel":15179,"Ġdesper":15180,"ĠChemistry":15181,"ĠĊĠĠĠĠĠĠĠ":15182,"eron":15183,"Ġdelta":15184,"Ġfacilitating":15185,"UG":15186,"Ġarising":15187,"Widget":15188,"indices":15189,"heum":15190,"Ġlocals":15191,"Anal":15192,"Ġdrying":15193,"oubted":15194,"Ġafterwards":15195,"=-":15196,"ĠBrad":15197,"ocur":15198,"Ġuncommon":15199,"Ġexhibits":15200,"}\")":15201,"ĠDiseases":15202,"ĠVeter":15203,"ĠTools":15204,"ĠQt":15205,"Ġvalidity":15206,"ropolitan":15207,"Ġbirthday":15208,"Ġmosquito":15209,"Social":15210,"ĠTerm":15211,"Ġdemographic":15212,"Ġdividing":15213,"minded":15214,"Ġsake":15215,"Ġventilation":15216,"izoph":15217,"ĠSoon":15218,"Ġtoll":15219,"rophy":15220,"Ġpere":15221,"Ġmobil":15222,"Ġconvenience":15223,"ĠFactors":15224,"erto":15225,"Ġcorrection":15226,"ĠSong":15227,"Ġclarify":15228,"Ġnausea":15229,"Ġvisibility":15230,"Ġescal":15231,"ĠQuestion":15232,"Ġconsec":15233,"Ġvariants":15234,"Food":15235,"foo":15236,"ĠSant":15237,"Ġrestaurant":15238,"Ġloving":15239,"Ġexpose":15240,"Ġadministrators":15241,"EMAIL":15242,"=['":15243,"Ġconditioning":15244,"economic":15245,"Ġperiodic":15246,"Ġcaut":15247,"aughters":15248,"ĠPractices":15249,"Ġadulthood":15250,"Search":15251,"Ġmandatory":15252,"ĠLie":15253,"ĠUpper":15254,"factor":15255,"icut":15256,"Ġextinct":15257,"ĠAra":15258,"manager":15259,"ĠDor":15260,"Ġ[],":15261,"Ġcapitalism":15262,"Ident":15263,"ĠDal":15264,"Ġmant":15265,"Ġoscill":15266,"Ġdisplacement":15267,"Ġcruel":15268,"Ġberries":15269,"Ġstain":15270,"Ġcleaner":15271,"Ġpurely":15272,"Ġbanned":15273,"ĠJamie":15274,"ĠKal":15275,"rosis":15276,"zip":15277,"ĠSports":15278,"Ġdele":15279,"ethyl":15280,"ĠOttoman":15281,"Ġcombustion":15282,"Ġpeas":15283,"player":15284,"oglob":15285,"Ġimplant":15286,"Ġdescendants":15287,"gly":15288,"Ġadapting":15289,"čĊĉ":15290,"Ġsurgeon":15291,"ĠStock":15292,"izophren":15293,"zo":15294,"ĠTrib":15295,"Ġremedies":15296,"ERR":15297,"Ġlasted":15298,"Ġloading":15299,"Ġlesions":15300,"estab":15301,"Ġfinancing":15302,"Ġrelied":15303,"ĠActivities":15304,"boards":15305,"Ġalleviate":15306,"ĠBBC":15307,"Ġthrone":15308,"irk":15309,"ĠOK":15310,"Ġstatue":15311,"asia":15312,"audi":15313,"sql":15314,"olia":15315,"Ġeconomically":15316,"parents":15317,"Ġmicrobial":15318,"La":15319,"xe":15320,"Ġstamp":15321,"ĠVirtual":15322,"Ġappend":15323,"display":15324,"Ġpanc":15325,"Ġtransported":15326,"Ġram":15327,"Ġinteger":15328,"Ġwolves":15329,"ĠFat":15330,"handler":15331,"Ġpunct":15332,"AST":15333,"ridge":15334,"Ġcomparative":15335,"Ġtemporarily":15336,"Ġozone":15337,"ĠHans":15338,"Ġautumn":15339,"Ġbats":15340,"ĠSC":15341,"ĠLes":15342,"illes":15343,"ĠCool":15344,"Ġhash":15345,"Ġquestioning":15346,"Ġretained":15347,"Ġtroubles":15348,"ĠProtestant":15349,"ĠCham":15350,"ĠWhit":15351,"#!":15352,"alling":15353,"Ġharvesting":15354,"Ġclever":15355,"Ġwanting":15356,"ĠBanglades":15357,"Ġutilization":15358,"houses":15359,"Ġinh":15360,"Ġhorizon":15361,"Ġspell":15362,"Level":15363,"ĠPra":15364,"Ġexotic":15365,"erk":15366,"Ġmaturity":15367,"ĠYouth":15368,"Ġdrill":15369,"Ġautomation":15370,"Ġdilig":15371,"ĠHait":15372,"Ġoccasional":15373,"ĠZe":15374,"Ġsq":15375,"Ġmicrobi":15376,"his":15377,"itched":15378,"Ġmasters":15379,"Ġfavorable":15380,"Ju":15381,"ĠExercise":15382,":-":15383,"Ġgrocery":15384,"species":15385,"ĠEuropeans":15386,"ĠApplication":15387,"ĠCro":15388,"Ġwetlands":15389,"Ġrecreational":15390,"ride":15391,"omial":15392,"xd":15393,"agu":15394,"ĠBarb":15395,"ĠTypically":15396,"Ġimplied":15397,"ugar":15398,"ĠSimon":15399,"SN":15400,"ĠAristotle":15401,"Ġpriests":15402,"ĠGi":15403,"ĠCass":15404,"Ġhierarchy":15405,"ĠOrthodox":15406,"ĠEuro":15407,"Ġwounded":15408,"Ġphilosopher":15409,"FIL":15410,"Ġbesides":15411,"Ġcosmic":15412,"enh":15413,"Ġtrim":15414,"Ġrailway":15415,"HR":15416,"Ġgym":15417,"Ġrandomly":15418,"Ġresting":15419,"Green":15420,"Ġsufficiently":15421,"Ġunint":15422,"Given":15423,"nut":15424,"Ġgauge":15425,"Ġenforce":15426,"Ġslides":15427,"Ġcram":15428,"ockets":15429,"Mem":15430,"threat":15431,"Having":15432,"ĠFox":15433,"Ġburst":15434,"Ġpandas":15435,"elle":15436,"ĠReflect":15437,"Ġperme":15438,"national":15439,"illery":15440,"Ġaspiring":15441,"Âł":15442,"Ġproximity":15443,"Ġquotes":15444,"eld":15445,"ixtures":15446,"Ġfossils":15447,"ĠGrowth":15448,"Ġpoultry":15449,"Ġtwe":15450,"NAL":15451,"than":15452,"Ġreset":15453,"bes":15454,"Ġdeployed":15455,"rosc":15456,"Ġassuming":15457,"ĠWIT":15458,"article":15459,"Ġpotato":15460,"ĠJudaism":15461,"ĠStaff":15462,"Ġcollectively":15463,"SU":15464,"ĠThank":15465,"ĠEV":15466,"move":15467,"ĠAuthority":15468,"Ġdwar":15469,"Ġhotel":15470,"Column":15471,"Ġregards":15472,"Ġshoulders":15473,"Ġtutor":15474,"Ġmankind":15475,"Ġspite":15476,"Ġcohes":15477,"Ġcharging":15478,"Ġpreliminary":15479,"Ġmad":15480,"racing":15481,"Ġreply":15482,"Ġearthquakes":15483,"ensis":15484,"ĠCritical":15485,"Ġna":15486,"ĠEmily":15487,"Ġsexuality":15488,"Ġpronounced":15489,"Ġsanct":15490,"ĠBeach":15491,"alia":15492,"ĠÃĹ":15493,"ĠED":15494,"sin":15495,"urrection":15496,"ĠChi":15497,"________________":15498,"iolence":15499,"ĠToronto":15500,"Ġvic":15501,"Ġburial":15502,"Ġsilk":15503,"Ġwarned":15504,"ĠNigeria":15505,"Ġsingular":15506,"thread":15507,"posure":15508,"ĠProblem":15509,"PN":15510,"Ġfancy":15511,"Ġbicy":15512,"Ġsword":15513,"Ġportable":15514,"Ġfloods":15515,"ovenant":15516,"Ġreconstruct":15517,"Ġore":15518,"emat":15519,"Ġadmission":15520,"Map":15521,"Ġpicking":15522,"Ġstimuli":15523,"Ġib":15524,"Ġtragedy":15525,"ĠLastly":15526,"rish":15527,"loop":15528,"oubtedly":15529,"Ġ##":15530,"Ġdated":15531,"Ġutf":15532,"Cur":15533,"Ġghost":15534,"utor":15535,"Process":15536,"ĊĠĠĠĠĠĠ":15537,"ĠKentucky":15538,"short":15539,"aza":15540,"Ġsiblings":15541,"Ġprotests":15542,"WA":15543,"Ġshowcase":15544,"Ġswitching":15545,"argv":15546,"istle":15547,"ivia":15548,"arette":15549,"Ġnurturing":15550,"iasis":15551,"ĠArchives":15552,"ĠCuba":15553,"rable":15554,"Ġorch":15555,"Ġcomprised":15556,"Ġquit":15557,"Ġtomb":15558,"Ġtodd":15559,"Ġembod":15560,"stan":15561,"isan":15562,"Ġate":15563,"Ġdeployment":15564,"ĠYouTube":15565,"dependent":15566,"Ġdiscern":15567,"Develop":15568,"Ġadvertise":15569,"Ġuntreated":15570,"ania":15571,"Ġlinking":15572,"iller":15573,"ĠWords":15574,"Ġprototype":15575,"Ġadaptations":15576,"ĠStress":15577,"ĠKings":15578,"uz":15579,"Ġbuttons":15580,"Ġillustration":15581,"Ġtrash":15582,"Ġpoets":15583,"ĠInitiative":15584,"github":15585,"ĠDiagn":15586,"ĠEconomics":15587,"Ġwherever":15588,"Ġlivelihood":15589,"Ġbytes":15590,"volume":15591,"ĠAgricultural":15592,"commit":15593,"alid":15594,"Ġprocessor":15595,"Ġentails":15596,"ĠOm":15597,"minute":15598,"serial":15599,"ĠTask":15600,"Ġleather":15601,".<":15602,"Ġcommerce":15603,"UC":15604,"Ġsignaling":15605,"Ġsilicon":15606,"Ġnour":15607,"ĠUniverse":15608,"ndarray":15609,"Ġneat":15610,"determ":15611,"Ġbloom":15612,"Ġsuperhero":15613,"Ġexercising":15614,"Ġfired":15615,"ioned":15616,"ĠHistoric":15617,"Ġpropose":15618,"Ġsumm":15619,"ĠSM":15620,"Ġdissolved":15621,"Ġmetall":15622,"Ġbureau":15623,"emen":15624,"Ġgraphs":15625,"Ġremedy":15626,"Ġnutritious":15627,"pher":15628,"Ġwoods":15629,"Ġbug":15630,"ĠOt":15631,"uating":15632,"ĠCzech":15633,"Ġparticipant":15634,"Great":15635,"directory":15636,"ã":15637,"levant":15638,"Ġhomeless":15639,"ĠStanford":15640,"Ġdrilling":15641,"Handler":15642,"emption":15643,"ĠDenmark":15644,"TestCase":15645,"Ġfirstname":15646,"ĠCand":15647,"Ġpneumonia":15648,"Ġcompiled":15649,"Ġinability":15650,"ĠMoscow":15651,"roximately":15652,"ĠSpect":15653,"Book":15654,"ogg":15655,"Ġlisting":15656,"Ġcooler":15657,"Ġcomprises":15658,"bb":15659,"isol":15660,"never":15661,"Ġpulling":15662,"Ġoffensive":15663,"area":15664,"Ġmodest":15665,"Ġretirement":15666,"ĠUSDA":15667,"Ġtoilet":15668,"ĠFeed":15669,"renal":15670,"Ġelite":15671,"URE":15672,"Ġnearest":15673,"Ġcomposite":15674,"ĠGround":15675,"ĠCredit":15676,"Ġtuber":15677,"Af":15678,"Ġantioxidant":15679,"Ġadaptability":15680,"course":15681,"Ġwhale":15682,"æķ":15683,"Ġgrief":15684,"Ġinterven":15685,"bid":15686,"ĠIowa":15687,"ĠHarry":15688,"mble":15689,"inge":15690,"ĠCamb":15691,"oqu":15692,"ĠDark":15693,"ĠCoal":15694,"Ġ'-":15695,"Ġcommander":15696,"Head":15697,"uler":15698,"Ġsuppose":15699,"Ġformally":15700,"Ġpolym":15701,"ĠBetter":15702,"âĸĪ":15703,"ĠRegion":15704,"ĠBelow":15705,"Ġquestionna":15706,"mass":15707,"Ġsixth":15708,":*":15709,"ĠSwedish":15710,"Ġlearner":15711,"ĠGre":15712,"Ġopposing":15713,"Ġshelf":15714,"sche":15715,"ĠOpportun":15716,"Ġpiano":15717,"ĠChen":15718,"Ġpropri":15719,"ĠMO":15720,"Ġshifted":15721,"Ev":15722,")).":15723,"upuncture":15724,"Ġfragile":15725,"Ġconve":15726,"beat":15727,"ĠPatrick":15728,"Ġadjusting":15729,"cision":15730,"Ġqueen":15731,"metic":15732,"Ġscrut":15733,"hidden":15734,"Ġtransformative":15735,"Button":15736,"ĠEvidence":15737,"Ġsnack":15738,"ifiable":15739,"Str":15740,"Ġweeds":15741,"ĠConserv":15742,"Ġhits":15743,"Ġrust":15744,"Ġ\"\\":15745,"auto":15746,"ĠAlliance":15747,"Ġfluctuations":15748,"Ġinstrumental":15749,"~~~~":15750,"igo":15751,"tees":15752,"ĠVery":15753,"Ġdrum":15754,"Ġreminded":15755,"ĠPrinciples":15756,"ĠMas":15757,"Ġspecially":15758,"Ïī":15759,"Ġevenly":15760,"Ġpredominantly":15761,"Ġpseud":15762,"aus":15763,"Ġcultivated":15764,"Ġsatisfy":15765,"cp":15766,"ĠFacts":15767,"onics":15768,"Ġnewfound":15769,"Ġcharity":15770,"mo":15771,"klah":15772,"neath":15773,"Ġscratch":15774,"ĠBenjamin":15775,"Science":15776,"eros":15777,"ĠParkinson":15778,"Ġpencil":15779,"ipy":15780,"Ġlitter":15781,"Ġregen":15782,"ĠProb":15783,"Ġdisappeared":15784,"Ġprayers":15785,"Ġshame":15786,"clerosis":15787,"strong":15788,"FOR":15789,"custom":15790,"__':":15791,"Ġculturally":15792,"Ġsuggestion":15793,"ĠPrevent":15794,"ĠHo":15795,"Ġoccupational":15796,"Meanwhile":15797,"cv":15798,"ICE":15799,"CharField":15800,"wealth":15801,"Ġscatter":15802,"Ġglance":15803,"Types":15804,"Ġtie":15805,"aron":15806,"ĠHou":15807,"ailure":15808,"Ġdop":15809,").__":15810,"mel":15811,"ĠRemove":15812,"Method":15813,"Ġflowering":15814,"usions":15815,"ollo":15816,"icode":15817,"Ġwishes":15818,"Ġclaiming":15819,"Ġphilosophers":15820,"ĠPalestine":15821,"Ġá":15822,"ĠTorah":15823,"Ġrulers":15824,"Lastly":15825,"Ġample":15826,"limited":15827,"ĠNA":15828,"bytes":15829,"ĠBud":15830,"ĠMoore":15831,"Code":15832,"category":15833,"Ġpumps":15834,"Ġmarking":15835,"Ġpermanently":15836,"ĠRoc":15837,"onder":15838,"Ġmosquitoes":15839,"gument":15840,"inar":15841,"Ġoverhead":15842,"Ġparental":15843,"ASS":15844,"writer":15845,"Ġratios":15846,"Ġcmd":15847,"Ġstating":15848,"aceted":15849,"htm":15850,"ĠIssues":15851,"Ġcomplementary":15852,"Ġutter":15853,"curs":15854,"Prov":15855,"Ġperipheral":15856,"Ġtoxicity":15857,"ĠKhan":15858,"Ġlifelong":15859,"flu":15860,"pill":15861,"DIR":15862,"welling":15863,"ĠPrepar":15864,"Ġinfinite":15865,"Client":15866,"Edit":15867,"Ġencompasses":15868,"ĠEli":15869,"Ġemperor":15870,"ĠLanc":15871,"ĠContent":15872,"login":15873,"âĢ¦.":15874,"arry":15875,"Ġhi":15876,"Ġwatering":15877,"ĠAdditional":15878,"Ġfantasy":15879,"Download":15880,"Ġinstantly":15881,"ĠArchived":15882,"ĠApproach":15883,"Ġtreasures":15884,"Ġmonarch":15885,"Page":15886,"Ġsemester":15887,"Ġarsen":15888,"\">":15889,"DataFrame":15890,"Ġps":15891,"lessness":15892,"Ġresidual":15893,"IB":15894,"Ġadvise":15895,"Ġpublisher":15896,"erer":15897,"Ġrendering":15898,"future":15899,"Ġlengths":15900,"Ġaggression":15901,"ĠPopulation":15902,"ĠNewton":15903,"Ġverses":15904,"Ġinvested":15905,"Ġstruggled":15906,"ĠBrook":15907,"Ġmicroscope":15908,"Ġpuzzles":15909,"ificant":15910,"ĠNorthwest":15911,"Ġfrost":15912,"Ġcoronavirus":15913,"ĠTaiwan":15914,"Ġobligation":15915,"PM":15916,"prim":15917,"Ġadvancement":15918,"Ġpenalty":15919,"Ġwherein":15920,"Ġclimbing":15921,"Ġsupporters":15922,"ĠPartners":15923,"ĠSyd":15924,"Ġarchitects":15925,"etric":15926,"Ġmicroorganisms":15927,"Ġanalytics":15928,"Ġwilderness":15929,"Ġsticks":15930,"orestation":15931,"Ġgeometric":15932,"SQL":15933,"ignant":15934,"ĠAnderson":15935,"ĠCos":15936,"ĠSummer":15937,"Ġtangible":15938,"Keep":15939,"ĠNurs":15940,"Ġgradual":15941,"ocytes":15942,"Ġfitting":15943,"Tensor":15944,"ĠSel":15945,"Ġinterpersonal":15946,"Ġindoors":15947,"Ġrejection":15948,"Ġjewelry":15949,"leys":15950,"tags":15951,"ĠDemocr":15952,"ĠVictorian":15953,"ouraging":15954,"esterday":15955,"MOD":15956,"leading":15957,"Ġfool":15958,"Ġgeneric":15959,"ĠSoil":15960,"Ġrefere":15961,"Ġacademics":15962,"Ġfeasible":15963,"THE":15964,"ĠFried":15965,"Ġsubjected":15966,"gb":15967,"ĠCart":15968,"Ġreluct":15969,"rove":15970,"]<":15971,"Ġoverlap":15972,"Ġwatershed":15973,"Ġfeathers":15974,"klahoma":15975,"Ġpacket":15976,"unc":15977,"Ġmyriad":15978,"Ġstumbled":15979,"fund":15980,"Ġsuppress":15981,"Ġabdomen":15982,"ĠNan":15983,"Ġsli":15984,"ĠTool":15985,"RN":15986,"Ġguitar":15987,"Ġclinic":15988,"owner":15989,"ĠPerformance":15990,"Commun":15991,"ĠDick":15992,"ĠBerkeley":15993,"Ġumb":15994,"hu":15995,"Ġho":15996,"Ġpole":15997,"Ġopponents":15998,"tab":15999,"Ġgig":16000,"Ġgamb":16001,"Ġjudicial":16002,"Ġappreciated":16003,"ĠAccessed":16004,"\";":16005,"ailand":16006,"ĠDeveloping":16007,"arbon":16008,"cores":16009,"Ġunions":16010,"Ġjustify":16011,"ĠHun":16012,"ĠJoint":16013,"Ġcurves":16014,"Ġdermat":16015,"Ġcarved":16016,"izza":16017,"ĠJob":16018,"prop":16019,"headers":16020,"policy":16021,"inence":16022,"Ġworms":16023,"Ġrabbit":16024,"Ġscarc":16025,"Ġoverwhelmed":16026,"Ġgravitational":16027,"Ġwalks":16028,"route":16029,"hind":16030,"Ġcompetitors":16031,"Ġrealizing":16032,"Ġoak":16033,"Ġexplorers":16034,"Ġupt":16035,"Ġdeck":16036,"Ġmentally":16037,"opor":16038,"rencies":16039,"Ġcitations":16040,"ĠWAR":16041,"Ġcaregivers":16042,"ĠWright":16043,"Ġtent":16044,"Ġhire":16045,"ĠTotal":16046,"Unit":16047,"Ġhandful":16048,"UE":16049,"ĠCommunist":16050,"ĠRecord":16051,"Ġpir":16052,"hesia":16053,"Ġenvelop":16054,"Ġbodily":16055,"ĠPs":16056,"Ġpean":16057,"atility":16058,"ighting":16059,"Status":16060,"Ġcraw":16061,"ĠWinter":16062,"cca":16063,"rite":16064,"ACE":16065,"ĠMs":16066,"Ġlowering":16067,"party":16068,"Ġammon":16069,"fficiency":16070,"Ġprivilege":16071,"Ġcarn":16072,"API":16073,"ĠDefinition":16074,"Yet":16075,"Ġaloud":16076,"ardo":16077,"Comput":16078,"star":16079,"Ġsecured":16080,"flat":16081,"ĠAward":16082,"ĠLakes":16083,"urban":16084,"nsic":16085,"ĠCurrently":16086,"Ġinduce":16087,"Home":16088,"ĠBat":16089,"ERT":16090,"EV":16091,"Ġclip":16092,"Ġdeliber":16093,"tml":16094,"Ġregulating":16095,"ĠSure":16096,"Ġdozens":16097,"Ġofferings":16098,"upp":16099,"ĠGenesis":16100,"wave":16101,"Ġwashed":16102,"ĠAllen":16103,"vo":16104,"ĠAutom":16105,"Ġpedagog":16106,"ĠâĢĻ":16107,"Ġrespondents":16108,"Ġdiffers":16109,"Ġtrucks":16110,"ĠByz":16111,"(\"\\":16112,"ĠMeasure":16113,"odd":16114,"Ġthoughtful":16115,"Cor":16116,"Ġconception":16117,"Direct":16118,"Ġbarely":16119,"ĠPeters":16120,"ABLE":16121,"Ġfiscal":16122,"\"][\"":16123,"'}":16124,"Ġsits":16125,"Ġintersect":16126,"Ġfreezing":16127,"ĠMemory":16128,"Ġlimbs":16129,"Ġcompanions":16130,"ĠProvide":16131,"rea":16132,"Ġrept":16133,"ograms":16134,"ORE":16135,"uy":16136,"ĠLtd":16137,"Ġweekend":16138,"ĠImmun":16139,"ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":16140,"Ġfungus":16141,"cence":16142,"Ġana":16143,"ĠGand":16144,"ĠAli":16145,"Ġclicking":16146,"ho":16147,"ú":16148,"Ġreductions":16149,"Ġprecautions":16150,"ĠAgreement":16151,"Ġcontempl":16152,"Ġcortex":16153,"Ġcanon":16154,"ĠAround":16155,"Ġbibli":16156,"ĠDog":16157,"ĠInfect":16158,"ĠHart":16159,"Ġmeats":16160,"schema":16161,"riages":16162,"clamation":16163,"izophrenia":16164,"uated":16165,"sqrt":16166,"Ġgy":16167,"Ġelectroly":16168,"PubMed":16169,"Bet":16170,"Ra":16171,"ĠSay":16172,"Ġdelib":16173,"irie":16174,"threshold":16175,"Ġlanded":16176,"Ġsnakes":16177,"ĠTB":16178,"Ġabst":16179,"ulsive":16180,"Ġharassment":16181,"ertation":16182,"inus":16183,"ryst":16184,"positive":16185,"Ġcontinuity":16186,"Ġterritorial":16187,"Ġtransformations":16188,"Whether":16189,"ĠSyn":16190,"Ġadherence":16191,"Ġadolescent":16192,"Ġburns":16193,"ĠAnglo":16194,"ĠBangladesh":16195,"Ġretired":16196,"ĠImages":16197,"Ġspider":16198,"Ġproceedings":16199,"ĠSnow":16200,"maker":16201,"ĠEmploy":16202,"ĠSens":16203,"Ġguest":16204,"ĠReference":16205,"Ġkeen":16206,"Ġsquares":16207,"Ġnoteb":16208,"Ġanatomy":16209,"orrh":16210,"ĠEinstein":16211,"Ġattorney":16212,"icrob":16213,"Ġschedules":16214,"Ġinstability":16215,"Ġprimitive":16216,"ĠBitcoin":16217,"June":16218,"Ġlogs":16219,"Ġsensing":16220,"Ġfiled":16221,"ĠCould":16222,"Ġmanually":16223,"Ġinterfaces":16224,"Ġmedicinal":16225,"spect":16226,"Ġappearing":16227,"ĠSimply":16228,"logging":16229,"Ġrip":16230,"Ġfitted":16231,"places":16232,"ĠHamilton":16233,"Ġtightly":16234,"ĠRule":16235,"Ġmicrow":16236,"ĠDisorders":16237,"ĠANY":16238,"ĠSalt":16239,"hess":16240,"Ġrecognised":16241,"March":16242,"ede":16243,"zes":16244,"Ġtet":16245,"ĠIoT":16246,"Ġperseverance":16247,"Ġelastic":16248,"Ġtragic":16249,"ĠEffective":16250,"Ġterr":16251,"Ġsuspended":16252,"Ġcake":16253,"Ġtalented":16254,"Ġfrustration":16255,"Ġintimate":16256,"iage":16257,"acteria":16258,".(":16259,"Ġstigma":16260,"Ġgrate":16261,"Ġdocumentary":16262,"aval":16263,"Ġpocket":16264,"esar":16265,"Ġscans":16266,"Ġrelaxed":16267,"ĠUntil":16268,"ĠUsed":16269,"Ġiv":16270,"Ġunlock":16271,"cludes":16272,"Ġselective":16273,"Ġconstructive":16274,"vable":16275,"ierra":16276,"Ġfriendships":16277,"Ġastronomers":16278,"Ġisot":16279,"Ġauthorized":16280,"ĠUnderstand":16281,"ĠEating":16282,"Ġmonaster":16283,"LD":16284,"Ġwre":16285,"SV":16286,"offs":16287,"Ġexagger":16288,"Ġenric":16289,"ĠGospel":16290,"ĠBeyond":16291,"untime":16292,"ĠVenus":16293,"Mc":16294,"ĠBeng":16295,"Ġinfrared":16296,"Ġliability":16297,"Ġflaw":16298,"ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":16299,"Ġabortion":16300,"queue":16301,"Ġquoted":16302,"Ġhiring":16303,"Ġturtles":16304,"Ġlady":16305,"ĠSounds":16306,"Ġalkal":16307,"fed":16308,"Ġprolif":16309,"Ġdeny":16310,"Ġcycling":16311,"Ġgallons":16312,"è¯":16313,"Ġnewer":16314,"ĠImportance":16315,"asers":16316,"END":16317,"ĠFinn":16318,"ĠAnimals":16319,"Ġmunicipal":16320,"Ġdemanded":16321,"ĠMaine":16322,"vm":16323,"Ġforum":16324,"cross":16325,"ĠSave":16326,"Ġexcer":16327,"Ġarmies":16328,"itives":16329,"Ġsnacks":16330,"ĠSquare":16331,"pered":16332,"decode":16333,"]):":16334,"ĠArabia":16335,"Ġdiesel":16336,"Ġsuppliers":16337,"cretion":16338,"Sol":16339,"Layout":16340,"Ġdolph":16341,"cloud":16342,"ourses":16343,"Ġsubjective":16344,"pler":16345,"Ġsculpture":16346,"three":16347,"ceedings":16348,"Doc":16349,"otine":16350,"Ġbeaches":16351,"Ġbaseball":16352,"Ġgastrointestinal":16353,"arb":16354,"Ġseizures":16355,"xa":16356,"åIJ":16357,"artz":16358,"Ġproficiency":16359,"Ġflee":16360,"Dig":16361,"typ":16362,"Ġqualitative":16363,"Ġadminister":16364,"Ver":16365,"Ġchromosome":16366,"edit":16367,"Ġants":16368,"Ġfilament":16369,"Ġgad":16370,"Ġdir":16371,"Ġlawyers":16372,"eff":16373,"ĠExplain":16374,"Ġlightning":16375,"Ġintricacies":16376,"chat":16377,"Ġideals":16378,"ĠHigher":16379,"Ġclimb":16380,"Ġbund":16381,"Ġideology":16382,"Ġintestine":16383,"pad":16384,"Ġtherapists":16385,"PH":16386,"Ġtheology":16387,"Ġsql":16388,"ĠConnecticut":16389,"ĠĊĠĠĠ":16390,"Ġultrasound":16391,"Ġhypot":16392,"Ġsupernatural":16393,"Ġasleep":16394,"due":16395,"esian":16396,"Ġmembranes":16397,"Ġassass":16398,"Ġpile":16399,"Ġcorresponds":16400,"processing":16401,"iracy":16402,"ĠFaith":16403,"Ġsquir":16404,"ĠExpress":16405,"ĠMichel":16406,"lug":16407,"Ġupward":16408,"Ġunre":16409,"Ġfestivals":16410,"raulic":16411,"Init":16412,"Found":16413,"pulumi":16414,"Ġbush":16415,"try":16416,"Ġsegregation":16417,"Ġaxes":16418,"imgur":16419,"Educ":16420,"LL":16421,"git":16422,"Ġmastery":16423,"Ġcompress":16424,"Ġbullet":16425,"Ġpricing":16426,"sa":16427,"Ġsalvation":16428,"Ġwastewater":16429,"gments":16430,"Ġwand":16431,"Ġcentres":16432,"Ġlion":16433,"Ġbeverages":16434,"ĠAnna":16435,"Ġstimulus":16436,"Ġacidic":16437,"Ġfox":16438,"Ġgamma":16439,"ĠSaturn":16440,"#!/":16441,"mg":16442,"ĠER":16443,"Ġarrow":16444,"Ġresonate":16445,"encode":16446,"Ġsolidarity":16447,"Ġcommunal":16448,"ductor":16449,"mu":16450,"empty":16451,"Ġparking":16452,"Ġscrap":16453,"leans":16454,"ĠBlu":16455,"Ġcursor":16456,"ĠLank":16457,"ĠStalin":16458,"symb":16459,"bies":16460,"Ġauth":16461,"isco":16462,"ĠBasin":16463,"в":16464,"Ġdeter":16465,"ĠComplex":16466,"æ":16467,"Ġcommentary":16468,"Ġdye":16469,"ĠSkin":16470,"Ġpixel":16471,"NE":16472,"Ġequals":16473,"imore":16474,"Ġtrails":16475,"Ġreliance":16476,"Ġtourist":16477,"ĠEat":16478,"LOG":16479,"Ġcredits":16480,"ĠString":16481,"Ġportrait":16482,"Array":16483,"Ġcomply":16484,"ĠExtension":16485,"Ġ'\\":16486,"Ġcreators":16487,"Ġcompetence":16488,"Ġsubstrate":16489,"Ġfoliage":16490,"Title":16491,"Ġnationwide":16492,"handle":16493,"Ġcables":16494,"Ġcanvas":16495,"ĠGram":16496,"small":16497,"Ġmitigation":16498,"Ġunconscious":16499,"Ġlaying":16500,"Ġadjustment":16501,"Ġharvested":16502,"Ġrespectful":16503,"Ġtastes":16504,"*,":16505,"ĊĊĊ":16506,"prog":16507,"Ġastronomy":16508,"antry":16509,"Ġ'--":16510,"ragon":16511,"Ġcervical":16512,"CV":16513,"Ġcivilian":16514,"+'":16515,"Feb":16516,"Ġbelieving":16517,"Ġcrises":16518,"Ġlasts":16519,"Ġune":16520,"Action":16521,"Ġanswering":16522,"celand":16523,"Ġguaranteed":16524,"à¥į":16525,"Ġblocking":16526,"ringe":16527,"Ġdirty":16528,"ĠConnection":16529,"Ġprejudice":16530,"Ġsexually":16531,"Ġdivorce":16532,"Ġtrunk":16533,"Ġabnormalities":16534,"Dist":16535,"Ġphyl":16536,"flower":16537,"Ġgrazing":16538,"Ġgloves":16539,"****************":16540,"Ġmu":16541,"Ġshower":16542,"Ġcomparisons":16543,"ĠEM":16544,"Ġcargo":16545,"Ġreconstruction":16546,"Ġdeserve":16547,"olen":16548,"ellers":16549,"Ġreplic":16550,"Ġassembled":16551,"Ġdynasty":16552,"Ġ($":16553,"ĠOlympic":16554,"Ġ'<":16555,"%),":16556,"ĠSequ":16557,"Ġearning":16558,"ĠGender":16559,"ĠMultiple":16560,"gevity":16561,"ARE":16562,"Qt":16563,"opard":16564,"Ġstressful":16565,"ĠReligion":16566,"oustic":16567,"Ġcorrupt":16568,"TE":16569,"ĠSydney":16570,"defined":16571,"Ġdeficit":16572,"Ġnights":16573,"itated":16574,"ĠFle":16575,"Ġfathers":16576,"ĠTa":16577,"ĠHell":16578,"Ġtablet":16579,"present":16580,"Ġacted":16581,"manship":16582,"Ġsprou":16583,"Ġattraction":16584,"ĠIdentity":16585,"PATH":16586,"Ġbulb":16587,"klore":16588,"ĠPolice":16589,"emon":16590,"blue":16591,"Ġknock":16592,"reading":16593,"patient":16594,"ĠTR":16595,"Ġparish":16596,"Ġthinkers":16597,"Ġliquids":16598,"Ġrash":16599,"ĠTODO":16600,"weg":16601,"Ġremn":16602,"Ġpalace":16603,"Ġpremium":16604,"ĠBarn":16605,"evol":16606,"Ġformerly":16607,"Ġsie":16608,"Ġlimb":16609,"ĠAlexand":16610,"LP":16611,"ĠDer":16612,"Ġbrighter":16613,"ĠInflu":16614,"ĠApply":16615,"Ġassumes":16616,"walk":16617,"ĠChair":16618,"assertTrue":16619,"enium":16620,"ĠLic":16621,"Ġdecides":16622,"Ġretreat":16623,"Ġmindset":16624,"ĠOklahoma":16625,"Ġawesome":16626,"Ġkick":16627,"Ġminorities":16628,"Ġpassenger":16629,"Ġimperative":16630,"ĠBabylon":16631,"ĠJoe":16632,"Ġprospective":16633,"uru":16634,"ĠLoc":16635,"Ġpatron":16636,"ĠMargaret":16637,"Ġscra":16638,"Ġrewarding":16639,"cards":16640,"ĠWin":16641,"ĠNile":16642,"Ġlucky":16643,"Ġpedest":16644,"Ġtranscend":16645,"ĠHaz":16646,"ĠMembers":16647,"Ġaesthetics":16648,"uto":16649,"rians":16650,"ĠWalter":16651,"Ġstrongest":16652,"Ms":16653,"Off":16654,"liver":16655,"ĠNuclear":16656,"Ġpreventive":16657,"Ġunfortunately":16658,"dtype":16659,"Ġgerms":16660,"Ġrendered":16661,"ĠImplement":16662,"Ġdeclining":16663,"country":16664,"limit":16665,"ousing":16666,"Ġexploit":16667,"zi":16668,"Ġtense":16669,"Ġballoon":16670,"Ġspotted":16671,"Ġlips":16672,"Ġinstalling":16673,"μ":16674,"ĠStructure":16675,"ĠProper":16676,"ĠDouglas":16677,"oporosis":16678,"Cross":16679,"Ġcoloring":16680,"Ġcleaned":16681,"upper":16682,"Ġjumping":16683,"Ġexclusion":16684,"Ġgreens":16685,"Ġliked":16686,"ĠMagazine":16687,"coma":16688,"Ġfunc":16689,"Ġcompositions":16690,"ĠChanges":16691,"Ġministry":16692,"??":16693,"oos":16694,"Ġcin":16695,"estial":16696,"ĠSaudi":16697,"ĠProduction":16698,"ĠGetting":16699,"Ġasbestos":16700,"Ġconvince":16701,"Ġinterpreting":16702,"family":16703,"ĠThailand":16704,"Three":16705,"ĠPrograms":16706,"Furthermore":16707,"ĠHeat":16708,"Ġethnicity":16709,"Ġslip":16710,"ĠBos":16711,"Ġreviewing":16712,"half":16713,"vector":16714,"staticmethod":16715,"changed":16716,"Ġaboard":16717,"Ġje":16718,"Ġinterdisciplinary":16719,"ciously":16720,"Being":16721,"ZE":16722,"Ġpots":16723,"Ġdescriptive":16724,"Ġscary":16725,"sky":16726,"Ġleuk":16727,"ĠPlanet":16728,"ĠBor":16729,"Ġdefensive":16730,"ĠFlore":16731,"April":16732,"Cong":16733,"Ġunderstands":16734,"Ġaccidentally":16735,"äº":16736,"ĠParks":16737,"½":16738,"Ãł":16739,"ĠFoot":16740,"Ġproducer":16741,"Ġfright":16742,"ouble":16743,"ĠRot":16744,"riors":16745,"Ġenroll":16746,"ĠLev":16747,"Ġreflective":16748,"agonal":16749,"ĠNapole":16750,"Ġinnocent":16751,"ĠPharm":16752,"edience":16753,"ĠDead":16754,"Ġblade":16755,"anga":16756,"ĠExperiment":16757,"hn":16758,"ĠSH":16759,"Ġknife":16760,"Ġsanitation":16761,"ĠDatabase":16762,"Ġmeticul":16763,"Ġfifteen":16764,"ĠOk":16765,"ansk":16766,"Ġracing":16767,"Ġsparked":16768,"ĠBrig":16769,"Ġdurable":16770,"ĠChannel":16771,"ĠEye":16772,"Ġreflex":16773,"Ġconverting":16774,"fi":16775,"Ġpound":16776,"\"].":16777,"ĠĠĠĠĠĠĠĠĠĠ":16778,"ĠMRI":16779,"Ġunderneath":16780,"azines":16781,"ĠFrederick":16782,"raits":16783,"Ġceremonies":16784,"acterial":16785,"lywood":16786,"Ġsocket":16787,"Ġadhere":16788,"Ġperenn":16789,"Ġperforms":16790,"Ġgasoline":16791,"ĠOak":16792,"Ġbackup":16793,"Ġmotors":16794,"Ġauthenticity":16795,"usage":16796,"ĠApache":16797,"Ġprohibited":16798,"Ġaccompanying":16799,"Ġdorm":16800,"Perhaps":16801,"Ġswift":16802,"ĠPrepare":16803,"Ġdawn":16804,"Ġweed":16805,"ĠOri":16806,"Ġsmartphones":16807,"Ġadequately":16808,"Ġpadding":16809,"video":16810,"Sept":16811,"ĠBishop":16812,"rames":16813,"Additionally":16814,"isl":16815,"Ġhired":16816,"Think":16817,"eches":16818,"Ġsurprisingly":16819,"ĠRF":16820,"çĶ":16821,"Ġembarr":16822,"Ġredirect":16823,"othy":16824,"estones":16825,"Ġpays":16826,"cop":16827,"Ġreuse":16828,"ĠLive":16829,"ĠSS":16830,"ĠBrand":16831,"Ġinfest":16832,"ĠEmergency":16833,"ĠPhoto":16834,"Ġsimilarity":16835,"Ġ----------":16836,"imeters":16837,"Ġsubmar":16838,"hum":16839,"Ġflip":16840,"application":16841,"oni":16842,"theta":16843,"ito":16844,"changing":16845,"Ġdelays":16846,"Ġurinary":16847,"ĠRegister":16848,"vec":16849,"iri":16850,"agh":16851,"ĠEditor":16852,"Ġsins":16853,"Ġreefs":16854,"aten":16855,"idated":16856,"Ġinferior":16857,"heads":16858,"ĠWeight":16859,"Ġviolation":16860,"ocene":16861,"Ġdepths":16862,"rer":16863,"je":16864,"Consider":16865,"Ġexchanges":16866,"rod":16867,"Ġdeforestation":16868,"ĠColomb":16869,"Port":16870,"ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":16871,"ĠSafe":16872,"Dav":16873,"wed":16874,"Ġmentions":16875,"Ġcelebrations":16876,"existing":16877,"Ġveterans":16878,"ĠSolomon":16879,"iquity":16880,"culosis":16881,"Ġundoubtedly":16882,"Ġterminology":16883,"ulus":16884,"Ñı":16885,"Ġensl":16886,"ĠLO":16887,"Ġdischarg":16888,"Ġcooperative":16889,"Ġanticipated":16890,"Ġboiling":16891,"ĠDict":16892,"Ġinjust":16893,"Ġhobby":16894,"RT":16895,"Ġoun":16896,"ĠRange":16897,"axon":16898,"azy":16899,"questions":16900,"Ġtricks":16901,"ĠGM":16902,"ĠBron":16903,"ĠMcG":16904,"Ġmerge":16905,"rule":16906,"Ġrefuse":16907,"ĠSolutions":16908,"Ġprevailing":16909,"Ġappar":16910,"ĠColumn":16911,"Oh":16912,"Ġtmp":16913,"ĠDakota":16914,"Aust":16915,"Ġpi":16916,"Ġcommissioned":16917,"Ġancestral":16918,"isure":16919,"ĠTher":16920,"ĠBiological":16921,"track":16922,"Work":16923,"Ġdaughters":16924,"ĠDental":16925,"pine":16926,"Ġspill":16927,"Ġfarther":16928,"IVE":16929,"Ġcivic":16930,"ĠVisit":16931,"Ġdeposit":16932,"Ġstrokes":16933,"Ġshr":16934,"Ġgoverned":16935,"ĠÙ":16936,"Thanks":16937,"Ġdur":16938,"othic":16939,"Ġpasswords":16940,"aturated":16941,"aders":16942,"Ġbroadly":16943,"ĠManufact":16944,"Ġsweat":16945,"Ġacceleration":16946,"Ġclimates":16947,"Ġsimplicity":16948,"Ste":16949,"Ġapost":16950,"Ġcrystall":16951,"irts":16952,"Ġpractically":16953,"Exper":16954,"Ġtenure":16955,"GP":16956,"ĠMun":16957,"Ġtextbooks":16958,"ĠCitiz":16959,"Ġdeviation":16960,"ĠToo":16961,"ctica":16962,"Ġcognition":16963,"ĠĠĠĠĠĠĠĠĠĠĠ":16964,"ĠRA":16965,"Ġstresses":16966,"Ġimpart":16967,"Ġbutterflies":16968,"Ġseism":16969,"Ġadject":16970,"Ġherbal":16971,"ĠExplore":16972,"Ġcannabis":16973,"Ġrighteous":16974,"Ġpilgrim":16975,"ĠAntarctic":16976,"prom":16977,"Ġtrait":16978,"ĠWorkshe":16979,"čĊčĊč":16980,"Ġattendance":16981,"Ġneeding":16982,"Ġrebellion":16983,"Ġtheatre":16984,"Ġcoh":16985,"classmethod":16986,"ijuana":16987,"eprint":16988,"ĠMarshall":16989,"ĠStage":16990,"ĠAnnual":16991,"Ġcubic":16992,"Ġhay":16993,"ĠAmericas":16994,"Ġvascular":16995,"Ġrif":16996,"ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":16997,"Ġpermissions":16998,"ĠDry":16999,"ĠDI":17000,"elsh":17001,"erion":17002,"Ġgeological":17003,"Ġ±":17004,"ĠExploration":17005,"ĠBrother":17006,"ĠActive":17007,"Ġprospects":17008,"social":17009,"Ġdecorative":17010,"lie":17011,"ĠKu":17012,"Ġdisproportion":17013,"ĠUnless":17014,"ĠIntrodu":17015,"Ġexperimentation":17016,"thony":17017,"Ġweakened":17018,"Ġrecess":17019,"Ġnonprofit":17020,"ĠManual":17021,"ĠTechnical":17022,"Ġtrillion":17023,"properties":17024,"Ġfunny":17025,"ĠBrun":17026,"Control":17027,"regn":17028,"ĠComprehens":17029,"Ġsmartphone":17030,"ão":17031,"Ġelephant":17032,"Ġclot":17033,"standard":17034,"Ġnasal":17035,"Ġoverseas":17036,"Ġtrafficking":17037,"nosis":17038,"ravel":17039,"Ġgrape":17040,"ucket":17041,"Ġhosting":17042,"Ġflights":17043,"psych":17044,"ĠLoad":17045,"Ġdisruption":17046,"Ġtricky":17047,"Ġtomato":17048,"cio":17049,"DNA":17050,"Ġlag":17051,"ĠHug":17052,"ĠWolf":17053,"Ġblending":17054,"Ġdetecting":17055,"Ġdisciples":17056,"Ġsurf":17057,"Ġbelonged":17058,"into":17059,"boxes":17060,"Ġslice":17061,"ĠCompet":17062,"ĠArchitecture":17063,"auses":17064,"umen":17065,"Ġlaptop":17066,"ESCO":17067,"ocker":17068,"Ġtonnes":17069,"ĠAcademic":17070,"ĠEnh":17071,"Ġthou":17072,"ĠPrice":17073,"iii":17074,"ĠDrawing":17075,"should":17076,"Ġaver":17077,"ĠPeninsula":17078,"Ġdiscre":17079,"Ġcruc":17080,"arring":17081,"Ġauthentication":17082,"Ġwhereby":17083,"Ġrecognizes":17084,"Ġcalculating":17085,"åħ":17086,"Ġarguing":17087,"Environment":17088,"Ġscanning":17089,"oria":17090,"ĠLuke":17091,"Ġtaxon":17092,"ĠPeru":17093,"lit":17094,"Ġsketch":17095,"ĠGab":17096,"Ġæ":17097,"Ġdots":17098,"Ġquiz":17099,"ĠPuerto":17100,"Ġsomebody":17101,"Ġflora":17102,"VA":17103,"Ġprotections":17104,"Ġstrips":17105,"Ġdisadvantages":17106,"Willi":17107,"ĠHTTP":17108,"Ġmultiply":17109,"birds":17110,"tol":17111,"ingham":17112,"ĠEver":17113,"ĠSwiss":17114,"ĠUniversal":17115,"threatening":17116,"Ġathe":17117,"Ġouts":17118,"ĠVerm":17119,"ĠOd":17120,"Ġdealt":17121,"sd":17122,"ĠPolitics":17123,"aho":17124,"ĠDra":17125,"Ġblu":17126,"ĠWeather":17127,"ĠPow":17128,"ĠGib":17129,"iarism":17130,"Ġfeminist":17131,"ĠFortunately":17132,"Ġfoam":17133,"yg":17134,"Ġdeclare":17135,"STR":17136,"nas":17137,"Ġdarker":17138,"ĠMulti":17139,"Sk":17140,"Ġimplicit":17141,"Ġdetermin":17142,"Look":17143,"Ġantim":17144,"Ġelephants":17145,"async":17146,"Ġprompted":17147,"ptical":17148,"ubric":17149,"brate":17150,":%":17151,"Ġpetition":17152,"Ġresonance":17153,"ĠCEO":17154,"Ġpropaganda":17155,"scope":17156,"isive":17157,"ĠRO":17158,"Ġcoach":17159,"Ġhollow":17160,"Ġfractions":17161,"λ":17162,"setup":17163,"Ġgestures":17164,"Ġglobalization":17165,"University":17166,"Ġeasiest":17167,"Ġlifting":17168,"Ġrush":17169,"Tim":17170,"ĠQueens":17171,"Ġcomplaints":17172,"Ġhumanitarian":17173,"oned":17174,"Ġwrapped":17175,"rost":17176,"ĠTs":17177,"ĠStop":17178,"Ġaquarium":17179,"Ġlikewise":17180,"ĠPsychiat":17181,"inis":17182,"Ġthrust":17183,"ĠMonitoring":17184,"Ġhumble":17185,"Ġimports":17186,"Ġbiop":17187,"Ġleverage":17188,"Ġutils":17189,"ĠTruth":17190,"Ġkilomet":17191,"ĠBed":17192,"oping":17193,"Ġramp":17194,"omorph":17195,"Ġcrude":17196,"rades":17197,"Ġbrushing":17198,"ĠOtherwise":17199,"Ġresemble":17200,"Ġgri":17201,"birth":17202,"iti":17203,"ĠAllied":17204,"region":17205,"Ġrecipient":17206,"choice":17207,"Cs":17208,"missions":17209,"Ġspecimen":17210,"Ġdistributions":17211,"erget":17212,"Label":17213,"big":17214,"tex":17215,"ouns":17216,"Contin":17217,"Ġpixels":17218,"Ġfracture":17219,"ĠSA":17220,"ĠQuebec":17221,"Old":17222,"Ġexhibited":17223,"Ġlaughter":17224,"ĠTob":17225,"Ġstd":17226,"Ġsyntax":17227,"Ġ»":17228,"Ġbass":17229,"ĠManager":17230,"Ġinstructors":17231,"wal":17232,"Ġthrowing":17233,"ophil":17234,"Ġdisturbances":17235,"ĠOrleans":17236,"ĠSudan":17237,"uced":17238,"Ġtimeline":17239,"inos":17240,"Ġdiagrams":17241,"\"'":17242,"}\\":17243,"vic":17244,"ighed":17245,"Ġcontest":17246,"ĠCov":17247,"Ġdeaf":17248,"Run":17249,"Ġthir":17250,"paths":17251,"Ġbreastfeeding":17252,"ĠNonetheless":17253,"final":17254,"Ġsulfur":17255,"itably":17256,"Ġreceiver":17257,"Ġsecuring":17258,"ĠServer":17259,"Men":17260,"ista":17261,"Ġencrypt":17262,"Ġbucket":17263,"Ġsouls":17264,"Ġtestimony":17265,"ĠiP":17266,"Ġpleasant":17267,"Stand":17268,"ĠTell":17269,"Global":17270,"Ġjazz":17271,"Ġmatched":17272,"Ġembraced":17273,"Ġexports":17274,"Ġbloodstream":17275,"wareness":17276,"Ġupl":17277,"Ġmemorial":17278,"Ġbadly":17279,"ĠCC":17280,"Ġshortage":17281,"sea":17282,"Ġparadigm":17283,"paper":17284,"plants":17285,"Ġbend":17286,"Ġtoes":17287,"Ġcounted":17288,"Ġviolations":17289,"ĠDomin":17290,"Sch":17291,"Ġprize":17292,"isy":17293,"Ġviewpoints":17294,"ĠFederation":17295,"Ġenerget":17296,"ĠVR":17297,"Equ":17298,"mac":17299,"ĠIceland":17300,"Ġbackward":17301,"Ġmuscular":17302,"Ġreactor":17303,"ĠNotes":17304,"ĠNev":17305,"Ġpear":17306,"ĠBand":17307,"Therefore":17308,"Ġevap":17309,"Ġtowers":17310,"Ġaspirations":17311,"Related":17312,"ĠWang":17313,"Ġoutlines":17314,"condition":17315,"Ġpressed":17316,"European":17317,"-----":17318,"amon":17319,"Ġrestriction":17320,"ANT":17321,"ĠNelson":17322,"Ġscarce":17323,"Ġtune":17324,"Ġbelievers":17325,"ĠArgentina":17326,"Graph":17327,"ĠProblems":17328,"Ġplanetary":17329,"ĠRecords":17330,"ĠâĨij":17331,"ĠCompanies":17332,"Ġmultifaceted":17333,"ju":17334,"Ġterrestrial":17335,"odia":17336,"Ġpeaks":17337,"ĠDelhi":17338,"Ġsharks":17339,"ĠAlber":17340,"Ġcoli":17341,"phase":17342,"ĠHoward":17343,"frequency":17344,"Ġlabs":17345,"Ġcylinder":17346,"Ġmimic":17347,"RES":17348,"Ġcorrosion":17349,"Ġfocal":17350,"opa":17351,"Ġcredibility":17352,"Ġenterprises":17353,"Ġspectacular":17354,"Ġboot":17355,"Ġcontaminants":17356,"ĠPTSD":17357,"omnia":17358,"ĠProgress":17359,"Ġstewardship":17360,"ervers":17361,"Ġseafood":17362,"School":17363,"ĠHouston":17364,"ĠKy":17365,"Ġirritation":17366,"ĠNumPy":17367,"Ġutilities":17368,"Ġrepetitive":17369,"Ġheadquarters":17370,"Ġimply":17371,"historic":17372,"Organ":17373,"ĠDownload":17374,"story":17375,"ĠVI":17376,"ĠĠĠĠĠĠĠĠĠ":17377,"Ġmaneu":17378,"generate":17379,"Ġpronunciation":17380,"apes":17381,"expression":17382,"ĠRat":17383,"Ġcigarettes":17384,"Ġmultiplication":17385,"ĠFast":17386,"ugs":17387,"Ġheights":17388,"Ġlogin":17389,"ĠIng":17390,"ĠProceedings":17391,"Ġdinosaurs":17392,"July":17393,"agic":17394,"heumat":17395,"/.":17396,"rl":17397,"Ġacre":17398,"ĠConfig":17399,"think":17400,"ĠFramework":17401,"('\\":17402,"Ġodor":17403,"illary":17404,"kyo":17405,"Ġdonor":17406,"errors":17407,"Ġhostile":17408,"olics":17409,"Ġ$$":17410,"August":17411,"Ġiod":17412,"azed":17413,"Ġtruths":17414,"nutrition":17415,"ulph":17416,"Ġaffection":17417,"Ġmonopol":17418,"associ":17419,"Ġpayload":17420,"Ġrounded":17421,"Ġdragon":17422,"Sl":17423,"Ġtheor":17424,"atar":17425,"ĠPun":17426,"ĠChristopher":17427,"Ġarchive":17428,"REE":17429,"ĠRace":17430,"Ġdepressed":17431,"ĠHud":17432,"Ġmarijuana":17433,"Ġcoconut":17434,"falls":17435,"itudinal":17436,"dm":17437,"Ġconcludes":17438,"period":17439,"Their":17440,"btn":17441,"Ġlocked":17442,"Ġlistened":17443,"ĠStrong":17444,"Ġturtle":17445,"ĠFinland":17446,"oup":17447,"Ġarche":17448,"Women":17449,"Ġimagin":17450,"Ġceiling":17451,"Ġintrinsic":17452,"Ġmethodologies":17453,"Ġrefugee":17454,"\"?":17455,"ĠKa":17456,"ĠCurriculum":17457,"ĠMontana":17458,"ĠEmbracing":17459,"roit":17460,"cession":17461,"Ġcasting":17462,"Ġincon":17463,"edges":17464,"udge":17465,"clock":17466,"ordon":17467,"tox":17468,"Ġvisitor":17469,"dose":17470,"amboo":17471,"Ġpist":17472,"igraph":17473,"Ġlimestone":17474,"Ġhosted":17475,"eur":17476,"apply":17477,"Ġplague":17478,"Ġunpredict":17479,"Ġreper":17480,"Ġ(-":17481,"Ġawa":17482,"document":17483,"beit":17484,"Ġargparse":17485,"Bre":17486,"Ġtasty":17487,"Ġdownstream":17488,"ĠBull":17489,"Ġpulmonary":17490,"Ġnuances":17491,"timestamp":17492,"iw":17493,"Ġwore":17494,"gage":17495,"ĠPed":17496,"Integer":17497,"Ġshrubs":17498,"cellular":17499,"ĠACT":17500,"ĠMember":17501,"ibles":17502,"Ġclause":17503,"utable":17504,"Course":17505,"ĠRow":17506,"Ġdecorated":17507,"pk":17508,"ĠSad":17509,"achine":17510,"Ġrunoff":17511,"Ġculmin":17512,"ulous":17513,"Ġserum":17514,"Ġveterinarian":17515,"ithmetic":17516,"price":17517,"brates":17518,"Ġsimplest":17519,"Ġflame":17520,"Ġshark":17521,"Ġdisinf":17522,"Ġactor":17523,"Ġincub":17524,"Ġtermed":17525,"Ġpersistence":17526,"Ġic":17527,"stones":17528,"ĠAlcohol":17529,"aceous":17530,"driver":17531,"Ġrepository":17532,"ĠCoord":17533,"Ġrecreation":17534,"Ġyards":17535,"ĠChem":17536,"Ġvein":17537,"Ġpm":17538,"ĠIBM":17539,"ĠDefault":17540,"Ġpersecution":17541,"Ġlearns":17542,"ĠOccup":17543,"nx":17544,"ĠCatal":17545,"ĠMR":17546,"Ġdiffering":17547,"Context":17548,"odont":17549,"Ġcryptocur":17550,"Ġheavier":17551,"ĠTro":17552,"ĠPubl":17553,"Ġtouched":17554,"ĠConstruction":17555,"Modern":17556,"Ġsubtract":17557,"erred":17558,"Ġlamp":17559,"Ġbiography":17560,"Ġseventh":17561,"workers":17562,"Ġconstell":17563,"Result":17564,"beta":17565,"ĠTu":17566,"ĠHispanic":17567,"ĠLang":17568,"ĠInitial":17569,"POST":17570,"Ġknees":17571,"Ġsooner":17572,"Ġoccupy":17573,"Ġsuccesses":17574,"ĠStew":17575,"Ġvegg":17576,"Ġturbines":17577,"resol":17578,"ĠApplying":17579,"ĠPortugal":17580,"phy":17581,"Ġdams":17582,"Ġware":17583,"Ġvacation":17584,"Ġ'%":17585,"Ġfeeds":17586,"because":17587,"Ġpolitically":17588,"modern":17589,"ĠDoctor":17590,"Ġpulp":17591,"Ġfisheries":17592,"?!":17593,"Ġexpon":17594,"Rad":17595,"Ġpools":17596,"Output":17597,"serv":17598,"Ġinappropriate":17599,"ĠApollo":17600,"Ġdisplaced":17601,"Ġenvision":17602,"Ġhighway":17603,"enic":17604,"Ġreasonably":17605,"ĠProgramme":17606,"Ġfiring":17607,"Ġfungal":17608,"Ġaccelerate":17609,"Ġempowerment":17610,"ographics":17611,"Ġlongevity":17612,"ĠHopkins":17613,"Ġcarriers":17614,"Ġsigning":17615,"Ġimmigrant":17616,"font":17617,"ivated":17618,"pleted":17619,"Ġpsychologists":17620,"Ang":17621,"Ġdip":17622,"Ġaviation":17623,"Ġneedles":17624,"Ġreinforced":17625,"Ġnoqa":17626,"Ġearnings":17627,"Ġinformative":17628,"Ġub":17629,"Ġinternationally":17630,"flag":17631,"lasting":17632,"Ġtended":17633,"tuple":17634,"Ġelimination":17635,"ĠMalaysia":17636,"mont":17637,"ĠABC":17638,"loader":17639,"ĠEthiopia":17640,"Ġbru":17641,"Ġell":17642,"scient":17643,"ĠThor":17644,"ĠForum":17645,"Ġexcel":17646,"Total":17647,"Ġproactive":17648,"ĠHyper":17649,"Ġcompassionate":17650,"ogly":17651,"ĠFestival":17652,"break":17653,"Ġpave":17654,"utenant":17655,"Enter":17656,"mitt":17657,"ĠScripture":17658,"Ġsealed":17659,"Ġenrolled":17660,"-%":17661,"Ġtide":17662,"Ġboil":17663,"ĠGuinea":17664,"Ġcommercially":17665,"ĠTechnologies":17666,"uddenly":17667,"ĠRon":17668,"sheet":17669,"Ġanchor":17670,"ĠEC":17671,"ĠDur":17672,"IH":17673,"Ġcourtesy":17674,"Ġmistaken":17675,"Ġsurrender":17676,"ĠPent":17677,"Ġairport":17678,"DT":17679,"timeout":17680,"ĠShel":17681,"Ġacquiring":17682,"ĠAB":17683,"allel":17684,"Ġfractures":17685,"Ġerected":17686,"ĠPoor":17687,"ĠCrime":17688,"ĠNear":17689,"Ġmarry":17690,"Ġdepicting":17691,"orations":17692,"ĠMcK":17693,"oof":17694,"construction":17695,"ĠEric":17696,"ĠAnat":17697,"adic":17698,"pletion":17699,"Ġcens":17700,"Ġfreeze":17701,"Ġcolonization":17702,"Ġmagazines":17703,"Update":17704,"Ġantibody":17705,"Ġphosphorus":17706,"UI":17707,"Ġhook":17708,"ĠCas":17709,"Ġfinite":17710,"Ġcompromised":17711,"Ġreferen":17712,"headed":17713,"Ġproportions":17714,"organic":17715,"heat":17716,"Brit":17717,"expensive":17718,"Ġhect":17719,"units":17720,"ĠChron":17721,"ĠTrail":17722,"sections":17723,"ediatrics":17724,"Ġmonuments":17725,"gex":17726,"Ġspawn":17727,"negative":17728,"academia":17729,"fc":17730,"Ġasteroid":17731,"watch":17732,"Ġethn":17733,"ĠEvaluation":17734,"Ġcivilians":17735,"ijing":17736,"Ġanth":17737,"Ġsnipp":17738,"Phone":17739,"Ġinheritance":17740,"ĠIF":17741,"ĠSeattle":17742,"Ġrhythms":17743,"Ġpurchases":17744,"Ġdefence":17745,"Ġinviting":17746,"Ġdetector":17747,"Ġedible":17748,"Ġsaves":17749,"Ġdeclaration":17750,"Ġaerial":17751,"speaking":17752,"ĠVision":17753,"Ġexterior":17754,"Ġcleans":17755,"ĠCPU":17756,"thens":17757,"Ġsisters":17758,"Ġnesting":17759,"ĠPick":17760,"Ġmanuscripts":17761,"otor":17762,"Ġ[[":17763,"Ġamphib":17764,"Ġcontinents":17765,"estyles":17766,"Ġverbs":17767,"ĠStrategy":17768,"Ġsubset":17769,"Ġcracks":17770,"Ġdestroying":17771,"quer":17772,"Ġfrontier":17773,"Ġcritique":17774,"ĠLikewise":17775,"Ġbubbles":17776,"Command":17777,"idating":17778,"Ġprosec":17779,"oi":17780,"Ġsticky":17781,"ispens":17782,"hetical":17783,"Ġfeast":17784,"storage":17785,"itat":17786,"Ġdifferentiation":17787,"ference":17788,"Ġautoimmune":17789,"ancers":17790,"respons":17791,"Ġbites":17792,"ĠPalestinian":17793,"################################################################":17794,"ĠAgainst":17795,"ixty":17796,"astype":17797,"ĠExperience":17798,"ĠRobinson":17799,"Ġwelding":17800,"ĠIsaac":17801,"itol":17802,"umble":17803,"Ġempowering":17804,":.":17805,"Parent":17806,"Ġincoming":17807,"Ġschema":17808,"ĠExchange":17809,"Ġportfolio":17810,"Ġactivism":17811,"Ġposterior":17812,"Ġhanded":17813,"ĠSummary":17814,"æĸ":17815,"Ġgates":17816,"Ġswitches":17817,"Ġathlete":17818,"ĠAndroid":17819,"Ġμ":17820,"ĠAntarctica":17821,"ĠâĨĴ":17822,"Ġindirectly":17823,"Ġanemia":17824,"ĠBirth":17825,"metrics":17826,"ĠSN":17827,"Ġ\"--":17828,"Ġcorrelated":17829,"âĢ²":17830,"Ġfaithful":17831,"Physical":17832,"olithic":17833,"asi":17834,"Ġmeg":17835,"Ġenjoyment":17836,"Ġtokens":17837,"Ġpunish":17838,"Ġmicroscopic":17839,"Pop":17840,"Ġpodcast":17841,"és":17842,"osexual":17843,"Ġrevelation":17844,"Ġvoted":17845,"ĠCyber":17846,"dra":17847,"Ġdeveloper":17848,"Ġregim":17849,"Ġdeserves":17850,"ĠSusan":17851,"ĠCB":17852,"aby":17853,"ĠClinic":17854,"olis":17855,"Ġcsv":17856,"Ġhed":17857,"pleasant":17858,"}}":17859,"ulatory":17860,"Ġinterplay":17861,"around":17862,"Ġannoy":17863,"án":17864,"Pos":17865,"ĠFif":17866,"Ġremainder":17867,"м":17868,"ULL":17869,"Ġwillingness":17870,"ĠBart":17871,"Question":17872,"Ġjustified":17873,"scores":17874,"(['":17875,"bus":17876,"ĠAlg":17877,"Content":17878,"fires":17879,"Ġexh":17880,"Ġrespecting":17881,"Ġcoordinated":17882,"Enc":17883,"ĠExam":17884,"Ġastronauts":17885,"Such":17886,"Ġnov":17887,"Ġtechnically":17888,"idis":17889,"Ġconvincing":17890,"thirds":17891,"Ġ\"__":17892,"../":17893,"rimental":17894,"otte":17895,"ĠBaltimore":17896,"ĠMonitor":17897,"Ġspinning":17898,"odus":17899,"Ġshowcasing":17900,"reset":17901,"Ġcompressed":17902,"Ġinvalid":17903,"Ġcreator":17904,"ĠPicture":17905,"ĠMort":17906,"years":17907,"Ġspreads":17908,"criptions":17909,"Ġreinforcing":17910,"Pass":17911,"vest":17912,"Ġalliance":17913,"Ġendurance":17914,"Ġlovely":17915,"ĠFoods":17916,"Ġencouragement":17917,"ĠBelgium":17918,"ateur":17919,"Ġtrajectory":17920,"Examples":17921,"Ġdifferentiate":17922,"Ġpetroleum":17923,"Ġcandy":17924,"hill":17925,"Ġsickness":17926,"elli":17927,"Ġproving":17928,"Ġhappier":17929,"ĠApplied":17930,"ollen":17931,"member":17932,"ĠML":17933,"Ġcommitments":17934,"Ġtravelers":17935,"Arch":17936,"Ġincomplete":17937,"Ġfastest":17938,"tar":17939,"Ġsuccession":17940,"ĠIndividuals":17941,"Ġwoven":17942,"Ġvariance":17943,"Ġimpose":17944,"Ġemitted":17945,"Ġgem":17946,"aky":17947,"Ġdecimal":17948,"helial":17949,"actly":17950,"ĠVacc":17951,"ĠCommunications":17952,"Ġschizophrenia":17953,"Ġescaped":17954,"Ġdissertation":17955,"Ġbacks":17956,"Ġspirituality":17957,"ĠMoz":17958,"ribing":17959,"Exp":17960,"ĠPopular":17961,"environment":17962,"ĠConversely":17963,"ELECT":17964,"ĠRoberts":17965,"Ġvet":17966,"Ġhex":17967,"Ġfinishing":17968,"ĠChallenge":17969,"Ġpainter":17970,"Ġling":17971,"Ġfluoride":17972,"Ġaccounted":17973,"Ġbronze":17974,"ĠDeg":17975,"opause":17976,"ĠLen":17977,"Ġdominance":17978,"Article":17979,"cuda":17980,"ĠSin":17981,"Ġpositioned":17982,"without":17983,"Ġ{}\".":17984,"before":17985,"Ġgotten":17986,"Ġrecordings":17987,"ratulations":17988,"Ġcontinental":17989,"Ġcollision":17990,"Ġbunch":17991,"arin":17992,"Ġcalculator":17993,"Ġassisted":17994,"ĠIR":17995,"__,":17996,"Ġimbalance":17997,"semin":17998,"erers":17999,"Resource":18000,"Ġchord":18001,"rett":18002,"ĠLam":18003,"Ġunrest":18004,"Ġwithstand":18005,"ĠImportant":18006,"Ġconserve":18007,"ucing":18008,"comed":18009,"Ġsket":18010,"Ġmaritime":18011,"Ġpositioning":18012,"ĠVarious":18013,"Ġthreaten":18014,"rene":18015,"bola":18016,"Ġuncovered":18017,"ĠTun":18018,"Ġgraduates":18019,"Ġconsulting":18020,"Ġreminds":18021,"Ġmerit":18022,"Ġparallels":18023,"Additional":18024,"variable":18025,"ĠEngaging":18026,"October":18027,"_(":18028,"Ġelegant":18029,"Ġlad":18030,"ĠSierra":18031,"ĠUSB":18032,"Ġlandmark":18033,"wick":18034,"wikipedia":18035,"Ġcolleague":18036,"Ġpromptly":18037,"Ġruins":18038,"rev":18039,"Ġarbitrary":18040,"program":18041,"ĠBeaut":18042,"Service":18043,"Ġgrateful":18044,"filled":18045,"Ġchi":18046,"ĠStyle":18047,"Ġ((":18048,"ĠEra":18049,"ycle":18050,"Ġvolcano":18051,"rob":18052,"resolution":18053,"ĠVeget":18054,"ĠCris":18055,"Ġ\"<":18056,"ĠExc":18057,"Micro":18058,"Ġupgrad":18059,"brush":18060,"Ġimmersive":18061,"ĠCognitive":18062,"ĠBenny":18063,"Ġbackyard":18064,"Ġconverts":18065,"ĠMoney":18066,"Ġdetrimental":18067,"Ġvinegar":18068,"Ġarose":18069,"Ġauditory":18070,"Ġbutterfly":18071,"Ġsymbolism":18072,"ĠOperation":18073,"Filter":18074,"ा":18075,"Ġopponent":18076,"Ġapt":18077,"Ġroutinely":18078,"Ġnests":18079,"Ġmethyl":18080,"anical":18081,"Produ":18082,"NOT":18083,"andal":18084,"arking":18085,"ĠPul":18086,"Ġloops":18087,"Ġwitnesses":18088,"Ġbid":18089,"Ġprovincial":18090,"Ġpoles":18091,"Ġparagraphs":18092,"Unlike":18093,"Ġexperimenting":18094,"unique":18095,"mir":18096,"ĠInstitution":18097,"Ġinnate":18098,"ĠRegardless":18099,"ĠInput":18100,"pox":18101,"South":18102,"Ġincorporates":18103,"TYPE":18104,"oro":18105,"Ġcoefficient":18106,"Ġmedi":18107,"Ġdisparate":18108,"Ġtheft":18109,"Ġawards":18110,"Ġprophet":18111,"Ġlibert":18112,"umm":18113,"Ġremembering":18114,"ĠIM":18115,"ĠIg":18116,"Ġairplane":18117,"ĠPale":18118,"ĠBreak":18119,"Ġbasketball":18120,"Ġexclude":18121,"annah":18122,"Ġremot":18123,"Ġliberation":18124,"ĠObservatory":18125,"ĠLith":18126,"ĠConstant":18127,">,":18128,"Ġvisc":18129,"Ġindispens":18130,"Ġmushrooms":18131,"]+":18132,"lyn":18133,"Ġunrelated":18134,"Ġquarters":18135,"ĠContinue":18136,"Ġwavelength":18137,"ĠLate":18138,"Ġlegends":18139,"media":18140,"Ġpsychiatric":18141,"Ġlawsu":18142,"Ġbonding":18143,"uba":18144,"ĠReligious":18145,"Ġcelestial":18146,"otics":18147,"Ġthunder":18148,"Ġpopulated":18149,"icrobial":18150,"UB":18151,"Ġhurd":18152,"Ġresin":18153,"lr":18154,"ÃŃa":18155,"Ġaccumulate":18156,"Ġqueue":18157,"Ġintentional":18158,"ĠBatt":18159,"ĠPalace":18160,"Ġcatastrophic":18161,"Serial":18162,"ĠHPV":18163,"Ġabbre":18164,"ilage":18165,"Ġrisky":18166,"Ġsafeguard":18167,"Ġfacilitates":18168,"frac":18169,"Ġfasting":18170,"ĠSteve":18171,"ĠBY":18172,"Ġmirrors":18173,"utation":18174,"hyth":18175,"ĠColumbus":18176,"Press":18177,"Ġbent":18178,"chy":18179,"Ġdressed":18180,"idency":18181,"ĠAnthony":18182,"Ġemergencies":18183,"ocrine":18184,"Ġspokes":18185,"ĠPerm":18186,"ĠHarris":18187,"pick":18188,"Ġtranslations":18189,"Ġtones":18190,"ploys":18191,"Ġwip":18192,"Ġnm":18193,"ĠHyp":18194,"Ġrestoring":18195,"Ġaccumulated":18196,"erican":18197,"Ġaccomplishments":18198,"ĠAlternatively":18199,"ĠWelsh":18200,"utt":18201,"Ġspecifications":18202,"dit":18203,"ĠBurn":18204,"Ġbeautifully":18205,"}\"":18206,"isted":18207,"Ġsuits":18208,"ĠHE":18209,"memory":18210,"Ġaggregate":18211,"ĠMix":18212,"Ġcommodity":18213,"Ġgrapes":18214,"ĠInsp":18215,"Ġbacked":18216,"Ġtraders":18217,"Ġpesticide":18218,"oda":18219,"null":18220,"Ġrolled":18221,"Ġslopes":18222,"ÙĨ":18223,"Ġestrogen":18224,"Ġgambling":18225,"Function":18226,"ĠDelta":18227,"dirname":18228,"Ġremoves":18229,"Ġtraps":18230,"Ġservants":18231,"Ġmigrants":18232,"Ġromance":18233,"ĠSky":18234,"().__":18235,"Ġticks":18236,"Ġmarc":18237,"Ġposters":18238,"Ġentrepreneur":18239,"oglobin":18240,"anskrit":18241,"Ġjournalists":18242,"inators":18243,"Ġpour":18244,"Ġfulfilling":18245,"Ġunstable":18246,"Ġretro":18247,"Ġinitiate":18248,"ĠSah":18249,"Ġmakeup":18250,"Ġgrasses":18251,"ĠVienna":18252,"Ġminus":18253,"ĠComplete":18254,"Ġpassions":18255,"ĠLetters":18256,"inical":18257,"Ġgloss":18258,"ĠInvestig":18259,"Ġdelightful":18260,"Ġprojection":18261,"ĠAfricans":18262,"ivo":18263,"occup":18264,"æķ°":18265,"Ġleisure":18266,"artha":18267,"lad":18268,"ĠDanish":18269,"Ġundergoing":18270,"Ġcoalition":18271,"buffer":18272,"ĠEld":18273,"Ġqualify":18274,"Ġtransistors":18275,"è¿":18276,"Gs":18277,"Å«":18278,"ĠSent":18279,"Ġads":18280,"__)":18281,"Ġteamwork":18282,"ĠDesert":18283,"Ġgarbage":18284,"ĠForces":18285,"Ġparenting":18286,"Ġquestioned":18287,"ĠEnsure":18288,"las":18289,"binary":18290,"ĠPle":18291,"}'":18292,"ĠKid":18293,"Ġlithium":18294,"Ġfeared":18295,"Ġspanning":18296,"inctions":18297,"ochemistry":18298,"PER":18299,"ructions":18300,"Ġchromosomes":18301,"cpu":18302,"Ġhitting":18303,"Ġdefinitive":18304,"Ġdub":18305,"Ġformulas":18306,"Ġtimeless":18307,"ĠIncreased":18308,"EXT":18309,"å®":18310,"uffle":18311,"ĠPsychological":18312,"osaic":18313,"Ġequip":18314,"Ġimproper":18315,"ĠAlmost":18316,"Ġaccessing":18317,"ĠCommunities":18318,"icus":18319,"Contact":18320,"ĠPand":18321,"ĠThinking":18322,"Ġkindergarten":18323,"ĠInnovation":18324,"Ġvoc":18325,"Ġrotating":18326,"compat":18327,"Ġobey":18328,"__()":18329,"Ġphysiology":18330,"swith":18331,"Ġultra":18332,".**":18333,".[":18334,"NC":18335,"Ġ'_":18336,"ĠNepal":18337,"Ġwedding":18338,"Ġgrinding":18339,"Ġamend":18340,"Ġbrack":18341,"ĠKeeping":18342,"osterone":18343,"Ġpdf":18344,"Ġchickens":18345,"Ġyogurt":18346,"summary":18347,"Ġsteadily":18348,"Jew":18349,"Ġcomprising":18350,"Ġcongress":18351,"icularly":18352,"Ġsecretary":18353,"Ġgenerous":18354,"Ġgolf":18355,"optional":18356,"Ġmate":18357,"environ":18358,"isers":18359,"Ġpolyn":18360,"Ġrated":18361,"Ġaccountable":18362,"Ġvulnerabilities":18363,"raviolet":18364,"NASA":18365,"Ġtours":18366,"hex":18367,"Ġamendment":18368,"ĠIL":18369,"ockey":18370,"Ġhelic":18371,"ĠBerg":18372,"Ġstudio":18373,"Ġeruption":18374,"Ġfabrics":18375,"Ġtran":18376,"Ġerupt":18377,"ĠEngineers":18378,"ĠVar":18379,"./":18380,"Ġrobotic":18381,"correct":18382,"ĠBrief":18383,"Ġinvestigators":18384,"ĠSW":18385,"ĠDh":18386,"Ġimplants":18387,"Ġrepetition":18388,"astical":18389,"ĠLeadership":18390,"ĠXML":18391,"Ġconsequently":18392,"Ġpreceding":18393,"liness":18394,"Ġ\"-":18395,"Ġasyn":18396,"Ġunh":18397,"Ġuphold":18398,"Ġturbine":18399,"Ġyesterday":18400,"Ġteasp":18401,"ĠArkansas":18402,"System":18403,"Ġscaling":18404,"Ġinherently":18405,"ĠReports":18406,"Ġsprings":18407,"Ñĭ":18408,"published":18409,"Ġstance":18410,"ĠFab":18411,"orting":18412,"Ġrealities":18413,"prising":18414,"Ġrealism":18415,"Ġresponsive":18416,"ĠOrigins":18417,"Ġtwin":18418,"Ġtranslates":18419,"Ġcomprise":18420,"Ġworm":18421,"anyon":18422,"Ġperfection":18423,"Ġreviewers":18424,"Ġepile":18425,"Ġhurricane":18426,"ĠTar":18427,"ĠAddress":18428,"Ġdisplaying":18429,"Ġforgiveness":18430,"many":18431,"ilk":18432,"emade":18433,")+":18434,"Ġtin":18435,"ĠSeven":18436,"safe":18437,"Ġaccelerated":18438,"Ġscared":18439,"Ġeditorial":18440,"Ġwrist":18441,"Ġunpleasant":18442,"Core":18443,"Ġesoph":18444,"ĠNAT":18445,"Ġapparatus":18446,"ĠGate":18447,"dup":18448,"pix":18449,"ctory":18450,"ĠFROM":18451,"ĠChris":18452,"heim":18453,"Description":18454,"ĠRio":18455,"worms":18456,"AIDS":18457,"Earth":18458,"Ġdetox":18459,"Ġcharter":18460,"Ġwelcomed":18461,"Ġcavities":18462,"Ġsimulate":18463,"Ġarchives":18464,"ĠCrown":18465,"Ġimaginary":18466,"php":18467,"ĠPic":18468,"ĠDeb":18469,"------------------------------------------------":18470,"Ġadorn":18471,"Ġancestor":18472,"parameter":18473,"Ġmotivations":18474,"Ġnanop":18475,"Ġrouter":18476,"TT":18477,"Ġpredicting":18478,"Ġrobotics":18479,"GI":18480,"Link":18481,"ĠLaws":18482,"Ġkills":18483,"ĠCampaign":18484,"Ġproves":18485,"Ġfiltered":18486,"Ġscripts":18487,"wegian":18488,"ecting":18489,"ĠMinor":18490,"package":18491,"nings":18492,"Ġrelay":18493,"ĠDonald":18494,"Ġket":18495,"planes":18496,"although":18497,"Ġrevenues":18498,"ecess":18499,"Ġcorrespondence":18500,"Ġpizza":18501,"Ġorche":18502,"Ġhydraulic":18503,"SF":18504,"Ġboss":18505,"Ġdefinite":18506,"Ġdisturbance":18507,"worthy":18508,"Ġrefining":18509,"Ġcabin":18510,"built":18511,"Ġsprink":18512,"ĠCommonwealth":18513,"ados":18514,"alled":18515,"Ġupright":18516,"startswith":18517,"Ġhunters":18518,"Ġdeliberately":18519,"Ġcompatibility":18520,"ĠPlate":18521,"Ġunderest":18522,"ĠMotor":18523,"ĠEcology":18524,"VE":18525,"Ġplum":18526,"Ġuterus":18527,"ĠKarl":18528,"ĠSymbol":18529,"Ġsovereign":18530,"Ġbother":18531,"Ġfiltering":18532,"Ġgrip":18533,"Ġendemic":18534,"Ġreplication":18535,"single":18536,"Ġprioritize":18537,"Ġleveraging":18538,"liter":18539,"Ġmarble":18540,"Ġkilometres":18541,"erable":18542,"Definition":18543,"Ġfibre":18544,"ĠGallery":18545,"ĠAwareness":18546,"ĠCM":18547,"Ġranked":18548,"FAULT":18549,"ĠShah":18550,"ĠProducts":18551,"Ġnotions":18552,"ĠWorkers":18553,"%).":18554,"ĠFu":18555,"Ġavenues":18556,"Ġnaked":18557,"Ġspiders":18558,"Ġpertaining":18559,"Ġdevotion":18560,"Ġsummit":18561,"Ġsculptures":18562,"Ġarriving":18563,"September":18564,"ĠCover":18565,"phan":18566,"ĠChronic":18567,"ĠHarbor":18568,"ĠUpdate":18569,"ricula":18570,"generative":18571,"Ġaiming":18572,"transmit":18573,"ĠSide":18574,"Ġmounting":18575,"ĠTarget":18576,"ertility":18577,"Ġmerchant":18578,"ĠPlato":18579,"Ġluxury":18580,"exception":18581,"ĠEverything":18582,"Ġathletic":18583,"Vari":18584,"Ġcylind":18585,"Ġvalves":18586,"ĠAlfred":18587,"Build":18588,"Ġfinancially":18589,"Ġinjected":18590,"Ġindispensable":18591,"ituted":18592,"ĠMercury":18593,"Ġcoronary":18594,"download":18595,"ayan":18596,"Ġinventions":18597,"Ġfortune":18598,"icient":18599,"ĠArtificial":18600,"Ġì":18601,"Ġcentr":18602,"Ġpsychologist":18603,"Ġradicals":18604,"kn":18605,"Ġrope":18606,"ĠTransportation":18607,"Ġonions":18608,"ĠOral":18609,"ĠInternal":18610,"Ġpilots":18611,"ĠAvenue":18612,"Ġclinicians":18613,"å¤":18614,"stick":18615,"Ġparasite":18616,"Ġciting":18617,"Ġdeposited":18618,"Ġfloors":18619,"ĠNam":18620,"Block":18621,"plication":18622,"ĠClinton":18623,"ÏĤ":18624,"colors":18625,"Ġethanol":18626,"degree":18627,"Ġsmiled":18628,"White":18629,"ĠLA":18630,"Ġpancreat":18631,"Ġinexpensive":18632,"ĠYang":18633,"Ġstrengthens":18634,"Ġlifespan":18635,"Ġenergies":18636,"oic":18637,"Ġdigits":18638,"Ġvaccinated":18639,"Instead":18640,"Ġgenius":18641,"Ġnails":18642,"Ġclinics":18643,"ĠSuppose":18644,"ä½":18645,"Ġthirst":18646,"carbon":18647,"Ġcarrots":18648,"Ġinhabited":18649,"Ġhormonal":18650,"ĠAth":18651,"Ġunittest":18652,"mun":18653,"amount":18654,"ĠPrinceton":18655,"licted":18656,"ĠHudson":18657,"mess":18658,"Ġsyrup":18659,"ĠAlan":18660,"Ġunsure":18661,"Ġpic":18662,"Ġsystematically":18663,"Window":18664,"aic":18665,"Ġengineered":18666,"ĠTeach":18667,"Ġstepping":18668,"ĠTower":18669,"ussels":18670,"Ġdehydration":18671,"Ġmotifs":18672,"cover":18673,"Ġlightly":18674,"ĠBaptist":18675,"Ġnail":18676,"Ġcontag":18677,"addr":18678,"validate":18679,"great":18680,"Ġattent":18681,"čĊčĊ":18682,"Ġendeavors":18683,"ĠSilver":18684,"ĠTel":18685,"Ġingen":18686,"Ġrabbits":18687,"ĠDescription":18688,"Ġwinner":18689,"Ġbipolar":18690,"Ġloses":18691,"OH":18692,"Ġgrie":18693,"Ġadrenal":18694,"araoh":18695,"Ġblades":18696,"ione":18697,"Ġnevertheless":18698,"Ġrenal":18699,"Almost":18700,"ĠIllust":18701,"Ġobscure":18702,"ogeneous":18703,"Ġprobable":18704,"Ġpursued":18705,"Ġcoherent":18706,"ĠPriv":18707,"ÏĢ":18708,"ĠArticles":18709,"ĠTip":18710,"ĠRailroad":18711,"Ġlubric":18712,"Bs":18713,"ĠSubst":18714,"Ġactivist":18715,"Ġproportional":18716,"Ġcigarette":18717,"ĠDiversity":18718,"pection":18719,"Ġpottery":18720,"Ġhorror":18721,"ĠSubject":18722,"Ġcleared":18723,"Ġneglected":18724,"Design":18725,"Ġnationalism":18726,"hou":18727,"Published":18728,"Ġward":18729,"Ġworkout":18730,"Ġrepeating":18731,"Ġconfidently":18732,"Ġdeceased":18733,"ften":18734,"ĠMorgan":18735,"ür":18736,"ean":18737,"ĠLanka":18738,"Prim":18739,"Ġsewage":18740,"Ġcompetent":18741,"ĠJuan":18742,"Ġcorporation":18743,"Ġ[-":18744,"Ġevaluations":18745,"ĠJos":18746,"Ġbelly":18747,"Ġsusceptibility":18748,"Ġkeywords":18749,"ivial":18750,"Ïĥ":18751,"nu":18752,"åŃ":18753,"Import":18754,"Ġblooms":18755,"ĠCatholics":18756,"Right":18757,"Ġenacted":18758,"Ġhinder":18759,"Ġswing":18760,"Ġcommanded":18761,"Space":18762,"Ġdeposition":18763,"ĠAle":18764,"Ġcommittees":18765,"Ġempowers":18766,"Ġratings":18767,"Ġlatitude":18768,"awareness":18769,"Ġenlarg":18770,"Ġmatrices":18771,"Ġintentionally":18772,"Ġmascul":18773,"Ġenergetic":18774,"Ġconting":18775,"China":18776,"Ġelic":18777,"Ġshadows":18778,"Ġartillery":18779,"grass":18780,"Ġshaft":18781,"Ġplayground":18782,"ĠLiteracy":18783,"ĠProcessing":18784,"omething":18785,"ĠNevada":18786,"asury":18787,"imag":18788,"Ġexposures":18789,"rb":18790,"NG":18791,"ĠZone":18792,"ĠAthens":18793,"Ġgi":18794,"Ġqueries":18795,"eda":18796,"ĠUNESCO":18797,"Ġrecognise":18798,"Ġbarg":18799,"ĠYale":18800,"gel":18801,"Ġsensations":18802,"ĠMorris":18803,"ĠTitan":18804,"rise":18805,"Ġshades":18806,"Ġmarrow":18807,"anning":18808,"Ġdownward":18809,"Ġbrainstorm":18810,"ĠÅ":18811,"Ġprojections":18812,"ĠOverall":18813,"Ġcredentials":18814,"NET":18815,"Ġcautious":18816,"DD":18817,"every":18818,"Ġhandles":18819,"ĠSetting":18820,"Ġportrayed":18821,"ĠJohann":18822,"percent":18823,"Ġsadness":18824,"cked":18825,"represented":18826,"Ġdecentral":18827,"ĠStreng":18828,"pathetic":18829,"Ġdiary":18830,"Ġdiabetic":18831,"Ġdropping":18832,"Ġfertilizers":18833,"ĠRandom":18834,"ĠElements":18835,"Ġblur":18836,"kernel":18837,"ĠBry":18838,"ĠEgg":18839,"Ġcozy":18840,"ĠAdult":18841,"Ġurge":18842,"Ġworkflow":18843,"blog":18844,"Ġregimes":18845,"Ġsaliva":18846,"blank":18847,"Ġrichness":18848,"Ġgallery":18849,"čĊĠĠĠĠĠĠĠĠ":18850,"Ġspiral":18851,"Ġfrustrated":18852,"Mal":18853,"Ġtradem":18854,"ĠCanal":18855,"ĠProvince":18856,"leaf":18857,"Ġlaboratories":18858,"onian":18859,"Manager":18860,"phen":18861,"âķ":18862,"ĠBeth":18863,"ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":18864,"Ġglaciers":18865,"VAL":18866,"Ġmidst":18867,"Ġdigging":18868,"âĢ¦âĢ¦":18869,"reference":18870,"Ġcad":18871,"quant":18872,"Ġresponds":18873,"secret":18874,"Ġpork":18875,"Ġneglig":18876,"often":18877,"Ġquicker":18878,"topic":18879,"cht":18880,"aphy":18881,"bsite":18882,"Ġhtml":18883,"Ġignorance":18884,"bearing":18885,"Ġmarsh":18886,"ĠActs":18887,"efficients":18888,"ĠJourney":18889,"ĠJosh":18890,"itous":18891,"alion":18892,"ĠStatus":18893,"ĠDim":18894,"Ġbuzz":18895,"Ġrectangular":18896,"Ġfolklore":18897,"Ġverification":18898,"LY":18899,"ĠClear":18900,"electric":18901,"ĠNag":18902,"intend":18903,"Ġguy":18904,"general":18905,"Ġfence":18906,"Ġbaked":18907,"ĠEgyptians":18908,"Ġmartial":18909,"ĠGeographic":18910,"Ġjurisdict":18911,"Ġceramic":18912,"ĠCBD":18913,"exc":18914,"Ġhopefully":18915,"bourne":18916,"Ġoutward":18917,"Ġhadn":18918,"Ġcoil":18919,"ĠCreation":18920,"ĠBeijing":18921,"Ġmenstrual":18922,"Ġguys":18923,"Ġrepairs":18924,"Ġdelving":18925,"Ġdiscrete":18926,"Ġflew":18927,"Ġlimitation":18928,"ĠCrow":18929,"ĠMB":18930,"Ġbehaviours":18931,"ĠDynasty":18932,"ensation":18933,"owned":18934,"ĠNotice":18935,"ĠIdentifying":18936,"ĠDream":18937,"average":18938,"pent":18939,"ainted":18940,"ĠHR":18941,"Ġindul":18942,"Ġtransgender":18943,"Ġsklearn":18944,"Ġdiminished":18945,"between":18946,"Ġstats":18947,"Ġglad":18948,"bey":18949,"ĠPrivate":18950,"Ġjournalist":18951,"Ġfrogs":18952,"__\":":18953,"Phot":18954,"Ġcurved":18955,"Ġphil":18956,"ĠPhoen":18957,"Ġchambers":18958,"rences":18959,"Ġsouthwest":18960,"Ġlegendary":18961,"Ġworries":18962,"Ġstimulating":18963,"icion":18964,"hicle":18965,"iche":18966,"resources":18967,"ĠPhill":18968,"Ġabolition":18969,"research":18970,"Ġobserver":18971,"ĠOrganic":18972,"North":18973,"ĠCanyon":18974,"ĠEthics":18975,"ĠCollins":18976,"fuel":18977,"Ġbeads":18978,"ractice":18979,"Ġseniors":18980,"Ġdeficiencies":18981,"á¸":18982,"Ġlively":18983,"ĠIl":18984,"ĠPages":18985,"Ask":18986,"ĠOfficer":18987,"Tree":18988,"ĠMol":18989,"Ġcontributors":18990,"Ġsearches":18991,"Ġoffshore":18992,"extract":18993,"ĠIndependent":18994,"Ġmassage":18995,"trained":18996,"ccoli":18997,"ĠLaur":18998,"mesh":18999,"tk":19000,"leveland":19001,"ĠAntonio":19002,"ĠMaj":19003,"Ġmonitors":19004,"Ġexpenditure":19005,"lavery":19006,"aunting":19007,"ĠDial":19008,"ĠDiscovery":19009,"ĠByzantine":19010,"Ġbloss":19011,"ĠReform":19012,"Ġ%(":19013,"ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":19014,"voc":19015,"Ġexpectation":19016,"Ġveterinary":19017,"Ġbicycle":19018,"Cam":19019,"events":19020,"Ġaston":19021,"Ġtranscription":19022,"Ġdeliberate":19023,"Ġpredictive":19024,"Ġsentiment":19025,"pend":19026,"ĠISO":19027,"Ġbubble":19028,"essert":19029,"Ġevid":19030,"Ġsubprocess":19031,"Ġbeside":19032,"Ġlid":19033,"Ġlap":19034,"creas":19035,"Ġdrove":19036,"ĠUg":19037,"Ġdominate":19038,"Ġsalad":19039,"Ġprinters":19040,"adow":19041,"ĠLeban":19042,"Ġcatching":19043,"poly":19044,"Ġmating":19045,"Ġwholes":19046,"ĠWat":19047,"Ġblast":19048,"Ġfascinated":19049,"Ġbrightness":19050,"IOS":19051,"heit":19052,"Ġfonts":19053,"Ġassured":19054,"ĠCele":19055,"authorized":19056,"ĠRecovery":19057,"ĠOperations":19058,"pb":19059,"Ġexpectancy":19060,"ĠPO":19061,"Ġservant":19062,"Ġpaints":19063,"ĠGoals":19064,"ĠHerm":19065,"Ġpossessed":19066,"Logger":19067,"Ġnorthwest":19068,"ĠPas":19069,"ĠZion":19070,"Ġanticipate":19071,"Ġprestigious":19072,"overty":19073,"Within":19074,"ĠCauses":19075,"ãĢĤ":19076,"ĠEsc":19077,"Ġactivate":19078,"Govern":19079,"ĠBorn":19080,"ĠTokyo":19081,"Ġdisadvantage":19082,"wear":19083,"Ġfame":19084,"International":19085,"uci":19086,"Ġrotate":19087,"KS":19088,"growing":19089,"town":19090,"Ġcarbohydrate":19091,"ĠWalker":19092,"ĠMaterial":19093,"ĠInstitutes":19094,"Ġattacking":19095,"Ġelders":19096,"Ġproliferation":19097,"js":19098,"ĠRecomm":19099,"Ġnoticeable":19100,"Ġeg":19101,"Ġvoyage":19102,"ĠHey":19103,"Ġdesktop":19104,"Ġankle":19105,"ĠTow":19106,"ĠRussell":19107,"joint":19108,"Ġlav":19109,"...\"":19110,"Ġoutlets":19111,"Ġoxidation":19112,"Ġsage":19113,"Ġ\"%":19114,"Ġconquest":19115,"ĠLiver":19116,"eterm":19117,"]*":19118,"Ġdwarf":19119,"Ġaccred":19120,"Ġgrading":19121,"Ġrecurring":19122,"HC":19123,"Ġaux":19124,"Ġlegislature":19125,"Ġyarn":19126,"acious":19127,"Ġgenocide":19128,"___":19129,"liance":19130,"Ġsatisfying":19131,"ĠAbsol":19132,"²":19133,"clipse":19134,"opathic":19135,"ĠSize":19136,"techn":19137,"rimp":19138,"Ġtolerate":19139,"ommy":19140,"ardi":19141,"ĠClassroom":19142,"ĠGhana":19143,"ĠStra":19144,"ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":19145,"Mac":19146,"ĠEve":19147,"Ġhumid":19148,"Exec":19149,"amy":19150,"Ġfacets":19151,"ENSE":19152,"'\\":19153,"dates":19154,"Ġsponsored":19155,"Ġray":19156,"Ġderive":19157,"bath":19158,"special":19159,"ĠSurgery":19160,"Write":19161,"Ġinstitute":19162,"attribute":19163,"Bey":19164,"Ġhipp":19165,"ouncing":19166,"Ġpredecess":19167,"Conf":19168,"ilis":19169,"Ġordering":19170,"ĠBear":19171,"December":19172,"Ġphotosynthesis":19173,"intage":19174,"DM":19175,"Ġshrink":19176,"Ġharmless":19177,"âĢĿ).":19178,"Ġapartment":19179,"nels":19180,"}.":19181,"Ġot":19182,"ĠEpid":19183,"Ġideological":19184,"htaking":19185,"Ġmigrate":19186,"Ġmonkeys":19187,"Ġbuses":19188,"Ġpier":19189,"collect":19190,"Ġdiplomatic":19191,"Ġtsun":19192,"istence":19193,"Ġanomal":19194,"Ġprivileges":19195,"Desc":19196,"paste":19197,"Ġstretched":19198,":\\":19199,"UST":19200,"atson":19201,"olon":19202,"Ġdemol":19203,"letion":19204,"coholic":19205,"Ġnicotine":19206,"FIG":19207,"otonin":19208,"pless":19209,"Ġshine":19210,"authors":19211,"ĠPlot":19212,"Ġcustomized":19213,"vings":19214,"Ġdrastically":19215,"positions":19216,"ĠAuto":19217,"Ġseamlessly":19218,"ĠOliver":19219,"Peer":19220,"Ġstrangers":19221,"Ġfilt":19222,"Ġalmond":19223,"ĠCongo":19224,"'{":19225,"ĠBE":19226,"Ġdisable":19227,"repr":19228,"Low":19229,"Ġemploys":19230,"Ġrape":19231,"Ġtransforms":19232,"Ġcapacities":19233,"Ġmandate":19234,"otions":19235,"Ġeluc":19236,"extend":19237,"ĠFinal":19238,"Ġpeppers":19239,"Ġseedlings":19240,"Ġpublishers":19241,"Ġstub":19242,"Ġboom":19243,"Ġjar":19244,"othermal":19245,"United":19246,"Ġreconciliation":19247,"ĠMolecular":19248,"cert":19249,"Ġconceived":19250,"Ġmanure":19251,"Ġloos":19252,"Ġmercy":19253,"ibling":19254,"ĠNorman":19255,"Information":19256,"Ġdurability":19257,"FILE":19258,"Ġdeeds":19259,"syn":19260,"Ġminiature":19261,"Ġcfg":19262,"д":19263,"enum":19264,"Ġterrorism":19265,"Ġshout":19266,"ĠLyn":19267,"ĠPhotos":19268,"ĠAddressing":19269,"Ġranking":19270,"Ġcybersecurity":19271,"Ġrealization":19272,"Ġapnea":19273,"Ġmargins":19274,"Ġreversed":19275,"enable":19276,"Ġretina":19277,"Ġcurricula":19278,"Ġguarantees":19279,"Ġnost":19280,"ĠET":19281,"Ġgravel":19282,"Ġcomplaint":19283,"Ġrocky":19284,"Ġsinus":19285,"Ġgraduated":19286,"Ġsemicon":19287,"Ġparadox":19288,"Ġtiles":19289,"Ġboring":19290,"ĠGalile":19291,"ĠAustin":19292,"Cle":19293,"brain":19294,"Ġcemetery":19295,"Ġech":19296,"**.":19297,"Ġuranium":19298,"Ġdrones":19299,"ĠKath":19300,"widget":19301,"Ġwhit":19302,"Ġlacks":19303,"Ġfinances":19304,"ĠMoroc":19305,"January":19306,">',":19307,"Ġurged":19308,"Ġcopied":19309,"Ġmainland":19310,"Ġyearly":19311,"enez":19312,"Ġmentor":19313,"google":19314,"ĠSpeech":19315,"Treatment":19316,"Ġspeeches":19317,"West":19318,"Ġlightweight":19319,"UTH":19320,"Ġosteoporosis":19321,"IAL":19322,"outputs":19323,"tool":19324,"Ġdefending":19325,"Conv":19326,"expand":19327,"Ġjury":19328,"Ġacne":19329,"Ġforemost":19330,"ĠMike":19331,"Ġadolescence":19332,"focus":19333,"ĠPel":19334,"Ġcrushed":19335,"Ġemerges":19336,"Ġconfigurations":19337,"design":19338,"Ġbreathtaking":19339,"Interest":19340,"izard":19341,"plets":19342,"Due":19343,"native":19344,"Air":19345,"Sem":19346,"ando":19347,"Ġnegotiate":19348,"ĠRules":19349,"namese":19350,"ĠMobile":19351,"Ġbypass":19352,"ĠHumans":19353,"Ġseamless":19354,"Ġdiscrep":19355,"ĠChand":19356,"ĠHighway":19357,"Ġambient":19358,"notes":19359,"Ġtransfers":19360,"Ġprofitable":19361,"Ġcant":19362,"icine":19363,"Ġresh":19364,"Ġherd":19365,"Ġpersonalities":19366,"Ġcompensate":19367,"PAS":19368,">.":19369,"enabled":19370,"ĠInterestingly":19371,"(\"/":19372,"ĠInside":19373,"erns":19374,"Ġmicrowave":19375,"Ġlengthy":19376,"elescope":19377,"âĸĪâĸĪ":19378,"Ġcapitalist":19379,"ét":19380,"Ġclearer":19381,"aire":19382,"hering":19383,"Ġpept":19384,"()[":19385,"Ġexcellence":19386,"Ġreinforcement":19387,"ĠLucy":19388,"aculture":19389,"ĠBirds":19390,"Var":19391,"pieces":19392,"ĠNaval":19393,"ĠCaesar":19394,"ĠPhase":19395,"Imple":19396,"ĠWARRAN":19397,"elsius":19398,"Ġmalicious":19399,"Ġlowered":19400,"ĠErn":19401,"lined":19402,"tok":19403,"ooting":19404,"elivery":19405,"Ġaccommodation":19406,"(\\":19407,"Ġfortun":19408,"ixon":19409,"Ġgeology":19410,"Posted":19411,"Ġincentive":19412,"compet":19413,"ĠJay":19414,"Ġlined":19415,"Ġseq":19416,"Ġcalorie":19417,"pattern":19418,"Ġcaterpill":19419,"Ġanterior":19420,"Ġgenerators":19421,"deep":19422,"shine":19423,"their":19424,"Ġuneven":19425,"Ġstretches":19426,"PI":19427,"Ġail":19428,"ĠComment":19429,"ricanes":19430,"Ġinstallations":19431,")\"":19432,"Ġlumin":19433,"ĠLaure":19434,"Ġtuberculosis":19435,"ĠLE":19436,"Ġfloss":19437,"Ġsty":19438,"empor":19439,"Rev":19440,"Ġwr":19441,"urdy":19442,"Beyond":19443,"none":19444,"incre":19445,"ĠDivine":19446,"Ġprotagonist":19447,"()))":19448,"Ġnortheast":19449,"verbal":19450,"ificance":19451,"Ġcredited":19452,"Ġfellows":19453,"gone":19454,"ĠNavigating":19455,"oS":19456,"ĠAdjust":19457,"Ġhoused":19458,"Ġowing":19459,"Ġanonymous":19460,"Ġhonour":19461,"ĠEncouraging":19462,"dings":19463,"Ġgospel":19464,"essed":19465,"ĠFamilies":19466,"rators":19467,"Ġseals":19468,"Ġupwards":19469,"ĠHealthcare":19470,"ĠUkrain":19471,"Ġfirsthand":19472,"Ġobservers":19473,"Ġsupreme":19474,"kill":19475,"ĠPapers":19476,"growth":19477,"ĠMade":19478,"Ġnonfiction":19479,"cott":19480,"ĠWol":19481,"assed":19482,"Ġsuccessive":19483,"Ġconcise":19484,"Ġsuspension":19485,"arange":19486,"uder":19487,"dump":19488,"frames":19489,"ĠMis":19490,"Ġsupplementation":19491,"Ġnaming":19492,"ĠGenetic":19493,"Ġfragment":19494,"geo":19495,"oske":19496,"Ġperv":19497,"ĠNorwegian":19498,"Ġresembles":19499,"Ġveggies":19500,"bank":19501,"mentioned":19502,"Thank":19503,"ieve":19504,"Ġredist":19505,"Ġhesitate":19506,"aple":19507,"eltic":19508,"separ":19509,"Ġideologies":19510,"ĠEmotional":19511,"Ġchlorine":19512,"Ġmonks":19513,"Bi":19514,"ashi":19515,"Professor":19516,"Ġphy":19517,"upload":19518,"Ġcollectors":19519,"Ġpleased":19520,"Ġα":19521,"EEE":19522,"Help":19523,"Symptoms":19524,"Never":19525,"}/":19526,"ĠEt":19527,"rimination":19528,"Ġstepped":19529,"Ġgraduation":19530,"products":19531,"WR":19532,"Ġlush":19533,"Ġplacebo":19534,"Afric":19535,"Ġsymmetry":19536,"mile":19537,"ĠNapoleon":19538,"UV":19539,"ĠFinding":19540,"subject":19541,"Local":19542,"ĠGent":19543,"ribes":19544,"ĠNicholas":19545,"OUT":19546,"Ġmerchants":19547,"Ġbronch":19548,"Ġcomet":19549,"orthy":19550,"Ġcomputed":19551,"iothe":19552,"Ġtouches":19553,"Ġsafeguarding":19554,"Creating":19555,"Hello":19556,"ĠTan":19557,"Ġoutlet":19558,"Ġworrying":19559,"ĠASD":19560,"ĠInj":19561,"ĠBrah":19562,"Ġresume":19563,"riminal":19564,"Ġcabinet":19565,"Ġanalogy":19566,"dumps":19567,"ĠMason":19568,"gging":19569,"Ġglimp":19570,"Ġglimpse":19571,"YS":19572,"Ġ$\\":19573,"Ġticket":19574,"ĠProperty":19575,"ĠIdeas":19576,"Ġbor":19577,"quet":19578,"ĠNormal":19579,"sigma":19580,"ographs":19581,"Ġangel":19582,"Ġcomfortably":19583,"ĠFamiliar":19584,"Ġnons":19585,"Ġburd":19586,"Ġeducating":19587,"Ġpersuasive":19588,"ĠGordon":19589,"ordered":19590,"Ġprincip":19591,"Ġpreparations":19592,"Fam":19593,"Ġsoutheast":19594,"ĠHandbook":19595,"Ġdialogues":19596,"dx":19597,"ĠBrazilian":19598,"Instance":19599,"ĠAustrian":19600,"ĠSynt":19601,"ĠCompare":19602,"ĠFirstly":19603,"oyd":19604,"chell":19605,"uddy":19606,"Ġwisely":19607,"Ġsacrifices":19608,"Ġlime":19609,"Ġdissemin":19610,"Ġcorrected":19611,"Ġponds":19612,"Ġconstipation":19613,"ĠPotential":19614,"Ġmulticultural":19615,"Ġvolatile":19616,"Ġproxy":19617,"uthors":19618,"six":19619,"Ġliteral":19620,"jar":19621,"Four":19622,"Que":19623,"Ġinhibitors":19624,"vars":19625,"Ġpredis":19626,"Ġwit":19627,"Ġangels":19628,"older":19629,"ĠGlass":19630,"Ġcriminals":19631,"inse":19632,"merged":19633,"Ġgatherings":19634,"ĠIU":19635,"umption":19636,"ĠRepeat":19637,"ĠFeel":19638,"rella":19639,"owered":19640,"ĠApart":19641,"ĠEL":19642,"Ġnecessitates":19643,"ĠMorm":19644,"ĠSalmon":19645,"cology":19646,"ĠGeological":19647,"ahren":19648,"Ġhonesty":19649,"Ġderivative":19650,"isting":19651,"Ġdeadline":19652,"ĠTab":19653,"Ess":19654,"ulence":19655,"Ġclergy":19656,"Ġlisteners":19657,"Ġlocom":19658,"ĠAlt":19659,"Ġmonkey":19660,"ĠVolunt":19661,"Ġretrieve":19662,"Ġcroc":19663,"Ġdors":19664,"Ġshy":19665,"Ġsuppression":19666,"':'":19667,"NN":19668,"Ġappreciating":19669,"Ġformations":19670,"Making":19671,"Ġdrift":19672,"ortunate":19673,"span":19674,"Ġcaves":19675,"Ġantenna":19676,"Ġperiodically":19677,"Ġcongestion":19678,"Ġagrees":19679,"ĠRelated":19680,"ĠLegisl":19681,"ripp":19682,"ĠSanskrit":19683,"ĠGray":19684,"Ġrains":19685,"Ġblogs":19686,"links":19687,"Location":19688,"pared":19689,"ĠRoom":19690,"Ġbuds":19691,"GM":19692,"Japan":19693,"ĠIQ":19694,"Ġreflections":19695,"Ġpins":19696,"ĠComprehensive":19697,"BE":19698,"Ġpioneer":19699,"Hy":19700,"Ġsuperf":19701,"ĠSurv":19702,"Ġench":19703,"Ġnowadays":19704,"Ġexposing":19705,"testing":19706,"Ġallocated":19707,"ILL":19708,"Ġfacilitated":19709,"Ġfutures":19710,"ĠLibr":19711,"ugging":19712,"Ġkiller":19713,"Ġphylogen":19714,"Ġchewing":19715,"Ġtile":19716,"ounded":19717,"ĠGradu":19718,"Ġlam":19719,"inav":19720,"ĠSharing":19721,"Ġwarriors":19722,"Ġshedding":19723,"Ġdull":19724,"Ġstolen":19725,"ĠAlb":19726,"station":19727,"aca":19728,"Ġsuccessor":19729,"Ġsubord":19730,"looking":19731,"itching":19732,"visory":19733,"Ġalterations":19734,"Ġcoaches":19735,"usable":19736,"ski":19737,"shell":19738,"cephal":19739,"Ġdeparture":19740,"Ġcompromising":19741,"ographer":19742,"ĠCel":19743,"Ġapplicants":19744,"ĠEstablish":19745,"tools":19746,"}')":19747,"racle":19748,"ĠStev":19749,"Ġresponsibly":19750,"Ġpursuits":19751,"ĠCI":19752,"ĠError":19753,"aha":19754,"Ġdependency":19755,"Ġgrandfather":19756,"ĠSenior":19757,"Ġcumulative":19758,"ratio":19759,"Ġscroll":19760,"Ġviewer":19761,"Ġacet":19762,"ĠHills":19763,"Ġdopamine":19764,"ĠWaste":19765,"braska":19766,"Ġvirtues":19767,"Ġsubsidies":19768,"Ġenlist":19769,"Ġpathogen":19770,"Ġfermentation":19771,"Ġsheer":19772,"Ġdining":19773,"Ġweird":19774,"Ġunified":19775,"Ġsociology":19776,"Ġmint":19777,"Ġshake":19778,"Ġintertw":19779,"Ġfundamentally":19780,"actor":19781,"ĠSingh":19782,"hered":19783,"Ġinevitably":19784,"Ġtreaties":19785,"Ġplaus":19786,"King":19787,"Sequ":19788,"/'":19789,"warning":19790,"Ġtracing":19791,"Ġcrowded":19792,"ĠGandhi":19793,"Leg":19794,"Ġsurveyed":19795,"Ġtimeout":19796,"Ġabsurd":19797,"Below":19798,"ĠDR":19799,"database":19800,"Ġdistractions":19801,"irl":19802,"ĠMadison":19803,"ĠHaiti":19804,"æĪ":19805,"nered":19806,"Ġestimation":19807,"hole":19808,"ultural":19809,"Ġredund":19810,"ĠMust":19811,"Ġconflicting":19812,"ĠAtlanta":19813,"Ġbeetles":19814,"Natural":19815,"Ġhered":19816,"Ġdeclines":19817,"umbing":19818,"ĠSlow":19819,"Ġeventual":19820,"ĠMagic":19821,"Foreign":19822,"Ġcone":19823,"Ġstrengthened":19824,"ducive":19825,"ĠBiblical":19826,"ĠFlight":19827,"iliary":19828,"Ġhobbies":19829,"Ġbishop":19830,"menu":19831,"ONE":19832,"bias":19833,"Ġbeams":19834,"ĠEight":19835,"ĠDB":19836,"={'":19837,"Ġtoss":19838,"Ġlex":19839,"Year":19840,"delta":19841,"ĠAnswer":19842,"Ġclearing":19843,"ĠRidge":19844,"Ġcartilage":19845,"Ġacoustic":19846,"Ġpurity":19847,"Ġlemonade":19848,"apper":19849,"ospace":19850,"German":19851,"Ġcontextual":19852,"Ġremotely":19853,"âĢ³":19854,"Ġdebug":19855,"Ġdisturbed":19856,"ĠSolution":19857,"Ġglut":19858,"derr":19859,"Ġpancreas":19860,"November":19861,"rof":19862,"Ġexempt":19863,"temperature":19864,"Ġorbital":19865,"Ġsolids":19866,"colonial":19867,"FI":19868,"ĠRoy":19869,"onds":19870,"Ġinsomnia":19871,"Ġpresumably":19872,"Ġseparating":19873,"Ġembryo":19874,"Incre":19875,"ĠLetter":19876,"rase":19877,"were":19878,"CAD":19879,"illo":19880,"ĠAbstract":19881,"Ġsuspicious":19882,"Ġnegotiation":19883,"ÑĮ":19884,"Ġnowhere":19885,"Ġspecification":19886,"Ġtextures":19887,"Ġtorture":19888,"Ġulcers":19889,"Ġharbor":19890,"ĠAnthrop":19891,"Ġelectr":19892,"Ġpickle":19893,"Ġleap":19894,"Ġrhetoric":19895,"Ġml":19896,"Ġstyl":19897,"Ġcheer":19898,"container":19899,"sym":19900,"Ġunpredictable":19901,"_,":19902,"Ġunderpin":19903,"Ġpasta":19904,"ĠPosition":19905,"Ġbuil":19906,"aluable":19907,"ĠInsurance":19908,"Ġconfronted":19909,"ĠTheod":19910,"ĠFalls":19911,"LR":19912,"Ġvegan":19913,"rov":19914,"Ġsoften":19915,"Ġdaylight":19916,"inner":19917,"cli":19918,"Ġcorrid":19919,"ocrates":19920,"Getting":19921,"Ġbamboo":19922,"ĠOrange":19923,"ĠBlog":19924,"Ġbuyers":19925,"Ġprompts":19926,"Ġconquered":19927,"Ġnozzle":19928,"cols":19929,"olicies":19930,"Ġcrus":19931,"sequence":19932,"Ġfauna":19933,"Ġinduction":19934,"doms":19935,"ĠEu":19936,"ĠLeft":19937,"ĠPressure":19938,"Ġblindness":19939,"Ġdonors":19940,"Ġposting":19941,"Ġsecurely":19942,"Ġaltering":19943,"platform":19944,"question":19945,"Ġbathroom":19946,"ĠElementary":19947,"Ġmighty":19948,"ĠHorse":19949,"ĠPanel":19950,"ouver":19951,"Ġours":19952,"Ġhammer":19953,"à®":19954,"assing":19955,"Ġsandy":19956,"ĠTerritory":19957,"filters":19958,"Ġhypotheses":19959,"Ġpropagation":19960,"ĠNarr":19961,"prise":19962,"ennial":19963,"Ġdemonstrations":19964,"ĠMom":19965,"Ġgovernmental":19966,"ĠIranian":19967,"ĠRivers":19968,"outheastern":19969,"Ġintend":19970,"Ġuniquely":19971,"Ġspacing":19972,"ceptive":19973,"Ġweaker":19974,"Ġmotions":19975,"Ġtoe":19976,"asian":19977,"ĠDays":19978,"Ġgrowers":19979,"ĠWhatever":19980,"ĠPublished":19981,"ĠCatherine":19982,"ĠGreenland":19983,"Ġslices":19984,"Ġmour":19985,"Ġcontrasting":19986,"ĠKaz":19987,"utrients":19988,"erates":19989,"ĠElectronic":19990,"rights":19991,"ilial":19992,"ĊĠĠĠĠĠĠĠĠĊĠĠĠ":19993,"central":19994,"ĠâĪ":19995,"Ġconsecutive":19996,"ĠFlorence":19997,"Ġfog":19998,"icating":19999,"ĠBrow":20000,"Ġdismissed":20001,"Ġbeginners":20002,"discovery":20003,"Ġsimplified":20004,"Ġacupuncture":20005,"Ġpills":20006,"Ġbic":20007,"Ġcatalyst":20008,"ĠYah":20009,"Ġstride":20010,"Try":20011,"collection":20012,"Americans":20013,"ĠEasy":20014,"SWORD":20015,"Ġsnippet":20016,"ĠCant":20017,"rational":20018,"ĠSecondly":20019,"ĠDetroit":20020,"Ġpractitioner":20021,"udal":20022,"ĠSpecific":20023,"kers":20024,"ĠEur":20025,"Ġembody":20026,"ĠCleveland":20027,"Ġequator":20028,"raises":20029,"ĠFresh":20030,"Ġhell":20031,"Ġstatistically":20032,"Ġregulators":20033,"ĠColonial":20034,"ativity":20035,"Ġprocessors":20036,"ĠCampbell":20037,"Ġlegitim":20038,"'},":20039,"ici":20040,"Ġconducive":20041,"ĠRice":20042,"Ġtraction":20043,"dl":20044,"ĠPE":20045,"ĠDent":20046,"Ġaccent":20047,"Ġcapita":20048,"Ġconfirmation":20049,"ĠComputing":20050,"Ġcyt":20051,"Sal":20052,"Ġcriticized":20053,"Ġpaired":20054,"ARD":20055,"ophys":20056,"áĥ":20057,"Ġinland":20058,"ectar":20059,"ĠScale":20060,"Ġavoc":20061,"ĠClaud":20062,"Ġbored":20063,"Ġbachelor":20064,"entity":20065,"Ġcancel":20066,"Ġlamps":20067,"convert":20068,"callback":20069,"semination":20070,"ĠMeeting":20071,"Ġcrafted":20072,"Ġcasualties":20073,"Ġwives":20074,"illation":20075,"Ġdessert":20076,"Ġplains":20077,"Ġconscience":20078,"Ġsurn":20079,"ĠAbuse":20080,"Ġrefres":20081,"extra":20082,"ĠEbola":20083,"(**":20084,"ĠPositive":20085,"direction":20086,"Ġpockets":20087,"sonian":20088,"Ġelectoral":20089,"Ġbandwidth":20090,"Op":20091,"ogenous":20092,"ĠConflict":20093,"('-":20094,"locking":20095,"FE":20096,"Watch":20097,"ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":20098,"Ġadmissions":20099,"Ġlear":20100,"ĠScand":20101,"ĠJonathan":20102,":,":20103,"bf":20104,"ĠDogs":20105,"ĠLessons":20106,"MB":20107,"ĠAssistant":20108,"Ġdoctr":20109,"ĠJSON":20110,"aceae":20111,"Ġcease":20112,"occus":20113,"Ġplagiarism":20114,"Building":20115,"ĠSally":20116,"Ġlifestyles":20117,"illas":20118,"Ġmaths":20119,"Ġmetallic":20120,"Ġseismic":20121,"Ġdrone":20122,"Ġspectral":20123,"Ġbirths":20124,"Ġconquer":20125,"Ġsurpass":20126,"phony":20127,"IGHT":20128,"taking":20129,"xis":20130,"eners":20131,"Ġseized":20132,"ĠKra":20133,"Ġhandler":20134,"Ġobstacle":20135,"Ġammonia":20136,"ĠGeneration":20137,"ĠAlberta":20138,"ĠRu":20139,"uilt":20140,"Tr":20141,"Ġdirectors":20142,"Ġoriented":20143,"Ġintuitive":20144,"Ġbrutal":20145,"Ġchunks":20146,"Ġflock":20147,"Ġminers":20148,"ENCE":20149,"Ġhomemade":20150,"Ġquietly":20151,"Ġforensic":20152,"oidal":20153,"]])":20154,"Ġgrouped":20155,"fetch":20156,"Ġmph":20157,"Care":20158,"ĠRegularly":20159,"online":20160,"creation":20161,"Ġunderscores":20162,"Ġgifted":20163,"Ġopioid":20164,"ĠBrian":20165,"tick":20166,"Ġrenov":20167,"Ġoverlapping":20168,"ĠLimited":20169,"square":20170,"idepress":20171,"Ġspare":20172,"Ġkeyword":20173,"ée":20174,"Ġlabeling":20175,"ĠWik":20176,"Ġhaunt":20177,"adium":20178,"ĠCanadians":20179,"GER":20180,"Ins":20181,"Ġrandomized":20182,"yroidism":20183,"Ġdetective":20184,"Ġpupil":20185,"Ġbins":20186,"Ġappointments":20187,"pressure":20188,"confidence":20189,"Ġwished":20190,"ido":20191,"ĠMyth":20192,"ĠBarbara":20193,"Ġpads":20194,"Ġdoubled":20195,"Ġhumility":20196,"ĠCrus":20197,"ĠColombia":20198,"Ġslee":20199,"Ut":20200,"Ġinert":20201,"ĠWard":20202,"Ġcoup":20203,"Ġcolonialism":20204,"ĠClar":20205,"irtual":20206,"pd":20207,"Ġundertake":20208,"Ġlava":20209,"ĠViolence":20210,"relu":20211,"roots":20212,"ĠAbd":20213,"Donald":20214,"Ġskies":20215,"ĠEnjoy":20216,"Ġenslaved":20217,"isen":20218,"Ġdonated":20219,"ĠFourth":20220,"Ġrecomb":20221,"Ġcaptain":20222,"abel":20223,"Ġmemoir":20224,"ĠMeaning":20225,"mant":20226,"enguin":20227,"Ġneighbour":20228,"ĠBreast":20229,"Print":20230,"cra":20231,"Ġvalleys":20232,"blocks":20233,"odynamic":20234,"iden":20235,"coll":20236,"Ġrecruitment":20237,"hs":20238,"ĠBL":20239,"ĠGran":20240,"izzes":20241,"ĠDemocrats":20242,"ustainability":20243,"otted":20244,"commands":20245,"Ġschooling":20246,"Ġtravelling":20247,"Ġreside":20248,"ĠSeason":20249,"Ġstatues":20250,"February":20251,"Ġbuildup":20252,"ĠVo":20253,"ĠNumbers":20254,"Join":20255,"Power":20256,"Ġmills":20257,"Ġarist":20258,"ĠBrid":20259,"Ġcerebral":20260,"Ġautobi":20261,"forget":20262,"ĠDescribe":20263,"ountain":20264,"ORY":20265,"Ġoutreach":20266,"Ġsteal":20267,"Ġundes":20268,"Ġricher":20269,"Ġarithmetic":20270,"ĠArn":20271,"ĠEither":20272,"orns":20273,"Ġdestinations":20274,"Ġwiring":20275,"Ġdug":20276,"ĠHeaven":20277,"Ġpredictable":20278,"Ġmanifestations":20279,"Video":20280,"ĠCities":20281,"Ġsurplus":20282,"icidal":20283,"ĠAreas":20284,"Ġmalware":20285,"Ġchloride":20286,"Ġmerc":20287,"âĢIJ":20288,"Ġcongen":20289,"opus":20290,"Ġclosure":20291,"ariat":20292,"Ġprompting":20293,"Ġinhibit":20294,"Ġspontaneous":20295,"colored":20296,"Ġdeleted":20297,"Ġultraviolet":20298,"herical":20299,"Ġplantations":20300,"Ġhydroc":20301,"wra":20302,"Ġginger":20303,"auer":20304,"Ġimperfect":20305,"»":20306,"Ġexaminations":20307,"Ġcirculating":20308,"lla":20309,"ĠDecision":20310,"immer":20311,"ĠBMI":20312,"ĠKam":20313,"Will":20314,"eliness":20315,"Ġguards":20316,"Property":20317,"Ġmotivate":20318,"ĠWa":20319,"ĠRecently":20320,"Ġinclined":20321,"Ġthee":20322,"naissance":20323,"Ġformatting":20324,"usc":20325,"Ġbetray":20326,"Ġmilestones":20327,"Ġunaware":20328,"Ġlend":20329,"Ġcomputation":20330,"Sec":20331,"Ġhemisphere":20332,"ĠEconomy":20333,"Ġfavourite":20334,"ı":20335,"ĠWoman":20336,"ĠVietnamese":20337,"Ġsmokers":20338,"bottom":20339,"Ġbricks":20340,"Ġnodded":20341,"Ġreck":20342,"Ġhatch":20343,"Ġexile":20344,"Ġuseless":20345,"Full":20346,"Mode":20347,"Rob":20348,"ĠMend":20349,"Ġevoke":20350,"Ġinvites":20351,"Ġuptake":20352,"Ġqueer":20353,"attributes":20354,"Short":20355,"Ġbombs":20356,"Ġrevis":20357,"Ġvendors":20358,"ĠMatter":20359,"umatic":20360,"Ġ\")":20361,"ĠDefine":20362,"stdout":20363,"bins":20364,"Ġskeleton":20365,"ĠTelescope":20366,"Ġrisen":20367,"Ġtelescopes":20368,"BB":20369,"ĠĊĠĠĠĠĠĠĠĠĠĠĠ":20370,"ahn":20371,"Ġwaist":20372,"ĠResistance":20373,"Ġapproximate":20374,"Ġpossesses":20375,"supported":20376,"Ġunderscore":20377,"Ġquadr":20378,"ĠEngage":20379,"ĠVillage":20380,"Ġtires":20381,"ĠLinks":20382,"Ġstriving":20383,"management":20384,"Ġtendencies":20385,"Ġmitigating":20386,"ĠTanz":20387,"phi":20388,"ĠDOI":20389,"micro":20390,"ĠEmma":20391,"ĠSources":20392,"ĠPrad":20393,"ICENSE":20394,"Ġreputable":20395,"quire":20396,"COL":20397,"Ġfrog":20398,"ĠES":20399,"ĠDA":20400,"ĠMig":20401,"innamon":20402,"ĠKnowing":20403,"Ġiodine":20404,"Ġimpacting":20405,"ĠAtmosp":20406,"Ġpackets":20407,"Ġunsafe":20408,"Ġindent":20409,"ĠThreat":20410,"enz":20411,"ĠPD":20412,"Ġimpressed":20413,"ĠYoga":20414,"Ġhomeland":20415,"ĠAch":20416,"Ġlem":20417,"Ġenamel":20418,"ĠPin":20419,"Ġoverly":20420,"ategories":20421,"eye":20422,"Real":20423,"went":20424,"ĠDest":20425,"ĠUl":20426,"Ġcollector":20427,"ĠBaby":20428,"Big":20429,"Ġchunk":20430,"Ġnotation":20431,"Ġcoefficients":20432,"esters":20433,"Ġlent":20434,"uer":20435,"ĠDouble":20436,"multi":20437,"Ġendorse":20438,"requently":20439,"Ġautomobile":20440,"Ġeighteenth":20441,"Ġreptiles":20442,"ĠDNS":20443,"ĠBengal":20444,"conduct":20445,"opolitical":20446,"anic":20447,"ĠJoy":20448,"ishops":20449,"Ġapprent":20450,"ITE":20451,"avg":20452,"merge":20453,"apses":20454,"Ġarchaeologists":20455,"Ġneurotransmit":20456,"Ġcapsule":20457,"Emb":20458,"ilon":20459,"ĠKle":20460,"hearted":20461,"alam":20462,"Ġpenalties":20463,"Ġpyramid":20464,"Ġoutlook":20465,"opot":20466,"Ġconviction":20467,"Ġconcurrent":20468,"ĠKash":20469,"Ġfierce":20470,"Mart":20471,"Ġdaunting":20472,"ĠBruce":20473,"Ġperennial":20474,"Program":20475,"Ġfavored":20476,"flags":20477,"contrib":20478,"ĠIntegration":20479,"Ġhiking":20480,"Ġinjustice":20481,"ĠRuth":20482,"Ġcoexist":20483,"Ġillusion":20484,"Ġrupt":20485,"Central":20486,"Ġreplicate":20487,"Ġimped":20488,"Ġbackdrop":20489,"series":20490,"/)":20491,"Ġdiscontin":20492,"Policy":20493,"Ġelbow":20494,"trace":20495,"cov":20496,"drawn":20497,"Ġsized":20498,"ovak":20499,"ĠEvents":20500,"ulu":20501,"ĠCole":20502,"riel":20503,"Ġinvaded":20504,"ĠMeta":20505,"atra":20506,"eno":20507,"Ġinverse":20508,"ĠBAS":20509,"Ġbarrel":20510,"Share":20511,"ĠBring":20512,"ĠNegro":20513,"Ġcommodities":20514,"blood":20515,"release":20516,"Ġsediments":20517,"Ġwavelengths":20518,"Ġprescribe":20519,"coal":20520,"Ġcookie":20521,"Play":20522,"ĠBuff":20523,"anti":20524,"Ġbiopsy":20525,"Ġbarn":20526,"Ġpatents":20527,"computer":20528,"Pal":20529,"Ġresidue":20530,"compile":20531,"Ġpioneering":20532,"Ġchopped":20533,"aba":20534,"centered":20535,"east":20536,"ĠCathedral":20537,",,,,":20538,"uded":20539,"ĠNazis":20540,"Ġmultimedia":20541,"ĠCosta":20542,"apolis":20543,"mos":20544,"oba":20545,"construct":20546,"emp":20547,"Ġairborne":20548,"ĠSingle":20549,"Ġfluorescent":20550,"ahrenheit":20551,"Looking":20552,"idering":20553,"Ġvoid":20554,"Ġrecurrent":20555,"Ġyoungest":20556,"Ġnursery":20557,"Fin":20558,"Ġ-------":20559,"Ġvest":20560,"ĠBaker":20561,"Ġblessed":20562,"ammy":20563,"Ġfetal":20564,"successful":20565,"uter":20566,"Ġmanages":20567,"Ġremem":20568,"Ġunfortunate":20569,"Ġstip":20570,"Ġrecycle":20571,"Ġprag":20572,"ĠGN":20573,"Ïħ":20574,"ĠMC":20575,"Ġillustrating":20576,"ĠLiberty":20577,"Ġexcerpt":20578,"Ġunderway":20579,"lishes":20580,"Ġshiny":20581,"irements":20582,"Ġdiffusion":20583,"Ġpruning":20584,"Ġexpans":20585,"Without":20586,"Ġrolls":20587,"ĠCrisis":20588,"turn":20589,"ĠCelsius":20590,"governmental":20591,"Ġdonation":20592,"Ġantiv":20593,"Ġcompetitions":20594,"ployed":20595,"Ġtheological":20596,"Ġbean":20597,"rik":20598,"Ġattr":20599,"ĠArmed":20600,"eq":20601,"ر":20602,"ĠTut":20603,"ĠAld":20604,"ĠVice":20605,"Ġpulses":20606,"Ġidi":20607,"Ġweighing":20608,"Ġmanageable":20609,"ĠEssential":20610,"ĠThanksgiving":20611,"Ġjunior":20612,"Ġmisleading":20613,"ĠInteraction":20614,"Ġcage":20615,"ĠHope":20616,"Ġcriterion":20617,"ĠHungary":20618,"Flow":20619,"Ġflourish":20620,"]],":20621,"raise":20622,"Ġarrives":20623,"Ġlos":20624,"ĠHob":20625,"plots":20626,"Ġjustification":20627,"ÃĹ":20628,"Ġreception":20629,"ĠSuddenly":20630,"ortium":20631,"ĠHinduism":20632,"Ġeighth":20633,"Ġremarks":20634,"Ġrecipients":20635,"Ġcube":20636,"Ġsimulated":20637,"Ġversa":20638,"Ġdinosaur":20639,"Ġendeavor":20640,"Ġcousin":20641,"opia":20642,"ĠNames":20643,"Ġlobby":20644,"Ġcovenant":20645,"Should":20646,"ĠJohns":20647,"onyms":20648,"ĠRevolutionary":20649,"Ġelusive":20650,"Ġdependencies":20651,"Ġstainless":20652,"px":20653,"Ġeleven":20654,"Ġjudged":20655,"ĠTA":20656,"Ġenclosed":20657,"ĠGIS":20658,"Ġshortages":20659,"Ġcaptures":20660,"Ġaccessories":20661,"Ġcontraction":20662,"ovirus":20663,"Ġavoidance":20664,"Ġpsy":20665,"Ġgroom":20666,"ĠOptions":20667,"Ġannouncement":20668,"Ġtel":20669,"Ġdiction":20670,"Ġreun":20671,"ĠLack":20672,"Ġ-=":20673,"Smith":20674,"ĠMut":20675,"Ġeducator":20676,"ĠBehind":20677,"Ġscheduling":20678,"*(":20679,"PASSWORD":20680,"Ġinfantry":20681,"pyplot":20682,"Ġbedtime":20683,"Ġaph":20684,")}":20685,"Ġlions":20686,"verbose":20687,"Ult":20688,"Ġcompuls":20689,"ealous":20690,"|'\\":20691,"onstr":20692,"ĠHep":20693,"Ġrecount":20694,"ĠHurricane":20695,"Ġclimatic":20696,"season":20697,"Ġdad":20698,"Ġcharacterization":20699,"ĠGreater":20700,"Ġscarcity":20701,"sets":20702,"oscopy":20703,"ĠCooper":20704,"Ġqualifications":20705,"generated":20706,"Ġterrorist":20707,"Ġmaize":20708,"Austral":20709,"ĠMedieval":20710,"controller":20711,"Ġtaxation":20712,"Ġwors":20713,"former":20714,"Ġdressing":20715,"ĠColonel":20716,"ĠDefining":20717,"ĠListen":20718,"ĠTests":20719,"ĠWyoming":20720,"city":20721,"ĠIgn":20722,"Ġproposition":20723,"Ġcherished":20724,"mk":20725,"ĠRico":20726,"Ġdespair":20727,"bee":20728,"ĠRud":20729,"Ġlineage":20730,"inburgh":20731,"ĠLooking":20732,"Ġreviewer":20733,"Ġneon":20734,"ĠCarter":20735,"axes":20736,"Ġsmarter":20737,"geries":20738,"Device":20739,"Ġdash":20740,"')),":20741,"ypical":20742,"Ġhorizons":20743,"ĠBackground":20744,"xia":20745,"Ġmisc":20746,"ĠSic":20747,"venth":20748,"Ġ###":20749,"ĠJenn":20750,"Ġdivides":20751,"Ġspinach":20752,"Ġstaple":20753,"regulation":20754,"ï¬":20755,"inqu":20756,"ivores":20757,"chart":20758,"Ġjail":20759,"leen":20760,"Ġaftermath":20761,"Ġskeletal":20762,"({'":20763,"Ġovere":20764,"Ġgoats":20765,"bors":20766,"Ġpagan":20767,"ilization":20768,"Ġsung":20769,"Ġdownloaded":20770,"Ġdeficits":20771,"redients":20772,"ĠHoriz":20773,"Ġgrapple":20774,"Ġsab":20775,"anguages":20776,"Ġaccommodations":20777,"journal":20778,"Ġreminis":20779,"Ġluc":20780,"Ġjudgments":20781,"vs":20782,"Ġrecalled":20783,"Ġtackling":20784,"Ġoy":20785,"Ġpaved":20786,"Ġmites":20787,"Ġswitched":20788,"uela":20789,"Ġgrandmother":20790,"ĠClassical":20791,"Ġreactive":20792,"čĊĉĉ":20793,"Alex":20794,"Ġalbeit":20795,"Ġsocialist":20796,"Ġnotebook":20797,"urnal":20798,"Climate":20799,"Ġdolphins":20800,"structure":20801,"Ġstup":20802,"reader":20803,"Ġanimated":20804,"AMP":20805,"ĠGothic":20806,"Ġski":20807,"ORS":20808,"ylum":20809,"Ġwasted":20810,"afety":20811,"Ġfiltration":20812,"IES":20813,"usters":20814,"ronics":20815,"Ġbeginnings":20816,"Ġpinpoint":20817,"ĠJere":20818,"Ġpara":20819,"Ġmisunderstand":20820,"Ġquestionnaire":20821,"James":20822,"ourge":20823,"Still":20824,"Ġepist":20825,"ĠâĪĴ":20826,"otyping":20827,"Normal":20828,"owl":20829,"Ġresurrection":20830,"Ġtendon":20831,"Overall":20832,"Ġcomposer":20833,"'\"":20834,"private":20835,"Ġcertainty":20836,"ĠParad":20837,"Ġreflux":20838,"iens":20839,"Ġrounds":20840,"ĠRate":20841,"Ġtrop":20842,"ĠApost":20843,"abus":20844,"ĠDa":20845,"ĠReality":20846,"Ġphotographer":20847,"Å¡":20848,"Ġbeats":20849,"Ġ§":20850,"Ġvegetarian":20851,"duration":20852,"iae":20853,"shift":20854,"Token":20855,"posing":20856,"running":20857,"Ġpumping":20858,"Ġinconsistent":20859,"ĠNothing":20860,"Ġbiologists":20861,"vet":20862,"ĠDrive":20863,"Ġpigment":20864,"MENT":20865,"ropract":20866,"ĠAssociated":20867,"--------------------------------------------":20868,"Ġenforced":20869,"odium":20870,"Ġwastes":20871,"oft":20872,"ĠNovel":20873,"Ġjournalism":20874,"Ġimaginative":20875,"Ġcartoon":20876,"oise":20877,"uart":20878,"Ġcaf":20879,"ĠInstruction":20880,"ĠConsumer":20881,"Ġoptimizer":20882,"Ġscrutiny":20883,"Ġflatten":20884,"Ġreportedly":20885,"Ġstrands":20886,"ç»":20887,"ĠSyrian":20888,"President":20889,"Ġforbidden":20890,"Ġcrazy":20891,"ĠQueensland":20892,"Ġmars":20893,"Ġentertaining":20894,"ĠSexual":20895,"essment":20896,"Ġspur":20897,"__.":20898,"Ġlbs":20899,"Ġextensions":20900,"Ġtextile":20901,"âĢł":20902,"ĠBiol":20903,"ĠAutism":20904,"TIES":20905,"Ġwins":20906,"Ġshelves":20907,"Ġengra":20908,"Ġgrandparents":20909,"Small":20910,"inas":20911,"Christian":20912,"Ġbenign":20913,"Ġconsole":20914,"Ġretaining":20915,"simple":20916,"Ġmurdered":20917,"Ġorganised":20918,"ĠMigration":20919,"Ġvolcanoes":20920,"adding":20921,"Ġnitrate":20922,"Ġgadgets":20923,"atics":20924,"ĠAdding":20925,"ĠOrigin":20926,"Ġubiqu":20927,"Ġshores":20928,"ĠLif":20929,"Ġtriple":20930,"Ġenhancement":20931,"ĠNik":20932,"Ġbrass":20933,"ĠAdm":20934,"Ġphotographers":20935,"urls":20936,"Ġlaunching":20937,"chemy":20938,"VM":20939,"ĠGot":20940,"ezing":20941,"Ġforums":20942,"Ġmorphology":20943,"Ġcents":20944,"Ġvibration":20945,"Ġconstants":20946,"Ġsummarize":20947,"WHO":20948,"William":20949,"blow":20950,"Ġblended":20951,"Ġbreach":20952,"ĠRefuge":20953,"uint":20954,"ĠNebraska":20955,"Ġtemplates":20956,"Ġhypothetical":20957,"Ġnets":20958,"Ġcountryside":20959,"Ġdisagreements":20960,"ĠCeltic":20961,"ĠFra":20962,"Ġblessing":20963,"Ġharnessing":20964,"Ġepilepsy":20965,"ĠManc":20966,"ĠIdaho":20967,"=_":20968,"dc":20969,"fake":20970,"fits":20971,"Ġpeat":20972,"ĠOrd":20973,"ĠPCR":20974,"Ġexchanged":20975,"ĠOP":20976,"Ġflush":20977,"Ġdevised":20978,"ĠInitially":20979,"Ġcohort":20980,"License":20981,"Crit":20982,"Rich":20983,"bind":20984,"ĠGH":20985,"tokens":20986,"umbling":20987,"Ġrelatable":20988,"ĠSeek":20989,"Begin":20990,"freq":20991,"Ġsixty":20992,"omatic":20993,"urities":20994,"Ġsunscreen":20995,"Guid":20996,"Ġcardboard":20997,"Ġanesthesia":20998,"ĠPray":20999,"Ġsimplify":21000,"Ġcortisol":21001,"ĠLatino":21002,"addle":21003,"Ġâī":21004,"Ġsuffix":21005,"visors":21006,">'":21007,"usp":21008,"ĠGather":21009,"ĠGy":21010,"Ġfuneral":21011,"Ġadvocated":21012,"ĠRou":21013,"Ġshrub":21014,"Ġrecession":21015,"Ġisolate":21016,"ĠKnown":21017,"Parameter":21018,"Ġstool":21019,"Ġcaval":21020,"ĠPom":21021,"Ġcitrus":21022,"Ġvitro":21023,"Ġamateur":21024,"ĠMt":21025,"Ġzoom":21026,"Ġsoluble":21027,"Firstly":21028,"ĠME":21029,"Ġmultitude":21030,"Ġesp":21031,"attery":21032,"Ġchampion":21033,"Ġkits":21034,"Ġoptimum":21035,"Ġinventor":21036,"News":21037,"Similarly":21038,"ĠMurray":21039,"BR":21040,"ĠHi":21041,"ĠConditions":21042,"Ġfal":21043,"Ġcharm":21044,"Ġresearched":21045,"tically":21046,"Ġpyl":21047,"ĠAF":21048,"ieu":21049,"Ġmetaph":21050,"Ġlifted":21051,"alis":21052,"ĠSeg":21053,"Ġintolerance":21054,"Ġdisturbing":21055,"Ġtablesp":21056,"established":21057,"mag":21058,"Ġtennis":21059,"Ġinaccur":21060,"Ġsalts":21061,"plain":21062,"enson":21063,"Ġvisions":21064,"Ġbankrupt":21065,"ĠProced":21066,"ancouver":21067,"ĠRepublicans":21068,"generational":21069,"David":21070,"Ġstark":21071,"ĠParticipants":21072,"Ġsailing":21073,"Ġpossessions":21074,"Ġancestry":21075,"Ġcontagious":21076,"Ġlocalized":21077,"within":21078,"Interface":21079,"Ġvaginal":21080,"Ġsturdy":21081,"Ġintroductory":21082,"begin":21083,"ĠClose":21084,"Ġaeros":21085,"Ġprehistoric":21086,"arius":21087,"ĠSteel":21088,"ĠMarie":21089,"Mix":21090,"PY":21091,"Ġstarch":21092,"Ġgoodness":21093,"Ġsaints":21094,"Ġembodied":21095,"Ġenlarged":21096,"eled":21097,"eroids":21098,"Ġâ":21099,"ĠFew":21100,"Ġsuffers":21101,"Ġadministrator":21102,"Ġdosage":21103,"Ġopenness":21104,"Ġcausal":21105,"Ġdevote":21106,"oken":21107,"Ġforage":21108,"Techn":21109,"Ġexplosive":21110,"Ġkiss":21111,"Ġrefract":21112,"ĠCF":21113,"ĠGun":21114,"Ġflaws":21115,"Ġexpecting":21116,"ungle":21117,"κ":21118,"Ġdances":21119,"Ġshoe":21120,"Ġencoded":21121,"dims":21122,"Ġstiffness":21123,"Bra":21124,"ĠPrem":21125,"Ġnectar":21126,"aying":21127,"Ġportraits":21128,"ĠIsraelites":21129,"Ġphysicist":21130,"icans":21131,"Ġmetast":21132,"ĠSeeing":21133,"Ġseldom":21134,"Ġwart":21135,"Ġserotonin":21136,"evin":21137,"Ġinstructed":21138,"ĠCovid":21139,"alone":21140,"appro":21141,"hibition":21142,"Ġhotels":21143,"ĠSARS":21144,"Ġcommunist":21145,"ophyll":21146,"Ġcanopy":21147,"Ds":21148,"gas":21149,"ratory":21150,"Ġeconomists":21151,"Ġantagon":21152,"Ġlogistics":21153,"Ġcollagen":21154,"ĠPlains":21155,"Draw":21156,"`:":21157,"Ġinvaluable":21158,"Ġcrowds":21159,"Ġlipid":21160,"ĠPitts":21161,"follow":21162,"Ġprose":21163,"signal":21164,"communications":21165,"lived":21166,"symbol":21167,"Ġaden":21168,"ĠMatt":21169,"Ġdwelling":21170,"ĠChick":21171,"Ġborrowed":21172,"ĠFill":21173,"Ġpoetic":21174,"Show":21175,"Ġ:,":21176,"ĠScholars":21177,"Ġregeneration":21178,"opotam":21179,"selling":21180,"Ġcellul":21181,"ĠDisney":21182,"aths":21183,"Ġprintable":21184,"ĠVers":21185,"Ġboasts":21186,"Ġmessaging":21187,"Ġinaug":21188,"ĠNut":21189,"Ġscoring":21190,"ĠMontreal":21191,"aan":21192,"ĊĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":21193,"iza":21194,"Ġscipy":21195,"ĠArg":21196,"Choose":21197,"><":21198,"Ġaccidental":21199,"reviewed":21200,"ĠSoph":21201,"uni":21202,"Ġlethal":21203,"Ġdenial":21204,"team":21205,"skip":21206,"Enum":21207,"xcc":21208,"Ġoversight":21209,"Sah":21210,"ellite":21211,"ĠJoin":21212,"scribe":21213,"Ġconsultant":21214,"Ġculp":21215,"ĠHost":21216,"ĠEquipment":21217,"Ġhectares":21218,"Ġimmort":21219,"Ġplantation":21220,"Ġvicinity":21221,"biology":21222,"Ġaerobic":21223,"Ġfare":21224,"shire":21225,"Ġoverload":21226,"ĠProjects":21227,"Ġfulfillment":21228,"associated":21229,"ĠMia":21230,"ĠRele":21231,"Ġencaps":21232,"Ġspecialty":21233,"Ġastronomical":21234,"asci":21235,"ĠCooking":21236,"Ġmucus":21237,"Ġcandles":21238,"Ġrodents":21239,"Ġbrowsing":21240,"Ġmapped":21241,"ĠConsiderations":21242,"Cap":21243,"iece":21244,"flight":21245,"prior":21246,"ISE":21247,"Ġaudit":21248,"Argument":21249,"ĠFlood":21250,"Ġautomotive":21251,"SIZE":21252,"London":21253,"Ġsap":21254,"ĠNord":21255,"Ġgenital":21256,"Ġfulfilled":21257,"Ġmaker":21258,"ĠTes":21259,"ĠNick":21260,"hattan":21261,"Ġapolog":21262,"CDC":21263,"inatory":21264,"seconds":21265,"Ġtuned":21266,"ĠCornell":21267,"Word":21268,"ĠSugar":21269,"ĠMine":21270,"ĠArc":21271,"Ġcran":21272,"Ġanalysts":21273,"Ġcompares":21274,"ilitating":21275,"Ġfixing":21276,"UND":21277,"ĠTopics":21278,"heid":21279,"definition":21280,"Ġsorting":21281,"Invalid":21282,"developed":21283,"Ġmerged":21284,"Ġbanana":21285,"Ġfingerprint":21286,"Ġjurisdictions":21287,"Ġmoss":21288,"Ġpause":21289,"Ġmening":21290,"Ġcereal":21291,"Ġjelly":21292,"Ġaz":21293,"Ġswept":21294,"ĠRailway":21295,"Ġbounds":21296,"Ġperformers":21297,"offic":21298,"verbs":21299,"Ġnewsletter":21300,"Ġbattlefield":21301,"Ġcooper":21302,"methods":21303,"Ġdesignation":21304,"usk":21305,"keeper":21306,"Ġpoorer":21307,"ĠQuick":21308,"Online":21309,"Ġpioneers":21310,")])":21311,"PORT":21312,"ĠTol":21313,"Ġbree":21314,"ĠCauc":21315,"ĠGA":21316,"ussions":21317,"Ġurbanization":21318,"mund":21319,"ĠWet":21320,"recogn":21321,"details":21322,"Ġvigorous":21323,"Lim":21324,"Ġmutually":21325,"tight":21326,"elia":21327,"ĠTrain":21328,"ricting":21329,"ĠWarren":21330,"Ġconson":21331,"ĠZoo":21332,"Ġripe":21333,"Ġbarley":21334,"Ġgenealog":21335,"Ġmarriages":21336,"ĠAssociate":21337,"ĠRoll":21338,"п":21339,"Ġsulph":21340,"Ġexceeds":21341,"Ġflask":21342,"Ġdiscarded":21343,"ELL":21344,"Ġignoring":21345,"ĠDelaware":21346,"ĠScandinav":21347,"PUT":21348,"abi":21349,"Answer":21350,"verted":21351,"ĠDynamic":21352,"Ġprince":21353,"Ġpenetrate":21354,"corn":21355,"roscopy":21356,"Ġren":21357,"Ġ\"_":21358,"Ġros":21359,"variables":21360,"Miss":21361,"Ġcath":21362,"ĠCou":21363,"NT":21364,"Ġzoo":21365,"ĠOpportunities":21366,"ĠOutput":21367,"nuts":21368,"ovol":21369,"Ġcolonists":21370,"Lead":21371,"Ġcasc":21372,"Ġdegeneration":21373,"ĠLORD":21374,"()),":21375,"ĠShan":21376,"čĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":21377,"pectives":21378,"Ġresolving":21379,"Ġsurgeons":21380,"abad":21381,"Ġfamine":21382,"Ġsuite":21383,"ĠCountries":21384,"Ġcollapsed":21385,"circ":21386,"iably":21387,"Dem":21388,"Ġenlarge":21389,"upt":21390,"ĠFahrenheit":21391,"Ġeyel":21392,"------------------------":21393,"Ġfigured":21394,"ĠClearly":21395,"Ġbilingual":21396,"urved":21397,"Ġhasattr":21398,"Ġexploited":21399,"Ġsaint":21400,"ĠNH":21401,"Paul":21402,"Ġheir":21403,"ĠFern":21404,"ĠFL":21405,"ĠRound":21406,"Ġcertificates":21407,"Ġslowing":21408,"aucoma":21409,"Ġsensit":21410,"atom":21411,"ĠConduct":21412,"ĠNetworks":21413,"double":21414,"lag":21415,"×Ļ":21416,"ivan":21417,"ĠGR":21418,"Ġmarketplace":21419,"Ġ>>":21420,"alph":21421,"urers":21422,"Ġfiref":21423,"Ġassistants":21424,"Ġgreed":21425,"Ġincomes":21426,"Ġreminding":21427,"services":21428,"/(":21429,"Ġjunk":21430,"zema":21431,"cred":21432,"ĠHapp":21433,"Ġcolder":21434,"ĠClay":21435,"Ġlacked":21436,"ĠFormation":21437,"ĠHamps":21438,"Ġlyrics":21439,"determination":21440,"messages":21441,"Ġfighters":21442,"Ġcores":21443,"ĠRoger":21444,"mc":21445,"Ġpains":21446,"Ġupdating":21447,"Ġrefrigerator":21448,"Ġiteration":21449,"Ġidentifier":21450,"Ġinternally":21451,"Ġimbalances":21452,"ĠPediatrics":21453,"Ġundermine":21454,"Ġconstituents":21455,"opsis":21456,"Ġfreedoms":21457,"ocular":21458,"Ġdoubts":21459,"Custom":21460,"Ġpunch":21461,"Ġpasture":21462,"ĠLect":21463,"Results":21464,"Review":21465,"ĠMessage":21466,"Ġneuroscience":21467,"ĠStarting":21468,"Ġattracting":21469,"Range":21470,"Self":21471,"zzy":21472,"ĠGregory":21473,"Ġupgrade":21474,"anners":21475,"Tw":21476,"onies":21477,"ĠTibetan":21478,"Session":21479,"Ġelong":21480,"Ġnatives":21481,"idi":21482,"ĠLinear":21483,"Ep":21484,"erobic":21485,"Ġlovers":21486,"Ġstamps":21487,"Ġpoisonous":21488,"ĠHampshire":21489,"dish":21490,"Ġreactors":21491,"Ġtunnels":21492,"oam":21493,"Ġcaste":21494,"ARY":21495,"ĠChildhood":21496,"Meta":21497,"ĠKos":21498,"Ġcarpet":21499,"balance":21500,"Ġturkey":21501,"Ġhatred":21502,"Ġoxidative":21503,"opping":21504,"ĠStorage":21505,"Ġcollaborations":21506,"Ġmould":21507,"Ġformulated":21508,"Ġsignatures":21509,"curities":21510,"Ġdebts":21511,"ĠVIII":21512,"Ġangular":21513,"Ġinhal":21514,"ĠVenez":21515,"Ġdome":21516,"abwe":21517,"Ġdenotes":21518,"LOC":21519,"ĠBulgar":21520,"ĠHawaiian":21521,"Ġharmonious":21522,"duino":21523,"Ġformulation":21524,"pora":21525,"Ġproudly":21526,"bullying":21527,"UK":21528,"Ġfighter":21529,"ĠSample":21530,"ipple":21531,"Ġlearnt":21532,"Ġshrimp":21533,"ĠBullet":21534,"Until":21535,"ĠLock":21536,"ificate":21537,"ĠVenice":21538,"Ġimmersion":21539,"Ġswollen":21540,"San":21541,"atum":21542,"Ġappeals":21543,"Ġinequalities":21544,"ilated":21545,"Ġheater":21546,"Stat":21547,"Ġverified":21548,"Ġenj":21549,"Ġendure":21550,"interval":21551,"Ġselenium":21552,"Light":21553,"Ġds":21554,"ĠEff":21555,"ultan":21556,"ĠAdults":21557,"ĠReason":21558,"Ġdepicts":21559,"gia":21560,"Ġtam":21561,"Ġcommitting":21562,"NR":21563,"ahl":21564,"rophe":21565,"Ġulcer":21566,"ĠCroat":21567,"Ġlev":21568,"Ġirrelevant":21569,"poll":21570,"licenses":21571,"ĠButter":21572,"ĠRussians":21573,"ĠHollywood":21574,"rys":21575,"Ġministers":21576,"ouncils":21577,"Ġmulch":21578,"\"\\":21579,"Ġbrake":21580,"Ġunexpl":21581,"arthritis":21582,"Ġzo":21583,"Ġfigur":21584,"ĠAtlas":21585,"ĠCuban":21586,"Ġimpulse":21587,"Ġintercept":21588,"Dom":21589,"ĠTrees":21590,"Ġteenage":21591,"validation":21592,"Currently":21593,"ĠSL":21594,"Studies":21595,"ĠBernard":21596,"imates":21597,"ĠSed":21598,"nik":21599,"Ġgon":21600,"Ġchairs":21601,"Ġspike":21602,"Ġcyan":21603,"pages":21604,"Ġalarming":21605,"ĠKan":21606,"ĠChamber":21607,"generator":21608,"ĠPI":21609,"ĠSouthwest":21610,"izziness":21611,"ĠProtein":21612,"Ġalbum":21613,"Ġideally":21614,"ĠMelbourne":21615,"Different":21616,"Ġcuc":21617,"Ġvirgin":21618,"ĠLabour":21619,"Ġpoured":21620,"Ġrheumat":21621,"modules":21622,"Ġlicensing":21623,"iour":21624,"ĠAid":21625,"ĠUsers":21626,"Ġattractions":21627,"ussia":21628,"ĠBP":21629,"Ġscent":21630,"Ġineffective":21631,"ĠWatson":21632,"ĠChamp":21633,"ĠVA":21634,"Ġambition":21635,"Ġhackers":21636,"ô":21637,"Ġexpands":21638,"Ġsettling":21639,"âĶĢâĶĢâĶĢâĶĢ":21640,"Term":21641,"false":21642,"Ġelectrodes":21643,"%(":21644,"natal":21645,"\");":21646,"Ġsticking":21647,"Ġheel":21648,"Ġremnants":21649,"esus":21650,"Ġtestament":21651,"ĠAssy":21652,"![":21653,"amorph":21654,"ĠBus":21655,"efined":21656,"Energy":21657,"oj":21658,"Ġfamilial":21659,"pherd":21660,"dal":21661,"ĠICT":21662,"ĠPatri":21663,"winning":21664,"Ġscrew":21665,"ĠQuarter":21666,"Ġteenager":21667,"Implemented":21668,"Ġilluminate":21669,"border":21670,"Ġsupplier":21671,"Ġstrides":21672,"ICAL":21673,"sensitive":21674,"idelity":21675,"endix":21676,"ĠImprove":21677,"ĠRapid":21678,"ĠCow":21679,"Ġdisreg":21680,"ĠGeography":21681,"Ġmissile":21682,"Ġsanctuary":21683,"Ġspheres":21684,"Ġprogresses":21685,"ĠModels":21686,"ĠProgramming":21687,"Ġwaterways":21688,"Ġinsign":21689,"ancell":21690,"ĠNeither":21691,"={}":21692,"Ġego":21693,"ĠJama":21694,"noise":21695,"Ġmathematicians":21696,"ĠRoot":21697,"Ġspores":21698,"Ġlogo":21699,"TEST":21700,"Ġworsh":21701,"Ġinfilt":21702,"Ġinterchange":21703,"ancipation":21704,"Ġmeasles":21705,"Ùħ":21706,"Best":21707,"]).":21708,"Ġbeverage":21709,"ĠGI":21710,"Ġclassify":21711,"issors":21712,"Ġalternating":21713,"Ġblanket":21714,"Ġenvelope":21715,"Ġgrappling":21716,"arre":21717,"andy":21718,"ĠAnxiety":21719,"Ġmasterpiece":21720,"ĠTamil":21721,"Rober":21722,"Ġlord":21723,"Ġgaze":21724,"ahu":21725,"thalm":21726,"Ġbun":21727,"Ġlasers":21728,"Ġcrater":21729,"Ġdiamonds":21730,"NING":21731,"wig":21732,"ÃĤ":21733,"airo":21734,"hl":21735,"ĠPoetry":21736,"activation":21737,"ĠInvent":21738,"ĠVII":21739,"Ġgenomic":21740,"ostics":21741,"ĠStre":21742,"Ġ[(":21743,"Ġsiege":21744,"include":21745,"Ġnationally":21746,"Ġstimulates":21747,"ĠRural":21748,"Ġ---":21749,"Ġcollisions":21750,"Ġassimilation":21751,"iciary":21752,"Ġii":21753,"ĠEdinburgh":21754,"Ġcentralized":21755,"ĠGovernments":21756,"Div":21757,"olo":21758,"Ġcooled":21759,"Ġgenuinely":21760,"ĠNGOs":21761,"Ġmisuse":21762,"ĠAccept":21763,"Ġdiscourag":21764,"Ġvague":21765,"ĠResolution":21766,"ustrial":21767,"Ġspends":21768,"Ġadditionally":21769,"}\".":21770,"------":21771,"Effective":21772,"Ġwx":21773,"ĠDirections":21774,"ĠFormat":21775,"grown":21776,"arus":21777,"tym":21778,"Ġ_,":21779,"irmingham":21780,"Place":21781,"ĠPearl":21782,"ĠUganda":21783,"è¡":21784,"Ġadditives":21785,"Ġroofs":21786,"Ġovarian":21787,"iguous":21788,"owski":21789,"Ġutilizes":21790,"ĠFoster":21791,"ĠDeal":21792,"Fast":21793,"Ġcoop":21794,"Ġstringent":21795,"Ġmurd":21796,"Ġseab":21797,"ĠUT":21798,"Ġbiologist":21799,"Ġgesture":21800,",)":21801,"Ġbrit":21802,"relation":21803,"Ġcontributor":21804,"ĠFilm":21805,"ĠPlatform":21806,"Ġdt":21807,"Ġhomeowners":21808,"Ġinsisted":21809,"GO":21810,"Much":21811,"inars":21812,"Ġgrammat":21813,"MAP":21814,"Ġwitch":21815,"ĠChurchill":21816,"ø":21817,"ĠAchie":21818,"Ġleaks":21819,"ĠGO":21820,"Ġcalf":21821,"Ġsunset":21822,"Ġleafy":21823,"Lat":21824,"aque":21825,"à¦":21826,"Ġnoises":21827,"Ġshelters":21828,"iodiversity":21829,"ĠMonte":21830,"Steps":21831,"Ġsupposedly":21832,"Ġsibling":21833,"Ġhurricanes":21834,"Ġenjoys":21835,"Ġdread":21836,"Ġorbits":21837,"Ġabrupt":21838,"ĠConstruct":21839,"Ġanthropology":21840,"Special":21841,"kw":21842,"kward":21843,"erators":21844,"Ġestablishes":21845,"contact":21846,"Ġcaptive":21847,"Ġcongregation":21848,"Ġoptimistic":21849,"Ġexhausted":21850,"Ġfetus":21851,"Ġracist":21852,"Ġvigor":21853,"Ġcreatively":21854,"compute":21855,"Ġpeanut":21856,"ĠImplementing":21857,"gom":21858,"meal":21859,"ĠALL":21860,"Ġcathe":21861,"Ġextracts":21862,"ĠTransfer":21863,"Ġcollaborating":21864,"ĠMaintain":21865,"ĠCalculate":21866,"chair":21867,"ongo":21868,"doctor":21869,"calcul":21870,"ĠScientist":21871,"Ġhalt":21872,"ĠVoice":21873,"Ġscientifically":21874,"Ġargu":21875,"ĠReduce":21876,"Ġpremises":21877,"Ġdescended":21878,"cot":21879,"take":21880,"Ġduck":21881,"ĠElse":21882,"ovie":21883,"ylabel":21884,"Ġtant":21885,"ĠWash":21886,"Ġcoined":21887,"ĠImplications":21888,"ĠInstru":21889,"ĠPret":21890,"र":21891,"Rest":21892,"aneously":21893,"Ġdiagnoses":21894,"aurus":21895,"ĠFreud":21896,"ĠPLA":21897,"Ġantigen":21898,"beth":21899,"far":21900,"anche":21901,"Ġuniversally":21902,"processed":21903,"Study":21904,"Ġdisrupted":21905,"Ġridge":21906,"ĠRAM":21907,"Ġcondemned":21908,"Language":21909,"Ġeats":21910,"Ġinnoc":21911,"ĠRepresentatives":21912,"Es":21913,"andom":21914,"configuration":21915,"Ġmonastery":21916,"ĠHimal":21917,"itures":21918,"Ġspeculation":21919,"ocating":21920,"Ġpredator":21921,"ĠAV":21922,"ĠMir":21923,"Ġ{}'.":21924,"Ġseizure":21925,"ĠCort":21926,"Ġgetattr":21927,"install":21928,"ĠEssays":21929,"Ġdowntown":21930,"Dataset":21931,"-,":21932,"ril":21933,"Ġreluctant":21934,"India":21935,"issa":21936,"political":21937,"ĠRaw":21938,"Ġtraded":21939,"Ġsolo":21940,"ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":21941,"alloween":21942,"Ġsourced":21943,"ĠCher":21944,"ansom":21945,"Ġumbrella":21946,"Writing":21947,"bucket":21948,"apple":21949,"Ġvalidated":21950,"Ġclocks":21951,"Ġstreaming":21952,"HOUT":21953,"Ġabsorbing":21954,"ĠGeneva":21955,"ĠCitizens":21956,"Ġtiger":21957,"illin":21958,"Ġdelivers":21959,"Ġwinters":21960,"ĠExcess":21961,"Ġtaxpay":21962,"ĠFinance":21963,"Ġgiants":21964,"Ġhast":21965,"Ġannex":21966,"Ġspoon":21967,"Ġcharacterize":21968,"ammed":21969,"lexia":21970,"containing":21971,"Ġesteem":21972,"Ġcrosses":21973,"Network":21974,"Ġshipped":21975,"Ġchew":21976,"Ġtil":21977,"ĠNit":21978,"ĠSuff":21979,"ĠHolland":21980,"Ġdeterioration":21981,"][\"":21982,"Ġproceeding":21983,"Ġbroccoli":21984,"Ġп":21985,"ĠÑģ":21986,"Ġattained":21987,"Ġfinest":21988,"swig":21989,"^{":21990,"Ġrelic":21991,"Ġhydrop":21992,"vier":21993,"idable":21994,"Ġretrieved":21995,"XXXX":21996,"ĠZhang":21997,"Cond":21998,"Ġmalnutrition":21999,"Ġneutr":22000,"Ġmang":22001,"Ġoverth":22002,"arson":22003,"Ġburge":22004,"Ġrebuild":22005,"Ġruin":22006,"Gra":22007,"ĠLyme":22008,"ĠLud":22009,"ĠVel":22010,"Ġskeptic":22011,"rament":22012,"share":22013,"ĠOptim":22014,"Ġdialects":22015,"ĠArmenian":22016,"ĠTensor":22017,"Ġdeform":22018,"Ġunequal":22019,"ĠRelationships":22020,"Taking":22021,"oren":22022,"ĠHousing":22023,"Ġlett":22024,"Ġdismant":22025,"ĠReich":22026,"oco":22027,"ĠSelection":22028,"glob":22029,"Put":22030,"Ġonion":22031,"ributions":22032,"ĠBeck":22033,"inational":22034,"ĠCe":22035,"lectric":22036,"ĠVermont":22037,"iots":22038,"Ġthereafter":22039,"Ġdefenses":22040,"Ġinterpol":22041,"Ġembryos":22042,"ĠRenew":22043,"Linear":22044,"fem":22045,"approx":22046,"Ġsubscription":22047,"Education":22048,"Ġcompelled":22049,"ĠFlag":22050,"Ġoptimizing":22051,"âĪ":22052,"ĠDance":22053,"Ġtemperate":22054,".âĢĶ":22055,"LINE":22056,"ĠExactly":22057,"Format":22058,"viol":22059,"ĠKant":22060,"Ġprivately":22061,"ĠSprings":22062,"Ġthirteen":22063,"Ġreservoirs":22064,"Ġtrump":22065,"Ġevaporation":22066,"asuring":22067,"ño":22068,"ê":22069,"Ġincap":22070,"Ġsimultaneous":22071,"Ġviewpoint":22072,"ĠFlash":22073,"ĠGraham":22074,"Ġplausible":22075,"cb":22076,"isexual":22077,"Ġdestiny":22078,"ĠContract":22079,"Ġembarked":22080,"è®":22081,"elif":22082,"ĠJudge":22083,"relations":22084,"ĠMayor":22085,"Ġburnt":22086,"iji":22087,"Ġsailors":22088,"BER":22089,"Gold":22090,"inist":22091,"Ġvertically":22092,"Ġdilemmas":22093,"eered":22094,"Ġstressors":22095,"ĠYeah":22096,"Ġsolitary":22097,"ĠAcid":22098,"ographers":22099,"Ġlod":22100,"Ġunjust":22101,"Ġantidepress":22102,"Ġcured":22103,"Ġhats":22104,"ĠGuate":22105,"fr":22106,"Ġpillars":22107,"pretation":22108,"ĠBak":22109,"ĠGrowing":22110,"ĠSecondary":22111,"!).":22112,"imbabwe":22113,"ĠWARRANTIES":22114,"isans":22115,"ĠStatement":22116,"Ġregulates":22117,"Ġhemorrh":22118,"Ġindef":22119,"zek":22120,"ilia":22121,"jection":22122,"Ġcallback":22123,"iquid":22124,"ea":22125,"Ġaltar":22126,"bach":22127,"tri":22128,"ethical":22129,"Ġscaff":22130,"component":22131,"ĠNOAA":22132,"ĠPlans":22133,"ĠArabs":22134,"wild":22135,"istration":22136,"kee":22137,"idential":22138,"repo":22139,"ен":22140,"paced":22141,"ĠHubble":22142,"gamma":22143,"Ġweaving":22144,"Ġadmire":22145,"Ġarsenic":22146,"Ġdecipher":22147,"derived":22148,"warn":22149,"ĠVancouver":22150,"eliac":22151,"ĠSenator":22152,"Ġfundamentals":22153,"Ġsuperficial":22154,"ĠKir":22155,"Ġdecisive":22156,"ĠContents":22157,"Ġcoaching":22158,"Ġoriginate":22159,"ĠZero":22160,"PG":22161,"pal":22162,"Ġwicked":22163,"uniform":22164,"Ġembro":22165,"mapping":22166,"Ġhunter":22167,"Ġfres":22168,"ĠSie":22169,"Ġvibrations":22170,"producing":22171,"Lib":22172,"itism":22173,"Ġdiscord":22174,"ĠSmithsonian":22175,"Ġmicroscopy":22176,"Basic":22177,"æĺ":22178,"Ġdonations":22179,"metrical":22180,"ecd":22181,"Ġtextiles":22182,"saving":22183,"Ġrenamed":22184,"Ġlb":22185,"ĠBeat":22186,"Ġprophets":22187,"Task":22188,"ĠCells":22189,"ĠHalf":22190,"Ġmentors":22191,"Address":22192,"Ġamplitude":22193,"Script":22194,"components":22195,"orf":22196,"illus":22197,"Ġdroplets":22198,"ĠDiscussion":22199,"ĠUkrainian":22200,"Ġreq":22201,"adapt":22202,"ĠNode":22203,"Besides":22204,"oks":22205,"Ġstal":22206,"Ġcocaine":22207,"اÙĦ":22208,"ĠEnlightenment":22209,"ĠGenetics":22210,"Ġcoastline":22211,"Ġenriched":22212,"Del":22213,"acting":22214,"Ġevapor":22215,"brown":22216,"ĠCycl":22217,"ĠJen":22218,"Ġtopical":22219,"Ġempowered":22220,"Ġamendments":22221,"Ġdeport":22222,"Ġendpoint":22223,"elements":22224,"Ġinjections":22225,"Ġeagerly":22226,"=[\"":22227,"chlor":22228,"ergic":22229,"Ġmusician":22230,"ĠDublin":22231,"ĠWere":22232,"Br":22233,"Hey":22234,"β":22235,"entary":22236,"ĠPad":22237,"annab":22238,"ENS":22239,"Ġfairy":22240,"Ġbudgets":22241,"ĠFinnish":22242,"French":22243,"Ġvi":22244,"swers":22245,"ASH":22246,"Ġowns":22247,"ĠManaging":22248,"cycling":22249,"ĠCondition":22250,"British":22251,"Mich":22252,"Ġbios":22253,"Ġmelted":22254,"ĠOlympics":22255,"Ġcavalry":22256,"lins":22257,"mut":22258,"POS":22259,"Ġexceeded":22260,"Ġeagle":22261,"ĠStri":22262,"Ġstationary":22263,"Ġmitochondrial":22264,"Ġpygame":22265,"Ġnumbered":22266,"Ġwebpage":22267,"Ġmodifying":22268,"Ġdecomposition":22269,"ĠConcepts":22270,"Ġbackwards":22271,"Ġiterations":22272,"Ġfores":22273,"Ġdiscretion":22274,"xlabel":22275,"ifted":22276,"Ġscrub":22277,"ĠMaur":22278,"Ġaccus":22279,"Ġdistinctions":22280,"Ġreadiness":22281,"imentary":22282,"boat":22283,"ĠBalance":22284,"ĠValues":22285,"forgettable":22286,"uters":22287,"Ġprisoner":22288,"uria":22289,"Ġjunction":22290,"Ġholder":22291,"meaning":22292,"Ġevidenced":22293,"Ġcanals":22294,"worker":22295,"clesi":22296,"ĠWait":22297,"MAX":22298,"ĠSigns":22299,"Ġbibliography":22300,"ĠApr":22301,"Ġupstream":22302,"Ġovercoming":22303,"BP":22304,"Ġslot":22305,"Ġairway":22306,"Ġelectrode":22307,"diagn":22308,"crow":22309,"ĠGast":22310,"Ġallocate":22311,"Pack":22312,"say":22313,"Ġcategorized":22314,"Ġdeprivation":22315,"ĠGuardian":22316,"ĠRav":22317,"Inc":22318,"Ġoccurrences":22319,"Ġounces":22320,"ĠIndo":22321,"ĠPublications":22322,"Digital":22323,"Ġburgeoning":22324,"ĠGroups":22325,"Imp":22326,"Mock":22327,"counts":22328,"ĠSheet":22329,"ĠAbu":22330,"sterdam":22331,"ĠJoshua":22332,"Ġfranch":22333,"ifest":22334,"geon":22335,"Ġbackbone":22336,"Ġcaptivity":22337,"ĠHotel":22338,"ĠiPhone":22339,"cro":22340,"Ġrespects":22341,"ĊĊĊĊ":22342,"Ġcongenital":22343,"Ġcoated":22344,"Reading":22345,"toxic":22346,"Ġquantify":22347,"Version":22348,"ĠChes":22349,"Ġchefs":22350,"Ġterra":22351,"Ġindicative":22352,"Ġmortgage":22353,"keepers":22354,"Ġlivelihoods":22355,"ĠLives":22356,"Ġregain":22357,"ĠTemperature":22358,"urchase":22359,"Ġwaking":22360,"Ġcalibration":22361,"aphrag":22362,"ĠSikh":22363,"ructose":22364,"Effect":22365,"anmar":22366,"Ġanytime":22367,"affe":22368,"ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":22369,"ĠExpression":22370,"Ġliberties":22371,"lists":22372,"performance":22373,"these":22374,"itating":22375,"lev":22376,"Ġ'{":22377,"ĠFear":22378,"Ġarchaeology":22379,"ĠExcell":22380,"ĠVict":22381,"Ġteaspoon":22382,"Ġdetectors":22383,"ĠStein":22384,"Ġscalp":22385,"each":22386,"Ġlandmarks":22387,"Ġtk":22388,"Ġspans":22389,"ĠHorn":22390,"Ġcorpus":22391,"ĠHarrison":22392,"peer":22393,"Ġalkaline":22394,"Ġmyel":22395,"Ġaugmented":22396,"tained":22397,"Ġhypoth":22398,"Ġther":22399,"Ġforecasts":22400,"ifts":22401,"FORM":22402,"%%":22403,"tailed":22404,"ĠRES":22405,"ĠTanzania":22406,"luent":22407,"Ġnarrator":22408,"Ġdepletion":22409,"Ġthereof":22410,"Ġbacking":22411,"Ġbarrels":22412,"Ġcomplain":22413,"Ġunlimited":22414,"Ġdesperate":22415,"pars":22416,"ĠLag":22417,"Ġenglish":22418,"ĠMeet":22419,"ĠHelen":22420,"Ġreminders":22421,"Ġhelmet":22422,"Ġconstructs":22423,"Ġmisconceptions":22424,"ĠLebanon":22425,"ĠCrypt":22426,"ĠExposure":22427,"Ġbasal":22428,"Ġrecovering":22429,"Ġgraphe":22430,"Ġallergens":22431,"iam":22432,"mol":22433,"Ġcoughing":22434,"Ġmenopause":22435,"Ġprairie":22436,"Ġproto":22437,"ĠPS":22438,"Ġanybody":22439,"Ġscored":22440,"Ġmeantime":22441,"ί":22442,"Ġhaw":22443,"large":22444,"Ġfel":22445,"ĠMT":22446,"Ġirres":22447,"ĠChart":22448,"Ġplanners":22449,"Ġrainforest":22450,"ĠLegacy":22451,"organization":22452,"Ġfishes":22453,"Ġconstellation":22454,"gomery":22455,"gard":22456,"Plane":22457,"ĠElectrical":22458,"once":22459,"Ġquizzes":22460,"Ġblues":22461,"ĠDiam":22462,"Ġsharply":22463,"Ġfootage":22464,"visible":22465,"sampl":22466,"Ġtidal":22467,"aternity":22468,"War":22469,"Ġmodelling":22470,"Ġsignifies":22471,"Ġopera":22472,"Ġomn":22473,"ĠInterior":22474,"ĠDistribution":22475,"Ġprow":22476,"Ġknowledgeable":22477,"Ġcalculus":22478,"Ġeclipse":22479,"earth":22480,"Ġmaneuver":22481,"Ġchol":22482,"Ġstranger":22483,"ĠWire":22484,"Ġspecializing":22485,"Journal":22486,"upus":22487,"ĠValent":22488,"Ġproclaimed":22489,"Ġblueprint":22490,"Ġcass":22491,"Ġthigh":22492,"ĠWaters":22493,"Ġlongitudinal":22494,"Ġfaint":22495,"ective":22496,"film":22497,"ĠPerspectives":22498,"basic":22499,"ĠRegiment":22500,"legend":22501,"FN":22502,"larg":22503,"ĠChanging":22504,"Ġdiscourage":22505,"Ġexpects":22506,"ĠSignificance":22507,"surface":22508,"Application":22509,"Ġvigilant":22510,"ECD":22511,"Ġantimicrobial":22512,"ĠHD":22513,"ustomed":22514,"oeing":22515,"Between":22516,"odic":22517,"Ġrud":22518,"ICT":22519,"Ġtimed":22520,"Ġtransferring":22521,"annon":22522,"Ġabbrev":22523,"Ġtsunami":22524,"ogan":22525,"ĠLit":22526,"Ġintuition":22527,"Ġnanoparticles":22528,"Length":22529,"Ġphotographic":22530,"Impro":22531,"bounds":22532,"Ġhips":22533,"Ġuncle":22534,"Ġmissionaries":22535,"Ġjuices":22536,"Ġcocoa":22537,"ERROR":22538,"Ġbending":22539,"rais":22540,"ĠDin":22541,"Ġgenomes":22542,"ĠBehav":22543,"ĠFitz":22544,"Ġunve":22545,"cells":22546,"Ġlistener":22547,"keras":22548,"ĠKur":22549,"ampus":22550,"Ġcatar":22551,"Ġopenings":22552,"Ġseasoned":22553,"oarthritis":22554,"ĠTru":22555,"ĠWear":22556,"Ġincarc":22557,"ĠCharter":22558,"Ġfortified":22559,"Abstract":22560,"Ġdeities":22561,"Channel":22562,"development":22563,"Layer":22564,"Ġoccupations":22565,"Ġgarments":22566,"Ġderivatives":22567,"ĠManhattan":22568,"etta":22569,"Ġdeadlines":22570,"Ġcrashes":22571,"Ġfond":22572,"Ġforefront":22573,"ĠEpidem":22574,"ĠBenn":22575,"Ġawake":22576,"Ġ":22690,"nih":22691,"ĠHus":22692,"Ġobedience":22693,"Ġtriangles":22694,"Its":22695,"ints":22696,"Ġranged":22697,"Ġhappily":22698,"dehy":22699,"Ġblessings":22700,"density":22701,"Ġlays":22702,"Ġbiased":22703,"ĠDynamics":22704,"Ġworsen":22705,"ĠStorm":22706,"Ġsympathetic":22707,"ĠOffer":22708,"anim":22709,"ĠBirmingham":22710,"delay":22711,"Ġfortunate":22712,"Ġlegacies":22713,"Ġdistracted":22714,"Ġwholly":22715,"abol":22716,"Ġrests":22717,"Ġencompassing":22718,"ĠIEEE":22719,"Cost":22720,"ĠTang":22721,"ĠWes":22722,"ĠVent":22723,"olding":22724,"engue":22725,"ĠLeave":22726,"Ġascertain":22727,"utral":22728,"sync":22729,"Ġappearances":22730,"Query":22731,"ĠSweet":22732,"uled":22733,"Ġtwins":22734,"Ġawkward":22735,"ĠGaussian":22736,"treatment":22737,"ĠScre":22738,"setting":22739,"berty":22740,"allas":22741,"Ġslaughter":22742,"ĠLiterary":22743,"done":22744,"Ġconvergence":22745,"Body":22746,"Ġcontend":22747,"Ġchapel":22748,"optimizer":22749,"Sam":22750,"ĠNiger":22751,"Ġvictories":22752,"Ġblowing":22753,"ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":22754,"Ġtrivial":22755,"creat":22756,"mig":22757,"ĠConstraint":22758,"Ġtutorials":22759,"ĠMartha":22760,"ĠRN":22761,"Ġlegumes":22762,"ollar":22763,"Ġmiracle":22764,"ĠBir":22765,"ĠGE":22766,"Ġnominal":22767,"Ġadhering":22768,"Ġdrawbacks":22769,"ĠHarper":22770,"Ġtransmitting":22771,"Ġdispersed":22772,"onge":22773,"arrison":22774,"Ġsalaries":22775,"fp":22776,"Soft":22777,"Determ":22778,"ĠJuvenile":22779,"Ġfamiliarity":22780,"Ġcandle":22781,"ĠEvans":22782,"ĠMaps":22783,"Ġfueled":22784,"Ġsubmitting":22785,"ĠTag":22786,"ĠStanley":22787,"Ġsearched":22788,"Ġconvicted":22789,"Dir":22790,"Sun":22791,"ankton":22792,"ĠCoff":22793,"openh":22794,"ailability":22795,"Ġsincere":22796,"Ġceased":22797,"Ġsetbacks":22798,"Ġdistinguishing":22799,"aro":22800,"Ġdeity":22801,"ĠCommercial":22802,"arah":22803,"Ġfork":22804,"ĠAA":22805,"ĠSettings":22806,"Ġinterviewed":22807,"nb":22808,"ivist":22809,"Ġcarbs":22810,"Ġleukemia":22811,"idian":22812,"igg":22813,"ĠMaced":22814,"umed":22815,"Ġhonestly":22816,"kt":22817,"assador":22818,"Ġmonoxide":22819,"ĠExperts":22820,"dale":22821,"roughts":22822,"Ġtestosterone":22823,"Ġbrig":22824,"odynamics":22825,"Ġdilemma":22826,"ENTS":22827,"ĠNearly":22828,"borough":22829,"Ġtickets":22830,"acceptable":22831,"Ġexecuting":22832,"Ġundertaking":22833,"Avoid":22834,"ĠCounter":22835,"ĠLion":22836,"OWN":22837,"ocl":22838,"ĠThai":22839,"ERV":22840,"Ġcoatings":22841,"Family":22842,"EW":22843,"ĠLex":22844,"Ġheroic":22845,"insp":22846,"ĠMilky":22847,"Ġunforgettable":22848,"VII":22849,"ĠParker":22850,"ĠBehavioral":22851,"Saharan":22852,"atitis":22853,"Ġproceeds":22854,"Ġbiochemical":22855,"Ġlandfill":22856,"Ġexpressive":22857,"organized":22858,"Ġsuppressed":22859,"Ġcrying":22860,"Ġbananas":22861,"ĠLeo":22862,"Ġretailers":22863,"abolic":22864,"Ġintermitt":22865,"fitting":22866,"Ġarguably":22867,"ĠBranch":22868,"ellows":22869,"solete":22870,"Ġsurgeries":22871,"Ġcorps":22872,"Ġwarrior":22873,"ĠEthical":22874,">\"":22875,"middle":22876,"alach":22877,"Ġgarn":22878,"Ġstatistic":22879,"ĠRequest":22880,"Ñĩ":22881,"ĠPregn":22882,"ĠLl":22883,"Ġsquad":22884,"ĠPortland":22885,"Ġresolutions":22886,"XR":22887,"neigh":22888,"moil":22889,"production":22890,"gene":22891,"Ġhydrated":22892,"Ġdisappointed":22893,"ĠSolid":22894,"cool":22895,"Ġcustomary":22896,"atonin":22897,"ĠVul":22898,"ANG":22899,"Ġµ":22900,"rill":22901,"rout":22902,"ardships":22903,"brids":22904,"attrs":22905,"checked":22906,"ĠGriff":22907,"Ġbump":22908,"ĠEmail":22909,"Ġhydrox":22910,"since":22911,"Ġimpressions":22912,"Ġgoat":22913,"Ġexpresses":22914,"Ġmonarchy":22915,"Ġprogrammed":22916,"Ġmanipulating":22917,"Ġvowel":22918,"ĠKelly":22919,"ĠAthen":22920,"Ġmalignant":22921,"Server":22922,"Ġenlight":22923,"ä¸Ģ":22924,"ĠGirl":22925,"ĠWITHOUT":22926,"ĠCemetery":22927,"Ġafterward":22928,"RIG":22929,"ĠSpeed":22930,"agles":22931,"plementation":22932,"Ġsilly":22933,"ĠSurface":22934,"ĠMilk":22935,"Ġdisproportionately":22936,"ulators":22937,"Ġfabrication":22938,"ĠFine":22939,"Ann":22940,"ĠPole":22941,"functions":22942,"abstract":22943,"Ġallied":22944,"Ġmisunderstandings":22945,"ĠRT":22946,"Ġnewest":22947,"gray":22948,"Ġfaults":22949,"Ġregimen":22950,"Ġlamb":22951,"ĠFunctions":22952,"/%":22953,"Ġprofessions":22954,"Tag":22955,"encer":22956,"Ġfetch":22957,"ĠLever":22958,"Super":22959,"armed":22960,"Third":22961,"Ġmetropolitan":22962,"Ġintestines":22963,"((-":22964,"Ġvillagers":22965,"calc":22966,"Ġindications":22967,"Ġgardeners":22968,"ĠPreparation":22969,"Serializer":22970,"Ġvintage":22971,"ĠRol":22972,"ĠNy":22973,"ĠZika":22974,"Ġrav":22975,"azi":22976,"Order":22977,"Ġroller":22978,"ĠBalancing":22979,"Ġimpulses":22980,"Ġdorsal":22981,"idy":22982,"ĠDetermine":22983,"Ġstagn":22984,"Ġdisclosure":22985,"ĠGrass":22986,"Ġhereditary":22987,"ourable":22988,"Ġeuro":22989,"ĠLad":22990,"Ġformidable":22991,"etus":22992,"ĠRis":22993,"Ġaggress":22994,"Ġmoons":22995,"ĠCycle":22996,"Ġubiquitous":22997,"ĠSR":22998,"Ġsensible":22999,"ĠCreator":23000,"linked":23001,"ĠAcross":23002,"Ġforecasting":23003,"ĠĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":23004,"usa":23005,"Ġcompass":23006,"Ġmoderation":23007,"Ġtrout":23008,"Pred":23009,"ophobia":23010,"Ġtowel":23011,"Ġbeating":23012,"Standard":23013,"etal":23014,"ĠKi":23015,"meter":23016,"ĠSit":23017,"pliance":23018,"Ġimpress":23019,"ĠStream":23020,"Ġbombing":23021,"åĽ":23022,"abe":23023,"\"]:":23024,"ĠGirls":23025,"Ġclips":23026,"ĠPatient":23027,"Ġcommented":23028,"ĠBM":23029,"Ġsometime":23030,"Ġexcuse":23031,"Ġwetland":23032,"DATA":23033,"too":23034,"з":23035,"informed":23036,"Ġalloy":23037,"ĠSupplement":23038,"pron":23039,"ĠRing":23040,"Ġtrades":23041,"Ast":23042,"SET":23043,"same":23044,"Ġdeprived":23045,"Ġchooses":23046,"ancel":23047,"ĠLithuan":23048,"roe":23049,"ĠFailure":23050,"urgy":23051,"crop":23052,"inians":23053,"Ġunderwent":23054,"Ġbroaden":23055,"Ġwelcoming":23056,"spl":23057,"Ġcrick":23058,"Ġbil":23059,"amas":23060,"ĠRegulation":23061,"Ġreusable":23062,"ĠQuran":23063,"pendicular":23064,"PAR":23065,"Ġadditions":23066,"ĠNoah":23067,"Ġlicenses":23068,"Dan":23069,"Ġpg":23070,"Ġladder":23071,"ĠBald":23072,"Ġspy":23073,"Ġeyeb":23074,"Ġconductor":23075,"ĠSurve":23076,"Ġirony":23077,"Ġmathematician":23078,"Save":23079,"ĠTurner":23080,"oque":23081,"Ġoutdated":23082,"added":23083,"Options":23084,"Ġtoxin":23085,"ĠMedicare":23086,"ĠSchedule":23087,"çĶ¨":23088,"major":23089,"Ġsmells":23090,"population":23091,"oval":23092,"tlement":23093,"Ġproficient":23094,"Ġmosaic":23095,"Ġarrows":23096,"Recipe":23097,"γ":23098,"ĠRecognizing":23099,"HER":23100,"Ġshaking":23101,"Ġtwists":23102,"Ġpremise":23103,"Medical":23104,"Ġexcavation":23105,"Ġanomalies":23106,"Ġsuperv":23107,"hoe":23108,"Ġrods":23109,"ESC":23110,"ĠCoastal":23111,"Ġtravelled":23112,".\\":23113,"Ġhardships":23114,"urbs":23115,"Ġsocialism":23116,"Ġgraders":23117,"Ġted":23118,"Ġally":23119,"Ġversatility":23120,"Report":23121,"quis":23122,"Ġtimer":23123,"Ġcopying":23124,"ĠPatterns":23125,"Ġilluminated":23126,"Ġdissemination":23127,"thernet":23128,"ebra":23129,"ynamic":23130,"fixture":23131,"ĠFal":23132,"ĠGro":23133,"USE":23134,"Ġvastly":23135,"Series":23136,"Ġchalk":23137,"Ġcurs":23138,"Ġrelaxing":23139,"ĠTerms":23140,"digit":23141,"Ġowl":23142,"Obs":23143,"Ġunauthorized":23144,"Ġdebated":23145,"Ġsampled":23146,"Ġgateway":23147,":\",":23148,"Target":23149,"^^":23150,"âĹ":23151,"Ġclog":23152,"ĠTea":23153,"Ġfiguring":23154,"Ġpatriarch":23155,"Ġcohesion":23156,"mad":23157,"Ġstripes":23158,"ðĿ":23159,"Ġtails":23160,"ĠSib":23161,"ĠWays":23162,"Ġgraves":23163,"ĠGardens":23164,"Ġanarch":23165,"atican":23166,"interface":23167,"Ġheadlines":23168,"regulated":23169,"âĢĿ),":23170,"Ġpreventative":23171,"Adv":23172,"Ġstabilize":23173,"ĠLayer":23174,"ĠRichmond":23175,"ĠEspecially":23176,"ForeignKey":23177,"Ġolig":23178,"ocom":23179,"ĠWA":23180,"egrad":23181,"Ġanalyse":23182,"mate":23183,"ĠAccordingly":23184,"Ġsteering":23185,"Ġeditions":23186,"ĠDean":23187,"ĠTI":23188,"ppe":23189,"si":23190,"initions":23191,"ĠKrish":23192,"([[":23193,"ĠIncorpor":23194,"ĠInstall":23195,"members":23196,"idisciplinary":23197,"assertRaises":23198,"Ġbravery":23199,"[:-":23200,"Ġboosting":23201,"Ġshoots":23202,"Ġpostdoc":23203,"ĠSpot":23204,"Ġhurdles":23205,"character":23206,"lated":23207,"ĠTropical":23208,"living":23209,"ĠEug":23210,"utrient":23211,"Ġburdens":23212,"åĬ":23213,"Ġnap":23214,"Ġflourished":23215,"Ġswallowing":23216,"Ġsailed":23217,"ialog":23218,"ĠDragon":23219,"Ġjealous":23220,"Ġcereals":23221,"ĠMiami":23222,"Ġeps":23223,"Ġappre":23224,"Ġchairman":23225,"bishop":23226,"âĨ":23227,"iculture":23228,"balanced":23229,"aton":23230,"ĠPradesh":23231,"urer":23232,"rigger":23233,"ĠNT":23234,"Ġprecursor":23235,"nee":23236,"Ġnonetheless":23237,"ĠNeeds":23238,"unittest":23239,"ĠDys":23240,"ĠVit":23241,"Ġoffenders":23242,"prev":23243,"ĠSteven":23244,"Ġshuttle":23245,"Ġphysicists":23246,"Ġpant":23247,"Ġreminiscent":23248,"Ġtenth":23249,"Ġauction":23250,"Ġmonster":23251,"Ġoriginating":23252,"Ġconcentrating":23253,"lia":23254,"Ġcomposting":23255,"Ġgraphene":23256,"lycer":23257,"Ġspecifies":23258,"ĠExpect":23259,"Optional":23260,"Ġimprisonment":23261,"Ġprepares":23262,"Ġnicely":23263,"Ġtorque":23264,"ĠCambodia":23265,"lasses":23266,"Ox":23267,"Ġanalysed":23268,"Ġexceeding":23269,"Ġeruptions":23270,"Ġbloody":23271,"Ġdetailing":23272,"racies":23273,"æĹ":23274,"edes":23275,"Ġanecd":23276,"Ġinfamous":23277,"ĠCup":23278,"ortions":23279,"elles":23280,"ĠImaging":23281,"belie":23282,"Ġmicrobiome":23283,"Ġfights":23284,"processor":23285,"aderie":23286,"Product":23287,"araderie":23288,"ĠAmsterdam":23289,"ĠSupply":23290,"tasks":23291,"Ġredemption":23292,"acs":23293,"Ġsecurities":23294,"Ġbedroom":23295,"Plan":23296,"Python":23297,"rules":23298,"ĠAverage":23299,"ĠBudget":23300,"ĠTheore":23301,"ĠAdvance":23302,"ĠAdmiral":23303,"ovolta":23304,"Ġpresidency":23305,"lene":23306,"oku":23307,"ĠFeatures":23308,"ï¿":23309,"edar":23310,"ĠFel":23311,"Ġpopul":23312,"Ġintegers":23313,"Ġimpairments":23314,"ĠManchester":23315,"Ġculprit":23316,"MIN":23317,"arently":23318,"ĠFilip":23319,"Ġbreakthroughs":23320,"GT":23321,"Ġestimating":23322,"ĠAustralians":23323,"ĠNova":23324,"Ġambiguity":23325,"ĠMak":23326,"Ġcoarse":23327,"ĠMayo":23328,"ĠExplorer":23329,"UNT":23330,"ĠWor":23331,"ighted":23332,"study":23333,"Gui":23334,"oux":23335,"ĠBreat":23336,"Ġexpenditures":23337,"ourt":23338,"ÙĬ":23339,"ĠContinental":23340,"ĠPsychiatry":23341,"WE":23342,"Ġtransient":23343,"claimer":23344,"library":23345,"ĠSeed":23346,"BV":23347,"Eth":23348,"gering":23349,"Ġshale":23350,"Ġconfirms":23351,"Indeed":23352,"Engine":23353,"Ġbelts":23354,"Ġstartup":23355,"Ġdemographics":23356,"Ġstrategically":23357,"ĠPractical":23358,"ruits":23359,"Ġparalysis":23360,"âĢ¦âĢĿ":23361,"Ġinvitation":23362,"fuels":23363,"ĠWorksheets":23364,"Ġtread":23365,"ĠBun":23366,"Ġintros":23367,"ĠSomething":23368,"ĠSlav":23369,"ĠCharacteristics":23370,"aci":23371,"Ġeds":23372,"Ġneutron":23373,"iesel":23374,"uez":23375,"Ġurgency":23376,"Ġprobabilities":23377,"CF":23378,"reth":23379,"ĠToxic":23380,"ĠFol":23381,"ĠArchive":23382,"Ġsquash":23383,"ĠClassification":23384,"uber":23385,"čĊĠĠĠĠ":23386,"Ġmeaningfully":23387,"ĠGrace":23388,"yaml":23389,"Blue":23390,"ĠMack":23391,"ĠHearing":23392,"Altern":23393,"Ġailments":23394,"ĠFou":23395,"Ġantiquity":23396,"itutional":23397,"ILITY":23398,"Ġcomedy":23399,"ĠLI":23400,"ĠGay":23401,"Ġmeasurable":23402,"ĠBeginning":23403,"Ġhandwriting":23404,"define":23405,"Ġinsecurity":23406,"ĠBened":23407,"ĠDemocracy":23408,"Ġmism":23409,"Ġhug":23410,"chr":23411,"Ġdecoration":23412,"ĠProviding":23413,"Ġrevenge":23414,"Ġsplend":23415,"rocess":23416,"Change":23417,"Ġheavens":23418,"Ġpelvic":23419,"Hum":23420,"amph":23421,"Ġmantle":23422,"ĠIntel":23423,"Ġrecharge":23424,"Ġsuspicion":23425,"oter":23426,"Ġcalculates":23427,"SELECT":23428,"yellow":23429,"Ġamerican":23430,"Ġvolt":23431,"HTTP":23432,"edical":23433,"Ġportal":23434,"Ġcontracted":23435,"Ġweighted":23436,"Ġsquee":23437,"STAT":23438,"Ġmelody":23439,"Ġorbiting":23440,"LU":23441,"ĠGon":23442,"phthalm":23443,"encoder":23444,"Ġmelanoma":23445,"=%":23446,"Ġfines":23447,"DEFAULT":23448,"perture":23449,"nets":23450,"Ġabuses":23451,"Ġevangel":23452,"measure":23453,"Ġextremes":23454,"otheli":23455,"Ġbolster":23456,"Perm":23457,"rtype":23458,"ĠKab":23459,"Everyone":23460,"Ġta":23461,"topl":23462,"Ġdizziness":23463,"ĠDVD":23464,"Ġmarkings":23465,"Ġconductivity":23466,"Ġauthorship":23467,"runt":23468,"ĠPittsburgh":23469,"Ġstric":23470,"Ġaccustomed":23471,"ĠAlexandria":23472,"Ġcorals":23473,"ĠCorinth":23474,"ĠRosen":23475,"Ġxml":23476,"Ġenthusiastic":23477,"Ġassure":23478,"Ġflames":23479,"ĠNotImplemented":23480,"Ġvas":23481,"talk":23482,"Thomas":23483,"Stream":23484,"essori":23485,"Ġambiguous":23486,"Ġinfer":23487,"Ġduplicate":23488,"invasive":23489,"Ġimprisoned":23490,"Pan":23491,"ĠPredict":23492,"Ġmodeled":23493,"orithm":23494,"ĠCNN":23495,"dead":23496,"Ġshocking":23497,"ATCH":23498,"ĊĠĠĠĠĠĠĠĠĠĠĠĠĊĠĠĠĠĠĠĠĠĠĠĠ":23499,"Ġskepticism":23500,"Ġenclosure":23501,"Ġforestry":23502,"ĠModule":23503,"ĠCharlotte":23504,"Jewish":23505,"Ġms":23506,"ĠZimbabwe":23507,"Ġunusually":23508,"Ġbaptism":23509,"Roman":23510,"requent":23511,"ĠInfantry":23512,"ĠMorocco":23513,"might":23514,"ĠPant":23515,"Auto":23516,"gz":23517,"analy":23518,"ĠFriend":23519,"Ġrecruited":23520,"ĠBod":23521,"Ġherpes":23522,"Ġcamaraderie":23523,"Ġpervasive":23524,"ÉĻ":23525,"oratory":23526,"Ġattribut":23527,"ĠDiscover":23528,"Ġnurture":23529,"Summary":23530,"Pot":23531,"ĠLost":23532,"Ġcurv":23533,"Master":23534,"orect":23535,"acea":23536,"atha":23537,"ĠBloom":23538,"Ġpolynomial":23539,"Ġape":23540,"idad":23541,"ĠTas":23542,"Ġinterrog":23543,"gun":23544,"anation":23545,"Ġpeninsula":23546,"Ġcustody":23547,"Ġpenn":23548,"Ġbred":23549,"eston":23550,"Ġdisruptions":23551,"athon":23552,"Ġpuls":23553,"Hen":23554,"Ġpredicts":23555,"Plant":23556,"LOW":23557,"Ġturmoil":23558,"Ġcleanup":23559,"ĠSalv":23560,"OLD":23561,"Ġprotagonists":23562,"Ġitching":23563,"Ġadditive":23564,"Ġlitigation":23565,"ĠButton":23566,"Ġexercised":23567,"Ġts":23568,"racted":23569,"Ġrespiration":23570,"Ġskeptical":23571,"Default":23572,"Ġdictionaries":23573,"ĠDifficult":23574,"Ġbiomedical":23575,"Ġrevival":23576,"Ġneuron":23577,"ĠStatistical":23578,"Histor":23579,"Ġdisagreement":23580,"ĠFaculty":23581,"ĠLibraries":23582,"Ġpals":23583,"ĠBert":23584,"Ġoptimized":23585,"ĠAirport":23586,"´":23587,"Ġstove":23588,"Ġexhibitions":23589,"Ġcongreg":23590,"Connection":23591,"rass":23592,"ographically":23593,"Ġnouns":23594,"Recently":23595,"Ġutens":23596,"\"}":23597,"orp":23598,"Ġrelent":23599,"Ġgastric":23600,"Cy":23601,"ĠStuart":23602,"ĠCommissioner":23603,"Jesus":23604,"ĠSustainability":23605,"ĠDow":23606,"ĠShi":23607,"ICS":23608,"ĠHein":23609,"Dele":23610,"Ġdifferentiated":23611,"Ġensured":23612,"Ġcompetencies":23613,"functional":23614,"bis":23615,"ĠEndangered":23616,"Ġaccepts":23617,"rah":23618,"Ġenlightenment":23619,"Ġdiscriminatory":23620,"ĠRichards":23621,"scal":23622,"Ġindustrialization":23623,"Ġpeasants":23624,"ĠMW":23625,"_.":23626,"ĠGem":23627,"Ġpreparedness":23628,"ĠLane":23629,"Ġinference":23630,"beck":23631,"Ġwidow":23632,"invalid":23633,"Ġhull":23634,"ĠYan":23635,"Ġcherry":23636,"ĠSuccessful":23637,"ĠChoosing":23638,"ĠAdvisory":23639,"Ġsterile":23640,"Bo":23641,"Ġflooded":23642,"soriasis":23643,"Ġfrustrating":23644,"Cell":23645,"READ":23646,"igraphy":23647,"UCT":23648,"uned":23649,"Ġdiaphrag":23650,"Ġlatent":23651,"Ġexistential":23652,"ĠInstagram":23653,"consider":23654,"Ġworthwhile":23655,"Ġcabbage":23656,"ĠPartnership":23657,"orable":23658,"imming":23659,"istine":23660,"ocard":23661,"ĠKil":23662,"Ġundergone":23663,"protected":23664,"Ġintervene":23665,"eracy":23666,"Ġmayor":23667,"affected":23668,"Ġcredible":23669,"Ġsedentary":23670,"ĠMontgomery":23671,"Ġdocumenting":23672,"ĠAG":23673,"Ġseated":23674,"ĠGRE":23675,"lington":23676,"Ġcinema":23677,"ipes":23678,"Ġherds":23679,"Ġesc":23680,"Ġcontacted":23681,"Reference":23682,"ĠCoalition":23683,"Ġcompulsory":23684,"Sil":23685,"Psych":23686,"llib":23687,"Ġregret":23688,"why":23689,"igers":23690,"Ġreporter":23691,"Ġcoloured":23692,"Ġfried":23693,"Ġpolitician":23694,"Ġcontracting":23695,"Ġmodular":23696,"Ġlandowners":23697,"Ġfascination":23698,"Ġsanctions":23699,"ĠOccupational":23700,"Ġjudgement":23701,"ĠBulletin":23702,"Ġdaytime":23703,"Ġviability":23704,"Ġunderstandable":23705,"ĠExternal":23706,"Ġbenz":23707,"Ġ«":23708,"Ġconfigured":23709,"Ġrectangle":23710,"Ġencrypted":23711,"Ġthrew":23712,"ĠSI":23713,"Ġsparse":23714,"Ġdeserts":23715,"Ġicons":23716,"Ġadorned":23717,"Ġprocure":23718,"Ġlessen":23719,"/>":23720,"segment":23721,"Ġdefendant":23722,"ĠPublishers":23723,"reaching":23724,"ĠVas":23725,"Ġeval":23726,"Ġfurnace":23727,"ÑĢа":23728,"Ġbeetle":23729,"fac":23730,"ĠBour":23731,"Ġexplorer":23732,"plugin":23733,"Ġserm":23734,"itas":23735,"Ġgraphical":23736,"Management":23737,"Ġdissolve":23738,"Ġsoutheastern":23739,"Ġabnorm":23740,"ĠCircuit":23741,"Mass":23742,"dark":23743,"Ġrehe":23744,"Ġlease":23745,"scar":23746,"ĠSteps":23747,"Ġadvisable":23748,"ĠSatan":23749,"Ġmerits":23750,"Ġexceptionally":23751,"ĠHalloween":23752,"acking":23753,"ĠStrait":23754,"Ġpolluted":23755,"ĠArtists":23756,"Ġpolymers":23757,"cale":23758,"reason":23759,"ĠBurg":23760,"ĠFO":23761,"ĠLDL":23762,"Ġclan":23763,"Ġcurb":23764,"INFO":23765,"arvation":23766,"ĠMail":23767,"outube":23768,"ĠEmphas":23769,"consuming":23770,"ĠRabbi":23771,"apture":23772,"Ġrebels":23773,"Po":23774,"Ġunsuccessful":23775,"Ġrover":23776,"ĠPreservation":23777,"ĠTransform":23778,"primary":23779,"stery":23780,"ogy":23781,"ousands":23782,"ĠWallace":23783,"Ġpunctuation":23784,"Ġspp":23785,"Ġrunner":23786,"ĠClient":23787,"ĠPowerPoint":23788,"Ġunconventional":23789,"Ġlazy":23790,"Ġdistorted":23791,"ĠProperties":23792,"ĠClare":23793,"Ġphotons":23794,"Ġprogressively":23795,"Ġgranting":23796,"cn":23797,"Ġdire":23798,"čĊĠ":23799,"Ġderives":23800,"jah":23801,"Ġoffense":23802,"utory":23803,"ĠMesopotam":23804,"Ġcollects":23805,"ĠExperimental":23806,"Ap":23807,"ĠTi":23808,"Ġspherical":23809,"ĠShaw":23810,"grav":23811,"Ġarmor":23812,"rusted":23813,"Ġunchanged":23814,"Ġswings":23815,"ontally":23816,"Ġ})":23817,"ĠOrganizations":23818,"NF":23819,"iruses":23820,"Ġpainters":23821,"enes":23822,"Ġmotives":23823,"USER":23824,"ĠOmega":23825,"quisition":23826,"unal":23827,"Ġentang":23828,"Ġproposes":23829,"Working":23830,"chin":23831,"payload":23832,"Ġgoogle":23833,"ĠAtmospheric":23834,"mala":23835,"ivitis":23836,"ĠESA":23837,"Ġprominence":23838,"Ġcoursework":23839,"attice":23840,"Ġbasement":23841,"+\"":23842,"Ġcarbonate":23843,"Fun":23844,"getLogger":23845,"Ġgras":23846,"rading":23847,"ĠLiberal":23848,")\",":23849,"lantic":23850,"quest":23851,"ĠNR":23852,"Ġunderstandings":23853,"Ġbehavioural":23854,"Could":23855,"Washington":23856,"raising":23857,"Vs":23858,"gold":23859,"Ġbyte":23860,"Ġspaced":23861,"Ġselfish":23862,"Ġregiment":23863,"Ġsemantic":23864,"ĠRocky":23865,"Ġcinnamon":23866,"Ġwomb":23867,"chief":23868,"Ġlecturer":23869,"Ġresembling":23870,"Ġ'',":23871,"ascar":23872,"Ġbundle":23873,"ourgeois":23874,"Ġtirelessly":23875,"Sat":23876,"Ġenrollment":23877,"vantages":23878,"Tips":23879,"ĠTao":23880,"Ġspat":23881,"Ġdemocr":23882,"Ġmissionary":23883,"ĠHindus":23884,"Prior":23885,"oct":23886,"Ġcarot":23887,"Ġcounselor":23888,"ocaly":23889,"ĠKIND":23890,"Ġsanit":23891,"Ġsolvent":23892,"ĠDisabilities":23893,"iper":23894,"sometimes":23895,"åľ":23896,"quin":23897,"ĠLot":23898,"rounded":23899,"commerce":23900,"(\"%":23901,"Ġmund":23902,"ĠKevin":23903,"ĠRegulations":23904,"celain":23905,"ĠJudah":23906,"Ġlettuce":23907,"Ġdancers":23908,"Ġabused":23909,"ĠNursing":23910,"Congratulations":23911,"Ġbile":23912,"Ġdroughts":23913,"sched":23914,"Ġhemp":23915,"Ġinvari":23916,"Ġconstituted":23917,"Ġmeticulous":23918,"Ġspear":23919,"Individual":23920,"Ah":23921,"respect":23922,"Ġpoorest":23923,"ĠCircle":23924,"omaly":23925,"ĠCategory":23926,"chanical":23927,"Ġmanifestation":23928,"Ġrationale":23929,"ĠCod":23930,"ggle":23931,"Ġbrowse":23932,"Ġinconsist":23933,"ĠSut":23934,"Ġprosperous":23935,"Ġmunicipalities":23936,"Ġenrichment":23937,"ĠDIY":23938,"ÙĪ":23939,"Ġwines":23940,"Ġnec":23941,"ĠMedicaid":23942,"Ġexacerbate":23943,"anus":23944,"ibular":23945,"ĠArduino":23946,"Ġв":23947,"negie":23948,"Ġesophagus":23949,"ĠHend":23950,"ĠRs":23951,"Ġshining":23952,"ĠAlban":23953,"CoV":23954,"/\"":23955,"emann":23956,"ĠMeteor":23957,"George":23958,"education":23959,"GH":23960,"ĠATP":23961,"Ġexting":23962,"Ġparliamentary":23963,"}'.":23964,"ĠHat":23965,"ĠGates":23966,"Ġchores":23967,"ĠDoctors":23968,"innitus":23969,"×ķ":23970,"Ġlending":23971,"ĠBath":23972,"izards":23973,"Ġtoddlers":23974,"Ġpall":23975,"posium":23976,"Ġcontractors":23977,"Ġsigma":23978,"Ġfals":23979,"etc":23980,"Ġtransporting":23981,"Ġlaund":23982,"Ġprogrammers":23983,"ĠWag":23984,"ĠEagle":23985,"Ġunravel":23986,"Ġinscription":23987,"ĠAllies":23988,"Ġirrevers":23989,"ĠManufacturing":23990,"wrap":23991,"Ġtect":23992,"irling":23993,"ĠMul":23994,"Ġclue":23995,"Ġsupplying":23996,"Ġpunished":23997,"Ġcrews":23998,"Ġpersuade":23999,"Ġpeacefully":24000,"ĠCheroke":24001,"ĠOrganisation":24002,"ĠPanama":24003,"Ġdistortion":24004,"Ġadmired":24005,"ов":24006,"Ġsemiconductor":24007,"fills":24008,"ipel":24009,"Ġadvertisements":24010,"ĠĠĠĠĠĠĠĠĠĠĠĠĠ":24011,"Ġexcessively":24012,"Ġtransplantation":24013,"dehyde":24014,"Hyd":24015,"ĠProdu":24016,"\"][":24017,"ĠAugustine":24018,"ĠDivide":24019,"Ġtravers":24020,"Ġjoke":24021,"?âĢĻ":24022,"MRI":24023,"åº":24024,"Ġsubmerged":24025,"Ġrebuilt":24026,"utan":24027,"Ġalcoholic":24028,"Ġnavy":24029,"Ġrevolt":24030,"fname":24031,"Ġcact":24032,"itious":24033,"acchar":24034,"Ġtoddler":24035,"Ġtan":24036,"ĠChoice":24037,"designed":24038,"Ġvolunteering":24039,"Ġmystical":24040,"ĠHarmony":24041,"Fire":24042,"lead":24043,"ĠReformation":24044,"Ġperiodontal":24045,"Er":24046,"Middle":24047,"VR":24048,"ĠMyanmar":24049,"compatible":24050,"Ġknot":24051,"lecting":24052,"Ġsums":24053,"ĠPine":24054,"Ġcans":24055,"Ġleague":24056,"Ġregisters":24057,"Ġproponents":24058,"ĠWide":24059,"ĠConnections":24060,"aning":24061,"ĠFruit":24062,"ĠAdobe":24063,"ĠMarketing":24064,"harm":24065,"Ġequival":24066,"Ġirrational":24067,"Ġprobiotics":24068,"Ġpreventable":24069,"Ġsqueeze":24070,"ĠBrooklyn":24071,"mith":24072,"Ġcott":24073,"oxy":24074,"Ġeconomical":24075,"ĠRespect":24076,"ĠDoing":24077,"Ġsinger":24078,"spot":24079,"ĠPrivacy":24080,"urious":24081,"INS":24082,"Ġtuition":24083,"ĠOriginally":24084,"ĠTesla":24085,"Ġborne":24086,"ĠSAT":24087,"asso":24088,"protein":24089,"Ġpacking":24090,"ĠPolar":24091,"ĠWhenever":24092,"Ġbiting":24093,"ĠCu":24094,"Ġconfigure":24095,"ĠPerspective":24096,"ĠUtilizing":24097,"Ġexaggerated":24098,"Clean":24099,"Ġlocks":24100,"secure":24101,"ĠRadiation":24102,"Ġbuilder":24103,"Ġrevital":24104,"ĠTypeError":24105,"Ġconveyed":24106,"Ġlamin":24107,"ĠDM":24108,"ĠElder":24109,"sided":24110,"Ġcush":24111,"ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":24112,"Ġdenying":24113,"ĠTreasury":24114,"Ġpuppy":24115,"ĠStewart":24116,"Ġslu":24117,"Ġsewing":24118,"rising":24119,"those":24120,"Ġvertex":24121,"]/":24122,"Ġ')":24123,"translate":24124,"oust":24125,"Ġinfancy":24126,"export":24127,"ÃŃs":24128,"Ġundesirable":24129,"cand":24130,"ĠPharaoh":24131,"ĠCareer":24132,"Ġfishermen":24133,"Ġhierarchies":24134,"Ġquar":24135,"ĠTraffic":24136,"Ġmigratory":24137,"Ġvertebra":24138,"Protocol":24139,"sil":24140,"Ġendocrine":24141,"coords":24142,"panish":24143,"naments":24144,"Ġpraised":24145,"Ġsheds":24146,"Ġsatisfactory":24147,"wheel":24148,"Ġrecurs":24149,"ĠVatican":24150,"Ġsupervised":24151,"Pool":24152,"Ġnortheastern":24153,"ĠBond":24154,"ĠBuck":24155,"ĠGit":24156,"ĠThought":24157,"adj":24158,"Ġinfestation":24159,"Ġweighed":24160,"ĠWel":24161,"Ġcompile":24162,"ĠWheel":24163,"Ġtolerant":24164,">\",":24165,"anza":24166,"Ġresent":24167,"ĠIncrease":24168,"iso":24169,"astrous":24170,"aja":24171,"Ġbeaten":24172,"urom":24173,"ĠLas":24174,"Ġdonate":24175,"ĠChapel":24176,"ortic":24177,"Ġengages":24178,"backend":24179,"Ġβ":24180,"Ġstimulated":24181,"Computer":24182,"Ur":24183,"kan":24184,"ipper":24185,"evolving":24186,"xuality":24187,"arnation":24188,"Ġgeneralized":24189,"Ġsweep":24190,"Ġhomeschool":24191,"gre":24192,"Ġpens":24193,"Ġoverflow":24194,"Ġdeficient":24195,"purpose":24196,"ĠHughes":24197,"iotherapy":24198,"plate":24199,"ĠVirus":24200,"ĠConstitutional":24201,"Turn":24202,"Ġcompose":24203,"Ġdetention":24204,"ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":24205,"ĠDemonstr":24206,"depend":24207,"Ġlowers":24208,"occur":24209,"Ġthinner":24210,"�":24211,"Ġpiles":24212,"Ġorphan":24213,"ĠNar":24214,"setter":24215,"Ġconspiracy":24216,"Document":24217,"ĠCAD":24218,"Ġcurrencies":24219,"ĠPeoples":24220,"ĠWWII":24221,"Sn":24222,"Ġinduct":24223,"Ġstairs":24224,"Ġcalibr":24225,"ACH":24226,"orum":24227,"Ġthematic":24228,"Ġ:]":24229,"ĠApproximately":24230,"Ġprofoundly":24231,"ĠLieutenant":24232,"yards":24233,"ĠHemisphere":24234,"Ġarous":24235,"inently":24236,"Ġont":24237,"orers":24238,"Ġbuilders":24239,"ĠQual":24240,"adjust":24241,"ĠHond":24242,"means":24243,"Ġrouting":24244,"Ġnuclei":24245,"ĠLabel":24246,"Ġhints":24247,"anding":24248,"orneys":24249,"omo":24250,"chrom":24251,"ĠLisa":24252,"Ġfactual":24253,"ĠPluto":24254,"Ġcray":24255,"ĠMasters":24256,"ĠIsaiah":24257,"eight":24258,"uristic":24259,"ĠReef":24260,"Ġpurification":24261,"Ġwartime":24262,"lett":24263,"mot":24264,"ĠMining":24265,"ĠMamm":24266,"intensity":24267,"Ġproceeded":24268,"Ġlesbian":24269,"Ġlumber":24270,"ĠMerc":24271,"Ġresiding":24272,"Ġcoerc":24273,"Ġveteran":24274,"ensen":24275,"Ġsustaining":24276,"Ġreplen":24277,"ĠIncome":24278,"brand":24279,"Ġtribut":24280,"Ġgn":24281,"ĠCome":24282,"Ġwinding":24283,"Ġtriggering":24284,"ĠCarlos":24285,"ĠNATO":24286,"Ġpushes":24287,"LI":24288,"Ġlane":24289,"ĠConfuci":24290,"ĠDifference":24291,"ĠLiu":24292,"ĠGuy":24293,"Ġsquirrels":24294,"tens":24295,"Ġstair":24296,"ĠCriminal":24297,"Ġmodalities":24298,"***":24299,"Ġcruise":24300,"Ġeczema":24301,"ĠNHS":24302,"Ġmigraine":24303,"Ġdormant":24304,"cig":24305,"renched":24306,"asonry":24307,"Ġsubstitution":24308,"Ġchore":24309,"ĠRyan":24310,"Ġacknowledges":24311,"Ġblown":24312,"Ġmonumental":24313,"Ġost":24314,"ĠAuthent":24315,"ĠLaura":24316,"gated":24317,"ĠHerbert":24318,"ĠONE":24319,"critical":24320,"Ġdyes":24321,"Ġboots":24322,"Ġkinetic":24323,"Eval":24324,"Ġrefresh":24325,"ivided":24326,"Ġpretend":24327,"ĠDevice":24328,")],":24329,"aq":24330,"sten":24331,"Ġcalming":24332,"Ġobservational":24333,"bc":24334,"ĠAlpha":24335,"Ġgeothermal":24336,"ĠiPad":24337,"rf":24338,"Ġnarc":24339,"Ġperpendicular":24340,"Ġformative":24341,"Ġriders":24342,"Western":24343,"ĠCoc":24344,"ĠNad":24345,"clinical":24346,"Ġreddish":24347,"ĠJake":24348,"Ġcostumes":24349,"align":24350,"Ġdefended":24351,"ĠRein":24352,"Ġelevate":24353,"Ġridicul":24354,"Similar":24355,"Ġconjug":24356,"socket":24357,"ĠKo":24358,"Ġhelper":24359,"Ġlottery":24360,"Ġgranite":24361,"}$":24362,"Ġrestrictive":24363,"Often":24364,"beans":24365,"Ġmammal":24366,"moving":24367,"Ġoh":24368,"Ġnoisy":24369,"arguments":24370,"Ġcathedral":24371,"Ġinvestigator":24372,"Ġpouring":24373,"Ġproductions":24374,"cit":24375,"Ġgrammatical":24376,"Law":24377,"ĠGrow":24378,"transpose":24379,"faction":24380,"Ġclustering":24381,"Ġlately":24382,"Ġdiscol":24383,"Ġhardy":24384,"Ġoptic":24385,"suff":24386,"icture":24387,"oplast":24388,"Ġclo":24389,"Ġliable":24390,"iquette":24391,"ĠCommerce":24392,"Ġkingdoms":24393,"Ġpuberty":24394,"ĠCats":24395,"ARCH":24396,"Ġslows":24397,"Ġmouths":24398,"Ġpigments":24399,"Ġnormalize":24400,"Little":24401,"oulder":24402,"(\"--":24403,"Ġcounselors":24404,"Mad":24405,"business":24406,"cases":24407,"Ġnotification":24408,"Ġuniqueness":24409,"something":24410,"ĠDiscovering":24411,"Bot":24412,"Ġprognosis":24413,"Ġstatute":24414,"Ġassertion":24415,"Ġsweeping":24416,"Ġaccomplishment":24417,"ĠIdeally":24418,"progress":24419,"!\")":24420,"Ġmissiles":24421,"Ġscripture":24422,"ĠNathan":24423,"needed":24424,"obiles":24425,"Ġrotor":24426,"Ġintertwined":24427,"orectal":24428,"Ġeras":24429,"Ġfeminine":24430,"ucking":24431,"similar":24432,"ropolis":24433,"ingles":24434,"ĠPere":24435,"ractical":24436,"ISH":24437,"ĠHistorically":24438,"Ġvault":24439,"radius":24440,"Ġtimestamp":24441,"Ġobstruction":24442,"Ġastonishing":24443,"would":24444,"ench":24445,"Ġonwards":24446,"Ġblamed":24447,"Ġmediation":24448,"Ġviolated":24449,"Ġfortress":24450,"Ġvocational":24451,"Ġinvestor":24452,"helper":24453,"etermined":24454,"Ġsights":24455,"Ġadvisors":24456,"Ġarid":24457,"Ġchimpan":24458,"Ġsarc":24459,"Ġprerequ":24460,"Ġthoughtfully":24461,"Ġaspirin":24462,"ĠMead":24463,"ternally":24464,"Ġbride":24465,"Ġvaccinations":24466,"Ġconfidentiality":24467,"Ġalliances":24468,"Ġstunt":24469,"ĠPlastic":24470,"idding":24471,"Ġdiagnosing":24472,"Ġreferenced":24473,"Ġscaled":24474,"Ġthrows":24475,"Ġrealise":24476,"Ġoppose":24477,"Ġdevil":24478,"TIME":24479,"Ġtrajectories":24480,"ĠPollution":24481,"uffs":24482,"Ġadmiration":24483,"Ġscattering":24484,"asket":24485,"Ġtrademark":24486,"Ok":24487,"ĠÄ":24488,"Ġobsolete":24489,"Ġconfuse":24490,"ĠDomestic":24491,")\\":24492,"Ġtart":24493,"ĠArray":24494,"ĠFarmers":24495,"certain":24496,"Ġexperiential":24497,"ynes":24498,"Analy":24499,"Ġbilateral":24500,"Ġfolded":24501,"Ġnegotiating":24502,"Ġlawsuit":24503,"facts":24504,"Ġsunshine":24505,"Ġseparates":24506,"ĠAnyone":24507,"ĠComparison":24508,"Ġhort":24509,"Ġ[{":24510,"âĢ¦]":24511,"ĠUpdated":24512,"Ġimperialism":24513,"Tem":24514,"erately":24515,"Ġfills":24516,"ĠWid":24517,"ĠWave":24518,"Ġsuffrage":24519,"imo":24520,"Ġobl":24521,"ossibly":24522,"Ġaffinity":24523,"Ġfiling":24524,"handed":24525,"Ġfn":24526,"Ġoutwe":24527,"atered":24528,"acid":24529,"ĠCoron":24530,"Ġaromatic":24531,"Ġreperto":24532,"ĠGrid":24533,"Ġurging":24534,"ĠEco":24535,"Ġrainy":24536,"IGN":24537,"Ġtranqu":24538,"uli":24539,"Ġconditional":24540,"Ġcrab":24541,"Ġbonus":24542,"RNAs":24543,"Ġsta":24544,"Ġhedge":24545,"arine":24546,"Ġnullable":24547,"Ġdisastrous":24548,"fired":24549,"avoid":24550,"sexual":24551,"Ġevacuation":24552,"Ġladies":24553,"OB":24554,"ategy":24555,"////":24556,"witz":24557,"Ġgreener":24558,"constant":24559,"Ġprowess":24560,"Ġpaving":24561,"Ġ\"[":24562,"Ġcanine":24563,"plastic":24564,"ĠReagan":24565,"Ġwrink":24566,"ĠIbid":24567,"ections":24568,"ĠBrist":24569,"Ġdiagonal":24570,"Ġbasil":24571,"curricular":24572,"ĠReduction":24573,"ĠRestoration":24574,"Ġarticulate":24575,"ĠRachel":24576,"Ġbran":24577,"Ġaligns":24578,"Ġdermatitis":24579,"ĠCord":24580,"Ġrelativity":24581,"avers":24582,"jour":24583,"pse":24584,"Ġhone":24585,"Ġdrained":24586,"ilian":24587,"ĠWoods":24588,"Ġmillennia":24589,"Ġeigen":24590,"otrop":24591,"ĠHipp":24592,"ĠLung":24593,"Ġrainbow":24594,"ĠPotter":24595,"Ġtheta":24596,"ichi":24597,"Ġunite":24598,"Ġacron":24599,"ĠRelease":24600,"Ġdrastic":24601,"Ġmeanwhile":24602,"Ġprofessionally":24603,"Ġcornerstone":24604,"ĠRomantic":24605,"pipeline":24606,"GD":24607,"ĠPrevious":24608,"Loss":24609,"pra":24610,"istered":24611,"ĠCollaboration":24612,"Ġwipe":24613,"Ġregener":24614,"ĠBee":24615,"Ġdecorations":24616,"Ġmigrant":24617,"Ġguardians":24618,"Ġhorns":24619,"Ġusable":24620,"Ġinfertility":24621,"Ġaffair":24622,"ĠViking":24623,"Hol":24624,"RY":24625,"woman":24626,"Ġmalf":24627,"randint":24628,"Ġvitality":24629,"ĠHamlet":24630,"anne":24631,"ĠHz":24632,"entric":24633,"ilitary":24634,"Ġ\"{":24635,"ovo":24636,"skin":24637,"ighthouse":24638,"Ġmaple":24639,"ĠBasically":24640,"Ġcakes":24641,"peace":24642,"Ġoutright":24643,"remote":24644,"ĠMidwest":24645,"Ġpension":24646,"Ġspeculative":24647,"()]":24648,"Ġcomplexes":24649,".',":24650,"Ġhuh":24651,"izontal":24652,"Ġconstraint":24653,"Ġrhyme":24654,"ĠBronze":24655,"Ġsketches":24656,"ĠCha":24657,"ĠYOUR":24658,"Attribute":24659,"Ġadhesive":24660,"ĠFrances":24661,"IDE":24662,"Ġtrustworthy":24663,"Record":24664,"ĠKum":24665,"Ġfrank":24666,"Ġhonored":24667,"trl":24668,"Ġgrouping":24669,"Ġwildfires":24670,"Ġcounterpart":24671,"ĠMetal":24672,"Ġhorizontally":24673,"ÑģÑĤ":24674,"ĠRogers":24675,"ĠPoverty":24676,"ĠGrey":24677,"Ġbeforehand":24678,"Age":24679,"Ġlac":24680,"ĠFib":24681,"endered":24682,"Ġinvaders":24683,"Ġinterst":24684,"exceptions":24685,"IE":24686,"enario":24687,"Ġlur":24688,"scan":24689,"ĠCalvin":24690,"Ġpackaged":24691,"Ġvenue":24692,"ĠRhode":24693,"ĠAaron":24694,"ĠFlat":24695,"Quant":24696,"Ġfoil":24697,"Ġatten":24698,"Ġcarving":24699,"']))":24700,"controll":24701,"ĠSabbath":24702,"mul":24703,"ĠInn":24704,"Ġhybrids":24705,"ĠAmy":24706,"Ġholders":24707,"ĠIdentification":24708,"rinted":24709,"Ġcancell":24710,"Ġrelational":24711,"Ġsliding":24712,"ï¼ļ":24713,"âĢĿ?":24714,"Ġfamously":24715,"ĠStrategic":24716,"engineering":24717,"Ġsubscribe":24718,"brow":24719,"arations":24720,"Ġsolace":24721,"ĠLocation":24722,"Ġhydration":24723,"Ġtasked":24724,"Ġreproduced":24725,"Ber":24726,"Creat":24727,"Ġppm":24728,"Ġimplicated":24729,"Ġauthoritative":24730,"Ġunwilling":24731,"ĠAnalyzing":24732,"cod":24733,"Ġcomposers":24734,"hig":24735,"Ġhose":24736,"ĠActually":24737,"push":24738,"imet":24739,"oslav":24740,"ĠDH":24741,"Ġworkings":24742,"important":24743,"Ġexecut":24744,"Fre":24745,"Hub":24746,"Ġentrepreneurship":24747,"Ġligaments":24748,"JECT":24749,"Ġboiled":24750,"ĠPerfect":24751,"ĠCarn":24752,"ĠVik":24753,"culture":24754,"isha":24755,"oxin":24756,"Ġmaximizing":24757,"Ġeliminates":24758,"ĠExtra":24759,"Ġglaucoma":24760,"Ġgrids":24761,"ĠEdge":24762,"Ġadvisory":24763,"ĠSummit":24764,"Ġlegitimacy":24765,"fail":24766,"Ġdisposable":24767,"inx":24768,"Ġatop":24769,"Ġ______":24770,"communication":24771,"Ġchampions":24772,"itality":24773,"Ġwoodland":24774,"again":24775,"iko":24776,"ĠConstantin":24777,"Ġlump":24778,"Ġpatrol":24779,"Ġsequential":24780,"ĠFuk":24781,"Ġanticipation":24782,"Ġattainment":24783,"ĠAbsolutely":24784,"Prom":24785,"watering":24786,"ĠOlder":24787,"ontology":24788,"Ġacidity":24789,"Later":24790,"Ġarena":24791,"ĠMale":24792,"Ġretros":24793,"Ġboiler":24794,"ĠMontessori":24795,"Ġvertices":24796,"eming":24797,"ĠObviously":24798,"Institutions":24799,"ĠAuthors":24800,"intensive":24801,"Ġquartz":24802,"ĠApproaches":24803,"Ġforaging":24804,"ĠCIA":24805,"archive":24806,"Ġshowcases":24807,"Ġlaptops":24808,"esthetic":24809,"ĠLip":24810,"Ġfounders":24811,"Ġdrills":24812,"Ġpercentages":24813,"=\\":24814,"ivating":24815,"ĠLiv":24816,"Ġstealing":24817,"sha":24818,"Ġdoctrines":24819,"Mor":24820,"Position":24821,"vents":24822,"props":24823,"ophysical":24824,"Ġreverence":24825,"Ġnucleot":24826,"ĠDrugs":24827,"ĠCause":24828,"ĠPont":24829,"ĠLLC":24830,"Ġwasting":24831,"âĢĿ;":24832,"ĠProc":24833,"behavior":24834,"inai":24835,"ĠVolcan":24836,"ĠReviews":24837,"éĢ":24838,"ĠExamining":24839,"ĠAstronomy":24840,"Ġinforming":24841,"USA":24842,"anthrop":24843,"edged":24844,"Ġjointly":24845,"Ġdrains":24846,"Ġcoats":24847,"Ġcollaborators":24848,"yst":24849,"udence":24850,"Ġinflux":24851,"Upon":24852,"Generally":24853,"Ġaccelerating":24854,"Ġleakage":24855,"ĠLandscape":24856,"ĠRig":24857,"Ġstellar":24858,"Ġfourteen":24859,"enguins":24860,"complex":24861,"ĠPoints":24862,"munition":24863,"cnt":24864,"Ġsynd":24865,"Ġpersec":24866,"ĠTwenty":24867,"missing":24868,"Explore":24869,")',":24870,"Indian":24871,"ĠMongol":24872,"BUG":24873,"apache":24874,"eca":24875,"Ġclearance":24876,"Ġsync":24877,"ĠAPA":24878,"STEM":24879,"Ġcomparatively":24880,"Ġdiscouraged":24881,"ĠSomeone":24882,"Ġpige":24883,"Ġvoter":24884,"\"},":24885,"Poly":24886,"Ġasylum":24887,"Ġrenewal":24888,"Ġcosmos":24889,"background":24890,"Ġcontrollers":24891,"Ġpetals":24892,"Simple":24893,"ĠShip":24894,"Ġconnective":24895,"Ġdensities":24896,"past":24897,"atts":24898,"Ġbiotechnology":24899,"Ġdigitally":24900,"dp":24901,"mix":24902,"Ġsuck":24903,"uador":24904,"Ġfolding":24905,"Fs":24906,"lst":24907,"ĠSession":24908,"rylic":24909,"Less":24910,"Ġemig":24911,"Ġrepay":24912,"ĠExpert":24913,"smart":24914,"ND":24915,"ĠBound":24916,"ĠInuit":24917,"brance":24918,"Ġornamental":24919,"angar":24920,"Ġgeomet":24921,"impro":24922,"amic":24923,"ivari":24924,"Chinese":24925,"Ġarchitectures":24926,"ĠâĤ¬":24927,"Ġfaulty":24928,"ĠRoute":24929,"Ts":24930,"cribed":24931,"artments":24932,"ĠZen":24933,"Ġdelegates":24934,"Ġadviser":24935,"Ġborrowing":24936,"Ġsoybean":24937,"Ġaugment":24938,"machine":24939,"Ġpending":24940,"adan":24941,"ĠPion":24942,"Ġcrest":24943,"rystal":24944,"Ġdecentralized":24945,"ĠFly":24946,"ongs":24947,"ĠStudio":24948,"Ġcapacitor":24949,"Ġdepictions":24950,"Wild":24951,"ĠDeut":24952,"Ġhardest":24953,"Selection":24954,"ĠArmstrong":24955,"Ġfeasibility":24956,"Ġcatheter":24957,"й":24958,"ĠWebsite":24959,"Tom":24960,"tu":24961,"Ġspor":24962,"ĠGods":24963,"Ġoval":24964,"Ġunintended":24965,"icc":24966,"############":24967,"Ġpsychotherapy":24968,"Islam":24969,"Ġadjective":24970,"Parents":24971,"Ġdepleted":24972,"Ġplumbing":24973,"Along":24974,"partial":24975,"ĠRus":24976,"ĠRick":24977,"ĠNJ":24978,"agascar":24979,"ĠEdwards":24980,"intern":24981,"ĠHomer":24982,"ucked":24983,"Ġexported":24984,"secondary":24985,"Batch":24986,"Names":24987,"ĠThan":24988,"Ġrevisions":24989,"Ġabolished":24990,"Ġilleg":24991,"Ġtwisted":24992,"Ġpri":24993,"Ġinward":24994,"olin":24995,"ĠTE":24996,"ĠBiodiversity":24997,"ĠExped":24998,"Ġyummy":24999,"Ġmultidisciplinary":25000,"colm":25001,"ĠDenver":25002,"Ġsporting":25003,"lar":25004,"Initial":25005,"ĠBach":25006,"Ġtornado":25007,"Account":25008,"boy":25009,"itories":25010,"Ġrap":25011,"ĠWritten":25012,"arbons":25013,"jobs":25014,"soon":25015,"Ġrifle":25016,"Pay":25017,"wt":25018,"rama":25019,"Ġsynonymous":25020,"sal":25021,"Ġrim":25022,"reduce":25023,"proxy":25024,"Ġsurprises":25025,"ĠConcern":25026,"}:":25027,"igmat":25028,"ĠQuantum":25029,"Ġassemble":25030,"Ġhelpless":25031,"ajo":25032,"Ġmilestone":25033,"Ġgroundwork":25034,"Ġknots":25035,"guard":25036,"Ġmonopoly":25037,"Ġanonym":25038,"Ġmilitia":25039,"Ġsweating":25040,"ĠWool":25041,"plicates":25042,"ĠIndonesian":25043,"otation":25044,"ĠRanch":25045,"Ġcryptocurrency":25046,"Ġmoth":25047,"ĠWu":25048,"mium":25049,"wic":25050,"Ġtrainer":25051,"rological":25052,"Ġcorrelations":25053,"ĠSend":25054,"ĠCharacters":25055,"ĠIvan":25056,"ĠBanks":25057,"Ġtyr":25058,"ĠFisheries":25059,"Ġstarvation":25060,"modified":25061,"Ġseminal":25062,"lance":25063,"Ġrevel":25064,"ĠMeg":25065,"Entry":25066,"iduous":25067,"Ġempath":25068,"bek":25069,"ĠWhereas":25070,"reported":25071,"ĠGradually":25072,"Ġhardship":25073,"ĠIbn":25074,"izarre":25075,"problem":25076,"Ġglacier":25077,"African":25078,"Ġgenera":25079,"Ġendors":25080,"filepath":25081,"etooth":25082,"pty":25083,"Area":25084,"osocial":25085,"ĠYug":25086,"Ġbreaths":25087,"adv":25088,"ORK":25089,"Ġtensorflow":25090,"Ġpirates":25091,"inel":25092,"Ġinorganic":25093,"icable":25094,"ĠTuple":25095,"Ġperimeter":25096,"ĠEssentially":25097,"Ġdentists":25098,"Historical":25099,"Ġcruelty":25100,"cum":25101,"Ġ----------------------------------------------------------------":25102,"ĠBomb":25103,"ĠKnight":25104,"Ġoppressive":25105,"ĠIraqi":25106,"Ġunhappy":25107,"ĠDave":25108,"ĠKon":25109,"Ġintercourse":25110,"Bio":25111,"ĠHO":25112,"Ġredness":25113,"Ġidol":25114,"Ġhelicopter":25115,"à¨":25116,"ĠCompared":25117,"ĠAcad":25118,"ĠSomalia":25119,"Ġtoothpaste":25120,"ennon":25121,"Ġinflamed":25122,"Ġexponential":25123,"Mind":25124,"dn":25125,"tor":25126,"Ġorganizers":25127,"Ġkindly":25128,"origin":25129,"osomes":25130,"ĠKin":25131,"Ġchemically":25132,"haus":25133,"Ġhopeless":25134,"ĠRomania":25135,"Ġlonely":25136,"ĠMessiah":25137,"LICENSE":25138,"ĠPars":25139,"ĠBalk":25140,"ĠNancy":25141,"Ġentropy":25142,"ĠÏĢ":25143,"Visual":25144,"ĠHoney":25145,"dense":25146,"amines":25147,"Ġoversee":25148,"Ġsummarized":25149,"Sty":25150,"Ġhorr":25151,"Ġdisadvantaged":25152,"ertiary":25153,"stim":25154,"ayana":25155,"ivorous":25156,"Ġmagnets":25157,"Ġcosmetic":25158,"hythm":25159,"ĠVector":25160,"ĠReconstruction":25161,"ĠRush":25162,"Ġtuning":25163,"Ġinsult":25164,"Pers":25165,"nick":25166,"Ġoverhe":25167,"ĠIdea":25168,"Tech":25169,"ĠLem":25170,"Ġpend":25171,"Ġframing":25172,"Ġspectrom":25173,"Ġshocked":25174,"ĠBaltic":25175,"Ġpolio":25176,"Ġdubbed":25177,"ĠAer":25178,"Ġoffline":25179,"oka":25180,"Ġfluency":25181,"rowned":25182,"grand":25183,"seg":25184,"agne":25185,"untary":25186,"Ġpastoral":25187,"ĠUSD":25188,"Ġmentioning":25189,"Ġchaotic":25190,"inine":25191,"ppings":25192,"Ġprobes":25193,"ĠNeurolog":25194,"ĠUSSR":25195,"Ġgarment":25196,"Ġtunes":25197,"ĠIX":25198,"Ġsupers":25199,"climate":25200,"Ġretains":25201,"Ġcelebrates":25202,"ĠLeader":25203,"ĠEmerging":25204,"ĠDiss":25205,"Ġcalves":25206,"AMA":25207,"rites":25208,"byter":25209,"Ġheartbeat":25210,"Ġobliged":25211,"Born":25212,"igms":25213,"ĠRalph":25214,"Ġexhaustion":25215,"ĠAyurved":25216,"Ġpollinators":25217,"olerant":25218,"ĠYemen":25219,"ĠShar":25220,"minster":25221,"Ġtriangular":25222,"-------------------------------":25223,"Ġdischarged":25224,"Ġhockey":25225,"Ġshirt":25226,"Ġnationality":25227,"Ġdiminish":25228,"Ġbinds":25229,"ĠCere":25230,"ocon":25231,"Ġmidnight":25232,"Ġdictators":25233,"Ġfertilization":25234,"chronous":25235,"ĠCharlie":25236,"rocy":25237,"ĠNixon":25238,"Ġcamping":25239,"Ġgallon":25240,"Publication":25241,"sequences":25242,"Ġjokes":25243,"ignore":25244,"Ġbathing":25245,"Ġweighs":25246,"Ġloneliness":25247,"holm":25248,"ËĪ":25249,"omi":25250,"ĠSaints":25251,"Ġrepent":25252,"Ġundersc":25253,"Want":25254,"Ġunle":25255,"Ġprohibit":25256,"bye":25257,"Ġshortest":25258,"Ġguideline":25259,"Ġpreceded":25260,"union":25261,"Ġcontempor":25262,"Ġamp":25263,"Ġassists":25264,"Ġmorally":25265,"flowers":25266,"Ġaffiliated":25267,"Robert":25268,"Cir":25269,"ĠEar":25270,"Ġsuburban":25271,"ĠExamination":25272,"ĠGoing":25273,"Ġdisruptive":25274,"á»":25275,"abc":25276,"Ġprogressed":25277,"ectomy":25278,"ocracies":25279,"Thread":25280,"Ġinhibition":25281,"ĠLevels":25282,"Windows":25283,"Ġhippoc":25284,"Cut":25285,"qdm":25286,"Ġelectroc":25287,"én":25288,"Ġspikes":25289,"Ġindiff":25290,"Ġapplicant":25291,"Ġamplify":25292,"ĠBone":25293,"Ġbishops":25294,"Ġlandfills":25295,"Ġfolds":25296,"ĠAnalyze":25297,"ĠCSS":25298,"Ġcane":25299,"Ġepigen":25300,"Ġnamespace":25301,"Ġpleasing":25302,"Ġassassination":25303,"ftime":25304,"Ġthreatens":25305,"Ġclinically":25306,"Redu":25307,"internal":25308,"Ġpants":25309,"Ġbourgeois":25310,"berger":25311,"Ġapprove":25312,"Ġreinforces":25313,"Float":25314,"[(":25315,"Ġcompiler":25316,"ISS":25317,"Ġestablishments":25318,"Ġmultiplied":25319,"ĠNotImplementedError":25320,"Fr":25321,"Ġmanners":25322,"ĠPrec":25323,"isode":25324,"oodle":25325,"Ġflank":25326,"Ġcircadian":25327,"innings":25328,"ĠKashmir":25329,"hart":25330,"AE":25331,"Ġsewer":25332,"ĠYu":25333,"Ġrunners":25334,"Ġrainwater":25335,"ĠChan":25336,"Ġprotons":25337,"IDs":25338,"ĠCarm":25339,"Ġwarmly":25340,"anto":25341,"âĢĿ:":25342,"ĠMatrix":25343,"Ġinterrupted":25344,"iang":25345,"roids":25346,"ĠCad":25347,"ĠFREE":25348,"Ġnoct":25349,"Ġsuprem":25350,"kets":25351,"ceptual":25352,"visual":25353,"ĠDevices":25354,"Ġdegraded":25355,"ubes":25356,"ĠVPN":25357,"Ġbiomark":25358,"Ġmitochondria":25359,"Ġelectrolyte":25360,"ĠSocrates":25361,"ĠMI":25362,"ĠLuck":25363,"ĠNortheast":25364,"ḥ":25365,"Ġmelodies":25366,"ĠBuy":25367,"ĠWonder":25368,"Ġrecalls":25369,"Ġbowls":25370,"jet":25371,"ageal":25372,"ĠOg":25373,"Ġscissors":25374,"Ġsufferers":25375,"helm":25376,"driving":25377,"Ġincorrectly":25378,"Sample":25379,"eas":25380,"Ġfibr":25381,"Ġhostility":25382,"Ġbreasts":25383,"Ġmiracles":25384,"ĠUtilize":25385,"Ġdrunk":25386,"ĠNotably":25387,"Ġoz":25388,"Ġcyst":25389,"eyer":25390,"Ġdebilitating":25391,"ĠNeigh":25392,"Ġsugary":25393,"ĠGaz":25394,"Ġfibres":25395,"Ġseventy":25396,"ĠOwl":25397,"NUM":25398,"ĠToy":25399,"ĠBent":25400,"Ġresign":25401,"Ġpathogenic":25402,"fruit":25403,"|'.":25404,"TM":25405,"examples":25406,"oscopic":25407,"them":25408,"Ġpumpkin":25409,"Ġmigrated":25410,"Ġpedagogical":25411,"Occ":25412,"Ġcouncils":25413,"odo":25414,"million":25415,"erie":25416,"Ġlanes":25417,"cemia":25418,"Ġhelm":25419,"iota":25420,"Ġsyllabus":25421,"ĠVincent":25422,"Land":25423,"PF":25424,"Ter":25425,"ĠNIH":25426,"Ġrides":25427,"Ġamazed":25428,"Ġinsertion":25429,"NAT":25430,"Ġgrasslands":25431,"ĠWisdom":25432,"ĠGuatemala":25433,"Ġcontractor":25434,"asionally":25435,"Ġtranslating":25436,"Ġjumped":25437,"ĠWITH":25438,"cancer":25439,"Ġpent":25440,"Ġstitch":25441,"ĠSor":25442,"ĠHoo":25443,"Ġamyl":25444,"casting":25445,"Ġcatering":25446,"Ġbrowsers":25447,"Ġmarched":25448,"asg":25449,"branch":25450,"ĠImag":25451,"Ġconveying":25452,"urate":25453,"ĠBelt":25454,"ĠYam":25455,"Ġbrew":25456,"ččĊĠĠĠĠĠĠĠĠĠĠĠ":25457,"Ġstandpoint":25458,"Ġbenefited":25459,"aeus":25460,"Ġsilica":25461,"Ġoccupies":25462,"Ġio":25463,"Instruction":25464,"Ġenriching":25465,"BY":25466,"Ġvap":25467,"ĠNine":25468,"proc":25469,"Ġstreamline":25470,"Ġchiefly":25471,"Ġsuperiority":25472,"ĠPhoenix":25473,"Works":25474,"wy":25475,"athetic":25476,"Ġtray":25477,"assic":25478,"Ġaggrav":25479,"Ġreacts":25480,"him":25481,"Ġreservation":25482,"Ġsubspecies":25483,"Ġallowance":25484,"Ġfacet":25485,"Ġoptimism":25486,"Ġpencils":25487,"sorted":25488,"Ġcute":25489,"Ġpreferably":25490,"ĠHarold":25491,"audio":25492,"ĠIntegrating":25493,"Bal":25494,"ĠBright":25495,"Ġgeo":25496,"ĠHarvey":25497,"Ġastronomer":25498,"ĠHonor":25499,"ĠRise":25500,"Ġhighways":25501,"Ġabsorbs":25502,"lap":25503,"Ġdishon":25504,"itans":25505,"Ġpersisted":25506,"Ġproprietary":25507,"wart":25508,"ĠGary":25509,"Ġshear":25510,"ĠKaren":25511,"inoids":25512,"PRE":25513,"Ġsorrow":25514,"ĠAnswers":25515,"ĠInstance":25516,"Ġdomination":25517,"ĠTurks":25518,"Ġsurname":25519,"Har":25520,"atization":25521,"Ġstatutes":25522,"Ġmanipulated":25523,"Solar":25524,"Ġretinal":25525,"Ġceramics":25526,"ĠInsect":25527,"âĢĿâĢĶ":25528,"ĠTransition":25529,"Ġcoordinating":25530,"Ġturbulent":25531,"ĠCarnegie":25532,"Ġhood":25533,"Ġconfine":25534,"\":\"":25535,"Ġsexes":25536,"Ġwidget":25537,"Coll":25538,"bai":25539,"ĠVoy":25540,"ĠScout":25541,"optic":25542,"nm":25543,"Ġchords":25544,"ĠLanguages":25545,"bg":25546,"Ġaverages":25547,"Ġcess":25548,"ĠInvestment":25549,"ĠWow":25550,"uebl":25551,"Ġsnapshot":25552,"ĠPersia":25553,"Ġpipelines":25554,"Ġvern":25555,"Ġcentimeters":25556,"Ġairplanes":25557,"Ġcancerous":25558,"igmoid":25559,"merse":25560,"axy":25561,"ĠShen":25562,"extension":25563,"Ġcatal":25564,"Ġrigor":25565,"Ġcooperate":25566,"Ġvines":25567,"Ġoptics":25568,"Ġspecifics":25569,"itarianism":25570,"ĠTodd":25571,"urous":25572,"eworthy":25573,"Ġrevise":25574,"Ġinformational":25575,"Ċĉĉĉĉĉ":25576,"Certain":25577,"nature":25578,"Ġrinse":25579,"Ġupside":25580,"THER":25581,"Ġcondemn":25582,"ente":25583,"ĠCounsel":25584,"Ġunreal":25585,"sson":25586,"(\"-":25587,"targets":25588,"Ġrepaired":25589,"ĠPlaces":25590,"Ġparasitic":25591,"Ġimplements":25592,"Ġclauses":25593,"Ġba":25594,"selection":25595,"Ġunacceptable":25596,"trade":25597,"ĠHundred":25598,"ibia":25599,"ertil":25600,"Ġaddictive":25601,"Ġgears":25602,"initialize":25603,"uding":25604,"Ġenerg":25605,"ĠIsn":25606,"ĠAbove":25607,"Ġfatalities":25608,"ĠPyram":25609,"ĠFactor":25610,"waters":25611,"opal":25612,"ĠPrinting":25613,"ĠAzte":25614,"inalg":25615,"kar":25616,"ĠTed":25617,"usch":25618,"Ġindividuality":25619,"ĠMetropolitan":25620,"Ġtapping":25621,"ĠCave":25622,"RECT":25623,"Ġempires":25624,"aspberry":25625,"Loader":25626,"ĠLenin":25627,")âĢĶ":25628,"CAS":25629,"IZ":25630,"Job":25631,"enne":25632,"luence":25633,"ĠImplementation":25634,"Ġsixteen":25635,"Internet":25636,"ayer":25637,"Ġrally":25638,"traditional":25639,"ĠBritann":25640,"Ġerg":25641,"ĠEmployment":25642,"miah":25643,"Ġslowed":25644,"Ġsplitting":25645,"ĠPolicies":25646,"Ġdissent":25647,"Ġdispose":25648,"Ġlogged":25649,"ĠScots":25650,"Admin":25651,"ĠArnold":25652,"Mary":25653,"sci":25654,"oodles":25655,"ĠRehab":25656,"Ġmonk":25657,"Ġaffiliation":25658,"Ġhopeful":25659,"Feature":25660,"icates":25661,"Ġmangan":25662,"Ġrugged":25663,"Ġexpeditions":25664,"Grid":25665,"ĠMann":25666,"ĠHamm":25667,"Ġplank":25668,"ambia":25669,"Ġcommunicated":25670,"Returns":25671,"Ġnecessitating":25672,"Multi":25673,"Ġanalogous":25674,"MET":25675,"~~~~~~~~":25676,"Frank":25677,"feld":25678,"Ġpope":25679,"ĠAndre":25680,"Ġtagged":25681,"Ġphilosophies":25682,"ĠVenezuela":25683,"ĠFiles":25684,"Ġdeclaring":25685,"Ġhemoglobin":25686,"atenate":25687,"Fund":25688,"stad":25689,"Ġcanned":25690,"ĠMedal":25691,"particularly":25692,"Ġwaited":25693,"ÙIJ":25694,"Ġplayful":25695,"ĠMini":25696,"Ġwitnessing":25697,"East":25698,"âĤ":25699,"icals":25700,"Ġgeopolitical":25701,"Ġceremonial":25702,"Ġutensils":25703,"Ġvivo":25704,"upon":25705,"venous":25706,"Ġantique":25707,"Ġingestion":25708,"References":25709,"prisingly":25710,"Cr":25711,"Ġpits":25712,"ĠTM":25713,"ĠBec":25714,"ĠRica":25715,"Ġtyph":25716,"ĠMeasures":25717,"Ġcustomize":25718,"Ġtendons":25719,"uki":25720,"Depending":25721,"chel":25722,"η":25723,"Ġlou":25724,"Stop":25725,"Ġcoordinator":25726,"ĠWriters":25727,"Ġfermented":25728,"ĠFifth":25729,"ĠSites":25730,"Ġproclaim":25731,"ĠAnglic":25732,"structured":25733,"ĠRic":25734,"ĠNash":25735,"ĠHerod":25736,"ĠJulius":25737,"Ġammunition":25738,"ĠPrison":25739,"ĠReader":25740,"lier":25741,"ĠHands":25742,"ĠYourself":25743,"Ġrheumatoid":25744,"Business":25745,"Ġsender":25746,"Ġlandl":25747,"Ġcollar":25748,"ĠTimothy":25749,"Ġcensorship":25750,"ĠLimit":25751,"opts":25752,"ĠLis":25753,"ĠFR":25754,"Ġcontinuation":25755,"Ġattracts":25756,"Ġtuna":25757,"Bur":25758,"mand":25759,"θ":25760,"cemic":25761,"cipline":25762,"Ġorthodox":25763,"ococ":25764,"rizes":25765,"ĠTasman":25766,"Ġinefficient":25767,"ĠFro":25768,"centric":25769,"detail":25770,"ĠOttawa":25771,"atri":25772,"ĠConv":25773,"Ġrevolutionized":25774,"ĠTCP":25775,"Ġjungle":25776,"Ġprimates":25777,"Ġpropulsion":25778,"Ġrhythmic":25779,"Ġembryonic":25780,"Ġexpelled":25781,"ĠÃł":25782,"Ġcorrections":25783,"Ġninth":25784,"termin":25785,"Ġrack":25786,"Ġhumming":25787,"whether":25788,"Ġtaxa":25789,"Ġhalluc":25790,"evaluate":25791,"Ġè":25792,"Ġantis":25793,"ĠAfro":25794,"ĠZeus":25795,"ivable":25796,"('%":25797,"Ġstained":25798,"Ġopts":25799,"ĠReddit":25800,"Ġcontrasts":25801,"Ġsam":25802,"Ġgor":25803,"operator":25804,"ĠBeautiful":25805,"ĠVa":25806,"Ġsupernov":25807,"Ġeighteen":25808,"feedback":25809,"Ġmuscul":25810,"eating":25811,"ĠSid":25812,"Ġvenues":25813,"Ġdisinfect":25814,"Ġmundane":25815,"ccentric":25816,"Ġbackend":25817,"Ġembodies":25818,"Ġhonoring":25819,"Ġrockets":25820,"alism":25821,"ĠWelfare":25822,"ĠArabian":25823,"ĠUses":25824,"Ġlun":25825,"ĠIter":25826,"Ġrefusal":25827,"Ġcytok":25828,"Ġmorphological":25829,"Ġunethical":25830,"Ġswap":25831,"Ġdenote":25832,"Ġdisposed":25833,"closures":25834,"oplan":25835,"Ġflawed":25836,"ĠHair":25837,"Random":25838,"Ġhumanities":25839,")](":25840,"scre":25841,"Äĵ":25842,"ĠWarm":25843,"acht":25844,"Ġendomet":25845,"ĠEngagement":25846,"Ġswine":25847,"WARE":25848,"Ġdeepest":25849,"Ġconverter":25850,"ĠImproved":25851,"Ġwandering":25852,"Ġsep":25853,"Ġtowering":25854,"ĠLOG":25855,"Ġpresently":25856,"live":25857,"Ġfade":25858,"ĠPerform":25859,"sr":25860,"Ġdre":25861,"Ġconserving":25862,"ĠAntib":25863,"student":25864,"Ġrede":25865,"ĠFasc":25866,"infected":25867,"omans":25868,"Ġdesp":25869,"Ġcob":25870,"logs":25871,"ĠSherman":25872,"accuracy":25873,"SEC":25874,"Ġsway":25875,"Ġgrassroots":25876,"Ġprivileged":25877,"Ġheavenly":25878,"Ġfootprints":25879,"Ġretrieval":25880,"ĠFuel":25881,"Ġillicit":25882,"ophical":25883,"Ġdictate":25884,"Teaching":25885,"mediated":25886,"latest":25887,"Ġmushroom":25888,"ĠVeterinary":25889,"Tests":25890,"asured":25891,"efit":25892,"Ġinfringe":25893,"Ġspecificity":25894,"Ġembarking":25895,"ĠObesity":25896,"Editor":25897,":\"":25898,"Ġoutlining":25899,"Ġlinguistics":25900,"Ġcompartment":25901,"Ġmoderately":25902,"Ġantip":25903,"Ġjoins":25904,"sch":25905,"Ġbeginner":25906,"ĠPersonality":25907,"wb":25908,"Ġindividualized":25909,"')[":25910,"Ġencode":25911,"hetically":25912,"Ġaperture":25913,"ĠOracle":25914,"Ġinvade":25915,"Ġprophecy":25916,"Ve":25917,"imir":25918,"Ġglean":25919,"ĠAppalach":25920,"Ġsouthwestern":25921,"Ġsands":25922,"Ġscreened":25923,"ĠDietary":25924,"ĠBrigade":25925,"sig":25926,"Ġprofitability":25927,"Ġrites":25928,"ghai":25929,"Ġendured":25930,"estead":25931,"jected":25932,"Ġhelium":25933,"ĠNeural":25934,"ĠEcuador":25935,"ĠFamiliarize":25936,"ĠSport":25937,"ĠUnits":25938,"ATED":25939,"Ġsandwich":25940,"ĠPrinciple":25941,"Ġhemat":25942,"Ġensemble":25943,"ĠWells":25944,"Ġneighbouring":25945,"material":25946,"Ġë":25947,"Ġpt":25948,"Ġaroma":25949,"ĠVeterans":25950,"ĠConstantinople":25951,"Card":25952,"EU":25953,"ÅĤ":25954,"ĠBag":25955,"ĠBenedict":25956,"Ġbeast":25957,"osting":25958,"Ġcliff":25959,"acked":25960,"Written":25961,"yon":25962,"itant":25963,"ĠOriginal":25964,"Ġcarcinoma":25965,"arial":25966,"Ġmodulation":25967,"ullivan":25968,"ukary":25969,"provider":25970,"Ġmetaphors":25971,"ï":25972,"Ġcords":25973,"Technology":25974,"ĠSales":25975,"Comb":25976,"Ġmasterpieces":25977,"scatter":25978,"Active":25979,"arta":25980,"Ġtopography":25981,"ĠInto":25982,"ĠBrothers":25983,"ĠBristol":25984,"Ġfins":25985,"urized":25986,"oche":25987,"udes":25988,"Ġunused":25989,"ungal":25990,"ĠCONDIT":25991,"Ġlaundry":25992,":',":25993,"Hard":25994,"ĠSY":25995,"oderm":25996,"Ġshred":25997,"Ġpresidents":25998,"Ġbotanical":25999,"Mel":26000,"Would":26001,"ĠTap":26002,"ĠRequired":26003,"ĠPhillips":26004,"Ġbisexual":26005,"ĠTrauma":26006,"rendered":26007,"stroke":26008,"ĠAur":26009,"Ġclots":26010,"soever":26011,"ĠShiva":26012,"ĠCohen":26013,"Ġexcavations":26014,"ĠPF":26015,"ĠHeavy":26016,"Ġfragmented":26017,"Ġmanganese":26018,"lb":26019,"icator":26020,"getter":26021,"Ġinsol":26022,"Ġsuperst":26023,"AAAA":26024,"stderr":26025,"ĠEis":26026,"ĠJoan":26027,"Ġbrace":26028,"ĠSerb":26029,"Ġdistributing":26030,"ĠCopper":26031,"ĠFriedrich":26032,"ĠPunj":26033,"Ġquo":26034,"argon":26035,"Ġrepell":26036,"Ġguardian":26037,"Ġcones":26038,"Ġflare":26039,"EMENT":26040,"focused":26041,"Ġpersists":26042,"Ġhib":26043,"Ġspice":26044,"Ġsentenced":26045,"Ġgeologic":26046,"ĠChrom":26047,"Ġpolished":26048,"ĠMadagascar":26049,"ĠLEDs":26050,"Ġprestige":26051,"hook":26052,"repos":26053,"ĠmRNA":26054,"Ġunderrepresented":26055,"ĠVariable":26056,"binding":26057,"Ġneo":26058,"Ġresides":26059,"Ġshoreline":26060,"Ġmajestic":26061,"Na":26062,"asse":26063,"Ġsells":26064,"Wood":26065,"Ġmetamorph":26066,"Ġfracking":26067,"Ġcrocod":26068,"'+":26069,"inarily":26070,"isch":26071,"outer":26072,"Ġrepertoire":26073,"ĠMatters":26074,"ancellor":26075,"Major":26076,"Ġducks":26077,"ĠCurt":26078,"Ġvoluntarily":26079,"ĠEmbrace":26080,"ĠGraphic":26081,"doctoral":26082,"Ġscram":26083,"ĠDetails":26084,"Ġgradients":26085,"ĠTourism":26086,"Ġrearr":26087,"Ġcares":26088,"ullah":26089,"ĠPublication":26090,"Ġoriginates":26091,"ĠReferences":26092,"Ġapprentices":26093,"stead":26094,"Ġoverdose":26095,"Ġhardness":26096,"Ġdestined":26097,"Israel":26098,"Ġfragmentation":26099,"ĠEvaluate":26100,"Primary":26101,"hours":26102,"peak":26103,"Ġnotify":26104,"Ġconsciously":26105,"Ġirrad":26106,"Ġpregnancies":26107,"Ġbasins":26108,"ĠHenri":26109,"ĠCherokee":26110,"Very":26111,"ά":26112,"Ġdisks":26113,"inda":26114,"ĠKor":26115,"Ġpointer":26116,"could":26117,"ĠJa":26118,"Ġunderp":26119,"porter":26120,"ĠShape":26121,"Ġcrushing":26122,"Ġconsulted":26123,"Ġrebel":26124,"Ġmastered":26125,"Ġbiographies":26126,"digital":26127,"Matrix":26128,"Bul":26129,"oufl":26130,"stri":26131,"ĠIMP":26132,"Ġdisob":26133,"Ġpores":26134,"aptic":26135,"Ġamphibians":26136,"Ġerupted":26137,"OF":26138,"ortex":26139,"Ġroses":26140,"umping":26141,"ĠPalm":26142,"ĠEcosystem":26143,"unity":26144,"Ġcler":26145,"Ġpumped":26146,"Ġmultiplying":26147,"ĠGhost":26148,"Ġspecifying":26149,"Ġcommonplace":26150,"Ġpostp":26151,"STM":26152,"ĠMaintenance":26153,"dropout":26154,"ĠPHP":26155,"Ġlover":26156,"ĠChin":26157,"Ġscrews":26158,"Ġsnails":26159,"Ġoverlook":26160,"Ġseventeenth":26161,"Ġcubes":26162,"Starting":26163,"Aud":26164,"ĠBasil":26165,"Ġinspections":26166,"ĠRelationship":26167,"ounces":26168,"contract":26169,"Ġcramps":26170,"Ġingenuity":26171,"enberg":26172,"essential":26173,"ĠSevere":26174,"Ġmillennium":26175,"Ġbureaucr":26176,"Ġrighteousness":26177,"ĠPrag":26178,"ĠMicrob":26179,"Ġrubbing":26180,"Ġprohibition":26181,"ĠDrinking":26182,"Ġfibrosis":26183,"fif":26184,"sat":26185,"oprote":26186,"ospels":26187,"oskeletal":26188,"ĠMao":26189,"osomal":26190,"Ġsummers":26191,"Ġconnector":26192,"ĠGross":26193,"ĠProfile":26194,"Ġsympathy":26195,"ĠReserved":26196,"ucker":26197,"ĠMode":26198,"formatics":26199,"ĠWorkshop":26200,"maps":26201,"Ġowe":26202,"ĠFlex":26203,"__.__":26204,"ĠFigures":26205,"Ġcommemorate":26206,"physical":26207,"Ġambitions":26208,"ĠModeling":26209,"Visit":26210,"Ġbenchmark":26211,"Mo":26212,"until":26213,"Ġinsightful":26214,"Ġshutil":26215,"ĠTraditionally":26216,"åĩ":26217,"ĠSoc":26218,"ĠDallas":26219,"Ġpatrons":26220,"Ġdevise":26221,"autical":26222,"Ġsaturation":26223,"ĠAdvoc":26224,"Ġdragons":26225,"Continue":26226,"Ġconstituent":26227,"gpu":26228,"ĠAttribution":26229,"Ġuncertainties":26230,"Ġsulfate":26231,"Ġfructose":26232,"Ġdeformation":26233,"ĠHorm":26234,"osexuality":26235,"Ġtrapping":26236,"Ġamended":26237,"---------":26238,"Ġadaptable":26239,"Ġrequesting":26240,"Ġdimensional":26241,"Ġasteroids":26242,"Ġculminating":26243,"erential":26244,"DateTime":26245,"LAB":26246,"ĠSpread":26247,"hyper":26248,"Ġmediums":26249,"ĠAudio":26250,"Ġdiaphragm":26251,"Ġbursts":26252,"Ġdissip":26253,"enance":26254,"Ġfeudal":26255,"attention":26256,"Ġregulator":26257,"ĠOfficial":26258,"Ġparsed":26259,"rason":26260,"Ġau":26261,"Ġker":26262,"ĠIngredients":26263,"ĠBuffalo":26264,"$,":26265,"Ġbury":26266,"Ġregistry":26267,"Ġmatt":26268,"letes":26269,"ĠDataFrame":26270,"Ġmythical":26271,"Ġafore":26272,"Ġlupus":26273,"ĠBru":26274,"identity":26275,"Ġingested":26276,"Ġhue":26277,"Ġretard":26278,"ortune":26279,"Ġwallet":26280,"Ġextingu":26281,"NP":26282,"ĠPowers":26283,"ĠHV":26284,"ĠLamb":26285,"actual":26286,"ĠArchaeology":26287,"olved":26288,"ARC":26289,"ĠDifferences":26290,"AK":26291,"ucc":26292,"त":26293,"Ġscars":26294,"Ġrefusing":26295,"Ġdrow":26296,"Ġgarage":26297,"Ġgermination":26298,"Ġnationalist":26299,"ĠPeak":26300,"Ġyielding":26301,"inety":26302,"Ġsinking":26303,"Ġagility":26304,"ĠDisability":26305,"ĠHolmes":26306,"Ġalerts":26307,"zh":26308,"ermost":26309,"Ġpolite":26310,"Images":26311,"ĠRemote":26312,"Ġparadigms":26313,"Maybe":26314,"................":26315,"Ġ])":26316,"itiveness":26317,"Ġgalleries":26318,"Regular":26319,"Ġillumination":26320,"Ġrecurrence":26321,"ĠPeer":26322,"ĠDipl":26323,"Ġglacial":26324,"Ġwreck":26325,"ĠTony":26326,"Ġmosque":26327,"Ġexplosions":26328,"violent":26329,"Nav":26330,"ĠAw":26331,"ĠMoving":26332,"prus":26333,"ĠSpiritual":26334,"ĠExerc":26335,"ĠZo":26336,"Ġspreadsheet":26337,"Ġphotovolta":26338,"Ġenchanting":26339,"BUT":26340,"Personal":26341,"Ġtheolog":26342,"Ġautistic":26343,"Ġworkspace":26344,"Ġplat":26345,"ĠDaw":26346,"achi":26347,"ĠFathers":26348,"ĠGrammar":26349,"Brown":26350,"Ġquestionable":26351,"ĠLancet":26352,"uously":26353,"ĠLux":26354,"Ġquarant":26355,"Ġdemise":26356,"ĠPod":26357,"ĠAlgebra":26358,"Ġcracking":26359,"Ġattachments":26360,"official":26361,"Ġirreversible":26362,"oped":26363,"ère":26364,"Ġhath":26365,"vered":26366,"formal":26367,"Ġexcavated":26368,"later":26369,"ĠVlad":26370,"ĠImam":26371,"Ġboarding":26372,"ĠSocialist":26373,"Ġliabilities":26374,"Ġsubgen":26375,"Ġcrabs":26376,"ĠInteractive":26377,"ĠSpeaking":26378,"protocol":26379,"Focus":26380,"Ġspills":26381,"identified":26382,"ĠAuton":26383,"Ġinsignificant":26384,"City":26385,"wx":26386,"¢":26387,"Ġbrightly":26388,"Ġrestart":26389,"Ġtroubled":26390,"Ġhonors":26391,"hov":26392,"Ġbizarre":26393,"idates":26394,"ĠRy":26395,"INTER":26396,"Ġtoug":26397,"ĠHabitat":26398,"ĠProbably":26399,"Ġreclaim":26400,"raz":26401,"ĠBeg":26402,"Ġransom":26403,"Ġsentiments":26404,"Ġasserted":26405,"ĠBurma":26406,"Ġfuse":26407,"ĠMob":26408,"Ġlactose":26409,"Ġč":26410,"Ġé":26411,"Ġhive":26412,"ĠVed":26413,"ĠHunter":26414,"Ġdock":26415,"ĠBarc":26416,"eph":26417,"Ġacademically":26418,"antics":26419,"Ġdecode":26420,"Ġwinners":26421,"Ġchiropract":26422,"Five":26423,"vous":26424,"Ġfreight":26425,"Ġradial":26426,"Ill":26427,"arith":26428,"Ġstern":26429,"ĠRelevance":26430,"ĠCret":26431,"Ġ\"+":26432,"Ġdiscs":26433,"letons":26434,"ĠBiography":26435,"ocyte":26436,"Ġswiftly":26437,"openhagen":26438,"Ġintermittent":26439,"Ġsclerosis":26440,"Ġfixtures":26441,"ĠEquality":26442,"ĠXX":26443,"ĠImprovement":26444,"Ġstrawberries":26445,"Music":26446,"rgb":26447,"asions":26448,"ĠReyn":26449,"Ġachievable":26450,"ĠCooperative":26451,"Ġbuyer":26452,"ãģ®":26453,"ĠPassover":26454,"Ġsliced":26455,"Ġunman":26456,"ĠCommander":26457,"ĠHash":26458,"Ġ[âĢ¦]":26459,"Ġdecree":26460,"Ġcaul":26461,"addy":26462,"snap":26463,"Ġfist":26464,"Ġlaughing":26465,"rets":26466,"Ġscandal":26467,"encoding":26468,"Ġstripped":26469,"Ġeligibility":26470,"Ġivory":26471,"egradable":26472,"|'.'":26473,"URCE":26474,"ovakia":26475,"Ma":26476,"ĠSame":26477,"ĠFM":26478,"ĠGarc":26479,"Ġpedestrian":26480,"/',":26481,"Ġpoised":26482,"Ġsmoked":26483,"ĠRecommend":26484,"Ġinaccurate":26485,"Ġdevoid":26486,"fixed":26487,"Ġcleansing":26488,"tons":26489,"Ġaliens":26490,"assan":26491,"Ġtextual":26492,"ĠStudying":26493,"Ġcoupling":26494,"Ġintrigued":26495,"Ġmoths":26496,"('.":26497,"ANS":26498,"Ġforeigners":26499,"CSE":26500,"Particip":26501,"ĠLinda":26502,"raisal":26503,"ĠMakes":26504,"Ġdepended":26505,"Ġinitialize":26506,"ĠObst":26507,"ĠEnterprise":26508,"ĠJur":26509,"Ġrapp":26510,"Ġbreadth":26511,"lining":26512,"Ġinactive":26513,"ĠOdys":26514,"ĠRunning":26515,"Ġdias":26516,"playing":26517,"Ġplugin":26518,"æł":26519,"Ġdeed":26520,"ĠShell":26521,"tax":26522,"Ġmiracul":26523,"Need":26524,"linalg":26525,"ouched":26526,"need":26527,"Ġparticulate":26528,"productive":26529,"ĠSpringer":26530,"ĠPharmac":26531,"Ca":26532,"Give":26533,"Ġdyst":26534,"ĠTopic":26535,"soil":26536,"Ġdirecting":26537,"Ġglowing":26538,"Ġcaterpillars":26539,"strings":26540,"ĠAttention":26541,"Ġseller":26542,"Ġembedding":26543,"Ġinconven":26544,"ĠGilbert":26545,"templ":26546,"ë":26547,"Ġery":26548,"Ġinception":26549,"ogh":26550,"Ġscav":26551,"Ġdengue":26552,"Ġsurrounds":26553,"ĠNorse":26554,"Ġwarns":26555,"mom":26556,"wright":26557,"Ġissuing":26558,"Ġmessenger":26559,"Ġadversely":26560,"Ġmerging":26561,"Ġdice":26562,"ĠKirk":26563,"ĠAssistance":26564,"ĠListening":26565,"ĠMartian":26566,"ĠForms":26567,"Ġtransistor":26568,"Ïİ":26569,"isse":26570,"ĠSons":26571,"Ġchicks":26572,"ĠButler":26573,"angs":26574,"Ġsalinity":26575,"Ġspectroscopy":26576,"Ġtumour":26577,"Pur":26578,"Volume":26579,"rina":26580,"ĠSultan":26581,"ĠBrew":26582,"external":26583,"Struct":26584,"ĠTurtle":26585,"Ġoats":26586,"ĠWE":26587,"Ġairports":26588,"Ġcurvature":26589,"ĠJess":26590,"Ġmultic":26591,"ifug":26592,"confirm":26593,"iferous":26594,"advert":26595,"anton":26596,"Ġcharming":26597,"ĠJobs":26598,"Ġviolate":26599,"ĠSchw":26600,"ocyt":26601,"å¼":26602,"ĠTHIS":26603,"clide":26604,"phys":26605,"Ġprecedent":26606,"Ġligament":26607,"othelioma":26608,"introdu":26609,"Ġrealised":26610,"Ġspectra":26611,"ĠPhotography":26612,"phis":26613,"renches":26614,"Ġdiscovers":26615,"Ġtheoretically":26616,"CES":26617,"Ġnotorious":26618,"Ġpalette":26619,"escent":26620,"ĠPip":26621,"Notes":26622,"Ġinteracts":26623,"Ġdisappointment":26624,"Ġdeterminants":26625,"amo":26626,"ĠBilly":26627,"Ġrecognizable":26628,"Ġ{},":26629,"Ġhunted":26630,"obacter":26631,"Ġattorneys":26632,"ĠEdison":26633,"Ġescaping":26634,"chemical":26635,"Ġbounce":26636,"ĠWing":26637,"ìĿ":26638,"ĠRevelation":26639,"Ġsalads":26640,"COS":26641,"ĠLarg":26642,"Ġpreserv":26643,"ĠAbbey":26644,"Ġbald":26645,"ĠFoundations":26646,"Ġmelatonin":26647,"Ġpulls":26648,"pering":26649,"ĠLeaf":26650,"requires":26651,"Subject":26652,"integration":26653,"Ġcousins":26654,"pit":26655,"Ġjeopard":26656,"Ġpeasant":26657,"ĠMAT":26658,"plasia":26659,"Prog":26660,"Ġpitfalls":26661,"ogeneity":26662,"iman":26663,"Ġstuffed":26664,"ĠMapping":26665,"ĠOCD":26666,"liable":26667,"Ġrestricting":26668,"Ġdisrupting":26669,"Bad":26670,"ĠEdmund":26671,"ĠDrop":26672,"Ġprefers":26673,"ĠInfection":26674,"ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":26675,"Sarah":26676,"Ġgenerosity":26677,"locations":26678,"Ġpalms":26679,"aggering":26680,"cook":26681,"ĠAffect":26682,"Ġplaster":26683,"ĠRobin":26684,"ĠNormally":26685,"Ġcounteract":26686,"Schema":26687,"Tip":26688,"Ġrealms":26689,"ushima":26690,"Ġrepeats":26691,"Native":26692,"Ġwithdrawn":26693,"Ġmicron":26694,"];":26695,"Ġmustard":26696,"º":26697,"ĠSmoking":26698,"Ġglyc":26699,"reverse":26700,"ĠSecure":26701,"Ġcraftsmanship":26702,"Role":26703,"comings":26704,"Ġlandsl":26705,"Ġturf":26706,"Ġpermitting":26707,"ĠPrincess":26708,"Ġfp":26709,"Ġdisg":26710,"phalt":26711,"ĠCuriosity":26712,"Ġrebuilding":26713,"Ġnobility":26714,"Ġprejudices":26715,"Ġporcelain":26716,"ĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":26717,"Ġtheirs":26718,"Ġspecializes":26719,"Ġurllib":26720,"epochs":26721,"Li":26722,"ĠAgg":26723,"ĠCCS":26724,"Ġraid":26725,"metics":26726,"Ġscalar":26727,"Ġá¼":26728,"Bro":26729,"nr":26730,"ĠPT":26731,"onsored":26732,"Ġdeputy":26733,"Ġantig":26734,"Ġsupervisors":26735,"Ġrevered":26736,"Ġstam":26737,"Ġuprising":26738,"Ġowning":26739,"Ġreferral":26740,"Memory":26741,"Ġloosely":26742,"namespace":26743,"Valid":26744,"ĠObjective":26745,"ĠRonald":26746,"uta":26747,"Ġchildbirth":26748,"apps":26749,"washing":26750,"ĠHugh":26751,"Mixin":26752,"Nature":26753,"{\\":26754,"atto":26755,"ĠRare":26756,"Ġcharitable":26757,"Ġencro":26758,"uckle":26759,"Canada":26760,"Ġsauces":26761,"Ġhots":26762,"ĠTak":26763,"Ġimmerse":26764,"**,":26765,"Ġcheating":26766,"ĠExodus":26767,"Ġporous":26768,"ocative":26769,"ICEF":26770,"Ġwestward":26771,"Ġcrawl":26772,"Ġjam":26773,"Ġinscriptions":26774,"ĠPresidential":26775,"Charles":26776,"ĠEnsuring":26777,"Ġdissect":26778,"Ġtenets":26779,"records":26780,"Ġmolten":26781,"Ġfellowship":26782,"ĠPrayer":26783,"ĠBR":26784,"Ġfostered":26785,"Ġbudding":26786,"Ġtaller":26787,"Ġtoilets":26788,"Ġmaid":26789,"ĠPries":26790,"Muslim":26791,"ĠOECD":26792,"ishable":26793,"Ġdomin":26794,"datasets":26795,"Success":26796,"ĠSense":26797,"ĠGoddess":26798,"Ġacquaint":26799,"ĠCorrect":26800,"Ġimmersed":26801,"does":26802,"imshow":26803,"Ġspam":26804,"ĠKB":26805,"Ġairflow":26806,"ĠIDE":26807,"Ġpertains":26808,"Ġgrav":26809,"Ġsupplemental":26810,"allowed":26811,"ĠComponents":26812,"Ġaided":26813,"Ġoath":26814,"Ġhues":26815,"ĠAlger":26816,"Ġbrushes":26817,"Ġibn":26818,"ĠCONDITIONS":26819,"Ġsi":26820,"ĠGust":26821,"]|":26822,"asus":26823,"ĠMall":26824,"Ġprisons":26825,"MES":26826,"Ġexcluding":26827,"abling":26828,"acillus":26829,"ĠBO":26830,"posite":26831,"Ġtransformer":26832,"Ġrewarded":26833,"Benefits":26834,"á½":26835,"arner":26836,"Ġbooster":26837,"Ġnickname":26838,"Left":26839,"etz":26840,"ĠOUT":26841,"Ġconserved":26842,"Hi":26843,"nament":26844,"Ġchin":26845,"byte":26846,"ĠMonument":26847,"Compar":26848,"ĠCapitol":26849,"Ġalgebraic":26850,"itian":26851,"ĠInclude":26852,"Ġfarmland":26853,"osphate":26854,"Ġtowels":26855,"ĠPalestinians":26856,"ĠYellowstone":26857,"Ġnemat":26858,"Ġdisclose":26859,"Ġcircumstance":26860,"America":26861,"Ġsyllables":26862,"Mex":26863,"arist":26864,"endpoint":26865,"ĠGraduate":26866,"Ġventures":26867,"Meet":26868,"directed":26869,"Ġrefreshing":26870,"andel":26871,"assy":26872,"ĠVes":26873,"etyl":26874,"ĠPCB":26875,"Ġilluminating":26876,"ingling":26877,"ĠMM":26878,"ĠFant":26879,"Ġdrums":26880,"Ġcysts":26881,"ĠBlake":26882,"ĠDrink":26883,"Ġmixtures":26884,"Ġspelled":26885,"ĊĊĊĠĠĠĠĠĠĠ":26886,"Ġshareholders":26887,"Vector":26888,"Ġquart":26889,"ĠLeaders":26890,"anism":26891,"Ġantit":26892,"Ġfrontal":26893,"Ġwiki":26894,"Ġdecolon":26895,"Ġvisuals":26896,"ĠCollections":26897,"Gal":26898,"pipe":26899,"yrin":26900,"Ġsmoother":26901,")')":26902,"Email":26903,"Finding":26904,"ĠMold":26905,"Ġcohesive":26906,"ĠGenome":26907,"Ġmanifested":26908,"Ġsuspects":26909,"Calcul":26910,"Ġrefinement":26911,"Ġstray":26912,"()):":26913,"accessible":26914,"ĠTheodore":26915,"linspace":26916,"raines":26917,"ĠMira":26918,"floor":26919,"Ġdrafting":26920,"Ġcuring":26921,"arate":26922,"akening":26923,"Ġradically":26924,"Ċĉĉĉĉĉĉĉĉĉĉ":26925,"Xiv":26926,"Ġencountering":26927,"ugged":26928,"actively":26929,"incinn":26930,"Ġseawater":26931,"asgow":26932,"dry":26933,"umbs":26934,"updated":26935,"Ġdescending":26936,"Ġeconomist":26937,"Ġtermination":26938,"Ġlaborers":26939,"ĠFran":26940,"Ġnested":26941,"Ġgrit":26942,"Ġhen":26943,"Ġartific":26944,"Ġtranscends":26945,"Ġneatly":26946,"Ġcanonical":26947,"oing":26948,"Ġmorb":26949,"Ġdyslexia":26950,"个":26951,"Ġdisparity":26952,"uling":26953,"Ġpermiss":26954,"ĠDomain":26955,"ĠDiagnosis":26956,"Ġplateau":26957,"ĠNeuroscience":26958,"arers":26959,"ĠTrack":26960,"oseph":26961,"Parameters":26962,"Ġutterly":26963,"Ġpatented":26964,"Ġlice":26965,"Previous":26966,"Ġtracts":26967,"nem":26968,"Ġum":26969,"Ġpatriot":26970,"ĠGabriel":26971,"jug":26972,"Ġharmonic":26973,"Ġhalfway":26974,"Ġbake":26975,"omp":26976,"Ġmediated":26977,"Ġassociates":26978,"Ġscriptures":26979,"ĠAdventure":26980,"ĠKrishna":26981,"marg":26982,"Ġugly":26983,"ĠCraig":26984,"Person":26985,"å°":26986,"Ġdaring":26987,"staff":26988,"Ġseize":26989,"ĠNegative":26990,"Ġavocado":26991,"ĠAppendix":26992,"Ġfreshly":26993,"Ġcatastrophe":26994,"Ġreferend":26995,"Ġspells":26996,"ophone":26997,"runner":26998,"Far":26999,"osin":27000,"ĠWald":27001,"ĠRwanda":27002,"Ġjumps":27003,"Ġresistor":27004,"Ġmountainous":27005,"ĠChang":27006,"Prob":27007,"Ġbureauc":27008,"Ġsine":27009,"placed":27010,"ि":27011,"GF":27012,"Germ":27013,"acl":27014,"iban":27015,"Ġjars":27016,"Inv":27017,"paramet":27018,"Ġfamiliarize":27019,"ĠBASIS":27020,"verter":27021,"perhaps":27022,"Ġrenewables":27023,"ĠInfluence":27024,"Sen":27025,"iteration":27026,"Ġconsumes":27027,"ĠMuscle":27028,"ĠFeeling":27029,"Ġcue":27030,"Ġblends":27031,"oxins":27032,"Ġmandated":27033,"osome":27034,"holding":27035,"Ġarranging":27036,"Arthur":27037,"ĠProcesses":27038,"ERSION":27039,"...,":27040,"letters":27041,"ĠEmpower":27042,"ĠEfficiency":27043,"Ġdisposition":27044,"ronts":27045,"Ġgenders":27046,"rapeutic":27047,"thinking":27048,"aclass":27049,"Ġturnover":27050,"ĠSacred":27051,"Mill":27052,"WD":27053,"Ã¥":27054,"Ġranc":27055,"Ġanatomical":27056,"wire":27057,"ĠCul":27058,"Ġreliably":27059,"Ġamen":27060,"endswith":27061,"Ġkale":27062,"Ġreadable":27063,"guided":27064,"ĠFul":27065,"maybe":27066,"Ġtilt":27067,"Ġoranges":27068,"ĠStars":27069,"Ġinitiating":27070,"Ġlingering":27071,"ucaly":27072,"Ġobjection":27073,"assertIs":27074,"Ġintrospection":27075,"ĠCarr":27076,"photo":27077,"Ġdiffuse":27078,"Ġdepiction":27079,"chip":27080,"Ġsting":27081,"ĠSax":27082,"acic":27083,"ĠKepler":27084,"ABILITY":27085,"Ġintimidating":27086,"Ġsuperheroes":27087,"Ġaccredited":27088,"Ġtheat":27089,"Ġavian":27090,"ischer":27091,"ĠAttorney":27092,"ĠMunich":27093,"ipelago":27094,"ĠOste":27095,"Ġseminars":27096,"flatten":27097,"âĹı":27098,"bred":27099,"bows":27100,"ĠCopenhagen":27101,"resa":27102,"Ġevergreen":27103,"Ġpronouns":27104,"Ġechoes":27105,"ĠIan":27106,"Ġprosecution":27107,"ĠHaven":27108,"Ġauthorization":27109,"Ġterminals":27110,"Ġpolyg":27111,"Ġartifact":27112,"Ġadhesion":27113,"CRE":27114,"ĠPediatric":27115,"traumatic":27116,"ĠCBT":27117,"asha":27118,"ĠPlat":27119,"Ġdisciplinary":27120,"Ġalteration":27121,"ĠSandy":27122,"adows":27123,"Ġvicious":27124,"ĠUI":27125,"Ġconstrained":27126,"Ġimb":27127,"Ġpreaching":27128,"impact":27129,"Ġprogen":27130,"shared":27131,"Ġcracked":27132,"Books":27133,"awk":27134,"Exercise":27135,"BU":27136,"Remove":27137,"Ġneuronal":27138,"ĠScriptures":27139,"Japanese":27140,"ï¬ģ":27141,"Sep":27142,"atology":27143,"Ġreap":27144,"Ġ()":27145,"Ġjur":27146,"Ġdowns":27147,"Price":27148,"ĠSV":27149,"Ġperce":27150,"reflection":27151,"Blood":27152,"Ġdissatis":27153,"ĠMindfulness":27154,"ĠLeonardo":27155,"Ġabstraction":27156,"ĠKazakh":27157,"_%":27158,"wat":27159,"ĠMari":27160,"ĠWiley":27161,"Ġbroth":27162,"ICK":27163,"Ġmentoring":27164,"ĠFunctional":27165,"Font":27166,"ranging":27167,"enames":27168,"ĠSammy":27169,"ĠPAR":27170,"ĠStru":27171,"Ġsupremacy":27172,"ĠBA":27173,"Ġintergenerational":27174,"EPA":27175,"Ġflax":27176,"Ġlogically":27177,"Ġamuse":27178,"Ġindexes":27179,"Ġosteoarthritis":27180,"rescent":27181,"ĠVern":27182,"Ġsignify":27183,"Ġharms":27184,"ĠJulian":27185,"Ġsubstrates":27186,"ĠInfectious":27187,"cas":27188,"either":27189,"ĠCAN":27190,"ĠQtWidgets":27191,"ĠAnatomy":27192,"css":27193,"framework":27194,"ĠItem":27195,"Ġsecretly":27196,"Ġdefective":27197,"systems":27198,"midt":27199,"igrams":27200,"Ġrepo":27201,"Ġrestorative":27202,"Ġshortened":27203,"Ġsalv":27204,"configure":27205,"Ġthunderstorm":27206,"ĠJennifer":27207,"Ġatroc":27208,"Ġphysi":27209,"Rule":27210,"ĠKl":27211,"Ġgrind":27212,"baum":27213,"MAN":27214,"orr":27215,"Ġchase":27216,"Ġsolemn":27217,"Ġconvictions":27218,"éĩ":27219,"Ġbbox":27220,"Ġrecreate":27221,"Ġjudging":27222,"ĠPrincipal":27223,"Ġdensely":27224,"Ġaforementioned":27225,"Ġsatire":27226,"Ġbroadband":27227,"Ġnano":27228,"ĠEcological":27229,"Ġblankets":27230,"Ġinvertebrates":27231,"ĠCoffee":27232,"Ġpamph":27233,"Ġshellfish":27234,"Ġunemployed":27235,"Failed":27236,"ĠGL":27237,"Ġmortar":27238,"Ġconfronting":27239,"Ġcessation":27240,"facing":27241,"awed":27242,"Ġstatutory":27243,"Ġtelecommunications":27244,"ĠMalcolm":27245,"Ġpronounce":27246,"Media":27247,"Neg":27248,"bons":27249,"must":27250,"angible":27251,"Ġsoups":27252,"ValueError":27253,"Originally":27254,"intendent":27255,"icuous":27256,"obacteria":27257,"Ġmorbidity":27258,"Dim":27259,"umers":27260,"Ġcommunism":27261,"Ġmeticulously":27262,"Ġcreek":27263,"Ġlongitude":27264,"Ġrental":27265,"ĠPetersburg":27266,"Ġannoying":27267,"Feed":27268,"iates":27269,"reciation":27270,"Ġhospitality":27271,"Ġcrisp":27272,"Ġbison":27273,"Ġbeliever":27274,"Ġstupid":27275,"resize":27276,"ĠRosa":27277,"Ġappliance":27278,"Ġsuspense":27279,"Ġcaregiver":27280,"identifier":27281,"RIGHT":27282,"ĠGill":27283,"ĠCorp":27284,"?'":27285,"ĠMunicip":27286,"ĠPok":27287,"ĠDol":27288,"Ġpalp":27289,"Ġsoak":27290,"ĠChain":27291,"ĠTranslation":27292,"Ġknights":27293,"Ġcontradictory":27294,"Ġoutweigh":27295,"erton":27296,"Ġscare":27297,"ippers":27298,"ĠRequirements":27299,"Ġreconcile":27300,"ĠComparative":27301,"Gr":27302,"bread":27303,"Ġplaint":27304,"ANCE":27305,"Ġsanction":27306,"Ġexploiting":27307,"Ġsubtraction":27308,"Ġbolst":27309,"Ġopioids":27310,"Ġanalyst":27311,"ĠEdit":27312,"Origin":27313,"ĠSequence":27314,"Ġneighbourhood":27315,"ĠSinai":27316,"anni":27317,"IONAL":27318,"Ġchemist":27319,"urbed":27320,"legal":27321,"ships":27322,"ĠRib":27323,"Ġentail":27324,"Ġpredetermined":27325,"Ġballoons":27326,"ĠMaths":27327,"Ġallegedly":27328,"resolved":27329,"ĠJamaica":27330,"ĠRenewable":27331,"ĠLed":27332,"Ġroasted":27333,"Ġblunt":27334,"Ġtopology":27335,"Ġkilograms":27336,"quiries":27337,"tb":27338,"ĠRut":27339,"Ġjaws":27340,"Ġsteer":27341,"Ġsweets":27342,"ĠHimself":27343,"Around":27344,"idine":27345,"ertical":27346,"packages":27347,"Category":27348,"Saxon":27349,"arag":27350,"ĠCotton":27351,"Ġimpurities":27352,"Ġretin":27353,"Ġanaerobic":27354,"Prop":27355,"Ġcurr":27356,"Ġhalls":27357,"Ġ([":27358,"\"\")":27359,"Union":27360,"Ġtrench":27361,"Ġpsoriasis":27362,"otomy":27363,"ĠHiro":27364,"ĠRan":27365,"Ġdistraction":27366,"Ġshortness":27367,"Ġcontinuum":27368,"Ġperpetuate":27369,"Ġporn":27370,"Ġstaggering":27371,"Ġcliffs":27372,"Ġhotter":27373,"posts":27374,"nie":27375,"quisite":27376,"agar":27377,"Recomm":27378,"Ġbraces":27379,"Ġpilgrimage":27380,"ĠTrial":27381,"otyp":27382,"Ġspraying":27383,"Ġvigilance":27384,"Ġinspires":27385,"Ġsymbolize":27386,"Ġneutrality":27387,"inia":27388,"Ġplacent":27389,"Width":27390,"Ġrichest":27391,"thy":27392,"ĠLan":27393,"activated":27394,"ossil":27395,"Ġbuf":27396,"Ġcurse":27397,"ĠDetection":27398,"(\"\"\"":27399,"ĠTet":27400,"Ġforeground":27401,"Ġsquared":27402,"ĠFeature":27403,"causing":27404,"ĠVehicle":27405,"ĠGalileo":27406,"ivariate":27407,"Tool":27408,"ku":27409,"aceans":27410,"thening":27411,"Scale":27412,"yy":27413,"ĠBorder":27414,"ĠHort":27415,"ĠRoh":27416,"boats":27417,"Ġmanifests":27418,"ĠAllergy":27419,"flation":27420,"Ġtqdm":27421,"Ġakin":27422,"almost":27423,"rigued":27424,"Average":27425,"Ġtinnitus":27426,"Ġhing":27427,"ĠEthernet":27428,"ĠJason":27429,"concept":27430,"Ġhorrible":27431,"enos":27432,"alms":27433,"ĠReally":27434,"Ġautomobiles":27435,"Ġcircumference":27436,"Ġquotation":27437,"ت":27438,"ĠStick":27439,"mediately":27440,"Ġstirring":27441,"Ġstubborn":27442,"Ġcollaboratively":27443,"Department":27444,"Ġadministering":27445,"nom":27446,"ĠGently":27447,"ĠsetUp":27448,"Ġintimacy":27449,"occupied":27450,"Bay":27451,"ĠCanaan":27452,"Ġincorporation":27453,"Ġmisinformation":27454,"Sleep":27455,"Ġawe":27456,"entries":27457,"Ġproton":27458,"visit":27459,"Ġseminar":27460,"Ġmisunderstood":27461,"Ġaur":27462,"roads":27463,"Ġneighbours":27464,"Ġfeminism":27465,"Ġsacrificing":27466,"Ġbrakes":27467,"ĠMechanical":27468,"Guideline":27469,"ĠPossible":27470,"ĠKol":27471,"Ġimminent":27472,"practice":27473,"decl":27474,"Things":27475,"Ġserpent":27476,"ĠCarefully":27477,"Ġintellectuals":27478,"ĠPhilippine":27479,"([\"":27480,"oras":27481,"Ġpicks":27482,"fd":27483,"jun":27484,"Ġtides":27485,"Ġstakes":27486,"ĠJA":27487,"Ġunnot":27488,"Ġanimations":27489,"Ġsafeguards":27490,"ĠPink":27491,"ĠRM":27492,"Ġ'')":27493,"Ġturmeric":27494,"Ġvagina":27495,"Ġvendor":27496,"Ġrug":27497,"Ġunfore":27498,"Ġwhatsoever":27499,"Ġshowers":27500,"Ġoccupying":27501,"Ġsupplemented":27502,"Ġids":27503,"Ġhears":27504,"Ġsoothing":27505,"Ġmolds":27506,"chunk":27507,"Ġfearful":27508,"Ġthreading":27509,"TL":27510,"ked":27511,"lisher":27512,"ĠFellow":27513,"strftime":27514,"Ġdestroys":27515,"'^":27516,"Kids":27517,"Ġlan":27518,"ĠARE":27519,"ĠSter":27520,"Ġencephal":27521,"ĠEngineer":27522,"parametrize":27523,"vocab":27524,"Ö¼":27525,"ÛĮ":27526,"iloc":27527,"sworth":27528,"Ġframed":27529,"Ġusefulness":27530,"ĠMillenn":27531,"Ġdisputed":27532,"Ġspontaneously":27533,"Ġaveraged":27534,"ĠDisaster":27535,"Ċĉĉĉĉĉĉ":27536,"ĠEy":27537,"ĠDawn":27538,"Ġkeras":27539,"Ġairways":27540,"ISA":27541,"ĠInterface":27542,"DAT":27543,"enstein":27544,"orian":27545,"Ġbiofuels":27546,"ĠWayne":27547,"ĠFilter":27548,"Patients":27549,"Ġgreeted":27550,"Ġfrightening":27551,"incinnati":27552,"Cultural":27553,"Together":27554,"ayas":27555,"asset":27556,"ĠReed":27557,"ĠPersons":27558,"Ġwrapping":27559,"Ġprops":27560,"Ġante":27561,"teacher":27562,"Ġbrewing":27563,"Ġdomest":27564,"blob":27565,"Ġplotting":27566,"Ġreciproc":27567,"Setting":27568,"different":27569,"ĠBattalion":27570,"Ġoppressed":27571,"Ġsandstone":27572,"ĠBluetooth":27573,"pots":27574,"igator":27575,"Ġmenus":27576,"Ġeffortlessly":27577,"Ġhomosexual":27578,"Ġexacerbated":27579,"geoId":27580,"econom":27581,"Ġshortcomings":27582,"relative":27583,"ISC":27584,"ĠPLoS":27585,"ĠRecognize":27586,"pronounced":27587,"ÅĽ":27588,"ĠUnd":27589,"Ġprenatal":27590,"Ġdirectories":27591,"Ġreservations":27592,"Ġwatches":27593,"accessed":27594,"Ġmerchand":27595,"Ġmorale":27596,"ĠTradition":27597,"ĠMarxist":27598,"Ġoutrage":27599,"iliency":27600,"Ġthresholds":27601,"nostic":27602,"Ġplent":27603,"ĠKidney":27604,"ĠSew":27605,"agents":27606,"Ġhandic":27607,"ĠReducing":27608,"Ġafforded":27609,"ĠSignal":27610,"ĠCyprus":27611,"Ġornament":27612,">\\":27613,"GG":27614,"ĠNW":27615,"Ġnoon":27616,"Ġtransmitter":27617,"Ġwarehouse":27618,"?,":27619,"TV":27620,"Ġbog":27621,"Ġspraw":27622,"crets":27623,"medicine":27624,"Ġnd":27625,"Ġbount":27626,"vectors":27627,"heet":27628,"esame":27629,"ĠElim":27630,"clusters":27631,"Ġraids":27632,"Ġgreatness":27633,"Traditional":27634,"ĠRuby":27635,"ĠPearson":27636,"UID":27637,"ĠProte":27638,"ĠNeil":27639,"Ġanthropogenic":27640,"ĠCob":27641,"umi":27642,"Ġeradicate":27643,"Ġattendees":27644,"sorption":27645,"ĠAccounting":27646,"Michael":27647,"ĠSpark":27648,"Chall":27649,"Ġrelieved":27650,"nge":27651,"Ġwired":27652,"ĠNSA":27653,"ormal":27654,"ĉĉĉ":27655,"Ġassigning":27656,"Ġrupture":27657,"ĠSicily":27658,"hemer":27659,"ĠCamera":27660,"ĠExpedition":27661,"impl":27662,"ĠTong":27663,"Ġgeared":27664,"ĠIUCN":27665,"ffiti":27666,"Ġkel":27667,"Ġfinishes":27668,"RET":27669,"ĠOriental":27670,"ĠYugoslav":27671,"Ġlattice":27672,"ourcing":27673,"ĠPlain":27674,"returns":27675,"ĠEllen":27676,"ĠInjury":27677,"HP":27678,"gran":27679,"hift":27680,"inters":27681,"opian":27682,"Ġformulate":27683,"Cisco":27684,"apeake":27685,"Ġrelics":27686,"paces":27687,"}_":27688,"Ġbinge":27689,"Ġ(<":27690,"rio":27691,"Ġunavailable":27692,"eyed":27693,"ydia":27694,"Ġpyramids":27695,"rists":27696,"ĠMotion":27697,"ĠOpin":27698,"ĠAna":27699,"Ġunexpectedly":27700,"Ġascending":27701,"Ġsoybeans":27702,"Ġelabor":27703,"Ultimately":27704,"GIS":27705,"Training":27706,"]-":27707,"waves":27708,"Ġç":27709,"Ġrushed":27710,"Ġabscess":27711,"Ġtriglycer":27712,"ĠBrussels":27713,"б":27714,"Ġnocturnal":27715,"hb":27716,"itance":27717,"omat":27718,"Ġpreview":27719,"Ġdeparted":27720,"Ġsquirrel":27721,"ĠAzer":27722,"Ġwiped":27723,"Ġbankruptcy":27724,"Ġcites":27725,"Ġvain":27726,"INGS":27727,"Ġavenue":27728,"Ġadjectives":27729,"Ġabusive":27730,"ismatic":27731,"ĠCooperation":27732,"ĠPerry":27733,"Ġdistinctly":27734,"ĠBoys":27735,"Ġantibacterial":27736,"Nor":27737,"kah":27738,"ĠMahar":27739,"Ġuncovering":27740,"enging":27741,"Ġwhistle":27742,"ostasis":27743,"ensitive":27744,"Ġnumeric":27745,"Diagn":27746,"ArgumentParser":27747,"clesiastical":27748,"د":27749,"itted":27750,"Ġmound":27751,"ĠRC":27752,"Ġamput":27753,"âĤ¬âĦ¢":27754,"Ġpeel":27755,"Ġcolorectal":27756,"Ġcreep":27757,"Ġposits":27758,"Ġcheckpoint":27759,"ĠPyth":27760,"ĠPresentation":27761,"experiment":27762,"Ġvowels":27763,"ĠSalvador":27764,"die":27765,"xiv":27766,"Ġ\"\",":27767,"Ġsounded":27768,"HTML":27769,"ĠClarke":27770,"Arab":27771,"Cat":27772,"ĠNest":27773,"Ġprogrammer":27774,"contents":27775,"ĠConstantine":27776,"BASE":27777,"Pacific":27778,"Talk":27779,"ĠReaders":27780,"Ġpods":27781,"atorial":27782,"Ġtitanium":27783,"Ġresonates":27784,"isia":27785,"ĠMOD":27786,"Ġsuicidal":27787,"Ġglorious":27788,"ĠExamine":27789,"checkpoint":27790,"Ġdiscrepancies":27791,"Ġgt":27792,"ĠEqual":27793,"ĠLaser":27794,"Ġdispat":27795,"angi":27796,"Ġoverride":27797,"Ġcastles":27798,"Ġcontradiction":27799,"Ġfeces":27800,"ĠPresbyter":27801,"ĠLogic":27802,"Henry":27803,"Äĩ":27804,"ĠMills":27805,"Ġcannon":27806,"Ġtreacher":27807,"Ġexecutives":27808,"Various":27809,"Ġspong":27810,"Ġrelapse":27811,"Ġhumankind":27812,"abspath":27813,"Smart":27814,"ĠCox":27815,"gemon":27816,"phant":27817,"RecipeSteps":27818,"ĠاÙĦ":27819,"ĠNeb":27820,"ĠChat":27821,"death":27822,"beam":27823,"Ġcostume":27824,"Ġsixteenth":27825,"Ġbrittle":27826,"ĠUnique":27827,"Ġdelim":27828,"Ġcrunch":27829,"æĺ¯":27830,"Has":27831,"ĠHealing":27832,"Ġslender":27833,"Phil":27834,"Ġmandates":27835,"Ġestates":27836,"Ġbroadcasting":27837,"Ġdwind":27838,"Ġhaem":27839,"á¹£":27840,"embedding":27841,"Ġinstincts":27842,"adoes":27843,"ĠFolk":27844,"Ġalloys":27845,"Api":27846,"Ġresur":27847,"----------------------------------":27848,"Ġcomplained":27849,"ĠMorning":27850,"Variable":27851,"/{}":27852,"itles":27853,"Ġups":27854,"Ġaffective":27855,"Ġdefaults":27856,"mits":27857,"caping":27858,"Ġpossessing":27859,"Ġlipids":27860,"codes":27861,"olation":27862,"Ġimpover":27863,"ĠJulia":27864,"Move":27865,"rez":27866,"seven":27867,"ONG":27868,"industrial":27869,"Ġdispersal":27870,"Math":27871,"Ġsocks":27872,"ĠHERE":27873,"popular":27874,"Ġstacked":27875,"Ġshrinking":27876,"ĠDominican":27877,"Ġneph":27878,"ĠOv":27879,"ĠUSS":27880,"ĠMarriage":27881,"Ġnormalized":27882,"cue":27883,"Ġrider":27884,"ĠLeak":27885,"ĠSadly":27886,"Ġbumps":27887,"Ġphyt":27888,"INK":27889,"Ġasyncio":27890,"Ġpag":27891,"Ġparticipatory":27892,"otta":27893,"ĠErnest":27894,"ĠHA":27895,"Ġassemblies":27896,"camera":27897,"æī":27898,"Ġmammalian":27899,"akedirs":27900,"bench":27901,"Ġartificially":27902,"sted":27903,"ĠSSL":27904,"ĠAmid":27905,"ĠWestminster":27906,"Ġresisted":27907,"Ġnegotiated":27908,"etti":27909,"Ġdivergence":27910,"[![":27911,"iets":27912,"ocese":27913,"Ġattacker":27914,"RIPT":27915,"ĠExperiences":27916,"Ġrabies":27917,"iciaries":27918,"reward":27919,"gee":27920,"essive":27921,"andra":27922,"Ġdeterg":27923,"ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":27924,"IMIT":27925,"Ġribbon":27926,"ĠMaxim":27927,"Ġintrigue":27928,"Character":27929,"ĠLinked":27930,"Analysis":27931,"Ġexploded":27932,"Ġowls":27933,"Ġignorant":27934,"Ġdiligently":27935,"JSON":27936,"gall":27937,"arval":27938,"ilate":27939,"Ġlr":27940,"ĠStack":27941,"Ġmultinational":27942,"Ġdefenders":27943,"harv":27944,"Ġves":27945,"loaded":27946,"Ġadvantageous":27947,"ä¹":27948,"ĠIntellectual":27949,"ĠPhysiology":27950,"Ġtransitional":27951,"ithe":27952,"Ġholdings":27953,"Ġsynagogue":27954,"Ġnanotechnology":27955,"representation":27956,"erations":27957,"ĠSr":27958,"ĠLength":27959,"Ġfinely":27960,"Ġmarketed":27961,"Ġbikes":27962,"Ġmessy":27963,"inoa":27964,"Ġconsolidation":27965,"Ġparaph":27966,"Matthew":27967,"ré":27968,"ĠBund":27969,"forests":27970,"Ġ\":":27971,"Ġdeclares":27972,"ĠRelief":27973,"ña":27974,"Ġeccentric":27975,"Ġhumorous":27976,"Ġforehead":27977,"authent":27978,"Ġaerospace":27979,"Connect":27980,"ĠStructures":27981,"ĠImmigration":27982,"Ġportrayals":27983,"ĠCertainly":27984,"Ren":27985,"Ġcis":27986,"Ġpreserves":27987,"ische":27988,"atinum":27989,"Ġelicit":27990,"åį":27991,"Ġriot":27992,"scription":27993,"ĠParties":27994,"Ġmidw":27995,"Ġdomesticated":27996,"ĠChairman":27997,"Ġrefrain":27998,"idery":27999,"untu":28000,"ĠMaori":28001,"Ġcylindrical":28002,"Ġuniforms":28003,"ĠConfederacy":28004,"Ġplentiful":28005,"cible":28006,"chens":28007,"Ġcarc":28008,"Ġrhetorical":28009,"chall":28010,"iga":28011,"Ġarches":28012,"Ġfloral":28013,"Ġstatewide":28014,"Host":28015,"rogram":28016,"ĠSau":28017,"oshi":28018,"ĠEsp":28019,"ourism":28020,"Ġthrill":28021,"boarding":28022,"ĠMeasurement":28023,"ĠValentine":28024,"WW":28025,"Ġdend":28026,"Ġtechnician":28027,"Ġincrement":28028,"Ġmicrophone":28029,"ĠMadrid":28030,"ĠBelgian":28031,"Ġpolymorph":28032,"ĠEstate":28033,"Ġbells":28034,"Ġcatches":28035,"Ġsegmentation":28036,"ĠCardi":28037,"ĠNiño":28038,"gain":28039,"ĠBle":28040,"Ġobservable":28041,"Ġextracting":28042,"æį":28043,"ĠBil":28044,"phyl":28045,"ĠCompute":28046,"aisy":28047,"Fortunately":28048,"Ġpollination":28049,"Ġн":28050,"ĠCONT":28051,"manuel":28052,"Ġintersectionality":28053,"ĠArmenia":28054,"oblast":28055,"Ġgraded":28056,"Ġflown":28057,"Ġadventurous":28058,"ĠStructural":28059,"Ġfoul":28060,"closing":28061,"Lin":28062,"streng":28063,"ĠBattery":28064,"ĠStem":28065,"switch":28066,"ĠAck":28067,"ptune":28068,"ĠHero":28069,"Recogn":28070,"ĠBolshe":28071,"Ġepidemiology":28072,"Ġwag":28073,"ATIONS":28074,"builder":28075,"ĠUniversities":28076,"Operation":28077,"Ġpristine":28078,"Ġnewcom":28079,"umbar":28080,"ĠHomo":28081,"frag":28082,"atomic":28083,"ĠItal":28084,"Ġexplorations":28085,"dinand":28086,"Ġpeanuts":28087,"tot":28088,"orexia":28089,"Ġcuttings":28090,"castle":28091,"ĠCongressional":28092,"OA":28093,"ĠTalm":28094,"ĠScreen":28095,"Ġ\"#":28096,"Ġridges":28097,"Ġwears":28098,"Ġsoftly":28099,"IGH":28100,"âĢĶâĢĶ":28101,"attack":28102,"Ġqualification":28103,"Ġtemptation":28104,"bbox":28105,"Ġinflicted":28106,"Ġbiome":28107,"='',":28108,"Ġbleed":28109,"tm":28110,"alas":28111,"Ġsponge":28112,"ptomatic":28113,"Ġmiscar":28114,"Ġportrayal":28115,"ĠUnderground":28116,"APP":28117,"Ġsteril":28118,"ĠPilgrim":28119,"hello":28120,"Ġawaiting":28121,"Ġepistem":28122,"ĠLingu":28123,"ĠGut":28124,"Ġcorro":28125,"Ġheroin":28126,"CrossRef":28127,"ĠEP":28128,"venting":28129,"ariance":28130,"Ġtoothbrush":28131,"Ġunderestimate":28132,"Historically":28133,"Ten":28134,"ocities":28135,"ĠComments":28136,"Ġredes":28137,"rosclerosis":28138,"Ġannotation":28139,"rances":28140,"ĠDistance":28141,"ffy":28142,"Ġspo":28143,"ĠVish":28144,"ĠART":28145,"Ġwield":28146,"Ġsilic":28147,"Ġconstructions":28148,"Face":28149,"hm":28150,"¼":28151,"LAGS":28152,"ĠRhodes":28153,"Fem":28154,"LED":28155,"Ġomitted":28156,"riet":28157,"ĠOTHER":28158,"Ġdemocracies":28159,"newline":28160,"Ġnewborns":28161,"Ġnasty":28162,"bohyd":28163,"compar":28164,"Ġsuburbs":28165,"Ġcompressor":28166,"ĠEfforts":28167,"Bit":28168,"ĠMent":28169,"Ġwhoever":28170,"Ġskins":28171,"balls":28172,"ĠMAC":28173,"ĠElsevier":28174,"Ġdentistry":28175,"Ġrepairing":28176,"Ġworsening":28177,"Ġpledge":28178,"ĠPros":28179,"Ġdropout":28180,"ĠInfo":28181,"ĠLloyd":28182,"\\'":28183,"ĠBog":28184,"elfth":28185,"Ġmined":28186,"Ġtactical":28187,"projects":28188,"ĠSacrament":28189,"Ġphylogenetic":28190,"Ġcholera":28191,"Ġ))":28192,"Ġ__________":28193,"Ġovaries":28194,"today":28195,"Ġcooks":28196,"ĠGol":28197,"Ġprovoke":28198,"Ġcarriage":28199,"Ġelevations":28200,"ĠRS":28201,"Ġcompilation":28202,"ĠTruman":28203,"Seq":28204,"sentence":28205,"Ġshrine":28206,"Ġaudi":28207,"rieve":28208,"ĠUP":28209,"ĠSpectrum":28210,"RF":28211,"Ġdeception":28212,"enser":28213,"Ġsalty":28214,"knowledge":28215,"downs":28216,"Ġbudgeting":28217,"Ġexchanging":28218,"Ġannotations":28219,"rele":28220,"Rate":28221,"Ġctypes":28222,"Ġconceive":28223,"Ġprocedural":28224,"icillin":28225,"Ġhike":28226,"ĠFit":28227,"Ġearthly":28228,"Ġerrone":28229,"ĠCatholicism":28230,"Ġdenominations":28231,"Ġenlisted":28232,"Iter":28233,"south":28234,"Ġlizards":28235,"ĠTouch":28236,"ĠCav":28237,"ĠNeander":28238,"ĠÃī":28239,"ethylene":28240,"ĠSoy":28241,"ĠKrist":28242,"Ġagro":28243,"ĠSuggest":28244,"Ġdich":28245,"ĠBuch":28246,"Ġdivert":28247,"Ġprominently":28248,"Ġfaraway":28249,"ĠGlasgow":28250,"Ġdissolution":28251,"CONFIG":28252,"Ġenforcing":28253,"ĠNg":28254,"Ġspoil":28255,"Ġbushes":28256,"Ġtactile":28257,"Ġquadratic":28258,"ĠChest":28259,"ĠGiant":28260,"Ġblurred":28261,"Stay":28262,"Ġexposes":28263,"ĠMilton":28264,"clips":28265,"ĠComics":28266,"Ġbooklet":28267,"Ġtransg":28268,"Ġinterpreter":28269,"Ġlatency":28270,"Ġcomplication":28271,"á¹ĩ":28272,"ococcus":28273,"Ġriots":28274,"Ġemergent":28275,"Ġitchy":28276,"aku":28277,"ĠJung":28278,"ĠStrat":28279,"Ġbiologically":28280,"Ġelli":28281,"Ġcartoons":28282,"Ġunforeseen":28283,"Wil":28284,"ĠTou":28285,"changes":28286,"ensely":28287,"Ġquir":28288,"Ġdiffered":28289,"ĠHack":28290,"Ġfolders":28291,"={\"":28292,"Living":28293,"ĠSET":28294,"adr":28295,"Ġshuffle":28296,"Ġaches":28297,"Ġentrenched":28298,"Ġslim":28299,"loading":28300,"Ġheaters":28301,"Ġexhibiting":28302,"Ġbedding":28303,"VEL":28304,"Ġdeciduous":28305,"Ġextant":28306,"sufficient":28307,"Symbol":28308,"rocal":28309,"ĠFields":28310,"ĠDevelopmental":28311,"ĠClassic":28312,"erencing":28313,"California":28314,"Ġfranchise":28315,"ĠHomes":28316,"paralle":28317,"Ġventric":28318,"along":28319,"rika":28320,"Ġfactions":28321,"ĠJohannes":28322,"ĠAging":28323,"Ġunreason":28324,"ĠHav":28325,"Ġactu":28326,"Ġsmugg":28327,"Ġoccupants":28328,"Student":28329,"Ġdrafted":28330,"guild":28331,"sing":28332,"uras":28333,"ĠBib":28334,"Ġencyclopedia":28335,"Ġnostalg":28336,"Abs":28337,"Ġpes":28338,"ÃŃn":28339,"dictionary":28340,"Ġageing":28341,"Ġcontractions":28342,",.":28343,":])":28344,"xs":28345,"insky":28346,"ĠNowadays":28347,"levels":28348,"Ġforgot":28349,"ĠMang":28350,"endas":28351,"avi":28352,"agnet":28353,"ĠAddiction":28354,"Ġpellets":28355,"boot":28356,"âĢij":28357,"ĠWise":28358,"Ġscholarships":28359,"ĠLibya":28360,"Ġscanner":28361,"alus":28362,"Ġpac":28363,"Ġhives":28364,"ĠCruz":28365,"Ġmasculine":28366,"love":28367,"inous":28368,"Ġgira":28369,"Ġ'{}":28370,"ĠParts":28371,"Ġ\\\\":28372,"Ġapproximation":28373,"Ġcoasts":28374,"ĠRisks":28375,"Ġinfused":28376,"Ġgraft":28377,"NH":28378,"ĠStanding":28379,"Deb":28380,"Ġstitches":28381,"Ġutmost":28382,"Ġimmunization":28383,"Style":28384,"Ġmoll":28385,"ĠCourts":28386,"Ga":28387,"tub":28388,"onium":28389,"Ġseptic":28390,"Ġpedagogy":28391,")'":28392,"fg":28393,"ete":28394,"Ġworldview":28395,"lessed":28396,"Ġcontacting":28397,"Ġanomaly":28398,"ressor":28399,"heng":28400,"Ġsurrendered":28401,"Ġchees":28402,"Ġhypers":28403,"Ġmicrobiota":28404,"Ġramifications":28405,"Center":28406,"Game":28407,"ĠBibli":28408,"rien":28409,"ĠGrande":28410,"ĠSupporting":28411,"Ide":28412,"Ġbuoy":28413,"ĠAdvert":28414,"religious":28415,"ĠInspired":28416,"Rs":28417,"Ġexquisite":28418,"ĠLodge":28419,"Ġphishing":28420,"Multiple":28421,"$.":28422,"ĠSams":28423,"ĠMÄģ":28424,"ĠSeeds":28425,"ĠWindow":28426,"ĠRepresentation":28427,"Row":28428,"Ġcoded":28429,"Ġga":28430,"ĠGrad":28431,"Ġboast":28432,"ĠClara":28433,"Ġpreferable":28434,"Ġsprouts":28435,"Ġfid":28436,"Ġgrounding":28437,"lickr":28438,"Ġprolific":28439,"ĠMathematical":28440,"Ġrailroads":28441,"Ġshingles":28442,"Ġauxiliary":28443,"warm":28444,"Ġstalk":28445,"ĠSilk":28446,"Ġblooming":28447,"Ġcryptocurrencies":28448,"Ġmotive":28449,"Ġobstruct":28450,"Ġenriches":28451,"Ġthermost":28452,"dst":28453,"Ġrage":28454,"attoo":28455,"Heart":28456,"Phys":28457,"DAY":28458,"Ġvertebrae":28459,"Rect":28460,"wana":28461,"ĠPull":28462,"licts":28463,"savefig":28464,"Ġcourageous":28465,"Ġdiligent":28466,"iao":28467,"ĠKate":28468,"ĠKill":28469,"Ġsubsistence":28470,"vertex":28471,"Ġ'#":28472,"Ġminimally":28473,"Ġshutter":28474,"Ġinterconnectedness":28475,"pickle":28476,"hom":28477,"tl":28478,"weh":28479,"essionals":28480,"ĠRi":28481,"ĠAviation":28482,"ĠChesapeake":28483,"sizes":28484,"ĠSaul":28485,"ĠIA":28486,"ferred":28487,"Ġpredictor":28488,"Ġratified":28489,"Ġinsecticides":28490,"Ġdownloading":28491,"slice":28492,"Ġabound":28493,"continent":28494,"Ġimplication":28495,"Ġsynthesized":28496,"Ever":28497,"Ġresigned":28498,"Ġparade":28499,"],[":28500,"Week":28501,"ĠCanon":28502,"Ġtutoring":28503,"Ġincubation":28504,"cock":28505,"ĠTroy":28506,"ĠGam":28507,"ĠOz":28508,"ĠIndies":28509,"Ġfoxes":28510,"lime":28511,"Ġpenguins":28512,"Ġartistry":28513,"ĠCertificate":28514,"Ġendorsed":28515,"ĠMau":28516,"ĠBurns":28517,"ĠLines":28518,"requests":28519,"Ġinventors":28520,"Ġinhibitor":28521,"Ġlinen":28522,"Too":28523,"Ġmell":28524,"racial":28525,"ĠSaw":28526,"agos":28527,"ECTION":28528,"posal":28529,"Ġinforms":28530,"ĠWHERE":28531,"×Ļ×":28532,"chant":28533,"ĠGaza":28534,"Ġcollaborated":28535,"ĠPlanck":28536,"Prepar":28537,"Community":28538,"dad":28539,"ulse":28540,"Ġcravings":28541,"rocessing":28542,"Ġillegally":28543,"Ġinoc":28544,"Ġavid":28545,"Ġnonlinear":28546,"Ġsummon":28547,"ĠHidden":28548,"Ġseating":28549,"Ġcontested":28550,"Ġendot":28551,"ĠFleet":28552,"Ġcellulose":28553,"ycin":28554,"Ġvents":28555,"ĠBPA":28556,"Ġfantastical":28557,"Ġunnoticed":28558,"Lou":28559,"Ġblockage":28560,"chery":28561,"Ġfishery":28562,"$',":28563,"above":28564,"ĠMons":28565,"sectional":28566,"ĠOpportunity":28567,"ucalypt":28568,"Sex":28569,"ĠLuis":28570,"Ġinvading":28571,"pixel":28572,"Government":28573,"ept":28574,"Ġbail":28575,"chu":28576,"ĊĊĠĠĠĠĠ":28577,"Ġmagma":28578,"ĠAchilles":28579,"Ġrever":28580,"Ġgorge":28581,"ĠFBI":28582,"Ġbaths":28583,"los":28584,"mor":28585,"Ġ\"{}":28586,"ĠKap":28587,"partum":28588,"ä¸Ń":28589,"ĠSurvival":28590,"ifix":28591,"ractions":28592,"Ġreplaces":28593,"markets":28594,"ĠDirectory":28595,"Large":28596,"ĠBoeing":28597,"ĠReach":28598,"wash":28599,"ĠDermat":28600,"Ġzeros":28601,"Ġmixes":28602,"Ġidle":28603,"Ġwrapper":28604,"Support":28605,"Ġscraps":28606,"Ġoutfit":28607,"Ġmigrating":28608,"constants":28609,"ĠMacbeth":28610,"Ġprohibits":28611,"Ġfidelity":28612,"ĠMeth":28613,"ĠEdd":28614,"Ġshocks":28615,"Star":28616,"zees":28617,"concatenate":28618,"ĠMethodist":28619,"ĠBachelor":28620,"Ġuphe":28621,"atta":28622,"Ġselectively":28623,"Ġbonded":28624,"ĠArgument":28625,"Ġherein":28626,"cup":28627,"isi":28628,"seek":28629,"udo":28630,"Ġforgetting":28631,"Ġdispersion":28632,"Train":28633,"isional":28634,"ribers":28635,"ronomy":28636,"truth":28637,"Ġcrystalline":28638,"Ġyouths":28639,"Ġ'+":28640,"Ġquestionnaires":28641,"Ġwander":28642,"Ġoverr":28643,"Ġremedi":28644,"ĠImproving":28645,"Ġconfrontation":28646,"ĠResponsibility":28647,"ĠSalmonella":28648,"LAN":28649,"Ġvisa":28650,"ĠAttribute":28651,"ĠGD":28652,"Ġfecal":28653,"Ġdrip":28654,"ĠObjects":28655,"Ġsurvivor":28656,"essing":28657,"Ġdemons":28658,"Ġsymbolizes":28659,"为":28660,"Ġdiseased":28661,"Emer":28662,"Ġyoungsters":28663,"Ġconcluding":28664,"Ġflourishing":28665,"Ġtomography":28666,"Ġpaddle":28667,"ĠGermanic":28668,"ĠFamous":28669,"Ġneutrons":28670,"Ġdevastated":28671,"ĠEstablishing":28672,"Ġresurg":28673,"becca":28674,"genic":28675,"ĠMilan":28676,"αι":28677,"({\"":28678,"ĠMans":28679,"ĠGov":28680,"Ġgraduating":28681,"ĠInfrastructure":28682,"stanbul":28683,"Apart":28684,"ĠTum":28685,"Ġcontinual":28686,"tti":28687,"ĠConsidering":28688,"Ġpositivity":28689,"Ġbreaches":28690,"ĠSiberia":28691,"Grade":28692,"Ns":28693,"Pa":28694,"urry":28695,"thren":28696,"ĠPig":28697,"ernels":28698,"Ġprototypes":28699,"ĠMyster":28700,"Wik":28701,"ĠTuring":28702,"emerg":28703,"Ġartworks":28704,"armac":28705,"ISPR":28706,"numbers":28707,"Ġtombs":28708,"Ġepochs":28709,"Warning":28710,"nell":28711,"orkshire":28712,"Ġdiagnostics":28713,"perors":28714,"Ġdetachment":28715,"Ġdeepening":28716,"Ġchiefs":28717,"Ġsightings":28718,"Ġincapable":28719,"igate":28720,"Sequence":28721,"tip":28722,"Ġbak":28723,"Ġyaml":28724,"ĠUran":28725,"Ġamplifier":28726,"Ġirritability":28727,"given":28728,"Ġsang":28729,"Ġalk":28730,"ĠTheater":28731,"ĠKurd":28732,"===":28733,"Ġmorals":28734,"ĠEquity":28735,"ynthetic":28736,"ĠAdventures":28737,"Ġpseudo":28738,"Ġpylint":28739,"makedirs":28740,"ongh":28741,"Ġvin":28742,"Ġworkouts":28743,"ĠReporting":28744,"OCs":28745,"Ġcongressional":28746,"ĠFut":28747,"Ġsustainably":28748,"ACC":28749,"Ġconfirming":28750,"Usually":28751,"Created":28752,"Background":28753,"ndon":28754,"ĠCopy":28755,"ĠPatent":28756,"ĠFranco":28757,"Ġhavoc":28758,"aways":28759,"Ġarchival":28760,"aith":28761,"erica":28762,"ĠRac":28763,"ĠGap":28764,"Invest":28765,"Ġavoids":28766,"Ġminimizes":28767,"Ġasserts":28768,"Args":28769,"ĠDocuments":28770,"Ġscrutin":28771,"TON":28772,"ĠComputers":28773,"women":28774,"Ġrode":28775,"ĠVic":28776,"Ġcomputations":28777,"Ġfluorescence":28778,"ocations":28779,"ĠGPA":28780,"Ġinstituted":28781,"Ġincremental":28782,"ĠBelief":28783,"FTWARE":28784,"ĠGrove":28785,"Ġreporters":28786,"scene":28787,"Ġcrush":28788,"logits":28789,"Ġvanilla":28790,"ĠCincinnati":28791,"absol":28792,"ĠRuntime":28793,"Ġvolts":28794,"ĠConcord":28795,"ĠTall":28796,"ĠCash":28797,"Ġglor":28798,"Ġidentifiable":28799,"sharing":28800,"ĠIPCC":28801,"ĠMesopotamia":28802,"Ġdst":28803,"Ġetym":28804,"Ġcommenced":28805,"Ġdoubling":28806,"ĠGNU":28807,"categories":28808,"Ġlyn":28809,"Ġspines":28810,"ĠHuang":28811,"Ġisotopes":28812,"Jul":28813,"Ġconductive":28814,"Ġskate":28815,"hetto":28816,"Ġirrespective":28817,"istles":28818,"Ġdisconnect":28819,"ĠKay":28820,"ĠQing":28821,"Ġstarter":28822,"Ġcrowns":28823,"Ġviscosity":28824,"ĠTowards":28825,"Ġmeningitis":28826,"WC":28827,"tha":28828,"Carbon":28829,"ĠWit":28830,"Ġrightly":28831,"Ġcharacterised":28832,"ĠKeith":28833,"Ġbelongings":28834,"Ġantidepressants":28835,"drug":28836,"enburg":28837,"entional":28838,"stride":28839,"Stack":28840,"ĠKeyError":28841,"ĠSpecialist":28842,"azes":28843,"ĠShut":28844,"MIT":28845,"ĠDrag":28846,"Ġcommence":28847,"Ġradon":28848,"interpre":28849,"Ġfurnish":28850,"Root":28851,"]}":28852,"Ġtariffs":28853,"ĠPowell":28854,"ĠPly":28855,"ĠChrome":28856,"Ġcamoufl":28857,"Ġbottled":28858,"Ġarterial":28859,"ĠIO":28860,"ĠMull":28861,"sett":28862,"ĠVinci":28863,"ĠCAR":28864,"Ġsmallpox":28865,"Keywords":28866,"Ġfridge":28867,"Ġmonasteries":28868,"Ġcu":28869,"ĠDjango":28870,"Ġetiquette":28871,"ĠTransl":28872,"ĠExtract":28873,"fried":28874,"kel":28875,"arynx":28876,"Ġcoy":28877,"ĠCreated":28878,"Ġclarification":28879,"ĠÏĦ":28880,"Prep":28881,"uracy":28882,"ĠHod":28883,"ĠChlor":28884,"shots":28885,"breeding":28886,"Ġdelegation":28887,"Ġnumbness":28888,"Ġpredecessors":28889,"Ġnecessitate":28890,"Ġtenant":28891,"Ġsegregated":28892,"ĠRochester":28893,"stress":28894,"Ġunanim":28895,"comments":28896,"ĠTechnological":28897,"Ġkidn":28898,"Ġharbour":28899,"ĠWorksheet":28900,"Ġstdout":28901,"iterate":28902,"ĠLor":28903,"ideos":28904,"Ġkins":28905,"Ġcultivars":28906,"belief":28907,"Ġpillar":28908,"================================================================":28909,"ĠHindi":28910,"paralleled":28911,"ĠdB":28912,"ĠIncludes":28913,"ĠOperating":28914,"ĠRebell":28915,"âķIJ":28916,"ĠPure":28917,"ĠWarsaw":28918,"still":28919,"ĠJet":28920,"nec":28921,"azar":28922,"Ġconcerts":28923,"Ġepithelial":28924,"Eating":28925,"alys":28926,"Ġmunicipality":28927,"tolist":28928,"ĠTobacco":28929,"Ġpredecessor":28930,"Jac":28931,"holes":28932,"Ġcoherence":28933,"Ġhym":28934,"Ġfreezer":28935,"subst":28936,"Ġapartheid":28937,"ĠEsther":28938,"Ġglyph":28939,"ĠThread":28940,"priv":28941,"Ġconducts":28942,"Ġstationed":28943,"ĠPrimitive":28944,"elona":28945,"Ġspicy":28946,"ructures":28947,"Close":28948,"panel":28949,"ĠBarack":28950,"']),":28951,"Ġvenom":28952,"basename":28953,"ĠPurpose":28954,"Ġunchecked":28955,"Ġdiscourses":28956,"Ġencoder":28957,"Collection":28958,"ĠTalmud":28959,"Liter":28960,"ĠHerald":28961,"ĠBritannica":28962,"ĠTrou":28963,"ĠTerror":28964,"ppery":28965,"Ġrefuses":28966,"Ġhoning":28967,"ĠMaintaining":28968,"assign":28969,"Ġdrank":28970,"Ġentirety":28971,"ĠDiamond":28972,"Ġoat":28973,"Ġnoteworthy":28974,"Ġobserves":28975,"Ġmassacre":28976,"Ġpraying":28977,"Ġaddicted":28978,"oyle":28979,"Ġbaskets":28980,"ĠIntervention":28981,"prediction":28982,"Ġherbicides":28983,"Ġdisappearance":28984,"ritic":28985,"Ġearnest":28986,"Ġallegations":28987,"ĠPretty":28988,"isle":28989,"iaz":28990,"Ġsunflower":28991,"ĠMurphy":28992,"ĠMing":28993,"ĠAssignment":28994,"ĠKyoto":28995,"Ġunderpinning":28996,"ĠShanghai":28997,"yrs":28998,"Ġobjections":28999,"curve":29000,"regate":29001,"ĠPreparing":29002,"Ġhelmets":29003,"ĠHttp":29004,"AVE":29005,"ĠVaccine":29006,"ĠPest":29007,"Ġembell":29008,"leness":29009,"Ġprocurement":29010,"thora":29011,"Ġchef":29012,"Ġempathetic":29013,"ĠMoral":29014,"ĠRoutledge":29015,"House":29016,"ĠCairo":29017,"ĠAfterward":29018,"feat":29019,"Ġknives":29020,"ĠSoviets":29021,"ĠDiagnostic":29022,"Ġxy":29023,"Ġastroph":29024,"Ġfuzzy":29025,"Metadata":29026,"nis":29027,"Ġsinks":29028,"ĠCPR":29029,"ĠFellows":29030,"Ġcortic":29031,"CB":29032,"ĠOption":29033,"Ġmonsters":29034,"Ġsweetness":29035,"ĠDouglass":29036,"Ġhomelessness":29037,"Gate":29038,"Pref":29039,"inj":29040,"Ġstaring":29041,"Ġconductors":29042,"uka":29043,"forth":29044,"Ġdx":29045,"Ġrivals":29046,"ĠiOS":29047,"Ġtransitioning":29048,"ĠClement":29049,"Ġneurom":29050,"ĠThr":29051,"Ġfluct":29052,"Ġballot":29053,"Teachers":29054,"ĠInsert":29055,"Ġrampant":29056,"ĠHood":29057,"Ġisolates":29058,"ĠNorfolk":29059,"ĠScotia":29060,"ĠFlowers":29061,"dise":29062,"ienced":29063,"Ġuuid":29064,"arel":29065,"aram":29066,"Ġacrylic":29067,"Ġimplementations":29068,"ĠTud":29069,"sep":29070,"Ġdedu":29071,"Ġrescued":29072,"opausal":29073,"approved":29074,"Civil":29075,"imps":29076,"ĠSke":29077,"Ġattribution":29078,"Ġdetached":29079,"Ġinspir":29080,"ĠSpeak":29081,"Protection":29082,"ĠJeremiah":29083,"Ġrehears":29084,"ĠFrequency":29085,"hee":29086,"Ġstains":29087,"Ġservings":29088,"Ġforgive":29089,"ĠFAQ":29090,"ĠThankfully":29091,"Ġrelentless":29092,"Ġregenerative":29093,"Ġmates":29094,"ĠNak":29095,"ĠNSW":29096,"Ġsubmissions":29097,"omson":29098,"ĠDeaf":29099,"precision":29100,"Ġwildfire":29101,"integer":29102,"Syn":29103,"urus":29104,"Ġdeline":29105,"Ġzebra":29106,"ĠAcute":29107,"Ġboosts":29108,"Ġamplification":29109,"angelo":29110,"Ġjacket":29111,"ĠPregnancy":29112,"Ġoc":29113,"Ġtemperament":29114,"ĠMaximum":29115,"Ġcorrelate":29116,"ĠJuliet":29117,"ĠBolivia":29118,"ĠStevens":29119,"ĠMN":29120,"Ġimpending":29121,"ordering":29122,"Ġorally":29123,"Ġmanned":29124,"Ġblows":29125,"Ġsummaries":29126,"Ġalmonds":29127,"youtube":29128,"Ġcolds":29129,"Ġtrunc":29130,"Ġfolic":29131,"gradu":29132,"Ġnanot":29133,"Ġreconsider":29134,"Ġlax":29135,"Ġscoop":29136,"ĠConcent":29137,"encil":29138,"Ġ%.":29139,"ĠOwen":29140,"Ġmourning":29141,"Ġhamm":29142,"iddles":29143,"Ġcapsules":29144,"ĠHydro":29145,"ĠCAP":29146,"Ġimporting":29147,"Ġscanned":29148,"Ġimagining":29149,"umberland":29150,"mediate":29151,"Period":29152,"ĠPlayers":29153,"Ġlesion":29154,"Ġacronym":29155,"Sir":29156,"å¾":29157,"ĠABS":29158,"thus":29159,"ensitivity":29160,"ĠInspect":29161,"ĠPsalm":29162,"ĠNF":29163,"Ġarrog":29164,"Ġsofter":29165,"Ġdeviations":29166,"Ġdiploma":29167,"Ġwarranted":29168,"obil":29169,"Ġsellers":29170,"ĠObserve":29171,"Ġexpansive":29172,"Ġsag":29173,"individual":29174,"Ġcompetency":29175,"Ġbridging":29176,"Ġundergoes":29177,"Ġpiston":29178,"enet":29179,"Ġprecon":29180,"ĠForward":29181,"riptor":29182,"Estab":29183,"æĸĩ":29184,"...]":29185,"Ġfillings":29186,"ĠProtecting":29187,"Ġauthored":29188,"Ġantiviral":29189,"ĠLeakage":29190,"enary":29191,"inds":29192,"Ġsandwic":29193,"Ġscratching":29194,"Ġstaging":29195,"Ġmilligrams":29196,"Ġlineages":29197,"Ġze":29198,"Ġformatted":29199,"Users":29200,"Accept":29201,"Ġpedestrians":29202,"Ġimmortal":29203,"Hung":29204,"Ġfences":29205,"aris":29206,"ĠPseud":29207,"ĠInner":29208,"Ġsedimentary":29209,"ĠCalcium":29210,"ĠMarian":29211,"ĠMcDonald":29212,"Associ":29213,"Member":29214,"Ġpuff":29215,"ĠErie":29216,"Plus":29217,"Ġfirmware":29218,"Ġsubordinate":29219,"Ġhydrocarbons":29220,"inspired":29221,"Ġdyn":29222,"Header":29223,"drew":29224,"Ġprizes":29225,"leted":29226,"ĠNSF":29227,"appa":29228,"Ġeyew":29229,"drive":29230,"ĠDickens":29231,"ĠReynolds":29232,"Template":29233,"Ġceliac":29234,"ĠTales":29235,"Ġplight":29236,"Ġspac":29237,"ITS":29238,"Ġducts":29239,"Ġcripp":29240,"Ġboolean":29241,"ĠCaval":29242,"ĠTherap":29243,"gp":29244,"ĠCust":29245,"doing":29246,"Questions":29247,"Ġamplified":29248,"Latin":29249,"waste":29250,"Ġinmates":29251,"Ġtheorists":29252,"ĠMock":29253,"amped":29254,"Ġ-->":29255,"/-":29256,"?:":29257,"ovich":29258,"Ġproposing":29259,"Ġorthodont":29260,"Ġechoed":29261,"Ġgigantic":29262,"ĠQuarterly":29263,"Tor":29264,"ĠPOW":29265,"rivers":29266,"COMM":29267,"Ġlobe":29268,"ĠFukushima":29269,"Ġunparalleled":29270,"Ġfueling":29271,"hovah":29272,"Files":29273,"ĠSask":29274,"ĠSlavery":29275,"Ġvanish":29276,"overe":29277,"Ġworkload":29278,"Ġimmature":29279,"Ġsaline":29280,"Ġconditioned":29281,"Ġelasticity":29282,"Ġexponentially":29283,"bard":29284,"olate":29285,"Ġparach":29286,"ĠPalmer":29287,"Final":29288,"Ġheels":29289,"heses":29290,"Ġbuffalo":29291,"Ġtriumphs":29292,"Menu":29293,"lugin":29294,"Ġsupermarket":29295,"Ġcriticisms":29296,"ĠCNC":29297,"Ġreconstructed":29298,">":29832,"ovies":29833,"ĠArchbishop":29834,"ĠRamadan":29835,"ä¼":29836,"Ġng":29837,"withstanding":29838,"ĠLaunch":29839,"GEN":29840,"mist":29841,"andem":29842,"Ġmonastic":29843,"affirm":29844,"ĠCombining":29845,"Mrs":29846,"isfile":29847,"ĠSU":29848,"Ġquitting":29849,"Ġevidently":29850,"Ġsounding":29851,"Ġgrassland":29852,"Ġconcealed":29853,"Ġuploaded":29854,"Ġhibern":29855,"Ġfoo":29856,"Ġelites":29857,"Stage":29858,"Ġremarked":29859,"ĠDigest":29860,"entropy":29861,"ĠMagnetic":29862,"glass":29863,"tre":29864,"Ġspeculate":29865,"ĊĉĊ":29866,"ĠBaron":29867,"Ġgrandson":29868,"Ġtigers":29869,"ethoven":29870,"Ġswords":29871,"ĠCarroll":29872,"Ġrevisit":29873,"bag":29874,"dic":29875,"Ġhides":29876,"Ġthromb":29877,"ipot":29878,"veniles":29879,"Ġviolin":29880,"amburg":29881,"ĠMemphis":29882,"lv":29883,"ĠDS":29884,"Ġtrimes":29885,"Ġprecaution":29886,"Values":29887,"Ġuterine":29888,"Ġtetra":29889,"Ġmarshes":29890,"Ġgru":29891,"Ġcaption":29892,"ĠComing":29893,"Ġfireworks":29894,"ĠSOFTWARE":29895,"Ġattributable":29896,"istries":29897,"Ġpitu":29898,"Ġrevolves":29899,"ĠConservative":29900,"ĠAe":29901,"ĠCer":29902,"Ġemblem":29903,"Ġthinning":29904,"Ġfountain":29905,"aksh":29906,"ĠBlind":29907,"ĠSquad":29908,"Ġarte":29909,"uttering":29910,"Ġantigens":29911,"sid":29912,"otoxic":29913,"ĠLav":29914,"ĠGlac":29915,"Ġguessing":29916,"ãĢģ":29917,"ĠPictures":29918,"Rele":29919,"ĠWiki":29920,"arynge":29921,"listdir":29922,"Ġbleach":29923,"RAIN":29924,")\".":29925,"ĠFlower":29926,"Ġagon":29927,"ĠMystery":29928,"ан":29929,"concat":29930,"Ġalcoholism":29931,"ĠPlayer":29932,"ĠJosé":29933,"Ġapprehens":29934,"Russian":29935,"Ġtrough":29936,"odied":29937,"Ġbackpack":29938,"Ġtrainers":29939,"ĠWebster":29940,"Ġlaunches":29941,"ĠSullivan":29942,"Cho":29943,"Ġsuperconduct":29944,"Measure":29945,"ĠObjectives":29946,"Ġsourcing":29947,"Ġisotope":29948,"Ġbrackets":29949,"Ġbedrock":29950,"rity":29951,"owitz":29952,"terbury":29953,"ĠLegislature":29954,")\")":29955,"did":29956,"ĠmL":29957,"ĠBusinesses":29958,"Ġexhaustive":29959,"Ġdiminishing":29960,"Ġpituitary":29961,"ĠSK":29962,"ĠMennon":29963,"alchemy":29964,"Ġect":29965,"allclose":29966,"Ġdetects":29967,"Machine":29968,"thouse":29969,"ĠVocabulary":29970,"Ġharming":29971,"Ġи":29972,"ĠIPv":29973,"Ġanchored":29974,"Grand":29975,"Ġonc":29976,"Ġvolatility":29977,"ĠMaritime":29978,"ĠSatellite":29979,"ĠViews":29980,"Ġtrenches":29981,"Ġbob":29982,"ĠFitness":29983,"Ġplotted":29984,"Collect":29985,"ĠBuilt":29986,"disk":29987,"Ġchromium":29988,"ör":29989,"ĠOSHA":29990,"Ġknocked":29991,"KEN":29992,"Practice":29993,"Ġfreel":29994,"ĠUSGS":29995,"Ġphoton":29996,"ĠEdgar":29997,"ĠCorporate":29998,"Ġbreeze":29999,"}/{":30000,"Ġreim":30001,"Ġhegemon":30002,"Ġrooft":30003,"ĠTransformation":30004,"...\")":30005,"decor":30006,"ĠHarlem":30007,"Ġmacroph":30008,"Ġcondensation":30009,"ĠBarcelona":30010,"Iss":30011,"slug":30012,"Ġintends":30013,"ologous":30014,"defense":30015,"kinson":30016,"ĠNP":30017,"Ġintro":30018,"Ġka":30019,"Ġemancipation":30020,"Ġcornea":30021,"ĠNeo":30022,"Ġconformity":30023,"ĠAnthropology":30024,"Materials":30025,"romes":30026,"ĠGest":30027,"Ġdrafts":30028,"Ġdiscriminate":30029,"Regardless":30030,"Ġperpetuating":30031,"wre":30032,"Äį":30033,"onation":30034,"Ġphe":30035,"Ġinscribed":30036,"Ġdwellings":30037,"ĠPBS":30038,"Ġlabelled":30039,"ĠCOMM":30040,"ĠStrength":30041,"Ġdare":30042,"Ġcultured":30043,"ipples":30044,"Ġledger":30045,"Ġcelebrity":30046,"decay":30047,"broken":30048,"Ġredundant":30049,"Ġalarms":30050,"ĠPir":30051,"ĠJM":30052,"ituting":30053,"ĠMugh":30054,"Ġteeming":30055,"Ġeman":30056,"Ġconsultants":30057,"Ġremembers":30058,"Ġgout":30059,"Ġunseen":30060,"attering":30061,"consciously":30062,"Ġaggressively":30063,"Tab":30064,"eme":30065,"Ġpublicity":30066,"Ġzoning":30067,"ĠAllan":30068,"ENG":30069,"Ġbarren":30070,"ĠArchaeological":30071,"Ġtau":30072,"ĠEEG":30073,"Ġsprint":30074,"Ġappealed":30075,"ĠIslander":30076,"Virtual":30077,"editor":30078,"ĠWend":30079,"Ġwasps":30080,"Ġdecoding":30081,"Ġmemorize":30082,"iline":30083,"Ġgit":30084,"Ġeighty":30085,"Ġmotorcycle":30086,"ĠExcellence":30087,"FDA":30088,"ĠTon":30089,"Ġwithdrew":30090,"Ġskating":30091,"avement":30092,"AlmostEqual":30093,"ación":30094,"ĠGonz":30095,"bio":30096,"Ġpsychosocial":30097,"ĠFindings":30098,"Ġgreeting":30099,"ĠMHz":30100,"synt":30101,"ĠBreaking":30102,"Ġhurting":30103,"biased":30104,"ĠAdvances":30105,"Ġbiodegradable":30106,"Ġferment":30107,"ichever":30108,"vine":30109,"legged":30110,"amen":30111,"assisted":30112,"REG":30113,"AMS":30114,"ĠDefence":30115,"Ġaligning":30116,"ĠCombine":30117,"Ġenvisioned":30118,"Fort":30119,"unge":30120,"Ġgenerals":30121,"Ġpsychoan":30122,"Ġrotated":30123,"Ġdisappears":30124,"pairs":30125,"ĠGW":30126,"Ġplaques":30127,"invest":30128,"Option":30129,"Ġ(âĢĺ":30130,"ĠLegion":30131,"Ġsponsor":30132,"Ġrall":30133,"Ġflamm":30134,"Ġriches":30135,"Ġphilanthrop":30136,"?\",":30137,"fo":30138,"Ġexclaimed":30139,"legraph":30140,"ĠBulgaria":30141,"erner":30142,"Ġformulations":30143,"Ġmacular":30144,"Ġovulation":30145,"Ġbreeders":30146,"Ġprized":30147,"padding":30148,"ĠLunar":30149,"Ġparadise":30150,"zel":30151,"Ġging":30152,"quired":30153,"Ġprud":30154,"obalt":30155,"mighty":30156,"_)":30157,"åĮ":30158,"ĠFrag":30159,"Ġdelighted":30160,"cid":30161,"ĠWake":30162,"ellular":30163,"versely":30164,"isson":30165,"covered":30166,"Ġfused":30167,"ĠSak":30168,"Ġsafest":30169,"Ġconsultations":30170,"Ġchronological":30171,"Ġorchestra":30172,"ĠSul":30173,"Ġcomets":30174,"Ġbehaves":30175,"Ġpredatory":30176,"subplot":30177,"Ġowed":30178,"Ġcoils":30179,"Ġefficiencies":30180,"signature":30181,"nail":30182,"zig":30183,"Ġdries":30184,"Ġnar":30185,"Ġantiqu":30186,"backed":30187,"Ġimitation":30188,"ĠComposition":30189,"Ġtenderness":30190,"demand":30191,"Settings":30192,"Ġconcerted":30193,"HIV":30194,"opters":30195,"hyp":30196,"ĠWebb":30197,"Ġcatalysts":30198,"Den":30199,"Love":30200,"Ġshamp":30201,"Ġsolvents":30202,"Ùı":30203,"Ġeminent":30204,"Ġbarbar":30205,"ĠPattern":30206,"Obj":30207,"=[]":30208,"Ġcontemplation":30209,"Hot":30210,"Ġreused":30211,"ĠSaving":30212,"Ġpoaching":30213,"iscus":30214,"Ġphenotype":30215,"Contemporary":30216,"ĠQtGui":30217,"ĠGHG":30218,"wen":30219,"strap":30220,"ĠAim":30221,"ĠSpani":30222,"ĠAdaptation":30223,"Ġtx":30224,"seus":30225,"Ġperil":30226,"otech":30227,"ĠUsage":30228,"ä¸į":30229,"Ġpivot":30230,"Ġreferencing":30231,"Ġresentment":30232,"poor":30233,"Ġlogarith":30234,"Ġprimer":30235,"Ġanalytic":30236,"queous":30237,"ĠSolving":30238,"Ġapostles":30239,"Ġspawning":30240,"Ġinnocence":30241,"resid":30242,"oxid":30243,"Ġcleaners":30244,"Äģn":30245,"Ġsteadfast":30246,"Ġintravenous":30247,"DEL":30248,"Wed":30249,"retch":30250,"ĠIntersection":30251,"ultaneously":30252,"ĠHybrid":30253,"erian":30254,"isites":30255,"avar":30256,"arcin":30257,"ĠClaim":30258,"Ġcleanliness":30259,"Ġundet":30260,"ĠCultures":30261,"Ġinconsistencies":30262,"Six":30263,"wali":30264,"urface":30265,"Ġdegrade":30266,"Ġignition":30267,"Ġmortal":30268,"aiser":30269,"ĠLeveraging":30270,"Ġdisgust":30271,"Diet":30272,"ζ":30273,"roly":30274,"Ġperfor":30275,"metal":30276,"ĠSlave":30277,"Ġgracefully":30278,"Ġneurotransmitters":30279,"ĠCin":30280,"geometry":30281,"ogas":30282,"Ġsunk":30283,"ĠSerge":30284,"ĠKenneth":30285,"ĠDuncan":30286,"Ġmisconduct":30287,"near":30288,"ĠNu":30289,"Ġplac":30290,"Ġsmiling":30291,"filtered":30292,"Ġpersuaded":30293,"Ġgrooming":30294,"Ġicy":30295,"ĠPrel":30296,"ĠDy":30297,".....":30298,"ERN":30299,"Ray":30300,"Ġincision":30301,"Ġdirects":30302,"Ġnarrowing":30303,"Ġdesperately":30304,"mort":30305,"orean":30306,"Ġinvoked":30307,"ĠShop":30308,"Ġeldest":30309,"Earl":30310,"agara":30311,"Ġimprint":30312,"Ġxen":30313,"čĊčĊĠĠĠĠĠĠĠĠĠĠĠ":30314,"ĠBrooks":30315,"MODEL":30316,"Typ":30317,"kov":30318,"abetics":30319,"Ġmoods":30320,"ĠMeditation":30321,"Ġobservance":30322,"rosso":30323,"Ġclimbed":30324,"Ġbrightest":30325,"ĠPakistani":30326,"ĠLeonard":30327,"nlm":30328,"Ġbaptized":30329,"Interestingly":30330,"Ġmemoirs":30331,"ĠCroatia":30332,"ð":30333,"Ġfeats":30334,"Ġremod":30335,"Ġinterconnect":30336,"']]":30337,"aea":30338,"Ġcloudy":30339,"Ġdraining":30340,"ĠJacques":30341,"Ġpediatrician":30342,"ĠTheology":30343,"ĠBiomed":30344,"ĠCritics":30345,"ĠCertified":30346,"Gard":30347,"ĠQU":30348,"ochastic":30349,"ĠGru":30350,"Ġmonsoon":30351,"Ġaluminium":30352,"Ġfleeing":30353,"ĠHoover":30354,"Hor":30355,"rax":30356,"Ġqui":30357,"Ġclassifications":30358,"Heat":30359,"Ġcelery":30360,"aphyl":30361,"philis":30362,"zzles":30363,"failed":30364,"á¿":30365,"company":30366,"ĠCameron":30367,"ĠDegree":30368,"Ġdisregard":30369,"suffix":30370,"Ġstif":30371,"psis":30372,"HOST":30373,"Ġimprovis":30374,"Ġdevastation":30375,"Points":30376,"Ġenlightened":30377,"another":30378,"ĠTale":30379,"Ġliters":30380,"rhosis":30381,"Ġ(~":30382,"COMP":30383,"rotation":30384,"igmatic":30385,"Feeling":30386,"ĠIntroducing":30387,"san":30388,"virus":30389,"Ġtempted":30390,"IntegerField":30391,"NOTE":30392,"KD":30393,"dynamic":30394,"Ö¸":30395,"ĠIcon":30396,"cycles":30397,"Ġsimmer":30398,"ĠCalif":30399,"Ġspotting":30400,"Ġcentrifug":30401,"Ġhelpers":30402,"HOW":30403,"multiple":30404,"ĠRebellion":30405,"Greek":30406,"LT":30407,"ĠSou":30408,"Ġexternally":30409,"ĠBacon":30410,"Ġclone":30411,"omencl":30412,"ĠBlockchain":30413,"ascii":30414,"ĠLact":30415,"achy":30416,"ĠRespond":30417,"ĠMint":30418,"Ġhyperactivity":30419,"Neuro":30420,"ĠSEO":30421,"Ġrivalry":30422,"WHAT":30423,"ĠInventory":30424,"Ġ(+":30425,"ĠNas":30426,"olecules":30427,"Ġtenants":30428,"ĠFocusing":30429,"Ġallegiance":30430,"hit":30431,"mpp":30432,"Ġconduction":30433,"iba":30434,"Ġbraking":30435,"Ġfirefighters":30436,"bly":30437,"Ġinvasions":30438,"ĠForests":30439,"Ġstalks":30440,"Ġbif":30441,"ĠAwards":30442,"ĠCraw":30443,"ĠâĢľâĢ¦":30444,"ĠLeaves":30445,"rews":30446,"Ġaggregation":30447,"Ġflea":30448,"ĠTaliban":30449,"setObjectName":30450,"sound":30451,"Ġdegenerative":30452,"ĠMLA":30453,"neur":30454,"lications":30455,"Ġstrife":30456,"Ġrevolutionize":30457,"itize":30458,"Ġpotting":30459,"Ġappropriation":30460,"ĠNeptune":30461,"assertAlmostEqual":30462,"ĠTemplate":30463,"ĠASC":30464,"umbers":30465,"ĠStim":30466,"Ġinvoluntary":30467,"Ġnovelty":30468,"ĠPrairie":30469,"Squ":30470,"bold":30471,"onna":30472,"Ġtyped":30473,"Weight":30474,"riptions":30475,"Ġwrath":30476,"OO":30477,"Risk":30478,"ĠGain":30479,"ĠKau":30480,"ĠUSE":30481,"ĠGeology":30482,"ANK":30483,"oscale":30484,"Ġwagon":30485,"Ġmats":30486,"ĠNoble":30487,"Development":30488,"largest":30489,"ĠHirosh":30490,"Ġapes":30491,"inp":30492,"ĠRomeo":30493,"aras":30494,"Ġleng":30495,"andas":30496,"iscopal":30497,"Ġcommanding":30498,"Ġruined":30499,"Ġgymn":30500,"Ġdictatorship":30501,"Ġ(`":30502,"Ġunatt":30503,"awing":30504,"Ġreacting":30505,"ĠForestry":30506,"payment":30507,"Ġtroublesh":30508,"Ġreplicated":30509,"Ġgarrison":30510,"versions":30511,"Ġvigorously":30512,"NY":30513,"wald":30514,"ĠADA":30515,"osl":30516,"ĠLocated":30517,"Ġindig":30518,"Ġagendas":30519,"Ġoveruse":30520,"Ġtimelines":30521,"Ġplasticity":30522,"mounted":30523,"Ġsubmarines":30524,"Ġpavement":30525,"Ġcactus":30526,"Ġmaze":30527,"Ġnoticing":30528,"cester":30529,"Ġdictated":30530,"Ġproofs":30531,"Ġmalfunction":30532,"ococcal":30533,"Ġresurgence":30534,"sources":30535,"vag":30536,"illet":30537,"ĠSB":30538,"Ġobsession":30539,"rupted":30540,"\"+":30541,"rex":30542,"ĠBecoming":30543,"ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":30544,"Ġherbicide":30545,"Ġembodiment":30546,"ĠEisenhower":30547,"Ġsph":30548,"Ġlawmakers":30549,"Ġstormwater":30550,"ĠHVAC":30551,"×Ķ":30552,"Ġshields":30553,"ĠOH":30554,"Ġtransnational":30555,"Ġfilaments":30556,"Ġsummarizes":30557,"Ġphonics":30558,"ĠElectricity":30559,"juven":30560,"aphyloc":30561,"Sche":30562,"Ġinadvert":30563,"abric":30564,"ĠArms":30565,"ĠValidation":30566,"å½":30567,"ĠLoren":30568,"ggy":30569,"Allow":30570,"Ġthrives":30571,"Ġlibrarians":30572,"Ġreplica":30573,"Tex":30574,"solution":30575,"('_":30576,"ĠResilience":30577,"ĠPhone":30578,"Ġfurnished":30579,"predictions":30580,"à¥ĩ":30581,"Ġbullied":30582,"ĠBeauty":30583,"Ġpragmatic":30584,"ĠKarn":30585,"ermal":30586,"Ġtrek":30587,"Ġwheelchair":30588,"ĠLiberation":30589,"ĠPhotoshop":30590,"Ġflattened":30591,"ĠPyramid":30592,"Ġpledged":30593,"Ġpredation":30594,"Ġfloats":30595,"Ġtorped":30596,"Ġqueens":30597,"Ġorchestr":30598,"Ġpatriarchal":30599,"Boolean":30600,"trial":30601,"atoms":30602,"ĠOst":30603,"ensure":30604,"Ġcarrot":30605,"Ġparaly":30606,"ĠPerman":30607,"hya":30608,"ĠKindergarten":30609,"Ġpilgrims":30610,"Pet":30611,"fishing":30612,"verify":30613,"iku":30614,"ĠEvangel":30615,"Ġprevailed":30616,"ĠNicarag":30617,"ĠKitchen":30618,"ĠBS":30619,"ĠWalking":30620,"orithms":30621,"Genesis":30622,"Ġheterogeneous":30623,"------------------------------":30624,"Ġfauc":30625,"ĠFrame":30626,"neutral":30627,"Ġapopt":30628,"ĠHazard":30629,"walks":30630,"ĠHepatitis":30631,"dala":30632,"ethnic":30633,"Ġfluent":30634,"bladder":30635,"Ġallergen":30636,"ĠTorres":30637,"ĠAtomic":30638,"ieties":30639,"Ġstricter":30640,"dk":30641,"ingo":30642,"Ġanalyzes":30643,"Ġrotational":30644,"ĠLocke":30645,"Ġpalsy":30646,"itability":30647,"chle":30648,"Introdu":30649,"Ġselves":30650,"Ġrecruiting":30651,"uschwitz":30652,"Ġconject":30653,"ĠPill":30654,"Ġjog":30655,"ĠJohnston":30656,"ĠGenerate":30657,"न":30658,"ĠGiov":30659,"ï¸":30660,"ĠâĢľ[":30661,"ĠMonroe":30662,"ĠReduced":30663,"Ġantennas":30664,"ĠUCLA":30665,"Ġtectonic":30666,"thermal":30667,"Ġstrata":30668,"Ġfeeders":30669,"ĠRegulatory":30670,"Ġreceptive":30671,"ĠGazette":30672,"uscular":30673,"ĠThames":30674,"ĠDemand":30675,"Ġhacking":30676,"ĠEpidemiology":30677,"sensor":30678,"æĿ":30679,"Ġferv":30680,"Ġfiner":30681,"Ġsingers":30682,"orbid":30683,"Writer":30684,"ĠMarcus":30685,"Ġounce":30686,"imating":30687,"ĠPART":30688,"Ġperpetual":30689,"Ġstylistic":30690,"Ġreceipt":30691,"Ġhail":30692,"Ġscout":30693,"Ġpolls":30694,"...)":30695,"Whatever":30696,"Ġinstrumentation":30697,"Ġcockro":30698,"Ġoverturn":30699,"ĠRichardson":30700,"ĠEden":30701,"Ġseaweed":30702,"Ġwearable":30703,"Ġhurts":30704,"Ġcirculate":30705,"Available":30706,"Ġbrutality":30707,"ĠAssign":30708,"Ġinsecticide":30709,"Ġrins":30710,"license":30711,"ickness":30712,"Ġcheat":30713,"Ancient":30714,"Ġpanor":30715,"Ġirritable":30716,"bill":30717,"Ġslab":30718,"Ġremnant":30719,"Ġstall":30720,"ĠRew":30721,"ĠGaul":30722,"ĠIsle":30723,"Ġetched":30724,"Ġautobiography":30725,"ĠJenkins":30726,"ĠCretaceous":30727,"vr":30728,"ĠIstanbul":30729,"ĠPuebl":30730,"ĠHerc":30731,"ĠQuiz":30732,"Ġstarters":30733,"Ġpuppet":30734,"Ġaphids":30735,"î":30736,"Ġinnovators":30737,"educated":30738,"ephal":30739,"Ġbroch":30740,"ĠParas":30741,"COM":30742,"ĠOutside":30743,"Ġhospitalization":30744,"CLASS":30745,"æľī":30746,"ĠFilipino":30747,"Ġshines":30748,"Ġclaws":30749,"Profile":30750,"ĠOvercoming":30751,"ĠISS":30752,"Ġstickers":30753,"Ġflossing":30754,"Ġdrilled":30755,"contains":30756,"ĠAssociates":30757,"Cath":30758,"ĠJeffrey":30759,"Ġmetaphysical":30760,"ĠFourier":30761,"Ġpian":30762,"ĠPorter":30763,"ĠGren":30764,"Ġacquainted":30765,"Ġdeduct":30766,"woods":30767,"ĠAttend":30768,"ricia":30769,"Comment":30770,"Ġhomosexuality":30771,"Ġbg":30772,"peated":30773,"Ġlocating":30774,"Ġeloqu":30775,"Ġcorridors":30776,"ucalyptus":30777,"Ġdumb":30778,"Ġintently":30779,"Ġdusty":30780,"Ġintensely":30781,"Ġsynthesize":30782,"Dialog":30783,"haw":30784,"pole":30785,"ĠPush":30786,"Ġchasing":30787,"Ġethically":30788,"Ġunden":30789,"Ġtroop":30790,"aughed":30791,"Ġeradication":30792,"Ġclotting":30793,"Ġunexplained":30794,"Ġaccusations":30795,"Mur":30796,"assemb":30797,"phrine":30798,"ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":30799,"Tele":30800,"oining":30801,"Ġtertiary":30802,"ĠMood":30803,"REQU":30804,"Params":30805,"Ġnuisance":30806,"Ġconfinement":30807,"Ġspleen":30808,"ĠDoct":30809,"Ġlatitudes":30810,"ĠWheat":30811,"Ġintrusion":30812,"Ġdivergent":30813,"Ġentrepreneurial":30814,"Ġdemolished":30815,"Incorpor":30816,"lys":30817,"ĠHelping":30818,"Healthy":30819,"Ġpirate":30820,"inism":30821,"fft":30822,"Ġintegrates":30823,"Ġlymphoma":30824,"ר":30825,"Ġlas":30826,"Ġconfisc":30827,"Ġordained":30828,"Ġrepercussions":30829,"ĠTort":30830,"ĠWinn":30831,"Ġurges":30832,"Ġconceal":30833,"establish":30834,"Ġpairing":30835,"Ġinterfering":30836,"ĠSoul":30837,"ĠFlying":30838,"Ġlifecycle":30839,"Ġfirearms":30840,"ĠTownship":30841,"Ġdenominator":30842,"iqued":30843,"otechn":30844,"sell":30845,"ĠBagh":30846,"Ġabre":30847,"Insp":30848,"Ġelk":30849,"ĠCOMP":30850,"oelectric":30851,"ĠSanct":30852,"ĠUNICEF":30853,"foundland":30854,"Ġsplits":30855,"'})":30856,"wet":30857,"Ġpans":30858,"adas":30859,"ĠBacteria":30860,"ĠGB":30861,"Ġscarring":30862,"Ġempir":30863,"Ġprevail":30864,"Ġcricket":30865,"Ġé":30866,"Ġtweet":30867,"ĠFarming":30868,"Ġoutpatient":30869,"Ġsustenance":30870,"ĠPolit":30871,"mkdir":30872,"rued":30873,"ĠReprodu":30874,"Ġmesothelioma":30875,"Ġsacrificed":30876,"Australia":30877,"ĠCran":30878,"Ġrude":30879,"ousse":30880,"printing":30881,"Ġreversal":30882,"pull":30883,"Ġration":30884,"curr":30885,"Ġscenic":30886,"ostering":30887,"ĠReuters":30888,"Ġpleas":30889,"Ġneuropathy":30890,"Myth":30891,"Ġpublishes":30892,"ĠOccasionally":30893,"Ġupholding":30894,"ĠAnglican":30895,"Ġclassics":30896,"Ġparan":30897,"maximum":30898,"Ġmotivating":30899,"Ġprescribing":30900,"Ġsecrecy":30901,"Ġchimpanzees":30902,"Ġquarantine":30903,"Bon":30904,"olutionary":30905,"Ġlinkage":30906,"vertical":30907,"ĠSubsequently":30908,"Equals":30909,"Ġhippocampus":30910,"Ġdreamed":30911,"yrinth":30912,"Der":30913,"س":30914,"Ġausp":30915,"Ġfumes":30916,"Ġmounds":30917,"oppy":30918,"ĠMü":30919,"ĠREM":30920,"prime":30921,"Ġcorrective":30922,"Ġinequities":30923,"Ġtempting":30924,"imize":30925,"ĠTempl":30926,"adors":30927,"ophen":30928,"Ġcarvings":30929,"ĠTemper":30930,"ĠGalaxy":30931,"Ġvelocities":30932,"Daniel":30933,"ĠMJ":30934,"unless":30935,"ardon":30936,"Ġintox":30937,"ĠVeg":30938,"ĠReplace":30939,"Ġо":30940,"Ġbolt":30941,"CONT":30942,"iq":30943,"Ġfaded":30944,"ochem":30945,"Ġweekends":30946,"Ġadjustable":30947,"VERSION":30948,"ĠHale":30949,"Ġsmiles":30950,"ĠAside":30951,"uga":30952,"ĠTooth":30953,"Ġdiversification":30954,"Ġhomogeneous":30955,"guide":30956,"ĠRaymond":30957,"AUTH":30958,"ktop":30959,"inoid":30960,"atars":30961,"Ġfry":30962,"Ġchill":30963,"Ġpathological":30964,"Ġthrived":30965,"Ġguessed":30966,"Ġinterpolation":30967,"elist":30968,"Ġliquor":30969,"Ġfleas":30970,"ĠCelebr":30971,"ĠManitoba":30972,"virtual":30973,"otations":30974,"inees":30975,"Ġimplying":30976,"Ġguinea":30977,"ĠGeometry":30978,"irectional":30979,"Ġelegance":30980,"'/":30981,"ĠLD":30982,"Ġconnectors":30983,"Ġmodernity":30984,"ĠWiFi":30985,"Ġfontsize":30986,"rarian":30987,"Ġbrom":30988,"Ġcontempt":30989,"Ġattaching":30990,"Ġmisery":30991,"ĠEthnic":30992,"ĠOlive":30993,"Ġspokesman":30994,"Mah":30995,"iosis":30996,"mare":30997,"ĠAndy":30998,"swick":30999,"Hill":31000,"Ġtearing":31001,"ĠMarl":31002,"Ġhealed":31003,"ĠWellington":31004,"ogo":31005,"onde":31006,"++++":31007,"ĠMozart":31008,"ĠDifficulty":31009,"Ġimpoverished":31010,"Ġheap":31011,"osal":31012,"ĠRED":31013,"Ġemitting":31014,"Ġopaque":31015,"Ġlayered":31016,"erala":31017,"Ġradiant":31018,"Adam":31019,"Ġcryptography":31020,"ozoic":31021,"kk":31022,"Ġimitate":31023,"Ġoffence":31024,"ĠClim":31025,"Ġnominated":31026,"Ġneurotransmitter":31027,"ĠIber":31028,"ĠPri":31029,"ĠBark":31030,"ĠND":31031,"Ġdiscard":31032,"Ġminimise":31033,"ridges":31034,"Ġδ":31035,"Ġfurry":31036,"Ġpharmaceuticals":31037,"Ġembroidery":31038,"Ġcottage":31039,"Ġcushion":31040,"yo":31041,"Ġonboard":31042,"marker":31043,"below":31044,"bri":31045,"ĠHil":31046,"inkle":31047,"horizontal":31048,"Ġfeeder":31049,")!":31050,"Credit":31051,"opedia":31052,"Ġspecialised":31053,"Ġtornadoes":31054,"Ġmerchandise":31055,"æį®":31056,"aryngeal":31057,"Ġlaughed":31058,"Ġtram":31059,"ETE":31060,"Ġluxurious":31061,"ĠPythag":31062,"Dest":31063,"orption":31064,"ieves":31065,"egal":31066,"ĠDeputy":31067,"ĠCoral":31068,"xxxx":31069,"ĠCRISPR":31070,"Ġfir":31071,"Ġdunes":31072,"Ġlament":31073,"opened":31074,"Ġharmed":31075,"ILD":31076,"Ġtranslator":31077,"Ġmasculinity":31078,"Martin":31079,"nav":31080,"ĠPedro":31081,"VT":31082,"Ġtul":31083,"Ġmotto":31084,"runk":31085,"Hop":31086,"ĠThem":31087,"ĠKun":31088,"Ġamyg":31089,"sponsored":31090,"Ġoceanic":31091,"ĠReflection":31092,"Ġadmits":31093,"Ġphotographed":31094,"efficiency":31095,"Ġdrowning":31096,"Ġiris":31097,"Ġcelebrities":31098,"Ġbuckle":31099,"ĠNordic":31100,"Ġapex":31101,"sites":31102,"Ġweave":31103,"pects":31104,"Ġbatches":31105,"pel":31106,"treated":31107,"ĠArrange":31108,"Ġlandscaping":31109,"SY":31110,"Ġmoreover":31111,"Ġsludge":31112,"Updated":31113,"Ġlegislators":31114,"Ġmarginalization":31115,"CY":31116,"cwd":31117,"emotional":31118,"medical":31119,"ĠJehovah":31120,"OCK":31121,"Ġperpetrators":31122,"ĠLutheran":31123,"Ġincarceration":31124,"ometown":31125,"ĠLM":31126,"Ġdiode":31127,"inches":31128,"Ġrankings":31129,"ĠScreening":31130,"ĠCases":31131,"ĠarXiv":31132,"Ġinsulated":31133,"Ġmilling":31134,"amba":31135,"ĠISSN":31136,"Ġyellowish":31137,"ĠCommonly":31138,"Ġcorrelates":31139,"alter":31140,"Ġblueberries":31141,"rogens":31142,"Ġvenous":31143,"Ġmicrom":31144,"Ġtempo":31145,"apons":31146,".\".":31147,"ĠEncyclop":31148,"Ġmenstruation":31149,"ĠPlymouth":31150,"gat":31151,"umann":31152,"Ġ\"'":31153,"Ġparity":31154,"Ġbiographical":31155,"============":31156,"ĠSurveillance":31157,"Ġsurvives":31158,"Ġhearings":31159,"ĠRespiratory":31160,"Ġchimney":31161,"RR":31162,"finder":31163,"Ġaunt":31164,"racks":31165,"ftp":31166,"Ġhumane":31167,"ushi":31168,"devices":31169,"Ġtablespoon":31170,"ĠChicken":31171,"Mont":31172,"Ãĥ":31173,"ĠINT":31174,"ĠAPIs":31175,"Positive":31176,"ĠBav":31177,"approximately":31178,"Ġcrypto":31179,"Mer":31180,"ĠOT":31181,"Ġbehold":31182,"Ġheadings":31183,"rice":31184,"ĠBerm":31185,"Ġexploits":31186,"Ġshading":31187,"Software":31188,"ilion":31189,"Ġantic":31190,"ĠPracticing":31191,"ĠCastro":31192,"Ġmesmer":31193,"/<":31194,"Ġ(*":31195,"ĠMeyer":31196,"ĠHers":31197,"ĠLoop":31198,"ĠChurches":31199,"Ġrecommending":31200,"iatric":31201,"PubMedGoogle":31202,"Drop":31203,"NESS":31204,"ĠStroke":31205,"ĠRevere":31206,"pathic":31207,"Ġverdict":31208,"Ġvertebrates":31209,"Ġworshipped":31210,"PLA":31211,"atism":31212,"Ġwarts":31213,"ĠHook":31214,"ĠGly":31215,"Ġweakening":31216,"uvian":31217,"Ġhymns":31218,"ĠInflamm":31219,"Ġspectators":31220,"Ġfooth":31221,"Ġtwisting":31222,"ĠGastro":31223,"atchewan":31224,"Ġabreast":31225,"ĠDJ":31226,"Ġsurrog":31227,"afer":31228,"Ġhottest":31229,"Ġtumult":31230,"Ġallevi":31231,"Library":31232,"Ġthirds":31233,"ĠSara":31234,"Ġbullets":31235,"canvas":31236,"ĠPMC":31237,"Ġbattling":31238,"Ġcategorize":31239,"Ġsulphur":31240,"vir":31241,"Ġcosting":31242,"Ġforthcoming":31243,"Ġpharmacy":31244,"omorphic":31245,"tun":31246,"emics":31247,"ĠNaturally":31248,"Ġsilently":31249,"giene":31250,"Mental":31251,"Ġmyocard":31252,"Ġfamed":31253,"Ġcheek":31254,"Ġerase":31255,"topics":31256,"Ġneurode":31257,"locked":31258,"ĠImmune":31259,"ĠLudwig":31260,"AWS":31261,"Ġsid":31262,"Ġischem":31263,"Ġblisters":31264,"ĠConsortium":31265,"Shape":31266,"Ġknight":31267,"Ġharb":31268,"Keeping":31269,"Ġgranular":31270,"Ġcoercion":31271,"bp":31272,"opold":31273,"ĠFerg":31274,"Ġmetre":31275,"ĠSalem":31276,"Ġaltru":31277,"Ġarbitration":31278,"Ġinaccessible":31279,"Ġorg":31280,"Ġexoplan":31281,"rious":31282,"ĠLt":31283,"Ġmodernization":31284,"checks":31285,"ĠAsthma":31286,"Signs":31287,"Ġconsolidated":31288,"Ġcascade":31289,"hoea":31290,"ĠCorinthians":31291,"nine":31292,"ĠMaz":31293,"ĠBin":31294,"unknown":31295,"ĠRoth":31296,"asser":31297,"ĠTrace":31298,"dirs":31299,"professional":31300,"Ġtaxonomy":31301,"Ir":31302,"ĠMist":31303,"ortment":31304,"Ġratt":31305,"cessions":31306,"everse":31307,"Ġhistogram":31308,"ĠThermal":31309,"Side":31310,"Ġdeletion":31311,"Ġunconst":31312,"ĠChocolate":31313,"ucose":31314,"Ġresearches":31315,"compare":31316,"ĠHumanities":31317,"ĠADD":31318,"Ġbotan":31319,"evaluation":31320,"echo":31321,"Execution":31322,"fan":31323,"toe":31324,"Ġspotlight":31325,"Ġpedal":31326,"ĠNGO":31327,"ĠAxis":31328,"avier":31329,"ĠTraditions":31330,"ĠTerry":31331,"Electric":31332,"Cancer":31333,"hey":31334,"ĠFashion":31335,"ognition":31336,"ĠAmish":31337,"Ġк":31338,"Ġabandonment":31339,"Experts":31340,"Offic":31341,"Ġstadium":31342,"ĠThousands":31343,"Ġodors":31344,"Ġconveys":31345,"ummies":31346,"Kit":31347,"Ġpolitely":31348,"ĠVenet":31349,"ĠChronicle":31350,"loo":31351,"Ġfus":31352,"Ġmedial":31353,"Ġstranded":31354,"ĠExcited":31355,"CADE":31356,"ĠYahweh":31357,"ĠVladimir":31358,"icum":31359,"Ġhid":31360,"ĠUz":31361,"Ġlayouts":31362,"Ġrainforests":31363,"Ġsophist":31364,"Ġterrorists":31365,"ĠArguments":31366,"tysburg":31367,"dar":31368,"Ġinterim":31369,"Ġlocality":31370,"ĠNeolithic":31371,"Ġultrason":31372,"matched":31373,"voltage":31374,"Ġpinch":31375,"Ġtattoo":31376,"opedic":31377,"ĠBUT":31378,"Ġtraverse":31379,"Ġemits":31380,"ĠSharp":31381,"Resources":31382,"Ġinvariably":31383,"PCR":31384,"kil":31385,"omials":31386,"Ġproclamation":31387,"tainment":31388,"avering":31389,",,,,,,,,":31390,"Ġneonatal":31391,"fx":31392,"rack":31393,"llo":31394,"goal":31395,"ĠManip":31396,"ĠGuides":31397,"Ġseekers":31398,"ĠDataset":31399,"ĠOrient":31400,"radle":31401,"ĠAnalytics":31402,"ĠEnhanced":31403,"Ġridiculous":31404,"|','":31405,"Ġmasonry":31406,"agi":31407,"Ġrails":31408,"Ġpowdered":31409,"аÑĤ":31410,"wrapper":31411,"scalar":31412,"Pick":31413,"asarray":31414,"Ġjer":31415,"Ġfirewall":31416,"ĠJerry":31417,"]=":31418,"catch":31419,"verting":31420,"ĠMatch":31421,"Ġsept":31422,"Ġactivates":31423,"Ġpotentials":31424,"Ġradios":31425,"ĠFraser":31426,"Ġundist":31427,"ĠHousehold":31428,"Specific":31429,"browser":31430,"lm":31431,"inished":31432,"Ġgoose":31433,"essim":31434,"Ġflashes":31435,"ĠScar":31436,"ĠGeo":31437,"Lord":31438,"Ġhij":31439,"Ġproactively":31440,"iev":31441,"Ġguerr":31442,"Ġbattalion":31443,"initializer":31444,"Ġrecombination":31445,"Ġunreasonable":31446,"Mic":31447,"Tools":31448,"meg":31449,"ĠTalking":31450,"ĠAry":31451,"ectin":31452,"Ġresumed":31453,"ĠProtestants":31454,"Ġblossoms":31455,"Ġamusement":31456,"reeks":31457,"Ġsymmetric":31458,"burse":31459,"Ġcyberbullying":31460,"fighting":31461,"ب":31462,"ĠTus":31463,"čĊĠĠĠĠĠĠĠĠĠĠĠĠ":31464,"itone":31465,"ĠSpar":31466,"ĠSEC":31467,"ipolar":31468,"Ġtallest":31469,"Ġsucceeding":31470,"Ġdreaming":31471,"Ġsparkling":31472,"ĠStockholm":31473,"Ġplankton":31474,"ĠServe":31475,"spoken":31476,"Ġsynonyms":31477,"Ġpuppies":31478,"Lee":31479,"Site":31480,"Ġbacon":31481,"Ġconced":31482,"Ġans":31483,"Ġranch":31484,"Ġeroded":31485,"Ġgraphite":31486,"Ġpreached":31487,"destroy":31488,"Ġinclination":31489,"Ġshovel":31490,"Ġreshape":31491,"ĠCiv":31492,"ĠUTC":31493,"Ġdrier":31494,"Ġinduces":31495,"localhost":31496,"Ġadvertisement":31497,"Ġinex":31498,"urai":31499,"Ġteamm":31500,"ĠFormer":31501,"Ġaquifer":31502,"AGES":31503,"Ġsadly":31504,"thereum":31505,"Ġteas":31506,"Ġafflicted":31507,"Ġhandheld":31508,"marked":31509,"Ġfraudulent":31510,"Ġtropics":31511,"Ġfrig":31512,"odon":31513,"ĠWalt":31514,"epid":31515,"Ġrecol":31516,"Ġdetectable":31517,"rers":31518,"Ġadherent":31519,"Ġposing":31520,"ĠGeoff":31521,"Ġtrusting":31522,"Ġepidemiological":31523,"Migration":31524,"atz":31525,"Ġjargon":31526,"ported":31527,"idson":31528,"loom":31529,"Tell":31530,"ĠMight":31531,"ĠPie":31532,"ĠKatherine":31533,"Ġresultant":31534,"Guide":31535,"Secondly":31536,"Ġrepositories":31537,"orating":31538,"teness":31539,"ERC":31540,"termedi":31541,"Ġunearthed":31542,"Ġdred":31543,"ĠBend":31544,"ĠHier":31545,"amming":31546,"Ġfavourable":31547,"ĠRodrig":31548,"Ġlawsuits":31549,"Clear":31550,"Ġbureaucracy":31551,"Ġgust":31552,"Ġrushing":31553,"ĠFerr":31554,"Ġcommissions":31555,"Ġlongstanding":31556,"ABA":31557,"Ġimpartial":31558,"enzie":31559,"absolute":31560,"ĠAuschwitz":31561,"Ġquer":31562,"Ġtownship":31563,"Ġresponders":31564,"Ġfavors":31565,"Ġnegligible":31566,"ĠPrague":31567,"rar":31568,"informatics":31569,"alias":31570,"Ġmedically":31571,"ĠCampus":31572,"Ġinhalation":31573,"Ġbiomarkers":31574,"Safety":31575,"ĠPall":31576,"addWidget":31577,"Ġpharmacist":31578,"Ġprincipally":31579,"otypic":31580,"HV":31581,"tion":31582,"ĠChern":31583,"ĠRebecca":31584,"ĠWeber":31585,"Ġecclesiastical":31586,"Ġautomate":31587,"Ġsurveying":31588,"ĠRobotics":31589,"Ġmisconception":31590,"Ġdiscrepancy":31591,"Ġcried":31592,"opin":31593,"ĠDesigning":31594,"Ġtactic":31595,"GRO":31596,"lip":31597,"ĠSSD":31598,"Ġprinces":31599,"Ġgrandchildren":31600,"Ġreciprocal":31601,"Dar":31602,"hang":31603,"áº":31604,"prod":31605,"ĠSeb":31606,"ĠAhmed":31607,"Ġinverted":31608,"male":31609,"pv":31610,"Ġtherein":31611,"ITES":31612,"ĠTransmission":31613,"Ġdelegate":31614,">=":31615,"yield":31616,"iminary":31617,"ĠJak":31618,"ĠKoh":31619,"Ġaccents":31620,"ĠEarlier":31621,"Fac":31622,"Ġthrilled":31623,"Ġcervix":31624,"delivery":31625,"Ġstren":31626,"Ġdirective":31627,"ĠAttack":31628,"Ġtasting":31629,"oya":31630,"Ġintellectually":31631,"ĠCSV":31632,"Ġslept":31633,"anse":31634,"odend":31635,"Ġsolic":31636,"ĠInstitutions":31637,"Ġcirculated":31638,"IK":31639,"ĠHelps":31640,"Ġtedious":31641,"Ġepigenetic":31642,"BF":31643,"ovis":31644,"Ġhandmade":31645,"dummy":31646,"elian":31647,"ĠLac":31648,"Ġpatiently":31649,"Ġhospitalized":31650,"Ġnarrower":31651,"Ġpioneered":31652,"ĠCassini":31653,"IU":31654,"Rout":31655,"Ġshook":31656,"aspx":31657,"nering":31658,"Ġti":31659,"ĠInteractions":31660,"Canadian":31661,"Ġbombard":31662,"rush":31663,"lli":31664,"ĠEducators":31665,"ĠAnything":31666,"iago":31667,"meth":31668,"inol":31669,"ĠEz":31670,"Ġflowed":31671,"Ġsalient":31672,"ĠCec":31673,"akra":31674,"=='":31675,"Ġcritiques":31676,"Ġeyesight":31677,"customer":31678,"Ġterrifying":31679,"Ġhref":31680,"Ġgenotype":31681,"Ġdedicate":31682,"ĠOpera":31683,"ĠBuildings":31684,"Ġreconnaissance":31685,"Ġvernacular":31686,"Ser":31687,"ratch":31688,"Ġdummy":31689,"Ġhass":31690,"ptr":31691,"ĠInequ":31692,"Ġmeadows":31693,"Ġequipping":31694,"ĠPapua":31695,"Ġcontraception":31696,"Ġskiing":31697,"Ġaureus":31698,"ĠLords":31699,"Ġclerk":31700,"Ġensuing":31701,"Ġimpactful":31702,"Ġtutors":31703,"Ġhydroph":31704,"Ġcardinal":31705,"TeX":31706,"HF":31707,"bps":31708,"Ġeq":31709,"measures":31710,"mostly":31711,"Ġdenoted":31712,"academic":31713,"Impact":31714,"Ġunrealistic":31715,"ĠPresbyterian":31716,"Paper":31717,"çĽ":31718,"imon":31719,"odiac":31720,"Ġunic":31721,"ĠScandinavian":31722,"ĠBehaviour":31723,"ĠLCD":31724,"ĠJin":31725,"Ġconsortium":31726,"Ġdiaries":31727,"ĠTelegraph":31728,"Ġrhymes":31729,"ол":31730,"ĠPompe":31731,"ĠSwe":31732,"ĠRacial":31733,"ribly":31734,"Ġbitcoin":31735,"Ġbanning":31736,"Ġmasked":31737,"ĠHellen":31738,"ĠExercises":31739,"mable":31740,"money":31741,"kef":31742,"Ġnotified":31743,"deletion":31744,"ĠBeethoven":31745,"Ġacademy":31746,"riday":31747,"inetics":31748,"Ġsymptomatic":31749,"lawful":31750,"Ġamyloid":31751,"ï¸ı":31752,"bered":31753,"Ġurination":31754,"Ġpolluting":31755,"Ġfootsteps":31756,"ĠLearners":31757,"Ġdetectives":31758,"Ġtroubling":31759,"ĠOutcomes":31760,"furt":31761,"inox":31762,"Ġalters":31763,"ĠAsper":31764,"landers":31765,"Ġtoolkit":31766,"Ġtumours":31767,"ĠChau":31768,"Ġovercrow":31769,"Ġrelocated":31770,"Ġmeaningless":31771,"ĠPhysicians":31772,"rystall":31773,"little":31774,"Ġdislike":31775,"Ġspins":31776,"ĠVisitors":31777,"ĠOxygen":31778,"Ġskeletons":31779,"Ġflavon":31780,"Ġcirculatory":31781,"oggles":31782,"cus":31783,"tier":31784,"Ġaust":31785,"Ġsprayed":31786,"profits":31787,"ĠCraft":31788,"artes":31789,"ĠMalay":31790,"********************************":31791,"Ġfaculties":31792,"Happy":31793,"Ġbeak":31794,"ĠMell":31795,"ĠDop":31796,"ĠGur":31797,"ás":31798,"-)":31799,"timer":31800,"Ġfeline":31801,"ematic":31802,"Ġsparks":31803,"quez":31804,"ĠImpacts":31805,"Transform":31806,"ĠParticipation":31807,"ĠLiverpool":31808,"Programming":31809,"Germany":31810,"Ġexcurs":31811,"irement":31812,"aji":31813,"Ġpictured":31814,"ILE":31815,"Ġsimplistic":31816,"Ġindefinitely":31817,"Ġtyranny":31818,":\")":31819,"Rap":31820,"Ġwatt":31821,"ĠSever":31822,"ĠJazz":31823,"('<":31824,"Ġastrology":31825,"Ġheterosexual":31826,"Ġappendix":31827,"Ġmusculoskeletal":31828,"ĠPaint":31829,"quarter":31830,"ĠDas":31831,"ĠRank":31832,"Ġclash":31833,"ĠNewfoundland":31834,"Ġdolls":31835,"Ġaffirmative":31836,"Ġnotebooks":31837,"׾":31838,"Ġaqueous":31839,"Ġscrolling":31840,"Ġattic":31841,"Ġdistilled":31842,"Ġhardened":31843,"Ġcopyrighted":31844,"}]":31845,"ĠWitness":31846,"ĠCrafts":31847,"YPE":31848,"Ġprocession":31849,"Ġtermites":31850,"Ġromances":31851,"iberian":31852,"SB":31853,"§":31854,"ĠMouse":31855,"Ġlept":31856,"Ġmathematically":31857,"Ġinfestations":31858,"LIST":31859,"Nov":31860,"ĠFormula":31861,"Ġstakeholder":31862,"Ġwholesome":31863,"rather":31864,"sac":31865,"renew":31866,"iflower":31867,"Ġrashes":31868,"ĠRah":31869,"Columb":31870,"ĠMichelangelo":31871,"ĠLithuania":31872,"asper":31873,"idim":31874,"Ġspecialization":31875,"ĠMusical":31876,"sheets":31877,"ĠMachines":31878,"schedule":31879,"Ġdesserts":31880,"Daily":31881,"Ġleaking":31882,"Ġindel":31883,"Ġrestruct":31884,"Ġextracellular":31885,"fied":31886,"Ġnoodles":31887,"Ġagile":31888,"ĠVAT":31889,"Ġmaturation":31890,"Ġarticulated":31891,"melon":31892,"Ġjealousy":31893,"\\*":31894,"Ġcures":31895,"Ġelectronically":31896,"ĠArticleGoogle":31897,"Ġmartyr":31898,"ĠMillennium":31899,"Ġcc":31900,"terms":31901,"Ġrye":31902,"Ġavg":31903,"ochrom":31904,"Ġghosts":31905,"abolism":31906,"ayed":31907,"ĠBug":31908,"emeter":31909,"Ġrealizes":31910,"Ġconspicuous":31911,"ĠPlateau":31912,"Hyper":31913,"ĠVikings":31914,"Ġpc":31915,"stated":31916,"ondo":31917,"Ġpredefined":31918,"olytic":31919,"Ġpicnic":31920,"Ġinterstellar":31921,"Ġsophistication":31922,"Ġlords":31923,"ĠMales":31924,"Ġsoaked":31925,"Ġsympath":31926,"ALS":31927,"ĠExtreme":31928,"Ġharmoniously":31929,"Ġlawns":31930,"Growing":31931,"walls":31932,"à¹":31933,"atan":31934,"Ġfibrous":31935,"Ġferry":31936,"ĠParadise":31937,"Soci":31938,"esch":31939,"alignment":31940,"Ġhooked":31941,"quote":31942,"Ġinferred":31943,"ĠAdolesc":31944,"Ġkillings":31945,"Ġmentorship":31946,"Ġnomadic":31947,"Ġsteroid":31948,"WM":31949,"farm":31950,"ordable":31951,"Ġargumentative":31952,"Ġκ":31953,"ĠAccel":31954,"Ġdiaspora":31955,"gap":31956,"umni":31957,"DEX":31958,"cursors":31959,"Ġbans":31960,"etes":31961,"ĠFP":31962,"Storage":31963,"ĠInstruct":31964,"Ġethic":31965,"Ġsanitary":31966,"Ġmarkedly":31967,"ĠHebrews":31968,"Ġoysters":31969,"Economic":31970,"Rather":31971,"wau":31972,"amide":31973,"Ġcloning":31974,"ĠDeer":31975,"Ġstoryt":31976,"iscovered":31977,"subplots":31978,"Listen":31979,"Ġtubing":31980,"ĠAndrews":31981,"Ġasymptomatic":31982,"Methods":31983,"lich":31984,"ĠMET":31985,"acency":31986,"ĠBoulder":31987,"ĠRates":31988,"agul":31989,"Ġheartburn":31990,"colour":31991,"othesis":31992,"refresh":31993,"Ġstabilization":31994,"ĠCutting":31995,"Ġdolphin":31996,"yu":31997,"orry":31998,"pez":31999,"ertools":32000,"Ġgraffiti":32001,"Ġgrim":32002,"ĠPrussia":32003,"Ġosm":32004,"LV":32005,"xton":32006,"Ġschoolers":32007,"particip":32008,"Ġtrio":32009,"ĠBrunswick":32010,"bear":32011,"Ġrepur":32012,"Ġendowed":32013,"ORM":32014,"Ġburnout":32015,"ĠPoison":32016,"ĠCardinal":32017,"Wra":32018,"Ġcrashed":32019,"Ġextracurricular":32020,"ĠKnights":32021,"!')":32022,"independent":32023,"Ġmanor":32024,"Ġoutset":32025,"Ġjudicious":32026,"ĠTwelve":32027,"ĠInterpretation":32028,"ULAR":32029,"ĠWilderness":32030,"provoking":32031,"female":32032,"Ġpatriotism":32033,"jib":32034,"Ġflick":32035,"acia":32036,"ĠLAN":32037,"iffe":32038,"Ġapplicability":32039,"Ġrubric":32040,"Ġsponsors":32041,"enia":32042,"ĠShared":32043,"Ġfret":32044,"Ġheadline":32045,"submit":32046,"Ġnestled":32047,"ĠTelevision":32048,"esses":32049,"ĠLens":32050,"ussed":32051,"Ġantif":32052,"ĠCOPD":32053,"Ġcolloqu":32054,"Ġundermining":32055,"|')":32056,"ĠĠĊ":32057,"odal":32058,"Ġmango":32059,"Ġcondensed":32060,"ĠCombined":32061,"ĠCitizen":32062,"enta":32063,"ĠTub":32064,"ĠPew":32065,"Ġchili":32066,"Ġtablespoons":32067,"planned":32068,"ĠChad":32069,"Ġfacto":32070,"Ġunsustainable":32071,"ĠPainting":32072,"Ġfronts":32073,"elin":32074,"assis":32075,"Ġpartnered":32076,"Ġlogos":32077,"ĠLeone":32078,"ĠNorthwestern":32079,"Adding":32080,"Ġmethylation":32081,"ĠAlbany":32082,"velocity":32083,"aseous":32084,"Ġsocialization":32085,"Ġcalend":32086,"polar":32087,"ĠPropag":32088,"Ġtrimester":32089,"å¹":32090,"Ġreds":32091,"ĠBoh":32092,"bsp":32093,"ATER":32094,"ĠElectronics":32095,"Ġshutdown":32096,"Ġfederally":32097,"Ġlumbar":32098,"ocument":32099,"Ġintangible":32100,"ĠThirty":32101,"ĠNotable":32102,"Ġcollateral":32103,"Ġunwavering":32104,"Ġswallowed":32105,"ĠFeedback":32106,"oscience":32107,"ĠTeeth":32108,"Ġsymbolizing":32109,"Bu":32110,"Ġhometown":32111,"Ġinterfer":32112,"Ġcreams":32113,"Stress":32114,"apsing":32115,"gui":32116,"Ġblew":32117,"ĠENUM":32118,"ĠDialogue":32119,"having":32120,"wers":32121,"Ñħ":32122,"Ġtier":32123,"Ġnormalization":32124,"omenclature":32125,"Camp":32126,"Ġinline":32127,"ĠChal":32128,"Ġchoir":32129,"Ġgeese":32130,"ANN":32131,"ĠSchmidt":32132,"ĠTypical":32133,"utc":32134,"Sea":32135,"Ġpreschoolers":32136,"Ġsleeves":32137,"Heb":32138,"Si":32139,"TEM":32140,"Ġpenny":32141,"Ġnat":32142,"Ġheats":32143,"Ġincurred":32144,"Ġlaure":32145,"ĠMarines":32146,"Ġprogressing":32147,"ĠWriter":32148,"ĠSubstance":32149,"Agent":32150,"Ġcondu":32151,"Animal":32152,"ĠRegistry":32153,"transfer":32154,"Spring":32155,"apon":32156,"Ġpuzzled":32157,"ĠSnake":32158,"Ġpropriet":32159,"Jack":32160,"MAR":32161,"Ġfoc":32162,"ĠCred":32163,"esthesia":32164,"ĠWinston":32165,"indent":32166,"ĠSwitch":32167,"multip":32168,"ncbi":32169,"ĠIB":32170,"osine":32171,"Ġattire":32172,"uchi":32173,"ĠIsles":32174,"ĠSurround":32175,"zu":32176,"ĠCasc":32177,"ĠPool":32178,"ptics":32179,"Ġkicked":32180,"ĠPutting":32181,"rr":32182,"Ġcate":32183,"strom":32184,"Ġflocks":32185,"Ġpolys":32186,"ĠCreativity":32187,"PDATE":32188,"Ġhydroelectric":32189,"Ġelectrically":32190,"Ġviz":32191,"iret":32192,"tole":32193,"Ġprobiotic":32194,"Isa":32195,"roles":32196,"ampton":32197,"ĠCrom":32198,"Ġwarp":32199,"ĠCanterbury":32200,"Ġdivinity":32201,"Ġdean":32202,"ĠSioux":32203,"ĠPVC":32204,"ĠFix":32205,"ixel":32206,"Ġrejecting":32207,"ĠEntreprene":32208,"ĠWireless":32209,"Monday":32210,"NL":32211,"ĠHern":32212,"Ġhailed":32213,"Ġlookup":32214,"Ġreversible":32215,"Ġcytokines":32216,"Seg":32217,"much":32218,"rically":32219,"itut":32220,"ĠShore":32221,"Ġpostdoctoral":32222,"Exc":32223,"HEAD":32224,"hostname":32225,"Score":32226,"ĠIdeal":32227,"Ġfarmed":32228,"Ġburrow":32229,"Ġadventurers":32230,"ĠSaskatchewan":32231,"Dou":32232,"ÑĨ":32233,"arum":32234,"Ġlace":32235,"ĠRaspberry":32236,"avorable":32237,"ĠMalawi":32238,"PRESS":32239,"ĠCosts":32240,"Ġpatronage":32241,"WID":32242,"edo":32243,"adal":32244,"onement":32245,"Ġacclaimed":32246,"Ġcampuses":32247,"ĠMineral":32248,"Ġapartments":32249,"screens":32250,"Ġureth":32251,"anched":32252,"ĠShab":32253,"Ġannotated":32254,"Ġamenities":32255,"ĠMÄģori":32256,"Jud":32257,"rals":32258,"vik":32259,"ĠWarning":32260,"ternity":32261,"Ġdocumentaries":32262,"ĠSTR":32263,"ĠScheme":32264,"ĠRuntimeError":32265,":'":32266,"Luke":32267,"Ġwary":32268,"ĠWikimedia":32269,"ĠDart":32270,"Ġundergrad":32271,"Ġpropositions":32272,"Ġbounded":32273,"cutting":32274,"cigarettes":32275,"ifixion":32276,"bolic":32277,"Ġmish":32278,"Ġlute":32279,"neapolis":32280,"Nowadays":32281,"Ġpiping":32282,"Anyone":32283,"ĠBabylonian":32284,"chains":32285,"ĠDennis":32286,"Ġobjectively":32287,"ĠDevil":32288,"Ġhubs":32289,"iya":32290,"Ġtid":32291,"oters":32292,"ĠSig":32293,"Ġblot":32294,"ĠChester":32295,"zyg":32296,"ineteen":32297,"ĠTitanic":32298,"dependence":32299,"ĠPf":32300,"ĠElection":32301,"ĠDSM":32302,"sequent":32303,"ĠNobody":32304,"ĠSlowly":32305,"coding":32306,"robot":32307,"ĠNULL":32308,"Ġcurator":32309,"entionally":32310,"Ġannih":32311,"REL":32312,"steine":32313,"Ġlymphatic":32314,"čĊĠĠĠĠčĊĠĠĠ":32315,"Marg":32316,"patic":32317,"Ġanalges":32318,"Ġhomeostasis":32319,"Ġshorten":32320,"afts":32321,"Ġambassador":32322,"Ġmajors":32323,"Ġexcerpts":32324,"Ġlentils":32325,").âĢĿ":32326,"Ġnephew":32327,"Ġmp":32328,"ĠBread":32329,"ĠWhilst":32330,"Ġtweets":32331,"Ġbureaucratic":32332,"ĠPam":32333,"ĠProof":32334,"ĠNewman":32335,"prints":32336,"Knowing":32337,"Ġfrightened":32338,"Ġbakery":32339,"Ġincompatible":32340,"Ġequips":32341,"Comments":32342,"normalize":32343,"Ġorientations":32344,"ĠPhilosophical":32345,"Ġtaxonomic":32346,"Ġhugely":32347,"Ġvm":32348,"allows":32349,"Ġmeadow":32350,"ĠQuery":32351,"Ġreplacements":32352,"ĠGettysburg":32353,"Ġmiraculous":32354,"Ö°":32355,"Ġwitches":32356,"illon":32357,"ĠFever":32358,"Ġinvoke":32359,"Ġdesignate":32360,"prudence":32361,"ĠAppropriate":32362,"Ġcovert":32363,"Ġsubstantive":32364,"ĠSpaceX":32365,"Ġstrained":32366,"gently":32367,"essel":32368,"ospatial":32369,"spirit":32370,"spectrum":32371,"Ġcathode":32372,"Wow":32373,"Ġenigmatic":32374,"angerous":32375,"Ġexploratory":32376,"Ġuniformity":32377,"Sy":32378,"cold":32379,"Ġfiss":32380,"ĠHole":32381,"aryng":32382,"Ġfootwear":32383,"Ġexplanatory":32384,"esterone":32385,"Ġhalves":32386,"Ġsilicone":32387,"ĠZambia":32388,"mares":32389,"Ġsnail":32390,"Ġcardio":32391,"Ġpups":32392,"Above":32393,"Ġalleles":32394,"Details":32395,"aundice":32396,"ĠDemocrat":32397,"oglyph":32398,"ĠPK":32399,"ĠRevival":32400,"ĠLaos":32401,"ĠEthiopian":32402,"Ġgenealogy":32403,"oprotein":32404,"ĠLC":32405,"Ġkay":32406,"neal":32407,"Ġephemer":32408,"ĠLabs":32409,"Ġcertifications":32410,"Ġhinges":32411,"oso":32412,"ĠHannah":32413,"ĠKw":32414,"Ġwatery":32415,"Ġshaded":32416,"basis":32417,"ĠCleaning":32418,"Ġsilt":32419,"Ġcloves":32420,"atorium":32421,"Ġpresses":32422,"Ġmachining":32423,"ĠBarrier":32424,"ĠRealism":32425,"Ġprophyl":32426,"ĠGö":32427,"ĠAlert":32428,"instances":32429,"Ġconjunct":32430,"Speaking":32431,"SER":32432,"ĠFiber":32433,"ĠGael":32434,"earance":32435,"ĠSpeaker":32436,"ĠÏĥ":32437,"Ġaffiliate":32438,"void":32439,"ĠMiles":32440,"ivists":32441,"Ġtrunks":32442,"Ġorderly":32443,"Ġcompetitor":32444,"Ġmagist":32445,"ção":32446,"Ġcyn":32447,"ĠHut":32448,"Ġbenevol":32449,"ĠSha":32450,"Ġminimized":32451,"ĠConscious":32452,"Ġviolating":32453,"Ġwoodlands":32454,"ĠHarriet":32455,"Ġbranching":32456,"SK":32457,"iths":32458,"ĠQi":32459,"ĠGuidance":32460,"ĠElijah":32461,"Nearly":32462,"Ġbeasts":32463,"assessment":32464,"Ġgovernors":32465,"suitable":32466,"ACP":32467,"boro":32468,"ReLU":32469,"rograph":32470,"Reflecting":32471,"Ġescalating":32472,"Ġconsonant":32473,"employment":32474,"aney":32475,"patterns":32476,"Ġshielding":32477,"ĠMcKin":32478,"ĠCluster":32479,"Ġengagements":32480,"ĠMissing":32481,"ĠSuperior":32482,"permissions":32483,"Ġcatalytic":32484,"Ġmarching":32485,"Ġdisproportionate":32486,"Ġtreacherous":32487,"Typically":32488,"ĠWine":32489,"Ġchildcare":32490,"Ġprogesterone":32491,"sector":32492,"leanor":32493,"Teacher":32494,"atalog":32495,"Ġwatts":32496,"itively":32497,"utors":32498,"ĠDuc":32499,"ĠRama":32500,"Ġedema":32501,"Ġcalmly":32502,"broad":32503,"amazon":32504,"estine":32505,"ĠGor":32506,"ĠGrades":32507,"uminum":32508,"Ġkilogram":32509,"boundary":32510,"Tel":32511,"Ġtout":32512,"Ġinsurg":32513,"Ġsuitability":32514,"Ġserializer":32515,"Ġcropping":32516,"Ġgriev":32517,"games":32518,"ĠPurchase":32519,"oreg":32520,"indle":32521,"Ġcommunion":32522,"Ġaffluent":32523,"Ġε":32524,"Ġcaptivated":32525,"Ġthanked":32526,"Cast":32527,"Ġkernels":32528,"Ġswarm":32529,"Chronic":32530,"allets":32531,"Auth":32532,"Fit":32533,"hog":32534,"animal":32535,"omegran":32536,"ĠClause":32537,"Ġcircumcision":32538,"Ġlobes":32539,"Ġoverthrow":32540,"Ġprerequisite":32541,"oating":32542,"Ġ....":32543,"ĠVedic":32544,"ssh":32545,"Ġskys":32546,"еÑĤ":32547,"Ġmanuals":32548,"Ġatherosclerosis":32549,"emeteries":32550,"Ġsaddle":32551,"ĠEF":32552,"ietz":32553,"Ġsuffice":32554,"Ġtransplanted":32555,"Lower":32556,"¬":32557,"Ġtents":32558,"ĠItems":32559,"ategorical":32560,"ĠAstroph":32561,"Ġplagued":32562,"Ġprincipals":32563,"Ġdé":32564,"anders":32565,"ciences":32566,"ĠMinimum":32567,"Controller":32568,"ön":32569,"calculate":32570,"âģ":32571,"iberal":32572,"Ġrevived":32573,"umbai":32574,"ĠClasses":32575,"ĠOutlook":32576,"Ġlavender":32577,"Ġvoltages":32578,"cu":32579,"Ġcommons":32580,"Ġinfinitely":32581,"Ġestu":32582,"ĠPreschool":32583,"Ġgardener":32584,"Ġceil":32585,"Ġcortical":32586,"Ġbombers":32587,"Microsoft":32588,"Ġpeptides":32589,"Ġelectroph":32590,"ĠMecca":32591,"Ġcaptivate":32592,"Ġbronchitis":32593,"CASCADE":32594,"Ali":32595,"ĠAnch":32596,"Ġinternship":32597,"ONT":32598,"ĠManage":32599,"Ġcucumber":32600,"Copy":32601,"Ġreliant":32602,"ĠNewsp":32603,"Ġcalam":32604,"hao":32605,"capacity":32606,"ï¼ī":32607,"yalgia":32608,"Ġadversaries":32609,"\\_\\_":32610,"Password":32611,"Capt":32612,"bite":32613,"rification":32614,"lehem":32615,"azole":32616,"Ġfaiths":32617,"Ġundertook":32618,"ĠCoordinator":32619,"è¡Į":32620,"ĠTudor":32621,"Ġ(=":32622,"ĠMé":32623,"ĠLights":32624,"ĠOng":32625,"Ġsquid":32626,"Clinical":32627,"Ġventricular":32628,"ĠIllness":32629,"ĠIntroduce":32630,"ĠDurham":32631,"åľ¨":32632,"Ġinfringement":32633,"Ġfingertips":32634,"ĠThomson":32635,"Ġtwigs":32636,"Chief":32637,"ĠKeys":32638,"Ġscalable":32639,"Ġnovice":32640,"dash":32641,"Ġbarc":32642,"ĠThunder":32643,"partition":32644,"ĠEvolutionary":32645,"ĠEnhance":32646,"ÅŁ":32647,"Ġil":32648,"Ġeclips":32649,"Ġperturb":32650,"Ġabras":32651,"Ġ*=":32652,"previous":32653,"ĠShepherd":32654,"ĠCornwall":32655,"zekiel":32656,"+=":32657,"ĠSCI":32658,"icted":32659,"-----------":32660,"ĠTHC":32661,"waukee":32662,"Ġrejuven":32663,"Ġadvertised":32664,"ĠMaxwell":32665,"Ġaveraging":32666,"AY":32667,"Brow":32668,"imilar":32669,"ĠCay":32670,"Ġheirs":32671,"ĠKerala":32672,"Ġoffenses":32673,"gencies":32674,"Ġovary":32675,"Ġprecedents":32676,"Objective":32677,"Ġembarrassed":32678,"Ġsubtracting":32679,"moment":32680,"sb":32681,"Ġstaining":32682,"Ġbroker":32683,"ĠAmazing":32684,"Unless":32685,"Ġspectacle":32686,"Ens":32687,"ĠSilicon":32688,"ĠSantiago":32689,"Ġlemons":32690,"ĠKlein":32691,"god":32692,"ĠBever":32693,"ĠDiagram":32694,"Icon":32695,"Ġtucked":32696,"Ġnb":32697,"Ġcommunicates":32698,"eat":32699,"grain":32700,"Ġclamp":32701,"Ġquinoa":32702,"Ġagitation":32703,"Ġorganizer":32704,"ĠAndes":32705,"Ġmiserable":32706,"Ġassistive":32707,"viations":32708,"ĠEvaluating":32709,"GY":32710,"hp":32711,"nar":32712,"Ġ####":32713,"Ġunpack":32714,"Ġsubconscious":32715,"encia":32716,"observ":32717,"Ġnobles":32718,"ĠCrohn":32719,"Ġslippery":32720,"ĠEugene":32721,"bots":32722,"Ġlodge":32723,"Ġcontention":32724,"tested":32725,"Ġconditioner":32726,"Ġhabitable":32727,"Ġcommandments":32728,"Ġvanished":32729,"Ġcowork":32730,"Ġdischarges":32731,"ĠAber":32732,"Ġasserting":32733,"Ġtrigon":32734,"nexpected":32735,"PU":32736,"cz":32737,"vcam":32738,"ĠRational":32739,"ĠJAMA":32740,"undra":32741,"scape":32742,"ICES":32743,"Ġcompliant":32744,"Ġpatriotic":32745,"Security":32746,"PES":32747,"leges":32748,"ĠShift":32749,"equipped":32750,"Ġundue":32751,"ĠBailey":32752,"COLOR":32753,"Ġfixture":32754,"ĠTF":32755,"ĠLob":32756,"assets":32757,"Ġconverge":32758,"Ġrospy":32759,"Ġunderpinnings":32760,"hof":32761,"Ġhandbook":32762,"Ġrested":32763,"Ġnormative":32764,"Ġfortunes":32765,"Ġgestational":32766,"Ġnegligence":32767,"bler":32768,"Ġfrying":32769,"ermis":32770,"ĠSpider":32771,"ĠVegetables":32772,"alamus":32773,"Ġunmanned":32774,"Raw":32775,"Ġexcre":32776,"Ġchorus":32777,"Ġwording":32778,"Ġtraveler":32779,"ĠRegistration":32780,"ĠMyc":32781,"Ġcamel":32782,"ĠSwan":32783,"Ġfixation":32784,"ĠâĹ":32785,"ĠFarmer":32786,"Helper":32787,"ĠSpaniards":32788,"Az":32789,"}',":32790,"classification":32791,"observation":32792,"buf":32793,"Ġergon":32794,"Ġophthalm":32795,"ĠTables":32796,"Ġstaged":32797,"horse":32798,"ĠExpansion":32799,"Ġalienation":32800,"Ġdoctorate":32801,"Ġdeploying":32802,"[[":32803,"yang":32804,"ĠTrig":32805,"ĠHes":32806,"Ġsober":32807,"Ġsoaking":32808,"ĠMorrison":32809,"Ġsubtly":32810,"ocalyptic":32811,"inable":32812,"Ġhern":32813,"Ġcirrhosis":32814,"Ġextrapol":32815,"Ġinvestigates":32816,"Ġaspiration":32817,"Gender":32818,"NI":32819,"ĠAMD":32820,"ĠRid":32821,"Ġdeserved":32822,"Ġstandardization":32823,"Ġpalaces":32824,"Ġbrigade":32825,"Ġtributaries":32826,"Match":32827,"camp":32828,"čĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":32829,"Ġunpublished":32830,"optimal":32831,"Ġpropel":32832,"ĠProvides":32833,"CLC":32834,"Required":32835,"invent":32836,"ository":32837,"avia":32838,"othered":32839,"Ġbicycles":32840,"Eds":32841,"Nothing":32842,"fty":32843,"utz":32844,"Ġcondom":32845,"ĠPour":32846,"ĠYuk":32847,"borg":32848,"roqu":32849,"ctools":32850,"ĠHour":32851,"deal":32852,"thought":32853,"Ġlogistic":32854,"Ġevaluates":32855,"choices":32856,"Ġconvex":32857,"Ġscarcely":32858,"ĠGospels":32859,"Ġdilute":32860,"ĠMozamb":32861,"Ġnewcomers":32862,"grow":32863,"Ġinfested":32864,"Ġdecoder":32865,"inae":32866,"ĠHerz":32867,"Ġcomforting":32868,"ĠINTER":32869,"nob":32870,"rored":32871,"ĠConsumption":32872,"Ġcompletes":32873,"feres":32874,"Ġjuveniles":32875,"Ġsickle":32876,"Ġcherish":32877,"DEC":32878,"Ġtac":32879,"ĠMoss":32880,"Ġunaffected":32881,"Ġunavoid":32882,"ĠHeights":32883,"Ġinsulating":32884,"Ġcheeks":32885,"Ġforested":32886,"Ġrebirth":32887,"timed":32888,"Ġwholesale":32889,"Ġmellitus":32890,"XY":32891,"ĠCli":32892,"Ġprematurely":32893,"Ġadrenaline":32894,"termediate":32895,"jac":32896,"Ġtingling":32897,"ĠFruits":32898,"Ġreplies":32899,"Ġashore":32900,"Player":32901,"fro":32902,"ĠNurse":32903,"Ġinsists":32904,"Ġuntouched":32905,"Ġcritters":32906,"Ġmicrof":32907,"ĠFundamental":32908,"ĠFactory":32909,"BACK":32910,"ĠFan":32911,"ĠSho":32912,"ihad":32913,"Ġuplift":32914,"Ġremembrance":32915,"Mother":32916,"ĠMant":32917,"Ġsham":32918,"Ġdownside":32919,"ĠComponent":32920,"Ġtongues":32921,"Ġcosmology":32922,"sampling":32923,"ĠSoldiers":32924,"æŀ":32925,"Ġct":32926,"ĠKet":32927,"ĠAdolescent":32928,"Ġ:=":32929,"umbent":32930,"Ġfrontiers":32931,"य":32932,"Ġjuicy":32933,"Ġpsychiatrist":32934,"ĠMohammed":32935,"ĠFeeding":32936,"ĠCardiovascular":32937,"_{}":32938,"hew":32939,"Ġmoms":32940,"Ġplung":32941,"ulls":32942,"ringing":32943,"crafted":32944,"Ġfertilized":32945,"Ġinducing":32946,"å¸":32947,"ĠHI":32948,"Ġropes":32949,"Ġfinanced":32950,"ĠSpaces":32951,"Ġcircuitry":32952,"Ġcrowned":32953,"probably":32954,"mountable":32955,"Ġcaterpillar":32956,"ende":32957,"Ġartisan":32958,"Shell":32959,"adaptive":32960,"RED":32961,"Tuple":32962,"Ġdigested":32963,"ĠBradley":32964,"Ġfencing":32965,"chrome":32966,"unctions":32967,"ĠWellness":32968,"opoly":32969,"ĠHayes":32970,"Ġrudimentary":32971,"LES":32972,"Ġforged":32973,"Ġriv":32974,"Ġdistal":32975,"flush":32976,"ALE":32977,"Ġscreenings":32978,"defaults":32979,"Ġsupernova":32980,"Van":32981,"atized":32982,"ĠMED":32983,"quad":32984,"Ġcontemplate":32985,"orde":32986,"Ġobservatory":32987,"Ġcategorical":32988,"Ġrectum":32989,"distribution":32990,"ĠLecture":32991,"ĠAdvocacy":32992,"ĠYugoslavia":32993,"Ġremediation":32994,"Ġnotices":32995,"Ġskipping":32996,"feet":32997,"Ġturbulence":32998,"Ġsupporter":32999,"Ġpassport":33000,"Ġexperimented":33001,"Ġgestation":33002,"Gene":33003,"Ġrelocation":33004,"Ġsociological":33005,"Ġsupermarkets":33006,"Ġobstructive":33007,"Ġfabricated":33008,"ĠNormandy":33009,"ĠAppalachian":33010,"Ġcunning":33011,"ĠAlps":33012,"ahs":33013,"Ġpostal":33014,"ĠAusten":33015,"Ġarchaeologist":33016,"publish":33017,"Ġiterative":33018,"Ġintracellular":33019,"ĠLancaster":33020,"Ġletharg":33021,"tum":33022,"Ġlone":33023,"Ġwhisk":33024,"ecost":33025,"ĠAmph":33026,"Ġinhibiting":33027,"Ġfiery":33028,"ĠAzerbaijan":33029,"TF":33030,"åĨ":33031,"oteric":33032,"andescent":33033,"izens":33034,"bringing":33035,"Ġpolicing":33036,"Ġdividends":33037,"ĠDesigned":33038,"Team":33039,"ĠGlobe":33040,"Ġglycemic":33041,"ĠPaste":33042,"Ġexpr":33043,"ĠAncest":33044,"States":33045,"Ġreceivers":33046,"flux":33047,"nat":33048,"amate":33049,"romyalgia":33050,"clone":33051,"Ġupheld":33052,"Ġfunnel":33053,"Ġdiversion":33054,"ĠBayesian":33055,"Ġcompounded":33056,"Everything":33057,"ĠConfederation":33058,"Ġlighthouse":33059,"ĠTommy":33060,"Ġalve":33061,"ĠEE":33062,"Ġoffender":33063,"olecule":33064,"ĠCarlo":33065,"ĠInitialize":33066,"Ġmistakenly":33067,"Ġgleaned":33068,"Ġtandem":33069,"ĠDHA":33070,"Ġentrusted":33071,"ylene":33072,"Proper":33073,"Ġoutsiders":33074,"Ġappraisal":33075,"Ġkitchens":33076,"ĠBabies":33077,"ĠMarxism":33078,"ĠJoyce":33079,"Ġoyster":33080,"izen":33081,"Ġplut":33082,"ĠNEW":33083,"VC":33084,"íķ":33085,"elastic":33086,"ggling":33087,"Ġpaperwork":33088,"Ġloosen":33089,"deredDict":33090,"ĠCaroline":33091,"ĠTank":33092,"allic":33093,"ĠInquiry":33094,"STOR":33095,"runs":33096,"Ġhomestead":33097,"ĠLaboratories":33098,"Ġhypothesized":33099,"Ġlang":33100,"Ġterminated":33101,"median":33102,"Ġhypogly":33103,"Ġweld":33104,"Academ":33105,"Ġconvection":33106,"Population":33107,"Prefix":33108,"Ġdic":33109,"Ġdex":33110,"ĠESL":33111,"Ġcyclists":33112,"oplastic":33113,"faced":33114,"grams":33115,"pound":33116,"Ġ***":33117,"Ġoffsets":33118,"Ġelucidate":33119,"Ġredundancy":33120,"Ġfug":33121,"Ġpopping":33122,"amentals":33123,"Ġdresses":33124,"XML":33125,"orange":33126,"ĠTaj":33127,"ĠTrag":33128,"ĠFCC":33129,"ĠLevi":33130,"flix":33131,"Ġtariff":33132,"ĠIv":33133,"Ġlocus":33134,"ĠToken":33135,"Ġdetoxification":33136,"OG":33137,"ĠGrim":33138,"redirect":33139,"poral":33140,"Ġillumin":33141,"Notice":33142,"Ġverbally":33143,"Ġsuccumb":33144,"Ġsynchronous":33145,"Ġjellyfish":33146,"eri":33147,"ionic":33148,"Ġpromotional":33149,"ĠQuite":33150,"Loc":33151,"iatic":33152,"emy":33153,"Ġclut":33154,"Ġcaloric":33155,"ocumented":33156,"Ġauditor":33157,"Ġtrusts":33158,"Ġguarded":33159,"Private":33160,"åıĸ":33161,"CBT":33162,"Ġns":33163,"ĠPond":33164,"asties":33165,"phrase":33166,"Ġconfed":33167,"Ġethos":33168,"ĠProphe":33169,"ĠInfections":33170,"Ġoppos":33171,"Ġcouch":33172,"Ġignores":33173,"ĠSamar":33174,"оÑĢ":33175,"priority":33176,"ĠHarmonyville":33177,"Ġtopped":33178,"arching":33179,"alfa":33180,"Ġactionable":33181,"Ġmanifold":33182,"Ġlicence":33183,"Ġfashionable":33184,"æİ":33185,"Ġsher":33186,"Ġmural":33187,"Ġsepsis":33188,"availability":33189,"Ġtrays":33190,"Ġagreeing":33191,"ĠMechanics":33192,"plugins":33193,"Ġupgrades":33194,"Ġclutter":33195,"ĠManifest":33196,"Ġpronoun":33197,"ĠHopefully":33198,"Ġlurking":33199,"liest":33200,"Ġpus":33201,"ĠVine":33202,"DEF":33203,"Ġoverlooking":33204,"ĠMarco":33205,"ĠVon":33206,"Ġinterferes":33207,"CODE":33208,"Ġpremier":33209,"Ġshouting":33210,"ller":33211,"Ġprophetic":33212,"Testing":33213,"Ġrailways":33214,"Ġscalability":33215,"Ġleaning":33216,"Sing":33217,"pkl":33218,"Ġomit":33219,"Ġmd":33220,"ilight":33221,"ĠTah":33222,"Ġplume":33223,"Ġexpired":33224,"ĠParish":33225,"Ġinjecting":33226,"ĠAccessibility":33227,"Ġmolding":33228,"Ġquotations":33229,"Political":33230,"ĠNutr":33231,"Chemical":33232,"rils":33233,"strand":33234,"ĠPump":33235,"quake":33236,"Ġswamp":33237,"Phase":33238,"ĠProvidence":33239,"Eventually":33240,"Ïį":33241,"ĠTW":33242,"inee":33243,"brane":33244,"ĠFreeman":33245,"Ġmeteorological":33246,"Ġflammable":33247,"tas":33248,"Ġquota":33249,"ĠPride":33250,"ĠCOP":33251,"peutics":33252,"ĠTribune":33253,"ophe":33254,"Ġdisclosed":33255,"ARI":33256,"borhood":33257,"Ġrotary":33258,"ĠProcedure":33259,"Ġimpe":33260,"dominated":33261,"Univers":33262,"Ġmotivational":33263,"Ġirritated":33264,"authored":33265,"Ġnonsense":33266,"Ġendorsement":33267,"Ġinfiltration":33268,"aqu":33269,"aligned":33270,"Ġforc":33271,"ĠGER":33272,"Ġresided":33273,"ceptor":33274,"Ġsurreal":33275,"Ġwildly":33276,"gradient":33277,"founded":33278,"Suppose":33279,"nit":33280,"opting":33281,"Ġunbelie":33282,"ĠClos":33283,"Ġbirthplace":33284,"Ġsavory":33285,"Ġaccumulating":33286,"Ġmilder":33287,"Ġdumped":33288,"ĠBaldwin":33289,"lost":33290,"Ġstacks":33291,"Ġital":33292,"Ġsuppressing":33293,"ĠSacramento":33294,")^":33295,"AH":33296,"Drug":33297,"ĠHours":33298,"Ġmalign":33299,"xyz":33300,"utations":33301,"ĠRD":33302,"Ġadapter":33303,"Ġglimps":33304,"Ġlogistical":33305,"lette":33306,"registry":33307,"ĠContrast":33308,"ĠMalta":33309,"orrhea":33310,"lif":33311,"Ġperi":33312,"tele":33313,"listed":33314,"Ġfaire":33315,"Ġpenis":33316,"dimension":33317,"Ġallele":33318,"Url":33319,"uties":33320,"ĠAU":33321,"ĠSage":33322,"ĠKaiser":33323,"Ġspeeding":33324,"ĠBerry":33325,"losses":33326,"Ġdiligence":33327,"ĠCzechosl":33328,"Ġwrinkles":33329,"failure":33330,"éĹ":33331,"Ġoft":33332,"Ġmanga":33333,"yss":33334,"RIBUT":33335,"Ġextraterrestrial":33336,"Few":33337,"Ġadept":33338,"ulsions":33339,"ĠPlaying":33340,"Ġcoexistence":33341,"ĠItalians":33342,"Running":33343,"ĠHear":33344,"ĠRams":33345,"ourg":33346,"ĠScan":33347,"Problem":33348,"Humans":33349,"Soon":33350,"ĠKre":33351,"ĠProfessionals":33352,"Ġloudly":33353,"Ġanxieties":33354,"circuit":33355,"Ġunderscoring":33356,"Ġpermissible":33357,"UES":33358,"Wait":33359,"Ġcms":33360,"Ġsupra":33361,"ĠJD":33362,"ritz":33363,"ĠEnviron":33364,"ĠRomanian":33365,"ĠTreatments":33366,"Members":33367,"bars":33368,"tel":33369,"ĠRecycling":33370,"ĠEdwin":33371,"Validation":33372,"Ġpsychiatry":33373,"Ġparsley":33374,"fmt":33375,"Ġhated":33376,"ĠSard":33377,"odef":33378,"ĠLon":33379,"spatial":33380,"Ġcools":33381,"ĠRemoval":33382,"ĠTwain":33383,"ĠMonthly":33384,"ĠFalcon":33385,"ĠBiomedical":33386,"pkg":33387,"amis":33388,"perse":33389,"ourced":33390,"Ġfluffy":33391,"Ġexposition":33392,"Ġliberated":33393,"ĠInnovative":33394,"olor":33395,"Ġstature":33396,"osate":33397,"Ġsuperb":33398,"Jun":33399,"npy":33400,"alla":33401,"matches":33402,"Ġdiarrhoea":33403,"eronomy":33404,"ĠPag":33405,"ĠNecess":33406,"ĠYounger":33407,"Ġenthusiast":33408,"Ġsten":33409,"onda":33410,"Ġairlines":33411,"ĠArtist":33412,"Ġdryer":33413,"rho":33414,"ĠLuckily":33415,"Mid":33416,"ĠTick":33417,"Ġblob":33418,"Ġminors":33419,"orescence":33420,"ĠCivilization":33421,"ĠNavigation":33422,"Ġsermon":33423,"icators":33424,"ustry":33425,"Ġalgal":33426,"Ġд":33427,"eze":33428,"owulf":33429,"ifera":33430,"ivore":33431,"ĠFight":33432,"permission":33433,"Ġoprot":33434,"ĠSloven":33435,"Ġsubtropical":33436,"ĠREAD":33437,"Ġreverber":33438,"Ġamygdala":33439,"park":33440,"icia":33441,"ĠAJ":33442,"ĠMuss":33443,"ĠGerald":33444,"wey":33445,"Ġ[])":33446,"Ġolfactory":33447,"powers":33448,"Speed":33449,"Ġbs":33450,"Ġconcessions":33451,"Ġadip":33452,"Ġdealers":33453,"tracking":33454,"Ġsubsurface":33455,"ĠMovements":33456,"margin":33457,"pure":33458,"itin":33459,"ĠPRE":33460,"ĠHM":33461,"ĠHutch":33462,"ĠDES":33463,"Ġdictates":33464,"Acts":33465,"ĠLucas":33466,"CAP":33467,"Ġie":33468,"plings":33469,"Ġinfinity":33470,"ĠGibson":33471,"Ġfresco":33472,"Ġgrasping":33473,"FD":33474,"orbit":33475,"odi":33476,"ĠPCOS":33477,"ĠBots":33478,"terson":33479,"Ġ:)":33480,"afa":33481,"decoder":33482,"rofen":33483,"router":33484,"Ġresisting":33485,"Ġascend":33486,"ĠWhitman":33487,"France":33488,"anan":33489,"Ġthro":33490,"ĠSIM":33491,"athione":33492,"ĠNovels":33493,"Ġsplendid":33494,"Ġupheaval":33495,"Ġig":33496,"ampa":33497,"Ġcontainment":33498,"Ġringing":33499,"Bill":33500,"during":33501,"zon":33502,"Ġsuccessors":33503,"currency":33504,"Ġpercentile":33505,"Ġstreamlined":33506,"ĠConfiguration":33507,"Ġoverex":33508,"Ġengraved":33509,"Ġbolstering":33510,"Earlier":33511,"rinsic":33512,"Ġtxt":33513,"ĠHip":33514,"xtap":33515,"ĠAlf":33516,"------------------":33517,"Ġcataracts":33518,"ĠKazakhstan":33519,"Moving":33520,"daily":33521,"ĠSisters":33522,"ĠSimpson":33523,"Ġglossary":33524,"ĠVolunteer":33525,"æŶ":33526,"VIII":33527,"Ġmussels":33528,"ĠFE":33529,"Ġarth":33530,"Ġtreatise":33531,"Ġcolonized":33532,"Ġmurals":33533,"violence":33534,"à¯":33535,"erd":33536,"ĠTail":33537,"ĠHP":33538,"inders":33539,"Ġnomination":33540,"asaki":33541,"irls":33542,"ĠThir":33543,"blast":33544,"assertFalse":33545,"Ġpositives":33546,"existent":33547,"Ġsupervise":33548,"Ġsandwiches":33549,"Citation":33550,"cannot":33551,"north":33552,"ĠSplit":33553,"perform":33554,"ĠColors":33555,"ĠFlint":33556,"hael":33557,"Ġindexed":33558,"corr":33559,"Ġrelieving":33560,"ĠAcknow":33561,"searc":33562,"Ġalph":33563,"Ġalias":33564,"uds":33565,"ĠArthritis":33566,"Ġmillimeters":33567,"ĠLeopold":33568,"Ġ__________________":33569,"Ġbitten":33570,"ĠPolyn":33571,"feit":33572,"Ġveterinarians":33573,"fashioned":33574,"pic":33575,"Ġperse":33576,"Ġspurred":33577,"Ġmonot":33578,"ï¼Ī":33579,"Photos":33580,"kefeller":33581,"ĠDale":33582,"plays":33583,"Ġexpiration":33584,"brook":33585,"ĠHonduras":33586,"slic":33587,"ĠLub":33588,"Ġstartling":33589,"Ġdelved":33590,"flip":33591,"IPE":33592,"Ġunderside":33593,"ĠSelecting":33594,"Ġhypothyroidism":33595,"Ġditch":33596,"ĠDairy":33597,"ploid":33598,"ĠUtt":33599,"Ġunhe":33600,"ĠRece":33601,"Ġinnovate":33602,"Ġhairy":33603,"Ġpunishments":33604,"Ye":33605,"unn":33606,"ensible":33607,"Inside":33608,"commercial":33609,"Ġpolymerase":33610,"Ġmilitar":33611,"chanics":33612,"matplotlib":33613,"Ġharvests":33614,"ĠSteam":33615,"Ġadjunct":33616,"Ġrhin":33617,"Ġdumping":33618,"Evidence":33619,"ĠCaucasus":33620,"Condition":33621,"certainty":33622,"ĠNicaragua":33623,"ç½":33624,"Ġocular":33625,"Ġbony":33626,"Ġlitres":33627,"Ġprotesters":33628,"Ġzeal":33629,"Conc":33630,"qualified":33631,"Scott":33632,"Ġcartridge":33633,"Discussion":33634,"TPS":33635,"Ġprick":33636,"ĠChel":33637,"ĠMORE":33638,"ĠPassion":33639,"Ġhens":33640,"ĠJF":33641,"ERY":33642,"unting":33643,"rosophila":33644,"ĠAircraft":33645,"ĠBhutan":33646,"CG":33647,"Mag":33648,"Ġmentality":33649,"Geometry":33650,"âķIJâķIJ":33651,"motor":33652,"Ġlign":33653,"ĠHMS":33654,"Getty":33655,"!**":33656,",(":33657,"Future":33658,"franch":33659,"street":33660,"Ġintimately":33661,"Ġhello":33662,"ucent":33663,"Ġcoales":33664,"Ġdebugging":33665,"Ġmisf":33666,"continence":33667,"Ġrefrigeration":33668,"ĠSale":33669,"ablo":33670,"Ġpeek":33671,"iker":33672,"rador":33673,"ĠJacobs":33674,"Ġcarpets":33675,"iere":33676,"verte":33677,"Ġhaul":33678,"Ġpotency":33679,"ĠAmelia":33680,"Ġtournament":33681,"Ġventured":33682,"Financial":33683,"behavioral":33684,"Board":33685,"cepts":33686,"Ġblockade":33687,"ĠOceanic":33688,"ĠBullying":33689,"ĠGreens":33690,"<<":33691,"hra":33692,"ĠMish":33693,"strategy":33694,"Ġwiser":33695,"Ġmasking":33696,"Ġdotted":33697,"Ġcataract":33698,"Ġsowing":33699,"Ġfission":33700,"Ġgaseous":33701,"ĠPER":33702,"Ġjudiciary":33703,"Ġmetabolites":33704,"Ġorchid":33705,"Ġconstellations":33706,"migrations":33707,"strength":33708,"Friday":33709,"ionage":33710,"ibus":33711,"Ġunprotected":33712,"ĠNoise":33713,"Ġstereotype":33714,"ĠAssessing":33715,"ĠShelley":33716,"tau":33717,"ĠGET":33718,"ĠSz":33719,"ĠCrystal":33720,"ĠHS":33721,"Ġyourselves":33722,"Ġ\"\")":33723,"ascus":33724,"Ġbleaching":33725,"Ġentertained":33726,"ĠSidd":33727,"ĠStir":33728,"ossal":33729,"Ġdemo":33730,"Builder":33731,"Ġabruptly":33732,"qs":33733,"Ġbang":33734,"Ġinquiries":33735,"Ġnoses":33736,"Ġcraters":33737,"Ġconceptions":33738,"ĠXY":33739,"COUNT":33740,"graduates":33741,"Distance":33742,"Double":33743,"izzy":33744,"Ġspruce":33745,"coat":33746,"Ġenvironmentalists":33747,"Ġsummarizing":33748,"Ġgoss":33749,"expect":33750,"Ġadvising":33751,"Ġcondoms":33752,"ĠShortly":33753,"accharides":33754,"Ġrepentance":33755,"tails":33756,"Ġferal":33757,"ĠTrent":33758,"okers":33759,"ĠAppl":33760,"infection":33761,"Ġneuropsych":33762,"Ġneckl":33763,"music":33764,"Ġvoyages":33765,"ĠVoices":33766,"repository":33767,"ĠGiovanni":33768,"Ġcipher":33769,"ĠFrost":33770,"coins":33771,"OSS":33772,"solve":33773,"ĠDistingu":33774,"ĠBethlehem":33775,"Father":33776,"oji":33777,"isin":33778,"Ġpea":33779,"Ġexpanse":33780,"Ġcapitalize":33781,"ĠMatplotlib":33782,"Ġgrocer":33783,"coordinates":33784,"Fish":33785,"Ly":33786,"icz":33787,"ĠFlask":33788,"Ġembarrassment":33789,"Ġcamouflage":33790,"Ġgrievances":33791,"Ġplatinum":33792,"ĠKoch":33793,"Ġseventeen":33794,"Ġserialize":33795,"Ġhydropower":33796,"toplankton":33797,"Ġnucleotide":33798,"Harv":33799,"Quality":33800,"ĠGUI":33801,"ĠGCSE":33802,"Ġtaxi":33803,"Ġoptimally":33804,"Ġdragged":33805,"Ġdescendant":33806,"Ġfigurative":33807,"Ġfür":33808,"Ġornaments":33809,"ĠRum":33810,"ĠGel":33811,"cloth":33812,"Ġcompulsive":33813,"Ġdoomed":33814,"aise":33815,"ité":33816,"ĠFur":33817,"ĠKend":33818,"Ġinspected":33819,"Ġconversational":33820,"ĠCapacity":33821,"ĠZhou":33822,"Ġdwellers":33823,"Ġgoddesses":33824,"BLE":33825,"ĠACL":33826,"ĠLaz":33827,"Ġremed":33828,"Ġattrs":33829,"Ġentom":33830,"Ġcaries":33831,"Ġdownwards":33832,"Ġpillow":33833,"Surface":33834,"LOCK":33835,"cart":33836,"gang":33837,"lite":33838,"Ġsparing":33839,"wered":33840,"Ġassortment":33841,"proj":33842,"Ġmessengers":33843,"Ġjournaling":33844,"ĠMali":33845,"Ġinterviewing":33846,"ĠExtended":33847,"statistics":33848,"Ġarsenal":33849,"recognized":33850,"HL":33851,"trigger":33852,"aned":33853,"Ġether":33854,"ĠTrim":33855,"Ġyang":33856,"aminated":33857,"Doctors":33858,"ĠLegislative":33859,"esoph":33860,"opening":33861,"Ġimpractical":33862,"Ġopted":33863,"ĠSpatial":33864,"ĠAssert":33865,"ĠTransactions":33866,"ĠBiotechnology":33867,"Ġsecreted":33868,"Ġriparian":33869,"ĠVishnu":33870,"Ġviolet":33871,"Ġtwelfth":33872,"Unknown":33873,"ĠDeveloped":33874,"ĠDevelopments":33875,"Ġpineapple":33876,"Ġparen":33877,"ĠTul":33878,"chars":33879,"Ġrestless":33880,"ĠOrn":33881,"ĠGujar":33882,"ĠRegression":33883,"ĠBrush":33884,"ĠHygiene":33885,"Ġrenders":33886,"!),":33887,"nour":33888,"ĠEST":33889,"unched":33890,"Ġpostcolonial":33891,"ĠFloat":33892,"Ġhorrors":33893,"Behavior":33894,"Ġgraceful":33895,"Ġapoptosis":33896,"duty":33897,"Ġplethora":33898,"ĠRomance":33899,"ĠRhine":33900,"Ġoverwhelmingly":33901,"Ġsensitivities":33902,"Folder":33903,"onucle":33904,"Ġoily":33905,"Ġcider":33906,"ĠSag":33907,"ĠCRE":33908,"adam":33909,"ĠJO":33910,"Country":33911,"æķ°æį®":33912,"çī":33913,"Ġliturgical":33914,"Ġpopularly":33915,"backward":33916,"ĠSociology":33917,"mathbf":33918,"Ġpearls":33919,"tc":33920,"ĠFostering":33921,"ĠWeak":33922,"\"\"\",":33923,"ĠSeventh":33924,"Ġcollide":33925,"ĠBowl":33926,"Ġelectrolytes":33927,"Ġbunk":33928,"Ġregex":33929,"ĠSimulation":33930,"hematics":33931,"Ġpleasures":33932,"Ġrejects":33933,"ocentric":33934,"Ġhallucinations":33935,"Ġbos":33936,"Ġdusk":33937,"ĠLS":33938,"ĠWealth":33939,"oker":33940,"ĠPsychiatric":33941,"Ġregimens":33942,"ĠAlgeria":33943,"DIS":33944,"åĢ":33945,"ĠFry":33946,"Ġbacklash":33947,"Ġresponsiveness":33948,"ĠLego":33949,"ĠRabbit":33950,"ĠBecome":33951,"Ġcedar":33952,"Ġpore":33953,"ĠLiquid":33954,"Ġoccult":33955,"Ġanalysing":33956,"ĠDorothy":33957,"gerald":33958,"tops":33959,"Atlantic":33960,"ĠGardening":33961,"cooked":33962,"mobile":33963,"Ġpaternal":33964,"ĠAdvantages":33965,"ĠIsab":33966,"Ġhelicopters":33967,"Ġindelible":33968,"bay":33969,"divided":33970,"nesty":33971,"ilers":33972,"ĠStern":33973,"Ġtreason":33974,"Ġcraving":33975,"ĠSketch":33976,"Ġmarveled":33977,"Discover":33978,"xit":33979,"ĠDante":33980,"Ġdisrespect":33981,"Ġmega":33982,"Ġemperors":33983,"Ġconfer":33984,"Ġredis":33985,"Ġfixes":33986,"ĠEveryday":33987,"ĠJimmy":33988,"Ġtending":33989,"ĠTrip":33990,"avian":33991,"Ġperceptual":33992,"Ġepidemi":33993,"ĠMichelle":33994,"blown":33995,"ĠTrop":33996,"Ġexemption":33997,"Ġseep":33998,"Ġallure":33999,"Ġrapt":34000,"ĠSpin":34001,"Ġconversions":34002,"Ġexemplary":34003,"ĠInvestigate":34004,"Ġdecolonization":34005,"ĠMats":34006,"Ġtrache":34007,"Ġcurtain":34008,"subprocess":34009,"Ġisolating":34010,"Ġfestive":34011,"ophysiology":34012,"Ġrewrite":34013,"ĠBB":34014,"Ġglobalized":34015,"Ġabnormally":34016,"Magn":34017,"Prec":34018,"arat":34019,"ĠIncluding":34020,"Ġunresolved":34021,"uprofen":34022,"Ġxx":34023,"softmax":34024,"Ġcoincide":34025,"{'":34026,"ĠASP":34027,"ameter":34028,"ĠCourses":34029,"ĠGC":34030,"activate":34031,"auri":34032,"biological":34033,"Ġrevelations":34034,"Hyp":34035,"Park":34036,"Ġdiure":34037,"ĠWei":34038,"Aside":34039,"ĠLouise":34040,"|'('":34041,"Ġpitcher":34042,"Ġmerger":34043,"Ġexacerbating":34044,"ĠChandra":34045,"Ġborough":34046,"|')'":34047,"bane":34048,"Ġprod":34049,"quist":34050,"ĠInvalid":34051,"oides":34052,"Ġdebut":34053,"Ġsniff":34054,"Ġyouthful":34055,"Come":34056,"Tri":34057,"ɪ":34058,"phinx":34059,"exam":34060,"Ġnorthward":34061,"Ġhomin":34062,"Ġexplosives":34063,"aunders":34064,"Ġingenious":34065,"Ġpopulace":34066,"STATUS":34067,"ĠDoctrine":34068,"Ġninety":34069,"ĠPtole":34070,"Ġflap":34071,"CONF":34072,"Ġmobilization":34073,"ĠShuttle":34074,"ÎŃ":34075,"Ġhither":34076,"Ġslogan":34077,"Ġdoubles":34078,"ĠNOTE":34079,"Ġbolts":34080,"Ġprudent":34081,"Rh":34082,"ĠFI":34083,"Ġpostwar":34084,"slot":34085,"Classifier":34086,"Ġbisc":34087,"asan":34088,"Ġorang":34089,"ĠEuch":34090,"Ġprune":34091,"ophysics":34092,"Ġambul":34093,"Transport":34094,"Ro":34095,"ĠNPR":34096,"afrost":34097,"Carl":34098,"ĠAda":34099,"assertIn":34100,"Ġ\\\"":34101,"ĠPassage":34102,"pertension":34103,"Ġmansion":34104,"ĠScul":34105,"âĶĢâĶĢâĶĢâĶĢâĶĢâĶĢâĶĢâĶĢ":34106,"FM":34107,"Ġnotifications":34108,"prepared":34109,"banks":34110,"ĠFrontier":34111,"ĠBosnia":34112,"Ġwrestling":34113,"Ġerroneous":34114,"ln":34115,"yet":34116,"ĠEthereum":34117,"ovine":34118,"Ġcrank":34119,"Cluster":34120,"Ġvirtuous":34121,"ĠArgentine":34122,"Australian":34123,"ĠAssyrian":34124,"lis":34125,"magn":34126,"ĠMumbai":34127,"ĠDion":34128,"ĠNab":34129,"Ġgenomics":34130,"interaction":34131,"Ġsv":34132,"Ġinsecure":34133,"Ġlenders":34134,"Ġunlocking":34135,"Ġnegatives":34136,"ECK":34137,"technical":34138,"ĠSaxon":34139,"Ġpolish":34140,"Ġnums":34141,"Ġsheath":34142,"ĠOutline":34143,"folios":34144,"Depth":34145,"Ġtriglycerides":34146,"Ġendothelial":34147,"ilot":34148,"Ġflakes":34149,"Ġshepherd":34150,"Ġendings":34151,"Ġcandies":34152,"Ġnarrowed":34153,"Ġinsurmountable":34154,"ĠGaelic":34155,"ĠSimultaneously":34156,"configs":34157,"Ġfortifications":34158,"ĠTyler":34159,"ĠMechanisms":34160,"Ġanesthetic":34161,",),":34162,"Ġsar":34163,"Ġgob":34164,"ĠAj":34165,"ĠCarson":34166,"Ġpreach":34167,"Ġregiments":34168,"according":34169,"ĠConfirm":34170,"Ġdownloads":34171,"Publisher":34172,"ĠTexts":34173,"Ġmonarchs":34174,"Ġsequestration":34175,",))":34176,"Ha":34177,"slow":34178,"ĠVac":34179,"Ġadjoining":34180,"Ġresidency":34181,"ĠKnox":34182,"election":34183,"ä¾":34184,"ĠHert":34185,"Ġchor":34186,"Ġprovoked":34187,"Ġafterlife":34188,"gger":34189,"Ġcomposites":34190,"ĠCompanion":34191,"finished":34192,"Ġevacuated":34193,"Ġupgraded":34194,"Ġsabot":34195,"Aff":34196,"Scal":34197,"ĠACC":34198,"ĠVander":34199,"ĠLeh":34200,"olkien":34201,"Ġpornography":34202,"Ġkinship":34203,"Du":34204,"Ġflashing":34205,"ĠPeruvian":34206,"ĠInca":34207,"Ġrevolve":34208,"Ġregenerate":34209,"mis":34210,"ĠHess":34211,"ĠGul":34212,"appings":34213,"Story":34214,"Ġbadge":34215,"ĠOptical":34216,"(',":34217,"felt":34218,"Ġstigmat":34219,"Ġcomplicate":34220,"Ġcontests":34221,"Ġcols":34222,"interpret":34223,"Ġroofing":34224,"Species":34225,"squeeze":34226,"Ê»":34227,"heli":34228,"Ġreed":34229,"Ġ(@":34230,"unned":34231,"ansen":34232,"Ġcheckups":34233,"Ġvaluation":34234,"Assessment":34235,"aaS":34236,"ophilic":34237,"Important":34238,"Ġtumultuous":34239,"ectors":34240,"ĠGrab":34241,"Ġplasm":34242,"Ġkangar":34243,"rica":34244,"Ġpopularized":34245,"Plants":34246,"ĠTreasure":34247,"Formatter":34248,"Ġexceedingly":34249,"Queue":34250,"?).":34251,"lens":34252,"irin":34253,"Ġconclusive":34254,"Ġquake":34255,"Ġprototyping":34256,"ĠRecommendations":34257,"uitive":34258,"ĠBoolean":34259,"ASK":34260,"Ġarchipelago":34261,"Ġfragrance":34262,"ocyan":34263,"Ġconcurrently":34264,"idences":34265,"ĠAri":34266,"Ġprolet":34267,"ĠHouses":34268,"Ġcurtains":34269,"valued":34270,"classifier":34271,"Ġconcentrates":34272,"Ġsenators":34273,"Ġmarvelous":34274,"Directory":34275,"Ġmacrophages":34276,"MED":34277,"Sad":34278,"bie":34279,"Ġinlet":34280,"ersen":34281,"Ġoutgoing":34282,"rugu":34283,"ĠHeroes":34284,"Ġelemental":34285,"Ġclarified":34286,"embeddings":34287,"Ġrifles":34288,"Ġimplicitly":34289,"ifi":34290,"Ġtractor":34291,"ĠRescue":34292,"Ġliterate":34293,"Ġmelts":34294,"Ġpersuasion":34295,"Picture":34296,"YY":34297,"mese":34298,"tale":34299,"ĠFay":34300,"Ġquasi":34301,"Ġinteracted":34302,"rontal":34303,"seeking":34304,"Ġironic":34305,"burning":34306,"Ġconsolidate":34307,"ĠHansen":34308,"Ġelliptical":34309,"Rom":34310,"Vir":34311,"ĠTEST":34312,"ĠFetch":34313,"ĠLinn":34314,"ascal":34315,"increasing":34316,"pn":34317,"esta":34318,"Ġhumili":34319,"Ġchemists":34320,"ĠMarkets":34321,"Coord":34322,"Ġcuff":34323,"Ġwil":34324,"Ġpacing":34325,"ĠMixed":34326,"things":34327,"Ġovens":34328,"Ġsymbiotic":34329,"Ġpredisposition":34330,"lov":34331,"Äĥ":34332,"arya":34333,"ĠQR":34334,"Ġsubstituted":34335,"ĠPrepared":34336,"ĠMinneapolis":34337,"ĠStarted":34338,"Ġdecompose":34339,"ĠKuwait":34340,"ĠSahara":34341,"OFF":34342,"few":34343,"čĊĠĠĠĠĠ":34344,"itatively":34345,"Ġegal":34346,"Ġruth":34347,"ubon":34348,"Ġthroughput":34349,"Ġextremities":34350,"skilled":34351,"Ġpooling":34352,"Ġcovariance":34353,"ĠRecommended":34354,"Sure":34355,"ččĊĠĠĠĠĠĠĠĠ":34356,"among":34357,"ĠCitation":34358,"ĠDad":34359,"Ġclicks":34360,"iane":34361,"Ġslang":34362,"Optim":34363,"Ġaccreditation":34364,"âĢłâĢł":34365,"ĠProcedures":34366,"Ġpity":34367,"Alter":34368,"ĠStephan":34369,"Ġintegrative":34370,"Ġneutralize":34371,"Ġpearl":34372,"Fat":34373,"ĠACE":34374,"terminal":34375,"Ġshipwre":34376,"Ġvertebrate":34377,"ĠRatio":34378,"!'":34379,"Ġmoose":34380,"Ġpathogenesis":34381,"ĠJustin":34382,"Ġsequenced":34383,"Ġfilmmakers":34384,"sweet":34385,"Summer":34386,"laws":34387,"assembly":34388,"ĠPoles":34389,"Ġvested":34390,"ĠHamburg":34391,"Ġunlawful":34392,"Ġpolarity":34393,"Ġcrev":34394,"Ġidentifiers":34395,"Ġsymphony":34396,"contamination":34397,"Ġvisionary":34398,"Ġdehydrated":34399,"Ġmurders":34400,"Ġfollicles":34401,"inic":34402,"Ġlys":34403,"ulo":34404,"Ġanorexia":34405,"ĠThesis":34406,"Ġleopard":34407,"Ġkicking":34408,"Ġmedals":34409,"Ġzoos":34410,"ĠFlora":34411,"VIEW":34412,"ĠFemales":34413,"Missing":34414,"ĠMacedonia":34415,"Choosing":34416,"gather":34417,"ĠCNS":34418,"Ġdetained":34419,"assertEquals":34420,"ĠJesse":34421,"ADHD":34422,"Ġsubscribers":34423,"Ġcautiously":34424,"ĠFranç":34425,"ĠMozambique":34426,"cumin":34427,"horn":34428,"iatives":34429,"mys":34430,"Ġcages":34431,"Ġbou":34432,"ĠAsked":34433,"Agricult":34434,"Ġmarvels":34435,"Ġcongregations":34436,"ilo":34437,"Ġcanoe":34438,"ĠOceans":34439,"ashtra":34440,"Ġknitting":34441,"ĠNegot":34442,"Ġcmap":34443,"geons":34444,"Ġspouses":34445,"ĠKru":34446,"Ġbiking":34447,"Ġlocalization":34448,"Ġconstructor":34449,"Ġlieutenant":34450,"Ġtonight":34451,"ĠCalled":34452,"ĠAquarium":34453,"roviral":34454,"ĠNigerian":34455,"ĠAyurveda":34456,"vid":34457,"ilant":34458,"Ġgour":34459,"Ġtying":34460,"ĠRevenue":34461,"ELTS":34462,"heed":34463,"ĠInclusive":34464,"Ġdove":34465,"ĠPercent":34466,"ĠFrancisc":34467,"Ġlockdown":34468,"Ġwalnuts":34469,"ĠCertification":34470,"ĠChronicles":34471,"Ġtrumpet":34472,"aso":34473,"Ġnx":34474,"ĠMY":34475,"agree":34476,"ECH":34477,"Ġhomage":34478,"Ġcomplaining":34479,"Ġboredom":34480,"fm":34481,"got":34482,"mong":34483,"ĠOB":34484,"Ġmultilateral":34485,"Complete":34486,"Ġsynerg":34487,"Authent":34488,"scripts":34489,"Ġaerosols":34490,"Ġsubgenre":34491,"Ġstrenuous":34492,"Åĵ":34493,"ĠSue":34494,"Ġsyphilis":34495,"ĠAnth":34496,"NAS":34497,"ĠPractition":34498,"apiens":34499,"RCA":34500,"Ġarisen":34501,"Ing":34502,"ulla":34503,"Ġpsychosis":34504,"Artificial":34505,"Ġhalted":34506,"ĠFeminist":34507,"Ġcontingency":34508,"ĠHimalayas":34509,"dard":34510,"Ġcries":34511,"ceph":34512,"onset":34513,"ĠUnicode":34514,"Ġswamps":34515,"Ġurgently":34516,"ĠGenerated":34517,"ĠChilean":34518,"LM":34519,"fel":34520,"Ġwatered":34521,"Ġhors":34522,"oko":34523,"processors":34524,"Ġfranc":34525,"Ġcherries":34526,"ĠBuddhists":34527,"iwi":34528,"ĠGateway":34529,"ĠAmidst":34530,"Ġinbox":34531,"Ġ*,":34532,"Properties":34533,"ĠMcL":34534,"riendly":34535,"ка":34536,"inja":34537,"erical":34538,"ĠCAM":34539,"Ġimpede":34540,"ĠKom":34541,"ĠAlleg":34542,"Ġsteaming":34543,"Ġhourly":34544,"Ġmediator":34545,"Ġindulge":34546,"Ġprojecting":34547,"ĠCliff":34548,"Ġinvestigative":34549,"ĠGloss":34550,"ĠRaman":34551,"Ġabbreviation":34552,"Oxford":34553,"Ġwrought":34554,"ĠPup":34555,"estown":34556,"technology":34557,"Ġacidification":34558,"ROW":34559,"Ġwraps":34560,"ĠNYC":34561,"ĠBroadway":34562,"Ġvinyl":34563,"Ġstools":34564,"ĠMaker":34565,"Ġstudios":34566,"ĠModified":34567,"Ġweathering":34568,"consumer":34569,"Ġdeliveries":34570,"Ġaccumulates":34571,"ĠTriangle":34572,"ĠKatrina":34573,"responsible":34574,"reply":34575,"Ġpoignant":34576,"minimum":34577,"Alcohol":34578,"ĠCOL":34579,"jp":34580,"ĠMER":34581,"ĠFen":34582,"Ġquil":34583,"Ġstrives":34584,"Ġlonging":34585,"ĠAlphabet":34586,"Ġconfession":34587,"Ġpolygon":34588,"VALID":34589,"ĠBrahman":34590,"ĠVulner":34591,"+-":34592,"ĠDame":34593,"ĠLap":34594,"ĠLEG":34595,"Ġuncontroll":34596,"retched":34597,"Forest":34598,"kines":34599,"Ġwarrants":34600,"disabled":34601,"Ġprayed":34602,"Ġhorrific":34603,"templates":34604,"Ġlends":34605,"imaging":34606,"olip":34607,"plural":34608,"Ġabide":34609,"Ġroasting":34610,"Ġrecap":34611,"oki":34612,"heading":34613,"ĠPreserve":34614,"ĠEliot":34615,"ĠPOS":34616,"osteroids":34617,"ĠInform":34618,"ensory":34619,"Ġcoloration":34620,"unsaturated":34621,"Ġescalate":34622,"Ġcompanionship":34623,"scientists":34624,"âĻ":34625,"ĠIBS":34626,"ĠWorm":34627,"Ġsoaring":34628,"ĠStyles":34629,"Ġpostpartum":34630,"Ġfallacy":34631,"ĠParallel":34632,"Ġcasts":34633,"ĠDecide":34634,"ĠFeast":34635,"Ġcolourful":34636,"ĠBaghdad":34637,"elope":34638,"otives":34639,"ĠDATA":34640,"ĠMinisters":34641,"Ġsecretions":34642,"documents":34643,"ĠAlgorithm":34644,"sein":34645,"lyss":34646,"ocultural":34647,"Ġdiffraction":34648,"ihu":34649,"Ġlobbying":34650,"Ġredesign":34651,"gue":34652,"Ġreconnect":34653,"Ġphotoc":34654,"vertices":34655,"millan":34656,"Insert":34657,"Ġinterchangeably":34658,"Ġcourtyard":34659,"ocarbon":34660,"ĠRAF":34661,"Ġbiochemistry":34662,"ogenes":34663,"ĠDavies":34664,"ĠTrials":34665,"ĠPlanetary":34666,"ĠChapman":34667,"Sound":34668,"Ġ(%":34669,"ĠMask":34670,"ĠDum":34671,"Ġdiabetics":34672,"ĠWorlds":34673,"ylim":34674,"ĠGardner":34675,"ĠTurning":34676,"ĠBarnes":34677,"Ġenlargement":34678,"Ġmangrove":34679,"Ġbuys":34680,"Ġfullness":34681,"CLUD":34682,"Extract":34683,"Ġdowntime":34684,"Ġmiscarriage":34685,"Ġmall":34686,"ĠRSS":34687,"Ġperished":34688,"ĠRecreation":34689,"ringes":34690,"ĠSixth":34691,"Ġupp":34692,"Ġvortex":34693,"ĠDw":34694,"ĠUnknown":34695,"Ġattaches":34696,"Ġactivating":34697,"Death":34698,"Ġgarnered":34699,"young":34700,"Ġbenchmarks":34701,"ĠVegas":34702,"ĠCrick":34703,"Ġabort":34704,"minor":34705,"Ġcommentators":34706,"ĠRockefeller":34707,"Ġtelome":34708,"Ġbinoculars":34709,"?.":34710,"Ġsuction":34711,"ffff":34712,"ĠOrbit":34713,"ĠMayan":34714,"ĠCarp":34715,"Ġwarmed":34716,"Ġwaveform":34717,"Ġplugs":34718,"supervised":34719,"ĠPeterson":34720,"Ġpersecuted":34721,"bd":34722,"calls":34723,"gins":34724,"Ġpiqued":34725,"ĠAram":34726,"teaching":34727,"compl":34728,"Ġinflow":34729,"argmax":34730,"eger":34731,"ĠFunding":34732,"ĠGraphics":34733,"eroon":34734,"Ġcemeteries":34735,"Ġeternity":34736,"Ġalpine":34737,"Ġusability":34738,"Ġdisplace":34739,"ĠUnix":34740,"Ġfuller":34741,"Ġsheltered":34742,"ĠALS":34743,"Ġovershad":34744,"crime":34745,"ĠHunting":34746,"ĠMughal":34747,"oliosis":34748,"ĠMosquit":34749,"Rab":34750,"Ġove":34751,"usks":34752,"ĠPB":34753,"ĠBhar":34754,"Ġsund":34755,"ocrit":34756,"Ġdenser":34757,"ĠTherm":34758,"Ġinadvertently":34759,"Treat":34760,"bos":34761,"Ġmarbles":34762,"ĠOkay":34763,"+)":34764,";\"":34765,"xpath":34766,"ĠBios":34767,"Ġsomatic":34768,"Ġannouncing":34769,"Apply":34770,"ãĤĴ":34771,"Ġreversing":34772,"charged":34773,"Ġpenned":34774,":],":34775,"Nob":34776,"Ġgendered":34777,"ervoir":34778,"Ġmono":34779,"Ġlawful":34780,"Ġrecorder":34781,"Ġachieves":34782,"Ġdominates":34783,"ĠSettlement":34784,"ĠMillion":34785,"Ġclockwise":34786,"pherds":34787,"ietzsche":34788,"Ġale":34789,"Ġlizard":34790,"istency":34791,"estim":34792,"Ġclashes":34793,"Ġhesitation":34794,"formerly":34795,"ESCRIPT":34796,"otropic":34797,"aphylococcus":34798,"Ġunavoidable":34799,"Mount":34800,"ĠMusk":34801,"Ġprohibiting":34802,"Ġunfairly":34803,"Domain":34804,"Budd":34805,"Safe":34806,"tales":34807,"ĠCic":34808,"yson":34809,"ĠBlo":34810,"Soil":34811,"Ġcommentaries":34812,"Ġkiln":34813,"Ġgallbladder":34814,"ĠPubMed":34815,"Ġesteemed":34816,"%||":34817,"tis":34818,"reliance":34819,"ĠTribe":34820,"ĠCrist":34821,"Ġbiot":34822,"rolls":34823,"ĠSTAT":34824,"ĠEntom":34825,"ĠBast":34826,"ĠBris":34827,"ĠBottom":34828,"Ġspies":34829,"Ġplanner":34830,"Ġcontentious":34831,"ĠGlob":34832,"ĠDirective":34833,"Johnson":34834,"Ġpenetrating":34835,"Ġunfolded":34836,"Ġmaneuvers":34837,"Ġrenovation":34838,"GW":34839,"Material":34840,"×IJ":34841,"alted":34842,"ĠKurt":34843,"Ġhymn":34844,"RGB":34845,"ĠDru":34846,"Ġwillow":34847,"ĠIndus":34848,"ĠÎĶ":34849,"Ġabstinence":34850,"ĠCavalry":34851,"wrong":34852,"Ġrejo":34853,"ĠAWS":34854,"Ġincandescent":34855,"ĠJesuit":34856,"APH":34857,"feel":34858,"bellum":34859,"Ġgerminate":34860,"SOURCE":34861,"Ġgoggles":34862,"otus":34863,"ĠGlenn":34864,"handlers":34865,"travel":34866,"Ġfestivities":34867,"Ġparsing":34868,">`":34869,"ĠFusion":34870,"Ġstrongh":34871,"ĠNeck":34872,"Ġexecutable":34873,"Ġjuxtap":34874,"ĠSmaller":34875,"Database":34876,"ĠSlavic":34877,"ÃŁ":34878,"ocin":34879,"ĠNLP":34880,"Ġprimate":34881,"Ġperformer":34882,"translation":34883,"ĠMastering":34884,"ĠâĨ©":34885,"Ġdew":34886,"ĠEmissions":34887,"Ġacknowledgement":34888,"Ġstewards":34889,"ĠHuntington":34890,"Expression":34891,"Advanced":34892,"ĠMild":34893,"Ġrequisite":34894,"Ġcystic":34895,"numbered":34896,"Ġpredictors":34897,"limits":34898,"ĠBelize":34899,"worthiness":34900,"propag":34901,"Ġtimedelta":34902,"ĠNeurology":34903,"ĠNashville":34904,"Ġrearrange":34905,"buck":34906,"Ġnymph":34907,"ĠTill":34908,"ibe":34909,"Ġremission":34910,"Ġcontraceptive":34911,"ophilia":34912,"Ġunderestimated":34913,"ĠLarger":34914,"Cas":34915,"Ġmailing":34916,"Ġdancer":34917,"ĠDob":34918,"ĠStef":34919,"Ġexplode":34920,"figsize":34921,"Ġcrispy":34922,"Ġdentures":34923,"Ġmildew":34924,"Ġbroadcasts":34925,"Ġpriesthood":34926,"Jones":34927,"culation":34928,"ĠIroqu":34929,"Ġrarity":34930,"Ġbrethren":34931,"Ġtrademarks":34932,"DUCT":34933,"TAG":34934,"romagnetic":34935,"ĠConsequences":34936,"ĠAssuming":34937,"ĠTracking":34938,"ĠLearned":34939,"Ġionic":34940,"Ġaggregates":34941,"ĠHaitian":34942,"Ġdissatisfaction":34943,"Ġartefacts":34944,"Ġundisturbed":34945,"Hon":34946,"bish":34947,"gm":34948,"ĠDuck":34949,"ĠNamed":34950,"iddish":34951,"ĠTeams":34952,"Ġinflated":34953,"ĠSignificant":34954,"ĠHarvest":34955,"ĠFluid":34956,"Ġfingerprints":34957,"Fill":34958,"ivary":34959,"Ġlocking":34960,"Ġmagnification":34961,"Ġpetrol":34962,"Ġsynonym":34963,"Ġwarranty":34964,"Ġexhilar":34965,"ع":34966,"Ġslug":34967,"ellate":34968,"Ġinfrast":34969,"Ġhernia":34970,"Ġolds":34971,"ĠBiom":34972,"Ġbiofuel":34973,"ĠEstonia":34974,"Ġtragedies":34975,"belt":34976,"dan":34977,"æŃ":34978,"ieving":34979,"Ġunnatural":34980,"ĠAsians":34981,"Ġbrisk":34982,"ĠEmotions":34983,"Ġrefriger":34984,"nos":34985,"islation":34986,"ĠSets":34987,"Ġsparking":34988,"Ġdefendants":34989,"ĠFurn":34990,"ĠFIG":34991,"Ġinterruption":34992,"Ġterminate":34993,"Ġrevive":34994,"Ġpolyps":34995,"ĠSymposium":34996,"ĠScandinavia":34997,"Ġhatching":34998,"Ġafflict":34999,"Ġreacted":35000,"Ġ_____":35001,"Ġpropensity":35002,"ĠSchne":35003,"Urban":35004,"/?":35005,"Ġnylon":35006,"Ġiterate":35007,"Ġsued":35008,"ĠDelivery":35009,"ĠTeh":35010,"Ġvisualizations":35011,"Ġhandsome":35012,"Diabetes":35013,"Ġmetaphorical":35014,"Ġlexical":35015,"æ³":35016,"revision":35017,"Ġpessim":35018,"administ":35019,"Ġatrial":35020,"Ġdistortions":35021,"Ġnovelist":35022,"ĠPatricia":35023,"Ġsqlalchemy":35024,"Ġsyndromes":35025,"Dry":35026,"Winter":35027,"ĠGang":35028,"cling":35029,"olla":35030,"ITION":35031,"Ġloader":35032,"Ġapology":35033,"ĠLiberia":35034,"Ġcompensated":35035,"ĠTasmania":35036,"GN":35037,"vt":35038,"Ġgenerously":35039,"();":35040,"Ġelapsed":35041,"Ġparrot":35042,"starting":35043,"Aqu":35044,"Ġaortic":35045,"Ġtrivia":35046,"Ġdont":35047,"manual":35048,"Ġbehaving":35049,"arianism":35050,"located":35051,"occurring":35052,"Ġvapour":35053,"daughter":35054,"robe":35055,"ĠIEP":35056,"ĠPreviously":35057,"rosive":35058,"ĠJudith":35059,"Flag":35060,"ĠAhmad":35061,"Ġthermostat":35062,"Ġreintrodu":35063,"Ġexits":35064,"Ġawakening":35065,"ĠGenealog":35066,"ĠPentecost":35067,"Corn":35068,"oliberal":35069,"odian":35070,"andum":35071,"orta":35072,"ĠReasons":35073,"guid":35074,"ĠKumar":35075,"sight":35076,"uities":35077,"Ġthwart":35078,"Ġtrailing":35079,"ĠMyers":35080,"ĠJulie":35081,"Component":35082,"lp":35083,"Ġpenguin":35084,"clim":35085,"ĠCompliance":35086,"Ġshortening":35087,"keyword":35088,"Ġdealer":35089,"म":35090,"ĠEmbed":35091,"Explanation":35092,"Ġdemolition":35093,"æĪIJ":35094,"ĠBreathing":35095,"ĠAutonomous":35096,"Dear":35097,"icist":35098,"idium":35099,"ĠMg":35100,"queeze":35101,"Ġworldly":35102,"rigation":35103,"Ġvoila":35104,"Ġsavvy":35105,"Ġplatelets":35106,"efficacy":35107,"Ġresorting":35108,"heartedly":35109,"Ġconsonants":35110,"Ġmattress":35111,"Emp":35112,"Mu":35113,"Ġmuff":35114,"Ġamber":35115,"Ġcharities":35116,"ĠDebt":35117,"Ġbrood":35118,"ĠDriving":35119,"Ġselects":35120,"specified":35121,"Ġconvened":35122,"-----------------------------":35123,"ĠPublisher":35124,"Ġnostalgia":35125,"hub":35126,"Ġunpaid":35127,"Ġsituational":35128,"Ġflooring":35129,"ãĥ¼":35130,"Ġasynchronous":35131,"âĨĴ":35132,"ĠFerguson":35133,"Ġmuddy":35134,"ĠMAR":35135,"ĠPiet":35136,"ĠTheme":35137,"ĠWR":35138,"anson":35139,"Ġincur":35140,"ĠZur":35141,"ĠSocieties":35142,"Ġduplication":35143,"Ġcounselling":35144,"Ġcrustaceans":35145,"-----------------------------------------------":35146,"Critical":35147,"ĠInstruments":35148,"Ġsighed":35149,"Ġbout":35150,"Ġmt":35151,"ceae":35152,"termination":35153,"Ġcontemplating":35154,"Ġpiety":35155,"ĠPicasso":35156,"Ġneurodegenerative":35157,"Counter":35158,"fb":35159,"Ġfading":35160,"Ġ(.":35161,"ĠREC":35162,"ĊĊĉĉ":35163,"ĠManuel":35164,"Ġsaltwater":35165,"friends":35166,"iries":35167,"ĠPron":35168,"ĠPUR":35169,"Ġveto":35170,"ĠEleanor":35171,"Ġiceberg":35172,"ĠBelarus":35173,"ĠFantasy":35174,"Own":35175,"Pain":35176,"jack":35177,"ĠBT":35178,"ĠHast":35179,"ĠHull":35180,"ĠHCV":35181,"ĠSecrets":35182,"Ġtransports":35183,"ĠAntio":35184,"ĠGEN":35185,"Ġcompartments":35186,"ĠUnt":35187,"Ġmillise":35188,"ĠSquadron":35189,"Jer":35190,"inities":35191,"elior":35192,"endor":35193,"ASD":35194,"Ġarchived":35195,"ranial":35196,"Ġunfavorable":35197,"digest":35198,"Ġstrawberry":35199,"ĠPatriarch":35200,"Ġunconstitutional":35201,"Luc":35202,"unpack":35203,"UTC":35204,"Ġmotivates":35205,"ĠMcCarthy":35206,"ĠMessenger":35207,"Ġattentive":35208,"ĠHorizons":35209,"Ġeyelids":35210,"/).":35211,"mons":35212,"pod":35213,"±":35214,"Ġitch":35215,"oused":35216,"ĠNeut":35217,"alytic":35218,"iterations":35219,"Ġbioge":35220,"annotation":35221,"ĠWatershed":35222,"Ġabbreviated":35223,"Ġsadd":35224,"Ġparch":35225,"ĠSELECT":35226,"ĠPose":35227,"ĠPurs":35228,"Ġshattered":35229,"Ġspared":35230,"ĠXen":35231,"Ġsolidify":35232,"CCC":35233,"Ġadmitting":35234,"Ġwitchcraft":35235,"Haw":35236,"Ġtz":35237,"ĠSAM":35238,"ĠMH":35239,"arthen":35240,"Ġunequ":35241,"Ġsolves":35242,"Ġsemantics":35243,"Ġstockp":35244,"Ġvacant":35245,"ĠEmergence":35246,"Discuss":35247,"Ġsurpassed":35248,"ĠKurdish":35249,"Ori":35250,"Ty":35251,"ĠSurgical":35252,"ĠAlready":35253,"Ġtreatable":35254,"Ġcomputerized":35255,"LEX":35256,"software":35257,"generic":35258,"unsqueeze":35259,"Ġextrusion":35260,"ĠIllustrated":35261,"bond":35262,"fowl":35263,"amos":35264,"Ġvene":35265,"Ġcalligraphy":35266,"ĠAndrea":35267,"Ġpastry":35268,"ĠPersians":35269,"Ġdissimilar":35270,"ĠDoesn":35271,"Interfaces":35272,"Ġsubsidiary":35273,"Ġpaleont":35274,"Ġprostitution":35275,"ĠHunger":35276,"roves":35277,"Ġenvy":35278,"')]":35279,"Ġpriced":35280,"ĠOrganize":35281,"ĠMetro":35282,"understand":35283,"Ġdiscounts":35284,"ĠGlacier":35285,"ĠWarming":35286,"ĠYose":35287,"ĠManila":35288,"ĠPrecision":35289,"Ġrotates":35290,"Ġnarrowly":35291,"ĠInvol":35292,"Ġdystop":35293,"ĠWouldn":35294,"Ġcancelled":35295,"Ġchiropractic":35296,"NULL":35297,"ĠMilwaukee":35298,"ĠInteger":35299,"ĠObservation":35300,"Ġcadmium":35301,"ĠMysteries":35302,"Tuesday":35303,"elo":35304,"Ġcoma":35305,"ĠGHz":35306,"Ġsyst":35307,"ISO":35308,"Ġsnoring":35309,"Ġclustered":35310,"Ġsynchronization":35311,"Ġcrusher":35312,"ĠAztec":35313,"Ġincompet":35314,"Ġlumps":35315,"ilda":35316,"Ġbiogas":35317,"ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":35318,"Ġcustomization":35319,"ĠMonaster":35320,"Ġfavoring":35321,"Display":35322,"ãĤĭ":35323,"came":35324,"Ġtoast":35325,"Ġsolstice":35326,"Ġprobing":35327,"Ġingest":35328,"ĠCorrespond":35329,"anthropy":35330,"Ġheterogeneity":35331,"Ġdivorced":35332,"ĠRobertson":35333,"Buy":35334,"MY":35335,"Ġtint":35336,"pecific":35337,"readline":35338,"Ġcapillary":35339,"Ġrichly":35340,"writers":35341,"Ġcalibrated":35342,"Ġlouder":35343,"Flor":35344,"rv":35345,"vie":35346,"ĠJenny":35347,"ĠDebor":35348,"cientious":35349,"Ġvulgar":35350,"powder":35351,"Ġhacker":35352,"oggle":35353,"Ġcrawling":35354,"Ġgrizz":35355,"ĠBryan":35356,"imetres":35357,"Louis":35358,"dia":35359,"ĠTC":35360,"Ġdistressing":35361,"Ġhearty":35362,"Ġchoking":35363,"Ġignite":35364,"ĠMenu":35365,"Ġhydroly":35366,"Wikimedia":35367,"istocene":35368,"Ġinverter":35369,"ĠJoel":35370,"QtCore":35371,"Ġworkflows":35372,"Ash":35373,"hid":35374,"sup":35375,"Ġpiracy":35376,"ĠCuisine":35377,"Ġemigration":35378,"Ġroam":35379,"Stock":35380,"Ġgrill":35381,"ennel":35382,"Ġdirectional":35383,"Collab":35384,"Ġflavorful":35385,"Ġanthropologists":35386,"ĠPromotion":35387,"Distribution":35388,"Ġsunglasses":35389,"ĠHenderson":35390,"Hence":35391,"cpp":35392,"ĠCombat":35393,"Ġshortcut":35394,"ĠMcN":35395,"flows":35396,"ĠPromote":35397,"Islamic":35398,"Ġrearing":35399,"Ġpointers":35400,"ĠAdela":35401,"Ġlikeness":35402,"ACS":35403,"ĠBarriers":35404,"ĠDOE":35405,"Ġdisseminated":35406,"stuff":35407,"Ġitertools":35408,"ĠBorne":35409,"Ġpops":35410,"Ġnightmare":35411,"ĠMelan":35412,"ĠChoices":35413,"piration":35414,"Ġinund":35415,"stown":35416,"ĠMik":35417,"ĠInterpret":35418,"IFIC":35419,"ли":35420,"Ġsucculent":35421,"ĠTerritories":35422,"Ġpremiums":35423,"ĠErnst":35424,"Opp":35425,"ecl":35426,"alent":35427,"pline":35428,"Ġshirts":35429,"actors":35430,"Ġspeculated":35431,"afka":35432,"Ġburrows":35433,"---------------":35434,"Track":35435,"Ġpendulum":35436,"Band":35437,"sender":35438,"agency":35439,"Ġhandlers":35440,"Ġencir":35441,"ĠApps":35442,"hardt":35443,"ĠSovere":35444,"Ġjava":35445,"getattr":35446,"ĠZoro":35447,"Ġecologically":35448,"Ġreflexes":35449,"Ġembarrassing":35450,"Ele":35451,"Om":35452,"\\''":35453,"sparse":35454,"uo":35455,"ĠByron":35456,"Ġrotations":35457,"detection":35458,"ĠHiroshima":35459,"Ġalleviating":35460,"ÏĨ":35461,"Ġstoves":35462,"ĠSitu":35463,"agulation":35464,"Ġsacra":35465,"Ġformaldehyde":35466,"ĠNutritional":35467,"ĠSavior":35468,"Delta":35469,"give":35470,"Ġtofu":35471,"ATO":35472,"Ġlifts":35473,"ĠNiagara":35474,"Ġankles":35475,"pending":35476,"ataka":35477,"Ġloot":35478,"ĠHeath":35479,"therapy":35480,"Ġcutoff":35481,"Ġaxi":35482,"ĠGreene":35483,"Ġkicks":35484,"Ġflushing":35485,"identally":35486,"Ġexpulsion":35487,"Ġpopulous":35488,"Ġobsessive":35489,"ungsten":35490,"Ġbreaker":35491,"ĠCitizenship":35492,"ĠMicrobiol":35493,"elage":35494,"vehicle":35495,"Ġwhip":35496,"istors":35497,"Ġheres":35498,"Ġfundraising":35499,"elem":35500,"Ġreluctance":35501,"sdk":35502,"Ġplumage":35503,"ĠNarratives":35504,"ĠMunicipal":35505,"disease":35506,"]//":35507,"schol":35508,"Ġmule":35509,"entimes":35510,"Ġherald":35511,"Ġbittern":35512,"threads":35513,"Ġforts":35514,"teries":35515,"Ġinterstate":35516,"Ġescapes":35517,"Ġbusinessman":35518,"Ġzomb":35519,"aminophen":35520,"Ġreproducing":35521,"ĠMajesty":35522,"Ġscaffold":35523,"Something":35524,"Ġwedge":35525,"ĠRGB":35526,"ĠKas":35527,"Ġverifying":35528,"è¾":35529,"Ġeug":35530,"opp":35531,"ĠFri":35532,"arnish":35533,"Ġdisobedience":35534,"Sov":35535,"eo":35536,"qt":35537,"isitions":35538,"ĠPoss":35539,"Ġlastsum":35540,"Ġsunburn":35541,"ABC":35542,"Genetic":35543,"utsch":35544,"conciliation":35545,"Ġundermined":35546,"Ġentangled":35547,"Ġranchers":35548,"Ġattaining":35549,"ĠScene":35550,"Ġpowders":35551,"ĠDecimal":35552,"Identify":35553,"Ġcauliflower":35554,"Ġcp":35555,"Ġpinn":35556,"ĠShield":35557,"Ġaccession":35558,"Changes":35559,"Ġassertions":35560,"Ġfifteenth":35561,"advantages":35562,"Ġpreservatives":35563,"Walk":35564,"ctomy":35565,"Ġgle":35566,"ĠFrequently":35567,"riosis":35568,"ĠChancellor":35569,"ĠHegel":35570,"ĠNewport":35571,"encoded":35572,"Ġhypnot":35573,"OSE":35574,"ĠVehicles":35575,"ĠMaple":35576,"DateTimeField":35577,"Lock":35578,"Ġvowed":35579,"Ġcanyon":35580,"ĠHampton":35581,"ĠTrojan":35582,"Individuals":35583,"Ġnond":35584,"ifolia":35585,"ordial":35586,"Ġflute":35587,"='<":35588,"Compare":35589,"historical":35590,"ĠDefaults":35591,"Ġepsilon":35592,"sic":35593,"ĠTS":35594,"ĠRH":35595,"ĠGould":35596,"ĠVet":35597,"Ġparcel":35598,"Alpha":35599,"rabble":35600,"NB":35601,"eder":35602,"Ġaneur":35603,"akov":35604,"Ġ'\"":35605,"Ġsalam":35606,"Ġliquidity":35607,"ĠPurple":35608,"Ġorchids":35609,"hene":35610,"elic":35611,"ĠWOR":35612,"ĠLomb":35613,"cian":35614,"regions":35615,"Ġintroductions":35616,"ĠSongs":35617,"Statistics":35618,"ĠTolkien":35619,"Ġstab":35620,"Ġstanza":35621,"ĠSMS":35622,"Ġkarma":35623,"Ġclam":35624,"ĠSunni":35625,"packet":35626,"Ġrehabilit":35627,"Ġpapill":35628,"Ġprocrast":35629,"rases":35630,"Ġhover":35631,"ĠSensor":35632,"ĠLoyal":35633,"Ġclans":35634,"Ġtransverse":35635,"errals":35636,"ĠConsumers":35637,"gravity":35638,"Ġniches":35639,"ĠCars":35640,"ĠBlessed":35641,"ĠRR":35642,"Ġagrarian":35643,"Ġsubtypes":35644,"Ġvaric":35645,"transforms":35646,"Ġcriticize":35647,"ĠRobot":35648,"Managing":35649,"Ġhallmark":35650,"Ġimmersing":35651,"Ġpalliative":35652,"ĠUzbek":35653,"Bank":35654,"Bird":35655,"Late":35656,"Poor":35657,"Sent":35658,"bund":35659,"mite":35660,"Ġpartitions":35661,"Ġquoting":35662,"ĠAmen":35663,"TextField":35664,"Ġtortured":35665,"Ġpsyche":35666,"Buffer":35667,"Rock":35668,"rak":35669,"ĠMID":35670,"ĠQuest":35671,"Ġundocumented":35672,"Ġfunctionalities":35673,"Ġboycott":35674,"Developing":35675,"credentials":35676,"Nutrition":35677,"Ġnearer":35678,"ĠUW":35679,"Ġunsc":35680,"Ġpromotions":35681,"Ġthinker":35682,"lighting":35683,"Ġcleanse":35684,"Ġcorrectness":35685,"ĠDamascus":35686,"Ġvenge":35687,"Ġrepr":35688,"Ġlabyrinth":35689,"Ġportrays":35690,"à¤Ĥ":35691,"ĠBooth":35692,"Ġpreconceived":35693,"tube":35694,"Ġtheses":35695,"ĠPU":35696,"Ġscrum":35697,"Ġrepel":35698,"Ġcaric":35699,"ĠComparing":35700,"Ġcucumbers":35701,"Ġgorgeous":35702,"Ġnarration":35703,"Ba":35704,"Mapping":35705,"imposed":35706,"Ġprecursors":35707,"phon":35708,"Ġmarathon":35709,"ĠBees":35710,"ĠScouts":35711,"ĠâĻ":35712,"ĠPropulsion":35713,"Ġleaned":35714,"Ġtartar":35715,"Ban":35716,"Ġcontiguous":35717,"Ġdisperse":35718,"Ġcirca":35719,"Leave":35720,"ampsia":35721,"ĠResponsible":35722,"Cambridge":35723,"UX":35724,"fet":35725,"Ġunsuitable":35726,"ĠPrussian":35727,"Ġhaunted":35728,"rossover":35729,"Cold":35730,"cause":35731,"Ġharp":35732,"owment":35733,"paragus":35734,"Ġcrane":35735,"ĠClock":35736,"ĠFrankfurt":35737,"ĠElli":35738,"表":35739,"ĠSebast":35740,"cached":35741,"motion":35742,"Ġunsett":35743,"exclude":35744,"Ġnumbering":35745,"ĠOrch":35746,"Ġbounding":35747,"ĠSlide":35748,"Ġluminosity":35749,"Pen":35750,"civil":35751,"ubin":35752,"Ġphi":35753,"Ġindividualism":35754,"bsites":35755,"extensions":35756,"ERIC":35757,"ADA":35758,"Ġmouthwatering":35759,"ĠHispanics":35760,"Knowledge":35761,"Ġimproperly":35762,"Ġretaliation":35763,"Ïĩ":35764,"ĠDana":35765,"Ġkw":35766,"ĠUncle":35767,"Ġseedling":35768,"\\\"":35769,"Ġanaphyl":35770,"ĠHume":35771,"ĠWitch":35772,"Ġracc":35773,"Ġscor":35774,"players":35775,"Ġowes":35776,"ĠNurses":35777,"ĠMRSA":35778,"ĠCurtis":35779,"Ġrestructuring":35780,"mixed":35781,"imi":35782,"ĠTyr":35783,"ĠFung":35784,"ĠDelete":35785,"ĠGenerator":35786,"uckland":35787,"recipe":35788,"Ġboundless":35789,"ĠPCs":35790,"Subscribe":35791,"Ġê":35792,"Ġlest":35793,"imar":35794,"ĠMAP":35795,"umpy":35796,"ĠDrosophila":35797,"Ġdistrust":35798,"medium":35799,"Ġdryness":35800,"Ġbetrayal":35801,"Ġtougher":35802,"ĠSanctuary":35803,"éĻ":35804,"ĠYun":35805,"Ġblight":35806,"marine":35807,"Ġcommunicative":35808,"Ġdiversified":35809,"Ġaquifers":35810,"RAY":35811,"burst":35812,"Anti":35813,"Ġfluctuating":35814,"Ġstratification":35815,"ĠAchievement":35816,"ĠOptimization":35817,"Ġdared":35818,"Ġ\"$":35819,"contained":35820,"Ġcharismatic":35821,"ĠContribut":35822,"Ġcivilized":35823,"Ġfearing":35824,"Ġsynaptic":35825,"ĠImportantly":35826,"ĠEquations":35827,"ĠLighting":35828,"snapshot":35829,"ĠDaisy":35830,"Ġinsure":35831,"PSC":35832,"ĠAdvocate":35833,"ĠOfficers":35834,"ĠREL":35835,"Ġuna":35836,"Ġmechanically":35837,"ĠPerforming":35838,"Ġresourcefulness":35839,"==\"":35840,"Ġintervening":35841,"Hig":35842,"stations":35843,"Ġsecession":35844,"Thursday":35845,"Ġgoodbye":35846,"raged":35847,"Ġcutter":35848,"Ġskyrock":35849,"Ġadherents":35850,"ifa":35851,"unicode":35852,"Ġperish":35853,"))]":35854,"ĠTrin":35855,"Ġfabulous":35856,"ĠNetflix":35857,"Eastern":35858,"NV":35859,"ilical":35860,"usual":35861,"ĠNom":35862,"ĠGogh":35863,"Ġcomputes":35864,"Ġamplifying":35865,"Ġfraught":35866,"ĠOakland":35867,"ĠPioneer":35868,"/,":35869,"nor":35870,"Ġtheaters":35871,"imus":35872,"ĠLIMIT":35873,"Ġflares":35874,"Ġflipped":35875,"ĠAsc":35876,"Ġpostures":35877,"ĠAgenda":35878,"Ġinhibited":35879,"ĠEmployees":35880,"Ġrecursive":35881,"Ġcrayons":35882,"hide":35883,"oride":35884,"alb":35885,"ospor":35886,"blers":35887,"ĠMicrobiology":35888,"Ġbuckets":35889,"Ġashamed":35890,"Ġculminated":35891,"ĠHeinrich":35892,"'-":35893,"staking":35894,"ĠPair":35895,"Ġperch":35896,"oxygen":35897,"oader":35898,"ĠSymphony":35899,"ĠBradford":35900,"ĠSophia":35901,"Ġraster":35902,"Ġplugged":35903,"ĠJi":35904,"Ġessentials":35905,"OND":35906,"Ġgeologists":35907,"Ġsquat":35908,"Ġunfinished":35909,"ĠTerra":35910,"Keys":35911,"Ġsleek":35912,"Ġgripping":35913,"ĠGum":35914,"Ġcolossal":35915,"ĠShir":35916,"autom":35917,"ĠXi":35918,"Ġstripe":35919,"ĠSystematic":35920,"Prevention":35921,"ĠFabric":35922,"Ġhotspots":35923,"Jeff":35924,"Ther":35925,"song":35926,"vens":35927,"Ġquarry":35928,"ospheric":35929,"Ġoriginality":35930,"IRST":35931,"Ġhurry":35932,"Ġexemplify":35933,"Wall":35934,"together":35935,"ĠPIL":35936,"ĠKr":35937,"ariah":35938,"ĠEssex":35939,"ĠNaples":35940,"epsilon":35941,"ĠTIME":35942,"dL":35943,"Ġmite":35944,"Ġlure":35945,"ĠGott":35946,"oughton":35947,"Ġparap":35948,"Ġtransformers":35949,"Used":35950,"Essay":35951,"ĠOdyssey":35952,"Skin":35953,"pain":35954,"Ġoint":35955,"Ġwilt":35956,"ĠWals":35957,"Ġcurl":35958,"suggest":35959,"LEG":35960,"ĠAttempt":35961,"Travel":35962,"jiang":35963,"ĠÙĪ":35964,"Ġnanotubes":35965,"Tags":35966,"wr":35967,"è¦":35968,"ĠCRC":35969,"ĠFT":35970,"performing":35971,"ĠUniform":35972,"Ġcurated":35973,"||-":35974,"Ġshortcuts":35975,"helpers":35976,"ĠThoughts":35977,"Beginning":35978,"ĠBotswana":35979,"loor":35980,"ĠSaunders":35981,"ivot":35982,"ĠDias":35983,"Ġallocating":35984,"ĠChase":35985,"pecting":35986,"Ġinstill":35987,"ĊĊĠĠĠĠ":35988,"ĠGenes":35989,"commons":35990,"FW":35991,"saurus":35992,"Ġpouch":35993,"ogonal":35994,"Ġpartisan":35995,"Ġpartnering":35996,"Ġprotector":35997,"Ġwarmest":35998,"ADD":35999,"Ġsneak":36000,"Ġboilers":36001,"Ġinertia":36002,"Ġdiscoloration":36003,"Ġforcibly":36004,"eals":36005,"zers":36006,"Ġsut":36007,"ĠInclusion":36008,"Ġtexting":36009,"compression":36010,"Ġdefaultdict":36011,"Ġthankful":36012,"scheduler":36013,"capt":36014,"docker":36015,"wax":36016,"ĠIon":36017,"Ġrite":36018,"ĠDT":36019,"ĠLund":36020,"Ġsighted":36021,"Ġarrests":36022,"ĠNadu":36023,"Ġglimpses":36024,"AW":36025,"Ġcobalt":36026,"Ġdrowned":36027,"ĠDrama":36028,"apters":36029,"Ġclover":36030,"Ġslipped":36031,"ĠInjuries":36032,"mph":36033,"Ġshalt":36034,"Ġvegetative":36035,"haul":36036,"Ġimaginations":36037,"LOAD":36038,"Ġquarterly":36039,"ĠDescartes":36040,"Ġbomber":36041,"ĠUbuntu":36042,"\"âĢĶ":36043,"ĠAde":36044,"ĠREF":36045,"ĠLah":36046,"Ġagar":36047,"Ġelbows":36048,"ATOR":36049,"ĠMonarch":36050,"Ġratification":36051,"ĠConcerns":36052,"件":36053,"ĠIMF":36054,"ĠAbdul":36055,"Ġwagons":36056,"Rank":36057,"grant":36058,"Ġchills":36059,"Ġko":36060,"Ġpopcorn":36061,"Ġduo":36062,"Ġfashioned":36063,"Ġpoisoned":36064,"-------------":36065,"Traditionally":36066,"Ġpropagated":36067,"Ġarticulation":36068,"Ġhepatic":36069,"ĠTeens":36070,"ĠInfant":36071,"Ġjoyful":36072,"Ġprecedence":36073,"Features":36074,"STRING":36075,"å®ļ":36076,"adjusted":36077,"ĠCarth":36078,"ĠDIS":36079,"Ġsimulator":36080,"recated":36081,"Ġimmunos":36082,"ĠMoist":36083,"ĠBotanical":36084,"?\".":36085,"Yellow":36086,"Ġbudd":36087,"Ġresorts":36088,"Ġunification":36089,"ĠHeight":36090,"Ġdetract":36091,"ĠCurve":36092,"Ġrecessive":36093,"Ġellip":36094,"sty":36095,"ĠTik":36096,"Ġtestify":36097,"ĠEpiscopal":36098,"Ġsculptor":36099,"ĠMagnesium":36100,"Ġshampoo":36101,">')":36102,"monitor":36103,"ĠBlues":36104,"ĠSuite":36105,"Ġhostilities":36106,"Spirit":36107,"Ġannouncements":36108,"Ġdisseminate":36109,"Ġrefractive":36110,"Ġarousal":36111,"uang":36112,"ĠFerm":36113,"areth":36114,"Ġdesks":36115,"Ġpainless":36116,"Ġarmored":36117,"ĠSerial":36118,"ĠPreventing":36119,"dependencies":36120,"CAN":36121,"cou":36122,"nah":36123,"inhab":36124,"uron":36125,"Ġwhims":36126,"ĠEg":36127,"ĠDEC":36128,"Ġendogenous":36129,"Ġbestowed":36130,"ĠContrary":36131,"rypted":36132,"ĠDeborah":36133,"Cert":36134,"Sig":36135,"VIS":36136,"phed":36137,"ĠFont":36138,"ĠRMS":36139,"tainers":36140,"Ġvisualizing":36141,"ELD":36142,"ĠComputational":36143,"Ġirrigated":36144,"ĠHabits":36145,"ĠLynn":36146,"fra":36147,"lengths":36148,"å·":36149,"ĠLaf":36150,"ĠForbes":36151,"ĠExhibition":36152,"ospital":36153,"Ġsexism":36154,"ĠDavidson":36155,"subset":36156,"Ġfavoured":36157,"ĠBermuda":36158,"cube":36159,"heavy":36160,"ĠCock":36161,"ĠLocate":36162,"ĠKah":36163,"Ġnitric":36164,"Ġconservatives":36165,"Ġglycol":36166,"ĠChampions":36167,"Inspired":36168,"Serv":36169,"Ġlore":36170,"ifax":36171,"thumb":36172,"Ġunknow":36173,"Ġpopulate":36174,"ĠZinc":36175,"ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":36176,"Ġdecaying":36177,"Screen":36178,"casters":36179,"ÏĮ":36180,"recomm":36181,"Ġincontinence":36182,"Ġsolub":36183,"Ġaudits":36184,"ĠCrete":36185,"ĠExperiments":36186,"ĠPurdue":36187,"Ġconveniently":36188,"Ġbundles":36189,"Ġsprout":36190,"ĠNamibia":36191,"stadt":36192,"Ġproverb":36193,"Ġpepp":36194,"rename":36195,"Ġhighlands":36196,"ĠAlmighty":36197,"\")),":36198,"ĠJohnny":36199,"COVID":36200,"ĠNonfiction":36201,"Ġsulfide":36202,"Ġanchors":36203,"ĠParameter":36204,"ĠAerospace":36205,"Ġsper":36206,"Ġsled":36207,"ĠTaken":36208,"ĠMoor":36209,"Ġleagues":36210,"ITH":36211,"Ġholiness":36212,"Ġdisciplined":36213,"Ġmobilize":36214,"Ġmadness":36215,"Ġthirsty":36216,"ĠGarcia":36217,"Say":36218,"Ġconfessed":36219,"ĠEnforcement":36220,"ĠZoom":36221,"Ġcontrasted":36222,"rochemical":36223,"Ġresidences":36224,"Ġhesitated":36225,"Ġberry":36226,"Ġchronology":36227,"Recommended":36228,"Ġcalendars":36229,"dro":36230,"olysis":36231,"olini":36232,"ffield":36233,"lando":36234,"attacks":36235,"ĠRegarding":36236,"Encoder":36237,"Increasing":36238,"ĠReproductive":36239,"isdir":36240,"Ġporch":36241,"Ġrs":36242,"ĠRiv":36243,").\"":36244,"Ġamelior":36245,"ĠReid":36246,"Ġcaret":36247,"Ġclinician":36248,"Ġqualifying":36249,"Ġdeteriorate":36250,"Ġquotas":36251,"Ġunintentionally":36252,"ĠLifestyle":36253,"Dark":36254,"Sund":36255,"eastern":36256,"Ġtaps":36257,"Ġwhaling":36258,"Ġ({":36259,"Ġarcs":36260,"gano":36261,"awatts":36262,"Ġreprinted":36263,"ĠSevent":36264,"Ġmetavar":36265,"Ġparable":36266,"forced":36267,"Ġhorseback":36268,"Obviously":36269,"Edge":36270,"Ġtranscending":36271,"Connecting":36272,"ĠDentistry":36273,"rokes":36274,"Ġurea":36275,"Ġstochastic":36276,"ĠAster":36277,"cko":36278,"Ġmultilingual":36279,"Ġbondage":36280,"ĠBraun":36281,"Ġembraces":36282,"ĠMAX":36283,"ĠNeeded":36284,"ĠOpinion":36285,"ĊĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":36286,"always":36287,"amoto":36288,"Ġ\"*":36289,"ĠProclamation":36290,"||$":36291,"Ġrunny":36292,"attach":36293,"Secret":36294,"validators":36295,"packed":36296,"Ġliberalism":36297,"Ġpsi":36298,"Ġgadget":36299,"Plugin":36300,"gres":36301,"ĠFold":36302,"inski":36303,"URR":36304,"annabis":36305,"Ġteammates":36306,"Eye":36307,"Ġdisciple":36308,"Ġtechnologically":36309,"thel":36310,"whole":36311,"solver":36312,"ĠPlanting":36313,"Wednesday":36314,"QA":36315,"ĠSys":36316,"ĠFalk":36317,"ĠRP":36318,"ĠRas":36319,"Ġplantar":36320,"Ġpurposeful":36321,"Ġfateful":36322,"neighbors":36323,"ĠPipeline":36324,"]]:":36325,"omac":36326,"Ġclumps":36327,"ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":36328,"Ġretrospective":36329,"Ġdominion":36330,"Ġmesmerizing":36331,"credit":36332,"ĠUrugu":36333,"Ġcling":36334,"ĠKaw":36335,"readlines":36336,"Ġlocalities":36337,"Ġlayering":36338,"preds":36339,"Ġcatchment":36340,"hosts":36341,"ĠConnecting":36342,"ĠMotors":36343,"ĠBaseball":36344,"Ġinspirational":36345,"Ġfern":36346,"ĠGau":36347,"Ġslain":36348,"ĠMeans":36349,"Ġdictator":36350,"ĠJudges":36351,"Ġtravellers":36352,"idimensional":36353,"lain":36354,"Ġmans":36355,"ĠSector":36356,"antom":36357,"Ġconferred":36358,"Ġgoverns":36359,"operations":36360,"canc":36361,"Ġdazz":36362,"ĠActions":36363,"ĠASE":36364,"ĠBorg":36365,"ĠNatal":36366,"Ġcolitis":36367,"classified":36368,"ér":36369,"Ġpolyphen":36370,"ĠCandida":36371,"Ġavocados":36372,"ĠClaude":36373,"Ġdeciphering":36374,"NOW":36375,"à½":36376,"ĠAW":36377,"ĠWS":36378,"ĠYa":36379,"Ġdetain":36380,"Ġconfess":36381,"ivalry":36382,"spin":36383,"Ġingrained":36384,"Ġsucrose":36385,"dollar":36386,"Ġbuddy":36387,"Ġll":36388,"riam":36389,"Ġunborn":36390,"ondyl":36391,"Ġsilhou":36392,"Ġdoubtful":36393,"uisines":36394,"ĠÙħ":36395,"Ġantivirus":36396,"Ġclogged":36397,"ĠkW":36398,"Ġkittens":36399,"ĠTrek":36400,"ĠAstronomical":36401,"Ġreptile":36402,"Ġpigeon":36403,"odeficiency":36404,"Kind":36405,"NM":36406,"alert":36407,"adier":36408,"Ġupfront":36409,"obyl":36410,"Ġboils":36411,"Ġextravag":36412,"Ġmaximal":36413,"Ġstamina":36414,"Ġaneurys":36415,"ת":36416,"Ġunbiased":36417,"intellig":36418,"ĠChrys":36419,"Ġ[...]":36420,"Ġdelaying":36421,"ĠHardy":36422,"Ġinjustices":36423,"cans":36424,"Ġholog":36425,"Ġanus":36426,"iston":36427,"ĠHF":36428,"Ġatrophy":36429,"Ġwillingly":36430,"Ġorganically":36431,"Ġslack":36432,"Ġwidening":36433,"ĠPresidents":36434,"Ġsolder":36435,"laus":36436,"ĠTunisia":36437,"crypt":36438,"hd":36439,"Ö·":36440,"Ġdilation":36441,"istor":36442,"antial":36443,"Ġspasms":36444,"ĠConcrete":36445,"probs":36446,"Ġdestabil":36447,"ĠControvers":36448,"olls":36449,"ĠBarrett":36450,"anchor":36451,"Ġthoracic":36452,"Quick":36453,"OPT":36454,"Facts":36455,"ĠCommod":36456,"ĠArtem":36457,"ĠHighly":36458,"Ġstirred":36459,"Wrapper":36460,"CAR":36461,"vre":36462,"ĠCAT":36463,"Ġpurify":36464,"publications":36465,"ĠRouge":36466,"Saint":36467,"Ġdia":36468,"stay":36469,"Ġlst":36470,"terr":36471,"Ġbasalt":36472,"Ġveil":36473,"START":36474,"Ġcapacitors":36475,"ĠFundamentals":36476,"Monitor":36477,"Ġorchard":36478,"Ġlavish":36479,"Ġdiscontinued":36480,"ĠJessica":36481,"Gar":36482,"onance":36483,"Ġsuggestive":36484,"ductors":36485,"Ġdebating":36486,"Ġcoffin":36487,"--------------":36488,"ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":36489,"Ġceilings":36490,"ĠOber":36491,"managed":36492,"shuffle":36493,"servers":36494,"uminous":36495,"ĊĠĠĠĠĠĠĠĠĠĠĠĠĊĠĠĠĠĠĠĠ":36496,"Ġrepetitions":36497,"Ġchatting":36498,"iretroviral":36499,"FER":36500,"|\"'":36501,"lein":36502,"igail":36503,"ĠSick":36504,"Ġunl":36505,"ĠChic":36506,"ĠReve":36507,"atica":36508,"opsies":36509,"grace":36510,"ĠExpand":36511,"Ġpollutant":36512,"ĠLeslie":36513,"pict":36514,"ĠBMC":36515,"nums":36516,"Ġintimidation":36517,"åŃĹ":36518,"Ġblossom":36519,"attoos":36520,"tie":36521,"Ġlof":36522,"Ġstderr":36523,"Ġalf":36524,"ĠComfort":36525,"Ġequine":36526,"ĠCommunism":36527,"loan":36528,"иÑĤ":36529,"Ġshowcased":36530,"Ġtheatrical":36531,"hru":36532,"Ġops":36533,"Ġferns":36534,"ĠSug":36535,"Ġchir":36536,"ĠFIT":36537,"Ġsimulating":36538,"Ġnaturalist":36539,"ĠAssist":36540,"ĠQuaker":36541,"ĠPartner":36542,"solid":36543,"Ġconservationists":36544,"ĠHumph":36545,"Ġgrooves":36546,"ĠHimalayan":36547,"ĠAttributeError":36548,"Hall":36549,"|âĢ¢":36550,"agia":36551,"assadors":36552,"Ġblister":36553,"ÑĢе":36554,"salt":36555,"Ġmun":36556,"Ġcrem":36557,"placeholder":36558,"ĠMarks":36559,"ĠParticularly":36560,"ĠMySQL":36561,"ĠWWF":36562,"Ġcabinets":36563,"ĠPermanent":36564,"Cra":36565,"itization":36566,"ĠBub":36567,"Ġatlas":36568,"Ġindist":36569,"irsch":36570,"Ġgroove":36571,"Timmy":36572,"Ġbracket":36573,"href":36574,"Ġgh":36575,"Ġwhichever":36576,"ĠJar":36577,"Ġflats":36578,"ĠAttributes":36579,"Ġpitches":36580,"ĠCounseling":36581,"ailles":36582,"ĠNano":36583,"Ġunimag":36584,"ĠYiddish":36585,"ieri":36586,"Ġdiverted":36587,"ĠEND":36588,"ĠPharmaceutical":36589,"ulae":36590,"ĠBarr":36591,"reduction":36592,"Ġworkbook":36593,"ĠUniv":36594,"Ġhype":36595,"Ġlowland":36596,"ĠPerception":36597,"Ġaxial":36598,"ĠOuter":36599,"Ġmoistur":36600,"Ġnourish":36601,"Ell":36602,"ocean":36603,"yx":36604,"enics":36605,"alty":36606,"ĠAmer":36607,"ĠWrong":36608,"Ġpromoter":36609,"Ġarchaic":36610,"Ġtranslators":36611,"ĠFriedman":36612,"ĠAu":36613,"ĠSiberian":36614,"udding":36615,"ISM":36616,"Ġcollage":36617,"Ġordinance":36618,"ĠPaulo":36619,"ĠKimber":36620,"ĠConversation":36621,"Ġassassinated":36622,"Ġaristocracy":36623,"Ġimperfections":36624,"hh":36625,"possible":36626,"robat":36627,"ilus":36628,"Ġspun":36629,"arman":36630,"ĠMarvel":36631,"ĠMonetary":36632,"casts":36633,"ControlPlane":36634,"ĠJurassic":36635,"Ġfreelance":36636,")=":36637,"fur":36638,"Ġscept":36639,"quart":36640,"Ġripple":36641,"Ġimpuls":36642,"introduction":36643,"Ġglued":36644,"Ġnightmares":36645,"Ġrecyclable":36646,"Ġwinged":36647,"NEW":36648,"ĠVoyager":36649,"ĠHundreds":36650,"';":36651,"Ġlia":36652,"ĠDensity":36653,"clair":36654,"Ġretreated":36655,"Ġignited":36656,"Ġmirrored":36657,"Preprocess":36658,"Ġtorso":36659,"omonas":36660,"Ġrecruits":36661,"Ġfibrillation":36662,"fifth":36663,"ĠGustav":36664,"Ground":36665,"IENT":36666,"ĠBatch":36667,"Ġchuck":36668,"ĠLL":36669,"Ġ___":36670,"marking":36671,"------------------------------------":36672,"ĠBoost":36673,"Ġboosted":36674,"ĠProvincial":36675,".âĢĻâĢĿ":36676,"Ġanticipating":36677,"ĠImmig":36678,"Ġenthusiastically":36679,"ocytosis":36680,"Ġnautical":36681,"Ġmattered":36682,"Ġcompliment":36683,"Ġpermafrost":36684,"absorb":36685,"Ġtranscribed":36686,"educt":36687,"ĠPuritan":36688,"!!!!":36689,"ĠFuller":36690,"Ġasymmetric":36691,"serialize":36692,"Eat":36693,"æĶ":36694,"oriously":36695,"Ġsucking":36696,"ptide":36697,"ĠGS":36698,"Ġraz":36699,"Ġdeterminant":36700,"Ġfirewood":36701,"ĠNotre":36702,"transport":36703,"Ġaffirmed":36704,"RD":36705,"Ġonward":36706,"ĠRJ":36707,"Ġimpetus":36708,"ĠAnk":36709,"interrupted":36710,"Ġrevising":36711,"ĠMedications":36712,"Ġinventing":36713,"Ġcontaminate":36714,"ĠKosovo":36715,"asmod":36716,"ĠTuc":36717,"\")[":36718,"Ġlymphocytes":36719,"Cook":36720,"Ġfs":36721,"Ġroast":36722,"Ġflipping":36723,"ĠZam":36724,"ĠEmotion":36725,"Commercial":36726,"ĠSnap":36727,"ĠFitzgerald":36728,"zee":36729,"thals":36730,"Ġsmoothing":36731,"ĠBhag":36732,"ĠHorizon":36733,"ĠNitrogen":36734,"Ġparchment":36735,"Ġchurn":36736,"ĠREP":36737,"icht":36738,"Ġcrashing":36739,"hydration":36740,"Ġexertion":36741,"ĠSavannah":36742,"PlaneProtection":36743,"ManagementPlaneProtection":36744,"Ġabnormality":36745,"Soviet":36746,"ĠBoot":36747,"ĠHann":36748,"Ġdissection":36749,"Ġcarve":36750,"Ġcausality":36751,"Ġlandings":36752,"ĠApostles":36753,"Ġlandlord":36754,"Ġss":36755,"Ġbeaver":36756,"aday":36757,"Ġanode":36758,"Ġcapitals":36759,"ĠOutdoor":36760,"TOKEN":36761,"Ġsharpen":36762,"Communication":36763,"mills":36764,"yms":36765,"illaries":36766,"Ġcommits":36767,"ĠInterventions":36768,"uitively":36769,"ĠFormal":36770,"idxs":36771,"Ġtantal":36772,"Ġsesame":36773,"ĠAve":36774,"ĠFault":36775,"prec":36776,"osaics":36777,"caused":36778,"ĠAnnie":36779,"ĠAdaptive":36780,"ĠPackage":36781,"Farm":36782,"finger":36783,"oge":36784,"ĠMK":36785,"ĠNietzsche":36786,"ĠGMO":36787,"indeer":36788,"collections":36789,"Ġanonymity":36790,"ei":36791,"java":36792,"rn":36793,"ĠHang":36794,"ĠLik":36795,"ractive":36796,"ĠPhar":36797,"Ġfreq":36798,"Ġfracturing":36799,"ĠAdministrative":36800,"accounts":36801,"ĠQuantitative":36802,"Ġupgrading":36803,"čĊĠĠĠĠĠĠĠĠčĊĠĠĠĠĠĠĠ":36804,"Ġreinst":36805,"ĠSAD":36806,"Ġreadability":36807,"Ġimmoral":36808,"Ġsummed":36809,"Ġassigns":36810,"rums":36811,"ĠFreem":36812,"ĠPetroleum":36813,"continue":36814,"Ġhesitant":36815,"ĠGPIO":36816,"ĠAzure":36817,"Ġtremendously":36818,"ĠUttar":36819,"Ġghetto":36820,"Ġslips":36821,"ĠFounding":36822,"Simply":36823,"åIJį":36824,"Ġpid":36825,"Ġfi":36826,"Ġeve":36827,"ĠRust":36828,"Ġevenings":36829,"ĠVerify":36830,"Ġpolarized":36831,"Ġbolsters":36832,"Fair":36833,"trig":36834,"vig":36835,"ĠGale":36836,"lections":36837,"Ġrecite":36838,"Ġbrine":36839,"ĠDept":36840,"Ġplantings":36841,"spread":36842,"helf":36843,"recv":36844,"Ġsplash":36845,"Ġincentiv":36846,"Ġstylish":36847,"ĠHttpResponse":36848,"drained":36849,"Ġtsp":36850,"ateness":36851,"Ġclutch":36852,"yscale":36853,"ĠVertical":36854,"Ġgrowths":36855,"ĠArbor":36856,"ĠRepair":36857,"Ġvaluing":36858,"Ġswimmers":36859,"Ġcyclone":36860,"relationship":36861,"Ġdisguise":36862,"Ġinsoluble":36863,"Jo":36864,"reports":36865,"ĠTig":36866,"ĠMam":36867,"ĠFrequent":36868,"riptive":36869,"Ġvolunteered":36870,"ĠDecisions":36871,"Ġdecorating":36872,"Ġregistering":36873,"uvre":36874,"Ġslicing":36875,"Ġorchards":36876,"Ġsporadic":36877,"Incorporating":36878,"Cop":36879,"masks":36880,"Ġdc":36881,"ĠCyn":36882,"Ġtransmissions":36883,"ĠCallable":36884,"ĠAudubon":36885,"ĠEuropa":36886,"killers":36887,"ĠAZ":36888,"Ġexiled":36889,"Ġvou":36890,"Ġcreeping":36891,"biosis":36892,"ĠExpanding":36893,"Ġmicrobiology":36894,"ĠJeremy":36895,"ĠAdelaide":36896,"ĠEb":36897,"strate":36898,"rapers":36899,"discipline":36900,"ĠWWI":36901,"InterfaceSelection":36902,"Ġeuth":36903,"ĠSamples":36904,"Ġsubway":36905,"ercase":36906,"Ġvols":36907,"Ġpredic":36908,"Ġcaptions":36909,"ĠAntig":36910,"Ġinterpretive":36911,"ĠLatinos":36912,"fastq":36913,"cutaneous":36914,"Ġlocomotives":36915,"Ġapprenticeship":36916,"MW":36917,"wav":36918,"autics":36919,"Ġpredicate":36920,"ĠMacmillan":36921,"ĠHomework":36922,"ĠImportError":36923,"Ġsterilization":36924,"Ġoctopus":36925,"Queen":36926,"mur":36927,"trip":36928,"ĠSaid":36929,"ĠMush":36930,"ĠVital":36931,"Ġpostmodern":36932,"ĠInstructions":36933,"ĠBelieve":36934,"ĠHawk":36935,"Ġhydrocarbon":36936,"ĠReverend":36937,"Kn":36938,"]{":36939,"Ġnebul":36940,"Ġupbringing":36941,"oxia":36942,"operability":36943,"Ġpharmacological":36944,"=âĢĿ":36945,"tur":36946,"Ġstandalone":36947,"Autom":36948,"ĠWatts":36949,"Jam":36950,"Rain":36951,"ĠHib":36952,"ĠDL":36953,"ĠGw":36954,"Ġdisinteg":36955,"tenant":36956,"Ġinterrelated":36957,"ickers":36958,"Ġfollower":36959,"Ġensued":36960,"ĠDiwali":36961,"ĠPilot":36962,"ĠElephant":36963,"runtime":36964,"umines":36965,"ptive":36966,"ĠLeib":36967,"ADE":36968,"ĠWorkplace":36969,"ĠLeading":36970,"Explain":36971,"Ġpaused":36972,"Ġbursting":36973,"Ġredistribution":36974,"Ġphytoplankton":36975,"ĠFischer":36976,"Ġindexing":36977,"Hispanic":36978,"ĠAccounts":36979,"ĠMosque":36980,"Ġcarcinogenic":36981,"ĠInfluenza":36982,"Radio":36983,"Ġcheeses":36984,"ĠUranus":36985,"Ġping":36986,"ĠCerv":36987,"Ġ'*":36988,"Container":36989,"Ġvillain":36990,">>>":36991,"ĠPriest":36992,"Ġpebbles":36993,"breat":36994,"hak":36995,"Ġprovocative":36996,"onders":36997,"Ġtransgenic":36998,"ierre":36999,"Ġnavigated":37000,"Seeing":37001,"Ġtorrent":37002,"Whenever":37003,"Franc":37004,"Torch":37005,"xr":37006,"Ġaiding":37007,"igators":37008,"âĢĵâĢĵ":37009,"Ġspecialties":37010,"ĠDrum":37011,"Ġviolates":37012,"ĠHoliday":37013,"ĠAngela":37014,"Employ":37015,"Ġsponges":37016,"ĠLama":37017,"Ġfooting":37018,"Ġstimulant":37019,"ĠInitiatives":37020,"Ġrationality":37021,"Ġtroublesome":37022,"arck":37023,"Ġvec":37024,"calorie":37025,"ĠBurmese":37026,"Ġunintentional":37027,"Ġlocomotive":37028,"milk":37029,"ĠSodium":37030,"ĠRL":37031,"Structure":37032,"EDIT":37033,"Ġexperimentally":37034,"Advantages":37035,"ĠSussex":37036,"á¹Ń":37037,"ĠZionist":37038,"Ġgroceries":37039,"erre":37040,"ĠRif":37041,"ruff":37042,"='')":37043,"Ġprefrontal":37044,"ĠAngola":37045,"ĠCameroon":37046,"Ġrosemary":37047,"Ġfuturistic":37048,"^^^^":37049,"ĠTheorem":37050,"Ġforge":37051,"Chicago":37052,"ESA":37053,"ĠXIV":37054,"Ġviolently":37055,"experienced":37056,"ĠIcelandic":37057,"ĠMaurice":37058,"Effects":37059,"mouse":37060,"Ġarthrop":37061,"berspace":37062,"Ġmultim":37063,"radio":37064,"menopausal":37065,"windows":37066,"ĠHeadquarters":37067,"Ġslightest":37068,"Ġreimburse":37069,"ĠTissue":37070,"alsa":37071,"ĠNewcastle":37072,"instru":37073,"Republic":37074,"tell":37075,"ipus":37076,"ologia":37077,"()}":37078,"Ġmicroscopes":37079,"Ġwarehouses":37080,"zan":37081,"emphas":37082,"ĠDil":37083,"Ġsubsidy":37084,"ĠVariations":37085,"uen":37086,"ĠRect":37087,"perf":37088,"insically":37089,"Ġreputed":37090,"Ġconnotations":37091,"ĠAppeal":37092,"Ġsenator":37093,"ĠInsights":37094,"Ġjurisprudence":37095,"Ġdiscounted":37096,"Ġdeterrent":37097,"Ġsalvage":37098,"Ġdispatched":37099,"ĠCream":37100,"assuming":37101,"Ġattest":37102,"ĠShadow":37103,"Ġassesses":37104,"currently":37105,"Suggest":37106,"Ġmosques":37107,"ĠMandarin":37108,"ĠProperly":37109,"Ġmetaphysics":37110,"ĠRican":37111,"ĠNerv":37112,"ĠOre":37113,"Ġspars":37114,"Ġinterpreters":37115,"Ġ\\'":37116,"ĠRelax":37117,"ĠSerbian":37118,"Ġtraceback":37119,"ĠVenetian":37120,"Ġbitterness":37121,"Links":37122,"ÑĪ":37123,"Ġtonic":37124,"Ġmonoc":37125,"weighted":37126,"Ġshredded":37127,"Mexico":37128,"Mobile":37129,"rnn":37130,"Ġbaff":37131,"icists":37132,"Ġthorn":37133,"princ":37134,"ĠSharon":37135,"ĠMacArthur":37136,"Usage":37137,"Ġkilow":37138,"åı¯":37139,"ĠDocumentation":37140,"Ġimplantation":37141,"Ġquirky":37142,"Prepare":37143,"gie":37144,"ç§":37145,"ĠTED":37146,"Ġundergraduates":37147,"ĠVil":37148,"adders":37149,"findall":37150,"Ġresonated":37151,"Ġextraordinarily":37152,"Ġtangent":37153,"ĠTerminal":37154,"ĠFootball":37155,"Ġhydroxide":37156,"alyses":37157,"FIX":37158,"rst":37159,"Ġreaffirm":37160,"ryn":37161,"Ġstereo":37162,"Ġfractional":37163,"ĠDEFAULT":37164,"ĠRFID":37165,"KB":37166,"ĠIst":37167,"antes":37168,"Ġencyclop":37169,"pland":37170,"ĠAnnot":37171,"Ġcorpse":37172,"ĠLeices":37173,"Ġerotic":37174,"Ġroadmap":37175,"Ġpetty":37176,"ĠHandling":37177,"cardia":37178,"otypical":37179,"ĠBott":37180,"ruck":37181,"ĠkHz":37182,"Ġarctic":37183,"cius":37184,"Ġbetting":37185,"ĠSheets":37186,"иÑı":37187,"Ġenormously":37188,"à¥Ģ":37189,"ĠCommentary":37190,"Ġdisguised":37191,"uj":37192,"ĠFork":37193,"ĠEmir":37194,"Ġsteamed":37195,"ĠRefer":37196,"Ġinhibitory":37197,"antha":37198,"Ġnaive":37199,"Congress":37200,"ĠBedford":37201,"Ġrepellent":37202,"Fif":37203,"Rot":37204,"Runtime":37205,"ĠTABLE":37206,"ĠHorses":37207,"Ġneb":37208,"Ġquaint":37209,"neck":37210,"Ġmemo":37211,"appropri":37212,"ĠExhib":37213,"Spin":37214,"Ġunrestricted":37215,"WORK":37216,"wi":37217,"olite":37218,"igham":37219,"Ġatypical":37220,"minutes":37221,"Ġconcur":37222,"ĠScal":37223,"factors":37224,"Ġ/=":37225,"ĠRegions":37226,"glades":37227,"Ġaffiliations":37228,"ĠSensory":37229,"Ġattentively":37230,"parsed":37231,"mL":37232,"Ġfringe":37233,"ĠNZ":37234,"ĠGamb":37235,"episode":37236,"rosse":37237,"ĠINTO":37238,"Ġgorillas":37239,"ĠIroquois":37240,"Fall":37241,"Ġpromul":37242,"Ġbalcon":37243,"logical":37244,"Ġrecounts":37245,"Ġcoworkers":37246,"Matt":37247,"xious":37248,"è§":37249,"ĠRaf":37250,"Ġscanners":37251,"Ġsublime":37252,"askan":37253,"objective":37254,"Ġgelatin":37255,"ĠTac":37256,"Ġbeacon":37257,"Ġdonating":37258,"aughtered":37259,"boys":37260,"Ġrobustness":37261,"ĠIntegrity":37262,"ĠNeph":37263,"Provide":37264,"ĠCromwell":37265,"Cit":37266,"mx":37267,"adia":37268,"ĠBJ":37269,"arez":37270,"ĠRecall":37271,"ggish":37272,"Ġopium":37273,"Ġobsessed":37274,"Ġacquisitions":37275,"ĠTHAT":37276,"Nic":37277,"PTSD":37278,"tolerant":37279,"ĠBes":37280,"ĠJP":37281,"ĠStere":37282,"compliance":37283,"Ġeffected":37284,"ategies":37285,"Ġvoiced":37286,"ĠGraves":37287,"Ġirritate":37288,"Ġvividly":37289,"iator":37290,"vor":37291,"Ġpharaoh":37292,"ducers":37293,"Ġworthless":37294,"ĠRelative":37295,"Ġlegislatures":37296,"computers":37297,"deepcopy":37298,"ĠSculpt":37299,"Ġpeac":37300,"Ġrhino":37301,"ĠSymbolism":37302,"Marc":37303,"hara":37304,"Ġtanning":37305,"ĠForensic":37306,"digits":37307,"ĠSpringfield":37308,"Wikipedia":37309,"kb":37310,"spring":37311,"Ġsock":37312,"ĠCry":37313,"thr":37314,"Ġfieldwork":37315,"itecture":37316,"ĠSenegal":37317,"Archae":37318,"Und":37319,"osse":37320,"Ġsubtype":37321,"ĠGoddard":37322,"ĠCompact":37323,"ĠAccuracy":37324,"Ġvineyards":37325,"ĠAccountability":37326,"ĠCollective":37327,"Ġoscillations":37328,"ĠFellowship":37329,"Mot":37330,"Ġbends":37331,"ĠFossil":37332,"inker":37333,"Ġpainstaking":37334,"backup":37335,"Ġfaç":37336,"Ġthunderstorms":37337,"ĠHercules":37338,"Ġultrasonic":37339,"]',":37340,"cancel":37341,"ĠFertil":37342,"Ġdistillation":37343,"letcher":37344,"ĠAbbas":37345,"ĠMyths":37346,"Ġcommenting":37347,"ODE":37348,"åĪĨ":37349,"Ġpigeons":37350,"esare":37351,"ĠDear":37352,"ffes":37353,"ovan":37354,"randa":37355,"ĠEmerson":37356,"rologic":37357,"Ġimmortality":37358,"Progress":37359,"=('":37360,"Ġsecrete":37361,"exchange":37362,"Ġendorph":37363,"Ġetching":37364,"Ġmalt":37365,"Ġcafé":37366,"Ġengraving":37367,"fw":37368,"invol":37369,"Ġcochle":37370,"ĠAnalog":37371,"Ġgathers":37372,"Ġassembling":37373,"Ġaccompanies":37374,"embourg":37375,"ĠCriticism":37376,"ĠPutin":37377,"Ġbesie":37378,"nothing":37379,"Ġls":37380,"ĠCAS":37381,"ĠLT":37382,"ĠAnnals":37383,"Ġrectangles":37384,"Ġiprot":37385,"rocytes":37386,")`":37387,"Sorry":37388,"Ġserene":37389,"Ġunpopular":37390,"Ġrag":37391,"ĠYin":37392,"Ġrefund":37393,"Ġelem":37394,"ĠCOPY":37395,"ĠGlad":37396,"Ġsemen":37397,"traffic":37398,"ĠTimeline":37399,"Basically":37400,"ĠEditorial":37401,"ĠPueblo":37402,"lane":37403,"yen":37404,"Ġcuisines":37405,"Ġrethink":37406,"sticks":37407,"Ġshaman":37408,"Ġamounted":37409,"Ġgeom":37410,"Ġplea":37411,"Instructions":37412,"Ġobscured":37413,"Ġabolitionist":37414,"ĠAires":37415,"thresh":37416,"ĠDress":37417,"Ġplumes":37418,"ĠWeiss":37419,"ecs":37420,"Ġincense":37421,"Ġfunctioned":37422,"detach":37423,"Ġgentlemen":37424,"Ġannexed":37425,"alon":37426,"alination":37427,"Ġfren":37428,"Ġmodality":37429,"anya":37430,"ĠXia":37431,"ĠBohem":37432,"ĠMagdal":37433,"Ġpapal":37434,"Ġshrines":37435,"ĠAbsolute":37436,"Sequential":37437,"Dense":37438,"thia":37439,"undi":37440,"Ġiii":37441,"Ġassaults":37442,"Ġsynchronized":37443,"Ġstagnant":37444,"Ġransomware":37445,"xlim":37446,"ĠSort":37447,"emes":37448,"Ġsubgroups":37449,"Ġrunway":37450,"ĠMemoir":37451,"Ġdisrupts":37452,"Ġguarding":37453,"Ġdigitized":37454,"Ġspokesperson":37455,"toplasm":37456,"Reduce":37457,"tune":37458,"hetti":37459,"ĠCorb":37460,"ĠNV":37461,"ĠGuild":37462,"Ġsettler":37463,"opolitan":37464,"resolve":37465,"Ġindifferent":37466,"Ġsummoned":37467,"ččĊĠĠĠĠĠĠĠĠččĊĠĠĠĠĠĠĠĠĠĠĠ":37468,"vc":37469,"ĠAmin":37470,"Ġoverlay":37471,"Ġfoodborne":37472,"ĠLett":37473,"interested":37474,"Entity":37475,"ĠPhillip":37476,"Ġtorpedo":37477,"Ġimpat":37478,"Ġactress":37479,"owns":37480,"()).":37481,"ĠShows":37482,"agogues":37483,"ĠDharma":37484,"Catholic":37485,".''":37486,"Brien":37487,"answered":37488,"shield":37489,"REEN":37490,"netes":37491,"ĠHighland":37492,"ĠAutumn":37493,"Ġmistrust":37494,"Ġventral":37495,"Ġskulls":37496,"ĠAmbassador":37497,"Ġcorrobor":37498,"ζÏī":37499,"Solution":37500,"fy":37501,"ilic":37502,"imen":37503,"ussis":37504,"Ġdirectives":37505,"atsby":37506,"ĠAmmon":37507,"Going":37508,"Ġharnessed":37509,"ĠStevenson":37510,"(%":37511,"Cred":37512,"ĠMile":37513,"acet":37514,"getting":37515,"Ġ/>":37516,"Ready":37517,"obacterium":37518,"Hash":37519,"iters":37520,"izon":37521,"Ġoffending":37522,"ĠRevised":37523,"Ġcongru":37524,"speech":37525,"cdc":37526,"ĠTribal":37527,"Ġtrimmed":37528,"Panel":37529,"Ġindifference":37530,"AU":37531,"Ġfuss":37532,"Ġburs":37533,"arrays":37534,"ĠMG":37535,"icker":37536,"ĠHowe":37537,"coated":37538,"ĠWorldwide":37539,"ĠCultivating":37540,"################################################":37541,"Ġdistracting":37542,"Ġnodules":37543,"wheat":37544,"ĠLynch":37545,"---------------------------":37546,"Ġtaxpayer":37547,"ĠBalkans":37548,"Ġnematodes":37549,"JV":37550,"vascular":37551,"ĠIELTS":37552,"NAP":37553,"mberg":37554,"DEV":37555,"likelihood":37556,"Ġorthopedic":37557,"twitter":37558,"probability":37559,"abytes":37560,"Ġequivalents":37561,"Ġenergized":37562,"Russia":37563,"£":37564,"anity":37565,"Ġsue":37566,"Ġwasp":37567,"ĠConversion":37568,"ĠShin":37569,"Ġcollectibles":37570,"hetamine":37571,"ĠMalaria":37572,"Ġgrandeur":37573,"Others":37574,"Ġstabilized":37575,"ĠRainbow":37576,"ĠAdvancement":37577,"Ġmismatch":37578,"åĩº":37579,"Dam":37580,"}_{":37581,"otene":37582,"ĠStanton":37583,"Ġtraff":37584,"ĠVoting":37585,"Ġgenotypes":37586,"Ġhump":37587,"Ġglam":37588,"Ġwholeheartedly":37589,"Ġstarving":37590,"Ġstabilizing":37591,"Ġbenzene":37592,"Ġtheologians":37593,"ĠTrad":37594,"Ġprovisional":37595,"Ġtopographic":37596,"ĠSuicide":37597,"lamydia":37598,"ĠWorker":37599,"higher":37600,"Lo":37601,"yah":37602,"Ġtidy":37603,"Ġstumble":37604,"Ġchis":37605,"ĠEras":37606,"ĠOrderedDict":37607,"Ġtracker":37608,"Ġdisagreed":37609,"Ġspellings":37610,"ipotent":37611,"lio":37612,"iland":37613,"ĠAuckland":37614,"andi":37615,"Ġintakes":37616,"ĠUAV":37617,"Ġinferences":37618,"Ġsignalling":37619,"ĠColleges":37620,"Ġenhancements":37621,"Ġaspire":37622,"ĠEphes":37623,"rinos":37624,"од":37625,"ĠArmenians":37626,"Initially":37627,"ĠVersailles":37628,"Ġglycogen":37629,"Lack":37630,"Mit":37631,"Ġtundra":37632,"Ġlily":37633,"ĠCG":37634,"ĠDiana":37635,"Ġaccelerator":37636,"Ġfractured":37637,"Ġphonetic":37638,"ĠTribes":37639,"Ġtrimming":37640,"Ġbuzzing":37641,"ĠEurasian":37642,"Ġreceipts":37643,"Win":37644,"warming":37645,"ĠAH":37646,"ĠThemes":37647,"ĠFirm":37648,"phans":37649,"Ġprism":37650,"Ġtotals":37651,"ĠSmooth":37652,"Percent":37653,"Patient":37654,"Ġeyebrows":37655,"Linux":37656,"×ij":37657,"ĠMIN":37658,"ĠImmediately":37659,"``.":37660,"Ġportfolios":37661,"Ġexpressly":37662,"ĠAcids":37663,"Ġsymbolized":37664,"Williams":37665,"ĠToward":37666,"ĠAndreas":37667,"Ġgossip":37668,"igions":37669,"ĠCind":37670,"ĠNAD":37671,"Ġoutc":37672,"pleting":37673,"Ġdenies":37674,"Ġ'/'":37675,"Ġirregularities":37676,"Ġawaits":37677,"Ġawaited":37678,"Ġmyocardial":37679,"ĠPorts":37680,"ĠFreed":37681,"Ġacoust":37682,"ĠPoems":37683,"Ġresembled":37684,"gotten":37685,"hose":37686,"recent":37687,"ĠFo":37688,"Ġobjectivity":37689,"iscrim":37690,"Ġlimitless":37691,"ELS":37692,"Ġpretending":37693,"Ġsynapses":37694,"Ġplatelet":37695,"Ġnascent":37696,"Ġwatersheds":37697,"ĠInstrument":37698,"Ġsermons":37699,"Ġpercussion":37700,"Cognitive":37701,"Ġloci":37702,"ĠHuff":37703,"Ġpreterm":37704,"Ġwooded":37705,"ĠProtected":37706,"Ġinserts":37707,"Ġcommemoration":37708,"ĠBren":37709,"ĠBuk":37710,"ĠWarner":37711,"ultures":37712,"interpol":37713,"ĠMarion":37714,"ĠContinuing":37715,"chrane":37716,"dial":37717,"received":37718,"athed":37719,"enoids":37720,"Ġpkg":37721,"Ġbeard":37722,"terror":37723,"ĠJump":37724,"Ġark":37725,"Ġherring":37726,"Ġslaughtered":37727,"ĠXII":37728,"USDA":37729,"Accessed":37730,"Ġammonium":37731,"Ġcorrupted":37732,"Ġhitherto":37733,"iators":37734,"Ġdart":37735,"Ġdispatch":37736,"Ġformulating":37737,"Ġbarred":37738,"ĠEstimates":37739,"Ġbreads":37740,"iticus":37741,"Ġdystrophy":37742,"lbl":37743,"asies":37744,"ĠUCS":37745,"Ġstartups":37746,"ĠColin":37747,"Ġlowercase":37748,"STATE":37749,"ukkah":37750,"Decl":37751,"Ġherbivores":37752,"protection":37753,"Past":37754,"Ġvaping":37755,"ĠStraw":37756,"Ġoverarching":37757,"scopic":37758,"notification":37759,"ĠWarfare":37760,"Ġreactivity":37761,"Ġdrawback":37762,"ĠLao":37763,"ĠRecipes":37764,"Ġpandemics":37765,"ĠDoug":37766,"difference":37767,"iacin":37768,"ĠEmpowerment":37769,"Southern":37770,"cognitive":37771,"Ġchilling":37772,"ĠNiel":37773,"ellaneous":37774,"Ġcarers":37775,"Ġleftovers":37776,"Ġcheapest":37777,"Ġmulticulturalism":37778,"Ġseeding":37779,"ĠGT":37780,"ĠIntermediate":37781,"ovsky":37782,"Ġhomepage":37783,"ĠXXX":37784,"Ġmutated":37785,"Ġbulls":37786,"ĠDrake":37787,"ĠTunnel":37788,"Ġstenosis":37789,"illusion":37790,"ĠEzekiel":37791,"Ġaboriginal":37792,"ustering":37793,"Ġorganise":37794,"ĠSpray":37795,"Ġλ":37796,"ĠMemor":37797,"âĸĪâĸĪâĸĪâĸĪ":37798,"Driver":37799,"Ġcached":37800,"ĠSquir":37801,"ĠMud":37802,"ĠGets":37803,"Ġtril":37804,"Ġscents":37805,"Ġincumbent":37806,"Items":37807,"Ġcyclic":37808,"Ġfierc":37809,"LG":37810,"nose":37811,"idental":37812,"Ġterribly":37813,"ĠXin":37814,"ĠCoach":37815,"Ġconveyor":37816,"Ġcrackers":37817,"ĠPoké":37818,"Wave":37819,"gil":37820,"jee":37821,"Ġfh":37822,"Ġstole":37823,"ĠChip":37824,"Ġdiast":37825,"Ġvalor":37826,"__[\"":37827,"unda":37828,"coeff":37829,"ĠIntrigued":37830,"Ġγ":37831,"Ġtubular":37832,"ĠPsalms":37833,"ĠCroatian":37834,"Authors":37835,"ĠVand":37836,"Ġhandwritten":37837,"Ġstriped":37838,"Ġwebinar":37839,"Ġseafloor":37840,"Ġdeceit":37841,"Ġsqueezed":37842,"Ġdetergent":37843,"Ġws":37844,"ĠCJ":37845,"employ":37846,"ĠRocks":37847,"Ġadhered":37848,"Ġastounding":37849,"Ġmagnetism":37850,"ĠVolunteers":37851,"Navigating":37852,"CLUDING":37853,"aler":37854,"Ġcomorbid":37855,"Ġ#:":37856,"Ġplaywright":37857,"Ġpurported":37858,"Ġdominating":37859,"Ġwhispers":37860,"ĠStafford":37861,"Organic":37862,"vn":37863,"inen":37864,"ĠMouth":37865,"Ġdisl":37866,"Ġcausation":37867,"ĠZones":37868,"ogenetic":37869,"ĠEscher":37870,"Soup":37871,"acional":37872,"Internal":37873,"oflav":37874,"ĠWaterloo":37875,"Ġclimax":37876,"Ġnanom":37877,"Ġneglecting":37878,"Ġwhirl":37879,"Ġ(>":37880,"ĠMord":37881,"ĠWeapons":37882,"ĠProto":37883,"ĠBlair":37884,"Ġsalivary":37885,"Ġabstracts":37886,"Ġexporting":37887,"ĠLatvia":37888,"Ġsurfing":37889,"uptools":37890,"Ġthighs":37891,"FET":37892,"recht":37893,"ĠEk":37894,"Ġheroism":37895,"Ġpitched":37896,"clockwise":37897,"Ġnecrosis":37898,"Conse":37899,"cia":37900,"hana":37901,"yas":37902,"ĠOman":37903,"Ġcorneal":37904,"ĠPhon":37905,"Ġdragging":37906,"ĠFirefox":37907,"Ġreplenish":37908,"ĠGeoffrey":37909,"Push":37910,"æĢ":37911,"Ġinactivity":37912,"ĠWitt":37913,"ĠEck":37914,"Ġwheezing":37915,"Ġfunctools":37916,"Ġglove":37917,"nery":37918,"eeper":37919,"Ġunfolds":37920,"ĠAtlantis":37921,"Fred":37922,"sugar":37923,"Ġlactic":37924,"Ġrelocate":37925,"Ġhardwood":37926,"Ġcredential":37927,"Ġoverwhelm":37928,"Ġtilted":37929,"Ġparachute":37930,"Scan":37931,"ozyg":37932,"Ġinquire":37933,"ĠHB":37934,"peas":37935,"Ġspoons":37936,"Strong":37937,"bras":37938,"ĠDanube":37939,"ĠMcGraw":37940,"ĠCustoms":37941,"Func":37942,"mine":37943,"ĠEfficient":37944,"endo":37945,"Ġinteriors":37946,"ĠSpart":37947,"Ġinternships":37948,"Ġrespectable":37949,"interpretation":37950,"Ġvalidating":37951,"ĠHumanity":37952,"depending":37953,"Ġgangs":37954,"ĠConsciousness":37955,"ĠDud":37956,"ĠKai":37957,"Ġtrich":37958,"Ġacetyl":37959,"Ġspeci":37960,"Ġpastime":37961,"latitude":37962,"Office":37963,"Describe":37964,"Ġdismantling":37965,"Located":37966,"Ġheed":37967,"raming":37968,"Ġpolling":37969,"Ġantise":37970,"Ġfluidity":37971,"Ġkinase":37972,"Processing":37973,"Ġluminous":37974,"POSE":37975,"Ġkelp":37976,"inium":37977,"Ġbothered":37978,"ulents":37979,"ĠHaj":37980,"ernacle":37981,"Ġmarrying":37982,"Convert":37983,"Ġhabitual":37984,"Ġnucleic":37985,"runc":37986,"Ġculm":37987,"Ġscrape":37988,"Ġflavonoids":37989,"+,":37990,"loving":37991,"åī":37992,"inately":37993,"Ġpomegran":37994,"Ġnomenclature":37995,"ĠFDR":37996,"Ġabortions":37997,"akk":37998,"Ġpractised":37999,"Ġengulf":38000,"Ġpsychic":38001,"Ġgalactic":38002,"Ġmemorizing":38003,"ĠEstablished":38004,"ĠCum":38005,"ĠMuk":38006,"ĠHof":38007,"Ġscant":38008,"Ġfireplace":38009,"Ġhemisp":38010,"ĠSecretariat":38011,"ĠLogan":38012,"Ġprioritizing":38013,"squared":38014,"Ġacetate":38015,"Ġglyphosate":38016,"ULE":38017,"rpc":38018,"é¡":38019,"Ġvandal":38020,"univers":38021,"Ġshipment":38022,"Ġunmarried":38023,"berra":38024,"Ġheral":38025,"Ġreasoned":38026,"Ġworsened":38027,"ĠĊĊ":38028,"Ġbast":38029,"ĠEmancipation":38030,"ĊĉĉĊĉ":38031,"ĠAirlines":38032,"Ġfleeting":38033,"ĠLyon":38034,"continental":38035,"Irish":38036,"Ġinversion":38037,"Ġnineteen":38038,"ghum":38039,"ahi":38040,"Streng":38041,"ĠCriteria":38042,"Ġimprovisation":38043,"=',":38044,"]\"":38045,"lazy":38046,"ĠYuan":38047,"ĠGenocide":38048,"remely":38049,"व":38050,"ĠEquation":38051,"Disclaimer":38052,"svg":38053,"ĠVisualization":38054,"Ġleaky":38055,"ĠElev":38056,"Ġplummet":38057,"Ĥ¹":38058,"Ġtipping":38059,"heon":38060,"Ġsir":38061,"ivar":38062,"ĠDone":38063,"transition":38064,"Selected":38065,"fine":38066,"vv":38067,"ĠAph":38068,"oreal":38069,"Ġhasht":38070,"ĠFounded":38071,"Ġmortg":38072,"Ġsincerely":38073,"lest":38074,"lé":38075,"Ġsip":38076,"Ġhilar":38077,"Ġ(#":38078,"ĠSafari":38079,"ĠVerde":38080,"ĠBuenos":38081,"helium":38082,"âľ":38083,"Ġbould":38084,"Ġsax":38085,"Ġdecks":38086,"Proxy":38087,"Ġprecarious":38088,"Ġtackled":38089,"Across":38090,"plementary":38091,"SIG":38092,"zep":38093,"Ġdol":38094,"ĠMek":38095,"ĠEph":38096,"Ġclones":38097,"Ġpreacher":38098,"oldt":38099,"ĠSeab":38100,"ĠHolt":38101,"ĠOngoing":38102,"Ven":38103,"Vacc":38104,"Ùij":38105,"ĠÑĤ":38106,"ecia":38107,"Ġsymposium":38108,"Ġbirch":38109,"Env":38110,"labeled":38111,"Ġsouven":38112,"Ġmeteorite":38113,"Ġsprinkle":38114,"Temperature":38115,"Ġempathize":38116,"ĠTian":38117,"andan":38118,"ĠFrog":38119,"ĠRelevant":38120,"Ġmediate":38121,"Ġmete":38122,"Ġgrilled":38123,"ĠGuang":38124,"LEFT":38125,"Install":38126,"Ġdilution":38127,"Ġsteeped":38128,"Ġcrucifixion":38129,"ĠMorton":38130,"orget":38131,"Ġbible":38132,"Ġgib":38133,"atement":38134,"ĠBarth":38135,"ĠFighting":38136,"Ġcallable":38137,"readable":38138,"(\"[":38139,"Ġcamels":38140,"Ġchestnut":38141,"Ġmorphine":38142,"MODE":38143,"ĠPleistocene":38144,"Joint":38145,"ĠSER":38146,"ĠLore":38147,"Ġ\"(":38148,"Ġresins":38149,"Ġjaundice":38150,"letic":38151,"ĠSheffield":38152,"ĠPrevalence":38153,"Ġabandoning":38154,"Ġtensile":38155,"`)":38156,"Ġarable":38157,"Ġsapiens":38158,"owell":38159,"rouse":38160,"Ġraft":38161,"Ġsurges":38162,"psi":38163,"Ġhardening":38164,"IFE":38165,"Ġproximal":38166,"Ġdenomination":38167,"Ġinhale":38168,"Better":38169,"Ġoatmeal":38170,"ç¤":38171,"ĠHg":38172,"Ġtrader":38173,"ugu":38174,"ĠFlav":38175,"Ġseriousness":38176,"ĠSomers":38177,"roxy":38178,"Ġbuffers":38179,"hells":38180,"Ġibuprofen":38181,"Schools":38182,"Ġabbreviations":38183,"Ġoverest":38184,"Cand":38185,"Live":38186,"ombs":38187,"Ġtruss":38188,"Ġinfar":38189,"Ġconsequent":38190,"ĠVariables":38191,"Ġinsisting":38192,"Egypt":38193,"ĠSob":38194,"ountains":38195,"accum":38196,"ĠInsulin":38197,"execution":38198,"Numerous":38199,"Validator":38200,"bodied":38201,"Ñİ":38202,"Ġsails":38203,"Ġconscientious":38204,"Ġaddr":38205,"Ġinterdependence":38206,"ĠAspects":38207,"Ġcranes":38208,"ĠHerb":38209,"ĠSurely":38210,"rash":38211,"onso":38212,"isins":38213,"ĠSSH":38214,"Ġrc":38215,"Ġintrusive":38216,"ipzig":38217,"ĠMedication":38218,"ĠBlanc":38219,"ippings":38220,"Ġtummy":38221,"Ġeastward":38222,"Ġtaboo":38223,")$":38224,"DAR":38225,"Schol":38226,"shed":38227,"watching":38228,"ש":38229,"iry":38230,"Ġpastries":38231,"=\"\",":38232,"Ġlinkages":38233,"Ġweakens":38234,"Ġdisinfection":38235,"ĠHellenistic":38236,"Ġpeaked":38237,"ĠKem":38238,"Ġschematic":38239,"psum":38240,"ĠReb":38241,"tta":38242,"Ġcreditors":38243,"Ġsnowfall":38244,"Ġclarifying":38245,"zymatic":38246,"Ġscarlet":38247,"Ġlarva":38248,"Ġperiphery":38249,"Ġguerrilla":38250,"Split":38251,"Ġcnt":38252,"Ġcephal":38253,"Ġinfographic":38254,"Ġcorrosive":38255,"ĠCochrane":38256,"Arm":38257,"Ġthickening":38258,"ĠEvol":38259,"Ġcyclical":38260,"Connor":38261,"Ġmimics":38262,"coordinate":38263,"imony":38264,"Ġrugs":38265,"Ġquas":38266,"Ġtrainees":38267,"Ġskim":38268,"rotic":38269,"warf":38270,"ĠLanding":38271,"Ġobligated":38272,"Ġalertness":38273,"Sel":38274,"enoid":38275,"ĠMét":38276,"ĠBeaver":38277,"Ġsideways":38278,"Region":38279,"Ġcyclones":38280,"ĠARM":38281,"Ġmanagerial":38282,"annotations":38283,"ĠFatigue":38284,"Ġtroubleshooting":38285,"Agg":38286,"UAL":38287,"dou":38288,"Ġcrescent":38289,"ĠSind":38290,"ĠDrain":38291,"Ġmonothe":38292,"Ġtreasury":38293,"ĠMinerals":38294,"ĠCounties":38295,"Ġdisappro":38296,"graphs":38297,"ĠRoads":38298,"ĠPassword":38299,"DH":38300,"Dental":38301,"bm":38302,"ĠSensing":38303,"ĠDover":38304,"Ġunp":38305,"Ġdefy":38306,"Ġgroupings":38307,"office":38308,"Ġillustrative":38309,"Ġ{})":38310,"Ġchronicles":38311,"ĠInflammation":38312,"Ġbombardment":38313,"Ball":38314,"zt":38315,"Ġbays":38316,"acons":38317,"Ġkeyboards":38318,"ĠLabrador":38319,"Ġdeserted":38320,"Ġirritating":38321,"ĠManufacturers":38322,"Correct":38323,"Kh":38324,"Ġcasing":38325,"esque":38326,"ifs":38327,"ĠDocker":38328,"ellation":38329,"ĠOrders":38330,"Ġhypnosis":38331,"groupby":38332,"Ġsimplifying":38333,"ĠByzant":38334,"Ġperennials":38335,"Ġmaiden":38336,"Ġff":38337,"ĠMog":38338,"ĠNem":38339,"Ġdetach":38340,"yna":38341,"Ġwarms":38342,"Ġstealth":38343,"Ġquantified":38344,"ETS":38345,"Ġforwards":38346,"Ġbottlen":38347,"AML":38348,"ĠNewsletter":38349,"Maximum":38350,"Skip":38351,"Increased":38352,"ĠTutorial":38353,"Ġdashboard":38354,"Ġdecimals":38355,"Ġmetro":38356,"Ġmarkup":38357,"onese":38358,"rapist":38359,"Ġatmospheres":38360,"Ġmalle":38361,"Subthreshold":38362,"ĠHandle":38363,"ĠUrdu":38364,"Ġintensify":38365,"ĠCopern":38366,"Identifier":38367,"Ġaptitude":38368,"Ġplaintiff":38369,"%;":38370,"Mess":38371,"rarily":38372,"zier":38373,"Ġsown":38374,"ĠBri":38375,"ieg":38376,"ĠOrche":38377,"Ġinterprets":38378,"Overview":38379,"Ġgroin":38380,"ĠParticipate":38381,"Ġcoincided":38382,"Ġunconditional":38383,"ĠPreventive":38384,"Schedule":38385,"ĠAeron":38386,"ĠRapp":38387,"Ġautonomic":38388,"Ġmilitant":38389,"Breast":38390,"Ġanecdotal":38391,"/~":38392,"CU":38393,"ĠACS":38394,"odder":38395,"ĠDEL":38396,"perate":38397,"Ġcli":38398,"Ġdeserving":38399,"(\"<":38400,"Ġcalculators":38401,"ĠDirectors":38402,"Ġunderserved":38403,"Ġvisceral":38404,"ĠGujarat":38405,"Ġincom":38406,"Ġdw":38407,"Ġdisabling":38408,"Ġslate":38409,"Ġillusions":38410,"iltration":38411,"pletely":38412,"Ġglossy":38413,"Semitism":38414,"INA":38415,"Northern":38416,"saved":38417,"etrics":38418,"umably":38419,"ĠHSV":38420,"ĠThyroid":38421,"Ġsmog":38422,"overflow":38423,"texts":38424,"Ġdebit":38425,"ĠGlou":38426,"Ġtranslucent":38427,"rottle":38428,"Ġcarnivores":38429,"Ġdelect":38430,"ĠHerman":38431,"Ġscam":38432,"Ġcomplements":38433,"prone":38434,"ĠWhale":38435,"ĠDewey":38436,"Ġmassac":38437,"ĠAntiqu":38438,"Ġdefeating":38439,"Ġrabbis":38440,"roscopic":38441,"////////":38442,"finding":38443,"æĮ":38444,"aden":38445,"Ġripples":38446,"ĠDraft":38447,"Ġcaller":38448,"likes":38449,"ĠCommunists":38450,"faiss":38451,"Ġpuppets":38452,"Ġweddings":38453,"Clearly":38454,"Ġeuph":38455,"Cover":38456,"Years":38457,"zoom":38458,"Ġthym":38459,"othed":38460,"console":38461,"appiness":38462,"ĠAdministrator":38463,"jj":38464,"picture":38465,"ĥ½":38466,"Ġay":38467,"enties":38468,"uca":38469,"Ġfullest":38470,"Ġmodernist":38471,"ungs":38472,"Ġclosures":38473,"ĠGreenhouse":38474,"Ġsatisfies":38475,"Ġirradiation":38476,"Ġdexter":38477,"quick":38478,"ĠDong":38479,"Ġseag":38480,"Ġperplex":38481,"Ġwatermelon":38482,"ĠWhites":38483,"require":38484,"Ġslipping":38485,"Ġdeported":38486,"possibly":38487,"Ġexcretion":38488,"Ġetiology":38489,"Ġerode":38490,"fecture":38491,"Ġmagnifying":38492,"ĠSTE":38493,"skirts":38494,"Ġhatched":38495,"ĠConsulting":38496,"Curious":38497,"Ġmarches":38498,"Ġeyewitness":38499,"!\",":38500,"uté":38501,"Ġhyster":38502,"ĠAbel":38503,"naire":38504,"Ġmildly":38505,".âĢ¦":38506,"Sus":38507,"iagn":38508,"ĠBodies":38509,"ĠNK":38510,"REM":38511,"Ġpuzzling":38512,"Ġcraftsmen":38513,"Ġnourishing":38514,"abstractmethod":38515,"Ġsluggish":38516,"ĠMennonite":38517,"flex":38518,"tract":38519,"Ġalumni":38520,"ĠROS":38521,"ceptors":38522,"Ġsidewalk":38523,"Ġsleepy":38524,"fourth":38525,"Ġresignation":38526,"ĠPreliminary":38527,"Econom":38528,"ĠTrading":38529,"adena":38530,"ĠPitt":38531,"Ġemulate":38532,"ĠQuad":38533,"matmul":38534,"ĠSubsequent":38535,"ĠWordPress":38536,"edient":38537,"ĠDual":38538,"Ġimposes":38539,"Ġevils":38540,"Ġmodem":38541,"ĠRevision":38542,"Ġbooming":38543,"URN":38544,"ĠWilde":38545,"ĠSPF":38546,"Cyber":38547,"Ö´":38548,"ĠCattle":38549,"Ġnotoriously":38550,"ĠThing":38551,"Ġhereby":38552,"ĠXu":38553,"Ġprophecies":38554,"catching":38555,"atu":38556,"rooted":38557,"asyn":38558,"ĠSG":38559,"ĠFract":38560,"ichia":38561,"ĠOsw":38562,"Ġtrailer":38563,"licting":38564,"à¤ķ":38565,"Enabled":38566,"ĠMuseums":38567,"Ġcardiomy":38568,"Relations":38569,"Broad":38570,"YP":38571,"fib":38572,"ĠPrices":38573,"assignment":38574,"ĠMario":38575,"Ġresistors":38576,"ampling":38577,"ĠGERD":38578,"imgs":38579,"ĠLing":38580,"ishments":38581,"Ġskipped":38582,"Ġdelinqu":38583,"Ġjoys":38584,"Extra":38585,"Ġsquadron":38586,"Ġlandslides":38587,"iton":38588,"idan":38589,"church":38590,"Ġmonst":38591,"monitoring":38592,"Ġuric":38593,"Bytes":38594,"Ġsonar":38595,"Ġventil":38596,"ĠPrintable":38597,"Ġtransfusion":38598,"Ġâī¤":38599,"Ġventricle":38600,"%|":38601,"gren":38602,"ipl":38603,"matter":38604,"ĠPestic":38605,"ĠDolph":38606,"ĠLil":38607,"Ġtransmits":38608,"ĠProspect":38609,"ĠConrad":38610,"Ġdonkey":38611,"Ġparentheses":38612,"ĠCaliforn":38613,"ynamics":38614,"ĠJanet":38615,"Ġsnowfl":38616,"Ġunsatis":38617,"Ġbleak":38618,"ĠBrock":38619,"batches":38620,"Ġreinforcements":38621,"Ġhindering":38622,"ĠIG":38623,"ĠFinger":38624,"ĠChim":38625,"ĠKingston":38626,"printed":38627,"Ġtimet":38628,"Ġbulky":38629,"Ġsavage":38630,"ĠLaTeX":38631,"ĠJerome":38632,"Ġnanoscale":38633,"Paris":38634,"Ġshady":38635,"Ġinstantaneous":38636,"Ġhindered":38637,"Ġhurdle":38638,"ĠSynthetic":38639,"ĠEmphasis":38640,"ĠCoronavirus":38641,"Ġreciprocity":38642,".?":38643,"rath":38644,"ĠTract":38645,"ĠFlickr":38646,"Ġuninterrupted":38647,"avage":38648,"Ġfirstly":38649,"ĠComet":38650,"incarnation":38651,"edias":38652,"retching":38653,"Arg":38654,"Ġalgorithmic":38655,"Ġmysticism":38656,"ĠPotomac":38657,"ĠAutomation":38658,"WT":38659,"Ġhops":38660,"ĠTN":38661,"acion":38662,"ellery":38663,"Ġallotted":38664,"Ġsoaps":38665,"Ġrelinqu":38666,"([])":38667,"Ġearns":38668,"ĠHiggs":38669,"Ġundermines":38670,"opsy":38671,"getitem":38672,"Ġamusing":38673,"Ġdistressed":38674,"coef":38675,"Conservation":38676,"Ġhieroglyph":38677,"Ġfluxes":38678,"Ġincarcerated":38679,"[...,":38680,"iad":38681,"sville":38682,"ĠDF":38683,"Ġinsured":38684,"Stats":38685,"ĠChristine":38686,"ĠPatel":38687,"Ġblacksmith":38688,"Ġgonna":38689,"ĠVernon":38690,"gathere":38691,"Ġimpulsive":38692,"Ġfeasts":38693,"atham":38694,"Ġinsane":38695,",''":38696,"Days":38697,"ĠMovie":38698,"ĠHello":38699,"ERO":38700,"ĠXP":38701,"Ġfigs":38702,"Ġdividend":38703,"ие":38704,"ĠCalculator":38705,"Ġchromatography":38706,"Ġalfalfa":38707,"Royal":38708,"elius":38709,"Ġgird":38710,"Ġcomrades":38711,"Ġenvis":38712,"assa":38713,"henge":38714,"hatma":38715,"Ġcompleteness":38716,"ĠSTD":38717,"Ġracially":38718,"Ġnuns":38719,"rail":38720,"Ġrv":38721,"Ġovertime":38722,"getenv":38723,"Ġcreed":38724,"deleted":38725,"Ġrestricts":38726,"[:]":38727,"Ġcocktail":38728,"Ġdelimiter":38729,"cels":38730,"dough":38731,"ĠDul":38732,"||||":38733,"Ġ{:.":38734,"Ġcircus":38735,"Ġnurseries":38736,"Ġillegit":38737,"ĠDebate":38738,"iety":38739,"atlantic":38740,"andez":38741,"ĠThy":38742,"ĠLeeds":38743,"ĠXI":38744,"Ġdangerously":38745,"以":38746,"Ġelucidating":38747,"ĠButterfly":38748,"hythmias":38749,"oine":38750,"ĠJS":38751,"angan":38752,"Ġscall":38753,"Ġdevout":38754,"Ans":38755,"flav":38756,"indexes":38757,"ĠRadical":38758,"на":38759,"Ġdeteriorating":38760,"Ġcoyotes":38761,"Ġamalgam":38762,"Snow":38763,"omies":38764,"Ġblaming":38765,"ĠCherry":38766,"Zero":38767,"ĠCholesterol":38768,"ĠCaliph":38769,"स":38770,"ĠJudicial":38771,"Ġtempfile":38772,"Ġflagship":38773,"ĠObservations":38774,"Ġpsyched":38775,"Ġforeshad":38776,"Sa":38777,"Ġliner":38778,"Ġgaz":38779,"cled":38780,"ledged":38781,"Ġfreeing":38782,"remember":38783,"ĠSeasonal":38784,"woven":38785,"Ġpious":38786,"Ġbystand":38787,"ĠDP":38788,"Ġclassmate":38789,"ĠZimmer":38790,"Ġpolyester":38791,"Ġrigidity":38792,"Ġdegrading":38793,"Ġdubious":38794,"(('":38795,"fiber":38796,"Ġhoc":38797,"Ġdipped":38798,"))))":38799,"Ġpsychologically":38800,"ĠEnhancing":38801,"ĠMiguel":38802,"ĠEas":38803,"ĠREST":38804,"ĠNun":38805,"ovic":38806,"ceptives":38807,"Ġskirm":38808,"prepare":38809,"Ġtapes":38810,"Ġintensities":38811,"ĠFacilities":38812,"ĠStaying":38813,"Ġcranial":38814,"ĠCoss":38815,"cyl":38816,"inki":38817,"Ġlongtime":38818,"Ġskillet":38819,"Ġcommissioner":38820,"ομ":38821,"ĠPermission":38822,"ĠMinecraft":38823,"leneck":38824,"Ġeject":38825,"Ġchilly":38826,"overning":38827,"Ġpressured":38828,"Ġswinging":38829,"ĠAppeals":38830,"Ġpropelled":38831,"ĠIntergovernmental":38832,"Ġsnowy":38833,"nourished":38834,"sense":38835,"Ġthieves":38836,"uders":38837,"ĠGri":38838,"Ġemph":38839,"Ġcleft":38840,"ĠShannon":38841,"Ġsensational":38842,"Ġpropeller":38843,"ĠPassive":38844,"quantity":38845,"ĠPOST":38846,"ĠMythology":38847,"Ġfmt":38848,"Ġreclaimed":38849,"Ġlinger":38850,"ĠDAM":38851,"Ġbrink":38852,"ĠHelena":38853,"ĠDistributed":38854,"Ġsinful":38855,"ĠHospitals":38856,"Ġchronically":38857,"Ġcarpenter":38858,"ĠEntrepreneurs":38859,"Ġurethra":38860,"Mars":38861,"alions":38862,"Ġreferrals":38863,"alese":38864,"ĠCommunicate":38865,"transl":38866,"altitude":38867,"Compared":38868,"åħ¥":38869,"ophilus":38870,"ĠCzechoslovakia":38871,"researc":38872,"ĠSJ":38873,"ĠJC":38874,"ianic":38875,"Ġmodulate":38876,"Ġsuburb":38877,"ahili":38878,"umped":38879,"ĠMcCl":38880,"grave":38881,"ĠMorph":38882,"Ġarmour":38883,"nsics":38884,"Signal":38885,"/\",":38886,"ĻĤ":38887,"isot":38888,"istas":38889,"Ġleaching":38890,"Ġcompiling":38891,"ĠJR":38892,"Ġrecal":38893,"{}\".":38894,"ĠOpening":38895,"Limit":38896,"candidate":38897,"ousseau":38898,"Ġhut":38899,"Ġitiner":38900,"obias":38901,"Ġphobia":38902,"Ġbarbec":38903,"Ġfairs":38904,"ocrats":38905,"Ġcoords":38906,"Ġdielectric":38907,"Ġattendant":38908,"Lew":38909,"ĠAren":38910,"ĠPied":38911,"Ġresize":38912,"ovable":38913,"Ġdownfall":38914,"themed":38915,"Ġconstitutions":38916,"tones":38917,"riminals":38918,"ĠBiochemistry":38919,"Ġprovenance":38920,"ĠEverest":38921,"eh":38922,"Ġbouts":38923,"ĠkWh":38924,"ĠStaphylococcus":38925,"ĠReaction":38926,"Ġequinox":38927,"disable":38928,"Ġidols":38929,"dimensions":38930,"Ġkillers":38931,"Represent":38932,"Ġintrinsically":38933,"ĠProtective":38934,"ĠGentiles":38935,"rude":38936,"ummer":38937,"Ġsaff":38938,"Ġdepreciation":38939,"evil":38940,"ĠBahá":38941,"Ġmantra":38942,"Ġglutathione":38943,"Ġrooftop":38944,"Ġbp":38945,"Ġsoothe":38946,"Ġendpoints":38947,"Exit":38948,"Ġhunts":38949,"Ġreassurance":38950,"Ġbetrayed":38951,"ĠStrept":38952,"Ġretrospect":38953,"vac":38954,"won":38955,"Ġ\"...":38956,"Ġestuary":38957,"...')":38958,"ĠHealthwise":38959,"ĠIsraelite":38960,"ĠSTUD":38961,"ĠSubjects":38962,"Brazil":38963,"Ġcondemnation":38964,"CREATE":38965,"Ġilluminates":38966,"xes":38967,"Ġinplace":38968,"Ġspit":38969,"ordinary":38970,"Ġbilling":38971,"ĠArtistic":38972,"ĠTimor":38973,"Ġsubsets":38974,"Ġundetected":38975,"Jon":38976,"etting":38977,"ĠIRS":38978,"abl":38979,"ĠHym":38980,"ĠReverse":38981,"ĠLots":38982,"ĠOphthalm":38983,"please":38984,"ivering":38985,"ĠThatcher":38986,"Ġredress":38987,"Ġcloset":38988,"Ġextremity":38989,"Ġwalnut":38990,"Ġcyanide":38991,"Ġwaving":38992,"Ġbaker":38993,"Ġdp":38994,"osher":38995,"ĠRoles":38996,"Ġpee":38997,"Ġhealthful":38998,"Ġexponent":38999,"ĠSean":39000,"Ġaccessory":39001,"Ġswirling":39002,"ĠSomali":39003,"ĠImpression":39004,"ĠAudience":39005,"Numbers":39006,"Ġeyelid":39007,"Cache":39008,"ĠTP":39009,"ogel":39010,"apagos":39011,"Ġlistings":39012,"ĠCelebrate":39013,"Ċĉĉĉĉĉĉĉĉĉĉĉĉĉĉĉĉĉĉ":39014,"Ġimmunosupp":39015,"dust":39016,"sit":39017,"safety":39018,"igi":39019,"opatra":39020,"ĠGaut":39021,"apo":39022,"isement":39023,"ĠSof":39024,"APA":39025,"UTE":39026,"Ġcosine":39027,"Ġaccommodating":39028,"Ġrecalling":39029,"Ġchampioned":39030,"Ġaffirmations":39031,"Century":39032,"ĠEverglades":39033,"ĠCatalog":39034,"Ġbounty":39035,"Victor":39036,"Ġcork":39037,"Ġlender":39038,"imia":39039,"Ġperiodont":39040,"afi":39041,"ARM":39042,"Protein":39043,"Ġburials":39044,"Ġdenounced":39045,"Ġanthropologist":39046,"Ġunnecessarily":39047,"Ġteaspoons":39048,"Ġsprawling":39049,"³":39050,"essors":39051,"ĠPerc":39052,"ĠQuin":39053,"Ġstreamlining":39054,"Ġcourtship":39055,"ĠEuclidean":39056,"Ġantidepressant":39057,"Chem":39058,"ËIJ":39059,"Ġnos":39060,"ĠAub":39061,"Ġunifying":39062,"Ġardu":39063,"ensors":39064,"lectic":39065,"foreign":39066,"Ġantiretroviral":39067,"Ġassertive":39068,"launch":39069,"uhan":39070,"ĠFarms":39071,"Ġlapar":39072,"Ġâī¥":39073,"Moon":39074,"hundred":39075,"çº":39076,"Ġbeets":39077,"izal":39078,"Enh":39079,"Apple":39080,"Ġscaffolding":39081,"Ġpamphlet":39082,"Jim":39083,"é¢":39084,"anian":39085,"Ġmorn":39086,"Ġchassis":39087,"ĠDed":39088,"Ġthence":39089,"ĠPerkins":39090,"ĠTwin":39091,"ĠExplanation":39092,"Ġremovable":39093,"Ġreformers":39094,"Regarding":39095,"Ġnostrils":39096,"ĠPac":39097,"ĠGore":39098,"ĠGert":39099,"Ġinventive":39100,"ĠSubmit":39101,"Ġrubble":39102,"ĠPCBs":39103,"ĠInspection":39104,"Ġuneasy":39105,"Texas":39106,"Ġsystolic":39107,"GDP":39108,"billion":39109,"kary":39110,"inative":39111,"Ġni":39112,"Ġanime":39113,"ĠTheories":39114,"Ġscoliosis":39115,"ĠSpelling":39116,"ĠInterpre":39117,"ĠOffering":39118,"Ġsoreness":39119,"environmental":39120,"PeerClass":39121,"Okay":39122,"ĠLuxembourg":39123,"Ġdwindling":39124,"ĠNeanderthals":39125,"lion":39126,"Ġmk":39127,"shapes":39128,"references":39129,"ĠPCA":39130,"tagged":39131,"Curve":39132,"ĠBridging":39133,"ĠChernobyl":39134,"ĠTil":39135,"owler":39136,"Ġemitter":39137,"deploy":39138,"been":39139,"ĠAbility":39140,"DEP":39141,"Extension":39142,"Ġsuccinct":39143,"Popular":39144,"swigfaiss":39145,"ĠFelix":39146,"ĠZoroast":39147,"Da":39148,"Lake":39149,"Pad":39150,"ulner":39151,"ĠMilit":39152,"neuro":39153,"ĠReconciliation":39154,"Ġinsurers":39155,"problems":39156,"Ġdrifting":39157,"ĠResidential":39158,"Ġesoteric":39159,"ĠPupp":39160,"degrees":39161,"LOGY":39162,"Ġbargain":39163,"raf":39164,"ĠRocket":39165,"Ġadorable":39166,"Ġclassifying":39167,"Ġopting":39168,"Ġrunaway":39169,"Ġprimordial":39170,"Ġexcitation":39171,"ĠMillions":39172,"ĠCrater":39173,"CNN":39174,"ĠSymbols":39175,"Ġexemptions":39176,"papers":39177,"ĠCW":39178,"ĠBinary":39179,"aget":39180,"Ġpoop":39181,"encers":39182,"Regression":39183,"ISTORY":39184,"ĠEntertainment":39185,"ĠAlgorithms":39186,"Hg":39187,"TABLE":39188,"zhou":39189,"Ġstom":39190,"ĠIo":39191,"ĠHOW":39192,"unking":39193,"earcher":39194,"Ġantid":39195,"Ġsuperintendent":39196,"Ġfascia":39197,"ĠBloomberg":39198,"isput":39199,"thin":39200,"arton":39201,"placing":39202,"Ġsouthward":39203,"Ġphenotypes":39204,"ĠSocialism":39205,"diag":39206,"Ġdysfunctional":39207,"Africa":39208,"Ġautobiographical":39209,"UPDATE":39210,"bull":39211,"uations":39212,"ĠThess":39213,"acus":39214,"ĠBD":39215,"Ġfaction":39216,"Ġzodiac":39217,"Ġnegativity":39218,"ependency":39219,"ĠBanking":39220,"VALUE":39221,"ĠMeteorological":39222,"ĠWheeler":39223,"buff":39224,"hurst":39225,"essa":39226,"Ġshafts":39227,"Ġmetropolis":39228,"ĠPercy":39229,"Ġwidened":39230,"ĠBelle":39231,"Activities":39232,"effectiveness":39233,"ĠFriendship":39234,"Ġpolynomials":39235,"Ġeuros":39236,"Permissions":39237,"international":39238,"Ġthumbs":39239,"ĠPaw":39240,"Ġchant":39241,"ĠRiley":39242,"Ġpeeled":39243,"Ġfacade":39244,"Ġmovable":39245,"Ġmanufactures":39246,"Ġfreshness":39247,"Ġspaceship":39248,"Ġguesses":39249,"Georg":39250,"ĠNatl":39251,"Nan":39252,"roring":39253,"winter":39254,"Ġplur":39255,"ipient":39256,"ictions":39257,"tingham":39258,"ĠProverbs":39259,"Ġpersona":39260,"Ġslabs":39261,"ĠHarbour":39262,"Ġstraws":39263,"Ġgamers":39264,"intendo":39265,"ĠVictims":39266,"hw":39267,"uator":39268,"µ":39269,"idious":39270,"Ġpetitions":39271,"Ġapric":39272,"ĠDelving":39273,"ĠSanders":39274,"potential":39275,"ĠVegetable":39276,"occupation":39277,"âĢ¦âĢ¦âĢ¦âĢ¦":39278,"Ġsleeve":39279,"greens":39280,"ĠAdvertising":39281,"Half":39282,"hdf":39283,"veget":39284,"otrophic":39285,"Ġsubjug":39286,"Ġpresupp":39287,"bersome":39288,"Ġphenomenal":39289,"FAIL":39290,"ĠVictory":39291,"Ġhomeschooling":39292,"ĠCrawford":39293,"Grant":39294,"military":39295,"ĠSOC":39296,"Ġperic":39297,"ĠKot":39298,"Ġliturgy":39299,"Ġunsaturated":39300,"ĠBurk":39301,"ĠIntelligent":39302,"Ġrebellious":39303,"Ġevacuate":39304,"aguar":39305,"Ġundeniable":39306,"Hom":39307,"SIM":39308,"nation":39309,"å±":39310,"estrian":39311,"osus":39312,"Ġoffended":39313,"Letter":39314,"ĠGravity":39315,"Ġsinuses":39316,"Ġgastroenter":39317,"committee":39318,"Ġcorticosteroids":39319,"Mask":39320,"blu":39321,"stores":39322,"ĠLar":39323,"agged":39324,"Ġoutskirts":39325,"Ġtimeframe":39326,"obl":39327,"Ġdistort":39328,"ĠTeresa":39329,"Ġtaxed":39330,"ĠDefinitions":39331,"UNCT":39332,"ĠOttomans":39333,"Ġpiercing":39334,"ĠSynthesis":39335,"Ġtranquil":39336,"ĠHastings":39337,"jit":39338,"mart":39339,"vd":39340,"ĠCVD":39341,"ĠBoat":39342,"ĠNucle":39343,"ĠDetailed":39344,"Ġpraising":39345,"οÏĤ":39346,"ĠRajas":39347,"ĠZurich":39348,"Iran":39349,"edipus":39350,"Ġyolk":39351,"ĠACM":39352,"ĠVall":39353,"ĠRecon":39354,"Ġminced":39355,"Ġmaterialism":39356,"Ġlinewidth":39357,"Ġcytoplasm":39358,"Ġsurgically":39359,"ĠElectro":39360,"Ġthermodynamics":39361,"|'='":39362,"Ġascribed":39363,"ĠCSR":39364,"ĠFerry":39365,"Ġesophageal":39366,"Oil":39367,"grained":39368,"Ġnargs":39369,"ĠAce":39370,"Ġrm":39371,"ĠDDT":39372,"ĠGob":39373,"versed":39374,"ĠAdded":39375,"Ġaudible":39376,"Ġboxing":39377,"Ġordin":39378,"ĠSkill":39379,"atherapy":39380,"=[],":39381,"Ġfurnaces":39382,"Ġserialized":39383,"bones":39384,"ĠCodes":39385,"ĠFY":39386,"omega":39387,"ĠOrlando":39388,"ĠAgents":39389,"ĠEMF":39390,"ĠBarton":39391,"Illust":39392,"Il":39393,"gling":39394,"migration":39395,"Ġmah":39396,"gean":39397,"ĠLean":39398,"Ġfibromyalgia":39399,"ĠBlackwell":39400,"ĠSeneca":39401,"Ġsighting":39402,"ĠMultip":39403,"Ġtiredness":39404,"Ġfalsely":39405,"iagnosed":39406,"aloader":39407,"Ġbinder":39408,"adir":39409,"oden":39410,"ĠPG":39411,"ĠLSD":39412,"ellant":39413,"idea":39414,"ertile":39415,"Ġdefinit":39416,"ĠSeas":39417,"Ġtoolbox":39418,"Ġmisdiagn":39419,"Ġdramas":39420,"ĠWindsor":39421,"ĠChemicals":39422,"Participants":39423,"ĠLinkedIn":39424,"ĠMonastery":39425,"KA":39426,"Wa":39427,"{\"":39428,"Ġnig":39429,"ĠDres":39430,"Ġglare":39431,"('./":39432,"Ġpurpos":39433,"Ġstructuring":39434,"ĠJudgment":39435,"Ġumbilical":39436,"Alexander":39437,"ĠUruguay":39438,"Ġtann":39439,"ĠPes":39440,"Ġoutages":39441,"unta":39442,"ĠMonkey":39443,"Ġunsus":39444,"Ġhybridization":39445,"ĠmiR":39446,"Ġprosthetic":39447,"ĠMalaysian":39448,"ĠGentle":39449,"ĠEuph":39450,"idopsis":39451,"ustaining":39452,"Ġtwitter":39453,"scaled":39454,"Italian":39455,"Ġpressurized":39456,"ĠTransit":39457,"Ġrubbish":39458,"Ġcompromises":39459,"Ġespionage":39460,"Audio":39461,"ĠProteins":39462,"ĠLymph":39463,"inez":39464,"Ġsauté":39465,"Ġbusinessmen":39466,"Ġaesthetically":39467,"VERY":39468,"ĠDickinson":39469,"ĠBurning":39470,"Ġresurrect":39471,"Ġfaucet":39472,"mins":39473,"Ġpprint":39474,"Ġlaz":39475,"thyroidism":39476,"Ġtrill":39477,"Ġsubnet":39478,"Ġrepatri":39479,"ĠProhibition":39480,"Ġaccountants":39481,"Ġtasted":39482,"Ġslugs":39483,"ĠBoundaries":39484,"Ġgeometrical":39485,"TEXT":39486,"ndim":39487,"least":39488,"ĠPsy":39489,"este":39490,"osi":39491,"intuitive":39492,"Ġpolishing":39493,"ĠExeter":39494,"Ġpictorial":39495,"Ġantihist":39496,"Ġcumbersome":39497,"Ġscraping":39498,"ĠHugo":39499,"ĠHappiness":39500,"Ġstaples":39501,"Ġapprehension":39502,"Binary":39503,"ĠICC":39504,"ffer":39505,"erey":39506,"Ġspanned":39507,"meat":39508,"Ġgreenery":39509,"ĠEthn":39510,"Ñģк":39511,"ĠBias":39512,"hedron":39513,"arcane":39514,"Ġinitialization":39515,"Ġtremors":39516,"experience":39517,"knit":39518,"NER":39519,"crapers":39520,"odom":39521,"Ġintoler":39522,"Ġbrute":39523,"swap":39524,"ĠManuscript":39525,"Ġpondered":39526,"Ġflashlight":39527,"Ġcryptographic":39528,"Ġwhispered":39529,"ĠSMART":39530,"bilt":39531,"uces":39532,"Ġyr":39533,"ĠCoca":39534,"exposure":39535,"ĠClaus":39536,"numerable":39537,"Parse":39538,"Considering":39539,"Ġtighten":39540,"Ġmicrons":39541,"Ġpellet":39542,"Ġechoing":39543,"Ġunheard":39544,"mq":39545,"oitation":39546,"esp":39547,"alom":39548,"opards":39549,"Ġcontr":39550,"Ġeasing":39551,"opez":39552,"seeing":39553,"ĠConfidence":39554,"ĠIVF":39555,"mindedness":39556,"Ġequatorial":39557,"ĠGriffin":39558,"dating":39559,"vii":39560,"Ġsard":39561,"animate":39562,"angled":39563,"ĠArlington":39564,"ĠCorner":39565,"ĠConfederates":39566,"Ġdissolves":39567,"Ġinsufficiency":39568,"ĠTensorFlow":39569,"Java":39570,"Les":39571,"grey":39572,"hah":39573,"Ġreigned":39574,"ĠCube":39575,"acci":39576,"ioid":39577,"ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":39578,"ĠOncology":39579,"compan":39580,"ĠMonster":39581,"Ġvertebral":39582,"Ġassimilate":39583,"Ġescalated":39584,"Ġeryth":39585,"lysses":39586,"Ġfiercely":39587,"!âĢĻ":39588,"ĠHuss":39589,"Ġclams":39590,"Ġdiodes":39591,"ĠExposition":39592,"worked":39593,"Ġfootnote":39594,"Noise":39595,"ĠStraight":39596,"ĠGalilee":39597,"ĠHussein":39598,"cad":39599,"voice":39600,"ĠSang":39601,"nton":39602,"ĠGn":39603,"Ġstructurally":39604,"dataframe":39605,"Ġswear":39606,"ebted":39607,"Ġseasonings":39608,"ĠPatterson":39609,"ĠBrut":39610,"DEs":39611,"Ġivy":39612,"ĠSikhs":39613,"Ãī":39614,"ĠTay":39615,"ĠSAR":39616,"ĠSinger":39617,"ĠUF":39618,"ĠIncluded":39619,"Ġcapillaries":39620,"Ġloom":39621,"ĠPresence":39622,"Ġθ":39623,"ĠBetty":39624,"Ġbiofilm":39625,"Ġodour":39626,"ĠRaises":39627,"Ġdisappointing":39628,"Technical":39629,"Ġencephalitis":39630,"Ġculmination":39631,"Pages":39632,"Ġaorta":39633,"ĠSays":39634,"Ġascent":39635,"Ġxrange":39636,"INST":39637,"ophan":39638,"Ġcommandment":39639,"Ġmisses":39640,"Ġdysplasia":39641,"ĠPowder":39642,"Ġaristocratic":39643,"ĠBulgarian":39644,"Hay":39645,"kor":39646,"surgical":39647,"èĢ":39648,"Ġtattoos":39649,"Ġrenaissance":39650,"ulose":39651,"Ġdiseng":39652,"ĠKiss":39653,"ĠVia":39654,"Ġwatercolor":39655,"Ġissu":39656,"---------------------":39657,"randn":39658,"Ġbadges":39659,"Ġcoldest":39660,"\"[":39661,"ĠMalt":39662,"ĠEdu":39663,"Ġeleventh":39664,"Ġantiques":39665,"Ġcharacterizing":39666,"Deut":39667,"Ġjoyous":39668,"Ġembodying":39669,"ĠMATLAB":39670,"Virgin":39671,"iÄĩ":39672,"ctrl":39673,"seeds":39674,"ĠMV":39675,"ĠMAN":39676,"Ġbyproduct":39677,"Ġwashes":39678,"ĠGear":39679,"Ġpoisons":39680,"Ġengross":39681,"Ġcivilisation":39682,"ĠPhysician":39683,"carb":39684,"ĠInnovations":39685,"phenotype":39686,"Ġvesicles":39687,"terranean":39688,"Ġole":39689,"Ġbordering":39690,"Ġcoastlines":39691,"BMI":39692,"Ġpuncture":39693,"ĠProbability":39694,"Ġmediators":39695,"NIH":39696,"Possible":39697,"chini":39698,"ĠMuse":39699,"Ġviv":39700,"ĠLemon":39701,"Ġnonprofits":39702,"Ġinitialized":39703,"Ġmultiplier":39704,"Ġdosages":39705,"ĠBeliefs":39706,"Sunday":39707,"Ġnebula":39708,"IoT":39709,"_'":39710,"ĠSulf":39711,"ĠCove":39712,"ĠFiji":39713,"Ġlabou":39714,"Construct":39715,"ég":39716,"ĠNehru":39717,"Compet":39718,"ĠMexicans":39719,"Ġhomogen":39720,"Ġadvisers":39721,"Construction":39722,"ĠSchwartz":39723,"ĠBorneo":39724,"ĠSpl":39725,"Ġunamb":39726,"Ġthemed":39727,"ubile":39728,"Ġoverd":39729,"Ġskirt":39730,"lander":39731,"Ġ:-":39732,"ĠParagu":39733,"Means":39734,"Ġresonant":39735,"ĠPete":39736,"ĠReflecting":39737,"creative":39738,"PIPE":39739,"gary":39740,"Ġhanged":39741,"ĠCly":39742,"ĠMerr":39743,"manifest":39744,"Ġsworn":39745,"Ġexecutions":39746,"Ġcatchy":39747,"ĠCheng":39748,"ĠInstitutional":39749,"affeine":39750,"Ġelaborated":39751,"Money":39752,"tom":39753,"elman":39754,"raised":39755,"ĠSach":39756,"Ġshaken":39757,"chev":39758,"Ġinventories":39759,"paying":39760,"Ġinterruptions":39761,"ĠCOR":39762,"Ġdiscontent":39763,"Ġmanpower":39764,"Ġspilled":39765,"onsai":39766,"Ġministries":39767,"rentice":39768,"Ġprotested":39769,"Ġliberals":39770,"Ġfiller":39771,"Actually":39772,"ĠURLs":39773,"ĠLexington":39774,"ĠDoppler":39775,"CAM":39776,"Pu":39777,"Tre":39778,"_[":39779,"fax":39780,"hun":39781,"agging":39782,"Ġjul":39783,"Ġregained":39784,"Ġreprint":39785,"UTF":39786,"Operator":39787,"Ġreshaping":39788,"Consequ":39789,"styles":39790,"ĠCron":39791,"ako":39792,"Ġswam":39793,"Ġexpository":39794,"ĠDenis":39795,"ĠAvoiding":39796,"ĠAffordable":39797,"Ġdynasties":39798,"ĠASCII":39799,"GAN":39800,"Ġtighter":39801,"Ġbere":39802,"ĠPius":39803,"Ġleach":39804,"ĠAdopting":39805,"Ġwrongly":39806,"ĠAngle":39807,"ĠPayment":39808,"Ġbullies":39809,"Ġsoftened":39810,"ĠApostle":39811,"ĠAthena":39812,"CAT":39813,"Gas":39814,"Sets":39815,"Tow":39816,"uates":39817,"uran":39818,"Ġoncology":39819,"ĠCache":39820,"ĠCumberland":39821,"ĠHarness":39822,"Ġseams":39823,"ĠBean":39824,"ĠLevy":39825,"ĠHighlands":39826,"ĠSeeking":39827,"rotate":39828,"Addressing":39829,"ĠForty":39830,"Neill":39831,"Capital":39832,"Ġdelectable":39833,"KN":39834,"nae":39835,"Ġdiph":39836,"ĠChican":39837,"ancock":39838,"ĠController":39839,"glut":39840,"Ġperfected":39841,"Minimum":39842,"čĊĉĉĉ":39843,"Grad":39844,"HOD":39845,"noun":39846,"xls":39847,"Ġmetac":39848,"contrast":39849,"ĠKeyboard":39850,")/(":39851,"Ġepithelium":39852,"ĠReasoning":39853,"Ġtranquility":39854,"Had":39855,"Ġtm":39856,"ologie":39857,"ĠCharge":39858,"Ġparades":39859,"ĠSpend":39860,"Ġcustomizable":39861,"ĠPerl":39862,"ĠPortal":39863,"Ġventuring":39864,"Ġbranding":39865,"Times":39866,"ĠMast":39867,"ĠPanc":39868,"Ġeaters":39869,"ĠSampling":39870,"Ġbathrooms":39871,"Ġpherom":39872,"Branch":39873,"oit":39874,"visions":39875,"{{":39876,"ĠBras":39877,"Ġenclosures":39878,"para":39879,"mbling":39880,"ĠEvening":39881,"ĠInfants":39882,"ĠImmunology":39883,"ĠPARTIC":39884,":/":39885,"Ign":39886,"Rub":39887,"Ġbri":39888,"Ġblink":39889,"axial":39890,"Ġextras":39891,"ĊĊĠĠ":39892,"ohl":39893,"Ġinjure":39894,"ĠKhmer":39895,"Ġlactation":39896,"agnetism":39897,"olan":39898,"ĠBI":39899,"ĠNou":39900,"Ġoutfile":39901,"ĠAlpine":39902,"ĠSeoul":39903,"cerpt":39904,"Ġparticipates":39905,"Ġverge":39906,"Ġinitiates":39907,"Ġtortoise":39908,"Emotional":39909,"############################################################################":39910,"Ġidolat":39911,"Ġretardation":39912,".âĢľ":39913,"Ġdella":39914,"ĠAthe":39915,"formats":39916,"manent":39917,"Ġdevising":39918,"notch":39919,"Ġcapitalists":39920,"Ġunanimously":39921,"ĠPokémon":39922,"BAL":39923,"ĠDash":39924,"ĠFixed":39925,"Ġbliss":39926,"ĠExport":39927,"ĠBeowulf":39928,"attrib":39929,"ĠCreates":39930,"FCs":39931,"ĠResponses":39932,"Ġrecombinant":39933,"Ġexhilarating":39934,"Ġarduous":39935,"])))":39936,"outside":39937,"Ġfilmed":39938,"Weather":39939,"ĠAbigail":39940,"ĠSouthwestern":39941,"ometrics":39942,"ĠQueer":39943,"Offset":39944,"Break":39945,"ĠExpectations":39946,"Ġhorticultural":39947,"FLAGS":39948,"}-":39949,"anking":39950,"ĠHels":39951,"ĠHassan":39952,"ĠDod":39953,"Ġinflict":39954,"ĠAndean":39955,"ĠSmoke":39956,"ĠSupplements":39957,"ãģĻ":39958,"simulation":39959,"ĠUltra":39960,"Ġcasino":39961,"ĠRestaur":39962,"οÏħ":39963,"åĪ°":39964,"Ġbulletin":39965,"Ġsketching":39966,"Ġfalcon":39967,"ske":39968,"«":39969,"Ġsire":39970,"ĠCU":39971,"ĠCMS":39972,"absorption":39973,"ĠDreams":39974,"amele":39975,"Ġavant":39976,"ĠDementia":39977,"Alg":39978,"radd":39979,"keyframe":39980,"Expected":39981,"Orth":39982,"Ġdiscerning":39983,"Ġblurring":39984,"sand":39985,"ĠTact":39986,"ĠMU":39987,"ĠRating":39988,"ĠQatar":39989,"Asian":39990,"eville":39991,"Ġadministrations":39992,"uddle":39993,"TypeError":39994,"Ġpolyethylene":39995,"ĠGoods":39996,"ĠCommandments":39997,"ĠMortality":39998,"owe":39999,"Ġneoliberal":40000,"Ġdefiance":40001,"keywords":40002,"Ġcerebro":40003,"ĠCapture":40004,"νÏī":40005,"ĠSavings":40006,"Ġalbums":40007,"Ġevaporate":40008,"Ġoverheating":40009,"Ġmosaics":40010,"Ġsparrow":40011,"Ġpowerless":40012,"Ġrhinos":40013,"soci":40014,"Ġfum":40015,"Ġreorgan":40016,"ĠFS":40017,"Ġrecourse":40018,"english":40019,"Ġgoodwill":40020,"Ġhanding":40021,"Ġprogrammable":40022,"oleum":40023,"Ġcapacitance":40024,"ĠCura":40025,"Ġdiplomats":40026,"Ġmartyrs":40027,"Ġcontraceptives":40028,"ĠGitHub":40029,"onomy":40030,"isor":40031,"Ġsmel":40032,"Ġlookout":40033,"ĠIndianapolis":40034,"Sheet":40035,"Month":40036,"gateway":40037,"ĠSurveys":40038,"Ġambulance":40039,"orgetown":40040,"Cele":40041,"Dise":40042,"moon":40043,"Ġtaper":40044,"urist":40045,"ĠCoo":40046,"ĠDriver":40047,"Ġslash":40048,"Ġdogma":40049,"Complex":40050,"Ġgrabbed":40051,"Ġfemininity":40052,"structural":40053,"descriptor":40054,"cleaned":40055,"Ġsurnames":40056,"BG":40057,"Fresh":40058,"ĠAE":40059,"ĠSigma":40060,"Ġkeeper":40061,"ikers":40062,"Ġdeclarations":40063,"Ġ\\_":40064,"Ġinfecting":40065,"Ġsemic":40066,"Ġtremor":40067,"ĠRandolph":40068,"blowing":40069,"ĠAcceptance":40070,"AlterField":40071,"çİ":40072,"Ġthrom":40073,"ĠCedar":40074,"ĠHew":40075,"Ġnex":40076,"Ġallot":40077,"ĠUrs":40078,"Ġscams":40079,"ĠTok":40080,"pretrained":40081,"ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":40082,"ĠMedici":40083,"Ġhonorary":40084,"ĠRefugees":40085,"ĠDemonstrate":40086,"ĠBibcode":40087,"pressed":40088,"imread":40089,"Ġexcludes":40090,"ensibly":40091,"Ġinfin":40092,"Ġsubgroup":40093,"excel":40094,"Ġdocs":40095,"ALTH":40096,"ĠAngels":40097,"Ġaerodynamic":40098,"Geo":40099,"Ġaffirmation":40100,"inality":40101,"Ġwearer":40102,"ĠWong":40103,"Ġsausage":40104,"Ġglitter":40105,"beats":40106,"ĠBlocks":40107,"College":40108,"ĠGoldman":40109,"Ġinspector":40110,"Ġhampered":40111,"cars":40112,"Ġpas":40113,"ĠBali":40114,"Ġclippings":40115,"Ġinterl":40116,"Ġcorona":40117,"aird":40118,"ĠLibert":40119,"ĠBridges":40120,"ĠElliott":40121,"Ġlofty":40122,"alan":40123,"leader":40124,"Ġpreb":40125,"ĠArche":40126,"ĠShark":40127,"ADS":40128,"Ġmammoth":40129,"Strategy":40130,"Son":40131,"fonts":40132,"ĠCtrl":40133,"ĠBelf":40134,"ĠReservoir":40135,"ĠCanberra":40136,"ĠMedina":40137,"atti":40138,"ĠIronically":40139,"ĠPierce":40140,"(\"\")":40141,"Culture":40142,"nai":40143,"Ġuk":40144,"agiarism":40145,"Ġcurry":40146,"anyl":40147,"Ġenshr":40148,"ĠPowerful":40149,"Ġapologize":40150,"hews":40151,"redis":40152,"Ġroost":40153,"workspace":40154,"Ġpenicillin":40155,"ĠAcademia":40156,"Ġtrailbl":40157,"Estimated":40158,"Ġetymology":40159,"ĠEucharist":40160,"Ġsabotage":40161,"tuning":40162,"ĠâĢŀ":40163,"ĠVilla":40164,"Ġchariot":40165,"ĠPrompt":40166,"Ġvineyard":40167,"Elizabeth":40168,"ĠToyota":40169,"Habitat":40170,",...":40171,"lift":40172,"chronic":40173,"formula":40174,"ĠKub":40175,"Ġparticiple":40176,"ĠBeet":40177,"Ġundo":40178,"zza":40179,"Ġpolyunsaturated":40180,"Ġfleets":40181,"ĠMesoam":40182,"Ġsqueezing":40183,"Ġparanormal":40184,"%-":40185,"ж":40186,"ĠHBV":40187,"Innov":40188,"Ġtypography":40189,"Ġelegans":40190,"Ġnonviolent":40191,"Ġradiotherapy":40192,"Ġtermite":40193,"Ġwrists":40194,"gates":40195,"yi":40196,"zin":40197,"Ġsockets":40198,"Ġbooking":40199,"idians":40200,"behav":40201,"suite":40202,"ĠPosted":40203,"Ġshrinkage":40204,"ĠYahoo":40205,"Cannot":40206,"easy":40207,"Ġtad":40208,"ilog":40209,"ĠPon":40210,"ĠWILL":40211,"ĠEarn":40212,"Ġretract":40213,"Ġwidgets":40214,"ĠMarker":40215,"Ġsimplifies":40216,"Ġleaflets":40217,"odiazep":40218,"bidden":40219,"Ġsided":40220,"arid":40221,"Ġrt":40222,"Ġacuity":40223,"Ġantico":40224,"started":40225,"Ġoccupancy":40226,"ienne":40227,"ĠWayback":40228,"Ġchromosomal":40229,"ĠWhitney":40230,"Ġgrieving":40231,"Drawing":40232,"ĠMonsanto":40233,"ĠYukon":40234,"cited":40235,"ç®":40236,"oris":40237,"isational":40238,"ĠPoo":40239,"ĠDip":40240,"ĠFame":40241,"ĠAns":40242,"Ġdownhill":40243,"ĠAdoption":40244,"Ġprojector":40245,"addam":40246,"Ġgreenish":40247,"Ġserializers":40248,"人":40249,"sale":40250,"sigmoid":40251,"till":40252,"Ġrightful":40253,"Ġcrossings":40254,"Ġdramat":40255,"../../":40256,"Ġtossed":40257,"timedelta":40258,"ĠBrisbane":40259,"Flat":40260,"Ġcacao":40261,"Ġhinge":40262,"Ġ'[":40263,"Ġfirstsum":40264,"inside":40265,"Ġrefraction":40266,"Ġprofessionalism":40267,"Ġbriefing":40268,".'\"":40269,"Ġadjud":40270,"Ġcategorization":40271,"Ġdeportation":40272,"Ġgingivitis":40273,"fraction":40274,"Ñĸ":40275,"ĴĮ":40276,"Ġdemean":40277,"Ġshakespeare":40278,"astes":40279,"Ġmodal":40280,"ĠIndoor":40281,"Ġmultis":40282,"registered":40283,"Ġaccomplishing":40284,"warz":40285,"brahim":40286,"Understand":40287,"MAIN":40288,"oplasm":40289,"faith":40290,"ĠHermann":40291,"pth":40292,"Ġearthen":40293,"Ġsignifying":40294,"Ġpopped":40295,"checking":40296,"compassion":40297,"Industrial":40298,"Ġskillfully":40299,"ĠControls":40300,"ĠGalapagos":40301,"ĠChapters":40302,"ĠðŁĺ":40303,"Ġcafeter":40304,"Ġinaugural":40305,"Ġcommemorating":40306,"ĠEzra":40307,"ĠTehran":40308,"Zone":40309,"Ł¥":40310,"really":40311,"Ġdrown":40312,"ĠBacterial":40313,"akis":40314,"ipitation":40315,"oooo":40316,"Ġdrinkers":40317,"Ġaccelerates":40318,"ĠArticlePubMedGoogle":40319,"discrimination":40320,"Ġdeteriorated":40321,"Latest":40322,"Ġfluctuate":40323,"Salt":40324,"olutions":40325,"Ġencl":40326,"Ġwaterfall":40327,"setattr":40328,"arris":40329,"Ġdarkest":40330,"solar":40331,"understanding":40332,"ĠUtility":40333,"generating":40334,"Ġtightness":40335,"ĠBengali":40336,"ĠClaudius":40337,"ĠInequality":40338,"Ġndarray":40339,"Ġsetattr":40340,"Ġstoryline":40341,"ĠHelm":40342,"{}'.":40343,"Ġdecorator":40344,"Ġdressings":40345,"ĠTheoretical":40346,"Jean":40347,"fing":40348,"treat":40349,"Ġtapped":40350,"Ġdung":40351,"Ġneoc":40352,"Ġbushel":40353,"Ġpatterned":40354,"Ġprophes":40355,"Ġadjusts":40356,"Seven":40357,"feats":40358,"viks":40359,"ĠAutomatic":40360,"typical":40361,"Ġcloak":40362,"Ġobliv":40363,"ĠStruggle":40364,"mil":40365,"wife":40366,"Ġï¬ģ":40367,"ĠRanger":40368,"akin":40369,"Ġretic":40370,"Ġgreenhouses":40371,"evolution":40372,"Ġknit":40373,"ĠBench":40374,"Ġrented":40375,"ĠPentagon":40376,"rach":40377,"ĠBene":40378,"ĠNure":40379,"Ġblender":40380,"Ġsecondly":40381,"Ġopportunistic":40382,"USD":40383,"Approximately":40384,"ĠRadi":40385,"ĠLimitations":40386,"variant":40387,"Ġpillows":40388,"ĠPremier":40389,"Ġunattended":40390,"ĠPtolemy":40391,"Ġmilliseconds":40392,"Ops":40393,"athi":40394,"Ġrecited":40395,"ĠAdrian":40396,"linux":40397,"uvial":40398,"oplankton":40399,"Ġspatially":40400,"Ġbourgeoisie":40401,"ĠNecessary":40402,"movie":40403,"stairs":40404,"ĠTucker":40405,"ĠBiden":40406,"Ġleased":40407,"ensch":40408,"ertime":40409,"Ġ_(\"":40410,"Ġannounces":40411,"ITER":40412,"Ġlooming":40413,"\"]),":40414,"ĠTransplant":40415,"ĠBoer":40416,"ĠIrving":40417,"ĠOlivia":40418,"ĠRaphael":40419,"Ġwhitening":40420,"ĠPilgrims":40421,"Ġconjecture":40422,"iste":40423,"ĠJiang":40424,"Ġdoom":40425,"ENTER":40426,"certified":40427,"Freedom":40428,".%":40429,"Must":40430,"Ġbovine":40431,"Ġnt":40432,"ĠPeg":40433,"ĠBash":40434,"Ġplating":40435,"ĠConquest":40436,"Ġvolley":40437,"ĠXVI":40438,"Ġmultiples":40439,"Ġerratic":40440,"Ġbotany":40441,"ĠIDs":40442,"ĠSta":40443,"Ġeverlasting":40444,"Ġgeneralization":40445,"Ġerased":40446,"Ġdownloadable":40447,"mainly":40448,"Challenges":40449,"ĠTRI":40450,"ĠSIG":40451,"ĠMOS":40452,"quoise":40453,"Ġunregulated":40454,"auts":40455,"escence":40456,"Ġdiversify":40457,"Ġcorrespondent":40458,"Ġskewed":40459,"Ġdevotees":40460,"Ġmetastatic":40461,"against":40462,"Ġendorphins":40463,"YO":40464,"ĠSAS":40465,"irators":40466,"Ġenrol":40467,"ssl":40468,"erglass":40469,"cerity":40470,"Choice":40471,"Ġpayroll":40472,"Ġalternatively":40473,"Ġsolidified":40474,"Ġdiplomat":40475,",_":40476,"Eight":40477,"áŀ":40478,"Ġebook":40479,"amble":40480,"ĠSão":40481,"istice":40482,"Ġunilateral":40483,"ĠActa":40484,"Ġrobbery":40485,"ĠSetup":40486,"ĠDirectorate":40487,"IMAGE":40488,"Depression":40489,"benefit":40490,"improvement":40491,"Egg":40492,"oire":40493,"vana":40494,"ĠMSc":40495,"Ġcanola":40496,"Ġretry":40497,"Ġglazing":40498,"Ġmarin":40499,"ĠGeographical":40500,"Ġthyme":40501,"Ġgeometries":40502,"Female":40503,"heated":40504,"Ġanci":40505,"Ġnotwithstanding":40506,"Ġshin":40507,"Ġkan":40508,"Ġunwell":40509,"Ġunstructured":40510,"Ġdiagon":40511,"Ġpassionately":40512,"Ġtagging":40513,"Ġolives":40514,"FFFF":40515,"ĠRapids":40516,"Experiment":40517,"Gall":40518,"Oral":40519,"isors":40520,"atsu":40521,"rictions":40522,"Ġdietitian":40523,"chester":40524,"Ġcollapsing":40525,"ĠPersistent":40526,"ĠInvestigating":40527,"timest":40528,"Factors":40529,"ĠDebates":40530,"ĠASEAN":40531,"surgery":40532,"âī":40533,"Ġglaze":40534,"ĠEnvironments":40535,"ĠDevelopers":40536,"Ġfaithfully":40537,"glom":40538,"ĠBasel":40539,"ĠPortrait":40540,"Classification":40541,"Ġinsistence":40542,"ĠAquinas":40543,"Ġjackets":40544,"Ġthirteenth":40545,"Ġnucleotides":40546,"Hit":40547,"Ġmash":40548,"Ġedits":40549,"Ġparishes":40550,"Ġhandout":40551,"Ġwildflowers":40552,"Ġborrower":40553,"Ġvestibular":40554,"ĠAlbania":40555,"Ġpesky":40556,"Bus":40557,"Chat":40558,"DN":40559,"MAT":40560,"[\\":40561,"ç¬":40562,"Ġfountains":40563,"Ġstroll":40564,"Ġ(:":40565,"opens":40566,"ĠDAR":40567,"plastics":40568,"ĠCharg":40569,"Ġdefences":40570,"Ġhomeopathic":40571,"Ġlotus":40572,"Ġcoolant":40573,"inguishable":40574,"Ġpumpkins":40575,"charging":40576,"Ġapostle":40577,"cats":40578,"reb":40579,"udging":40580,"Ġaval":40581,"interp":40582,"Ġsedation":40583,"Ġathletics":40584,"ĠPotassium":40585,"ät":40586,"Ġexaggeration":40587,"ĠSentinel":40588,"ĠMoroccan":40589,"Ġcheerful":40590,"Ġvampire":40591,"TOP":40592,"coded":40593,"Ġpowering":40594,"Church":40595,"Ġrectal":40596,"ĠKatz":40597,"Ġgreedy":40598,"Ġegalitarian":40599,"ÑĦ":40600,"heets":40601,"Ġcog":40602,"Ġaberr":40603,"Ġhealthiest":40604,"Ġswab":40605,"ĠPerth":40606,"ĠVolta":40607,"ĠSkype":40608,"ĠBreeding":40609,"Ġна":40610,"ĠGDPR":40611,"Mil":40612,"trees":40613,"Ġresusc":40614,"Ġevade":40615,"hora":40616,"ANGE":40617,"Ġingesting":40618,"Ġpickup":40619,"reflect":40620,"Ġgenesis":40621,"Ġclicked":40622,"Ġprairies":40623,"Ġwarships":40624,"Ġhemorrhage":40625,"DOWN":40626,"ĠSUP":40627,"ĠWinc":40628,"ĠDot":40629,"ĠLars":40630,"Ġraisins":40631,"Ġdipping":40632,"Ġairtight":40633,"Ġskillful":40634,"ĠMotivation":40635,"ĠGuideline":40636,"Ġpragmat":40637,"Diagnosis":40638,"wrights":40639,"Ġhog":40640,"igated":40641,"Ġincin":40642,"ĠParagraph":40643,"suited":40644,"ACA":40645,"ĠRemoving":40646,"subs":40647,"Ġnervosa":40648,"Ġgauges":40649,"ĠPeriodic":40650,"capture":40651,"Ġwoke":40652,"orce":40653,"Ġbows":40654,"ceil":40655,"ĠCable":40656,"ĠCoin":40657,"ĠLH":40658,"ethics":40659,"normalized":40660,"Empty":40661,"Ġhangs":40662,"arbonate":40663,"Ġdeliberation":40664,"Ġunexplored":40665,"WARNING":40666,"Ctrl":40667,"oises":40668,"Ġpdb":40669,"ĠSeth":40670,"ĠNah":40671,"Ġ=================================================================":40672,"ĠGolf":40673,"club":40674,"phosphate":40675,"obacillus":40676,"ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":40677,"('.')":40678,"Ġmakeshift":40679,"numeric":40680,"ĠAcupuncture":40681,"Ġimmunotherapy":40682,"Ġtoughness":40683,"Ġcubs":40684,"Ġstacking":40685,"ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":40686,"ĠMétis":40687,"Lit":40688,"Way":40689,"ĠMBA":40690,"Ġbloc":40691,"ceptible":40692,"Ġconfluence":40693,"Ġsolitude":40694,"Ġsidewalks":40695,"Ġfilepath":40696,"amino":40697,"ĠCheese":40698,"ĠSentence":40699,"caps":40700,"Ġaisle":40701,"Ġpaws":40702,"Ġnib":40703,"ĠRG":40704,"ĠYog":40705,"ĠYard":40706,"Ġutilitarian":40707,"asphem":40708,"TRACT":40709,"Ġallegory":40710,"ĠCruc":40711,"Ġasymmetry":40712,"Ġacreage":40713,"Alternatively":40714,"Mas":40715,"Male":40716,"Sustainable":40717,"cox":40718,"ĠMice":40719,"ĠGrants":40720,"Ġsetback":40721,"Ġreparations":40722,"ĠBeer":40723,"ĠGeophysical":40724,"isteria":40725,"Golden":40726,"Ġelectrochemical":40727,"Ġcrocodile":40728,"Ġretinopathy":40729,"Ġassemblage":40730,"Ġssh":40731,"Ġbyproducts":40732,"ĠDeficiency":40733,"ĠAnalytical":40734,"Ġindefinite":40735,"Ġspectrometry":40736,"ĠIberian":40737,"Ġboulders":40738,"NW":40739,"hake":40740,"Ġaeration":40741,"Ġcradle":40742,"Ġuv":40743,"Ġnotch":40744,"Ġplunder":40745,"Ġdisclaimer":40746,"ĠViv":40747,"ĠSupper":40748,"Ġblockers":40749,"Ġdroppings":40750,"ĠJournals":40751,"Legal":40752,"renewable":40753,"cmap":40754,"evelop":40755,"Ġhp":40756,"stocks":40757,"__))":40758,"Ġrisking":40759,"mini":40760,"ennes":40761,"Ġmicrocontroller":40762,"Ġrotting":40763,"ipheral":40764,"ĠConceptual":40765,"ĠCrusades":40766,"Ġhorticulture":40767,"ĠRacism":40768,"Ġrefrigerant":40769,"JS":40770,"Ol":40771,"wl":40772,"reaction":40773,"ĠDoor":40774,"ĠFletcher":40775,"ĠGMT":40776,"weak":40777,"ĠYor":40778,"Ġmeditate":40779,"Ġvirtualization":40780,"ĠLima":40781,"Ġyeah":40782,"Ġacetaminophen":40783,"Ġeukaryotic":40784,"Ġquieter":40785,"Ġconduit":40786,"ĠDionys":40787,"das":40788,"morph":40789,"Ġmultidimensional":40790,"ĠEnum":40791,"Compan":40792,"constraint":40793,"Plate":40794,"masked":40795,"('/')":40796,"Ġdomestication":40797,"nz":40798,"sudo":40799,"ĠASS":40800,"Ġanem":40801,"ĠLum":40802,"Ġkite":40803,"Ġmanic":40804,"Ġintercultural":40805,"played":40806,"ĠConsistent":40807,"Ġhopping":40808,"Ġmethanol":40809,"Subst":40810,"Ġinspectors":40811,"Ġvertigo":40812,"ĠMongols":40813,"Ġconsecrated":40814,"Provider":40815,"ĠSensitivity":40816,"ĠStewardship":40817,"tro":40818,"Ġdeformed":40819,"âĢĻ:":40820,"Ġplunge":40821,"Ġunofficial":40822,"Ġsubdivided":40823,"ĠBihar":40824,"ĠInvasive":40825,"Ġshutting":40826,"carotene":40827,"Secondary":40828,"Ġrepublican":40829,"ĠPartnerships":40830,"ĠStreets":40831,"Ġforeseeable":40832,"Dogs":40833,"Friends":40834,"Frequently":40835,"dor":40836,"touch":40837,"Ġdosing":40838,"ĠHC":40839,"ĠWTO":40840,"Ġliking":40841,"ĠGupta":40842,"Ġroadway":40843,"αÏĦ":40844,"Known":40845,"ĠCosm":40846,"Ġjeans":40847,"Ġwiping":40848,"XXXXXXXX":40849,"Ġsuperstition":40850,"Ġsanctioned":40851,"Ġfaçade":40852,"ĠWaves":40853,"Ġleve":40854,"ĠGym":40855,"Ġborrowers":40856,"Ġexhale":40857,"garde":40858,"Ġfairer":40859,"Fer":40860,"fection":40861,"thello":40862,"Identity":40863,"ĠColeman":40864,"ĠRodriguez":40865,"Ġinnumerable":40866,"seat":40867,"ĠESP":40868,"Ġleaked":40869,"Ġdisillusion":40870,"ĠStamp":40871,"compress":40872,"Appro":40873,"Ġfertilize":40874,"Ġanthropological":40875,"ĠMarshal":40876,"ĠMoshe":40877,"ĠThreatened":40878,"ĠPlatforms":40879,"Easy":40880,"Ġdurations":40881,"thorne":40882,"ĠWade":40883,"plog":40884,"Ġunconsciously":40885,"thews":40886,"ĠKeynes":40887,"divisions":40888,"Handle":40889,"Util":40890,"ĠBLM":40891,"ĠTucson":40892,"moves":40893,"arative":40894,"Ġnave":40895,"ĠRV":40896,"ĠKod":40897,"Ġdefender":40898,"manage":40899,"Ġbarracks":40900,"Ġvillains":40901,"Ġplainly":40902,"ĠEVs":40903,"Ġsurfaced":40904,"Ġinductive":40905,"ĠPURPOSE":40906,"vah":40907,"Ġsoot":40908,"Arr":40909,"ĠInterstate":40910,"Ġclimbers":40911,"Ġnonex":40912,"Ġmolded":40913,"bourg":40914,"Ġoversees":40915,"responsive":40916,"ĠVedas":40917,"Ġsurrogate":40918,"covering":40919,"Ġbordered":40920,"ĠSEL":40921,"ĠPablo":40922,"ĠArabidopsis":40923,"ĠCircular":40924,"rotsky":40925,"ĠHabit":40926,"ĠEurasia":40927,"Dictionary":40928,"ĠTomb":40929,"quiring":40930,"Ġnecks":40931,"Ġdisordered":40932,"Ġjohn":40933,"ĠSto":40934,"othermia":40935,"genome":40936,"Ġfourteenth":40937,"ĠSheep":40938,"SSL":40939,"ä¸Ĭ":40940,"Ġamplifiers":40941,"нÑĭ":40942,"predicted":40943,"ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":40944,"Ġabolish":40945,"Ġanthrax":40946,"confirmed":40947,"Ġmortgages":40948,"Din":40949,"liquid":40950,"Ġwreat":40951,"ibou":40952,"Ġsubcontinent":40953,"ĠArsen":40954,"ĠEmpty":40955,"Ġcombatting":40956,"Ġplugins":40957,"Ġcannib":40958,"Ġpsychiatrists":40959,"ytocin":40960,"ĠRaising":40961,"ĠBruno":40962,"ĠThreats":40963,"Ġcarcasses":40964,"Ġbots":40965,"sta":40966,"igible":40967,"ĠHog":40968,"ĠJE":40969,"ĠYom":40970,"Ġmoderated":40971,"Ġwoodpec":40972,"Ġsuspend":40973,"ĠParliamentary":40974,"anasia":40975,"Ġgrapefruit":40976,"avas":40977,"scipy":40978,"idelberg":40979,"warnings":40980,"Ġstaircase":40981,"ĠMaharashtra":40982,"Sand":40983,"walking":40984,"Ġvase":40985,"ĠBrom":40986,"ĠUAE":40987,"ĠAbnormal":40988,"aturation":40989,"ĠDiary":40990,"URI":40991,"FTA":40992,"æľ¬":40993,"ä½ľ":40994,"ĠMutual":40995,"ĠAuthentication":40996,"ĠKEY":40997,"ĠBIM":40998,"apur":40999,"unding":41000,"ĠAdri":41001,"ĠColour":41002,"ICH":41003,"ĠAntony":41004,"Ġsonic":41005,"abilistic":41006,"ĠBoyd":41007,"Ġosmosis":41008,"ĠPharise":41009,"cnn":41010,"urgeon":41011,"kerel":41012,"Ġspindle":41013,"Ġcommute":41014,"Ġindiscrim":41015,"ovsk":41016,"Ġnumerals":41017,"Ġuri":41018,"films":41019,"Potential":41020,"ĠSurrounding":41021,"Tax":41022,"Ġtonal":41023,"âĢļ":41024,"ĠWatching":41025,"ĠLICENSE":41026,"ĠGan":41027,"ĠGenet":41028,"Ġhazel":41029,"Ġtributary":41030,"nod":41031,"Ġadverb":41032,"ologne":41033,"Ġmaladaptive":41034,"ĠAssessments":41035,"Ġdeleting":41036,"Ġbruising":41037,"Ġhawk":41038,"dB":41039,"mene":41040,"yrus":41041,"ĠSpy":41042,"advent":41043,"ĠDV":41044,"reddit":41045,"ecological":41046,"Stone":41047,"(\".":41048,"Ġforearm":41049,"Ġlifetimes":41050,"ĠHerbal":41051,"slope":41052,"AMPLE":41053,"ĠLeicester":41054,"Ġordinances":41055,"HCR":41056,"hai":41057,"tv":41058,"enact":41059,"otrans":41060,"ĠBau":41061,"ĠThousand":41062,"Ġunclean":41063,"Ġunidentified":41064,"conversion":41065,"Ġpreprocessing":41066,"Ġunderlie":41067,"covers":41068,"sufficiency":41069,"Ġcontractual":41070,"ĠCorpus":41071,"ĠMacro":41072,"Ġiconography":41073,"QUE":41074,"Ġlagoon":41075,"Customer":41076,"ĠAyurvedic":41077,"+',":41078,"Cour":41079,"Prin":41080,"SERV":41081,"Ġplywood":41082,"ĠCasp":41083,"ĠRitual":41084,"Ġqubits":41085,"ASP":41086,"Ġvegetarians":41087,"Ġreproducible":41088,"Ġmanipulations":41089,"Ġrepayment":41090,"/')":41091,"Near":41092,"mf":41093,"Ġextermin":41094,"reduced":41095,"cessive":41096,"Ġentrances":41097,"ĠWebsites":41098,"paragraph":41099,"ĠShim":41100,"Ġpainkillers":41101,"ĠPerse":41102,"Ġspeedy":41103,"Ġdishwas":41104,"Ġgrabbing":41105,"ĠFleming":41106,"Ġirresist":41107,"nda":41108,"Ġreiter":41109,"ĠCain":41110,"ĠGad":41111,"Generic":41112,"ĠBrigham":41113,"Ġretailer":41114,"Ġplutonium":41115,"thorn":41116,"ĠNutrient":41117,"ĠLig":41118,"ĠKlan":41119,"Ġrefurb":41120,"vester":41121,"posp":41122,"spaces":41123,"Ġconcentric":41124,"brev":41125,"Ġstimulants":41126,"oderma":41127,"è¦ģ":41128,"iou":41129,"ĠBella":41130,"Ġscribes":41131,"atteries":41132,"ĠCyrus":41133,"ĠBurton":41134,"Ġparasit":41135,"Ġphosphory":41136,"Ġmimicking":41137,"Ġfutile":41138,"literals":41139,"ĠBringing":41140,"Ġacquaintance":41141,"Slow":41142,"Upload":41143,"jang":41144,"slavery":41145,"ÅĦ":41146,"aru":41147,"Ġanne":41148,"ĠAddition":41149,"Ġmischie":41150,"Ġtimest":41151,"ãģ«":41152,"connections":41153,"ĠATM":41154,"Monitoring":41155,"Ġpluralism":41156,"ĠMcGill":41157,"Ġpancreatitis":41158,"Ġrevitalization":41159,"Ġdandel":41160,"Ġreindeer":41161,"idas":41162,"ĠCull":41163,"ĠMond":41164,"Ġflor":41165,"icken":41166,"ATM":41167,"Ġsolidifying":41168,"Ġballistic":41169,"ĠCDs":41170,"ĠPrioritize":41171,"Ġbunny":41172,"TX":41173,"fusion":41174,"nance":41175,"pandas":41176,"wik":41177,"Ġtester":41178,"ĠDuch":41179,"ĠGrat":41180,"areas":41181,"Ġpeg":41182,"Ġneedy":41183,"attachment":41184,"Ġcollapses":41185,"Ġ...\"":41186,"Ġgrapples":41187,"Ġnicknamed":41188,"ĠHypothesis":41189,"Ġcooperatives":41190,"Ġaroused":41191,"Ġlandlords":41192,"ĠEid":41193,"Ġshorts":41194,"Ġdislocation":41195,"hence":41196,"Ġsmear":41197,"']):":41198,"Ġcrave":41199,"Ġcooker":41200,"Ġtraumas":41201,"Ġborderline":41202,"Ġterrific":41203,"Ġcrocodiles":41204,"privile":41205,"orah":41206,"ĠIli":41207,"ureth":41208,"redited":41209,"fters":41210,"comycin":41211,"spinal":41212,"Ġornith":41213,"ĠBibliography":41214,"Ġqueryset":41215,"Ġabrasive":41216,"}^{":41217,"ĠBt":41218,"Ġdepot":41219,"genes":41220,"Webster":41221,"ĠHalifax":41222,"Ġshouted":41223,"ĠNeighborhood":41224,"Collins":41225,"ĠClaims":41226,";\\":41227,"Maria":41228,"Magic":41229,"kids":41230,"Ġcreeks":41231,"ocry":41232,"Ġjs":41233,"Ġtwilight":41234,"Ġoffences":41235,"workflow":41236,"ĠAssam":41237,"Ġhomicide":41238,"Ġparked":41239,"liked":41240,"Ġadversary":41241,"massive":41242,"igraphic":41243,"Ġinfrastructures":41244,"Ġheresy":41245,"ĠTurb":41246,"aghetti":41247,"Ġcyberspace":41248,"ĠSurprisingly":41249,"ĠPenny":41250,"ĠEconomist":41251,"ravings":41252,"prompt":41253,"Ġlubrication":41254,"PeerV":41255,"ĠSidney":41256,"Ġvengeance":41257,"rstrip":41258,"ëĭ":41259,"Ġaka":41260,"ĠRide":41261,"ptious":41262,"astro":41263,"Ġscuba":41264,"Ġhumiliation":41265,"Ġorganelles":41266,"Ġmilieu":41267,"âĢ¦)":41268,"ĠPresidency":41269,"Ġmutants":41270,"generally":41271,"provided":41272,"Ġinterrupting":41273,"ĠPrediction":41274,"ĠScholarship":41275,"')))":41276,"Phy":41277,"Ġuid":41278,"ĠDro":41279,"ĠDoyle":41280,"ĠKyr":41281,"getcwd":41282,"Ġslit":41283,"ĠDepth":41284,"ĠAutobi":41285,"ĠAttach":41286,"ĠArchitectural":41287,"Ġdishonest":41288,"urism":41289,"ungen":41290,"ĠConventional":41291,"Ġsuperpower":41292,"ĠAcquisition":41293,"passed":41294,"Ġribbons":41295,"ĠFrontiers":41296,"financial":41297,"ĠVaccines":41298,"'(":41299,"abouts":41300,"Ġgeologist":41301,"ĠArtillery":41302,"Ġfacilitator":41303,"ĠHyde":41304,"Ġpneumatic":41305,"ĠJaneiro":41306,"û":41307,"Ġbumble":41308,"Ġgul":41309,"oreau":41310,"ĠWatt":41311,"ĠNintendo":41312,"iav":41313,"Ġglide":41314,"Ġslog":41315,"cula":41316,"Ġfallout":41317,"ĠGreenwich":41318,"Attention":41319,"Professional":41320,"ĠHolding":41321,"}{\\":41322,"ĠCaucasian":41323,"Ġestuaries":41324,"catalog":41325,"rx":41326,"ĠCBS":41327,"andro":41328,"Ġevoked":41329,"phs":41330,"ĠReproduction":41331,"ĠCompost":41332,"Ġtrustees":41333,"visited":41334,"ĠUseful":41335,"ĠBoards":41336,"Ġм":41337,"Ġnitrates":41338,"ом":41339,"ĠAlongside":41340,"combined":41341,"Ġinaugurated":41342,"Ġblueprints":41343,"Ġnarciss":41344,"Ġlandslide":41345,"?](":41346,"Mos":41347,"Ġfries":41348,"ĠTend":41349,"resnet":41350,"ĠJaw":41351,"ĠAlaskan":41352,"Ġendanger":41353,"Ġvariously":41354,"Ġuntapped":41355,"Ġdeduction":41356,"-----------------------------------":41357,"osphorus":41358,"ĠPathology":41359,"Ġgranules":41360,"Ġotters":41361,"ĠCeres":41362,"JO":41363,"Rod":41364,"ulmonary":41365,"ĠBess":41366,"aunder":41367,"ĠVideos":41368,"ĠClaire":41369,"Ġmotility":41370,"timezone":41371,"summer":41372,"Ġcarnivorous":41373,"ĠUber":41374,"ĠJill":41375,"ĠKeller":41376,"Ġregurg":41377,"completed":41378,"arches":41379,"âĢľ.":41380,"rada":41381,"Ġsequel":41382,"Ġsqrt":41383,"Ġanteced":41384,"Ġmisfortune":41385,"Pin":41386,"Ġtungsten":41387,"entities":41388,"Ġeerie":41389,"ĠWille":41390,"Ġunanswered":41391,"expert":41392,"Ġilliterate":41393,"Ġscreaming":41394,"Ġuniverses":41395,"ĠHistorians":41396,"ĠKoreans":41397,"ĠBrotherhood":41398,"ĠFeelings":41399,"Ġphylogeny":41400,"Ġgiraffe":41401,"tear":41402,"ĠTiny":41403,"ĠBard":41404,"Ġoxal":41405,"Ġµm":41406,"@@":41407,"Ġou":41408,"ĠCoy":41409,"Ġsyringe":41410,"ĠCompos":41411,"ĠActing":41412,"Ġutilised":41413,"ãģĹ":41414,"clicked":41415,"Ġsprang":41416,"bohydrate":41417,"kinesis":41418,"Ġrename":41419,"Ġure":41420,"ĠDoll":41421,"ĠRheumat":41422,"Ġrogue":41423,"ertations":41424,"armament":41425,"')(":41426,"ĠColored":41427,"Ġstressing":41428,"Ġarcheological":41429,"ĠParadox":41430,"Ġsolubility":41431,"Mom":41432,"ĠTart":41433,"icky":41434,"Ġincrements":41435,"notify":41436,"Ġwasteful":41437,"ĠElectoral":41438,"Scope":41439,"Ġtightening":41440,"Attr":41441,"PON":41442,"Ġcpu":41443,"Ġstocking":41444,"Ġdeceive":41445,"ĠDere":41446,"Ġequate":41447,"manufact":41448,"Ġharden":41449,"Ġsensibilities":41450,"Ġfurthermore":41451,"CSI":41452,"[:,:,":41453,"latent":41454,"ог":41455,"Pattern":41456,"Reducing":41457,"forestry":41458,"responses":41459,"ĠGlossary":41460,"Crypt":41461,"Done":41462,"Fixed":41463,"Ice":41464,"MARY":41465,"}(":41466,"å¿":41467,"Ġhoo":41468,"ĠMesh":41469,"ĠEure":41470,"ĠFlem":41471,"ĠRash":41472,"ĠOW":41473,"Ġeffluent":41474,"escape":41475,"Ġtotalitarian":41476,"zzi":41477,"pubmed":41478,"大":41479,"ĠMirror":41480,"egg":41481,"stere":41482,"Ġgills":41483,"egy":41484,"Chart":41485,"Andrew":41486,"ĠLockheed":41487,"Ġprerequisites":41488,"Bottom":41489,"Ġaversion":41490,"Ġbouncing":41491,"acer":41492,"ĠHare":41493,"ĠErik":41494,"Ġunquestion":41495,"theory":41496,"ophones":41497,"ĠFloyd":41498,"Ġinformally":41499,"Ġcharger":41500,"Preventing":41501,"Ġeradicated":41502,"Ġhectare":41503,"FORMAT":41504,"Ġbrochure":41505,"Hearing":41506,"sess":41507,"ĠSony":41508,"Ġnewsletters":41509,"Ġvalidator":41510,"ĠUNIX":41511,"Peak":41512,"racuse":41513,"Ġreassuring":41514,"ĠEstablishment":41515,"oplasty":41516,"ĠUzbekistan":41517,":')":41518,"pw":41519,"enital":41520,"Ġcrib":41521,"iona":41522,"Ġgc":41523,"idon":41524,"ĠCFR":41525,"Ġorphans":41526,"antib":41527,"ĠHos":41528,"ĠStrip":41529,"Ġ''.":41530,"Ġinvoking":41531,"Ġscorp":41532,"Ġuntold":41533,"Ġmisguided":41534,"ridium":41535,"solved":41536,"Ġelevating":41537,"Ġlunchtime":41538,"ĠMothers":41539,"Ġquadru":41540,"'}),":41541,"Ġdeformity":41542,"Kim":41543,"Ġpaw":41544,"ĠMith":41545,"Ġphased":41546,"ĠEarthquake":41547,"Ġbarb":41548,"ĠSimpl":41549,"-------------------------------------":41550,"PAA":41551,"surv":41552,"Ġbrilliance":41553,"ĠHardware":41554,"ĠReflections":41555,"ĠAurora":41556,"Ġcolloquial":41557,"ĠTiber":41558,"ĠDrought":41559,"Ġabduct":41560,"ĠThou":41561,"Ġrepro":41562,"Ġparrots":41563,"External":41564,"Ġsequentially":41565,"ĠEntity":41566,"Gets":41567,"Miller":41568,"lord":41569,"uw":41570,"Ġspacious":41571,"Ġblat":41572,"ĠExisting":41573,"ĠEngels":41574,"Anne":41575,"ον":41576,"Ġnurtured":41577,"Ġstews":41578,"ĠPilate":41579,"Ġparalyzed":41580,"ĠTaste":41581,"amer":41582,"Ġincarn":41583,"Ġundiagnosed":41584,"Ġillustrator":41585,"Teach":41586,"Ġaddicts":41587,"ĠDigestive":41588,"ĠIsabella":41589,"Motor":41590,"cdot":41591,"fight":41592,"gc":41593,"Ġsigmoid":41594,"ducer":41595,"Ġhumour":41596,"Ġboasted":41597,"\")]":41598,"Ġminimax":41599,"Ġtelemedicine":41600,"SAGE":41601,"ĠGetty":41602,"Ġcartridges":41603,"Ġrectify":41604,"opathology":41605,"Hold":41606,"caster":41607,"ipers":41608,"Ġamerica":41609,"Changing":41610,"Ġgameplay":41611,"ĠReligions":41612,"ĠEvil":41613,"cutta":41614,"Ġperfume":41615,"publication":41616,"Ġcoincides":41617,"Ġtreadmill":41618,"controllers":41619,"Ġbenevolent":41620,"Ġcs":41621,"ĠErit":41622,"ĠStuff":41623,"Ġdifferentiating":41624,"Ġlistens":41625,"Ġxi":41626,"ĠDisput":41627,"ĠInvite":41628,"Ġglutamate":41629,"?),":41630,"Greg":41631,"joice":41632,"relevant":41633,"Ġtopp":41634,"Ġleaps":41635,"Ġshrou":41636,"ilded":41637,"Ġpeach":41638,"Ġwaterfowl":41639,"ĠAluminum":41640,"dera":41641,"ĠAmes":41642,"Ġpunitive":41643,"Ġdoorway":41644,"ĠUVB":41645,"Ġhydrochlor":41646,"diversity":41647,"hands":41648,"ostatic":41649,"Ġplough":41650,"Ġdecis":41651,"brushes":41652,"ICA":41653,"IFI":41654,"ĠPuritans":41655,"ĠRNAs":41656,"Ġanecdotes":41657,"Ġskyscrapers":41658,"Nodes":41659,"ĠEuler":41660,"Ġenrolling":41661,"ointment":41662,"ĠZhao":41663,"Ġepoxy":41664,"Ġtubers":41665,"ĠColonies":41666,"Supplement":41667,"Ġwandered":41668,"ĠIncorporating":41669,"Sci":41670,"çIJ":41671,"atonic":41672,"antage":41673,"ĠGift":41674,"awatt":41675,"Ġbranched":41676,"Ġmultiv":41677,"ĠChev":41678,"ãģĦ":41679,"erenced":41680,"Ġcannons":41681,"Ġvagu":41682,"('.//":41683,"Ġpears":41684,"Ġextermination":41685,"ĠBRCA":41686,"ĠDive":41687,"ĠOA":41688,"Ġwills":41689,"composition":41690,"Ġdelights":41691,"Ġlandowner":41692,"coe":41693,"Ġprobation":41694,"ĠFloor":41695,"Ġmounts":41696,"ĠJournalism":41697,"Ġsweetener":41698,"ĠAdvice":41699,"Edward":41700,"ocytic":41701,"Ġcommissioners":41702,"ozo":41703,"Identifying":41704,"Ġgorilla":41705,"Wrap":41706,"unken":41707,"Ġwiden":41708,"ETA":41709,"ĠBrett":41710,"ĠErrors":41711,"Axis":41712,"Ġoo":41713,"icile":41714,"Ġejected":41715,"Ġstitching":41716,"ĠSail":41717,"ĠCoding":41718,"ipur":41719,"ĠKell":41720,"Ġelective":41721,"ĠSurrey":41722,"Ġbrownish":41723,"Ġadmiring":41724,"Ġmemorials":41725,"Ġascended":41726,"Ġincidental":41727,"ĠParenting":41728,"preserved":41729,"ĠOslo":41730,"Ġhaunting":41731,"Ġcrevices":41732,"Ġmnem":41733,"Ġdar":41734,"Ġvars":41735,"schem":41736,"Ġderiving":41737,"Ġmemorization":41738,"Ġmucosa":41739,"Ġstagnation":41740,"Astron":41741,"ĠRutgers":41742,"COR":41743,"Upper":41744,"enfranch":41745,"ĠPinterest":41746,"ĠBism":41747,"ĠNarc":41748,"agy":41749,"ĠGuided":41750,"ĠLimits":41751,"ctuaries":41752,"Detail":41753,"Ġadultery":41754,"Ġwhiskey":41755,"alternative":41756,"esophageal":41757,"Sadly":41758,"Ġunimaginable":41759,"hua":41760,"tera":41761,"pee":41762,"Ġwhey":41763,"ibo":41764,"formatter":41765,"rens":41766,"Ġpreferring":41767,"Applications":41768,"Ġelectrostatic":41769,"Ġhalo":41770,"Ġ×IJ":41771,"Ġuplifting":41772,"greater":41773,"ĠPasadena":41774,"Ġfrankly":41775,"Ġscratches":41776,"Ġstalls":41777,"opecia":41778,"Ġsubclass":41779,"Ġslider":41780,"Ġturnout":41781,"Ġsociocultural":41782,"ĠTransc":41783,"liner":41784,"Ġradioactivity":41785,"Ġstamped":41786,"ĠKurds":41787,"ilinear":41788,"Named":41789,"Ġpav":41790,"ĠCCD":41791,"ĠKuh":41792,"Ġexpel":41793,"ecal":41794,"Ġcausative":41795,"shut":41796,"Ġposthum":41797,"ĠLeipzig":41798,"Ġturkeys":41799,"Ġroman":41800,"Ġperpetrator":41801,"ĠElizabethan":41802,"Ġrho":41803,"Ġcannabinoids":41804,"Ġidioms":41805,"Ġspectrometer":41806,"Ġquilt":41807,"Ġheartfelt":41808,"intering":41809,"Ġmultiplex":41810,"oea":41811,"ĠInfrared":41812,"ĠTreating":41813,"Ġcarts":41814,"Lean":41815,"slots":41816,"awning":41817,"Ġpooled":41818,"Ġfeminists":41819,"brother":41820,"Ġpermeable":41821,"ĠLithuanian":41822,"BatchNorm":41823,"\"})":41824,"-(":41825,"Ġanthem":41826,"ĠHmm":41827,"ĠGav":41828,"ĠJah":41829,"Ġ'(":41830,"Ġrefin":41831,"etype":41832,"Ġprotracted":41833,"ischen":41834,"Ġcrossroads":41835,"Ġfascism":41836,"ĠMahab":41837,"buy":41838,"Ġcrucified":41839,"bohydrates":41840,"Ġjogging":41841,"Ram":41842,"otide":41843,"Ġstrap":41844,"ĠMys":41845,"emit":41846,"ĠDollar":41847,"Ġenzymatic":41848,"Ġunderworld":41849,"Ġcentred":41850,"ĠGeorgetown":41851,"ĠFlip":41852,"corpus":41853,"ĠPopulations":41854,"ĠGeorges":41855,"ĠUltimate":41856,"families":41857,"Ġephemeral":41858,"Ken":41859,"ĠTau":41860,"ĠLists":41861,"ĠKang":41862,"ramatic":41863,"Ġflair":41864,"ĠReservation":41865,"rophes":41866,"Charl":41867,"ĠConflicts":41868,"processes":41869,"Ġduplicates":41870,"utenberg":41871,"throughput":41872,"ĠNapoleonic":41873,"bags":41874,"niz":41875,"Ġstink":41876,"Ġsubstituting":41877,"Ġwealthier":41878,"Ġpunishing":41879,"etheus":41880,"Ġannexation":41881,"magic":41882,"Ġasparagus":41883,"Ġvind":41884,"ĠDW":41885,"ĠAnonymous":41886,"override":41887,"ĠPhyt":41888,"Ġbehaved":41889,"Ġmassively":41890,"Ġroadside":41891,"Ġadopts":41892,"ĠHistorian":41893,"skills":41894,"Ġhonorable":41895,"consciousness":41896,"Ġoversimpl":41897,"ĠComplexity":41898,"ĠCoverage":41899,"示":41900,"Ö¹":41901,"atians":41902,"Ġmaternity":41903,"ĠFortune":41904,"Ġoverwrite":41905,"Ġexploding":41906,"ecks":41907,"ĠArgon":41908,"Problems":41909,"justice":41910,"Ġgraphing":41911,"Ġrepeal":41912,"ĠIsraelis":41913,"Ġrollers":41914,"Ġrulings":41915,"ĠCleopatra":41916,"Ġantagonist":41917,"Ġdemocrat":41918,"Ġtug":41919,"Ġsack":41920,"Ġcrossover":41921,"Ġpact":41922,"icions":41923,"Ġgels":41924,"ĠGes":41925,"Ġcaramel":41926,"Ġfittings":41927,"Translation":41928,"Ġantennae":41929,"Ġcohorts":41930,"forts":41931,"trust":41932,"ĠHancock":41933,"Ġkar":41934,"Ġdecoded":41935,"Ġbackups":41936,"ĠShak":41937,"Planning":41938,"organism":41939,"Ġvibrate":41940,"supply":41941,"ĠMiranda":41942,"Ġscrumptious":41943,"CID":41944,"imoto":41945,"Ġgp":41946,"ĠHER":41947,"Ġhairst":41948,"ĠNOW":41949,"Ġketo":41950,"ĠThin":41951,"acker":41952,"deployment":41953,"Ġcurses":41954,"Ġincarnation":41955,"oha":41956,"Ġconversely":41957,"APTER":41958,"Ġceases":41959,"Ġphotosynthetic":41960,"ĠEmployee":41961,"Ġkissing":41962,"Ġrefractory":41963,"Ġtyphoid":41964,"Ġtheologian":41965,"Apr":41966,"Pi":41967,"ĠPanch":41968,"ĠBering":41969,"Ġvalence":41970,"Ġmillimeter":41971,"ĠManagers":41972,"Ġadapts":41973,"Ġpollute":41974,"Ġabundantly":41975,"ĠMcCle":41976,"Ġmeteorites":41977,"Ġabsentee":41978,"Cool":41979,"Ni":41980,"itial":41981,"oling":41982,"ĠNUM":41983,"Ġburner":41984,"Adult":41985,"ĠAmongst":41986,"aggressions":41987,"aunted":41988,"Ġanthology":41989,"ĠFernando":41990,"Ġapprehend":41991,"ĠNathaniel":41992,"Ġperceives":41993,"Ġantiseptic":41994,"OVA":41995,"cub":41996,"Ġcet":41997,"Ġredefine":41998,"cele":41999,"ĠCatch":42000,"ĠEA":42001,"asta":42002,"Ġallowances":42003,"Ġoperative":42004,"Ġorigami":42005,"choline":42006,"Ġwidows":42007,"Ġquantifying":42008,"ĠFunds":42009,"Ġtransmitters":42010,"Ġdiminishes":42011,"Ġfolktales":42012,"foods":42013,"Ġinterchangeable":42014,"Ġindigestion":42015,"ĠWalsh":42016,"Ġillegitimate":42017,"Nuclear":42018,"è½":42019,"Ġwaged":42020,"alien":42021,"arxiv":42022,"ĠDangerous":42023,"Ġindebted":42024,"()])":42025,"Ġfunctionally":42026,"Ġlabelling":42027,"Ġbookstore":42028,"incare":42029,"ĠXer":42030,"Ġvisualized":42031,"ĠTrav":42032,"Ġshoppers":42033,"Ġà¤ķ":42034,"boolean":42035,"rifice":42036,"wake":42037,"Ġcd":42038,"ĠTakes":42039,"Ġchars":42040,"ĠLoan":42041,"Ġrelays":42042,"Ġattested":42043,"Ġfilenames":42044,"ĠSpending":42045,"ĠBrexit":42046,"Ġdwarfs":42047,"Ġemigrated":42048,"Ġstor":42049,"ĠGU":42050,"Ġdiocese":42051,"iked":42052,"ĠDisk":42053,"ĠMorse":42054,"Ġsacrificial":42055,"Ġhusbandry":42056,"ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":42057,"Login":42058,"Ġintermediary":42059,"ĠSchneider":42060,"Ġpk":42061,"Ġpensions":42062,"Ġevokes":42063,"Ġsuperpowers":42064,"Ġexcuses":42065,"ĠStatements":42066,"ĠBois":42067,"Ġsynagogues":42068,"Ġdefeats":42069,"EEK":42070,"Ġdeductions":42071,"Ġlethargy":42072,"Poll":42073,"Ġores":42074,"Ġomission":42075,"chs":42076,"ĠEcol":42077,"Ġpriori":42078,"Ġtruthful":42079,"ä¸ĭ":42080,"Ġjewels":42081,"ĠHeming":42082,"Ġreckless":42083,"Ġanarchist":42084,"rystalline":42085,"-'":42086,"houn":42087,"tiny":42088,"vote":42089,"Ġmins":42090,"Ġdanced":42091,"ĠSik":42092,"ĠMaid":42093,"thank":42094,"ĠBing":42095,"Ġcompel":42096,"ISBN":42097,"-----------------------------------------":42098,"ĠBraille":42099,"Ġglycer":42100,"Ġsubsidized":42101,"Ġarbitrarily":42102,"VS":42103,"tal":42104,"Ġtv":42105,"ellan":42106,"ĠUnexpected":42107,"ĠStones":42108,"Ġraped":42109,"Ġbrewer":42110,"Ġforcefully":42111,"instead":42112,"ridged":42113,"Ġconquering":42114,"variance":42115,"selector":42116,"________________________________":42117,"Ġmangroves":42118,"Ensure":42119,"eclampsia":42120,"ĠNuremberg":42121,"Room":42122,"fir":42123,"kv":42124,"ermann":42125,"Ġloaf":42126,"Ġneutrinos":42127,"ediatr":42128,"Ġbiodiesel":42129,"Runner":42130,"Ġamphibian":42131,"Ros":42132,"ĠIz":42133,"acin":42134,"ĠBipolar":42135,"ĠFishing":42136,"Ġjams":42137,"ricing":42138,"lesn":42139,"ĠContainer":42140,"ĠPratt":42141,"ĠAquatic":42142,"enching":42143,"Ġfoe":42144,"Ġgren":42145,"ĠABO":42146,"ĠLal":42147,"Ġnaturalistic":42148,"Ġshipments":42149,"Ġintervened":42150,"Ġhypoglycemia":42151,"ĠSlovenia":42152,"Pair":42153,"atters":42154,"Ġdives":42155,"ĠSOL":42156,"ĠFon":42157,"ĠLoch":42158,"Ġbulge":42159,"Ġoverlaps":42160,"Ġthreaded":42161,"Ġobligatory":42162,"ĠECG":42163,"Ġboron":42164,"hz":42165,"arf":42166,"ĠBates":42167,"ĠGABA":42168,"Ġ'':":42169,"Ġdesalination":42170,"Ġconcussions":42171,"ĠAshley":42172,"Ġaddictions":42173,"Ġenlightening":42174,"Ġequivalence":42175,"Ġendometriosis":42176,"RH":42177,"×ŀ":42178,"åĴĮ":42179,"veh":42180,"ĠPiano":42181,"Ġcommend":42182,"ĠVs":42183,"ĠShack":42184,"ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":42185,"Ġrounding":42186,"Ġknocking":42187,"Ġdiscriminated":42188,"ĠOperational":42189,"Ġvenomous":42190,"Ġreassess":42191,"ĠCapitalism":42192,"Ġreplicating":42193,"oskeleton":42194,"ocalypse":42195,"Preparing":42196,"Ġhassle":42197,"Ġexcreted":42198,"Ġgrizzly":42199,"rp":42200,"elike":42201,"stuffs":42202,"ĠHoll":42203,"ĠHumb":42204,"wei":42205,"Ġdiscouraging":42206,"ĠLeaving":42207,"Ġsects":42208,"CHANT":42209,"Ġkilometer":42210,"Ġsucceeds":42211,"ĠTemp":42212,"à¥ĭ":42213,"ĠCellular":42214,"iphon":42215,"laden":42216,"nuclear":42217,"Ġforging":42218,"Ġali":42219,"Ġvign":42220,"uren":42221,"Ġ{{":42222,"Animals":42223,"ĠIntra":42224,"skill":42225,"Ġsweetened":42226,"Ġnanometers":42227,"recorded":42228,"ĠChiang":42229,"Ġbluish":42230,"ĠWetlands":42231,"Ġcommemorates":42232,"ĠAztecs":42233,"Ġdissipate":42234,"ĠSomerset":42235,"Ġmornings":42236,"Ġhoof":42237,"ĠTier":42238,"Ġconical":42239,"rometer":42240,"weets":42241,"Ġsignage":42242,"whose":42243,"Ġsleepiness":42244,"Added":42245,"movement":42246,"umenical":42247,"following":42248,"ĠEscherichia":42249,"Ġnexus":42250,"Deg":42251,"ò":42252,"Ê¿":42253,"enas":42254,"Ġthief":42255,"Ġvals":42256,"Ġbiosphere":42257,"ĠBlend":42258,"accel":42259,"Expr":42260,"ĠSurgeon":42261,"Ġkitten":42262,"Medicine":42263,"ĠMahatma":42264,"Ġsailor":42265,"ĠHanukkah":42266,"Ġoverseeing":42267,"ĠPhenomen":42268,"ĠAegean":42269,"ĠTrinidad":42270,"ĠDresden":42271,"ĠAids":42272,"Ġchast":42273,"ĠChu":42274,"ARP":42275,"ophores":42276,"Exodus":42277,"Ġcheckout":42278,"Neither":42279,"Ġjewellery":42280,"ĠArchitects":42281,"Ġmacroeconomic":42282,"ENGTH":42283,"Battle":42284,"Wire":42285,"oeb":42286,"ĠSister":42287,"ocious":42288,"Ġ{:":42289,"Ġcryptic":42290,"Ġhospitalizations":42291,"ел":42292,"Ġsqlite":42293,"scientist":42294,"ĠBrowse":42295,"Ġhypothalamus":42296,"Ġfollicle":42297,"Ġinconvenience":42298,"interpreted":42299,"Mi":42300,"Ġoaks":42301,"Ġdocker":42302,"ĠFus":42303,"ASC":42304,"avorite":42305,"Ġheaviest":42306,"ĠNottingham":42307,"Ġfragility":42308,"ĠMercy":42309,"utherford":42310,"Ġhesit":42311,"Maintaining":42312,":{":42313,"Ġfd":42314,"lez":42315,"Ġdecarbon":42316,"ĠAugusta":42317,"Ġinterfaith":42318,"Ġperpetuated":42319,"ĠFriendly":42320,"Ġcockroaches":42321,"ĠLEGO":42322,"PK":42323,"rasion":42324,"ilism":42325,"ĠPt":42326,"Ġmicrophones":42327,"ĠAgu":42328,"Ġtrusty":42329,"Ġmocked":42330,"BaseModel":42331,"symbols":42332,"uploads":42333,"Ġischemic":42334,"Saturday":42335,"jpeg":42336,"additional":42337,"andering":42338,"clf":42339,"ibald":42340,"earned":42341,"obot":42342,"Ġretribution":42343,"ĠZn":42344,"Ġwoodworking":42345,"uddled":42346,"Ġconstructively":42347,"Ġcuriously":42348,"DSM":42349,"Ġaggregated":42350,"Factor":42351,"oblastoma":42352,"Ġsparingly":42353,"gut":42354,"alive":42355,"Ġdas":42356,"ĠBac":42357,"avid":42358,"Ġinteroperability":42359,"Ġcareless":42360,"Ġhostname":42361,"Ġhydrological":42362,"ĠElectron":42363,"detect":42364,"Ġtuples":42365,"®,":42366,"ĠJonah":42367,"Ġendeavour":42368,"Ġlodging":42369,"ĠAthenian":42370,"ĠLIMITED":42371,";'":42372,"esville":42373,"Ġgulf":42374,"terious":42375,"ĠFres":42376,"Ġroamed":42377,"nez":42378,"Ġdeseg":42379,"ronomic":42380,"ĠAnimation":42381,"Ġmetering":42382,"spers":42383,"ĠAmpl":42384,"ĠRiverside":42385,"rare":42386,"ĠHed":42387,"Ġintending":42388,"ĠArd":42389,"Ġutopian":42390,"Ġtrustee":42391,"Ġtelevisions":42392,"Contrary":42393,"ĠGlobalization":42394,"Objects":42395,"Ġhamlet":42396,"Ġterrified":42397,"ĠHelsinki":42398,"æģ":42399,"icule":42400,"ĠPend":42401,"ĠWare":42402,"Ġpassively":42403,"Ġcaliph":42404,"ivalence":42405,"Ġpayable":42406,"ĠPartial":42407,"ĠEducate":42408,"Ġinstitutionalized":42409,"Ġoctave":42410,"ĠSurviv":42411,"ĠTMJ":42412,"Ġclerks":42413,"Ġremedial":42414,"ĠPractitioners":42415,"BOT":42416,"said":42417,"Ġhars":42418,"ĠAway":42419,"ĠCeram":42420,"umab":42421,"Ġcanoes":42422,"('[":42423,"ankar":42424,"ammers":42425,"choly":42426,"Ġseasoning":42427,"ĠSilva":42428,"Ġfederation":42429,"Ġintermediaries":42430,"Ġmicronutrients":42431,"ĠAramaic":42432,"EAR":42433,"atten":42434,"isbury":42435,"ĠTin":42436,"resistance":42437,"ĠBant":42438,"Ġweaning":42439,"ĠFAA":42440,"ichte":42441,"ĠRee":42442,"Whilst":42443,"ĠCompassion":42444,"Ġquantification":42445,"ĠModerate":42446,"markdown":42447,"Ġhoneybees":42448,"Ġalarmed":42449,"ĠMoment":42450,"Ġcorpses":42451,"CESS":42452,"Nit":42453,"dwelling":42454,"iander":42455,"hera":42456,"itled":42457,"Ġbc":42458,"ircon":42459,"Ġadsorption":42460,"uchs":42461,"Ġminer":42462,"Ġmains":42463,"Ġanalogue":42464,"ĠControlled":42465,"ĠNeu":42466,"Ġtillage":42467,"ĠAdolescents":42468,"Bud":42469,"Lincoln":42470,"yam":42471,"ĠTot":42472,"ĠCisco":42473,"ellings":42474,"Ġpreprocess":42475,"Ġhistamine":42476,"evidence":42477,"sembles":42478,"ĠBenefit":42479,"Ġnanost":42480,"Ġepistemology":42481,"riment":42482,"Ġpantry":42483,"Ġmocking":42484,"ĠSSR":42485,"ĠCaps":42486,"Ġoutliers":42487,"merc":42488,"erno":42489,"Ġdemarc":42490,"Ġordinarily":42491,"ija":42492,"ĠBroken":42493,"Ġdescriptor":42494,"EFL":42495,"Ġattainable":42496,"Ġgamification":42497,"ĠNAACP":42498,"Ġupland":42499,"Ġescort":42500,"ĠChaucer":42501,"Ġruthless":42502,"Ġindistinguishable":42503,"Taylor":42504,"hoff":42505,"Ġthi":42506,"uti":42507,"thick":42508,"ĠKul":42509,"Ġcurcumin":42510,"Ġfatig":42511,"ĠSlovakia":42512,"negot":42513,"ĠLesser":42514,"Ġforesight":42515,"ĠCeremon":42516,"Ġactuators":42517,"Birth":42518,"Hope":42519,"ĠAUTH":42520,"Ġspurs":42521,"ĠVig":42522,"ĠPlaza":42523,"Ġsteak":42524,"Ġdisposing":42525,"Religion":42526,"Ġmelanin":42527,"ĠPFAS":42528,"Negative":42529,"Ġzebrafish":42530,")].":42531,"Made":42532,"ĠSPD":42533,"ellum":42534,"Ġki":42535,"obility":42536,"aleigh":42537,"Ġbeneficiary":42538,"Alert":42539,"rette":42540,"Ġderivation":42541,"Ġcommercialization":42542,"Ġduplicated":42543,"Ġflavored":42544,"ĠHorace":42545,"ĠParsons":42546,"Ġneuromuscular":42547,"Ġspacetime":42548,"对":42549,"ĠVanderbilt":42550,"ĠTolerance":42551,"ĠCaj":42552,"Ġfatality":42553,"Ġblockages":42554,"Ġtournaments":42555,"ĠMetabolism":42556,"Ġrevolving":42557,"ĠCoping":42558,"journals":42559,"ĠCivic":42560,"qq":42561,"ĠPOL":42562,"ĠBam":42563,"outine":42564,"Ġapparel":42565,"Ġcommunists":42566,"Ġleveling":42567,"ĠIsolation":42568,"Philos":42569,"Ġidealized":42570,"Ġrhyming":42571,"Ġmashed":42572,"Ġweaponry":42573,"Decimal":42574,"PLAY":42575,"Ġunsuspecting":42576,"ĠPARTICULAR":42577,"Pix":42578,"POL":42579,"aum":42580,"Ġreload":42581,"shirt":42582,"Ġlogits":42583,"ĠScope":42584,"Ġwindy":42585,"Ġphenotypic":42586,"Ġcampaigning":42587,"eshoe":42588,"unningham":42589,"Ġsucculents":42590,"Ġrigorously":42591,"ĠHutchinson":42592,"Frequency":42593,"Got":42594,"Wal":42595,"mere":42596,"Ġwob":42597,"ĠTate":42598,"Ġstare":42599,"ifacts":42600,"Ġatopic":42601,"Ġtakeoff":42602,"ĠScratch":42603,"éd":42604,"Ġaxe":42605,"URES":42606,"Ġgrasshop":42607,"icksburg":42608,"ĠNetworking":42609,"temporal":42610,"ĠPROVID":42611,"ĠGregorian":42612,"ĠExpressions":42613,"ĠDeuteronomy":42614,"ĠInsects":42615,"Amb":42616,"ĠĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":42617,"olson":42618,"ĠCalgary":42619,"unching":42620,"ĠTrich":42621,"Ġsticker":42622,"ès":42623,"Ġcentrifugal":42624,"packs":42625,"Ġmx":42626,"ĠLighthouse":42627,"ĠZach":42628,"Ġarrivals":42629,"Ġnationalists":42630,"ár":42631,"ĠLegislation":42632,"Ġsinners":42633,"RAW":42634,"Ġcontaminant":42635,"developmental":42636,"ĠMongolian":42637,"Ġbiscuits":42638,"+\\":42639,"Elements":42640,"Ġpint":42641,"Ġchrys":42642,"Ġsecondhand":42643,"Ġzoon":42644,"ĠCoat":42645,"Ġfortification":42646,"ipeg":42647,"Meaning":42648,"ĠNGC":42649,"Ġligand":42650,"ĠCrimea":42651,"ĠBombay":42652,"Ġorthodontic":42653,"Ho":42654,"Ġstag":42655,"riks":42656,"ĠJSTOR":42657,"Ġnutshell":42658,"Ġconditioners":42659,"Ġapplaud":42660,"Ġgrassy":42661,"Ġdissipation":42662,"Ġnuance":42663,"baseline":42664,"ĠAlternatives":42665,"Ġcosmopolitan":42666,"ĠMPH":42667,"ĠKatie":42668,"DIRECT":42669,"ĠAthletes":42670,"Utils":42671,"pf":42672,"Ġreusing":42673,"ĠHoughton":42674,"Ġjug":42675,"Ġraging":42676,"Ġsolicit":42677,"Ġaffords":42678,"ĠAmanda":42679,"Ġfibro":42680,"absburg":42681,"Ġlinguists":42682,"oulos":42683,"Ġexerts":42684,"ĠBroadcasting":42685,"Absol":42686,"ĠBU":42687,"alli":42688,"Ġtransact":42689,"ĠAnim":42690,"ĠDeleg":42691,"scenario":42692,"ĠZap":42693,"ĠOrb":42694,"Ġdeepens":42695,"Ġrotten":42696,"PSS":42697,"orphy":42698,"SCs":42699,"ĠColombian":42700,"Occup":42701,"Ġdisinfectant":42702,"Die":42703,"aust":42704,"arab":42705,"ĠTBI":42706,"Ġdeceptive":42707,"ĠFounder":42708,"ĠRSV":42709,"pere":42710,"ĠLov":42711,"ĠGinger":42712,"Ġsubdu":42713,"pylene":42714,"Stan":42715,"Station":42716,"IDA":42717,"Ġsoldering":42718,"ĠISIS":42719,"ĠINS":42720,"ĠSumatra":42721,"IFT":42722,"distances":42723,"judgment":42724,"asmine":42725,"Normally":42726,"Events":42727,"ĠFuj":42728,"æĪ·":42729,"ĠSebastian":42730,"ĠParaguay":42731,"!=":42732,"EPS":42733,"YC":42734,"Ġsilenced":42735,"Ġturbo":42736,"Ġinhabiting":42737,"ĠChambers":42738,"ĠMinority":42739,"Ġlengthen":42740,"Ġbotanist":42741,"DESCRIPT":42742,"Http":42743,"von":42744,"Ġomin":42745,"Ġfrench":42746,"ĠSarg":42747,"ĠDai":42748,"aparte":42749,"Alt":42750,"dataclass":42751,"Ġconceivable":42752,"INSERT":42753,"'%":42754,"Ip":42755,"Rat":42756,"æ¯":42757,"ĠPagan":42758,"ivel":42759,"ĠWen":42760,"ificantly":42761,"Ġshepherds":42762,"ĠSpir":42763,"Exposure":42764,"Ġvibrating":42765,"tokenizer":42766,"Statement":42767,"ĠNicole":42768,"Ġforbid":42769,"Ġprefixes":42770,"Ġmuzzle":42771,"Twenty":42772,"Issue":42773,"Lith":42774,"Ġsushi":42775,"ombo":42776,"ĠCrest":42777,"Ġweary":42778,"Ġrations":42779,"Ġcompaction":42780,"ĠUlysses":42781,"Ġclade":42782,"Ġwhence":42783,"Ġmycot":42784,"proven":42785,"ĠSeaf":42786,"ĠShock":42787,"Ġobjected":42788,"Ġmicrograms":42789,"particle":42790,"Ġpositional":42791,"Ġcircumvent":42792,"Ġhygien":42793,"ĠDifferential":42794,"اÙĨ":42795,"Ġgreetings":42796,"Alternative":42797,"ĠEcosystems":42798,"economics":42799,"Ġthrombosis":42800,"Ġpies":42801,"ĠBears":42802,"Ġtrif":42803,"Ġamenable":42804,"Ġkeepers":42805,"Ġmillet":42806,"UTION":42807,"Ġsedimentation":42808,"ĠOlm":42809,"Ġjunctions":42810,"Ġplurality":42811,"ĠCybersecurity":42812,"Ġpredicament":42813,"ĠMcClell":42814,"WOR":42815,"è´":42816,"Ġtoads":42817,"Ġny":42818,"ĠCi":42819,"ĠWorship":42820,"ĠGamma":42821,"apest":42822,"Ġactin":42823,"deb":42824,"ĠResurrection":42825,"infrared":42826,"ĠChey":42827,"ĠMedicines":42828,"CHA":42829,"Ġhacked":42830,"Ġalphabetical":42831,"Ġspawned":42832,"cookie":42833,"ĠKarnataka":42834,"Lines":42835,"ĠDivers":42836,"months":42837,"--------------------":42838,"ĠGoethe":42839,"Madison":42840,"Ġproletariat":42841,"Ġix":42842,"Ġfasci":42843,"Ġhaze":42844,"ĠRinse":42845,"ĠRousseau":42846,"ĠOzone":42847,"cci":42848,"ismo":42849,"Ġlocale":42850,"Already":42851,"nyder":42852,"ĠLouisville":42853,"ĠContinued":42854,"ĠBuzz":42855,"ĠJamestown":42856,"Ġhawks":42857,"Ġantipsych":42858,"residual":42859,"ĠAntioch":42860,"(\",":42861,"gart":42862,"poss":42863,"enol":42864,"odil":42865,"Ġgraze":42866,"porters":42867,"Ġdealings":42868,"Ġballast":42869,"Trade":42870,"är":42871,"ĠCrane":42872,"igsaw":42873,"ĠMohammad":42874,"Ġterrains":42875,"ĠAntibiotics":42876,"Higher":42877,"Ġdexterity":42878,"court":42879,"ĠMaternal":42880,"Ġung":42881,"Ġpurse":42882,"ĠWarwick":42883,"ĠHollow":42884,"Ġjsonify":42885,"ĠHillary":42886,"Ġcarcinogens":42887,"Market":42888,"enhanced":42889,"literally":42890,"ĠStrengthening":42891,"ĠToledo":42892,"MON":42893,"ĠTube":42894,"chapter":42895,"ateurs":42896,"Ġheals":42897,"osit":42898,"plains":42899,"ĠStatic":42900,"Ġache":42901,"Ġcharacterizes":42902,"ĠInstant":42903,"ĠContributions":42904,"Ġauditing":42905,"validator":42906,"Äģr":42907,"ĠStonehenge":42908,"Ġculprits":42909,"Ġunderscored":42910,"Ġexoplanets":42911,"ä¾ĭ":42912,"Ġdefinitively":42913,"Pip":42914,"creating":42915,"tze":42916,"ĠDSL":42917,"Ġsmelling":42918,"Ġgrader":42919,"ĠResidents":42920,"ĠEmory":42921,"Ġdeadliest":42922,"Ġdiameters":42923,"ĠNicolas":42924,"Marine":42925,"oglobulin":42926,"ĠBalkan":42927,"arcinoma":42928,"ĠPfizer":42929,"Ġdystopian":42930,")âĢĿ":42931,"chal":42932,"actyl":42933,"Ġ\",\"":42934,"Ġliteratures":42935,"Ġnetworked":42936,"district":42937,"ĠAuthorities":42938,"ĠSeparation":42939,"MainWindow":42940,"ĠKathleen":42941,"Presentation":42942,"accharide":42943,"ĠLisbon":42944,"Ġgiraffes":42945,"ĠAsperger":42946,"ĠFranciscan":42947,"courses":42948,"vary":42949,"zar":42950,"pea":42951,"Ġretiring":42952,"Ġworldviews":42953,"ĠColoring":42954,"ĠSamoa":42955,"ĠHomeland":42956,"charted":42957,"airobi":42958,"Ġredeem":42959,"Gather":42960,"Seed":42961,"ĠMines":42962,"ĠWon":42963,"Ġclaw":42964,"Ġhelix":42965,"ĠHeather":42966,"Ġappropriated":42967,"Ġportraying":42968,"ĠAdapting":42969,"Ġconventionally":42970,"Ġramps":42971,"separable":42972,"ĠGriffith":42973,"Cmd":42974,"Production":42975,"Rules":42976,"olus":42977,"ĠTours":42978,"herty":42979,"ĠRB":42980,"ĠUFO":42981,"intosh":42982,"Ġflaming":42983,"ermint":42984,"Ġincurs":42985,"ĠSharma":42986,"Ġwidths":42987,"ocrinology":42988,"Ġtribunal":42989,"à¥ģ":42990,"ĠCirculation":42991,"Constraint":42992,"Ġintersects":42993,"Ġsinusitis":42994,"nest":42995,"ĠPatch":42996,"ocardi":42997,"ĠâĢº":42998,"Ġnationalities":42999,"umba":43000,"ĠMonica":43001,"Ġdependable":43002,"ĠMathematic":43003,"arrowing":43004,"Ġimmunodeficiency":43005,"ĠMagical":43006,"FileName":43007,"footed":43008,"ĠOfficials":43009,"Ġmucosal":43010,"Ġextrinsic":43011,"ĠLinguistics":43012,"Ġunequiv":43013,"hin":43014,"mars":43015,"Ġreimag":43016,"ĠDAT":43017,"||(":43018,"uxley":43019,"Ġcultivar":43020,"Ġrebound":43021,"ĠEmpress":43022,"cycled":43023,"Ġtangled":43024,"Evolution":43025,"Ġmetamorphosis":43026,"Academic":43027,"Boston":43028,"PET":43029,"igl":43030,"ĠBones":43031,"ĠBorders":43032,"Ġsha":43033,"backends":43034,"omyces":43035,"ĠCurrency":43036,"Ġtrainings":43037,"serializers":43038,"Ġhoarding":43039,"Ġprosecutor":43040,"ĠInspiration":43041,"photos":43042,"ĠCOPYRIGHT":43043,"Failure":43044,"Road":43045,"Ġsizable":43046,"ĠRings":43047,"Ġdisband":43048,"Ġorganizes":43049,"ĠQué":43050,"Ġmalpractice":43051,"ĠSerious":43052,"Ġresolves":43053,"Ġassimilated":43054,"ĠOmaha":43055,"percentage":43056,"Ġmetastasis":43057,"ĠVitamins":43058,"Darwin":43059,"copyright":43060,"itars":43061,"odel":43062,"Ġcommonalities":43063,"ĠSpan":43064,"ĠEverybody":43065,"decision":43066,"Ġboldly":43067,"Ġlyric":43068,"ĠRoutine":43069,"Ġdermatologist":43070,"Ġanaphylaxis":43071,"kok":43072,"stre":43073,"ĠCite":43074,"ĠGle":43075,"shop":43076,"Implement":43077,"Reals":43078,"networks":43079,"Ġwonderfully":43080,"Ġfurthe":43081,"ĠMechanism":43082,"Ġtestimonies":43083,"ĠPedagog":43084,"Ġphilanthropy":43085,"Ġpamphlets":43086,"Ġrugby":43087,"ĠOrchestra":43088,"Brand":43089,"Ġtrit":43090,"ndez":43091,"Ġgasses":43092,"otourism":43093,"ĠPis":43094,"Ġrpm":43095,"ĠDund":43096,"Ġexpire":43097,"Ġcavern":43098,"Ġparab":43099,"Ġtempered":43100,"Ġzen":43101,"Unique":43102,"transcript":43103,"ĠSolve":43104,"ĠMonterey":43105,"Ġdismantle":43106,"ĠBeautifulSoup":43107,"çł":43108,"esan":43109,"ooky":43110,"ĠAsp":43111,"Ġhomeowner":43112,"Ġswapping":43113,"IDD":43114,"Ġmaximise":43115,"Ġbankers":43116,"Ġamazingly":43117,"ĠLatinx":43118,"Define":43119,"Ġsugarcane":43120,"Ġethnographic":43121,"Ġlunches":43122,"Ġdomestically":43123,"¾":43124,"enting":43125,"Ġconfounding":43126,"Ġgrilling":43127,"gyz":43128,"оÑĤ":43129,"protective":43130,"ĠRaise":43131,"Ġsmoker":43132,"Ġblurry":43133,"ĠCoconut":43134,"Ġphilanthropic":43135,"ç½®":43136,"ĠWinchester":43137,"ĠCott":43138,"Ġintuitively":43139,"velength":43140,"versive":43141,"theme":43142,"ĠAdvisor":43143,"']}":43144,"Ġfreezes":43145,"cholester":43146,"compressed":43147,"Stephen":43148,"Unable":43149,"ĠCreole":43150,"Respons":43151,"ĠStrike":43152,"]\\":43153,"Ġbearded":43154,"Ġvows":43155,"Ġcourthouse":43156,"Ġdevotional":43157,"setLevel":43158,"rowsiness":43159,"Peace":43160,"Ġforgiven":43161,"ĠRefugee":43162,"ĠGathering":43163,"Ġencapsulated":43164,"Ġbarcode":43165,"ĠDistinguished":43166,"Ġtally":43167,"Ġhoop":43168,"ĠLopez":43169,"Ġdefer":43170,"pectral":43171,"Ġincisions":43172,"ĠBlank":43173,"ĠAmos":43174,"Ġreformed":43175,"algorithm":43176,"Ġfleshy":43177,"ĠGMOs":43178,"ChannelType":43179,"CHANTABILITY":43180,",:]":43181,"beg":43182,"¹":43183,"etra":43184,"Ġusur":43185,").|":43186,"Ġexpires":43187,"Ġmultivariate":43188,"ĠSpinal":43189,"ĠAbbott":43190,"emptive":43191,"steroidal":43192,"Ġsearchable":43193,"\"]))":43194,"Ġdecrees":43195,"ĠISP":43196,"Ġacknowledgment":43197,"Ġadhesives":43198,"ĠRudolf":43199,"healing":43200,"roi":43201,"ĠPep":43202,"ĠPneum":43203,"umina":43204,"ĠJL":43205,"Ġinvitations":43206,"Ġinterdependent":43207,"Ġcurtail":43208,"shoot":43209,"Ġbiopsies":43210,"ĠSuitable":43211,"STEP":43212,"Reason":43213,"Ġnarrated":43214,"ĠDubai":43215,"Ġpauses":43216,"Electronic":43217,"ĠSequential":43218,"Ġsemiconductors":43219,"Ġcancellation":43220,"ĠStephanie":43221,"æµ":43222,"erville":43223,"ĠUnified":43224,"Ġextinctions":43225,"Ġcurricular":43226,"Ġtreasured":43227,"Ġchoke":43228,"Ġwelded":43229,"ĠDalai":43230,"Ġdeformities":43231,"Bound":43232,"junct":43233,"vitamin":43234,"Ġsul":43235,"league":43236,"ĠWonders":43237,"ĠFau":43238,"Ġabc":43239,"agra":43240,"ĠCompl":43241,"Ġ____":43242,"ĠANC":43243,"Ġbandage":43244,"ĠInvesting":43245,"Marie":43246,"Ġcasualty":43247,"Encourage":43248,"ĠYosemite":43249,"rone":43250,"aline":43251,"Ġinks":43252,"Ġsoar":43253,"Ġinsults":43254,"Ġtestified":43255,"ĠAnab":43256,"ĠArrow":43257,"ĠClothing":43258,"ferably":43259,"Ġrevolutionaries":43260,"Ġblogging":43261,"Ġbattalions":43262,"Ġcosmological":43263,"erialize":43264,"Ġintersecting":43265,"cke":43266,"Ġperiodicals":43267,"college":43268,"ENV":43269,"ĠMacDonald":43270,"anoia":43271,"Ġconquests":43272,"Putting":43273,"Ġphytochemical":43274,"Ġconfiscated":43275,"ĠBavaria":43276,"ilantro":43277,"$\\":43278,"Ġoe":43279,"Ġreared":43280,"ĠNBC":43281,"Ġkh":43282,"ĠJH":43283,"ifflin":43284,"Ġcaribou":43285,"Ġpowerfully":43286,"Ġcatac":43287,"Ġalignments":43288,"Ġbranded":43289,"ĠFrankenstein":43290,"ĠElla":43291,"NOAA":43292,"çĶŁ":43293,"Ġarchetypes":43294,"åŃĺ":43295,"ĠDawson":43296,"ä¿¡":43297,"Vi":43298,"pitch":43299,"whel":43300,"alore":43301,"ĠSight":43302,"ĠBrent":43303,"ĠBasket":43304,"ĠOy":43305,"Ġovergrowth":43306,"sidered":43307,"ĠMinutes":43308,"Ġangi":43309,"Ġá¸":43310,"Ġeclipses":43311,"Ġdazzling":43312,"=.":43313,"IPS":43314,"Ùģ":43315,"Ġexiting":43316,"LAIM":43317,"carrying":43318,"Ġexhausting":43319,"Ġdeleterious":43320,"ĠFifty":43321,"Ġinfarction":43322,"QR":43323,"Ġace":43324,"Ġdips":43325,"leuk":43326,"quiet":43327,"ĠBere":43328,"ĠEPS":43329,"Ġimprov":43330,"(\"{}":43331,"Ġslime":43332,"Ġwidest":43333,"ELP":43334,"ĠHTTPS":43335,"Ġcalmness":43336,"ĠJuno":43337,"serializer":43338,"ĠExcellent":43339,"ä¸Ģ个":43340,"WIDTH":43341,"erary":43342,"Ġpys":43343,"ĠTrotsky":43344,"ĠHak":43345,"Ġseb":43346,"inseng":43347,"others":43348,"Ġcomplemented":43349,"annual":43350,"Ġfemoral":43351,"observed":43352,"ovenants":43353,"Ġnumeracy":43354,"Ġtranscendent":43355,"ĠComprehension":43356,"Ġcentrally":43357,"ĠCCSS":43358,"ĠCulinary":43359,"NotFoundError":43360,"Ġunknowingly":43361,"Ġmonstrous":43362,"dream":43363,"ĠJPL":43364,"Ġsloping":43365,"Ġprimers":43366,"Ġacquires":43367,"Ġaggravated":43368,"~~~~~~~~~~~~~~~~":43369,"Ocean":43370,"jin":43371,"entin":43372,"ĠCCC":43373,"ĠWah":43374,"ĠLys":43375,"ĠUm":43376,"Ġraced":43377,"ĠOrwell":43378,"ĠInstalling":43379,"affin":43380,"Ġlooph":43381,"Ġenvelopes":43382,"Turk":43383,"Ġtraversing":43384,"Cos":43385,"Ġwards":43386,"Ġfg":43387,"Ġditches":43388,"olve":43389,"quate":43390,"ĠHag":43391,"Ġchilled":43392,"ĠReactions":43393,"ĠHolly":43394,"Ġcounterfeit":43395,"Ġambassadors":43396,"Ġsincerity":43397,"+.":43398,"RM":43399,"categorical":43400,"heating":43401,"ĠeBook":43402,"Ġlilies":43403,"ĠTT":43404,"utorial":43405,"ĠRag":43406,"ptime":43407,"ĠVib":43408,"Ġbroadening":43409,"Ġfascist":43410,"ĠAntioxid":43411,"Ġnavigational":43412,"Ġironically":43413,"Ġз":43414,"Ġneutroph":43415,"ĠGrandma":43416,"survey":43417,"Ġsorghum":43418,"ĠSubstances":43419,"Ġpvproperty":43420,"ž":43421,"Ġduel":43422,"olver":43423,"Ġist":43424,"Ġwhopping":43425,"ĠDahl":43426,"Ġleopards":43427,"ĠLB":43428,"Ġperched":43429,"Ġvisibly":43430,"Ġlander":43431,"ĠAnger":43432,"ĠOrganizational":43433,"MSG":43434,"guess":43435,"ĠVerbal":43436,"ĠGarlic":43437,"Ġmolasses":43438,"ĠGreco":43439,"Ġannoyed":43440,"Ġailment":43441,"Ġsupervising":43442,"Groups":43443,"Ġcumin":43444,"ifact":43445,"Ġspeck":43446,"Ġsayings":43447,"ĠApples":43448,"ABASE":43449,"Ġemptying":43450,"ĠLogin":43451,"Ġgratification":43452,"accepted":43453,"Ġstipulated":43454,"Ġterraces":43455,"Ġprecautionary":43456,"Ġgymnastics":43457,"Ġpanoramic":43458,"ĠHemingway":43459,"Hs":43460,"qi":43461,"vl":43462,"Ø©":43463,"leigh":43464,"andals":43465,"Ġquests":43466,"iola":43467,"ĠCourtesy":43468,"Ġinfects":43469,"ĠSett":43470,"Ġstormy":43471,"ĠMassacre":43472,"Ġstomachs":43473,"ĠSuperintendent":43474,"ĠMagna":43475,"MetaInfo":43476,"Ids":43477,"LIN":43478,"otry":43479,"ĠPPE":43480,"ĠEsk":43481,"Ġdistill":43482,"ĠQuakers":43483,"ĠHerbs":43484,"Ġsinister":43485,"Ġaccompaniment":43486,"ĠPulitzer":43487,"度":43488,"Veget":43489,"Lily":43490,"Ġinclusions":43491,"ĠMae":43492,"Ġcontends":43493,"Ġacclaim":43494,"Ġglomer":43495,"Ġcaptives":43496,"ĠTwentieth":43497,"Ġpropane":43498,"ĠIrrigation":43499,"Ġadmirable":43500,"Ġoutlawed":43501,"ĠTrying":43502,"EXP":43503,"ĠLEED":43504,"Ġinauguration":43505,"Ġencroachment":43506,"Actions":43507,"pans":43508,"|\\":43509,"Ġtbsp":43510,"Ġpym":43511,"Ġpudding":43512,"Ġtoggle":43513,"entanyl":43514,"ĠTYPE":43515,"Ġchocol":43516,"ĠStages":43517,"cystic":43518,"Ġconcave":43519,"ĠAsset":43520,"Ġliquef":43521,"ĠConnected":43522,"Ġrabbi":43523,"Ġdeterministic":43524,"routine":43525,"-.":43526,"aeda":43527,"cong":43528,"policies":43529,"ÙĤ":43530,"icher":43531,"Ġ(_":43532,"ectoral":43533,"ĠThur":43534,"undo":43535,"ecology":43536,"Ġdrunken":43537,"='/":43538,"Doctor":43539,"ĠSpecialized":43540,"Ġcoughs":43541,"ĠBonn":43542,"ĠPredictor":43543,"Ġcovalent":43544,"ĠKaplan":43545,"Ġbicarbonate":43546,"BIT":43547,"sf":43548,"esi":43549,"ĠASTM":43550,"ĠPipe":43551,"Ġriddles":43552,"Ġoutfits":43553,"ĠRecipe":43554,"Ġdeton":43555,"deen":43556,"ĠXIII":43557,"ĠAmend":43558,"Ġethylene":43559,"requirements":43560,"dfunding":43561,"Ġsipping":43562,"Ġeater":43563,"Ġexodus":43564,"ĠTherapeutic":43565,"ogical":43566,"Ġdisenfranch":43567,"Ġpeaches":43568,"Ġgrower":43569,"ĠActivism":43570,"ĠCOM":43571,"Colour":43572,"Ġlecturers":43573,"Ġscheduler":43574,"ĠCollaborate":43575,"ĠBoyle":43576,"ĠTaoism":43577,"Ġenshrined":43578,"'\")":43579,"¦Ĥ":43580,"ologna":43581,"efer":43582,"Ġwaterfalls":43583,"ĠAssemb":43584,"ĠProx":43585,"scaling":43586,"Ġputative":43587,"Ġcolorless":43588,"Ġfinalized":43589,"Ġfastened":43590,"ĠProvider":43591,"projection":43592,"ĠKenyan":43593,"Ġorthogonal":43594,"á¹Ľ":43595,"Ġfurnishings":43596,"assembled":43597,"AX":43598,"Vision":43599,"ferences":43600,"rasing":43601,"Ġrut":43602,"Ġindict":43603,"ĠKipp":43604,"ĠIndicators":43605,"Ġpostdocs":43606,"Ġinternment":43607,"ĠCalcutta":43608,"Ġrouted":43609,"Ġcolonize":43610,"ĠMostly":43611,"Ġmitz":43612,"Ġemptiness":43613,"Performance":43614,"ĠSilent":43615,"Ġretrieving":43616,"æĸ°":43617,"coverage":43618,"Ġcanceled":43619,"Improving":43620,"RAM":43621,"cru":43622,"ĠCroc":43623,"Ġseeming":43624,"Ġforceful":43625,"ĠRetail":43626,"breaks":43627,"Ġwatchful":43628,"Ġradiating":43629,"Ġoscillator":43630,"ĠTribunal":43631,"Ġtropes":43632,"Fields":43633,"Ġsings":43634,"Ġconverse":43635,"Ġchina":43636,"ĠJab":43637,"sofar":43638,"Ġscrib":43639,"inkling":43640,"ĠLeast":43641,"Ġgeospatial":43642,"ĠTransparency":43643,"scheme":43644,"hythmia":43645,"ĠHodg":43646,"ubilee":43647,"dwell":43648,"ticks":43649,"inatal":43650,"Ġhare":43651,"Ġpoke":43652,"ĠQin":43653,"``,":43654,"ĠSchema":43655,"ĠEditing":43656,"ukes":43657,"ĠDeficit":43658,"ĠGreenpeace":43659,"ĠOutreach":43660,"Ġwithdrawing":43661,"า":43662,"Ġfisherman":43663,"ĠBrainstorm":43664,"Ġamputation":43665,"vian":43666,"want":43667,"atype":43668,"itizing":43669,"Ġinp":43670,"Ġeaves":43671,"ĠFC":43672,"ĠNina":43673,"Ġsocialize":43674,"ĠGuam":43675,"omyc":43676,"aturity":43677,"HOME":43678,"Browse":43679,"ĠAcknowledge":43680,"Pakistan":43681,"aer":43682,"dq":43683,"aturing":43684,"emaker":43685,"ĠDense":43686,"Ġshuff":43687,"Ġmegal":43688,"pregn":43689,"ĠGenomics":43690,"Ġannum":43691,"ĠVirgil":43692,"smooth":43693,"existence":43694,"ĠSandra":43695,"ĠSeparate":43696,"ĠLayers":43697,"ĠEDT":43698,"Ġprotoz":43699,"IAN":43700,"bh":43701,"ÄŁ":43702,"Ġhr":43703,"utans":43704,"opies":43705,"Ġrgb":43706,"ĠOkin":43707,"Ġkinetics":43708,"ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":43709,"ylan":43710,"Ġknob":43711,"Ġoxidized":43712,"Speech":43713,"Json":43714,"fri":43715,"Ġbucks":43716,"Ġeel":43717,"ĠPJ":43718,"ĠDRC":43719,"ĠNim":43720,"tershire":43721,"Ġcutters":43722,"Ġexcelled":43723,"Ġoscillation":43724,"Ġreferees":43725,"ĠConfucius":43726,"leet":43727,"olks":43728,"ĠBSD":43729,"Ġadmon":43730,"Ġcommens":43731,"Ġuphill":43732,"Ġdecel":43733,"ĠAlien":43734,"ophytes":43735,"Ġnoticeably":43736,"significant":43737,"ĠMacedonian":43738,"Wilson":43739,"atosis":43740,"ĠSERV":43741,"ĠCoh":43742,"ĠWalls":43743,"itext":43744,"Ġexponents":43745,"ĠEngl":43746,"Ġsentimental":43747,"ĠPepper":43748,"ĠMarin":43749,"ĠMissile":43750,"Emily":43751,"ĠProduce":43752,"Ġfen":43753,"amber":43754,"abets":43755,"ĠLus":43756,"ellites":43757,"iphy":43758,"ĠJoa":43759,"ovina":43760,"Ġgliding":43761,"Ġqualifies":43762,"Cola":43763,"apiro":43764,"ĠMartinez":43765,"rusions":43766,"ĠHyder":43767,"Ġfingern":43768,"judice":43769,"ĠCoordination":43770,"ĠAnatolia":43771,"Ġladen":43772,"Ġwitty":43773,"æŀľ":43774,"esarean":43775,"kon":43776,"Ġoracle":43777,"strict":43778,"ĠCannabis":43779,"Ġrang":43780,"Ġshunt":43781,"lightly":43782,"Ġdieting":43783,"čĊĉĉĉĉ":43784,"âĢ¦..":43785,"Shift":43786,"ĠSchwarz":43787,"[::-":43788,"olyb":43789,"Ġcontradicts":43790,"Ġinhaling":43791,"ĠAssyria":43792,"Ġeigenvalues":43793,"Ġparaphrase":43794,"Ġopposites":43795,"cens":43796,"Ġsaga":43797,"ĠMolly":43798,"ĠHLA":43799,"Ġsubterranean":43800,"Ġreprogram":43801,"ĠShaping":43802,"Ġpathologist":43803,"ĠAfterwards":43804,"Ġpalae":43805,"Ġscripting":43806,"ĠAccom":43807,"Ġskeptics":43808,"Ġvacations":43809,"Ġblindly":43810,"aternary":43811,"ĠCosmic":43812,"Ġcrickets":43813,"Ġpolyphenols":43814,"Ġhilarious":43815,"tus":43816,"combe":43817,"Ġsubdivision":43818,"ĠHeating":43819,"Ġdepress":43820,"measured":43821,"ROP":43822,"Ġscriptural":43823,"ĠInstructional":43824,"Ġauspices":43825,"Ġartisanal":43826,"ĠCarpenter":43827,"æ¨":43828,"ĠCSI":43829,"ĠMate":43830,"acio":43831,"athy":43832,"ĠAnticip":43833,"ĠMetals":43834,"Constant":43835,"Ġescalation":43836,"Creative":43837,"Ġacquaintances":43838,"Ġemanating":43839,"Ġfuselage":43840,"Msg":43841,"Ġabbey":43842,"igning":43843,"Ġhermit":43844,"encycl":43845,"Ġsimplex":43846,"contour":43847,"ĠSuf":43848,"ĠPhDs":43849,"ĠHammer":43850,"ĠWoodrow":43851,"Ġmirroring":43852,"ĠMagnet":43853,"ĠPregnant":43854,"Ġhummingbirds":43855,"å¼ı":43856,"Ġstronghold":43857,"MetaInfoClass":43858,"GPS":43859,"preprocessing":43860,"Ġmodernism":43861,"ONS":43862,"Ġseparator":43863,"ĠMetabolic":43864,"masters":43865,"Ġhorsepower":43866,"Ġyeasts":43867,"Ġlobster":43868,"ĠSusp":43869,"ĠAutomated":43870,"Ġinpatient":43871,"Ġclassed":43872,"Ġrestitution":43873,"sphere":43874,"=\"<":43875,"Ġdatas":43876,"ĠGuards":43877,"ALT":43878,"Ġsnout":43879,"Received":43880,"ĠVoltage":43881,"Plastic":43882,"Ġgunpowder":43883,"ĠPlacement":43884,"Ġsplint":43885,"sentences":43886,"ĠDimensions":43887,"Ġdoctrinal":43888,"Gram":43889,"pies":43890,"Intrigued":43891,"Ġunsur":43892,"twentieth":43893,"GRAPH":43894,"Operations":43895,"ounsaturated":43896,"Ġamphibious":43897,"ĠVolcano":43898,"Ġinconvenient":43899,">\")":43900,"fee":43901,"ĠčĊĉ":43902,"Ġpane":43903,"ĠTran":43904,"chdir":43905,"Ġbegging":43906,"),(":43907,"Ġpsychotic":43908,"Ġtreehouse":43909,"Ġwaits":43910,"ĠSyracuse":43911,"Ġauthentically":43912,"Ġbreeder":43913,"ĠCasey":43914,"ĠCrimes":43915,"Ġpadded":43916,"Ġwipes":43917,"ĠLivestock":43918,"ĠSamsung":43919,"BooleanField":43920,"Ġtouted":43921,"SUM":43922,"chet":43923,"arie":43924,"irvana":43925,"ĠCBC":43926,"ĠPRI":43927,"ĠLIB":43928,"Ġdecrypt":43929,"Ġannals":43930,"Ġmotherboard":43931,"Ġbuoyancy":43932,"Ġconjunctivitis":43933,"LEGATO":43934,"methyl":43935,"Ġfodder":43936,"edema":43937,"ĠGrain":43938,"Ġunbalanced":43939,"ĠSty":43940,"Ġinitials":43941,"Commit":43942,"ĠPyTorch":43943,"ĠIncident":43944,"Ġauthenticate":43945,"Ġpharmacies":43946,"hydro":43947,"Ġgastronomy":43948,"ĠEmployers":43949,"Primitive":43950,"Friendly":43951,"sed":43952,"Ġmommy":43953,"ĠMosaic":43954,"ĠDD":43955,"ĠOscill":43956,"Ġhers":43957,"ĠPlasma":43958,"Ġextremist":43959,"Ġrandomised":43960,"discord":43961,"Ġredistribute":43962,"Ġrallies":43963,"alers":43964,"ĠPec":43965,"ĠWearing":43966,"ĠRaven":43967,"philos":43968,"ĠVaugh":43969,"Ġbenches":43970,"regional":43971,"Ġdocking":43972,"Ġhypoxia":43973,"subscription":43974,"Season":43975,"Ġleptin":43976,"Suddenly":43977,"Ö¶":43978,"ĠAST":43979,"ĠSaddam":43980,"ĠPets":43981,"ĠBrick":43982,"agas":43983,"ardia":43984,"ignon":43985,"Changed":43986,"])]":43987,"vantage":43988,"Ġcollars":43989,"Ġconverters":43990,"Ġsegmented":43991,"ĠOccur":43992,"ĠInteresting":43993,"Ġfarewell":43994,"Ġlevied":43995,"uckingham":43996,"Ġattenuation":43997,"Release":43998,"SCH":43999,"tank":44000,"Ġinexperienced":44001,"ĠTL":44002,"utility":44003,"chio":44004,"chairs":44005,"ĠRSA":44006,"endium":44007,"apis":44008,"ussel":44009,"myth":44010,"Ġstepper":44011,"logged":44012,"patrick":44013,"adoop":44014,"Ġthinly":44015,"Ġepidermis":44016,"Manufact":44017,"ugger":44018,"Ġionizing":44019,"Ġcautioned":44020,"Ġmobilized":44021,"ĠHartford":44022,"ĠPunishment":44023,"dependency":44024,"ĠWinnipeg":44025,"Ġovereating":44026,"Ġdiastolic":44027,"Saving":44028,"bash":44029,"Ġcomed":44030,"ĠWrap":44031,"ĠNineteenth":44032,"ĠKnee":44033,"Ġdefec":44034,"Ġautosomal":44035,"Ġconferencing":44036,"Ġrecognising":44037,"Ġtranscended":44038,"Ġsampler":44039,"Ġrecounted":44040,"oclonal":44041,"Bern":44042,"mach":44043,"tgt":44044,"includes":44045,"Ġcer":44046,"ĠBIOS":44047,"ĠJuris":44048,"Ġclad":44049,"avour":44050,"ĠConsuming":44051,"REC":44052,"patients":44053,"°.":44054,"Ġmacron":44055,"demo":44056,"ĠBahamas":44057,"ĠLebanese":44058,"âĤĤ":44059,"ĠMellon":44060,"ĠProphets":44061,"Front":44062,"viz":44063,"ĠĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":44064,"cere":44065,"Ġattuned":44066,"Ġprotesting":44067,"Ġhardiness":44068,"Ġteamed":44069,"Ġarrhythmias":44070,"ĠAppropri":44071,"Ġcatfish":44072,"Ġregularity":44073,"Ġmechanic":44074,"---------------------------------------":44075,"Ġshootings":44076,"Antib":44077,"ĠSDGs":44078,"ĠBaptism":44079,"Ġprophylaxis":44080,"ĠFITNESS":44081,"materials":44082,"çĤ¹":44083,"Ġeard":44084,"university":44085,"Ġhomeopathy":44086,"ĠEdited":44087,"ĠCongratulations":44088,"namely":44089,"Transaction":44090,"Ġscrolls":44091,"juana":44092,"atas":44093,"oran":44094,"ĠCERN":44095,"cline":44096,"Ġgenerative":44097,"Ġtesticular":44098,"CEPT":44099,"freeze":44100,"ĠLightning":44101,"TYPES":44102,"Ġgrips":44103,"pixels":44104,"everything":44105,"Package":44106,"Ġirresistible":44107,"Trust":44108,"ĠEls":44109,"Ġkosher":44110,"ĠKM":44111,"athyroid":44112,"llium":44113,"Ġembargo":44114,"ĠGuest":44115,"Ġeroding":44116,"âĢ¢âĢ¢":44117,"enthic":44118,"Ġcastes":44119,"Becoming":44120,"difficult":44121,"ĠCelts":44122,"ĠGastroenter":44123,"Rose":44124,"Ġpung":44125,"ĠMits":44126,"oceros":44127,"ĠHabsburg":44128,"Ġexaminer":44129,"prox":44130,"Ġpathophysiology":44131,"registration":44132,"Ġpredictability":44133,"Ġfavorably":44134,"ĠCommunion":44135,"Ġwealthiest":44136,"ĠÃĤ":44137,"Ġcramping":44138,"ĠMERCHANTABILITY":44139,"'\",":44140,"pun":44141,"ĠMare":44142,"queries":44143,"Ġ\"\":":44144,"Ġroaming":44145,"ucchini":44146,"Ġrealistically":44147,"Ġaccountant":44148,"Ġurinate":44149,"Ġnegro":44150,"Ġstripping":44151,"ĠViral":44152,"ĠSchul":44153,"ĠGreenwood":44154,"ĠSkip":44155,"Quest":44156,"Whereas":44157,"Ġsealants":44158,"ĠBolshevik":44159,"ĠStefan":44160,"filling":44161,"punk":44162,"wage":44163,"embrance":44164,"ĠFairy":44165,"Ġacutely":44166,"Ġjustices":44167,"Ġelast":44168,"Ġrabbin":44169,"ĠPotato":44170,"Likewise":44171,"Ġreigns":44172,"Ġdelegated":44173,"ĠExciting":44174,"Ġentanglement":44175,"ĠOdysseus":44176,"ĠVALUES":44177,"taken":44178,"otting":44179,"arty":44180,"ĠJal":44181,"shaw":44182,"Ġsentencing":44183,"ĠCharity":44184,"corrh":44185,"ĠHawking":44186,"Ġpolygons":44187,"ĠNSAIDs":44188,":|":44189,"Lex":44190,"xff":44191,"ĠELL":44192,"ipv":44193,"ĠInquisition":44194,"Ġdesicc":44195,"ĠVP":44196,"centers":44197,"undy":44198,"ĠContains":44199,"Ġcompeted":44200,"oelect":44201,"ĠHighlight":44202,"ĠIrvine":44203,"diabetes":44204,"Prince":44205,"ĠFatty":44206,"ĠPremium":44207,"Determine":44208,"Annual":44209,"åĽŀ":44210,"Ġwhimsical":44211,"ĠCopernicus":44212,"ç±":44213,"Ġexon":44214,"reducing":44215,"Ġimpregn":44216,"ĠVij":44217,".âĢĿ)":44218,"ulling":44219,"ĠâĶ":44220,"Ġ...,":44221,"helpful":44222,"Ġtensors":44223,"ĠCalculating":44224,"ĠAbdullah":44225,"Harm":44226,"hore":44227,"Ġpardon":44228,"choose":44229,"Ġbeers":44230,"ĠBreed":44231,"Ġleuc":44232,"ĠNIC":44233,"ĠNRC":44234,"ĠWein":44235,"unga":44236,"ĠCarrier":44237,"Ġfertiliser":44238,"Articles":44239,"::::":44240,"Ġcoveted":44241,"ĠSensors":44242,"?]":44243,"vill":44244,"Ġwt":44245,"xticks":44246,"Ġretreating":44247,"Ġboar":44248,"Ġsunken":44249,"Ġirresponsible":44250,"Ġdenoting":44251,"Ġprevails":44252,"Ġsuspicions":44253,"Ġfantasies":44254,"Ġsneeze":44255,"Selecting":44256,"Ġostensibly":44257,"Ġcarcass":44258,"Ġempirically":44259,"ĠArtemis":44260,"ĠRajasthan":44261,"BAS":44262,"Ġdab":44263,"Ġhuts":44264,"quite":44265,"ĠRover":44266,"Ġuniting":44267,"Ġrooting":44268,"arna":44269,"azure":44270,"REF":44271,"Ġconvoy":44272,"specifically":44273,"aspberries":44274,"Ġhurtful":44275,"Ġtetanus":44276,"Ġviscous":44277,"ĠLorenzo":44278,"ĠMIDI":44279,"ĠZoroastrian":44280,"Bell":44281,"tow":44282,"ĠIris":44283,"obo":44284,"weeds":44285,"Ġmodulus":44286,"Ġnonhuman":44287,"ĠBecker":44288,"ĠGuin":44289,"PhD":44290,"operated":44291,"Ġrevolutionizing":44292,"Ġwelcomes":44293,"Ġsponsorship":44294,"ĠOswald":44295,"ÎĶ":44296,"Ġdomes":44297,"ĠMd":44298,"ocles":44299,"Ġplas":44300,"Ġoutflow":44301,"Ġpeeling":44302,"Ġparody":44303,"Ġcellphone":44304,"ĠDiscourse":44305,"ĠSecurities":44306,"ioxide":44307,"ĠTsar":44308,"%%%%":44309,"Ġcommencement":44310,"Ig":44311,"dw":44312,"fal":44313,"Ġanew":44314,"Ġearthy":44315,"ĠEditors":44316,"sects":44317,"Ġigneous":44318,"URCES":44319,"ĠPhysiol":44320,"Ġethnicities":44321,"grades":44322,"ĠPanic":44323,"ĠEmbassy":44324,"anthus":44325,"Ġsharper":44326,"Ġdeafness":44327,"Ġkettle":44328,"Ġsuffixes":44329,"ĠBolsheviks":44330,"Ġuncontrollable":44331,"elected":44332,"ĠHok":44333,"ĠFD":44334,"constraints":44335,"Ġmotorcycles":44336,"CSS":44337,"Appendix":44338,"ĠONLY":44339,"ĠDunn":44340,"Ġcontraind":44341,"Ġdisseminating":44342,"Playing":44343,"Ġevangelical":44344,"Calculate":44345,"Ġmunitions":44346,"zac":44347,"ilio":44348,"ĠParth":44349,"answers":44350,"ressors":44351,"Ġservic":44352,"prey":44353,"Ġmotherhood":44354,"_____":44355,"Ġtransferable":44356,"ĠHoffman":44357,"Ġrazor":44358,"^\\":44359,"Ġdumps":44360,"Ġcland":44361,"Ġmodelled":44362,"Ġpresume":44363,"reads":44364,"ĠAndhra":44365,"extended":44366,"Ġsensed":44367,"APE":44368,"MEs":44369,"Ġradiocarbon":44370,"ĠTriple":44371,"GRAM":44372,"ĠMuir":44373,"iriam":44374,"ĠBattles":44375,"Ġontology":44376,"Ġnanomaterials":44377,"Dog":44378,"vara":44379,"Ġaura":44380,"Ġwhipped":44381,"ĠBuc":44382,"Ġphobias":44383,"Ġsetuptools":44384,"Ġpenetrated":44385,"Ġcodified":44386,"erosene":44387,"ripps":44388,"highest":44389,"budget":44390,"rism":44391,"æĽ":44392,"Ġmowing":44393,"riac":44394,"Ġoutwards":44395,"ĠKush":44396,"eware":44397,"ategor":44398,"ĠPlane":44399,"Ġstatesman":44400,"infect":44401,"Ġtaxing":44402,"Ġhypocr":44403,"ĠObtain":44404,"ĠSubscribe":44405,"Ġplagiar":44406,"Ġsnapshots":44407,"ĠIgG":44408,"ĠZionism":44409,"Ġfigurines":44410,"Ġteddy":44411,"Ġsacraments":44412,"ĠTutor":44413,"ĠHL":44414,"ĠGret":44415,"Ġoutermost":44416,"Ġfevers":44417,"Ġdetriment":44418,"Ġleveled":44419,"Ġplanters":44420,"Ġrestraints":44421,"ĠNationalism":44422,"filenames":44423,"subscribe":44424,"repair":44425,"Ġthickened":44426,"ĠRecording":44427,"planetary":44428,"Ġfarthest":44429,"Recognizing":44430,"Ġvanishing":44431,"Ġremodeling":44432,"DATE":44433,"MN":44434,"orc":44435,"hertz":44436,"ipa":44437,"ĠAsking":44438,"Ġcheet":44439,"ĠExit":44440,"Ġrestrained":44441,"ĠShapes":44442,"Ġnationals":44443,"ĠCompensation":44444,"bursts":44445,"ĠCrazy":44446,"Marx":44447,"Ġspeciation":44448,"Loop":44449,"jav":44450,"yter":44451,"Ġsigh":44452,"ĠRiding":44453,"ĠLep":44454,"Ġfeathered":44455,"Ġblasphem":44456,"Ġaffirms":44457,"azers":44458,"Ġsentient":44459,"Ġseasonally":44460,"consumption":44461,"Ġstraps":44462,"ĠDesigner":44463,"ĠSenators":44464,"åĪĹ":44465,"ĠUlster":44466,"Ġseabed":44467,"LIED":44468,"Ġoblique":44469,"odendron":44470,"ĠHex":44471,"Ġhandouts":44472,"ĠGeneric":44473,"Goal":44474,"ĠDetermining":44475,"Ġcarpal":44476,"ĠSinclair":44477,"Ġmarshm":44478,"hair":44479,"Ġbpy":44480,"Ġlarynx":44481,"ĠTir":44482,"ĠCAL":44483,"ĠHague":44484,"orman":44485,"ĠStain":44486,"Ġgenerational":44487,"Ġsmoothies":44488,"Ġhurried":44489,"Ġneurologic":44490,"Ġaromas":44491,"ikhail":44492,"ĠOrnith":44493,"/*":44494,"Ġsf":44495,"Ġdl":44496,"Ġstraining":44497,"Ġchats":44498,"ĠRhy":44499,"ĠNerve":44500,"Ġtimezone":44501,"Ġimprob":44502,"ĠShale":44503,"Ġwhiteboard":44504,"OTO":44505,"ĠÃģ":44506,"Ġblogger":44507,"ĠPersu":44508,"Predict":44509,",*":44510,"õ":44511,"Ġplex":44512,"Ġmater":44513,"ĠPak":44514,"ĠRosh":44515,"ĠGRO":44516,"ĠKand":44517,"Ġconsoles":44518,"ĠYak":44519,"Ġapproving":44520,"Ġorganisational":44521,"ĠSey":44522,"ĠSham":44523,"Ġbiore":44524,"Ġrelegated":44525,"Reset":44526,"iterator":44527,"ĠMcD":44528,"Ġsacs":44529,"ĠToolkit":44530,"Ġkilowatt":44531,"Ġmischievous":44532,"aedia":44533,"recall":44534,"Ġeurope":44535,"olian":44536,"ĠMiz":44537,"ĠDj":44538,"actin":44539,"Ġclown":44540,"physics":44541,"rowave":44542,"Whole":44543,"Ġspreadsheets":44544,"atura":44545,"Ġbulld":44546,"ĠDayton":44547,"lename":44548,"ĠRobots":44549,"Former":44550,":`~":44551,"Ġpertussis":44552,"aternion":44553,"GPU":44554,"ĠDiaspora":44555,"geom":44556,"esthetics":44557,"ĠNice":44558,"Ġpruned":44559,"Ġrestlessness":44560,"ĠXL":44561,"ĠAustro":44562,"Ġprecipitate":44563,"Ġaffirming":44564,"Ġdisposs":44565,"ĠHumboldt":44566,"Ġbanners":44567,"ĠTEM":44568,"amom":44569,"ĠHass":44570,"ĠDiane":44571,"achie":44572,"ĠStability":44573,"ĠYum":44574,"Ġacorns":44575,"Ġprojectile":44576,"Ġbiometric":44577,"metries":44578,"uku":44579,"Ġbravely":44580,"Ġfiberglass":44581,"ĠAddison":44582,"Ġdismissal":44583,"ĠSleeping":44584,"ĠiPads":44585,"Ġapprentice":44586,"ĠRoland":44587,"Ġlantern":44588,"ĠShirley":44589,"Ġtrillions":44590,"+'.":44591,"Military":44592,"VO":44593,"Ġiso":44594,"ĠRoof":44595,"onged":44596,"Ġagitated":44597,"ATS":44598,"Ġembassy":44599,"Ġpreparatory":44600,"Ġpolythe":44601,"Trace":44602,"ĠUVA":44603,"Ġtortoises":44604,"studied":44605,"Ġbipart":44606,"ĠKerry":44607,"ĠSutton":44608,"Ġengrossed":44609,"Built":44610,"Jane":44611,"Ġdans":44612,"Ġdashed":44613,"urger":44614,"adish":44615,"obos":44616,"ĠVS":44617,"Ġmodifier":44618,"Ġsupercomputer":44619,"Ġsprung":44620,"Ġpylori":44621,"achycardia":44622,"=\"\"":44623,"WISE":44624,"signed":44625,"ØŃ":44626,"æĬ":44627,"Ġasexual":44628,"enton":44629,"Ġgin":44630,"irubin":44631,"Ġconcom":44632,"ĠHue":44633,"ĠFake":44634,"Ġseren":44635,"Ġjan":44636,"prises":44637,"ĠShot":44638,"INPUT":44639,"Ġcaptains":44640,"ĠParse":44641,"Measuring":44642,"Ġanalogies":44643,"strual":44644,"ĠTyph":44645,"ĠStrauss":44646,"-------------------------":44647,"Ġhegemony":44648,"æģ¯":44649,"molecule":44650,"wara":44651,"åİ":44652,"Ġ].":44653,"idic":44654,"ĠSap":44655,"ĠCrab":44656,"Ġconcession":44657,"Ġdeconstruct":44658,"Ġintonation":44659,"Ġmonog":44660,"raltar":44661,"Ġtopsoil":44662,"ĠPhyl":44663,"otti":44664,"ĠPreston":44665,"grads":44666,"Ġduly":44667,"Ġaqueduct":44668,"conflict":44669,"ocysteine":44670,"Ġharmonies":44671,"Ġdeprive":44672,"Ġleveraged":44673,"Ġstratified":44674,"ĠKelvin":44675,"Ġarrogance":44676,"fresh":44677,"kid":44678,"ĠROM":44679,"ĠKick":44680,"ossils":44681,"autiful":44682,"Immun":44683,"iosync":44684,"Greater":44685,"ĠMussolini":44686,"gif":44687,"jk":44688,"Ġmasc":44689,"imuth":44690,"ĠDEF":44691,"ĠGom":44692,"actually":44693,"ĠJW":44694,"concent":44695,"cyst":44696,"Ġconstrued":44697,"Ġtopological":44698,"ĠUpdates":44699,"missible":44700,"ร":44701,"Ġvaricose":44702,"JC":44703,"cgi":44704,"Ġcic":44705,"Ġnipple":44706,"oders":44707,"ĠMPs":44708,"thor":44709,"ĠNairobi":44710,"Ġpresided":44711,"Ġdecou":44712,"Ġcarbox":44713,"Ġassociating":44714,"Ġspaceflight":44715,"ĠAllison":44716,"Ġstreak":44717,"ĠHolocene":44718,"Ġattractiveness":44719,"ĠMatthews":44720,"Enable":44721,"Ġcriticizing":44722,"successfully":44723,"OUTPUT":44724,"Ġmyelin":44725,"Evaluation":44726,"Ġhypersensitivity":44727,"matching":44728,"oices":44729,"ì":44730,"Ġdpi":44731,"Ġstinging":44732,"ĠBram":44733,"ĠFors":44734,"Ġunnamed":44735,"ĠVista":44736,"Exist":44737,"infos":44738,"Ġparametric":44739,"Ġcollaborator":44740,"ĠÃĨ":44741,"Ġacceler":44742,"Ġinspecting":44743,"Ġenactment":44744,"Gi":44745,"Ġbidding":44746,"iges":44747,"ayette":44748,"Ġvor":44749,"Ġdismay":44750,"ĠVL":44751,"Ġflushed":44752,"Ġmont":44753,"Ġhardworking":44754,"ĠSufi":44755,"Ġtrustworthiness":44756,"द":44757,"ем":44758,"Smoking":44759,"Ġphonological":44760,"Ġmolars":44761,"Jews":44762,"Ġcommemorated":44763,"ĠIMPLIED":44764,"Mesh":44765,"Ġtors":44766,"stakes":44767,"ĠCFS":44768,"Ġtracer":44769,"Ġdevelopmentally":44770,"Ġimmutable":44771,"scroll":44772,"preprocess":44773,"\"]]":44774,"Ġrandomness":44775,"ĠWritings":44776,"Ġcriticised":44777,"Ġrents":44778,"Labels":44779,"Callback":44780,"rupulous":44781,"Importance":44782,"Ġcursive":44783,"Ġimbued":44784,"ĠConcentration":44785,"ahead":44786,"hots":44787,"ĠLaksh":44788,"ĠGanes":44789,"needs":44790,"ermo":44791,"Ġbrushed":44792,"orno":44793,"ĠBrahma":44794,"ни":44795,"ĠCPUs":44796,"Ġrepublics":44797,"Ġstyling":44798,"ĠMarianne":44799,"itius":44800,"augment":44801,"Ġpreprint":44802,"ohist":44803,"||=":44804,"ĠBeef":44805,"unei":44806,"sequential":44807,"ĠConsent":44808,"Ġcolonizers":44809,"ĠSystemic":44810,"Discovery":44811,"firehose":44812,"Ġhydrothermal":44813,"harvest":44814,"Hungarian":44815,"ĠCecil":44816,"?|":44817,"Bee":44818,"dns":44819,"kner":44820,"nested":44821,"trim":44822,"eni":44823,"ĠMash":44824,"ĠMisc":44825,"ĠMifflin":44826,"ĠGig":44827,"ĠOss":44828,"ĠObl":44829,"Ġpreface":44830,"ĠReplacement":44831,"Ġrestorations":44832,"Ġseasonality":44833,"Ġtranslational":44834,"Ġpriceless":44835,"Ġafar":44836,"CPU":44837,"Ġcheaply":44838,"Ġscreenshot":44839,"Swed":44840,"measurement":44841,"ĠBoundary":44842,"AAAAAAAA":44843,"ĠMekong":44844,"sz":44845,"éĽ":44846,"ŀĭ":44847,"Ġfray":44848,"ĠTant":44849,"Ġripped":44850,"Ġworsens":44851,"ĠKahn":44852,"ĠYuc":44853,"Ġdecimated":44854,"Formation":44855,"ĠDecline":44856,"Ġpapaya":44857,"ĠNortheastern":44858,"ĠBasilica":44859,"Purpose":44860,"SERVER":44861,"Ti":44862,"Ġeucalyptus":44863,"ĠAunt":44864,"ĠSEM":44865,"ĠShips":44866,"opf":44867,"Ġdisgrace":44868,"Ġpreposition":44869,"jectory":44870,"herson":44871,"definitions":44872,"coloured":44873,"influ":44874,"Ġmistress":44875,"immun":44876,"Ġbeekeeping":44877,"Ġcassava":44878,"HET":44879,"bius":44880,"ĠTasks":44881,"Ġchanting":44882,"âĢĻ).":44883,"Ġaccret":44884,"Ġrefuel":44885,"Ġpractising":44886,"Ġmarketers":44887,"Ġbottoms":44888,"Ġtrove":44889,"Ġsenate":44890,"Ġoutsider":44891,"Ġoverturned":44892,"Ġtacit":44893,"poke":44894,"ĠDos":44895,"ĠFeng":44896,"ĠGiza":44897,"Ġuncharted":44898,"Ġscaly":44899,"ĠAden":44900,"interfaces":44901,"Ġpersistently":44902,"Ġphrasing":44903,"ĠTiming":44904,"ĠAccurate":44905,"Consumer":44906,"Ġascetic":44907,"Ġfurious":44908,"Ġcondenser":44909,"rameworks":44910,"Nonetheless":44911,"Bed":44912,"PAT":44913,"Sweet":44914,"bah":44915,"ivative":44916,"ĠRex":44917,"Ġoverfishing":44918,"Ġamaze":44919,"Ġdeepened":44920,"ĠGlory":44921,"ĠPalae":44922,"Ġstemmed":44923,"Ġvelvet":44924,"ĠFacial":44925,"ĠImagination":44926,"ĠHormone":44927,"Ġhydrophobic":44928,"Ka":44929,"Pregn":44930,"atched":44931,"elim":44932,"ĠDuff":44933,"ĠRim":44934,"Ġequates":44935,"Ġstreaks":44936,"Ġpharmacists":44937,"\"...":44938,"Luck":44939,"dialog":44940,"jas":44941,"ĠREG":44942,"ĠNgu":44943,"Ġmixer":44944,"ĠJesuits":44945,"iteritems":44946,"ĠTwist":44947,"Ġgemstones":44948,"Ġgenealogical":44949,"rion":44950,"vat":44951,"agland":44952,"ustion":44953,"Ġselfless":44954,"exercise":44955,"Ġglo":44956,"Ġmonolithic":44957,"Ġclassifiers":44958,"Ġstatehood":44959,"Ġbiotech":44960,"Ġurls":44961,"Ġsatirical":44962,"ĠPrep":44963,"ĠPatience":44964,"glacial":44965,"ĠCrossing":44966,"ĠHashem":44967,"ĠAlexandra":44968,"Ġcarotenoids":44969,"Arabic":44970,"ĠAmphib":44971,"Ġreimbursement":44972,"Duration":44973,"èĩ":44974,"iculate":44975,"vez":44976,"ĠAgencies":44977,"opted":44978,"Ġhefty":44979,"Ġphag":44980,"Ġflint":44981,"awan":44982,"ĠWeed":44983,"spots":44984,"ĠAmount":44985,"Ġmisused":44986,"ĠGlue":44987,"Ġillustrious":44988,"Ġcoalitions":44989,"ĠSalad":44990,"ĠCypri":44991,"ĠMelissa":44992,"ĠLyndon":44993,"MessageBox":44994,"Returning":44995,"Switch":44996,"Ġanomalous":44997,"Ġbicycl":44998,"REQUEST":44999,"Lewis":45000,"Dutch":45001,"olulu":45002,"ĠSudden":45003,"ĠEIA":45004,"ostat":45005,"Ġnoxious":45006,"Ġparcels":45007,"ĠMahal":45008,"anthin":45009,"adequate":45010,"Wis":45011,"[@":45012,"enheim":45013,"Ġrevert":45014,"ĠSoup":45015,"ĠCrew":45016,"ĠHarding":45017,"âĢĻ?":45018,"outfile":45019,"rund":45020,"ieft":45021,"ĠInk":45022,"Ġpertain":45023,"ĠVera":45024,"ĠCounting":45025,"formatted":45026,"Ġpunctu":45027,"ĠAttacks":45028,"Religious":45029,")*(":45030,"Ġcockpit":45031,"Ġripen":45032,"frozen":45033,"pig":45034,"Ġlakh":45035,"ĠKok":45036,"Ġgenitals":45037,"erning":45038,"ĠAlto":45039,"Ġmotorists":45040,"trials":45041,"Ġpartitioning":45042,"Foods":45043,"Ġchimpanzee":45044,"Ġunleash":45045,"ĠElimination":45046,"Preparation":45047,"TIM":45048,"isinstance":45049,"Ġnud":45050,"olition":45051,"idia":45052,"ĠPID":45053,"ĠDrew":45054,"inephrine":45055,"Ġuninhab":45056,"Ġmoderator":45057,"ĠAllergies":45058,"Ġ`_":45059,"aean":45060,"ĠViruses":45061,"nesia":45062,"ĠLonger":45063,"ĠDevon":45064,"ĠVariation":45065,"Ġhydroponic":45066,"Ġrallied":45067,"aundering":45068,"Vertical":45069,"lum":45070,"Ġlids":45071,"ĠShor":45072,"ayama":45073,"ĠAmar":45074,"Ġearthworms":45075,"ĠAlexa":45076,"ocyst":45077,"ĠRosetta":45078,"Ġμm":45079,"creator":45080,"AutoField":45081,"Ġfoothills":45082,"Pract":45083,"Romans":45084,"Ġcrows":45085,"ĠTec":45086,"ĠCologne":45087,"ĠFacing":45088,"Ġsocializing":45089,"Ġlegality":45090,"Ġangu":45091,"ADDR":45092,"Ġchromatin":45093,"Ġminimalist":45094,"ĠAgreements":45095,"æľĢ":45096,"ĠRAID":45097,"blooded":45098,"Ġdismantled":45099,"ðĿIJ":45100,"Ġaltruism":45101,"Ġbesieged":45102,"Ġsaffron":45103,"Virginia":45104,"ĠCaspian":45105,"*)":45106,"beds":45107,"criminals":45108,"Ġsevered":45109,"Ġwilliam":45110,"ilde":45111,"):**":45112,"Ġpoppy":45113,"tooth":45114,"scribed":45115,"Annot":45116,"mlp":45117,"Ġwrongs":45118,"ABS":45119,"ĠPrincip":45120,"ĠFlorent":45121,"ightedness":45122,"Sky":45123,"nip":45124,"Ġsg":45125,"ĠCone":45126,"unas":45127,"apart":45128,"Ġdesens":45129,"Ġmyc":45130,"ĠInstitut":45131,"ĠAssume":45132,"equivalent":45133,"Ġpreferential":45134,"ĠMaas":45135,"Submitted":45136,"Ġpancakes":45137,"ĠTaiwanese":45138,"deliverystream":45139,"Ġexcursions":45140,"ĠFrançois":45141,"Tam":45142,"reactive":45143,"stamp":45144,"ĠTD":45145,"ĠDag":45146,"Ġresorted":45147,"ĠHeidelberg":45148,"Ġrefill":45149,"Ġdecib":45150,"ĠEnable":45151,"ĠEdo":45152,"ĠSalisbury":45153,"Ġbeekeepers":45154,"ĠFrancesco":45155,"ĠBuchanan":45156,"tropical":45157,"ĠIbrahim":45158,"istem":45159,"Ġnearing":45160,"ĠFiscal":45161,"ĠNacional":45162,"Ġwaterway":45163,"Ġlocust":45164,"linger":45165,"amphetamine":45166,"Ġmarketplaces":45167,"Except":45168,"ĠJewel":45169,"ĠMetadata":45170,"Ġdilated":45171,"Ġmileage":45172,"Ġcommemorative":45173,"Ġtranscendental":45174,"Ġtransistorsum":45175,"Ġhopelessness":45176,"Probably":45177,"ĠSysCall":45178,"Baby":45179,"bians":45180,"Ġtame":45181,"Ġsplic":45182,"Ġplagues":45183,"Ġsnapping":45184,"Ġrefrigerated":45185,"rg":45186,"sam":45187,"Ġpines":45188,"Ġboo":45189,"ĠWick":45190,"ĠFlanders":45191,"ĠLegends":45192,"Ġpondering":45193,"ĠSantos":45194,"ĠDalton":45195,"Ġmicrowaves":45196,"documented":45197,"cephalus":45198,"Ġstunted":45199,"Ġstorytellers":45200,"çIJĨ":45201,"Ġich":45202,"Ġcb":45203,"Ġpony":45204,"Ġmolar":45205,"icent":45206,"lew":45207,"Ġforks":45208,"abit":45209,"ĠMAG":45210,"ĠBPD":45211,"ĠDirection":45212,"Ġobedient":45213,"Ġscap":45214,"Anxiety":45215,"Whit":45216,"irac":45217,"Ġsweats":45218,"ĠOFF":45219,"ĠSaras":45220,"Outside":45221,"ĠFacilit":45222,"ĠSophie":45223,"ĠBunny":45224,"Ġcardiomyopathy":45225,"Flex":45226,"iencing":45227,"wired":45228,"eroy":45229,"iless":45230,"Ġcanines":45231,"ĠOCR":45232,"Ġcloned":45233,"ĠStake":45234,"ucceed":45235,"Ġgrafting":45236,"ĠAlison":45237,"ĠAnnex":45238,"Ġdesignations":45239,"haven":45240,"Ġtangy":45241,"ĠNaomi":45242,"Ġgypsum":45243,"Ġpostponed":45244,"Ġarrogant":45245,"Ġconvolutional":45246,"Ġaneurysm":45247,"Burn":45248,"RG":45249,"xon":45250,"Ġreincarnation":45251,"ĠTitus":45252,"Ġkrill":45253,"Ġunderdeveloped":45254,"Ġcoagulation":45255,"Ġposited":45256,"(\"{":45257,"ĠMerchant":45258,"Neigh":45259,"Ġrenovated":45260,"ĠSoldier":45261,"ĠPharisees":45262,"/),":45263,"TRAIN":45264,"WG":45265,"ĠfMRI":45266,"Ġvantage":45267,"ĠJson":45268,"ĠKad":45269,"Ġovercame":45270,"Ġhighs":45271,"ismic":45272,"Ġinstallment":45273,"Sharing":45274,"ĠPersonally":45275,"ĠRaja":45276,"Ġabsurdity":45277,"Captain":45278,"Ġpunk":45279,"ouches":45280,"arctic":45281,"ĠTheological":45282,"ĠEh":45283,"ĠDew":45284,"ĠUX":45285,"Ġimposition":45286,"ĠInher":45287,"Ġoutnumbered":45288,"Ġtesticles":45289,"Ġservitude":45290,"overlap":45291,"ĠSparta":45292,"CHAR":45293,"Ġsubscriptions":45294,"ĠFaust":45295,"Metric":45296,"itasking":45297,"Ġspermat":45298,"Pict":45299,"frey":45300,"yad":45301,"anese":45302,"ĠSections":45303,"ulled":45304,"ĠCognition":45305,"ĠLP":45306,"wns":45307,"ancip":45308,"monton":45309,"Ġradiate":45310,"Units":45311,"ĠUNC":45312,"Ġnitrous":45313,"ĠMadame":45314,"abilia":45315,"Ġstrikingly":45316,"Ġencompassed":45317,"ĠBonaparte":45318,"Compute":45319,"ĠMeasurements":45320,"Ġlocomotion":45321,"Ġperceiving":45322,"ĠBelfast":45323,"died":45324,"pag":45325,"Ġceded":45326,"ĠDN":45327,"dual":45328,"updates":45329,"Ġpurge":45330,"Ġsacrament":45331,"Ġtailoring":45332,"Ġridicule":45333,"ĠMerced":45334,"Ġphosphorous":45335,"ĠLandscapes":45336,"Ġtsunamis":45337,"Companies":45338,"Cart":45339,"Jackson":45340,"Race":45341,"TODO":45342,"tin":45343,"omically":45344,"Ġshrew":45345,"formations":45346,"submission":45347,"Ġobstructions":45348,"Parallel":45349,"Ġrefrigerators":45350,"Ġornate":45351,"Ġoregano":45352,"ĠPandemic":45353,"Ġaphid":45354,"Ġrinsing":45355,"Ġfax":45356,"Ġbb":45357,"Ġstunned":45358,"ĠPolic":45359,"Ġchased":45360,"ĠLiqu":45361,"Ġclinging":45362,"Ġinterspers":45363,"oxel":45364,"ĠDeutsch":45365,"Ġsnork":45366,"Ġpropelling":45367,"Ġminiatur":45368,"ĠSeminary":45369,"Ġlodged":45370,"IUCN":45371,"uu":45372,"éģ":45373,"Ġ--------":45374,"Ġai":45375,"Ġscler":45376,"ĠBj":45377,"Ġhaplot":45378,"ĠDix":45379,"ĠDuration":45380,"ĠRaleigh":45381,"ĠGutenberg":45382,"Ġmanoe":45383,"Ġinfall":45384,"Ġsubunit":45385,"exact":45386,"Ġsoles":45387,"Ġunfit":45388,"orbidity":45389,"Colors":45390,"DoS":45391,"ĠBaum":45392,"Ġsynergistic":45393,"Ingredients":45394,"Ġtok":45395,"Ġstumbling":45396,"ĠPact":45397,"enged":45398,"ĠAssets":45399,"Ġpollinator":45400,"rapists":45401,"------------------------------------------":45402,"ĠVisiting":45403,"Ġjudgements":45404,"Ġstereotypical":45405,"ĠCardiac":45406,"Ġmultiprocessing":45407,"Ġupsetting":45408,"Educational":45409,"Pressure":45410,"Ġlubricant":45411,"ĠKyrgyz":45412,":(":45413,"Round":45414,"ĠPascal":45415,"Ġdisson":45416,"conventional":45417,"Ġsapp":45418,"hedrals":45419,"Ġresourceful":45420,"ĠAviv":45421,"Enjoy":45422,"Ġlipoprotein":45423,"ĠCatalan":45424,"Fourth":45425,"ĠZoology":45426,"ĠHarnessing":45427,"elitis":45428,"sth":45429,"chunks":45430,"ĠHahn":45431,"ĠLoud":45432,"Ġscoot":45433,"Ġsmoot":45434,"lipped":45435,"Ġvirulence":45436,"wordpress":45437,"Ġexecutes":45438,"Adjust":45439,"ĠStatue":45440,"ACTION":45441,"ĠBotany":45442,"plasticity":45443,"nid":45444,"oction":45445,"ĠCategories":45446,"ĠCunningham":45447,"umbo":45448,"Ġcanning":45449,"ĠLipp":45450,"Ġunimportant":45451,"ossa":45452,"Ġlikened":45453,"regression":45454,"ĠEducator":45455,"ÃŃt":45456,"Ġrubrics":45457,"ĠMerriam":45458,"но":45459,"necessary":45460,"Ġtraversed":45461,"#----------------------------------------------------------------":45462,"bush":45463,"uper":45464,"Ġtoad":45465,"Ġrejoice":45466,"ĠReformed":45467,"overl":45468,"adden":45469,"Ġinstructive":45470,"ULD":45471,"Leon":45472,"FAO":45473,"heumatic":45474,"Hem":45475,"Holy":45476,"IRE":45477,"happy":45478,"tone":45479,"Ġwallets":45480,"isodes":45481,"stub":45482,"Ġcomplicating":45483,"ĠDors":45484,"Ġmoratorium":45485,"ĠRepet":45486,"CHECK":45487,"ĠAttitudes":45488,"ĠHypertension":45489,"Ġmatured":45490,"emporal":45491,"Ġaggravate":45492,"itoneal":45493,"åĢ¼":45494,"!,":45495,"Ay":45496,"MH":45497,"fut":45498,"nasa":45499,"Ġtb":45500,"ĠSitting":45501,"oste":45502,"Ġemulsion":45503,"Ġcapped":45504,"Ġsociopolitical":45505,"ĠIPM":45506,"ĠLayout":45507,"Permission":45508,"Ġdetergents":45509,"Birds":45510,"baz":45511,"hier":45512,"mud":45513,"|':'":45514,"Ġstalled":45515,"Ġkb":45516,"Ġamps":45517,"Ġdistributes":45518,"ĠEnough":45519,"Ġdocks":45520,"Ġregularization":45521,"ĠFlags":45522,"Ġtelephones":45523,"ĠSundays":45524,"Ġprogeny":45525,"mysql":45526,"prol":45527,"Ġdod":45528,"ĠCf":45529,"ĠPAT":45530,"Ġsup":45531,"ĠLod":45532,"ĠGag":45533,"ordination":45534,"Ġcoer":45535,"isma":45536,"Ġorganising":45537,"pygame":45538,"Ġplacements":45539,"Ġspears":45540,"Ġchecker":45541,"ĠActual":45542,"ĠHolistic":45543,"histogram":45544,"Ġintruders":45545,"ĠPLC":45546,"president":45547,"Ġtentative":45548,"Ġsprouting":45549,"Ġinnocuous":45550,"Growth":45551,"nian":45552,"Ġreeds":45553,"Ġreforest":45554,"chre":45555,"ĠScy":45556,"ĠWins":45557,"Ġensembles":45558,"clients":45559,"ĠAdmin":45560,"Ġcypress":45561,"ĠParticle":45562,"Ġdeduce":45563,"ĠС":45564,"ĠWilkinson":45565,"ĠIncreases":45566,"ĠNCERT":45567,"Ġlexicon":45568,"Ġtavern":45569,"olybden":45570,"Hep":45571,"KK":45572,"Ġara":45573,"ĠmM":45574,"ĠExamin":45575,"ikan":45576,"ĠPartition":45577,"Ġidealism":45578,"Ġsanctuaries":45579,"monds":45580,"BLIC":45581,"destructive":45582,"使":45583,"Ġaccusation":45584,"Ġextravagant":45585,"ù":45586,"Ġ-----":45587,"inverse":45588,"imetry":45589,"ĠCure":45590,"herly":45591,"ĠKali":45592,"ĠVert":45593,"Ġinsurrection":45594,"Ġpowerhouse":45595,"|||":45596,"Ġsweeter":45597,"Ġtouring":45598,"ĠBirthday":45599,"ĠRolling":45600,"Engineering":45601,"Ġcacti":45602,"Ġpsychoanalysis":45603,"Ġsphinct":45604,"Omega":45605,"snow":45606,"anci":45607,"Ġstarring":45608,"ĠPIN":45609,"ptophan":45610,"ĠOjib":45611,"ĠComedy":45612,"ymour":45613,"ĠBritt":45614,"Ġoxytocin":45615,"Ġrobes":45616,"Ġconstituting":45617,"ĠRadar":45618,"Simon":45619,"SECRET":45620,"cisco":45621,"housing":45622,"atomy":45623,"ĠCork":45624,"ogon":45625,"ĠOD":45626,"licking":45627,"ĠVid":45628,"Ġphthal":45629,"aii":45630,"Ġballots":45631,"ĠSchu":45632,"Ġcorresponded":45633,"gaard":45634,"Ġbaggage":45635,"ĠPhotographs":45636,"Angle":45637,"ĠWolfe":45638,"Ġmourn":45639,"ĠGemini":45640,"Ġtruncated":45641,"Mes":45642,"mapper":45643,"İ·":45644,"enzyme":45645,"strokes":45646,"Ġstout":45647,"Ġimmobil":45648,"defining":45649,"ampal":45650,"Ġanalyzer":45651,"hematical":45652,"Ġbreathed":45653,"ĠSwahili":45654,"Ġdestroyers":45655,"Ġcmds":45656,"Ġmammography":45657,"ĠLowell":45658,"ĠPetr":45659,"ĠSuffolk":45660,"Ġsplendor":45661,"åĮĸ":45662,"Ġanticoagul":45663,"ĠFlemish":45664,"/\\":45665,"Hal":45666,"`):":45667,"foil":45668,"serving":45669,"ingen":45670,"ĠCate":45671,"activities":45672,"clay":45673,"Ġfloppy":45674,"avez":45675,"Ġguitars":45676,"mitting":45677,"ĠActivation":45678,"INGTON":45679,"ĠAvailability":45680,"Ġdestroyer":45681,"öm":45682,"slave":45683,"uggage":45684,"Ġherbaceous":45685,"Ġdistributors":45686,"ĠNursery":45687,"ĠChamberlain":45688,"rolysis":45689,"Ġovercrowded":45690,"kinesisfirehose":45691,"wort":45692,"Ġci":45693,"itates":45694,"perms":45695,"erella":45696,"Ġcoauthor":45697,"Ġvisas":45698,"applied":45699,"Ġerasure":45700,"offer":45701,"αν":45702,"ĠCollecting":45703,"Ġع":45704,"ĠBerger":45705,"Ġtkinter":45706,"Ġprotruding":45707,"Florida":45708,"Ġtantalizing":45709,"ĠLeibniz":45710,"Mis":45711,"viii":45712,"ĠTOP":45713,"\"\"\")":45714,"Ġmemes":45715,"Ġguise":45716,"Ġplaytime":45717,"posable":45718,"sharp":45719,"ranç":45720,"belts":45721,"Ġgrappled":45722,"Ġhinders":45723,"fathers":45724,"Ġsynthesizing":45725,"Ġب":45726,"ĠKrak":45727,"Ġsmuggling":45728,"Jacob":45729,"Horizontal":45730,"Ġplunged":45731,"éĹ´":45732,"rafts":45733,"Ġyelling":45734,"ĠRutherford":45735,"Ġplow":45736,"Ġgravey":45737,"Ġclears":45738,"ARN":45739,"ĠSouthampton":45740,"ĠEffectiveness":45741,"ĠGPUs":45742,"ĠCustomers":45743,"programs":45744,"Ġinconclusive":45745,"ĠBreath":45746,"Ġsizing":45747,"ideal":45748,"Ġxyl":45749,"Ġhabitation":45750,"Proj":45751,"ĠNeutral":45752,"Ġmomentarily":45753,"presso":45754,"ĠAdaptations":45755,"Ġpsychoactive":45756,"ĠIntersectionality":45757,"à¯į":45758,"ĠAntiquities":45759,"molecular":45760,"pard":45761,"Ġmend":45762,"asu":45763,"Ġgating":45764,"ĠTRAN":45765,"ĠPOP":45766,"Ġcany":45767,"clid":45768,"Ġpeels":45769,"Ġinfill":45770,"Ġbristles":45771,"Ġpostcards":45772,"Ġbreakers":45773,"Drive":45774,"Ġchickpeas":45775,"gaussian":45776,"ĠBronx":45777,"conditioning":45778,"Ġerythe":45779,"RB":45780,"Ġdrowsiness":45781,"Ġunbear":45782,"Ġinfrequent":45783,"Ġtotality":45784,"Exactly":45785,"Ġfemur":45786,"ITIES":45787,"ĠÃĸ":45788,"ĠJudy":45789,"Ġcongrat":45790,"Medic":45791,"ĠFilms":45792,"Ġcoercive":45793,"Ġhibernation":45794,"Ġscorching":45795,"ĠDudley":45796,"onet":45797,"Ġduality":45798,"urian":45799,"ĠCree":45800,"Ġdisinformation":45801,"Ġtransducer":45802,"ĠRey":45803,"Ġgli":45804,"alez":45805,"forum":45806,"Force":45807,"ĠInvolved":45808,"αÏģ":45809,"Ġintensively":45810,"ĠWolfgang":45811,"Ġcursed":45812,"Ġunanimous":45813,"Either":45814,"ENA":45815,"hospital":45816,"tweet":45817,"ĠHirsch":45818,"Ġintolerant":45819,"Ġindign":45820,"Ġcleavage":45821,"Ġpotable":45822,"ĠMayer":45823,"ĠConsol":45824,"([-":45825,"ĠObserver":45826,"ĠCartesian":45827,"ĠCrimean":45828,"veston":45829,"Ġendometrial":45830,"æ³ķ":45831,"diss":45832,"fh":45833,"éĿ":45834,"ionError":45835,"Ġlance":45836,"ĠTric":45837,"Ġdehuman":45838,"ĠHeter":45839,"Ġablation":45840,"industry":45841,"ologue":45842,"Ġblanks":45843,"Ġcaudal":45844,"Ġpolitic":45845,"ymers":45846,"iliated":45847,"Ġbarking":45848,"specs":45849,"Ġharbors":45850,"Ġpraises":45851,"ĠJosephus":45852,"Transition":45853,"determined":45854,"################################################################################":45855,"Ġcarotid":45856,"Ġfocussed":45857,"ĠPasteur":45858,"misc":45859,"ĠICD":45860,"Ġleases":45861,"ĠFaced":45862,"ĠChuck":45863,"Ġslums":45864,"domains":45865,"Ġactuality":45866,"Ġmaltreatment":45867,"Ġmultiplicity":45868,"Ġperpetrated":45869,"storms":45870,"Ġquadrant":45871,"Ġpediatricians":45872,"Ġsparsely":45873,"Ġmeteors":45874,"egypt":45875,"cibility":45876,"ĠCourage":45877,"permanent":45878,"arked":45879,"ĠAlter":45880,"orescent":45881,"Ġsupplementing":45882,"Ġionization":45883,"Ġincubated":45884,"Ġidolatry":45885,"Biological":45886,"RIC":45887,"Scre":45888,"zburg":45889,"Ġgazing":45890,"ĠPediatr":45891,"Ġushered":45892,"Ġadam":45893,"onga":45894,"ĠJensen":45895,"acha":45896,"prevent":45897,"ĠHistories":45898,"ĠFeet":45899,"optimize":45900,"ĠChiropract":45901,"ĠInstallation":45902,"Ġattributing":45903,"Sexual":45904,"ĠCicero":45905,"TW":45906,"repid":45907,"itely":45908,"ĠRAD":45909,"Ġcommas":45910,"ĠStark":45911,"Ġunderweight":45912,"ĠComte":45913,"Ġservicing":45914,"Ġlinearly":45915,"ĠZel":45916,"Ġbirthdays":45917,"APS":45918,"ĠChecking":45919,"Colon":45920,"ĠSupports":45921,"experimental":45922,"Funding":45923,"trunc":45924,"arro":45925,"Ġnun":45926,"ĠBuckingham":45927,"ĠDNR":45928,"ĠFritz":45929,"reeze":45930,"instruction":45931,"Ġrespondent":45932,"Ġsonnet":45933,"ĠLogical":45934,"Ġtransplanting":45935,"Ġaugmentation":45936,"lemagne":45937,"ezvous":45938,"Ġdiscreet":45939,"URRENT":45940,"Ġbalcony":45941,"/#":45942,"lake":45943,"rut":45944,"vil":45945,"Ġfou":45946,"gear":45947,"Ġabode":45948,"Ġclump":45949,"athom":45950,"Ġskirts":45951,"ophon":45952,"Ġroadways":45953,"Ġforwarded":45954,"Ġidiosync":45955,"smith":45956,"ViewSet":45957,"Loading":45958,"ĠInvestigations":45959,"satellite":45960,"ĠRiemann":45961,"ĠSquirrel":45962,"dos":45963,"|(":45964,"entions":45965,"Ġanimate":45966,"Ġflaps":45967,"inkel":45968,"Ġrealist":45969,"contaminated":45970,"ĠAssociations":45971,"Ġstocked":45972,"micron":45973,"ĠWillow":45974,"distributed":45975,"Ġenumerated":45976,"ĠATT":45977,"Ġcombustible":45978,"Ġgrasped":45979,"ĠQualitative":45980,"ĠNeanderthal":45981,"ĠAnabapt":45982,"cation":45983,"yar":45984,"igree":45985,"ĠRI":45986,"ruly":45987,"Ġsymph":45988,"ĠChristina":45989,"Ġfeedstock":45990,"Ġfossilized":45991,"ĠSemitic":45992,"ĠBluff":45993,"Silver":45994,"ĠCodex":45995,"Dropout":45996,"ĠâĹĭ":45997,"åīį":45998,"inosa":45999,"Ġpim":46000,"ĠTorn":46001,"chins":46002,"ĠCater":46003,"ivistic":46004,"ĠHuck":46005,"ĠFB":46006,"Ġabiotic":46007,"ĠOCLC":46008,"iping":46009,"orporate":46010,"Ġcounsell":46011,"Prime":46012,"ла":46013,"Ġanaemia":46014,"wolf":46015,"Ġdan":46016,"Ġchal":46017,"Ġabrasion":46018,"ĠChing":46019,"chner":46020,"ĠBarber":46021,"Ġtheorems":46022,"ĠPlantation":46023,"ĠEVENT":46024,"äºĨ":46025,"ĠMasonic":46026,"Ġstrangely":46027,"Ġalveolar":46028,"ĠMemoirs":46029,"Ak":46030,"Hur":46031,"gences":46032,"inplace":46033,"Ġnug":46034,"ĠIb":46035,"ĠFi":46036,"scriber":46037,"grounds":46038,"ĠQueue":46039,"department":46040,"Ġslew":46041,"Ġplaintiffs":46042,"ĠTrouble":46043,"ĠBaking":46044,"ĠJJ":46045,"Ġmanmade":46046,"Ġardent":46047,"phosph":46048,"ĠKane":46049,"teneg":46050,"itsu":46051,"ĠMei":46052,"([(":46053,"restore":46054,"ĠEva":46055,"rodite":46056,"levard":46057,"Ġtyrann":46058,"Trees":46059,"mens":46060,"tidal":46061,"assemble":46062,"usages":46063,"ĠWizard":46064,"Ġmatures":46065,"eylon":46066,"ĠDesigners":46067,"Remote":46068,"ĠTomorrow":46069,"Ġglycos":46070,"ĠSemin":46071,"rickson":46072,"Ġmelancholy":46073,"Providing":46074,"Essential":46075,"ĠIterable":46076,"Ġshrouded":46077,"+(":46078,"Cov":46079,"Coff":46080,"Night":46081,"Sports":46082,"undant":46083,"ACHE":46084,"Ġhypothermia":46085,"traj":46086,"ĠHelic":46087,"ĠIslanders":46088,"elessness":46089,"ĠWhitehead":46090,"ĠSumerian":46091,"ĠPenal":46092,"acceptance":46093,"Ġravaged":46094,"ĠProsper":46095,"enters":46096,"ĠDEP":46097,"Ġshorth":46098,"obiology":46099,"ĠPolo":46100,"Ġcourtroom":46101,"widgets":46102,"ĠJudea":46103,"Ġchromatic":46104,"Ġpacemaker":46105,"Ġtorment":46106,"Ġdreaded":46107,"ĠDiplom":46108,"billed":46109,"Ġpiled":46110,"stral":46111,"Ġpointless":46112,"Ġlocales":46113,"Ġprotectors":46114,"evident":46115,"ĠBasque":46116,"Obesity":46117,"Ġautonom":46118,"Ġtokenizer":46119,"studies":46120,"cosm":46121,"brandt":46122,"KG":46123,"dag":46124,"dried":46125,"kha":46126,"Ġprokary":46127,"istos":46128,"ĠEcho":46129,"ĠFIRST":46130,"Ġpartake":46131,"ĠRepeated":46132,"Ġallowable":46133,"setdefault":46134,"oresis":46135,"blocking":46136,"alyst":46137,"arvae":46138,"ĠRemedies":46139,"Ġwintering":46140,"Contents":46141,"ĠTimber":46142,"builders":46143,"ORDER":46144,"ĠDescriptive":46145,"ĠOsiris":46146,"ĠHazards":46147,"Ġaquariums":46148,"Ġidiom":46149,"Ġfluctuation":46150,"Ġlabourers":46151,"Ġslogans":46152,")>":46153,"dv":46154,"ement":46155,"tolerance":46156,"åŀĭ":46157,"aty":46158,"atos":46159,"Ġreins":46160,"stories":46161,"pei":46162,"ĠNiss":46163,"Ġunsupervised":46164,"))[":46165,"Ġsquamous":46166,"Ġfearless":46167,"Ġhomologous":46168,"Ġmilkweed":46169,"ĠVerse":46170,"ĠBalanced":46171,"Christmas":46172,"sqlite":46173,"tymology":46174,"ĠMobility":46175,"Muslims":46176,"?*":46177,"MEM":46178,"Ġarab":46179,"Ġfury":46180,"ĠTape":46181,"Ġstrom":46182,"ĠCushing":46183,"ĠPix":46184,"ĠPossibly":46185,"Ġtakeaways":46186,"ĠIshma":46187,"Export":46188,"Ġderog":46189,"Ġб":46190,"Ġheroine":46191,"ĠDelicious":46192,"Ġblinded":46193,"Ġchloroplast":46194,"Specifically":46195,"Ġsanctity":46196,"Guidelines":46197,"Ġvandalism":46198,"Ġhypocrisy":46199,"]||":46200,"Ġstings":46201,"ĠVest":46202,"ĠYosh":46203,"Ġcurly":46204,"ĠArbit":46205,"ĠPlut":46206,"Ġpostgraduate":46207,"facebook":46208,"ammu":46209,"ARA":46210,"Ġformalized":46211,"Ġcasually":46212,"ædia":46213,"Ġpreservative":46214,"Ġimpatient":46215,"Han":46216,"Oste":46217,"sustaining":46218,"Ġsr":46219,"ĠCGI":46220,"ĠPike":46221,"ppm":46222,"osic":46223,"Ġlepro":46224,"ĠGond":46225,"Ġrespite":46226,"particles":46227,"helps":46228,"Ġwallpaper":46229,"Ġafric":46230,"ĠPutnam":46231,"Ġimperialist":46232,"ĠYangtze":46233,"Ġdiscretionary":46234,"ĠBMJ":46235,"Ġmisman":46236,"ĠNeurological":46237,"ĠFascinating":46238,"Ġhotspot":46239,"-\\":46240,"Dynamic":46241,"Honey":46242,"Qs":46243,"tcp":46244,"ĠIE":46245,"ĠDrivers":46246,"website":46247,"minus":46248,"achev":46249,"Ġapocalyptic":46250,"CCESS":46251,"ĠAnniversary":46252,"Ġtractors":46253,"Ġdispositions":46254,"decimal":46255,"Ġintersectional":46256,"Semitic":46257,"ìĿ´":46258,"ĠPortsmouth":46259,"Ġpomegranate":46260,"Ġtgt":46261,"ctl":46262,"ĠBonds":46263,"Ġatonement":46264,"ĠGos":46265,"ultz":46266,"eret":46267,"Ġclipping":46268,"Ġfloodplain":46269,"Studying":46270,"Ġprosecuted":46271,"Ġseabirds":46272,"ĠSYSTEM":46273,"ĠNewspaper":46274,"ĠSofia":46275,"ZZ":46276,"ono":46277,"ĠNFT":46278,"Ġcoriander":46279,"Ġcomplexion":46280,"Ġminded":46281,"Ġfirearm":46282,"ĠProviders":46283,"Ġdenture":46284,"xxx":46285,"ĠLuft":46286,"Ġcompacted":46287,"Ġcarcinogen":46288,"ĠBryant":46289,"Ġnematode":46290,"ĠKauf":46291,"Rome":46292,"wings":46293,"akings":46294,"Ġblasting":46295,"Ġplaylist":46296,"Ġconstrain":46297,"amese":46298,"Ġmelodic":46299,"ĠBasis":46300,"celled":46301,"ĠGoodman":46302,"ĠFilters":46303,"Ġcoward":46304,"ĠAristot":46305,"ĠLevine":46306,"Ġbruises":46307,"Ġdreadful":46308,"åĽ¾":46309,"ĠConfucianism":46310,"urethane":46311,",[":46312,"ingale":46313,"Ġmummy":46314,"ĠPash":46315,"Ġva":46316,"encephal":46317,"Ġrobe":46318,"onson":46319,"ĠZed":46320,"attempt":46321,"ĠMeh":46322,"Ġburg":46323,"ĠDeveloper":46324,"ĠCrafting":46325,"Ġtriumphant":46326,"Ġevaporates":46327,"Pars":46328,"Sto":46329,"edited":46330,"Ġbewild":46331,"ĠEB":46332,"ĠLuk":46333,"Ġavatar":46334,"Ġpostoperative":46335,"Ġconcaten":46336,"ĠRegistered":46337,"eforestation":46338,"ĠBayer":46339,"Ġnumerator":46340,"Ġmergers":46341,"ĠAstrophysics":46342,"lifting":46343,"nf":46344,"Ġak":46345,"ĠHitt":46346,"ĠNET":46347,"achal":46348,"msgs":46349,"ĠIsabel":46350,"Ġecologist":46351,"ĠSPEC":46352,"Ġgranul":46353,"Ġdesperation":46354,"Ġhashlib":46355,"Ġdeterminism":46356,"ĠLambert":46357,"ĠErasmus":46358,"pract":46359,"entery":46360,"eler":46361,"ĠNike":46362,"ĠNinth":46363,"Ġpledges":46364,"Ġmediating":46365,"ĠManch":46366,"Ġmagnitudes":46367,"ĠSmile":46368,"Ġfilesystem":46369,"ĠCommissioners":46370,"Definitions":46371,"ĠOpposition":46372,"ĠAllowing":46373,"Ġcrooked":46374,"Truth":46375,"Ġunraveling":46376,"Ġtrigonometry":46377,"Ġfrescoes":46378,"olybdenum":46379,"Cult":46380,"Pap":46381,"_:":46382,"Ġinvert":46383,"ĠTampa":46384,"Ġsuicides":46385,"ĠWerner":46386,"Ġsewn":46387,"Ġentice":46388,"('{}":46389,"ĠCarry":46390,"Ġemphasised":46391,"Ġimmigrated":46392,"Ġbombings":46393,"ĠMinds":46394,"Ġchopping":46395,"ĠPulse":46396,"Designing":46397,"ĠEmirates":46398,"hound":46399,"esse":46400,"leave":46401,"Ġrewritten":46402,"osum":46403,"ĠLange":46404,"Ġrepressed":46405,"ĠProposed":46406,"genesis":46407,"Ġ$(":46408,"ANY":46409,"Ġdivisive":46410,"ixties":46411,"ĠMitigation":46412,"ĠEXPRESS":46413,"educational":46414,"Ġsprinkled":46415,"asyncio":46416,"RUN":46417,"Sched":46418,"fledged":46419,"×ĵ":46420,"Ġreorganization":46421,"american":46422,"Ġplast":46423,"ordinate":46424,"ĠZak":46425,"Ġkinder":46426,"Ġpathologies":46427,"Ġlotteries":46428,"=\"#":46429,"Ġfacebook":46430,"Ġtaxable":46431,"toplas":46432,"caption":46433,"Ġsprinkler":46434,"ĠAdmiralty":46435,"Typical":46436,"bration":46437,"Ñī":46438,"å»":46439,"esley":46440,"herst":46441,"abo":46442,"ĠRhe":46443,"ĠGatsby":46444,"ĠURI":46445,"erma":46446,"Ġrefug":46447,"Ġlowlands":46448,"ĠUSC":46449,"ĠLey":46450,"uddin":46451,"Ġweakest":46452,"Generate":46453,"Ġradiator":46454,"ĠCambrian":46455,"ĠBreakfast":46456,"ĠLIABILITY":46457,"Ġbenzodiazep":46458,"ĠIch":46459,"orms":46460,"ikon":46461,"ymal":46462,"Ġrecognises":46463,"intersection":46464,"ITT":46465,"inoza":46466,"aida":46467,"subnet":46468,"Ġinnermost":46469,"Ġentitlement":46470,"Ġcontemplated":46471,"Turning":46472,"Ġmidwives":46473,"Ġpolymorphism":46474,"jing":46475,"situ":46476,"onacci":46477,"Ġlint":46478,"ĠMarm":46479,"âĢĻ;":46480,"Thinking":46481,"Ġendos":46482,"Ġelectorate":46483,"Anna":46484,"Ġvera":46485,"Ġassertiveness":46486,"chez":46487,"Ġforwarding":46488,"maintenance":46489,"Ġdigestible":46490,"signals":46491,"á¹ĥ":46492,"Ġeradicating":46493,"ïve":46494,"ç±»":46495,".],":46496,"endering":46497,"ĠOle":46498,"ĠUpload":46499,"Ġtransatlantic":46500,"hemes":46501,"ĠMinim":46502,"firstname":46503,"structures":46504,"Ġtheorist":46505,"ĠPaso":46506,"----------------------------------------------":46507,"hausen":46508,"Ġnecklace":46509,"FROM":46510,"xl":46511,"inform":46512,"Ġgerman":46513,"ĠDixon":46514,"uben":46515,"Ġedict":46516,"Ġstrept":46517,"flash":46518,"ĠCaled":46519,"Ġdrawer":46520,"ĠAgnes":46521,"Ġdivisible":46522,"Ġsilencing":46523,"tracks":46524,"ĠDesigns":46525,"Ġfloated":46526,"Ġcommissioning":46527,"Ġneurology":46528,"Ġdecommission":46529,"ĠBorough":46530,".--":46531,"Pear":46532,"Rog":46533,"dip":46534,"enough":46535,"Ġinseparable":46536,"ĠTox":46537,"otonic":46538,"ĠABA":46539,"ĠSore":46540,"ĠHir":46541,"ĠEch":46542,"Ġdisbelief":46543,"Ġprecepts":46544,"Ġbottleneck":46545,"Ġhyperthyroidism":46546,"ĠBillion":46547,"Ġburying":46548,"Ġpericard":46549,"Kid":46550,"Los":46551,"Viet":46552,"editing":46553,"Ġinquis":46554,"ĠAAA":46555,"ĠWan":46556,"ĠEps":46557,"ulturation":46558,"ĠOM":46559,"Ġmeditating":46560,"Ġcurators":46561,"ĠComposite":46562,"anca":46563,"ĠMassage":46564,"ĠBobby":46565,"Ġradiative":46566,"ALLY":46567,"ĠQtCore":46568,"Ġvicar":46569,"ĠPiedmont":46570,"fault":46571,"atim":46572,"chap":46573,"Ġdeem":46574,"ĠHAVE":46575,"ĠJules":46576,"Ġworkpiece":46577,"ossibility":46578,"Ġobtains":46579,"Ġpresenter":46580,"Ġterrace":46581,"ĠGibraltar":46582,"Conflict":46583,"ĠGentile":46584,"ĠPositioning":46585,"Michel":46586,"ĠGloucester":46587,"ĠIshmael":46588,"\"',":46589,"jump":46590,"Ġfiat":46591,"ĠNatives":46592,"ĠLatter":46593,"Ġsublim":46594,"Ġcentimeter":46595,"Ġlegion":46596,"lingu":46597,"Ġprobabilistic":46598,"rano":46599,"dfs":46600,"ĠTestCase":46601,"Ġmistle":46602,"Ġsynth":46603,"Ġcasinos":46604,"ĠMessages":46605,"Ġcontemplative":46606,"ĠDHCP":46607,"Ġkidnapped":46608,"ĠShabbat":46609,"lf":46610,"oC":46611,"rrh":46612,"Ġthrottle":46613,"ctime":46614,"adult":46615,"antan":46616,"ĠWarn":46617,"ĠDome":46618,"ĠNPS":46619,"Ġbrim":46620,"Ġlooms":46621,"Ġcoverings":46622,"Ġrobbed":46623,"Ġinternalized":46624,"Ġtroposp":46625,"ĠSummar":46626,"ĠTextbook":46627,"hisatt":46628,"Ġtentacles":46629,"Ġelicited":46630,"Official":46631,"ĠLazarus":46632,"ĠNervous":46633,"RU":46634,"coco":46635,"Ġfc":46636,"Ġnr":46637,"Ġgull":46638,"ĠSnyder":46639,"ĠFowler":46640,"Ġreciting":46641,"cedure":46642,"Ġscab":46643,"Ġsignaled":46644,"Ġlastly":46645,"Ġbloodshed":46646,"iteracy":46647,"ĠGovernors":46648,"famous":46649,"Ġpierced":46650,"Ġfortunately":46651,"ĠHerodotus":46652,"Ġantifungal":46653,"cip":46654,"gau":46655,"Ġstump":46656,"plasm":46657,"Ġinsider":46658,"Ġphysiothe":46659,"retry":46660,"urga":46661,"ĠRemind":46662,"Ġmeridian":46663,"cellent":46664,"Ġcabins":46665,"Ġ×Ķ":46666,"åIJİ":46667,"Ġtheorized":46668,"MAC":46669,"Socket":46670,"_\"":46671,"ych":46672,"Ġãģ":46673,"alcoholic":46674,"Ġbh":46675,"Ġhoses":46676,"ĠCrops":46677,"ĠMON":46678,"ĠHuxley":46679,"ĠNuts":46680,"iegel":46681,"iffel":46682,"Ġunderline":46683,"Ġexporter":46684,"Ġencodes":46685,"Ġ%%":46686,"firstsum":46687,"igmund":46688,"Ġprioritized":46689,"ĠCalculus":46690,"Ġrefreshed":46691,"Ġbottlenecks":46692,"Ġreagents":46693,"Ġrift":46694,"ĠNIST":46695,"agricult":46696,"Ġyearning":46697,"Ġsuboptimal":46698,"ĠAlle":46699,"viewer":46700,"ĠConsistency":46701,"Ġsilvery":46702,"ĠDiscipline":46703,"Ġfrontline":46704,"Ġsteamer":46705,"Ġaccorded":46706,"ĠApproved":46707,"someone":46708,"several":46709,"Ġcoinage":46710,"ĠProtestantism":46711,"ĠConfucian":46712,"freedom":46713,"inventory":46714,"Ġunsettling":46715,"Ġeuthanasia":46716,"ĠAeronautics":46717,"Ġcanyons":46718,"Je":46719,"PLE":46720,"brew":46721,"Ġtenses":46722,"Ġpawn":46723,"Ġriddle":46724,"ĠDivid":46725,"Ġremitt":46726,"insured":46727,"printer":46728,"manac":46729,"scapes":46730,"ĠIntensive":46731,"ursor":46732,"dicts":46733,"Ġundefined":46734,"ĠRivera":46735,"denom":46736,"IRED":46737,"ĠMethodology":46738,"Ġdecayed":46739,"grids":46740,"ĠLithium":46741,"ĠHEALTH":46742,"Ġcooperating":46743,"ĠPatriot":46744,"ĠRomanticism":46745,"ĠDwight":46746,"Ġtelomeres":46747,"Walking":46748,"leaved":46749,"ĠITS":46750,"ĠHul":46751,"ĠEG":46752,"ibid":46753,"Ġjade":46754,"ensual":46755,"ĠKamp":46756,"ĠShipping":46757,"Ġburgers":46758,"omyelitis":46759,"ĠSchwe":46760,"Ġsettles":46761,"Donnell":46762,"ãĥ³":46763,"ĠMongo":46764,"Ġsieve":46765,"hc":46766,"yre":46767,"ĠTara":46768,"ĠDeng":46769,"ĠYesh":46770,"Ġlows":46771,"Ġboon":46772,"Ġrarer":46773,"Adams":46774,"winner":46775,"ĠDistricts":46776,"Ġsodas":46777,"ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":46778,"Ġunprepared":46779,"Ġripening":46780,"æłĩ":46781,"Ġcafeteria":46782,"Ta":46783,"cash":46784,"Ġgothic":46785,"ĠSoutheastern":46786,"estimate":46787,"ocannab":46788,"ĠVT":46789,"Ġsignified":46790,"decre":46791,"Ġschoolchildren":46792,"ĠBeam":46793,"ĠMeal":46794,"Ġsnapped":46795,"Ġexecutor":46796,"Ġcookware":46797,"Ġstarve":46798,"ĠNazareth":46799,"Ġbombed":46800,"Ġwhisper":46801,"Ġrehearsal":46802,"Ġ################":46803,"iflor":46804,"ĠMovies":46805,"ivol":46806,"ĠBhat":46807,"ĠNL":46808,"perception":46809,"oviruses":46810,"Ġoperas":46811,"Ġzig":46812,"ĠOnes":46813,"Ġsymbolically":46814,"ĠElis":46815,"Physics":46816,"Ġfrustrations":46817,"ĠJacqu":46818,"Priv":46819,"Protecting":46820,"Ġsubordinates":46821,"Sensor":46822,"dain":46823,"Ġhoard":46824,"ĠAFP":46825,"ulism":46826,"ĠInflation":46827,"combo":46828,"Ġtechnologists":46829,"omsky":46830,"Italy":46831,"ĠBenin":46832,"Ġpairwise":46833,"ĠEthan":46834,"planet":46835,"ĠEmploying":46836,"Ġmonopolies":46837,"ĠACTION":46838,"skinned":46839,"Ġlanterns":46840,"ĠExcitedly":46841,"æİ¥":46842,"Ġplasmid":46843,"Nobody":46844,"({}":46845,"åĿ":46846,"ĠCrescent":46847,"ĠKri":46848,"aircraft":46849,"-----------------------":46850,"iken":46851,"Ġauthorize":46852,"Ġshareholder":46853,"ĠPrev":46854,"ĠApoll":46855,"EGER":46856,"continuous":46857,"Ġdyeing":46858,"'?":46859,"River":46860,"Ġtainted":46861,"Ġniacin":46862,"Ġgill":46863,"Ġaloe":46864,"Ġpreem":46865,"Ġtransporter":46866,"ahua":46867,"Static":46868,"shirts":46869,"ĠBeans":46870,"ĠDepartments":46871,"Ġsnug":46872,"Ġbedrooms":46873,"ĠClassics":46874,"Ġmanipulative":46875,"Ġrubbed":46876,"Ġharassed":46877,"Ġtonsils":46878,"ÑĢи":46879,"aaaa":46880,"Ġdialectical":46881,"ĠOwens":46882,"Ġprosecutors":46883,"ÏĥÏĦ":46884,"Ġconjugate":46885,"Ġhemispheres":46886,"theria":46887,"aviruses":46888,"forces":46889,"Ġtherapeutics":46890,"installed":46891,"Ġfreshman":46892,"ĠCareers":46893,"ĠPCI":46894,"ĠWordsworth":46895,"CreateModel":46896,"Processor":46897,"ĠROI":46898,"ĠPandas":46899,"Ġantisocial":46900,"Ġassemblages":46901,"tionary":46902,"Ġancients":46903,"Fold":46904,"NSA":46905,"magnetic":46906,"sers":46907,"opport":46908,"ĠDPS":46909,"Ġleasing":46910,"Ġlevy":46911,"Ġmodifies":46912,"exposed":46913,"ategic":46914,"Ġxs":46915,"ĠiT":46916,"classical":46917,"Ġnutritionist":46918,"ĠSyst":46919,"Ġnervousness":46920,"opolis":46921,"Ġbombarded":46922,"Assert":46923,"Ġdownturn":46924,"Harvard":46925,"Ġeugenics":46926,"hay":46927,"lc":46928,"Ġtresp":46929,"onical":46930,"ĠSart":46931,"ĠJem":46932,"coni":46933,"ĠKA":46934,"Ġtransformational":46935,"Ġunwitting":46936,"slip":46937,"reporting":46938,"Solid":46939,"æĸ¹":46940,"Ġmarsup":46941,"ĠPreparedness":46942,"Marsh":46943,"isks":46944,"Ġdm":46945,"ĠPeng":46946,"ĠRit":46947,"ĠLau":46948,"Ġcentimetres":46949,"prised":46950,"scenes":46951,"Ġpsychothe":46952,"ĠPostal":46953,"Ġpanda":46954,"ĠmiRNA":46955,"Ġvomit":46956,"Ġpolicymaking":46957,"Ġdeterrence":46958,"Lect":46959,"ĠIth":46960,"Ġchakra":46961,"Ġrick":46962,"ustrated":46963,"Ġmania":46964,"ĠComplementary":46965,"Ġvirulent":46966,"ĠNeur":46967,"ĠPolynes":46968,"Ġmomentous":46969,"iformes":46970,"ĠEssentials":46971,"Ġprecedes":46972,"ой":46973,"Ġdissolving":46974,"Ġporosity":46975,"ĠBrowning":46976,"Ġauctions":46977,"Ġgloomy":46978,"toc":46979,"æı":46980,"ĠSphinx":46981,"ĠMF":46982,"osan":46983,"ĠDell":46984,"ĠFH":46985,"teachers":46986,"Ġmodulating":46987,"Ġcalmer":46988,"culus":46989,"Ġtradeoffs":46990,"üh":46991,"Idx":46992,"Interval":46993,"hydrogen":46994,"nonzero":46995,"åıĤ":46996,"Ġmajesty":46997,"ĠCambodian":46998,"Davis":46999,"Circ":47000,"ĠHavana":47001,"ĠXYZ":47002,"eveloped":47003,")==":47004,"Ger":47005,"Ls":47006,"Sugar":47007,"UDE":47008,"fid":47009,"hint":47010,"atches":47011,"Ġhovering":47012,"ĠAure":47013,"Ġweeping":47014,"Ġshimmer":47015,"ĠChir":47016,"Ġremorse":47017,"Asia":47018,"Ġcatap":47019,"ĠDesktop":47020,"Ġautomating":47021,"ĠTransaction":47022,"Ġutilise":47023,"Ġ\"/\"":47024,"Camera":47025,"hoot":47026,"Ġauster":47027,"ĠSessions":47028,"ĠJag":47029,"Ġcommuting":47030,"iani":47031,"azer":47032,"Ġcutaneous":47033,"blasts":47034,"ĠNeumann":47035,"ĠQuinn":47036,"Ġgoldfish":47037,"Scot":47038,"ĠTVs":47039,"Ġspirals":47040,"Ġpropagating":47041,"personic":47042,"ĠDerby":47043,"Ġatheism":47044,"Ġdipole":47045,"ĠMixing":47046,"ĠWorcester":47047,"añ":47048,"baby":47049,"idade":47050,"odine":47051,"Ġcompresses":47052,"aterally":47053,"conform":47054,"ĠVisc":47055,"ĠWeimar":47056,"Ġboating":47057,"Ġlaterally":47058,"Ġscream":47059,"Ġа":47060,"Ġobstetric":47061,"Ġbanded":47062,"England":47063,"Ġstratosphere":47064,"]')":47065,"Ġdd":47066,"chism":47067,"ĠHOLD":47068,"ĠDuty":47069,"armaceutical":47070,"Ġparticulars":47071,"ĠCoke":47072,"Ġproponent":47073,"Ġsufferings":47074,"icycle":47075,"oplasma":47076,"ĠJackie":47077,"purple":47078,"Ġallegorical":47079,"ĠPolytechn":47080,"ĠElias":47081,"Ġenslavement":47082,"ticker":47083,"Ġmercant":47084,"Ġanarchists":47085,"ĠFolklore":47086,"Hungary":47087,"ĠCelebrating":47088,"Ġprocrastination":47089,"gam":47090,"mining":47091,"å§":47092,"èĥ½":47093,"Ġcot":47094,"Ġpom":47095,"ĠPia":47096,"ivirus":47097,"quakes":47098,"romycin":47099,"ĠDir":47100,"ibi":47101,"Ġindeterm":47102,"Ġracks":47103,"appointed":47104,"ĠAdler":47105,"Ġfilming":47106,"ĠClerk":47107,"ICs":47108,"Ġappease":47109,"Ġthrift":47110,"ĠHumanitarian":47111,"ijk":47112,"ĠBenz":47113,"ĠAnyway":47114,"Ġirritants":47115,"Ġlieu":47116,"ĠZhu":47117,"Ġmegawatts":47118,"Ġjurors":47119,"Ġliaison":47120,"pac":47121,"Ġaft":47122,"etin":47123,"Ġstarches":47124,"Ġsurfact":47125,"ĠIsis":47126,"ributing":47127,"Ġrediscovered":47128,"ĠGuill":47129,"ĠQuiet":47130,"Ġhydrology":47131,"Anderson":47132,"ĠSurgeons":47133,"Ġblem":47134,"drawal":47135,"Amazon":47136,"finish":47137,"Ġrevisiting":47138,"ĠConcerning":47139,"Ġdichotomy":47140,"Ġا":47141,"anut":47142,"ĠPSA":47143,"ĠFTP":47144,"__),":47145,"Ġcentering":47146,"ĠShu":47147,"prep":47148,"ĠLeiden":47149,"ĠCalhoun":47150,"Ġalternately":47151,"Ġweakly":47152,"Ġheighten":47153,"tracker":47154,"ĠHumor":47155,"Ġclerical":47156,"Ġalkali":47157,"Ġhegemonic":47158,"Ġovershadowed":47159,"wag":47160,"Ġluggage":47161,"ĠCot":47162,"ĠPNG":47163,"ĠBSE":47164,"linearity":47165,"Ġbrewed":47166,"ĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":47167,"Ġoxen":47168,"Ġtenacity":47169,"Ġcolliding":47170,"rosine":47171,"Ġpickled":47172,"Ġprecede":47173,"pinephrine":47174,"middleware":47175,"Ġchampionship":47176,"vaccinated":47177,"ĠMosquito":47178,"?||":47179,"Git":47180,"SAM":47181,"Ġ```":47182,"ĠMikhail":47183,"Ġrangers":47184,"ĠNFL":47185,"ruz":47186,"cliffe":47187,"ĠUmb":47188,"Ġimpairs":47189,"Ġhermene":47190,"Ġ[('":47191,"Ġgrouse":47192,"Ġhumanism":47193,"Ġrisked":47194,"patches":47195,"ĠSyll":47196,"UNC":47197,"Abd":47198,"Ġmackerel":47199,"Ġcompositional":47200,"ĠChecklist":47201,"Ġvenerable":47202,"Ġroyalties":47203,"Ġexchanger":47204,"ĠPLOS":47205,"Ġcatalogs":47206,"Ġdormancy":47207,"Ġlaminated":47208,"ĠRohing":47209,"ĠDecreased":47210,"Ġinterspersed":47211,"Penn":47212,"ĠĠĠĠĊĠĠĠ":47213,"Ġsto":47214,"verified":47215,"Ġsoared":47216,"Ġvegans":47217,"ISING":47218,"ĠQuint":47219,"orphous":47220,"ĠHarmon":47221,"åŃIJ":47222,"Ġstylized":47223,",,,,,,,,,,,,,,,,":47224,"heny":47225,"ropod":47226,"Ġmagnified":47227,"ĠMinh":47228,"Ġangled":47229,"ĠLandmark":47230,"Ġnumerically":47231,"Ġdeployments":47232,"Ġguaranteeing":47233,"ĠExecution":47234,"cursive":47235,"Rapid":47236,"Ġthroats":47237,"ĠCarthage":47238,"ĠKippur":47239,"ĠMou":47240,"ĠMoy":47241,"ĠWC":47242,"ĠGnostic":47243,"ĠOdd":47244,"Ġspa":47245,"oby":47246,"rayer":47247,"Ġpostsecondary":47248,"Ġtoolbar":47249,"ĠIntake":47250,"\"]=":47251,"countries":47252,"Ġdoubtless":47253,"Ġstuffing":47254,"ĠSiem":47255,"ĠCBSE":47256,"Ġminuscule":47257,"Ġhemorrhagic":47258,"Ġsardines":47259,"Mand":47260,"infer":47261,"Ġcilantro":47262,"omavirus":47263,"olome":47264,"abar":47265,"ĠRough":47266,"sohn":47267,"Ġunderlined":47268,"Ġinsidious":47269,"Ġtestes":47270,"ashire":47271,"ĠShia":47272,"shown":47273,"ulet":47274,"Ġhistoriography":47275,"ĠAmaz":47276,"boost":47277,"ĠApi":47278,"Ġreputations":47279,"ozilla":47280,"ĠCRT":47281,"Ġbrilliantly":47282,"Ġdiscernment":47283,"Director":47284,"Ġcinematic":47285,"ĠJohannesburg":47286,"ç«":47287,"Ġreclamation":47288,"ĠGLO":47289,"ĠKiki":47290,"Ġcurative":47291,"ĠProlong":47292,"Ġplayback":47293,"Ġlandfall":47294,"inched":47295,"bolt":47296,"umbles":47297,"Ġpursuant":47298,"ĠFourteenth":47299,"Ġatheist":47300,"Ġμg":47301,"Certainly":47302,"Ġclandestine":47303,"Cats":47304,"Dead":47305,"WP":47306,"hazard":47307,"kas":47308,"leaves":47309,"starch":47310,"sema":47311,"ĠLef":47312,"Ġevocative":47313,"undity":47314,"--------------------------":47315,"Ġzu":47316,"Ġradii":47317,"ĠRedist":47318,"ILY":47319,"capac":47320,"Ġbioinformatics":47321,"ĠVerb":47322,"Acute":47323,"ĠRandall":47324,"Ġreplicas":47325,"ĠDermatology":47326,"-$":47327,"crum":47328,"ranges":47329,"ĠHide":47330,"converter":47331,"Ġinval":47332,"Ġsubfield":47333,"Ġcautions":47334,"ĠWeaver":47335,"Ġredox":47336,"blogs":47337,"ĠOptimal":47338,"KeyNot":47339,"AddField":47340,"ĠSpirituality":47341,"ĠPrinted":47342,"Ġscrambled":47343,"Ġperilous":47344,"Ġalphabets":47345,"Ġincompetent":47346,"ομαι":47347,"Pont":47348,"Russ":47349,"aires":47350,"cine":47351,"drops":47352,"ÐĴ":47353,"Ġyoke":47354,"ĠGoose":47355,"ĠGras":47356,"Ġkerosene":47357,"ĠAsiatic":47358,"Ġopacity":47359,"mington":47360,"__(*":47361,"Ġcomprehensively":47362,"Ġfilmmaker":47363,"Ġbrotherhood":47364,"Ġcemented":47365,"ĠHuron":47366,"Ġpaediatric":47367,"Ġtossing":47368,"ĠDinosaur":47369,"ĠMackenzie":47370,"Ġnymphs":47371,"Ġellipse":47372,"Fine":47373,"kp":47374,"ĠETH":47375,"Ġalluvial":47376,"ĠThoreau":47377,"Ġdeduced":47378,"Newton":47379,"ĠIND":47380,"objs":47381,"however":47382,"Ġembeddings":47383,"ĠParental":47384,"ĠPuget":47385,"Ġoversaw":47386,"Ġchimps":47387,"ĠCLR":47388,"Ġsamurai":47389,"campus":47390,"mails":47391,"Ġerection":47392,"ĠBake":47393,"ĠEisen":47394,"Ġunmist":47395,"Ġoblong":47396,"Ġmeditative":47397,"Ġcarriages":47398,"Ġengravings":47399,"Ġstorylines":47400,"writes":47401,"datas":47402,"ĠElections":47403,"volt":47404,"Transl":47405,"ĠNumerical":47406,"azzo":47407,"Ġpermeate":47408,"LOGGER":47409,"ĠPicchu":47410,"ĠIncorporated":47411,"comparison":47412,"Ġpianist":47413,"LET":47414,"Sher":47415,"¿":47416,"Ġtipped":47417,"Ġmla":47418,"ĠIPA":47419,"ĠCoptic":47420,"unals":47421,"ĠRacing":47422,"ĠStirling":47423,"Ġdrifted":47424,"Ġcloseness":47425,"ĠSerbs":47426,"detector":47427,"ĠPayne":47428,"Months":47429,"Ġsalmonella":47430,"Ġalienated":47431,"Ġgynec":47432,"ĠAlbanian":47433,"Ideally":47434,"Ġdredging":47435,"asmodium":47436,"Ġarthropods":47437,"pseud":47438,"çŃ":47439,"olumines":47440,"urists":47441,"adone":47442,"ĠPb":47443,"ĠLamp":47444,"Ġadheres":47445,"bergs":47446,"ĠStrict":47447,"Ġdiurnal":47448,"Ġ+/-":47449,"agna":47450,"ĠResonance":47451,"Ġsociologist":47452,"ĠClan":47453,"ofi":47454,"Chris":47455,"Ġsque":47456,"ĠRemembrance":47457,"visional":47458,"Ġbulimia":47459,"Ġwrongdo":47460,"director":47461,"ĠChiefs":47462,"iphany":47463,"advanced":47464,"Ġitalic":47465,"Ġchocolates":47466,"mv":47467,"Ġchivalry":47468,"ĠNI":47469,"ĠNer":47470,"ĠKL":47471,"nev":47472,"Inflamm":47473,"examination":47474,"Ġsolvers":47475,"Arn":47476,"bedo":47477,"ĠJosef":47478,"ĠCardiff":47479,"pretty":47480,"weekly":47481,"ĠBoris":47482,"ĠIDEA":47483,"Bol":47484,"poles":47485,"wu":47486,"Ġrew":47487,"ĠIvy":47488,"estrogen":47489,"ĠBord":47490,"ĠDock":47491,"artist":47492,"Ġindia":47493,"tec":47494,"ĠChatt":47495,"Ġameric":47496,"ĠEnoch":47497,"Ġinfluencers":47498,"Ġburgl":47499,"calendar":47500,"ĠSupplies":47501,"ĠHonolulu":47502,"ĠFewer":47503,"splitext":47504,"Ġmartyrdom":47505,"jam":47506,"Ġavert":47507,"hev":47508,"icially":47509,"opoulos":47510,"ĠMacc":47511,"ĠWills":47512,"ĠFeld":47513,"Ġshack":47514,"ĠLift":47515,"ervative":47516,"Ġmyopia":47517,"Ġpromoters":47518,"Ġpostulated":47519,"Ġbreakage":47520,"listen":47521,"aura":47522,"Ġrowing":47523,"Ġsanity":47524,"Ġperfusion":47525,"ĠðŁĻĤ":47526,"Bind":47527,"ĠTemporary":47528,"amus":47529,"ĠThebes":47530,"ĠKafka":47531,"Ġforensics":47532,"ATES":47533,"ĠGuitar":47534,"ĠMcInt":47535,"ĠSami":47536,"ĠInsight":47537,"Protect":47538,"ĠBudapest":47539,"Functional":47540,"Ġevidences":47541,"Functions":47542,"ĠStreptococcus":47543,"ĠBismarck":47544,"cone":47545,"ý":47546,"Ġpaves":47547,"ĠPp":47548,"Ġvass":47549,"Ġsupersonic":47550,"ĠFate":47551,"ĠFertility":47552,"ĠGanga":47553,"ATIVE":47554,"ĠMeas":47555,"Ġbacteri":47556,"ĠBarbad":47557,"Creation":47558,"joined":47559,"Ġdyed":47560,"Ġcropped":47561,"+-+-":47562,"Ġperiodontitis":47563,"Narr":47564,"á¼":47565,"Ġapr":47566,"ĠVote":47567,"ĠChristie":47568,"Ġsustains":47569,"Ġcapitalization":47570,"Ġeggplant":47571,"Ġpigmentation":47572,"harata":47573,"Ġbuttocks":47574,"Ġlinestyle":47575,"Ġvocalizations":47576,"ĠRainforest":47577,"ĠConditioning":47578,"Ġoftentimes":47579,"ĠOrbiter":47580,"toplasmic":47581,"Ġwrench":47582,"Ġfrant":47583,"ĠCuc":47584,"ĠBacter":47585,"Ġcommunicators":47586,"Ġस":47587,"interesting":47588,"ĠTelephone":47589,"Ġreplicates":47590,"ĠFlexibility":47591,"Ġscratched":47592,"DELETE":47593,"ĠREDD":47594,"HETATM":47595,"Ġleprosy":47596,"jord":47597,"à´":47598,"Ġply":47599,"Ġinanimate":47600,"ĠSloan":47601,"ĠNil":47602,"Ġkiwi":47603,"ĠStrange":47604,"athing":47605,"Ġscape":47606,"ĠShopping":47607,"Ġcombinator":47608,"remlin":47609,"Ġfederalism":47610,"Setup":47611,"Ġorbiter":47612,"Ġreconciled":47613,"Ġoctop":47614,"Ġtweak":47615,"Ġwhitish":47616,"Ġannihilation":47617,".):":47618,"tles":47619,"|-":47620,"Ġpang":47621,"Ġexalted":47622,"ĠMoll":47623,"umetric":47624,"unya":47625,"Ġseizing":47626,"ĠKale":47627,"Ġpox":47628,"ĠAlma":47629,"ĠClosed":47630,"ĠContribution":47631,"Ġfruiting":47632,"ĠSTDs":47633,"Ġcerebellum":47634,"Ġelevators":47635,"Ġlichen":47636,"volent":47637,"Ġmitigated":47638,"ĠIntegrative":47639,"ĠProponents":47640,"ĠCarta":47641,"Ġaccretion":47642,"MHz":47643,"reli":47644,"allion":47645,"cken":47646,"ĊĠĠĠĠĊĠĠĠĠĠĠĠ":47647,"Ġcolonel":47648,"Ġstarved":47649,"ĠRefrig":47650,"checker":47651,"ĠUtilities":47652,"Ġmurky":47653,"Ġrenting":47654,"ĠPeriodically":47655,"Ġsneaky":47656,"ĠWHAT":47657,"Ġparadoxical":47658,"ĠPompeii":47659,"Ġadipose":47660,"ĠNielsen":47661,"Brief":47662,"Cu":47663,"DOT":47664,"Mail":47665,"gid":47666,"pdb":47667,"Ġpediatrics":47668,"ĠTags":47669,"amond":47670,"Ġwhim":47671,"ĠPang":47672,"Ġshone":47673,"Ġresists":47674,"ĠJong":47675,"ĠComic":47676,"Ġphotore":47677,"Ġfluently":47678,"Ġcruising":47679,"Severe":47680,"ĠInvasion":47681,"ün":47682,"izzard":47683,"MDR":47684,"Ġpresumption":47685,"ematics":47686,"STRUCT":47687,"Reviewed":47688,"NUMBER":47689,"Ġdelicacy":47690,"Ġawakened":47691,"ĠBarker":47692,"Ġsheriff":47693,"pas":47694,"Ġaide":47695,"receive":47696,"Ġfoes":47697,"elands":47698,"ĠBIG":47699,"ĠDating":47700,"ĠKerr":47701,"oflu":47702,"Chain":47703,"])[":47704,"Ġpropellant":47705,"ĠBenef":47706,"ĠBrass":47707,"Ġchartered":47708,"ĠAccommod":47709,"Ġswimmer":47710,"itania":47711,"Ġrelieves":47712,"Backend":47713,"oplas":47714,"Glob":47715,"rendip":47716,"Ġnecessitated":47717,"ĠRolls":47718,"ĠDartmouth":47719,"Ġtimetable":47720,"Ġinhuman":47721,"idase":47722,"Ġconclusively":47723,"acute":47724,"ĠBoe":47725,"Ġlevers":47726,"routing":47727,"upa":47728,"uropathic":47729,"Ġsuperiors":47730,"listener":47731,"ĠEdmonton":47732,"Connell":47733,"Ġharmonics":47734,"ĠProtocols":47735,"Ġgemstone":47736,"ĠQuincy":47737,"Ġsultan":47738,"veau":47739,"ĠCoul":47740,"ĠMn":47741,"ĠOC":47742,"Ġemer":47743,"ĠClair":47744,"Ġ_('":47745,"Ġfootnotes":47746,"Ġsyntactic":47747,"Ġsmoothie":47748,"ĠEpstein":47749,"ĠProductivity":47750,"coprote":47751,"Ġsnippets":47752,"Ġsanitizer":47753,"PREFIX":47754,"hofer":47755,"quartered":47756,"Et":47757,"HPV":47758,"ĠDG":47759,"Ġalligator":47760,"Ġperks":47761,"ĠSeymour":47762,"Ġparables":47763,"Ġphysiotherapy":47764,"Ġcapit":47765,"entioned":47766,"iums":47767,"(\"#":47768,"Ġmicrobe":47769,"Ġmicroprocessor":47770,"zzo":47771,"Ġhappenings":47772,"LEVEL":47773,"buttons":47774,"Historic":47775,"ezers":47776,"Ġaffiliates":47777,"wallet":47778,"releases":47779,"Ġperturbations":47780,"Agriculture":47781,"Eff":47782,"Ġlw":47783,"Ġanc":47784,"ĠMiriam":47785,"Ġjuncture":47786,"Ġscur":47787,"Ġtreatises":47788,"Ġplanter":47789,"ĠZip":47790,"ĠComprom":47791,"ETH":47792,"Ġboarded":47793,"Ġbowling":47794,"ĠSpecialists":47795,"Ġneurologist":47796,"ĠSephard":47797,"Ġbiomarker":47798,"inu":47799,"Ġwick":47800,"Ġya":47801,"Ġheuristic":47802,"Ġvocation":47803,"ĠBacillus":47804,"Ġweathered":47805,"ĠEq":47806,"ĠRFC":47807,"plier":47808,"ĠLuna":47809,"izo":47810,"ibar":47811,"Ġ'@":47812,"Ġrefute":47813,"ĠThereafter":47814,"ĠEngel":47815,"Ġzyg":47816,"Ġprobate":47817,"ĠTransgender":47818,"Ġmouthwash":47819,"agoons":47820,"ĠIncred":47821,"Ġpowdery":47822,"Vel":47823,"hogs":47824,"nies":47825,"wine":47826,"à§":47827,"Ġoasis":47828,"Ġwigg":47829,"Ġthorns":47830,"omile":47831,"ĠTie":47832,"opon":47833,"Ġhearth":47834,"qua":47835,"emi":47836,"Ġcolic":47837,"Ġdescends":47838,"Ġaxle":47839,"URS":47840,"Leaf":47841,"ĠOrdinary":47842,"Ġinvertebrate":47843,"ĠHazardous":47844,"hari":47845,"pone":47846,"tenth":47847,"Ġreopened":47848,"orepinephrine":47849,"Ġbutcher":47850,"Ġscorn":47851,"athers":47852,"Ġmultil":47853,"Ġbiotic":47854,"ĠControlling":47855,"Ġdroplet":47856,"Ġtoxicology":47857,"ĠSalon":47858,"Ġprecipitated":47859,"Ġprosecute":47860,"Ġplaygrounds":47861,"ĠSiege":47862,"magnitude":47863,"TAR":47864,"lung":47865,"Ġorator":47866,"usoleum":47867,"ĠEighth":47868,"angling":47869,"explan":47870,"Ġskates":47871,"Ġplaywrights":47872,"']).":47873,"coast":47874,"Ġtolerances":47875,"Ġmacros":47876,"ĠMulticultural":47877,"Flash":47878,"discrim":47879,"ĠMPG":47880,"ĠAchieving":47881,"benchmark":47882,"rails":47883,"ĠCaring":47884,"ĠDoming":47885,"ĠRhythm":47886,"acean":47887,"Ġinterlocking":47888,"Ġpoker":47889,"Ġmaturing":47890,"Ġyoungster":47891,"Ġperfecting":47892,"ĠMusa":47893,"Ġmissp":47894,"MSE":47895,"Ġnodding":47896,"Difference":47897,"Ġretrofit":47898,"Ġbosses":47899,"ĠBreastfeeding":47900,"Ġsilhouette":47901,")<":47902,"jid":47903,"pca":47904,"employed":47905,"ĠFaul":47906,"ĠYi":47907,"typed":47908,"ckpt":47909,"Ġgracious":47910,"Ġsociologists":47911,"Ġbrokers":47912,"ĠCanary":47913,"intercept":47914,"ĠRemembering":47915,"Ġadoptive":47916,"Neil":47917,"ĠBaal":47918,"privileged":47919,"ĠIliad":47920,"draft":47921,"Ġtrophy":47922,"atro":47923,"segments":47924,"Ġiterator":47925,"ĠLIFE":47926,"activ":47927,"ĠKak":47928,"otho":47929,"Ġenticing":47930,"Ġcheering":47931,"scopy":47932,"Ġcaters":47933,"ĠCompound":47934,"risings":47935,"Ġmistreatment":47936,"ĠGoldberg":47937,"computing":47938,"Ġ''',":47939,"PROJECT":47940,"ĠNagasaki":47941,"Jamie":47942,"juna":47943,"already":47944,"ĠIPS":47945,"Ġanarchy":47946,"ĠDiverse":47947,"gha":47948,"ĠAtom":47949,"Ġcircling":47950,"ĠScenario":47951,"ĠMeals":47952,"Ġtriang":47953,"ĠPreserving":47954,"Ġdecidedly":47955,"Ġdepartmental":47956,"ĠWillis":47957,"Previously":47958,"ĠRockies":47959,"Ġchickenpox":47960,"ĠSituation":47961,"Ġunleashed":47962,"Ġkeratin":47963,"Ġdemeanor":47964,"Kenn":47965,"Tib":47966,"Ġcada":47967,"Ġdag":47968,"Ġalley":47969,"ĠWren":47970,"Ġinsensitive":47971,"ĠCaltech":47972,"ées":47973,"Ġreligiously":47974,"ridor":47975,"Contains":47976,"Ġcolouring":47977,"citizens":47978,"Ġcrunchy":47979,"ĠLorraine":47980,"Ġsalamanders":47981,"Bin":47982,"DES":47983,"Ġinversely":47984,"ĠCough":47985,"ande":47986,"ĠHb":47987,"nees":47988,"Ġturnaround":47989,"ollah":47990,"ouncill":47991,"ĠPosts":47992,"ĠLandsat":47993,"Ġreluctantly":47994,"querque":47995,"ĠCinema":47996,"ĠPythagorean":47997,"Ġpessimistic":47998,"\"/":47999,"rif":48000,"è¨":48001,"Ġcaching":48002,"Ġboto":48003,"ĠTurns":48004,"Ġbeavers":48005,"ĠAAP":48006,"ĠEUR":48007,"ĠScales":48008,"ĠLevin":48009,"Repeat":48010,"ĠEliza":48011,"Ġstaffing":48012,"Indones":48013,"Edited":48014,"Ġrhod":48015,"ĠCSF":48016,"Ġthumbnail":48017,"ĠConsultant":48018,"ĠCooling":48019,"ĠAdvancements":48020,"Quantum":48021,"Ġkangaroo":48022,"Ġraccoons":48023,"ĠMoisture":48024,"Ġpurposely":48025,"Ġresuscitation":48026,"Ġsubdued":48027,"JD":48028,"ionine":48029,"seated":48030,"ĠCaf":48031,"ĠChances":48032,"Ġdeferred":48033,"henia":48034,"Ġparanoia":48035,"Staff":48036,"\"]/":48037,"ĠEdith":48038,"Ġconsequential":48039,"Ġhonours":48040,"ĠMonteneg":48041,"Ġseeded":48042,"ĠNorris":48043,"ĠCONN":48044,"Ġfledgling":48045,"åĬł":48046,"ĠInstancePreprocess":48047,"Ġeosin":48048,"ĠAbe":48049,"ĠSass":48050,"ĠMUST":48051,"ĠPocket":48052,"ĠHockey":48053,"ĠEMS":48054,"teins":48055,"ĠVoc":48056,"ĠYours":48057,"Ġcoals":48058,"Ġrefinery":48059,"Ġdecad":48060,"Ġgeos":48061,"Ġhostage":48062,"Ġmischief":48063,"Ġcopious":48064,"Ġcogniz":48065,"hardware":48066,"ĠBuilder":48067,"ĠLesbian":48068,"fetchall":48069,"Conditions":48070,"receiver":48071,"Ġrhizomes":48072,"pause":48073,"Ġtrol":48074,"ĠCrim":48075,"ĠMai":48076,"quat":48077,"udi":48078,"ĠDyn":48079,"ĠRao":48080,"ĠLosing":48081,"ruv":48082,"ĠForrest":48083,"marriage":48084,"compared":48085,"ĠChef":48086,"dataloader":48087,"Ġreforming":48088,"functioning":48089,"simpl":48090,"ĠBrady":48091,"Ġissuance":48092,"Popen":48093,"Ġwakes":48094,"Ġpmid":48095,"icos":48096,"ĠSword":48097,"thro":48098,"ĠPurch":48099,"ĠNMR":48100,"Ġalluded":48101,"ĠChopin":48102,"Ġmonet":48103,"ĠJuice":48104,"winged":48105,"ĠExtensive":48106,"ĠSuperman":48107,"Older":48108,"Middleware":48109,"ĠJFK":48110,"Bring":48111,"bought":48112,"Ġfined":48113,"ĠCCT":48114,"ĠRW":48115,"ĠRoe":48116,"ilet":48117,"avit":48118,"intrinsic":48119,"Ġ'))":48120,"Ġcurling":48121,"Ġdeepcopy":48122,"Ġfallopian":48123,"STOP":48124,"Ġtripled":48125,"Ġ\\*":48126,"ĠPatagon":48127,"ĠUltrasound":48128,"ĠEpisode":48129,"Ġneutralizing":48130,"BLANK":48131,"Ġbonuses":48132,"Ġointment":48133,"Ġrefineries":48134,"Wet":48135,"mr":48136,"ÄĻ":48137,"Ġí":48138,"ĠSurg":48139,"umar":48140,"ĠWuhan":48141,"Ġsynov":48142,"phants":48143,"ĠDee":48144,"Ġperiodical":48145,"eele":48146,"ibrill":48147,"ĠMald":48148,"Ġflyers":48149,"lassical":48150,"ĠDominion":48151,"Ġaffectionate":48152,"Ġlingered":48153,"Interesting":48154,"ĠEvangelical":48155,"Ġaustral":48156,"Ġantidote":48157,"\"%":48158,"\"/>":48159,"ĠTLS":48160,"ĠSear":48161,"ĠWak":48162,"Ġchond":48163,"Ġuprisings":48164,"Ġunderlies":48165,"Ġconsort":48166,"Ġsmashed":48167,"await":48168,"ĠRept":48169,"Ġboasting":48170,"ĠBritons":48171,"ĠMonet":48172,"Ġapproxim":48173,"Ġmotorized":48174,"ĠAttachment":48175,"Ġbathtub":48176,"ĠVegan":48177,"iyah":48178,"ĠPriority":48179,"ĠPaleo":48180,"ĠLadies":48181,"á¹ĩa":48182,"ĠWendy":48183,"Ġperforated":48184,"ĠSergeant":48185,"Ġeardrum":48186,"girl":48187,"lid":48188,"melt":48189,"Ġpts":48190,"Ġpont":48191,"arh":48192,"ĠMk":48193,"ĠMommy":48194,"ĠBlow":48195,"Ġraspberries":48196,"ĠFighter":48197,"ĠLNG":48198,"Ġdisheart":48199,"Ġbets":48200,"hesi":48201,"awak":48202,"anguard":48203,"ĠTraumatic":48204,"Ġangina":48205,"ĠDispar":48206,"Ġwalled":48207,"LAG":48208,"Ġconsumerism":48209,"ĠPoet":48210,"Ġtownships":48211,"Ġgroves":48212,"ĠIndexError":48213,"pointer":48214,"ĠKabbal":48215,"Balance":48216,"Ġmagistrate":48217,"sock":48218,"Ġbonsai":48219,"ĠWorse":48220,"ĠDup":48221,"ĠRhet":48222,"ĠLok":48223,"neut":48224,"Ġfoodstuffs":48225,"Ġvex":48226,"Ġoptomet":48227,"escue":48228,"Ġwondrous":48229,"ĠPrescription":48230,"Ġaxons":48231,"Ġvalidators":48232,"Ġcounterclockwise":48233,"OTH":48234,"ĠSTAR":48235,"Ġtorchvision":48236,"Ġforgiving":48237,"Ġvanity":48238,"relationships":48239,"ĠTrafficking":48240,"inclusive":48241,"inflation":48242,"olingu":48243,"ĠEhr":48244,"Ġdisintegration":48245,"ĠUpanish":48246,"onging":48247,"nearest":48248,"Ġtranspose":48249,"Ġgrabs":48250,"ashions":48251,"Stem":48252,"Ġnetting":48253,"aimon":48254,"ĠAbram":48255,"Ġemptied":48256,"NSF":48257,"ĠMastery":48258,"ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":48259,"ĠEmbry":48260,"ĠAffirm":48261,"ĠSemi":48262,"Ġproxies":48263,"Ġadulter":48264,"ĠMembership":48265,"ĠJosiah":48266,"Ġexpansions":48267,"Ġsprawl":48268,"Mapper":48269,"reve":48270,"Ġbids":48271,"Ġrecl":48272,"ĠSDS":48273,"ĠLia":48274,"Ġfolly":48275,"undance":48276,"tainable":48277,"(\"./":48278,"ĊĠĠĠĠĊĠĠĠĠ":48279,"ĠUNHCR":48280,"persons":48281,"folded":48282,"Ġtransfusions":48283,"snake":48284,"Ġasymmetrical":48285,"Documents":48286,"è¿Ļ":48287,"ĠClayton":48288,"Ġprogenitor":48289,"Josh":48290,"sold":48291,"Ġtinct":48292,"Ġaspart":48293,"Ġvets":48294,"Ġsudo":48295,"ĠVOC":48296,"Ġconnotation":48297,"newaxis":48298,"playlist":48299,"Ġundeveloped":48300,"Ġrepealed":48301,"Ġconservatism":48302,"Ġhamper":48303,"Ġdecomposed":48304,"Ġpredisposed":48305,"Ġcrusade":48306,"Ġtectonics":48307,"ĠWitnesses":48308,"Ġbarbecue":48309,"Fear":48310,"Zen":48311,"}),":48312,"ĠCig":48313,"Ġunob":48314,"ilepsy":48315,"Ġtwinkling":48316,"yml":48317,"Ġemphasise":48318,"transistors":48319,"Ġsecretive":48320,"Ġposterity":48321,"Ġpistol":48322,"Ġpatrols":48323,"Ġsuperseded":48324,"Ġspoiled":48325,"ĠMaui":48326,"ĠClifford":48327,"Mul":48328,"MAS":48329,"museum":48330,"soup":48331,"tall":48332,"Ġà¨":48333,"erick":48334,"Ġnih":48335,"Ġcanv":48336,"ĠRaz":48337,"ĠOSA":48338,"Ġremun":48339,"----------------------":48340,"Ġagreeable":48341,"primarily":48342,"ĠÅļ":48343,"---------------------------------------------":48344,"ĠGarcÃŃa":48345,"Qual":48346,"hurt":48347,"killing":48348,"uag":48349,"ĠNino":48350,"ĠJunction":48351,"ĠStam":48352,"ĠVO":48353,"Ġacup":48354,"Ġbroom":48355,"Ġspringtime":48356,"Ġparallelism":48357,"cfm":48358,"cutoff":48359,"ĠSDG":48360,"ĠiPod":48361,"Ġauspicious":48362,"TEMPL":48363,"Ġfatigued":48364,"ĠAmendments":48365,"Wiki":48366,"cms":48367,"Ġbegg":48368,"ĠAene":48369,"ocort":48370,"Ġabusing":48371,"Ġunites":48372,"Ġimportation":48373,"ĠAnal":48374,"');":48375,"Ġmidday":48376,"Ġliberate":48377,"Ġpracticality":48378,"Ġturret":48379,"ĠGalveston":48380,"ĠPromise":48381,"Organization":48382,"Ġbarns":48383,"ĠClarence":48384,"Ġquarrel":48385,"internet":48386,"éĩı":48387,"Ġpleasurable":48388,"=\",":48389,"iu":48390,"kick":48391,"å¥":48392,"ivir":48393,"ĠBologna":48394,"ĠHors":48395,"ĠErd":48396,"ĠJorge":48397,"phthal":48398,"Ġrecitation":48399,"ĠUnlocking":48400,"Ġattends":48401,"Ġrepressive":48402,"Ġtakeover":48403,"Ġselector":48404,"Ġfruition":48405,"Ġappropriateness":48406,"Ġthermodynamic":48407,"Ġgirlfriend":48408,"Ġarticulating":48409,"ĠKindle":48410,"Ġventricles":48411,"Ġdecisively":48412,"/__":48413,"Ġpounding":48414,"anum":48415,"Ġstarl":48416,"ĠMb":48417,"Ġimitating":48418,"Ġspi":48419,"ĠVascular":48420,"Ġmodulated":48421,"Ġexpended":48422,"Ġsunscreens":48423,"ĠManor":48424,"ĠSwimming":48425,"ROS":48426,"Ġuniversality":48427,"Ġmammary":48428,"Amount":48429,"CONN":48430,"Ġuploading":48431,"ĠElders":48432,"Mindfulness":48433,"Ġantisem":48434,"Ġextinguished":48435,"Ġzombie":48436,"kits":48437,"ή":48438,"ripe":48439,"ĠUDP":48440,"ĠComplications":48441,"Ġparathyroid":48442,"Ġpostage":48443,"Forward":48444,"Ġmisplaced":48445,"ĠSTART":48446,"ĠDemographic":48447,"uhr":48448,"Ġzooplankton":48449,"Ġµg":48450,"cigarette":48451,"Ġcytokine":48452,"Ġquirks":48453,"ĠHyderabad":48454,"Bone":48455,"Led":48456,"LIB":48457,"brief":48458,"åij":48459,"enarios":48460,"Ġguts":48461,"ĠAedes":48462,"ĠSands":48463,"Pros":48464,"ĠOrganizing":48465,"Ġcompounding":48466,"ĠMahayana":48467,"buquerque":48468,"ĠmiRNAs":48469,"ĠPharmacy":48470,"cancerous":48471,"Ġdishwasher":48472,"Ġautonomously":48473,"GPT":48474,"ulc":48475,"ĠWORK":48476,"Ġdeflect":48477,"ĠPras":48478,"Ġfacilitators":48479,"ENTIAL":48480,"orphic":48481,"Ġdebtor":48482,"Ġdysph":48483,"ĠPaine":48484,"CheckBox":48485,"Ġrhinitis":48486,"Ġrustic":48487,"Ġresiduals":48488,"Ġdetainees":48489,"oflavin":48490,"pitched":48491,"Ġah":48492,"ĠPing":48493,"ansi":48494,"Ġteasing":48495,"ĠStrain":48496,"Ġmodifiers":48497,"Ġretraction":48498,"starts":48499,"Ġeffortless":48500,"Ġtrousers":48501,"Ġbanished":48502,"Institute":48503,"Prevent":48504,"ĠLoading":48505,"æĸĩ件":48506,"terrorism":48507,"sessions":48508,"æĭ":48509,"ĠErin":48510,"Ġtex":48511,"pylob":48512,"Stra":48513,"INDEX":48514,"ĠContinent":48515,"aita":48516,"locale":48517,"Intf":48518,"(((":48519,"Ġbioenergy":48520,"stackoverflow":48521,"electronic":48522,"Ġaptly":48523,"ĠEtrus":48524,"Ġantagonists":48525,"Ġastrophysics":48526,"Isaiah":48527,"LGBT":48528,"Fruit":48529,"oauth":48530,"Ġsages":48531,"ĠMerg":48532,"ĠBom":48533,"ĠHISTORY":48534,"Ġchants":48535,"ĠNarrow":48536,"astore":48537,"ĠâĢĵâĢĵâĢĵ":48538,"insular":48539,"Ġeclectic":48540,"Ġcampfire":48541,"retrieve":48542,"ĠHiggins":48543,"Ġbrutally":48544,"ĠSNPs":48545,"ĠChampion":48546,"Ġeloquent":48547,"ieth":48548,"Ġyolks":48549,"Ġexogenous":48550,"ĠLiability":48551,"Ġinflection":48552,"ĠConver":48553,"ĠConventions":48554,"ussing":48555,"Ġwrongdoing":48556,"ĠPatrol":48557,"OTHER":48558,"ĠUNF":48559,"Ġreformer":48560,"ĠSilence":48561,"ĠLyons":48562,"Ġhealers":48563,"ĠShowing":48564,"ĠBeginners":48565,"Ġlyrical":48566,"ĠSkinner":48567,"Samuel":48568,"Ġlogarithmic":48569,"Ġpromulgated":48570,"ĠQuébec":48571,"BH":48572,"Youth":48573,"Ġhacks":48574,"ĠCumm":48575,"Ġchia":48576,"Ġserendip":48577,"Ġarmp":48578,"Ġoutage":48579,"Ġskincare":48580,"ĠAndersen":48581,"ĠAmnesty":48582,"Clark":48583,"Ġannuals":48584,"Ġdeliverance":48585,"ĠSteiner":48586,"ĠWilkins":48587,"Ġcrowding":48588,"ĠRomances":48589,"Ġchronicle":48590,"ĠSyntax":48591,"Ġvascul":48592,"æīĢ":48593,"Facebook":48594,"Ġspoilage":48595,"ĠGradient":48596,"ĠFutures":48597,"Ġergonomic":48598,"irium":48599,"ĠBold":48600,"Ġindigo":48601,"Ġrake":48602,"Ġoverh":48603,"llis":48604,"Ġnozzles":48605,"ĠClouds":48606,"Ġecologists":48607,"ĠPolly":48608,"----------------------------------------":48609,"Ġflexion":48610,"Ġfraternity":48611,"Ġchecksum":48612,"ĠCharacterization":48613,"ĠÅł":48614,"Ġorphaned":48615,"Ġtheatres":48616,"Recommend":48617,"Ġgalvanized":48618,"Ġdissociation":48619,"Ġhydrolysis":48620,"||=||":48621,">)":48622,"Mach":48623,"Ġpter":48624,"ĠTaft":48625,"ĠWiring":48626,"ĠEnder":48627,"ĠNON":48628,"Ġunbroken":48629,"ĠKolk":48630,"Ġdepressions":48631,"Ġdidactic":48632,"']=":48633,"Ġpurposefully":48634,"Ġwetter":48635,"ĠBreton":48636,"ĠSHALL":48637,"Ġhexagonal":48638,"Ġlambs":48639,"sampler":48640,"Ġmattresses":48641,"Ġcockroach":48642,"ĠHerschel":48643,"Ġsphincter":48644,"bara":48645,"׳":48646,"oule":48647,"ĠTType":48648,"christ":48649,"ĠBead":48650,"ĠWien":48651,"ĠLunch":48652,"ostrum":48653,"racts":48654,"Ġchildbearing":48655,"Ġreposition":48656,"Ġmonounsaturated":48657,"Ġmonoclonal":48658,"Ġengender":48659,"shifting":48660,"ĠYorker":48661,"ĠTracing":48662,"compiler":48663,"ĠPortable":48664,"burne":48665,"ĠBuying":48666,"ĠåĪ":48667,"Surv":48668,"ĠLancashire":48669,"opaedic":48670,"ĠCrusade":48671,"honored":48672,"Ross":48673,"dprinting":48674,"firm":48675,"arak":48676,"ĠSHA":48677,"ĠHild":48678,"ĠWI":48679,"ĠRd":48680,"oggy":48681,"ĠNOR":48682,"ĠJing":48683,"ensin":48684,"Ġpreexisting":48685,"Ġinvoice":48686,"ENCES":48687,"Ġcounterproductive":48688,"Ġpickles":48689,"omerase":48690,"Ġalerted":48691,"ĠCornelius":48692,"describe":48693,"ĠPulmonary":48694,"ÏĢο":48695,"Ġrechargeable":48696,"ĠGertrude":48697,"Barn":48698,"Joh":48699,"PRI":48700,"Sigma":48701,"ĠSAF":48702,"ĠCSA":48703,"actus":48704,"akable":48705,"ĠUmay":48706,"Ġaccusing":48707,"Ġlaborious":48708,"Ġmutate":48709,"Ġpyg":48710,"Ġcomplimentary":48711,"ĠRelativity":48712,"ĠMarkov":48713,"Ġfalsehood":48714,"Ġroughness":48715,"Ġcaregiving":48716,"ĠTunis":48717,"Comparison":48718,"Ġdiuretic":48719,"kegee":48720,"Ġworkable":48721,"ĠHeads":48722,"Ġeditable":48723,"Ġbooth":48724,"Ġtotaling":48725,"haft":48726,"Ġdecreed":48727,"ĠGlucose":48728,"ĠElastic":48729,"transformed":48730,"callbacks":48731,"Ġdoorstep":48732,"ĠEncryption":48733,"Ġcustod":48734,"ĠImporting":48735,"ĠHIPAA":48736,"Luckily":48737,"Lic":48738,"Ġinext":48739,"Ġmoor":48740,"Ġthru":48741,"ĠWra":48742,"ĠRPM":48743,"rips":48744,"allocation":48745,"ĠOmar":48746,"Ġspondyl":48747,"axanthin":48748,"ĠMinimal":48749,"ĠFinish":48750,"Ġturquoise":48751,"correlation":48752,"ĠARP":48753,"Ġmilitias":48754,"othschild":48755,"Ġcranberry":48756,"cooled":48757,"ĠIncorporate":48758,"ĠNebula":48759,"ĠInspector":48760,"Lie":48761,"Sort":48762,"Vec":48763,"Wash":48764,"hack":48765,"mgr":48766,"Ġtrophic":48767,"ĠTrium":48768,"Ġconund":48769,"Ġcomplying":48770,"Ġdeprecated":48771,"Ġelm":48772,"apples":48773,"Ġideation":48774,"ĠVisitor":48775,"Helping":48776,"Ġintimidated":48777,"omorphism":48778,"Ġdiaper":48779,"Ġantihistamines":48780,"};":48781,"icin":48782,"ĠCreed":48783,"Ġresumes":48784,"convers":48785,"Ġemancip":48786,"webs":48787,"Ġinfrequently":48788,"forcing":48789,"ĠPrinter":48790,"Ġportability":48791,"Ġsatiety":48792,"ĠKeyn":48793,"Ġsavanna":48794,"refs":48795,"Ġmacrom":48796,"Ġleaflet":48797,"Ġhillside":48798,"Ġbibliographic":48799,"Ġwreak":48800,"ĠLaurence":48801,"Ġcasser":48802,"ĠAdvocates":48803,"dogs":48804,"tower":48805,"Ġfend":48806,"aspect":48807,"Ġluke":48808,"uristics":48809,"ocarp":48810,"Ġrestrain":48811,"ampunk":48812,"Ġtextured":48813,"Ġfirewalls":48814,"REAM":48815,"ROL":48816,"ĠCharlemagne":48817,"ĊĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠĠ":48818,"Ġconstituencies":48819,"Ġfungicide":48820,"Ġelectrification":48821,"Ġlutein":48822,"Ġshorthand":48823,"LENGTH":48824,"TCP":48825,"citation":48826,"fps":48827,"sus":48828,"titles":48829,"isnan":48830,"utics":48831,"ĠSis":48832,"ĠDiver":48833,"Ġpreclude":48834,"Ġbioc":48835,"Ġprecinct":48836,"Ġnitrite":48837,"ĠCritique":48838,"ĠHadrian":48839,"Operating":48840,"Ġanonymously":48841,"Ġsimmering":48842,"Delivery":48843,"Fried":48844,"cx":48845,"ipt":48846,"Ġeut":48847,"ĠAO":48848,"abh":48849,"ĠOedipus":48850,"ucha":48851,"Ġstandby":48852,"ioles":48853,"Ġhypo":48854,"ĠBurr":48855,"hasa":48856,"ĠBrowser":48857,"anchez":48858,"multiply":48859,"Mission":48860,"bases":48861,"grab":48862,"Ġdru":48863,"Ġhrs":48864,"chosen":48865,"ĠRET":48866,"ĠInjection":48867,"Ġja":48868,"ĠChihu":48869,"Ġaccuse":48870,"ovir":48871,"ĠAlgon":48872,"NAMES":48873,"classic":48874,"Ġgeneralize":48875,"Align":48876,"Ġpayloads":48877,"ĠProfessors":48878,"Ġauthenticated":48879,"Ġunease":48880,"Ġinertial":48881,"ĠLectures":48882,"ĠAuthentic":48883,"ĠFrozen":48884,"ĠPupils":48885,"Ring":48886,"ndt":48887,"Ġslurry":48888,"ĠWhats":48889,"ĠGoes":48890,"Scene":48891,"Scenario":48892,"Ġmythologies":48893,"ĠParticipating":48894,"Ġresettlement":48895,"Britain":48896,"ĠEmphasize":48897,"Ġoverheard":48898,"assertIsInstance":48899,"çłģ":48900,"Benny":48901,"CLE":48902,"Nick":48903,"Uk":48904,"Ġproj":48905,"opo":48906,"ĠFram":48907,"ĠLakota":48908,"Ġwhooping":48909,"ĠKNOW":48910,"Ġrepub":48911,"ĠShang":48912,"annie":48913,"ĠCenturies":48914,"modes":48915,"ophobic":48916,"Ġmagically":48917,"Ġintelligently":48918,"Ġexcesses":48919,"enthal":48920,"Ġhygienic":48921,"Ġbarefoot":48922,"ĠYeast":48923,"ĠReturning":48924,"Ġpharmacology":48925,"εÏģ":48926,"ĠGibbs":48927,"Ġdecentralization":48928,"Ġunbearable":48929,"Molecular":48930,"Tick":48931,"VENT":48932,"tif":48933,"Ùĥ":48934,"aland":48935,"Ġfuses":48936,"Ġmalls":48937,"Ġlapse":48938,"Ġyin":48939,"Ġsucked":48940,"Exam":48941,"Ġinstructing":48942,"ĠSamantha":48943,"ulsed":48944,"Ġduke":48945,"MPs":48946,"ĠHawkins":48947,"Ġcompensatory":48948,"Ġsummertime":48949,"Ġcrochet":48950,"ĠFilipinos":48951,"otoxicity":48952,"Ġsuperconducting":48953,"Yeah":48954,"ĠSiddh":48955,"pylobacter":48956,"bomb":48957,"Ġwikipedia":48958,"anah":48959,"animals":48960,"stasy":48961,"ĠTEXT":48962,"Ġstencil":48963,"ĠCited":48964,"opods":48965,"ĠHitch":48966,"Ġrd":48967,"ostridium":48968,"Ġpartisans":48969,"Ġparticulates":48970,"anco":48971,"Ġplanks":48972,"Ġopposes":48973,"Ġphysique":48974,"ĠResearcher":48975,"Ġheadfirst":48976,"Ġuttered":48977,"Ġcigar":48978,"ĠCollier":48979,"åı·":48980,"Ġcatastrophes":48981,"ĠTaxes":48982,"Ġsnacking":48983,"Ġapologized":48984,"ĠGOOD":48985,"++++++++":48986,"MER":48987,"rein":48988,"ĠTuls":48989,"ĠAux":48990,"ĠHin":48991,"ĠNutrients":48992,"roughly":48993,"wee":48994,"Ġprovoking":48995,"Ġimprovised":48996,"Ġcheckpoints":48997,"Ġtriad":48998,"Ġepics":48999,"ĠAntim":49000,"ĠSalvation":49001,"ĠPhilist":49002,"Drinking":49003,"Ġveneration":49004,"Guard":49005,"Ġreassure":49006,"ĠBlueprint":49007,"Ġevaporated":49008,"HEADER":49009,"]\",":49010,"fus":49011,"atius":49012,"ĠChess":49013,"ĠMard":49014,"ĠDiction":49015,"Ġwastage":49016,"Ġclf":49017,"Ġ':":49018,"henes":49019,"Ġedifice":49020,"Ġlighted":49021,"Ġsizeable":49022,"Ġvermic":49023,"Ġselectivity":49024,"Ġbarbed":49025,"Ġbattlefields":49026,"ĠSunshine":49027,"Spain":49028,"diameter":49029,"Figures":49030,"circa":49031,"ĠCompetitive":49032,"ĠCarmel":49033,"Ġdishonesty":49034,"Ġorthodoxy":49035,"neurons":49036,"fetched":49037,"Mig":49038,"fen":49039,"seller":49040,"ĠEAR":49041,"ĠFountain":49042,"Ġdisclosing":49043,"deck":49044,"Ġfactoring":49045,"ĠShinto":49046,"Ġsuperflu":49047,"Ġstandardised":49048,"ĠNeon":49049,"Timeout":49050,"Ġdispens":49051,"Ġsmoky":49052,"Ġsprouted":49053,"Ġimaginable":49054,"ĠTemperatures":49055,"ĠTubman":49056,"ĠGenealogy":49057,"Gly":49058,"flying":49059,"poverty":49060,"tips":49061,"ĠCors":49062,"ĠMim":49063,"ppo":49064,"ĠHask":49065,"ĠUR":49066,"ubation":49067,"ĠKiev":49068,"ĠChavez":49069,"excluding":49070,"overlay":49071,"Ġmarig":49072,"Ġbrach":49073,"ĠHamas":49074,"ĠWalton":49075,"Ġrevolved":49076,"ĠCatalonia":49077,"ĠLauren":49078,"ĠKabul":49079,"ozygous":49080,"Tier":49081,"]][":49082,"lut":49083,"Ġbathe":49084,"Ġinsofar":49085,"ĠCope":49086,"odb":49087,"Ġ\"))":49088,"ĠThrow":49089,"Ġunmet":49090,"Ġsuppresses":49091,"inka":49092,"Ġpassports":49093,"ĠAugmented":49094,"ĠSurreal":49095,"ijn":49096,"ĠCarey":49097,"ĠEqually":49098,"divide":49099,"ĠCMOS":49100,"Bullying":49101,"ĠLafayette":49102,"Gy":49103,"Ġmids":49104,"chips":49105,"Ġprel":49106,"Ġassuring":49107,"Ġdelusions":49108,"arco":49109,"opharmac":49110,"ĠGenerations":49111,"ĠWilliamson":49112,"Ġnovo":49113,"ĠPaleolithic":49114,"competitive":49115,"ĠYankee":49116,"Ġdendritic":49117,"ĠPropaganda":49118,"Ġorangutans":49119,"ĠSovereign":49120,"Ġvolleyball":49121,"CBD":49122,"xism":49123,"hement":49124,"ĠMater":49125,"ERAL":49126,"floating":49127,"EDS":49128,"Ġcommercials":49129,"Seek":49130,"unker":49131,"ĠADC":49132,"ĠIdentities":49133,"Ġcarbide":49134,"Ġbrowning":49135,"ĠSiri":49136,"Maya":49137,"Ġaromatherapy":49138,"Ġreassured":49139,"Ġmeltdown":49140,"Emergency":49141,"ĠTragedy":49142,"ĠSTEAM":49143,"ĠThessalon":49144,"Ġpungent":49145,"FREE":49146,"Lif":49147,"omia":49148,"Ġexfol":49149,"ĠMama":49150,"ectable":49151} \ No newline at end of file diff --git a/chatbot/models/custom_model/config.json b/chatbot/models/custom_model/config.json new file mode 100644 index 0000000000000000000000000000000000000000..bb4d6017a5101c73754210f69fa831ea678bd28e --- /dev/null +++ b/chatbot/models/custom_model/config.json @@ -0,0 +1,2026 @@ +{ + "_name_or_path": "google/vit-base-patch16-224", + "architectures": [ + "ViTForImageClassification" + ], + "attention_probs_dropout_prob": 0.0, + "encoder_stride": 16, + "hidden_act": "gelu", + "hidden_dropout_prob": 0.0, + "hidden_size": 768, + "id2label": { + "0": "tench, Tinca tinca", + "1": "goldfish, Carassius auratus", + "2": "great white shark, white shark, man-eater, man-eating shark, Carcharodon carcharias", + "3": "tiger shark, Galeocerdo cuvieri", + "4": "hammerhead, hammerhead shark", + "5": "electric ray, crampfish, numbfish, torpedo", + "6": "stingray", + "7": "cock", + "8": "hen", + "9": "ostrich, Struthio camelus", + "10": "brambling, Fringilla montifringilla", + "11": "goldfinch, Carduelis carduelis", + "12": "house finch, linnet, Carpodacus mexicanus", + "13": "junco, snowbird", + "14": "indigo bunting, indigo finch, indigo bird, Passerina cyanea", + "15": "robin, American robin, Turdus migratorius", + "16": "bulbul", + "17": "jay", + "18": "magpie", + "19": "chickadee", + "20": "water ouzel, dipper", + "21": "kite", + "22": "bald eagle, American eagle, Haliaeetus leucocephalus", + "23": "vulture", + "24": "great grey owl, great gray owl, Strix nebulosa", + "25": "European fire salamander, Salamandra salamandra", + "26": "common newt, Triturus vulgaris", + "27": "eft", + "28": "spotted salamander, Ambystoma maculatum", + "29": "axolotl, mud puppy, Ambystoma mexicanum", + "30": "bullfrog, Rana catesbeiana", + "31": "tree frog, tree-frog", + "32": "tailed frog, bell toad, ribbed toad, tailed toad, Ascaphus trui", + "33": "loggerhead, loggerhead turtle, Caretta caretta", + "34": "leatherback turtle, leatherback, leathery turtle, Dermochelys coriacea", + "35": "mud turtle", + "36": "terrapin", + "37": "box turtle, box tortoise", + "38": "banded gecko", + "39": "common iguana, iguana, Iguana iguana", + "40": "American chameleon, anole, Anolis carolinensis", + "41": "whiptail, whiptail lizard", + "42": "agama", + "43": "frilled lizard, Chlamydosaurus kingi", + "44": "alligator lizard", + "45": "Gila monster, Heloderma suspectum", + "46": "green lizard, Lacerta viridis", + "47": "African chameleon, Chamaeleo chamaeleon", + "48": "Komodo dragon, Komodo lizard, dragon lizard, giant lizard, Varanus komodoensis", + "49": "African crocodile, Nile crocodile, Crocodylus niloticus", + "50": "American alligator, Alligator mississipiensis", + "51": "triceratops", + "52": "thunder snake, worm snake, Carphophis amoenus", + "53": "ringneck snake, ring-necked snake, ring snake", + "54": "hognose snake, puff adder, sand viper", + "55": "green snake, grass snake", + "56": "king snake, kingsnake", + "57": "garter snake, grass snake", + "58": "water snake", + "59": "vine snake", + "60": "night snake, Hypsiglena torquata", + "61": "boa constrictor, Constrictor constrictor", + "62": "rock python, rock snake, Python sebae", + "63": "Indian cobra, Naja naja", + "64": "green mamba", + "65": "sea snake", + "66": "horned viper, cerastes, sand viper, horned asp, Cerastes cornutus", + "67": "diamondback, diamondback rattlesnake, Crotalus adamanteus", + "68": "sidewinder, horned rattlesnake, Crotalus cerastes", + "69": "trilobite", + "70": "harvestman, daddy longlegs, Phalangium opilio", + "71": "scorpion", + "72": "black and gold garden spider, Argiope aurantia", + "73": "barn spider, Araneus cavaticus", + "74": "garden spider, Aranea diademata", + "75": "black widow, Latrodectus mactans", + "76": "tarantula", + "77": "wolf spider, hunting spider", + "78": "tick", + "79": "centipede", + "80": "black grouse", + "81": "ptarmigan", + "82": "ruffed grouse, partridge, Bonasa umbellus", + "83": "prairie chicken, prairie grouse, prairie fowl", + "84": "peacock", + "85": "quail", + "86": "partridge", + "87": "African grey, African gray, Psittacus erithacus", + "88": "macaw", + "89": "sulphur-crested cockatoo, Kakatoe galerita, Cacatua galerita", + "90": "lorikeet", + "91": "coucal", + "92": "bee eater", + "93": "hornbill", + "94": "hummingbird", + "95": "jacamar", + "96": "toucan", + "97": "drake", + "98": "red-breasted merganser, Mergus serrator", + "99": "goose", + "100": "black swan, Cygnus atratus", + "101": "tusker", + "102": "echidna, spiny anteater, anteater", + "103": "platypus, duckbill, duckbilled platypus, duck-billed platypus, Ornithorhynchus anatinus", + "104": "wallaby, brush kangaroo", + "105": "koala, koala bear, kangaroo bear, native bear, Phascolarctos cinereus", + "106": "wombat", + "107": "jellyfish", + "108": "sea anemone, anemone", + "109": "brain coral", + "110": "flatworm, platyhelminth", + "111": "nematode, nematode worm, roundworm", + "112": "conch", + "113": "snail", + "114": "slug", + "115": "sea slug, nudibranch", + "116": "chiton, coat-of-mail shell, sea cradle, polyplacophore", + "117": "chambered nautilus, pearly nautilus, nautilus", + "118": "Dungeness crab, Cancer magister", + "119": "rock crab, Cancer irroratus", + "120": "fiddler crab", + "121": "king crab, Alaska crab, Alaskan king crab, Alaska king crab, Paralithodes camtschatica", + "122": "American lobster, Northern lobster, Maine lobster, Homarus americanus", + "123": "spiny lobster, langouste, rock lobster, crawfish, crayfish, sea crawfish", + "124": "crayfish, crawfish, crawdad, crawdaddy", + "125": "hermit crab", + "126": "isopod", + "127": "white stork, Ciconia ciconia", + "128": "black stork, Ciconia nigra", + "129": "spoonbill", + "130": "flamingo", + "131": "little blue heron, Egretta caerulea", + "132": "American egret, great white heron, Egretta albus", + "133": "bittern", + "134": "crane", + "135": "limpkin, Aramus pictus", + "136": "European gallinule, Porphyrio porphyrio", + "137": "American coot, marsh hen, mud hen, water hen, Fulica americana", + "138": "bustard", + "139": "ruddy turnstone, Arenaria interpres", + "140": "red-backed sandpiper, dunlin, Erolia alpina", + "141": "redshank, Tringa totanus", + "142": "dowitcher", + "143": "oystercatcher, oyster catcher", + "144": "pelican", + "145": "king penguin, Aptenodytes patagonica", + "146": "albatross, mollymawk", + "147": "grey whale, gray whale, devilfish, Eschrichtius gibbosus, Eschrichtius robustus", + "148": "killer whale, killer, orca, grampus, sea wolf, Orcinus orca", + "149": "dugong, Dugong dugon", + "150": "sea lion", + "151": "Chihuahua", + "152": "Japanese spaniel", + "153": "Maltese dog, Maltese terrier, Maltese", + "154": "Pekinese, Pekingese, Peke", + "155": "Shih-Tzu", + "156": "Blenheim spaniel", + "157": "papillon", + "158": "toy terrier", + "159": "Rhodesian ridgeback", + "160": "Afghan hound, Afghan", + "161": "basset, basset hound", + "162": "beagle", + "163": "bloodhound, sleuthhound", + "164": "bluetick", + "165": "black-and-tan coonhound", + "166": "Walker hound, Walker foxhound", + "167": "English foxhound", + "168": "redbone", + "169": "borzoi, Russian wolfhound", + "170": "Irish wolfhound", + "171": "Italian greyhound", + "172": "whippet", + "173": "Ibizan hound, Ibizan Podenco", + "174": "Norwegian elkhound, elkhound", + "175": "otterhound, otter hound", + "176": "Saluki, gazelle hound", + "177": "Scottish deerhound, deerhound", + "178": "Weimaraner", + "179": "Staffordshire bullterrier, Staffordshire bull terrier", + "180": "American Staffordshire terrier, Staffordshire terrier, American pit bull terrier, pit bull terrier", + "181": "Bedlington terrier", + "182": "Border terrier", + "183": "Kerry blue terrier", + "184": "Irish terrier", + "185": "Norfolk terrier", + "186": "Norwich terrier", + "187": "Yorkshire terrier", + "188": "wire-haired fox terrier", + "189": "Lakeland terrier", + "190": "Sealyham terrier, Sealyham", + "191": "Airedale, Airedale terrier", + "192": "cairn, cairn terrier", + "193": "Australian terrier", + "194": "Dandie Dinmont, Dandie Dinmont terrier", + "195": "Boston bull, Boston terrier", + "196": "miniature schnauzer", + "197": "giant schnauzer", + "198": "standard schnauzer", + "199": "Scotch terrier, Scottish terrier, Scottie", + "200": "Tibetan terrier, chrysanthemum dog", + "201": "silky terrier, Sydney silky", + "202": "soft-coated wheaten terrier", + "203": "West Highland white terrier", + "204": "Lhasa, Lhasa apso", + "205": "flat-coated retriever", + "206": "curly-coated retriever", + "207": "golden retriever", + "208": "Labrador retriever", + "209": "Chesapeake Bay retriever", + "210": "German short-haired pointer", + "211": "vizsla, Hungarian pointer", + "212": "English setter", + "213": "Irish setter, red setter", + "214": "Gordon setter", + "215": "Brittany spaniel", + "216": "clumber, clumber spaniel", + "217": "English springer, English springer spaniel", + "218": "Welsh springer spaniel", + "219": "cocker spaniel, English cocker spaniel, cocker", + "220": "Sussex spaniel", + "221": "Irish water spaniel", + "222": "kuvasz", + "223": "schipperke", + "224": "groenendael", + "225": "malinois", + "226": "briard", + "227": "kelpie", + "228": "komondor", + "229": "Old English sheepdog, bobtail", + "230": "Shetland sheepdog, Shetland sheep dog, Shetland", + "231": "collie", + "232": "Border collie", + "233": "Bouvier des Flandres, Bouviers des Flandres", + "234": "Rottweiler", + "235": "German shepherd, German shepherd dog, German police dog, alsatian", + "236": "Doberman, Doberman pinscher", + "237": "miniature pinscher", + "238": "Greater Swiss Mountain dog", + "239": "Bernese mountain dog", + "240": "Appenzeller", + "241": "EntleBucher", + "242": "boxer", + "243": "bull mastiff", + "244": "Tibetan mastiff", + "245": "French bulldog", + "246": "Great Dane", + "247": "Saint Bernard, St Bernard", + "248": "Eskimo dog, husky", + "249": "malamute, malemute, Alaskan malamute", + "250": "Siberian husky", + "251": "dalmatian, coach dog, carriage dog", + "252": "affenpinscher, monkey pinscher, monkey dog", + "253": "basenji", + "254": "pug, pug-dog", + "255": "Leonberg", + "256": "Newfoundland, Newfoundland dog", + "257": "Great Pyrenees", + "258": "Samoyed, Samoyede", + "259": "Pomeranian", + "260": "chow, chow chow", + "261": "keeshond", + "262": "Brabancon griffon", + "263": "Pembroke, Pembroke Welsh corgi", + "264": "Cardigan, Cardigan Welsh corgi", + "265": "toy poodle", + "266": "miniature poodle", + "267": "standard poodle", + "268": "Mexican hairless", + "269": "timber wolf, grey wolf, gray wolf, Canis lupus", + "270": "white wolf, Arctic wolf, Canis lupus tundrarum", + "271": "red wolf, maned wolf, Canis rufus, Canis niger", + "272": "coyote, prairie wolf, brush wolf, Canis latrans", + "273": "dingo, warrigal, warragal, Canis dingo", + "274": "dhole, Cuon alpinus", + "275": "African hunting dog, hyena dog, Cape hunting dog, Lycaon pictus", + "276": "hyena, hyaena", + "277": "red fox, Vulpes vulpes", + "278": "kit fox, Vulpes macrotis", + "279": "Arctic fox, white fox, Alopex lagopus", + "280": "grey fox, gray fox, Urocyon cinereoargenteus", + "281": "tabby, tabby cat", + "282": "tiger cat", + "283": "Persian cat", + "284": "Siamese cat, Siamese", + "285": "Egyptian cat", + "286": "cougar, puma, catamount, mountain lion, painter, panther, Felis concolor", + "287": "lynx, catamount", + "288": "leopard, Panthera pardus", + "289": "snow leopard, ounce, Panthera uncia", + "290": "jaguar, panther, Panthera onca, Felis onca", + "291": "lion, king of beasts, Panthera leo", + "292": "tiger, Panthera tigris", + "293": "cheetah, chetah, Acinonyx jubatus", + "294": "brown bear, bruin, Ursus arctos", + "295": "American black bear, black bear, Ursus americanus, Euarctos americanus", + "296": "ice bear, polar bear, Ursus Maritimus, Thalarctos maritimus", + "297": "sloth bear, Melursus ursinus, Ursus ursinus", + "298": "mongoose", + "299": "meerkat, mierkat", + "300": "tiger beetle", + "301": "ladybug, ladybeetle, lady beetle, ladybird, ladybird beetle", + "302": "ground beetle, carabid beetle", + "303": "long-horned beetle, longicorn, longicorn beetle", + "304": "leaf beetle, chrysomelid", + "305": "dung beetle", + "306": "rhinoceros beetle", + "307": "weevil", + "308": "fly", + "309": "bee", + "310": "ant, emmet, pismire", + "311": "grasshopper, hopper", + "312": "cricket", + "313": "walking stick, walkingstick, stick insect", + "314": "cockroach, roach", + "315": "mantis, mantid", + "316": "cicada, cicala", + "317": "leafhopper", + "318": "lacewing, lacewing fly", + "319": "dragonfly, darning needle, devil's darning needle, sewing needle, snake feeder, snake doctor, mosquito hawk, skeeter hawk", + "320": "damselfly", + "321": "admiral", + "322": "ringlet, ringlet butterfly", + "323": "monarch, monarch butterfly, milkweed butterfly, Danaus plexippus", + "324": "cabbage butterfly", + "325": "sulphur butterfly, sulfur butterfly", + "326": "lycaenid, lycaenid butterfly", + "327": "starfish, sea star", + "328": "sea urchin", + "329": "sea cucumber, holothurian", + "330": "wood rabbit, cottontail, cottontail rabbit", + "331": "hare", + "332": "Angora, Angora rabbit", + "333": "hamster", + "334": "porcupine, hedgehog", + "335": "fox squirrel, eastern fox squirrel, Sciurus niger", + "336": "marmot", + "337": "beaver", + "338": "guinea pig, Cavia cobaya", + "339": "sorrel", + "340": "zebra", + "341": "hog, pig, grunter, squealer, Sus scrofa", + "342": "wild boar, boar, Sus scrofa", + "343": "warthog", + "344": "hippopotamus, hippo, river horse, Hippopotamus amphibius", + "345": "ox", + "346": "water buffalo, water ox, Asiatic buffalo, Bubalus bubalis", + "347": "bison", + "348": "ram, tup", + "349": "bighorn, bighorn sheep, cimarron, Rocky Mountain bighorn, Rocky Mountain sheep, Ovis canadensis", + "350": "ibex, Capra ibex", + "351": "hartebeest", + "352": "impala, Aepyceros melampus", + "353": "gazelle", + "354": "Arabian camel, dromedary, Camelus dromedarius", + "355": "llama", + "356": "weasel", + "357": "mink", + "358": "polecat, fitch, foulmart, foumart, Mustela putorius", + "359": "black-footed ferret, ferret, Mustela nigripes", + "360": "otter", + "361": "skunk, polecat, wood pussy", + "362": "badger", + "363": "armadillo", + "364": "three-toed sloth, ai, Bradypus tridactylus", + "365": "orangutan, orang, orangutang, Pongo pygmaeus", + "366": "gorilla, Gorilla gorilla", + "367": "chimpanzee, chimp, Pan troglodytes", + "368": "gibbon, Hylobates lar", + "369": "siamang, Hylobates syndactylus, Symphalangus syndactylus", + "370": "guenon, guenon monkey", + "371": "patas, hussar monkey, Erythrocebus patas", + "372": "baboon", + "373": "macaque", + "374": "langur", + "375": "colobus, colobus monkey", + "376": "proboscis monkey, Nasalis larvatus", + "377": "marmoset", + "378": "capuchin, ringtail, Cebus capucinus", + "379": "howler monkey, howler", + "380": "titi, titi monkey", + "381": "spider monkey, Ateles geoffroyi", + "382": "squirrel monkey, Saimiri sciureus", + "383": "Madagascar cat, ring-tailed lemur, Lemur catta", + "384": "indri, indris, Indri indri, Indri brevicaudatus", + "385": "Indian elephant, Elephas maximus", + "386": "African elephant, Loxodonta africana", + "387": "lesser panda, red panda, panda, bear cat, cat bear, Ailurus fulgens", + "388": "giant panda, panda, panda bear, coon bear, Ailuropoda melanoleuca", + "389": "barracouta, snoek", + "390": "eel", + "391": "coho, cohoe, coho salmon, blue jack, silver salmon, Oncorhynchus kisutch", + "392": "rock beauty, Holocanthus tricolor", + "393": "anemone fish", + "394": "sturgeon", + "395": "gar, garfish, garpike, billfish, Lepisosteus osseus", + "396": "lionfish", + "397": "puffer, pufferfish, blowfish, globefish", + "398": "abacus", + "399": "abaya", + "400": "academic gown, academic robe, judge's robe", + "401": "accordion, piano accordion, squeeze box", + "402": "acoustic guitar", + "403": "aircraft carrier, carrier, flattop, attack aircraft carrier", + "404": "airliner", + "405": "airship, dirigible", + "406": "altar", + "407": "ambulance", + "408": "amphibian, amphibious vehicle", + "409": "analog clock", + "410": "apiary, bee house", + "411": "apron", + "412": "ashcan, trash can, garbage can, wastebin, ash bin, ash-bin, ashbin, dustbin, trash barrel, trash bin", + "413": "assault rifle, assault gun", + "414": "backpack, back pack, knapsack, packsack, rucksack, haversack", + "415": "bakery, bakeshop, bakehouse", + "416": "balance beam, beam", + "417": "balloon", + "418": "ballpoint, ballpoint pen, ballpen, Biro", + "419": "Band Aid", + "420": "banjo", + "421": "bannister, banister, balustrade, balusters, handrail", + "422": "barbell", + "423": "barber chair", + "424": "barbershop", + "425": "barn", + "426": "barometer", + "427": "barrel, cask", + "428": "barrow, garden cart, lawn cart, wheelbarrow", + "429": "baseball", + "430": "basketball", + "431": "bassinet", + "432": "bassoon", + "433": "bathing cap, swimming cap", + "434": "bath towel", + "435": "bathtub, bathing tub, bath, tub", + "436": "beach wagon, station wagon, wagon, estate car, beach waggon, station waggon, waggon", + "437": "beacon, lighthouse, beacon light, pharos", + "438": "beaker", + "439": "bearskin, busby, shako", + "440": "beer bottle", + "441": "beer glass", + "442": "bell cote, bell cot", + "443": "bib", + "444": "bicycle-built-for-two, tandem bicycle, tandem", + "445": "bikini, two-piece", + "446": "binder, ring-binder", + "447": "binoculars, field glasses, opera glasses", + "448": "birdhouse", + "449": "boathouse", + "450": "bobsled, bobsleigh, bob", + "451": "bolo tie, bolo, bola tie, bola", + "452": "bonnet, poke bonnet", + "453": "bookcase", + "454": "bookshop, bookstore, bookstall", + "455": "bottlecap", + "456": "bow", + "457": "bow tie, bow-tie, bowtie", + "458": "brass, memorial tablet, plaque", + "459": "brassiere, bra, bandeau", + "460": "breakwater, groin, groyne, mole, bulwark, seawall, jetty", + "461": "breastplate, aegis, egis", + "462": "broom", + "463": "bucket, pail", + "464": "buckle", + "465": "bulletproof vest", + "466": "bullet train, bullet", + "467": "butcher shop, meat market", + "468": "cab, hack, taxi, taxicab", + "469": "caldron, cauldron", + "470": "candle, taper, wax light", + "471": "cannon", + "472": "canoe", + "473": "can opener, tin opener", + "474": "cardigan", + "475": "car mirror", + "476": "carousel, carrousel, merry-go-round, roundabout, whirligig", + "477": "carpenter's kit, tool kit", + "478": "carton", + "479": "car wheel", + "480": "cash machine, cash dispenser, automated teller machine, automatic teller machine, automated teller, automatic teller, ATM", + "481": "cassette", + "482": "cassette player", + "483": "castle", + "484": "catamaran", + "485": "CD player", + "486": "cello, violoncello", + "487": "cellular telephone, cellular phone, cellphone, cell, mobile phone", + "488": "chain", + "489": "chainlink fence", + "490": "chain mail, ring mail, mail, chain armor, chain armour, ring armor, ring armour", + "491": "chain saw, chainsaw", + "492": "chest", + "493": "chiffonier, commode", + "494": "chime, bell, gong", + "495": "china cabinet, china closet", + "496": "Christmas stocking", + "497": "church, church building", + "498": "cinema, movie theater, movie theatre, movie house, picture palace", + "499": "cleaver, meat cleaver, chopper", + "500": "cliff dwelling", + "501": "cloak", + "502": "clog, geta, patten, sabot", + "503": "cocktail shaker", + "504": "coffee mug", + "505": "coffeepot", + "506": "coil, spiral, volute, whorl, helix", + "507": "combination lock", + "508": "computer keyboard, keypad", + "509": "confectionery, confectionary, candy store", + "510": "container ship, containership, container vessel", + "511": "convertible", + "512": "corkscrew, bottle screw", + "513": "cornet, horn, trumpet, trump", + "514": "cowboy boot", + "515": "cowboy hat, ten-gallon hat", + "516": "cradle", + "517": "crane", + "518": "crash helmet", + "519": "crate", + "520": "crib, cot", + "521": "Crock Pot", + "522": "croquet ball", + "523": "crutch", + "524": "cuirass", + "525": "dam, dike, dyke", + "526": "desk", + "527": "desktop computer", + "528": "dial telephone, dial phone", + "529": "diaper, nappy, napkin", + "530": "digital clock", + "531": "digital watch", + "532": "dining table, board", + "533": "dishrag, dishcloth", + "534": "dishwasher, dish washer, dishwashing machine", + "535": "disk brake, disc brake", + "536": "dock, dockage, docking facility", + "537": "dogsled, dog sled, dog sleigh", + "538": "dome", + "539": "doormat, welcome mat", + "540": "drilling platform, offshore rig", + "541": "drum, membranophone, tympan", + "542": "drumstick", + "543": "dumbbell", + "544": "Dutch oven", + "545": "electric fan, blower", + "546": "electric guitar", + "547": "electric locomotive", + "548": "entertainment center", + "549": "envelope", + "550": "espresso maker", + "551": "face powder", + "552": "feather boa, boa", + "553": "file, file cabinet, filing cabinet", + "554": "fireboat", + "555": "fire engine, fire truck", + "556": "fire screen, fireguard", + "557": "flagpole, flagstaff", + "558": "flute, transverse flute", + "559": "folding chair", + "560": "football helmet", + "561": "forklift", + "562": "fountain", + "563": "fountain pen", + "564": "four-poster", + "565": "freight car", + "566": "French horn, horn", + "567": "frying pan, frypan, skillet", + "568": "fur coat", + "569": "garbage truck, dustcart", + "570": "gasmask, respirator, gas helmet", + "571": "gas pump, gasoline pump, petrol pump, island dispenser", + "572": "goblet", + "573": "go-kart", + "574": "golf ball", + "575": "golfcart, golf cart", + "576": "gondola", + "577": "gong, tam-tam", + "578": "gown", + "579": "grand piano, grand", + "580": "greenhouse, nursery, glasshouse", + "581": "grille, radiator grille", + "582": "grocery store, grocery, food market, market", + "583": "guillotine", + "584": "hair slide", + "585": "hair spray", + "586": "half track", + "587": "hammer", + "588": "hamper", + "589": "hand blower, blow dryer, blow drier, hair dryer, hair drier", + "590": "hand-held computer, hand-held microcomputer", + "591": "handkerchief, hankie, hanky, hankey", + "592": "hard disc, hard disk, fixed disk", + "593": "harmonica, mouth organ, harp, mouth harp", + "594": "harp", + "595": "harvester, reaper", + "596": "hatchet", + "597": "holster", + "598": "home theater, home theatre", + "599": "honeycomb", + "600": "hook, claw", + "601": "hoopskirt, crinoline", + "602": "horizontal bar, high bar", + "603": "horse cart, horse-cart", + "604": "hourglass", + "605": "iPod", + "606": "iron, smoothing iron", + "607": "jack-o'-lantern", + "608": "jean, blue jean, denim", + "609": "jeep, landrover", + "610": "jersey, T-shirt, tee shirt", + "611": "jigsaw puzzle", + "612": "jinrikisha, ricksha, rickshaw", + "613": "joystick", + "614": "kimono", + "615": "knee pad", + "616": "knot", + "617": "lab coat, laboratory coat", + "618": "ladle", + "619": "lampshade, lamp shade", + "620": "laptop, laptop computer", + "621": "lawn mower, mower", + "622": "lens cap, lens cover", + "623": "letter opener, paper knife, paperknife", + "624": "library", + "625": "lifeboat", + "626": "lighter, light, igniter, ignitor", + "627": "limousine, limo", + "628": "liner, ocean liner", + "629": "lipstick, lip rouge", + "630": "Loafer", + "631": "lotion", + "632": "loudspeaker, speaker, speaker unit, loudspeaker system, speaker system", + "633": "loupe, jeweler's loupe", + "634": "lumbermill, sawmill", + "635": "magnetic compass", + "636": "mailbag, postbag", + "637": "mailbox, letter box", + "638": "maillot", + "639": "maillot, tank suit", + "640": "manhole cover", + "641": "maraca", + "642": "marimba, xylophone", + "643": "mask", + "644": "matchstick", + "645": "maypole", + "646": "maze, labyrinth", + "647": "measuring cup", + "648": "medicine chest, medicine cabinet", + "649": "megalith, megalithic structure", + "650": "microphone, mike", + "651": "microwave, microwave oven", + "652": "military uniform", + "653": "milk can", + "654": "minibus", + "655": "miniskirt, mini", + "656": "minivan", + "657": "missile", + "658": "mitten", + "659": "mixing bowl", + "660": "mobile home, manufactured home", + "661": "Model T", + "662": "modem", + "663": "monastery", + "664": "monitor", + "665": "moped", + "666": "mortar", + "667": "mortarboard", + "668": "mosque", + "669": "mosquito net", + "670": "motor scooter, scooter", + "671": "mountain bike, all-terrain bike, off-roader", + "672": "mountain tent", + "673": "mouse, computer mouse", + "674": "mousetrap", + "675": "moving van", + "676": "muzzle", + "677": "nail", + "678": "neck brace", + "679": "necklace", + "680": "nipple", + "681": "notebook, notebook computer", + "682": "obelisk", + "683": "oboe, hautboy, hautbois", + "684": "ocarina, sweet potato", + "685": "odometer, hodometer, mileometer, milometer", + "686": "oil filter", + "687": "organ, pipe organ", + "688": "oscilloscope, scope, cathode-ray oscilloscope, CRO", + "689": "overskirt", + "690": "oxcart", + "691": "oxygen mask", + "692": "packet", + "693": "paddle, boat paddle", + "694": "paddlewheel, paddle wheel", + "695": "padlock", + "696": "paintbrush", + "697": "pajama, pyjama, pj's, jammies", + "698": "palace", + "699": "panpipe, pandean pipe, syrinx", + "700": "paper towel", + "701": "parachute, chute", + "702": "parallel bars, bars", + "703": "park bench", + "704": "parking meter", + "705": "passenger car, coach, carriage", + "706": "patio, terrace", + "707": "pay-phone, pay-station", + "708": "pedestal, plinth, footstall", + "709": "pencil box, pencil case", + "710": "pencil sharpener", + "711": "perfume, essence", + "712": "Petri dish", + "713": "photocopier", + "714": "pick, plectrum, plectron", + "715": "pickelhaube", + "716": "picket fence, paling", + "717": "pickup, pickup truck", + "718": "pier", + "719": "piggy bank, penny bank", + "720": "pill bottle", + "721": "pillow", + "722": "ping-pong ball", + "723": "pinwheel", + "724": "pirate, pirate ship", + "725": "pitcher, ewer", + "726": "plane, carpenter's plane, woodworking plane", + "727": "planetarium", + "728": "plastic bag", + "729": "plate rack", + "730": "plow, plough", + "731": "plunger, plumber's helper", + "732": "Polaroid camera, Polaroid Land camera", + "733": "pole", + "734": "police van, police wagon, paddy wagon, patrol wagon, wagon, black Maria", + "735": "poncho", + "736": "pool table, billiard table, snooker table", + "737": "pop bottle, soda bottle", + "738": "pot, flowerpot", + "739": "potter's wheel", + "740": "power drill", + "741": "prayer rug, prayer mat", + "742": "printer", + "743": "prison, prison house", + "744": "projectile, missile", + "745": "projector", + "746": "puck, hockey puck", + "747": "punching bag, punch bag, punching ball, punchball", + "748": "purse", + "749": "quill, quill pen", + "750": "quilt, comforter, comfort, puff", + "751": "racer, race car, racing car", + "752": "racket, racquet", + "753": "radiator", + "754": "radio, wireless", + "755": "radio telescope, radio reflector", + "756": "rain barrel", + "757": "recreational vehicle, RV, R.V.", + "758": "reel", + "759": "reflex camera", + "760": "refrigerator, icebox", + "761": "remote control, remote", + "762": "restaurant, eating house, eating place, eatery", + "763": "revolver, six-gun, six-shooter", + "764": "rifle", + "765": "rocking chair, rocker", + "766": "rotisserie", + "767": "rubber eraser, rubber, pencil eraser", + "768": "rugby ball", + "769": "rule, ruler", + "770": "running shoe", + "771": "safe", + "772": "safety pin", + "773": "saltshaker, salt shaker", + "774": "sandal", + "775": "sarong", + "776": "sax, saxophone", + "777": "scabbard", + "778": "scale, weighing machine", + "779": "school bus", + "780": "schooner", + "781": "scoreboard", + "782": "screen, CRT screen", + "783": "screw", + "784": "screwdriver", + "785": "seat belt, seatbelt", + "786": "sewing machine", + "787": "shield, buckler", + "788": "shoe shop, shoe-shop, shoe store", + "789": "shoji", + "790": "shopping basket", + "791": "shopping cart", + "792": "shovel", + "793": "shower cap", + "794": "shower curtain", + "795": "ski", + "796": "ski mask", + "797": "sleeping bag", + "798": "slide rule, slipstick", + "799": "sliding door", + "800": "slot, one-armed bandit", + "801": "snorkel", + "802": "snowmobile", + "803": "snowplow, snowplough", + "804": "soap dispenser", + "805": "soccer ball", + "806": "sock", + "807": "solar dish, solar collector, solar furnace", + "808": "sombrero", + "809": "soup bowl", + "810": "space bar", + "811": "space heater", + "812": "space shuttle", + "813": "spatula", + "814": "speedboat", + "815": "spider web, spider's web", + "816": "spindle", + "817": "sports car, sport car", + "818": "spotlight, spot", + "819": "stage", + "820": "steam locomotive", + "821": "steel arch bridge", + "822": "steel drum", + "823": "stethoscope", + "824": "stole", + "825": "stone wall", + "826": "stopwatch, stop watch", + "827": "stove", + "828": "strainer", + "829": "streetcar, tram, tramcar, trolley, trolley car", + "830": "stretcher", + "831": "studio couch, day bed", + "832": "stupa, tope", + "833": "submarine, pigboat, sub, U-boat", + "834": "suit, suit of clothes", + "835": "sundial", + "836": "sunglass", + "837": "sunglasses, dark glasses, shades", + "838": "sunscreen, sunblock, sun blocker", + "839": "suspension bridge", + "840": "swab, swob, mop", + "841": "sweatshirt", + "842": "swimming trunks, bathing trunks", + "843": "swing", + "844": "switch, electric switch, electrical switch", + "845": "syringe", + "846": "table lamp", + "847": "tank, army tank, armored combat vehicle, armoured combat vehicle", + "848": "tape player", + "849": "teapot", + "850": "teddy, teddy bear", + "851": "television, television system", + "852": "tennis ball", + "853": "thatch, thatched roof", + "854": "theater curtain, theatre curtain", + "855": "thimble", + "856": "thresher, thrasher, threshing machine", + "857": "throne", + "858": "tile roof", + "859": "toaster", + "860": "tobacco shop, tobacconist shop, tobacconist", + "861": "toilet seat", + "862": "torch", + "863": "totem pole", + "864": "tow truck, tow car, wrecker", + "865": "toyshop", + "866": "tractor", + "867": "trailer truck, tractor trailer, trucking rig, rig, articulated lorry, semi", + "868": "tray", + "869": "trench coat", + "870": "tricycle, trike, velocipede", + "871": "trimaran", + "872": "tripod", + "873": "triumphal arch", + "874": "trolleybus, trolley coach, trackless trolley", + "875": "trombone", + "876": "tub, vat", + "877": "turnstile", + "878": "typewriter keyboard", + "879": "umbrella", + "880": "unicycle, monocycle", + "881": "upright, upright piano", + "882": "vacuum, vacuum cleaner", + "883": "vase", + "884": "vault", + "885": "velvet", + "886": "vending machine", + "887": "vestment", + "888": "viaduct", + "889": "violin, fiddle", + "890": "volleyball", + "891": "waffle iron", + "892": "wall clock", + "893": "wallet, billfold, notecase, pocketbook", + "894": "wardrobe, closet, press", + "895": "warplane, military plane", + "896": "washbasin, handbasin, washbowl, lavabo, wash-hand basin", + "897": "washer, automatic washer, washing machine", + "898": "water bottle", + "899": "water jug", + "900": "water tower", + "901": "whiskey jug", + "902": "whistle", + "903": "wig", + "904": "window screen", + "905": "window shade", + "906": "Windsor tie", + "907": "wine bottle", + "908": "wing", + "909": "wok", + "910": "wooden spoon", + "911": "wool, woolen, woollen", + "912": "worm fence, snake fence, snake-rail fence, Virginia fence", + "913": "wreck", + "914": "yawl", + "915": "yurt", + "916": "web site, website, internet site, site", + "917": "comic book", + "918": "crossword puzzle, crossword", + "919": "street sign", + "920": "traffic light, traffic signal, stoplight", + "921": "book jacket, dust cover, dust jacket, dust wrapper", + "922": "menu", + "923": "plate", + "924": "guacamole", + "925": "consomme", + "926": "hot pot, hotpot", + "927": "trifle", + "928": "ice cream, icecream", + "929": "ice lolly, lolly, lollipop, popsicle", + "930": "French loaf", + "931": "bagel, beigel", + "932": "pretzel", + "933": "cheeseburger", + "934": "hotdog, hot dog, red hot", + "935": "mashed potato", + "936": "head cabbage", + "937": "broccoli", + "938": "cauliflower", + "939": "zucchini, courgette", + "940": "spaghetti squash", + "941": "acorn squash", + "942": "butternut squash", + "943": "cucumber, cuke", + "944": "artichoke, globe artichoke", + "945": "bell pepper", + "946": "cardoon", + "947": "mushroom", + "948": "Granny Smith", + "949": "strawberry", + "950": "orange", + "951": "lemon", + "952": "fig", + "953": "pineapple, ananas", + "954": "banana", + "955": "jackfruit, jak, jack", + "956": "custard apple", + "957": "pomegranate", + "958": "hay", + "959": "carbonara", + "960": "chocolate sauce, chocolate syrup", + "961": "dough", + "962": "meat loaf, meatloaf", + "963": "pizza, pizza pie", + "964": "potpie", + "965": "burrito", + "966": "red wine", + "967": "espresso", + "968": "cup", + "969": "eggnog", + "970": "alp", + "971": "bubble", + "972": "cliff, drop, drop-off", + "973": "coral reef", + "974": "geyser", + "975": "lakeside, lakeshore", + "976": "promontory, headland, head, foreland", + "977": "sandbar, sand bar", + "978": "seashore, coast, seacoast, sea-coast", + "979": "valley, vale", + "980": "volcano", + "981": "ballplayer, baseball player", + "982": "groom, bridegroom", + "983": "scuba diver", + "984": "rapeseed", + "985": "daisy", + "986": "yellow lady's slipper, yellow lady-slipper, Cypripedium calceolus, Cypripedium parviflorum", + "987": "corn", + "988": "acorn", + "989": "hip, rose hip, rosehip", + "990": "buckeye, horse chestnut, conker", + "991": "coral fungus", + "992": "agaric", + "993": "gyromitra", + "994": "stinkhorn, carrion fungus", + "995": "earthstar", + "996": "hen-of-the-woods, hen of the woods, Polyporus frondosus, Grifola frondosa", + "997": "bolete", + "998": "ear, spike, capitulum", + "999": "toilet tissue, toilet paper, bathroom tissue" + }, + "image_size": 224, + "initializer_range": 0.02, + "intermediate_size": 3072, + "label2id": { + "Afghan hound, Afghan": 160, + "African chameleon, Chamaeleo chamaeleon": 47, + "African crocodile, Nile crocodile, Crocodylus niloticus": 49, + "African elephant, Loxodonta africana": 386, + "African grey, African gray, Psittacus erithacus": 87, + "African hunting dog, hyena dog, Cape hunting dog, Lycaon pictus": 275, + "Airedale, Airedale terrier": 191, + "American Staffordshire terrier, Staffordshire terrier, American pit bull terrier, pit bull terrier": 180, + "American alligator, Alligator mississipiensis": 50, + "American black bear, black bear, Ursus americanus, Euarctos americanus": 295, + "American chameleon, anole, Anolis carolinensis": 40, + "American coot, marsh hen, mud hen, water hen, Fulica americana": 137, + "American egret, great white heron, Egretta albus": 132, + "American lobster, Northern lobster, Maine lobster, Homarus americanus": 122, + "Angora, Angora rabbit": 332, + "Appenzeller": 240, + "Arabian camel, dromedary, Camelus dromedarius": 354, + "Arctic fox, white fox, Alopex lagopus": 279, + "Australian terrier": 193, + "Band Aid": 419, + "Bedlington terrier": 181, + "Bernese mountain dog": 239, + "Blenheim spaniel": 156, + "Border collie": 232, + "Border terrier": 182, + "Boston bull, Boston terrier": 195, + "Bouvier des Flandres, Bouviers des Flandres": 233, + "Brabancon griffon": 262, + "Brittany spaniel": 215, + "CD player": 485, + "Cardigan, Cardigan Welsh corgi": 264, + "Chesapeake Bay retriever": 209, + "Chihuahua": 151, + "Christmas stocking": 496, + "Crock Pot": 521, + "Dandie Dinmont, Dandie Dinmont terrier": 194, + "Doberman, Doberman pinscher": 236, + "Dungeness crab, Cancer magister": 118, + "Dutch oven": 544, + "Egyptian cat": 285, + "English foxhound": 167, + "English setter": 212, + "English springer, English springer spaniel": 217, + "EntleBucher": 241, + "Eskimo dog, husky": 248, + "European fire salamander, Salamandra salamandra": 25, + "European gallinule, Porphyrio porphyrio": 136, + "French bulldog": 245, + "French horn, horn": 566, + "French loaf": 930, + "German shepherd, German shepherd dog, German police dog, alsatian": 235, + "German short-haired pointer": 210, + "Gila monster, Heloderma suspectum": 45, + "Gordon setter": 214, + "Granny Smith": 948, + "Great Dane": 246, + "Great Pyrenees": 257, + "Greater Swiss Mountain dog": 238, + "Ibizan hound, Ibizan Podenco": 173, + "Indian cobra, Naja naja": 63, + "Indian elephant, Elephas maximus": 385, + "Irish setter, red setter": 213, + "Irish terrier": 184, + "Irish water spaniel": 221, + "Irish wolfhound": 170, + "Italian greyhound": 171, + "Japanese spaniel": 152, + "Kerry blue terrier": 183, + "Komodo dragon, Komodo lizard, dragon lizard, giant lizard, Varanus komodoensis": 48, + "Labrador retriever": 208, + "Lakeland terrier": 189, + "Leonberg": 255, + "Lhasa, Lhasa apso": 204, + "Loafer": 630, + "Madagascar cat, ring-tailed lemur, Lemur catta": 383, + "Maltese dog, Maltese terrier, Maltese": 153, + "Mexican hairless": 268, + "Model T": 661, + "Newfoundland, Newfoundland dog": 256, + "Norfolk terrier": 185, + "Norwegian elkhound, elkhound": 174, + "Norwich terrier": 186, + "Old English sheepdog, bobtail": 229, + "Pekinese, Pekingese, Peke": 154, + "Pembroke, Pembroke Welsh corgi": 263, + "Persian cat": 283, + "Petri dish": 712, + "Polaroid camera, Polaroid Land camera": 732, + "Pomeranian": 259, + "Rhodesian ridgeback": 159, + "Rottweiler": 234, + "Saint Bernard, St Bernard": 247, + "Saluki, gazelle hound": 176, + "Samoyed, Samoyede": 258, + "Scotch terrier, Scottish terrier, Scottie": 199, + "Scottish deerhound, deerhound": 177, + "Sealyham terrier, Sealyham": 190, + "Shetland sheepdog, Shetland sheep dog, Shetland": 230, + "Shih-Tzu": 155, + "Siamese cat, Siamese": 284, + "Siberian husky": 250, + "Staffordshire bullterrier, Staffordshire bull terrier": 179, + "Sussex spaniel": 220, + "Tibetan mastiff": 244, + "Tibetan terrier, chrysanthemum dog": 200, + "Walker hound, Walker foxhound": 166, + "Weimaraner": 178, + "Welsh springer spaniel": 218, + "West Highland white terrier": 203, + "Windsor tie": 906, + "Yorkshire terrier": 187, + "abacus": 398, + "abaya": 399, + "academic gown, academic robe, judge's robe": 400, + "accordion, piano accordion, squeeze box": 401, + "acorn": 988, + "acorn squash": 941, + "acoustic guitar": 402, + "admiral": 321, + "affenpinscher, monkey pinscher, monkey dog": 252, + "agama": 42, + "agaric": 992, + "aircraft carrier, carrier, flattop, attack aircraft carrier": 403, + "airliner": 404, + "airship, dirigible": 405, + "albatross, mollymawk": 146, + "alligator lizard": 44, + "alp": 970, + "altar": 406, + "ambulance": 407, + "amphibian, amphibious vehicle": 408, + "analog clock": 409, + "anemone fish": 393, + "ant, emmet, pismire": 310, + "apiary, bee house": 410, + "apron": 411, + "armadillo": 363, + "artichoke, globe artichoke": 944, + "ashcan, trash can, garbage can, wastebin, ash bin, ash-bin, ashbin, dustbin, trash barrel, trash bin": 412, + "assault rifle, assault gun": 413, + "axolotl, mud puppy, Ambystoma mexicanum": 29, + "baboon": 372, + "backpack, back pack, knapsack, packsack, rucksack, haversack": 414, + "badger": 362, + "bagel, beigel": 931, + "bakery, bakeshop, bakehouse": 415, + "balance beam, beam": 416, + "bald eagle, American eagle, Haliaeetus leucocephalus": 22, + "balloon": 417, + "ballplayer, baseball player": 981, + "ballpoint, ballpoint pen, ballpen, Biro": 418, + "banana": 954, + "banded gecko": 38, + "banjo": 420, + "bannister, banister, balustrade, balusters, handrail": 421, + "barbell": 422, + "barber chair": 423, + "barbershop": 424, + "barn": 425, + "barn spider, Araneus cavaticus": 73, + "barometer": 426, + "barracouta, snoek": 389, + "barrel, cask": 427, + "barrow, garden cart, lawn cart, wheelbarrow": 428, + "baseball": 429, + "basenji": 253, + "basketball": 430, + "basset, basset hound": 161, + "bassinet": 431, + "bassoon": 432, + "bath towel": 434, + "bathing cap, swimming cap": 433, + "bathtub, bathing tub, bath, tub": 435, + "beach wagon, station wagon, wagon, estate car, beach waggon, station waggon, waggon": 436, + "beacon, lighthouse, beacon light, pharos": 437, + "beagle": 162, + "beaker": 438, + "bearskin, busby, shako": 439, + "beaver": 337, + "bee": 309, + "bee eater": 92, + "beer bottle": 440, + "beer glass": 441, + "bell cote, bell cot": 442, + "bell pepper": 945, + "bib": 443, + "bicycle-built-for-two, tandem bicycle, tandem": 444, + "bighorn, bighorn sheep, cimarron, Rocky Mountain bighorn, Rocky Mountain sheep, Ovis canadensis": 349, + "bikini, two-piece": 445, + "binder, ring-binder": 446, + "binoculars, field glasses, opera glasses": 447, + "birdhouse": 448, + "bison": 347, + "bittern": 133, + "black and gold garden spider, Argiope aurantia": 72, + "black grouse": 80, + "black stork, Ciconia nigra": 128, + "black swan, Cygnus atratus": 100, + "black widow, Latrodectus mactans": 75, + "black-and-tan coonhound": 165, + "black-footed ferret, ferret, Mustela nigripes": 359, + "bloodhound, sleuthhound": 163, + "bluetick": 164, + "boa constrictor, Constrictor constrictor": 61, + "boathouse": 449, + "bobsled, bobsleigh, bob": 450, + "bolete": 997, + "bolo tie, bolo, bola tie, bola": 451, + "bonnet, poke bonnet": 452, + "book jacket, dust cover, dust jacket, dust wrapper": 921, + "bookcase": 453, + "bookshop, bookstore, bookstall": 454, + "borzoi, Russian wolfhound": 169, + "bottlecap": 455, + "bow": 456, + "bow tie, bow-tie, bowtie": 457, + "box turtle, box tortoise": 37, + "boxer": 242, + "brain coral": 109, + "brambling, Fringilla montifringilla": 10, + "brass, memorial tablet, plaque": 458, + "brassiere, bra, bandeau": 459, + "breakwater, groin, groyne, mole, bulwark, seawall, jetty": 460, + "breastplate, aegis, egis": 461, + "briard": 226, + "broccoli": 937, + "broom": 462, + "brown bear, bruin, Ursus arctos": 294, + "bubble": 971, + "bucket, pail": 463, + "buckeye, horse chestnut, conker": 990, + "buckle": 464, + "bulbul": 16, + "bull mastiff": 243, + "bullet train, bullet": 466, + "bulletproof vest": 465, + "bullfrog, Rana catesbeiana": 30, + "burrito": 965, + "bustard": 138, + "butcher shop, meat market": 467, + "butternut squash": 942, + "cab, hack, taxi, taxicab": 468, + "cabbage butterfly": 324, + "cairn, cairn terrier": 192, + "caldron, cauldron": 469, + "can opener, tin opener": 473, + "candle, taper, wax light": 470, + "cannon": 471, + "canoe": 472, + "capuchin, ringtail, Cebus capucinus": 378, + "car mirror": 475, + "car wheel": 479, + "carbonara": 959, + "cardigan": 474, + "cardoon": 946, + "carousel, carrousel, merry-go-round, roundabout, whirligig": 476, + "carpenter's kit, tool kit": 477, + "carton": 478, + "cash machine, cash dispenser, automated teller machine, automatic teller machine, automated teller, automatic teller, ATM": 480, + "cassette": 481, + "cassette player": 482, + "castle": 483, + "catamaran": 484, + "cauliflower": 938, + "cello, violoncello": 486, + "cellular telephone, cellular phone, cellphone, cell, mobile phone": 487, + "centipede": 79, + "chain": 488, + "chain mail, ring mail, mail, chain armor, chain armour, ring armor, ring armour": 490, + "chain saw, chainsaw": 491, + "chainlink fence": 489, + "chambered nautilus, pearly nautilus, nautilus": 117, + "cheeseburger": 933, + "cheetah, chetah, Acinonyx jubatus": 293, + "chest": 492, + "chickadee": 19, + "chiffonier, commode": 493, + "chime, bell, gong": 494, + "chimpanzee, chimp, Pan troglodytes": 367, + "china cabinet, china closet": 495, + "chiton, coat-of-mail shell, sea cradle, polyplacophore": 116, + "chocolate sauce, chocolate syrup": 960, + "chow, chow chow": 260, + "church, church building": 497, + "cicada, cicala": 316, + "cinema, movie theater, movie theatre, movie house, picture palace": 498, + "cleaver, meat cleaver, chopper": 499, + "cliff dwelling": 500, + "cliff, drop, drop-off": 972, + "cloak": 501, + "clog, geta, patten, sabot": 502, + "clumber, clumber spaniel": 216, + "cock": 7, + "cocker spaniel, English cocker spaniel, cocker": 219, + "cockroach, roach": 314, + "cocktail shaker": 503, + "coffee mug": 504, + "coffeepot": 505, + "coho, cohoe, coho salmon, blue jack, silver salmon, Oncorhynchus kisutch": 391, + "coil, spiral, volute, whorl, helix": 506, + "collie": 231, + "colobus, colobus monkey": 375, + "combination lock": 507, + "comic book": 917, + "common iguana, iguana, Iguana iguana": 39, + "common newt, Triturus vulgaris": 26, + "computer keyboard, keypad": 508, + "conch": 112, + "confectionery, confectionary, candy store": 509, + "consomme": 925, + "container ship, containership, container vessel": 510, + "convertible": 511, + "coral fungus": 991, + "coral reef": 973, + "corkscrew, bottle screw": 512, + "corn": 987, + "cornet, horn, trumpet, trump": 513, + "coucal": 91, + "cougar, puma, catamount, mountain lion, painter, panther, Felis concolor": 286, + "cowboy boot": 514, + "cowboy hat, ten-gallon hat": 515, + "coyote, prairie wolf, brush wolf, Canis latrans": 272, + "cradle": 516, + "crane": 517, + "crash helmet": 518, + "crate": 519, + "crayfish, crawfish, crawdad, crawdaddy": 124, + "crib, cot": 520, + "cricket": 312, + "croquet ball": 522, + "crossword puzzle, crossword": 918, + "crutch": 523, + "cucumber, cuke": 943, + "cuirass": 524, + "cup": 968, + "curly-coated retriever": 206, + "custard apple": 956, + "daisy": 985, + "dalmatian, coach dog, carriage dog": 251, + "dam, dike, dyke": 525, + "damselfly": 320, + "desk": 526, + "desktop computer": 527, + "dhole, Cuon alpinus": 274, + "dial telephone, dial phone": 528, + "diamondback, diamondback rattlesnake, Crotalus adamanteus": 67, + "diaper, nappy, napkin": 529, + "digital clock": 530, + "digital watch": 531, + "dingo, warrigal, warragal, Canis dingo": 273, + "dining table, board": 532, + "dishrag, dishcloth": 533, + "dishwasher, dish washer, dishwashing machine": 534, + "disk brake, disc brake": 535, + "dock, dockage, docking facility": 536, + "dogsled, dog sled, dog sleigh": 537, + "dome": 538, + "doormat, welcome mat": 539, + "dough": 961, + "dowitcher": 142, + "dragonfly, darning needle, devil's darning needle, sewing needle, snake feeder, snake doctor, mosquito hawk, skeeter hawk": 319, + "drake": 97, + "drilling platform, offshore rig": 540, + "drum, membranophone, tympan": 541, + "drumstick": 542, + "dugong, Dugong dugon": 149, + "dumbbell": 543, + "dung beetle": 305, + "ear, spike, capitulum": 998, + "earthstar": 995, + "echidna, spiny anteater, anteater": 102, + "eel": 390, + "eft": 27, + "eggnog": 969, + "electric fan, blower": 545, + "electric guitar": 546, + "electric locomotive": 547, + "electric ray, crampfish, numbfish, torpedo": 5, + "entertainment center": 548, + "envelope": 549, + "espresso": 967, + "espresso maker": 550, + "face powder": 551, + "feather boa, boa": 552, + "fiddler crab": 120, + "fig": 952, + "file, file cabinet, filing cabinet": 553, + "fire engine, fire truck": 555, + "fire screen, fireguard": 556, + "fireboat": 554, + "flagpole, flagstaff": 557, + "flamingo": 130, + "flat-coated retriever": 205, + "flatworm, platyhelminth": 110, + "flute, transverse flute": 558, + "fly": 308, + "folding chair": 559, + "football helmet": 560, + "forklift": 561, + "fountain": 562, + "fountain pen": 563, + "four-poster": 564, + "fox squirrel, eastern fox squirrel, Sciurus niger": 335, + "freight car": 565, + "frilled lizard, Chlamydosaurus kingi": 43, + "frying pan, frypan, skillet": 567, + "fur coat": 568, + "gar, garfish, garpike, billfish, Lepisosteus osseus": 395, + "garbage truck, dustcart": 569, + "garden spider, Aranea diademata": 74, + "garter snake, grass snake": 57, + "gas pump, gasoline pump, petrol pump, island dispenser": 571, + "gasmask, respirator, gas helmet": 570, + "gazelle": 353, + "geyser": 974, + "giant panda, panda, panda bear, coon bear, Ailuropoda melanoleuca": 388, + "giant schnauzer": 197, + "gibbon, Hylobates lar": 368, + "go-kart": 573, + "goblet": 572, + "golden retriever": 207, + "goldfinch, Carduelis carduelis": 11, + "goldfish, Carassius auratus": 1, + "golf ball": 574, + "golfcart, golf cart": 575, + "gondola": 576, + "gong, tam-tam": 577, + "goose": 99, + "gorilla, Gorilla gorilla": 366, + "gown": 578, + "grand piano, grand": 579, + "grasshopper, hopper": 311, + "great grey owl, great gray owl, Strix nebulosa": 24, + "great white shark, white shark, man-eater, man-eating shark, Carcharodon carcharias": 2, + "green lizard, Lacerta viridis": 46, + "green mamba": 64, + "green snake, grass snake": 55, + "greenhouse, nursery, glasshouse": 580, + "grey fox, gray fox, Urocyon cinereoargenteus": 280, + "grey whale, gray whale, devilfish, Eschrichtius gibbosus, Eschrichtius robustus": 147, + "grille, radiator grille": 581, + "grocery store, grocery, food market, market": 582, + "groenendael": 224, + "groom, bridegroom": 982, + "ground beetle, carabid beetle": 302, + "guacamole": 924, + "guenon, guenon monkey": 370, + "guillotine": 583, + "guinea pig, Cavia cobaya": 338, + "gyromitra": 993, + "hair slide": 584, + "hair spray": 585, + "half track": 586, + "hammer": 587, + "hammerhead, hammerhead shark": 4, + "hamper": 588, + "hamster": 333, + "hand blower, blow dryer, blow drier, hair dryer, hair drier": 589, + "hand-held computer, hand-held microcomputer": 590, + "handkerchief, hankie, hanky, hankey": 591, + "hard disc, hard disk, fixed disk": 592, + "hare": 331, + "harmonica, mouth organ, harp, mouth harp": 593, + "harp": 594, + "hartebeest": 351, + "harvester, reaper": 595, + "harvestman, daddy longlegs, Phalangium opilio": 70, + "hatchet": 596, + "hay": 958, + "head cabbage": 936, + "hen": 8, + "hen-of-the-woods, hen of the woods, Polyporus frondosus, Grifola frondosa": 996, + "hermit crab": 125, + "hip, rose hip, rosehip": 989, + "hippopotamus, hippo, river horse, Hippopotamus amphibius": 344, + "hog, pig, grunter, squealer, Sus scrofa": 341, + "hognose snake, puff adder, sand viper": 54, + "holster": 597, + "home theater, home theatre": 598, + "honeycomb": 599, + "hook, claw": 600, + "hoopskirt, crinoline": 601, + "horizontal bar, high bar": 602, + "hornbill": 93, + "horned viper, cerastes, sand viper, horned asp, Cerastes cornutus": 66, + "horse cart, horse-cart": 603, + "hot pot, hotpot": 926, + "hotdog, hot dog, red hot": 934, + "hourglass": 604, + "house finch, linnet, Carpodacus mexicanus": 12, + "howler monkey, howler": 379, + "hummingbird": 94, + "hyena, hyaena": 276, + "iPod": 605, + "ibex, Capra ibex": 350, + "ice bear, polar bear, Ursus Maritimus, Thalarctos maritimus": 296, + "ice cream, icecream": 928, + "ice lolly, lolly, lollipop, popsicle": 929, + "impala, Aepyceros melampus": 352, + "indigo bunting, indigo finch, indigo bird, Passerina cyanea": 14, + "indri, indris, Indri indri, Indri brevicaudatus": 384, + "iron, smoothing iron": 606, + "isopod": 126, + "jacamar": 95, + "jack-o'-lantern": 607, + "jackfruit, jak, jack": 955, + "jaguar, panther, Panthera onca, Felis onca": 290, + "jay": 17, + "jean, blue jean, denim": 608, + "jeep, landrover": 609, + "jellyfish": 107, + "jersey, T-shirt, tee shirt": 610, + "jigsaw puzzle": 611, + "jinrikisha, ricksha, rickshaw": 612, + "joystick": 613, + "junco, snowbird": 13, + "keeshond": 261, + "kelpie": 227, + "killer whale, killer, orca, grampus, sea wolf, Orcinus orca": 148, + "kimono": 614, + "king crab, Alaska crab, Alaskan king crab, Alaska king crab, Paralithodes camtschatica": 121, + "king penguin, Aptenodytes patagonica": 145, + "king snake, kingsnake": 56, + "kit fox, Vulpes macrotis": 278, + "kite": 21, + "knee pad": 615, + "knot": 616, + "koala, koala bear, kangaroo bear, native bear, Phascolarctos cinereus": 105, + "komondor": 228, + "kuvasz": 222, + "lab coat, laboratory coat": 617, + "lacewing, lacewing fly": 318, + "ladle": 618, + "ladybug, ladybeetle, lady beetle, ladybird, ladybird beetle": 301, + "lakeside, lakeshore": 975, + "lampshade, lamp shade": 619, + "langur": 374, + "laptop, laptop computer": 620, + "lawn mower, mower": 621, + "leaf beetle, chrysomelid": 304, + "leafhopper": 317, + "leatherback turtle, leatherback, leathery turtle, Dermochelys coriacea": 34, + "lemon": 951, + "lens cap, lens cover": 622, + "leopard, Panthera pardus": 288, + "lesser panda, red panda, panda, bear cat, cat bear, Ailurus fulgens": 387, + "letter opener, paper knife, paperknife": 623, + "library": 624, + "lifeboat": 625, + "lighter, light, igniter, ignitor": 626, + "limousine, limo": 627, + "limpkin, Aramus pictus": 135, + "liner, ocean liner": 628, + "lion, king of beasts, Panthera leo": 291, + "lionfish": 396, + "lipstick, lip rouge": 629, + "little blue heron, Egretta caerulea": 131, + "llama": 355, + "loggerhead, loggerhead turtle, Caretta caretta": 33, + "long-horned beetle, longicorn, longicorn beetle": 303, + "lorikeet": 90, + "lotion": 631, + "loudspeaker, speaker, speaker unit, loudspeaker system, speaker system": 632, + "loupe, jeweler's loupe": 633, + "lumbermill, sawmill": 634, + "lycaenid, lycaenid butterfly": 326, + "lynx, catamount": 287, + "macaque": 373, + "macaw": 88, + "magnetic compass": 635, + "magpie": 18, + "mailbag, postbag": 636, + "mailbox, letter box": 637, + "maillot": 638, + "maillot, tank suit": 639, + "malamute, malemute, Alaskan malamute": 249, + "malinois": 225, + "manhole cover": 640, + "mantis, mantid": 315, + "maraca": 641, + "marimba, xylophone": 642, + "marmoset": 377, + "marmot": 336, + "mashed potato": 935, + "mask": 643, + "matchstick": 644, + "maypole": 645, + "maze, labyrinth": 646, + "measuring cup": 647, + "meat loaf, meatloaf": 962, + "medicine chest, medicine cabinet": 648, + "meerkat, mierkat": 299, + "megalith, megalithic structure": 649, + "menu": 922, + "microphone, mike": 650, + "microwave, microwave oven": 651, + "military uniform": 652, + "milk can": 653, + "miniature pinscher": 237, + "miniature poodle": 266, + "miniature schnauzer": 196, + "minibus": 654, + "miniskirt, mini": 655, + "minivan": 656, + "mink": 357, + "missile": 657, + "mitten": 658, + "mixing bowl": 659, + "mobile home, manufactured home": 660, + "modem": 662, + "monarch, monarch butterfly, milkweed butterfly, Danaus plexippus": 323, + "monastery": 663, + "mongoose": 298, + "monitor": 664, + "moped": 665, + "mortar": 666, + "mortarboard": 667, + "mosque": 668, + "mosquito net": 669, + "motor scooter, scooter": 670, + "mountain bike, all-terrain bike, off-roader": 671, + "mountain tent": 672, + "mouse, computer mouse": 673, + "mousetrap": 674, + "moving van": 675, + "mud turtle": 35, + "mushroom": 947, + "muzzle": 676, + "nail": 677, + "neck brace": 678, + "necklace": 679, + "nematode, nematode worm, roundworm": 111, + "night snake, Hypsiglena torquata": 60, + "nipple": 680, + "notebook, notebook computer": 681, + "obelisk": 682, + "oboe, hautboy, hautbois": 683, + "ocarina, sweet potato": 684, + "odometer, hodometer, mileometer, milometer": 685, + "oil filter": 686, + "orange": 950, + "orangutan, orang, orangutang, Pongo pygmaeus": 365, + "organ, pipe organ": 687, + "oscilloscope, scope, cathode-ray oscilloscope, CRO": 688, + "ostrich, Struthio camelus": 9, + "otter": 360, + "otterhound, otter hound": 175, + "overskirt": 689, + "ox": 345, + "oxcart": 690, + "oxygen mask": 691, + "oystercatcher, oyster catcher": 143, + "packet": 692, + "paddle, boat paddle": 693, + "paddlewheel, paddle wheel": 694, + "padlock": 695, + "paintbrush": 696, + "pajama, pyjama, pj's, jammies": 697, + "palace": 698, + "panpipe, pandean pipe, syrinx": 699, + "paper towel": 700, + "papillon": 157, + "parachute, chute": 701, + "parallel bars, bars": 702, + "park bench": 703, + "parking meter": 704, + "partridge": 86, + "passenger car, coach, carriage": 705, + "patas, hussar monkey, Erythrocebus patas": 371, + "patio, terrace": 706, + "pay-phone, pay-station": 707, + "peacock": 84, + "pedestal, plinth, footstall": 708, + "pelican": 144, + "pencil box, pencil case": 709, + "pencil sharpener": 710, + "perfume, essence": 711, + "photocopier": 713, + "pick, plectrum, plectron": 714, + "pickelhaube": 715, + "picket fence, paling": 716, + "pickup, pickup truck": 717, + "pier": 718, + "piggy bank, penny bank": 719, + "pill bottle": 720, + "pillow": 721, + "pineapple, ananas": 953, + "ping-pong ball": 722, + "pinwheel": 723, + "pirate, pirate ship": 724, + "pitcher, ewer": 725, + "pizza, pizza pie": 963, + "plane, carpenter's plane, woodworking plane": 726, + "planetarium": 727, + "plastic bag": 728, + "plate": 923, + "plate rack": 729, + "platypus, duckbill, duckbilled platypus, duck-billed platypus, Ornithorhynchus anatinus": 103, + "plow, plough": 730, + "plunger, plumber's helper": 731, + "pole": 733, + "polecat, fitch, foulmart, foumart, Mustela putorius": 358, + "police van, police wagon, paddy wagon, patrol wagon, wagon, black Maria": 734, + "pomegranate": 957, + "poncho": 735, + "pool table, billiard table, snooker table": 736, + "pop bottle, soda bottle": 737, + "porcupine, hedgehog": 334, + "pot, flowerpot": 738, + "potpie": 964, + "potter's wheel": 739, + "power drill": 740, + "prairie chicken, prairie grouse, prairie fowl": 83, + "prayer rug, prayer mat": 741, + "pretzel": 932, + "printer": 742, + "prison, prison house": 743, + "proboscis monkey, Nasalis larvatus": 376, + "projectile, missile": 744, + "projector": 745, + "promontory, headland, head, foreland": 976, + "ptarmigan": 81, + "puck, hockey puck": 746, + "puffer, pufferfish, blowfish, globefish": 397, + "pug, pug-dog": 254, + "punching bag, punch bag, punching ball, punchball": 747, + "purse": 748, + "quail": 85, + "quill, quill pen": 749, + "quilt, comforter, comfort, puff": 750, + "racer, race car, racing car": 751, + "racket, racquet": 752, + "radiator": 753, + "radio telescope, radio reflector": 755, + "radio, wireless": 754, + "rain barrel": 756, + "ram, tup": 348, + "rapeseed": 984, + "recreational vehicle, RV, R.V.": 757, + "red fox, Vulpes vulpes": 277, + "red wine": 966, + "red wolf, maned wolf, Canis rufus, Canis niger": 271, + "red-backed sandpiper, dunlin, Erolia alpina": 140, + "red-breasted merganser, Mergus serrator": 98, + "redbone": 168, + "redshank, Tringa totanus": 141, + "reel": 758, + "reflex camera": 759, + "refrigerator, icebox": 760, + "remote control, remote": 761, + "restaurant, eating house, eating place, eatery": 762, + "revolver, six-gun, six-shooter": 763, + "rhinoceros beetle": 306, + "rifle": 764, + "ringlet, ringlet butterfly": 322, + "ringneck snake, ring-necked snake, ring snake": 53, + "robin, American robin, Turdus migratorius": 15, + "rock beauty, Holocanthus tricolor": 392, + "rock crab, Cancer irroratus": 119, + "rock python, rock snake, Python sebae": 62, + "rocking chair, rocker": 765, + "rotisserie": 766, + "rubber eraser, rubber, pencil eraser": 767, + "ruddy turnstone, Arenaria interpres": 139, + "ruffed grouse, partridge, Bonasa umbellus": 82, + "rugby ball": 768, + "rule, ruler": 769, + "running shoe": 770, + "safe": 771, + "safety pin": 772, + "saltshaker, salt shaker": 773, + "sandal": 774, + "sandbar, sand bar": 977, + "sarong": 775, + "sax, saxophone": 776, + "scabbard": 777, + "scale, weighing machine": 778, + "schipperke": 223, + "school bus": 779, + "schooner": 780, + "scoreboard": 781, + "scorpion": 71, + "screen, CRT screen": 782, + "screw": 783, + "screwdriver": 784, + "scuba diver": 983, + "sea anemone, anemone": 108, + "sea cucumber, holothurian": 329, + "sea lion": 150, + "sea slug, nudibranch": 115, + "sea snake": 65, + "sea urchin": 328, + "seashore, coast, seacoast, sea-coast": 978, + "seat belt, seatbelt": 785, + "sewing machine": 786, + "shield, buckler": 787, + "shoe shop, shoe-shop, shoe store": 788, + "shoji": 789, + "shopping basket": 790, + "shopping cart": 791, + "shovel": 792, + "shower cap": 793, + "shower curtain": 794, + "siamang, Hylobates syndactylus, Symphalangus syndactylus": 369, + "sidewinder, horned rattlesnake, Crotalus cerastes": 68, + "silky terrier, Sydney silky": 201, + "ski": 795, + "ski mask": 796, + "skunk, polecat, wood pussy": 361, + "sleeping bag": 797, + "slide rule, slipstick": 798, + "sliding door": 799, + "slot, one-armed bandit": 800, + "sloth bear, Melursus ursinus, Ursus ursinus": 297, + "slug": 114, + "snail": 113, + "snorkel": 801, + "snow leopard, ounce, Panthera uncia": 289, + "snowmobile": 802, + "snowplow, snowplough": 803, + "soap dispenser": 804, + "soccer ball": 805, + "sock": 806, + "soft-coated wheaten terrier": 202, + "solar dish, solar collector, solar furnace": 807, + "sombrero": 808, + "sorrel": 339, + "soup bowl": 809, + "space bar": 810, + "space heater": 811, + "space shuttle": 812, + "spaghetti squash": 940, + "spatula": 813, + "speedboat": 814, + "spider monkey, Ateles geoffroyi": 381, + "spider web, spider's web": 815, + "spindle": 816, + "spiny lobster, langouste, rock lobster, crawfish, crayfish, sea crawfish": 123, + "spoonbill": 129, + "sports car, sport car": 817, + "spotlight, spot": 818, + "spotted salamander, Ambystoma maculatum": 28, + "squirrel monkey, Saimiri sciureus": 382, + "stage": 819, + "standard poodle": 267, + "standard schnauzer": 198, + "starfish, sea star": 327, + "steam locomotive": 820, + "steel arch bridge": 821, + "steel drum": 822, + "stethoscope": 823, + "stingray": 6, + "stinkhorn, carrion fungus": 994, + "stole": 824, + "stone wall": 825, + "stopwatch, stop watch": 826, + "stove": 827, + "strainer": 828, + "strawberry": 949, + "street sign": 919, + "streetcar, tram, tramcar, trolley, trolley car": 829, + "stretcher": 830, + "studio couch, day bed": 831, + "stupa, tope": 832, + "sturgeon": 394, + "submarine, pigboat, sub, U-boat": 833, + "suit, suit of clothes": 834, + "sulphur butterfly, sulfur butterfly": 325, + "sulphur-crested cockatoo, Kakatoe galerita, Cacatua galerita": 89, + "sundial": 835, + "sunglass": 836, + "sunglasses, dark glasses, shades": 837, + "sunscreen, sunblock, sun blocker": 838, + "suspension bridge": 839, + "swab, swob, mop": 840, + "sweatshirt": 841, + "swimming trunks, bathing trunks": 842, + "swing": 843, + "switch, electric switch, electrical switch": 844, + "syringe": 845, + "tabby, tabby cat": 281, + "table lamp": 846, + "tailed frog, bell toad, ribbed toad, tailed toad, Ascaphus trui": 32, + "tank, army tank, armored combat vehicle, armoured combat vehicle": 847, + "tape player": 848, + "tarantula": 76, + "teapot": 849, + "teddy, teddy bear": 850, + "television, television system": 851, + "tench, Tinca tinca": 0, + "tennis ball": 852, + "terrapin": 36, + "thatch, thatched roof": 853, + "theater curtain, theatre curtain": 854, + "thimble": 855, + "three-toed sloth, ai, Bradypus tridactylus": 364, + "thresher, thrasher, threshing machine": 856, + "throne": 857, + "thunder snake, worm snake, Carphophis amoenus": 52, + "tick": 78, + "tiger beetle": 300, + "tiger cat": 282, + "tiger shark, Galeocerdo cuvieri": 3, + "tiger, Panthera tigris": 292, + "tile roof": 858, + "timber wolf, grey wolf, gray wolf, Canis lupus": 269, + "titi, titi monkey": 380, + "toaster": 859, + "tobacco shop, tobacconist shop, tobacconist": 860, + "toilet seat": 861, + "toilet tissue, toilet paper, bathroom tissue": 999, + "torch": 862, + "totem pole": 863, + "toucan": 96, + "tow truck, tow car, wrecker": 864, + "toy poodle": 265, + "toy terrier": 158, + "toyshop": 865, + "tractor": 866, + "traffic light, traffic signal, stoplight": 920, + "trailer truck, tractor trailer, trucking rig, rig, articulated lorry, semi": 867, + "tray": 868, + "tree frog, tree-frog": 31, + "trench coat": 869, + "triceratops": 51, + "tricycle, trike, velocipede": 870, + "trifle": 927, + "trilobite": 69, + "trimaran": 871, + "tripod": 872, + "triumphal arch": 873, + "trolleybus, trolley coach, trackless trolley": 874, + "trombone": 875, + "tub, vat": 876, + "turnstile": 877, + "tusker": 101, + "typewriter keyboard": 878, + "umbrella": 879, + "unicycle, monocycle": 880, + "upright, upright piano": 881, + "vacuum, vacuum cleaner": 882, + "valley, vale": 979, + "vase": 883, + "vault": 884, + "velvet": 885, + "vending machine": 886, + "vestment": 887, + "viaduct": 888, + "vine snake": 59, + "violin, fiddle": 889, + "vizsla, Hungarian pointer": 211, + "volcano": 980, + "volleyball": 890, + "vulture": 23, + "waffle iron": 891, + "walking stick, walkingstick, stick insect": 313, + "wall clock": 892, + "wallaby, brush kangaroo": 104, + "wallet, billfold, notecase, pocketbook": 893, + "wardrobe, closet, press": 894, + "warplane, military plane": 895, + "warthog": 343, + "washbasin, handbasin, washbowl, lavabo, wash-hand basin": 896, + "washer, automatic washer, washing machine": 897, + "water bottle": 898, + "water buffalo, water ox, Asiatic buffalo, Bubalus bubalis": 346, + "water jug": 899, + "water ouzel, dipper": 20, + "water snake": 58, + "water tower": 900, + "weasel": 356, + "web site, website, internet site, site": 916, + "weevil": 307, + "whippet": 172, + "whiptail, whiptail lizard": 41, + "whiskey jug": 901, + "whistle": 902, + "white stork, Ciconia ciconia": 127, + "white wolf, Arctic wolf, Canis lupus tundrarum": 270, + "wig": 903, + "wild boar, boar, Sus scrofa": 342, + "window screen": 904, + "window shade": 905, + "wine bottle": 907, + "wing": 908, + "wire-haired fox terrier": 188, + "wok": 909, + "wolf spider, hunting spider": 77, + "wombat": 106, + "wood rabbit, cottontail, cottontail rabbit": 330, + "wooden spoon": 910, + "wool, woolen, woollen": 911, + "worm fence, snake fence, snake-rail fence, Virginia fence": 912, + "wreck": 913, + "yawl": 914, + "yellow lady's slipper, yellow lady-slipper, Cypripedium calceolus, Cypripedium parviflorum": 986, + "yurt": 915, + "zebra": 340, + "zucchini, courgette": 939 + }, + "layer_norm_eps": 1e-12, + "model_type": "vit", + "num_attention_heads": 12, + "num_channels": 3, + "num_hidden_layers": 12, + "patch_size": 16, + "qkv_bias": true, + "torch_dtype": "float32", + "transformers_version": "4.44.2" +} diff --git a/chatbot/models/custom_model/model.safetensors b/chatbot/models/custom_model/model.safetensors new file mode 100644 index 0000000000000000000000000000000000000000..20c13dbaa2183528a0148935f68790990ad5dd89 --- /dev/null +++ b/chatbot/models/custom_model/model.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e8a70954c2250bc785d2259892c0ead906d25f5f16bbea62f55f668d286a6cfa +size 343220892 diff --git a/chatbot/models/microsoft/Phi-3.5-mini-instruct/added_tokens.json b/chatbot/models/microsoft/Phi-3.5-mini-instruct/added_tokens.json new file mode 100644 index 0000000000000000000000000000000000000000..c9d3d3a1b74d87e381e471f7b33784015d2dc0ea --- /dev/null +++ b/chatbot/models/microsoft/Phi-3.5-mini-instruct/added_tokens.json @@ -0,0 +1,13 @@ +{ + "<|assistant|>": 32001, + "<|endoftext|>": 32000, + "<|end|>": 32007, + "<|placeholder1|>": 32002, + "<|placeholder2|>": 32003, + "<|placeholder3|>": 32004, + "<|placeholder4|>": 32005, + "<|placeholder5|>": 32008, + "<|placeholder6|>": 32009, + "<|system|>": 32006, + "<|user|>": 32010 +} diff --git a/chatbot/models/microsoft/Phi-3.5-mini-instruct/config.json b/chatbot/models/microsoft/Phi-3.5-mini-instruct/config.json new file mode 100644 index 0000000000000000000000000000000000000000..632a3f77eb86ba05a49f9de1697cc4adb50e1b83 --- /dev/null +++ b/chatbot/models/microsoft/Phi-3.5-mini-instruct/config.json @@ -0,0 +1,138 @@ +{ + "_name_or_path": "microsoft/Phi-3.5-mini-instruct", + "architectures": [ + "Phi3ForCausalLM" + ], + "attention_bias": false, + "attention_dropout": 0.0, + "auto_map": { + "AutoConfig": "microsoft/Phi-3.5-mini-instruct--configuration_phi3.Phi3Config", + "AutoModelForCausalLM": "microsoft/Phi-3.5-mini-instruct--modeling_phi3.Phi3ForCausalLM" + }, + "bos_token_id": 1, + "embd_pdrop": 0.0, + "eos_token_id": 32000, + "hidden_act": "silu", + "hidden_size": 3072, + "initializer_range": 0.02, + "intermediate_size": 8192, + "max_position_embeddings": 131072, + "model_type": "phi3", + "num_attention_heads": 32, + "num_hidden_layers": 32, + "num_key_value_heads": 32, + "original_max_position_embeddings": 4096, + "pad_token_id": 32000, + "resid_pdrop": 0.0, + "rms_norm_eps": 1e-05, + "rope_scaling": { + "long_factor": [ + 1.0800000429153442, + 1.1100000143051147, + 1.1399999856948853, + 1.340000033378601, + 1.5899999141693115, + 1.600000023841858, + 1.6200000047683716, + 2.620000123977661, + 3.2300000190734863, + 3.2300000190734863, + 4.789999961853027, + 7.400000095367432, + 7.700000286102295, + 9.09000015258789, + 12.199999809265137, + 17.670000076293945, + 24.46000099182129, + 28.57000160217285, + 30.420001983642578, + 30.840002059936523, + 32.590003967285156, + 32.93000411987305, + 42.320003509521484, + 44.96000289916992, + 50.340003967285156, + 50.45000457763672, + 57.55000305175781, + 57.93000411987305, + 58.21000289916992, + 60.1400032043457, + 62.61000442504883, + 62.62000274658203, + 62.71000289916992, + 63.1400032043457, + 63.1400032043457, + 63.77000427246094, + 63.93000411987305, + 63.96000289916992, + 63.970001220703125, + 64.02999877929688, + 64.06999969482422, + 64.08000183105469, + 64.12000274658203, + 64.41000366210938, + 64.4800033569336, + 64.51000213623047, + 64.52999877929688, + 64.83999633789062 + ], + "short_factor": [ + 1.0, + 1.0199999809265137, + 1.0299999713897705, + 1.0299999713897705, + 1.0499999523162842, + 1.0499999523162842, + 1.0499999523162842, + 1.0499999523162842, + 1.0499999523162842, + 1.0699999332427979, + 1.0999999046325684, + 1.1099998950958252, + 1.1599998474121094, + 1.1599998474121094, + 1.1699998378753662, + 1.2899998426437378, + 1.339999794960022, + 1.679999828338623, + 1.7899998426437378, + 1.8199998140335083, + 1.8499997854232788, + 1.8799997568130493, + 1.9099997282028198, + 1.9399996995925903, + 1.9899996519088745, + 2.0199997425079346, + 2.0199997425079346, + 2.0199997425079346, + 2.0199997425079346, + 2.0199997425079346, + 2.0199997425079346, + 2.0299997329711914, + 2.0299997329711914, + 2.0299997329711914, + 2.0299997329711914, + 2.0299997329711914, + 2.0299997329711914, + 2.0299997329711914, + 2.0299997329711914, + 2.0299997329711914, + 2.0799996852874756, + 2.0899996757507324, + 2.189999580383301, + 2.2199995517730713, + 2.5899994373321533, + 2.729999542236328, + 2.749999523162842, + 2.8399994373321533 + ], + "type": "longrope" + }, + "rope_theta": 10000.0, + "sliding_window": 262144, + "tie_word_embeddings": false, + "torch_dtype": "float32", + "transformers_version": "4.46.2", + "use_cache": true, + "vocab_size": 32064 +} diff --git a/chatbot/models/microsoft/Phi-3.5-mini-instruct/generation_config.json b/chatbot/models/microsoft/Phi-3.5-mini-instruct/generation_config.json new file mode 100644 index 0000000000000000000000000000000000000000..f2bd9d603f606d3552d401cbfe3936487010e7e3 --- /dev/null +++ b/chatbot/models/microsoft/Phi-3.5-mini-instruct/generation_config.json @@ -0,0 +1,11 @@ +{ + "_from_model_config": true, + "bos_token_id": 1, + "eos_token_id": [ + 32007, + 32001, + 32000 + ], + "pad_token_id": 32000, + "transformers_version": "4.46.2" +} diff --git a/chatbot/models/microsoft/Phi-3.5-mini-instruct/model-00001-of-00004.safetensors b/chatbot/models/microsoft/Phi-3.5-mini-instruct/model-00001-of-00004.safetensors new file mode 100644 index 0000000000000000000000000000000000000000..b016a2efd5c73f11df62638325a9e5b41ea998fe --- /dev/null +++ b/chatbot/models/microsoft/Phi-3.5-mini-instruct/model-00001-of-00004.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:69f5298198adf824addbd073539922a669c5405154b9b8e5cf1b9f6f9829cee4 +size 4961852416 diff --git a/chatbot/models/microsoft/Phi-3.5-mini-instruct/model-00002-of-00004.safetensors b/chatbot/models/microsoft/Phi-3.5-mini-instruct/model-00002-of-00004.safetensors new file mode 100644 index 0000000000000000000000000000000000000000..885b055069ab5759a29167ef98adfa3c8d834eea --- /dev/null +++ b/chatbot/models/microsoft/Phi-3.5-mini-instruct/model-00002-of-00004.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8f182e86b3535d1baf86e190963197c8860911c68b6d8613776aca890731f6c0 +size 4983111176 diff --git a/chatbot/models/microsoft/Phi-3.5-mini-instruct/model-00003-of-00004.safetensors b/chatbot/models/microsoft/Phi-3.5-mini-instruct/model-00003-of-00004.safetensors new file mode 100644 index 0000000000000000000000000000000000000000..1d6635286d93c893b6a5ba8ab9314b89c37b925f --- /dev/null +++ b/chatbot/models/microsoft/Phi-3.5-mini-instruct/model-00003-of-00004.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d672464098f4fa6927ff602d8de7c69e9c26dced17a5530a335e51ca95caaf43 +size 4945374704 diff --git a/chatbot/models/microsoft/Phi-3.5-mini-instruct/model-00004-of-00004.safetensors b/chatbot/models/microsoft/Phi-3.5-mini-instruct/model-00004-of-00004.safetensors new file mode 100644 index 0000000000000000000000000000000000000000..931956922ee61989265bee9142a76efc2151ef66 --- /dev/null +++ b/chatbot/models/microsoft/Phi-3.5-mini-instruct/model-00004-of-00004.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2445155b9094892fed9c94bac15a5f750a041a814824a4770e4acf3d454380a3 +size 394002560 diff --git a/chatbot/models/microsoft/Phi-3.5-mini-instruct/model.safetensors.index.json b/chatbot/models/microsoft/Phi-3.5-mini-instruct/model.safetensors.index.json new file mode 100644 index 0000000000000000000000000000000000000000..0f73bf28b9a4028cbbafc1f6fe805441f20b92c9 --- /dev/null +++ b/chatbot/models/microsoft/Phi-3.5-mini-instruct/model.safetensors.index.json @@ -0,0 +1,202 @@ +{ + "metadata": { + "total_size": 15284318208 + }, + "weight_map": { + "lm_head.weight": "model-00004-of-00004.safetensors", + "model.embed_tokens.weight": "model-00001-of-00004.safetensors", + "model.layers.0.input_layernorm.weight": "model-00001-of-00004.safetensors", + "model.layers.0.mlp.down_proj.weight": "model-00001-of-00004.safetensors", + "model.layers.0.mlp.gate_up_proj.weight": "model-00001-of-00004.safetensors", + "model.layers.0.post_attention_layernorm.weight": "model-00001-of-00004.safetensors", + "model.layers.0.self_attn.o_proj.weight": "model-00001-of-00004.safetensors", + "model.layers.0.self_attn.qkv_proj.weight": "model-00001-of-00004.safetensors", + "model.layers.1.input_layernorm.weight": "model-00001-of-00004.safetensors", + "model.layers.1.mlp.down_proj.weight": "model-00001-of-00004.safetensors", + "model.layers.1.mlp.gate_up_proj.weight": "model-00001-of-00004.safetensors", + "model.layers.1.post_attention_layernorm.weight": "model-00001-of-00004.safetensors", + "model.layers.1.self_attn.o_proj.weight": "model-00001-of-00004.safetensors", + "model.layers.1.self_attn.qkv_proj.weight": "model-00001-of-00004.safetensors", + "model.layers.10.input_layernorm.weight": "model-00002-of-00004.safetensors", + "model.layers.10.mlp.down_proj.weight": "model-00002-of-00004.safetensors", + "model.layers.10.mlp.gate_up_proj.weight": "model-00002-of-00004.safetensors", + "model.layers.10.post_attention_layernorm.weight": "model-00002-of-00004.safetensors", + "model.layers.10.self_attn.o_proj.weight": "model-00001-of-00004.safetensors", + "model.layers.10.self_attn.qkv_proj.weight": "model-00002-of-00004.safetensors", + "model.layers.11.input_layernorm.weight": "model-00002-of-00004.safetensors", + "model.layers.11.mlp.down_proj.weight": "model-00002-of-00004.safetensors", + "model.layers.11.mlp.gate_up_proj.weight": "model-00002-of-00004.safetensors", + "model.layers.11.post_attention_layernorm.weight": "model-00002-of-00004.safetensors", + "model.layers.11.self_attn.o_proj.weight": "model-00002-of-00004.safetensors", + "model.layers.11.self_attn.qkv_proj.weight": "model-00002-of-00004.safetensors", + "model.layers.12.input_layernorm.weight": "model-00002-of-00004.safetensors", + "model.layers.12.mlp.down_proj.weight": "model-00002-of-00004.safetensors", + "model.layers.12.mlp.gate_up_proj.weight": "model-00002-of-00004.safetensors", + "model.layers.12.post_attention_layernorm.weight": "model-00002-of-00004.safetensors", + "model.layers.12.self_attn.o_proj.weight": "model-00002-of-00004.safetensors", + "model.layers.12.self_attn.qkv_proj.weight": "model-00002-of-00004.safetensors", + "model.layers.13.input_layernorm.weight": "model-00002-of-00004.safetensors", + "model.layers.13.mlp.down_proj.weight": "model-00002-of-00004.safetensors", + "model.layers.13.mlp.gate_up_proj.weight": "model-00002-of-00004.safetensors", + "model.layers.13.post_attention_layernorm.weight": "model-00002-of-00004.safetensors", + "model.layers.13.self_attn.o_proj.weight": "model-00002-of-00004.safetensors", + "model.layers.13.self_attn.qkv_proj.weight": "model-00002-of-00004.safetensors", + "model.layers.14.input_layernorm.weight": "model-00002-of-00004.safetensors", + "model.layers.14.mlp.down_proj.weight": "model-00002-of-00004.safetensors", + "model.layers.14.mlp.gate_up_proj.weight": "model-00002-of-00004.safetensors", + "model.layers.14.post_attention_layernorm.weight": "model-00002-of-00004.safetensors", + "model.layers.14.self_attn.o_proj.weight": "model-00002-of-00004.safetensors", + "model.layers.14.self_attn.qkv_proj.weight": "model-00002-of-00004.safetensors", + "model.layers.15.input_layernorm.weight": "model-00002-of-00004.safetensors", + "model.layers.15.mlp.down_proj.weight": "model-00002-of-00004.safetensors", + "model.layers.15.mlp.gate_up_proj.weight": "model-00002-of-00004.safetensors", + "model.layers.15.post_attention_layernorm.weight": "model-00002-of-00004.safetensors", + "model.layers.15.self_attn.o_proj.weight": "model-00002-of-00004.safetensors", + "model.layers.15.self_attn.qkv_proj.weight": "model-00002-of-00004.safetensors", + "model.layers.16.input_layernorm.weight": "model-00002-of-00004.safetensors", + "model.layers.16.mlp.down_proj.weight": "model-00002-of-00004.safetensors", + "model.layers.16.mlp.gate_up_proj.weight": "model-00002-of-00004.safetensors", + "model.layers.16.post_attention_layernorm.weight": "model-00002-of-00004.safetensors", + "model.layers.16.self_attn.o_proj.weight": "model-00002-of-00004.safetensors", + "model.layers.16.self_attn.qkv_proj.weight": "model-00002-of-00004.safetensors", + "model.layers.17.input_layernorm.weight": "model-00002-of-00004.safetensors", + "model.layers.17.mlp.down_proj.weight": "model-00002-of-00004.safetensors", + "model.layers.17.mlp.gate_up_proj.weight": "model-00002-of-00004.safetensors", + "model.layers.17.post_attention_layernorm.weight": "model-00002-of-00004.safetensors", + "model.layers.17.self_attn.o_proj.weight": "model-00002-of-00004.safetensors", + "model.layers.17.self_attn.qkv_proj.weight": "model-00002-of-00004.safetensors", + "model.layers.18.input_layernorm.weight": "model-00002-of-00004.safetensors", + "model.layers.18.mlp.down_proj.weight": "model-00002-of-00004.safetensors", + "model.layers.18.mlp.gate_up_proj.weight": "model-00002-of-00004.safetensors", + "model.layers.18.post_attention_layernorm.weight": "model-00002-of-00004.safetensors", + "model.layers.18.self_attn.o_proj.weight": "model-00002-of-00004.safetensors", + "model.layers.18.self_attn.qkv_proj.weight": "model-00002-of-00004.safetensors", + "model.layers.19.input_layernorm.weight": "model-00002-of-00004.safetensors", + "model.layers.19.mlp.down_proj.weight": "model-00002-of-00004.safetensors", + "model.layers.19.mlp.gate_up_proj.weight": "model-00002-of-00004.safetensors", + "model.layers.19.post_attention_layernorm.weight": "model-00002-of-00004.safetensors", + "model.layers.19.self_attn.o_proj.weight": "model-00002-of-00004.safetensors", + "model.layers.19.self_attn.qkv_proj.weight": "model-00002-of-00004.safetensors", + "model.layers.2.input_layernorm.weight": "model-00001-of-00004.safetensors", + "model.layers.2.mlp.down_proj.weight": "model-00001-of-00004.safetensors", + "model.layers.2.mlp.gate_up_proj.weight": "model-00001-of-00004.safetensors", + "model.layers.2.post_attention_layernorm.weight": "model-00001-of-00004.safetensors", + "model.layers.2.self_attn.o_proj.weight": "model-00001-of-00004.safetensors", + "model.layers.2.self_attn.qkv_proj.weight": "model-00001-of-00004.safetensors", + "model.layers.20.input_layernorm.weight": "model-00002-of-00004.safetensors", + "model.layers.20.mlp.down_proj.weight": "model-00002-of-00004.safetensors", + "model.layers.20.mlp.gate_up_proj.weight": "model-00002-of-00004.safetensors", + "model.layers.20.post_attention_layernorm.weight": "model-00002-of-00004.safetensors", + "model.layers.20.self_attn.o_proj.weight": "model-00002-of-00004.safetensors", + "model.layers.20.self_attn.qkv_proj.weight": "model-00002-of-00004.safetensors", + "model.layers.21.input_layernorm.weight": "model-00003-of-00004.safetensors", + "model.layers.21.mlp.down_proj.weight": "model-00003-of-00004.safetensors", + "model.layers.21.mlp.gate_up_proj.weight": "model-00003-of-00004.safetensors", + "model.layers.21.post_attention_layernorm.weight": "model-00003-of-00004.safetensors", + "model.layers.21.self_attn.o_proj.weight": "model-00002-of-00004.safetensors", + "model.layers.21.self_attn.qkv_proj.weight": "model-00003-of-00004.safetensors", + "model.layers.22.input_layernorm.weight": "model-00003-of-00004.safetensors", + "model.layers.22.mlp.down_proj.weight": "model-00003-of-00004.safetensors", + "model.layers.22.mlp.gate_up_proj.weight": "model-00003-of-00004.safetensors", + "model.layers.22.post_attention_layernorm.weight": "model-00003-of-00004.safetensors", + "model.layers.22.self_attn.o_proj.weight": "model-00003-of-00004.safetensors", + "model.layers.22.self_attn.qkv_proj.weight": "model-00003-of-00004.safetensors", + "model.layers.23.input_layernorm.weight": "model-00003-of-00004.safetensors", + "model.layers.23.mlp.down_proj.weight": "model-00003-of-00004.safetensors", + "model.layers.23.mlp.gate_up_proj.weight": "model-00003-of-00004.safetensors", + "model.layers.23.post_attention_layernorm.weight": "model-00003-of-00004.safetensors", + "model.layers.23.self_attn.o_proj.weight": "model-00003-of-00004.safetensors", + "model.layers.23.self_attn.qkv_proj.weight": "model-00003-of-00004.safetensors", + "model.layers.24.input_layernorm.weight": "model-00003-of-00004.safetensors", + "model.layers.24.mlp.down_proj.weight": "model-00003-of-00004.safetensors", + "model.layers.24.mlp.gate_up_proj.weight": "model-00003-of-00004.safetensors", + "model.layers.24.post_attention_layernorm.weight": "model-00003-of-00004.safetensors", + "model.layers.24.self_attn.o_proj.weight": "model-00003-of-00004.safetensors", + "model.layers.24.self_attn.qkv_proj.weight": "model-00003-of-00004.safetensors", + "model.layers.25.input_layernorm.weight": "model-00003-of-00004.safetensors", + "model.layers.25.mlp.down_proj.weight": "model-00003-of-00004.safetensors", + "model.layers.25.mlp.gate_up_proj.weight": "model-00003-of-00004.safetensors", + "model.layers.25.post_attention_layernorm.weight": "model-00003-of-00004.safetensors", + "model.layers.25.self_attn.o_proj.weight": "model-00003-of-00004.safetensors", + "model.layers.25.self_attn.qkv_proj.weight": "model-00003-of-00004.safetensors", + "model.layers.26.input_layernorm.weight": "model-00003-of-00004.safetensors", + "model.layers.26.mlp.down_proj.weight": "model-00003-of-00004.safetensors", + "model.layers.26.mlp.gate_up_proj.weight": "model-00003-of-00004.safetensors", + "model.layers.26.post_attention_layernorm.weight": "model-00003-of-00004.safetensors", + "model.layers.26.self_attn.o_proj.weight": "model-00003-of-00004.safetensors", + "model.layers.26.self_attn.qkv_proj.weight": "model-00003-of-00004.safetensors", + "model.layers.27.input_layernorm.weight": "model-00003-of-00004.safetensors", + "model.layers.27.mlp.down_proj.weight": "model-00003-of-00004.safetensors", + "model.layers.27.mlp.gate_up_proj.weight": "model-00003-of-00004.safetensors", + "model.layers.27.post_attention_layernorm.weight": "model-00003-of-00004.safetensors", + "model.layers.27.self_attn.o_proj.weight": "model-00003-of-00004.safetensors", + "model.layers.27.self_attn.qkv_proj.weight": "model-00003-of-00004.safetensors", + "model.layers.28.input_layernorm.weight": "model-00003-of-00004.safetensors", + "model.layers.28.mlp.down_proj.weight": "model-00003-of-00004.safetensors", + "model.layers.28.mlp.gate_up_proj.weight": "model-00003-of-00004.safetensors", + "model.layers.28.post_attention_layernorm.weight": "model-00003-of-00004.safetensors", + "model.layers.28.self_attn.o_proj.weight": "model-00003-of-00004.safetensors", + "model.layers.28.self_attn.qkv_proj.weight": "model-00003-of-00004.safetensors", + "model.layers.29.input_layernorm.weight": "model-00003-of-00004.safetensors", + "model.layers.29.mlp.down_proj.weight": "model-00003-of-00004.safetensors", + "model.layers.29.mlp.gate_up_proj.weight": "model-00003-of-00004.safetensors", + "model.layers.29.post_attention_layernorm.weight": "model-00003-of-00004.safetensors", + "model.layers.29.self_attn.o_proj.weight": "model-00003-of-00004.safetensors", + "model.layers.29.self_attn.qkv_proj.weight": "model-00003-of-00004.safetensors", + "model.layers.3.input_layernorm.weight": "model-00001-of-00004.safetensors", + "model.layers.3.mlp.down_proj.weight": "model-00001-of-00004.safetensors", + "model.layers.3.mlp.gate_up_proj.weight": "model-00001-of-00004.safetensors", + "model.layers.3.post_attention_layernorm.weight": "model-00001-of-00004.safetensors", + "model.layers.3.self_attn.o_proj.weight": "model-00001-of-00004.safetensors", + "model.layers.3.self_attn.qkv_proj.weight": "model-00001-of-00004.safetensors", + "model.layers.30.input_layernorm.weight": "model-00003-of-00004.safetensors", + "model.layers.30.mlp.down_proj.weight": "model-00003-of-00004.safetensors", + "model.layers.30.mlp.gate_up_proj.weight": "model-00003-of-00004.safetensors", + "model.layers.30.post_attention_layernorm.weight": "model-00003-of-00004.safetensors", + "model.layers.30.self_attn.o_proj.weight": "model-00003-of-00004.safetensors", + "model.layers.30.self_attn.qkv_proj.weight": "model-00003-of-00004.safetensors", + "model.layers.31.input_layernorm.weight": "model-00003-of-00004.safetensors", + "model.layers.31.mlp.down_proj.weight": "model-00003-of-00004.safetensors", + "model.layers.31.mlp.gate_up_proj.weight": "model-00003-of-00004.safetensors", + "model.layers.31.post_attention_layernorm.weight": "model-00003-of-00004.safetensors", + "model.layers.31.self_attn.o_proj.weight": "model-00003-of-00004.safetensors", + "model.layers.31.self_attn.qkv_proj.weight": "model-00003-of-00004.safetensors", + "model.layers.4.input_layernorm.weight": "model-00001-of-00004.safetensors", + "model.layers.4.mlp.down_proj.weight": "model-00001-of-00004.safetensors", + "model.layers.4.mlp.gate_up_proj.weight": "model-00001-of-00004.safetensors", + "model.layers.4.post_attention_layernorm.weight": "model-00001-of-00004.safetensors", + "model.layers.4.self_attn.o_proj.weight": "model-00001-of-00004.safetensors", + "model.layers.4.self_attn.qkv_proj.weight": "model-00001-of-00004.safetensors", + "model.layers.5.input_layernorm.weight": "model-00001-of-00004.safetensors", + "model.layers.5.mlp.down_proj.weight": "model-00001-of-00004.safetensors", + "model.layers.5.mlp.gate_up_proj.weight": "model-00001-of-00004.safetensors", + "model.layers.5.post_attention_layernorm.weight": "model-00001-of-00004.safetensors", + "model.layers.5.self_attn.o_proj.weight": "model-00001-of-00004.safetensors", + "model.layers.5.self_attn.qkv_proj.weight": "model-00001-of-00004.safetensors", + "model.layers.6.input_layernorm.weight": "model-00001-of-00004.safetensors", + "model.layers.6.mlp.down_proj.weight": "model-00001-of-00004.safetensors", + "model.layers.6.mlp.gate_up_proj.weight": "model-00001-of-00004.safetensors", + "model.layers.6.post_attention_layernorm.weight": "model-00001-of-00004.safetensors", + "model.layers.6.self_attn.o_proj.weight": "model-00001-of-00004.safetensors", + "model.layers.6.self_attn.qkv_proj.weight": "model-00001-of-00004.safetensors", + "model.layers.7.input_layernorm.weight": "model-00001-of-00004.safetensors", + "model.layers.7.mlp.down_proj.weight": "model-00001-of-00004.safetensors", + "model.layers.7.mlp.gate_up_proj.weight": "model-00001-of-00004.safetensors", + "model.layers.7.post_attention_layernorm.weight": "model-00001-of-00004.safetensors", + "model.layers.7.self_attn.o_proj.weight": "model-00001-of-00004.safetensors", + "model.layers.7.self_attn.qkv_proj.weight": "model-00001-of-00004.safetensors", + "model.layers.8.input_layernorm.weight": "model-00001-of-00004.safetensors", + "model.layers.8.mlp.down_proj.weight": "model-00001-of-00004.safetensors", + "model.layers.8.mlp.gate_up_proj.weight": "model-00001-of-00004.safetensors", + "model.layers.8.post_attention_layernorm.weight": "model-00001-of-00004.safetensors", + "model.layers.8.self_attn.o_proj.weight": "model-00001-of-00004.safetensors", + "model.layers.8.self_attn.qkv_proj.weight": "model-00001-of-00004.safetensors", + "model.layers.9.input_layernorm.weight": "model-00001-of-00004.safetensors", + "model.layers.9.mlp.down_proj.weight": "model-00001-of-00004.safetensors", + "model.layers.9.mlp.gate_up_proj.weight": "model-00001-of-00004.safetensors", + "model.layers.9.post_attention_layernorm.weight": "model-00001-of-00004.safetensors", + "model.layers.9.self_attn.o_proj.weight": "model-00001-of-00004.safetensors", + "model.layers.9.self_attn.qkv_proj.weight": "model-00001-of-00004.safetensors", + "model.norm.weight": "model-00003-of-00004.safetensors" + } +} diff --git a/chatbot/models/microsoft/Phi-3.5-mini-instruct/special_tokens_map.json b/chatbot/models/microsoft/Phi-3.5-mini-instruct/special_tokens_map.json new file mode 100644 index 0000000000000000000000000000000000000000..50b4d340a6844ec4ac9e7c9b194cdd75b108aca1 --- /dev/null +++ b/chatbot/models/microsoft/Phi-3.5-mini-instruct/special_tokens_map.json @@ -0,0 +1,30 @@ +{ + "bos_token": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false + }, + "eos_token": { + "content": "<|endoftext|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false + }, + "pad_token": { + "content": "<|endoftext|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false + }, + "unk_token": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false + } +} diff --git a/chatbot/models/microsoft/Phi-3.5-mini-instruct/tokenizer.json b/chatbot/models/microsoft/Phi-3.5-mini-instruct/tokenizer.json new file mode 100644 index 0000000000000000000000000000000000000000..759de6dd15d187c9ececdea11d3287d4cb4b604a --- /dev/null +++ b/chatbot/models/microsoft/Phi-3.5-mini-instruct/tokenizer.json @@ -0,0 +1,277210 @@ +{ + "version": "1.0", + "truncation": null, + "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": true, + "normalized": false, + "special": false + }, + { + "id": 32000, + "content": "<|endoftext|>", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": false, + "special": true + }, + { + "id": 32001, + "content": "<|assistant|>", + "single_word": false, + "lstrip": false, + "rstrip": true, + "normalized": false, + "special": true + }, + { + "id": 32002, + "content": "<|placeholder1|>", + "single_word": false, + "lstrip": false, + "rstrip": true, + "normalized": false, + "special": true + }, + { + "id": 32003, + "content": "<|placeholder2|>", + "single_word": false, + "lstrip": false, + "rstrip": true, + "normalized": false, + "special": true + }, + { + "id": 32004, + "content": "<|placeholder3|>", + "single_word": false, + "lstrip": false, + "rstrip": true, + "normalized": false, + "special": true + }, + { + "id": 32005, + "content": "<|placeholder4|>", + "single_word": false, + "lstrip": false, + "rstrip": true, + "normalized": false, + "special": true + }, + { + "id": 32006, + "content": "<|system|>", + "single_word": false, + "lstrip": false, + "rstrip": true, + "normalized": false, + "special": true + }, + { + "id": 32007, + "content": "<|end|>", + "single_word": false, + "lstrip": false, + "rstrip": true, + "normalized": false, + "special": true + }, + { + "id": 32008, + "content": "<|placeholder5|>", + "single_word": false, + "lstrip": false, + "rstrip": true, + "normalized": false, + "special": true + }, + { + "id": 32009, + "content": "<|placeholder6|>", + "single_word": false, + "lstrip": false, + "rstrip": true, + "normalized": false, + "special": true + }, + { + "id": 32010, + "content": "<|user|>", + "single_word": false, + "lstrip": false, + "rstrip": true, + "normalized": false, + "special": true + } + ], + "normalizer": { + "type": "Sequence", + "normalizers": [ + { + "type": "Prepend", + "prepend": "▁" + }, + { + "type": "Replace", + "pattern": { + "String": " " + }, + "content": "▁" + } + ] + }, + "pre_tokenizer": null, + "post_processor": { + "type": "TemplateProcessing", + "single": [ + { + "Sequence": { + "id": "A", + "type_id": 0 + } + } + ], + "pair": [ + { + "Sequence": { + "id": "A", + "type_id": 0 + } + }, + { + "Sequence": { + "id": "B", + "type_id": 1 + } + } + ], + "special_tokens": {} + }, + "decoder": { + "type": "Sequence", + "decoders": [ + { + "type": "Replace", + "pattern": { + "String": "▁" + }, + "content": " " + }, + { + "type": "ByteFallback" + }, + { + "type": "Fuse" + }, + { + "type": "Strip", + "content": " ", + "start": 1, + "stop": 0 + } + ] + }, + "model": { + "type": "BPE", + "dropout": null, + "unk_token": "", + "continuing_subword_prefix": null, + "end_of_word_suffix": null, + "fuse_unk": true, + "byte_fallback": true, + "ignore_merges": false, + "vocab": { + "": 0, + "": 1, + "": 2, + "<0x00>": 3, + "<0x01>": 4, + "<0x02>": 5, + "<0x03>": 6, + "<0x04>": 7, + "<0x05>": 8, + "<0x06>": 9, + "<0x07>": 10, + "<0x08>": 11, + "<0x09>": 12, + "<0x0A>": 13, + "<0x0B>": 14, + "<0x0C>": 15, + "<0x0D>": 16, + "<0x0E>": 17, + "<0x0F>": 18, + "<0x10>": 19, + "<0x11>": 20, + "<0x12>": 21, + "<0x13>": 22, + "<0x14>": 23, + "<0x15>": 24, + "<0x16>": 25, + "<0x17>": 26, + "<0x18>": 27, + "<0x19>": 28, + "<0x1A>": 29, + "<0x1B>": 30, + "<0x1C>": 31, + "<0x1D>": 32, + "<0x1E>": 33, + "<0x1F>": 34, + "<0x20>": 35, + "<0x21>": 36, + "<0x22>": 37, + "<0x23>": 38, + "<0x24>": 39, + "<0x25>": 40, + "<0x26>": 41, + "<0x27>": 42, + "<0x28>": 43, + "<0x29>": 44, + "<0x2A>": 45, + "<0x2B>": 46, + "<0x2C>": 47, + "<0x2D>": 48, + "<0x2E>": 49, + "<0x2F>": 50, + "<0x30>": 51, + "<0x31>": 52, + "<0x32>": 53, + "<0x33>": 54, + "<0x34>": 55, + "<0x35>": 56, + "<0x36>": 57, + "<0x37>": 58, + "<0x38>": 59, + "<0x39>": 60, + "<0x3A>": 61, + "<0x3B>": 62, + "<0x3C>": 63, + "<0x3D>": 64, + "<0x3E>": 65, + "<0x3F>": 66, + "<0x40>": 67, + "<0x41>": 68, + "<0x42>": 69, + "<0x43>": 70, + "<0x44>": 71, + "<0x45>": 72, + "<0x46>": 73, + "<0x47>": 74, + "<0x48>": 75, + "<0x49>": 76, + "<0x4A>": 77, + "<0x4B>": 78, + "<0x4C>": 79, + "<0x4D>": 80, + "<0x4E>": 81, + "<0x4F>": 82, + "<0x50>": 83, + "<0x51>": 84, + "<0x52>": 85, + "<0x53>": 86, + "<0x54>": 87, + "<0x55>": 88, + "<0x56>": 89, + "<0x57>": 90, + "<0x58>": 91, + "<0x59>": 92, + "<0x5A>": 93, + "<0x5B>": 94, + "<0x5C>": 95, + "<0x5D>": 96, + "<0x5E>": 97, + "<0x5F>": 98, + "<0x60>": 99, + "<0x61>": 100, + "<0x62>": 101, + "<0x63>": 102, + "<0x64>": 103, + "<0x65>": 104, + "<0x66>": 105, + "<0x67>": 106, + "<0x68>": 107, + "<0x69>": 108, + "<0x6A>": 109, + "<0x6B>": 110, + "<0x6C>": 111, + "<0x6D>": 112, + "<0x6E>": 113, + "<0x6F>": 114, + "<0x70>": 115, + "<0x71>": 116, + "<0x72>": 117, + "<0x73>": 118, + "<0x74>": 119, + "<0x75>": 120, + "<0x76>": 121, + "<0x77>": 122, + "<0x78>": 123, + "<0x79>": 124, + "<0x7A>": 125, + "<0x7B>": 126, + "<0x7C>": 127, + "<0x7D>": 128, + "<0x7E>": 129, + "<0x7F>": 130, + "<0x80>": 131, + "<0x81>": 132, + "<0x82>": 133, + "<0x83>": 134, + "<0x84>": 135, + "<0x85>": 136, + "<0x86>": 137, + "<0x87>": 138, + "<0x88>": 139, + "<0x89>": 140, + "<0x8A>": 141, + "<0x8B>": 142, + "<0x8C>": 143, + "<0x8D>": 144, + "<0x8E>": 145, + "<0x8F>": 146, + "<0x90>": 147, + "<0x91>": 148, + "<0x92>": 149, + "<0x93>": 150, + "<0x94>": 151, + "<0x95>": 152, + "<0x96>": 153, + "<0x97>": 154, + "<0x98>": 155, + "<0x99>": 156, + "<0x9A>": 157, + "<0x9B>": 158, + "<0x9C>": 159, + "<0x9D>": 160, + "<0x9E>": 161, + "<0x9F>": 162, + "<0xA0>": 163, + "<0xA1>": 164, + "<0xA2>": 165, + "<0xA3>": 166, + "<0xA4>": 167, + "<0xA5>": 168, + "<0xA6>": 169, + "<0xA7>": 170, + "<0xA8>": 171, + "<0xA9>": 172, + "<0xAA>": 173, + "<0xAB>": 174, + "<0xAC>": 175, + "<0xAD>": 176, + "<0xAE>": 177, + "<0xAF>": 178, + "<0xB0>": 179, + "<0xB1>": 180, + "<0xB2>": 181, + "<0xB3>": 182, + "<0xB4>": 183, + "<0xB5>": 184, + "<0xB6>": 185, + "<0xB7>": 186, + "<0xB8>": 187, + "<0xB9>": 188, + "<0xBA>": 189, + "<0xBB>": 190, + "<0xBC>": 191, + "<0xBD>": 192, + "<0xBE>": 193, + "<0xBF>": 194, + "<0xC0>": 195, + "<0xC1>": 196, + "<0xC2>": 197, + "<0xC3>": 198, + "<0xC4>": 199, + "<0xC5>": 200, + "<0xC6>": 201, + "<0xC7>": 202, + "<0xC8>": 203, + "<0xC9>": 204, + "<0xCA>": 205, + "<0xCB>": 206, + "<0xCC>": 207, + "<0xCD>": 208, + "<0xCE>": 209, + "<0xCF>": 210, + "<0xD0>": 211, + "<0xD1>": 212, + "<0xD2>": 213, + "<0xD3>": 214, + "<0xD4>": 215, + "<0xD5>": 216, + "<0xD6>": 217, + "<0xD7>": 218, + "<0xD8>": 219, + "<0xD9>": 220, + "<0xDA>": 221, + "<0xDB>": 222, + "<0xDC>": 223, + "<0xDD>": 224, + "<0xDE>": 225, + "<0xDF>": 226, + "<0xE0>": 227, + "<0xE1>": 228, + "<0xE2>": 229, + "<0xE3>": 230, + "<0xE4>": 231, + "<0xE5>": 232, + "<0xE6>": 233, + "<0xE7>": 234, + "<0xE8>": 235, + "<0xE9>": 236, + "<0xEA>": 237, + "<0xEB>": 238, + "<0xEC>": 239, + "<0xED>": 240, + "<0xEE>": 241, + "<0xEF>": 242, + "<0xF0>": 243, + "<0xF1>": 244, + "<0xF2>": 245, + "<0xF3>": 246, + "<0xF4>": 247, + "<0xF5>": 248, + "<0xF6>": 249, + "<0xF7>": 250, + "<0xF8>": 251, + "<0xF9>": 252, + "<0xFA>": 253, + "<0xFB>": 254, + "<0xFC>": 255, + "<0xFD>": 256, + "<0xFE>": 257, + "<0xFF>": 258, + "▁▁": 259, + "▁t": 260, + "er": 261, + "in": 262, + "▁a": 263, + "en": 264, + "on": 265, + "▁th": 266, + "es": 267, + "▁▁▁▁": 268, + "▁s": 269, + "▁d": 270, + "at": 271, + "or": 272, + "an": 273, + "▁c": 274, + "is": 275, + "re": 276, + "it": 277, + "▁the": 278, + "ar": 279, + "le": 280, + "▁w": 281, + "▁p": 282, + "ou": 283, + "al": 284, + "▁f": 285, + "▁m": 286, + "ed": 287, + "▁o": 288, + "▁b": 289, + "om": 290, + "ion": 291, + "ing": 292, + "ic": 293, + "as": 294, + "el": 295, + "ent": 296, + "▁in": 297, + "▁h": 298, + "nd": 299, + "et": 300, + "▁l": 301, + "▁n": 302, + "st": 303, + "▁to": 304, + "ch": 305, + "▁I": 306, + "ro": 307, + "▁▁▁▁▁▁▁▁": 308, + "il": 309, + "▁of": 310, + "de": 311, + "ct": 312, + "▁(": 313, + "am": 314, + "▁C": 315, + "▁de": 316, + "▁S": 317, + "▁u": 318, + "▁A": 319, + "▁\\": 320, + "▁e": 321, + "▁and": 322, + "▁T": 323, + "ol": 324, + "▁v": 325, + "im": 326, + "ot": 327, + "ad": 328, + "ut": 329, + "▁g": 330, + "em": 331, + "ur": 332, + "id": 333, + "▁*": 334, + "ig": 335, + "ra": 336, + "▁re": 337, + "▁is": 338, + "qu": 339, + "ow": 340, + "▁M": 341, + "est": 342, + "▁y": 343, + "se": 344, + "ve": 345, + "ce": 346, + "ie": 347, + "un": 348, + "▁P": 349, + "▁B": 350, + "ag": 351, + "ul": 352, + "▁=": 353, + "he": 354, + "end": 355, + "ode": 356, + "ter": 357, + "ment": 358, + "os": 359, + "▁D": 360, + "if": 361, + "ation": 362, + "▁for": 363, + "▁r": 364, + "▁L": 365, + "▁you": 366, + "▁be": 367, + "ly": 368, + "ver": 369, + "ab": 370, + "te": 371, + "▁it": 372, + "▁on": 373, + "ri": 374, + "us": 375, + "▁\"": 376, + "▁wh": 377, + "▁con": 378, + "▁H": 379, + "▁st": 380, + "ir": 381, + "▁E": 382, + "▁F": 383, + "ck": 384, + "▁an": 385, + "th": 386, + "eg": 387, + "ay": 388, + "ith": 389, + "▁R": 390, + "ist": 391, + "and": 392, + "▁that": 393, + "▁al": 394, + "▁$": 395, + "▁#": 396, + "od": 397, + "um": 398, + "▁W": 399, + "ht": 400, + "code": 401, + "▁G": 402, + "ate": 403, + "ess": 404, + "▁N": 405, + "ere": 406, + "pp": 407, + "▁as": 408, + "▁se": 409, + "▁pro": 410, + "▁with": 411, + "pe": 412, + "▁k": 413, + "ers": 414, + "pt": 415, + ");": 416, + "lo": 417, + "▁▁▁▁▁": 418, + "▁com": 419, + "ame": 420, + "▁`": 421, + "▁Com": 422, + "ia": 423, + "ant": 424, + "▁la": 425, + "▁{": 426, + "▁en": 427, + "ction": 428, + "▁ex": 429, + "ld": 430, + "ub": 431, + "▁j": 432, + "la": 433, + "ue": 434, + "▁J": 435, + "ich": 436, + "▁do": 437, + "▁O": 438, + "▁qu": 439, + "iv": 440, + "ort": 441, + "art": 442, + "▁un": 443, + "▁##": 444, + "▁this": 445, + "ke": 446, + "▁ha": 447, + "▁-": 448, + "out": 449, + "▁The": 450, + "▁not": 451, + "▁ne": 452, + "ill": 453, + "▁le": 454, + "ci": 455, + "rom": 456, + "ine": 457, + "//": 458, + "op": 459, + "egin": 460, + "▁Comment": 461, + "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁": 462, + "begin": 463, + "ст": 464, + "ass": 465, + "iz": 466, + ").": 467, + "og": 468, + "▁п": 469, + "▁or": 470, + "▁was": 471, + "▁at": 472, + "our": 473, + "▁i": 474, + "ain": 475, + "▁K": 476, + "на": 477, + "▁V": 478, + "ge": 479, + "▁su": 480, + "ap": 481, + "age": 482, + "ould": 483, + "ne": 484, + "av": 485, + "xt": 486, + "ore": 487, + "ile": 488, + "--": 489, + "▁в": 490, + "▁by": 491, + "li": 492, + "ath": 493, + "ра": 494, + "ber": 495, + "ach": 496, + "all": 497, + "▁Th": 498, + "ult": 499, + "▁}": 500, + "▁U": 501, + "▁us": 502, + "▁z": 503, + "ust": 504, + "▁have": 505, + "lic": 506, + "ни": 507, + "▁can": 508, + "tr": 509, + "com": 510, + "),": 511, + "▁In": 512, + "ind": 513, + "ell": 514, + "▁from": 515, + "ов": 516, + "to": 517, + "▁[": 518, + "able": 519, + "ost": 520, + "▁ch": 521, + "ect": 522, + "ight": 523, + "int": 524, + "▁'": 525, + "▁are": 526, + "▁im": 527, + "▁sh": 528, + "▁<": 529, + "▁An": 530, + "▁с": 531, + "ata": 532, + "ire": 533, + "▁tr": 534, + "con": 535, + "ord": 536, + "ity": 537, + "ard": 538, + "▁▁▁▁▁▁": 539, + "▁he": 540, + "▁but": 541, + "oc": 542, + "=\"": 543, + "▁pr": 544, + "ure": 545, + "per": 546, + "ack": 547, + "ork": 548, + "ong": 549, + "ans": 550, + "ко": 551, + "ple": 552, + "▁des": 553, + "ok": 554, + "orm": 555, + "wer": 556, + "ak": 557, + "pr": 558, + "ase": 559, + "▁el": 560, + "ph": 561, + "ac": 562, + "▁und": 563, + "▁ar": 564, + "▁if": 565, + "ud": 566, + "ps": 567, + "ite": 568, + "ble": 569, + "но": 570, + "fer": 571, + "pl": 572, + "ive": 573, + "ang": 574, + "ens": 575, + "ро": 576, + "▁so": 577, + "so": 578, + "ast": 579, + "()": 580, + "swer": 581, + "ru": 582, + "ies": 583, + "▁:": 584, + "au": 585, + "ov": 586, + "ре": 587, + "го": 588, + "▁der": 589, + "▁my": 590, + "▁we": 591, + "▁me": 592, + "nt": 593, + "▁ad": 594, + "urn": 595, + "▁your": 596, + "://": 597, + "are": 598, + "▁all": 599, + "ff": 600, + "io": 601, + "estion": 602, + "ime": 603, + "▁er": 604, + "lass": 605, + "▁и": 606, + "▁which": 607, + "ome": 608, + "ont": 609, + "▁par": 610, + "▁ma": 611, + "▁Y": 612, + "\",": 613, + "▁о": 614, + "ft": 615, + "ial": 616, + "cc": 617, + "ound": 618, + "▁li": 619, + "▁res": 620, + "eth": 621, + "ject": 622, + "▁app": 623, + "▁St": 624, + "ice": 625, + "▁am": 626, + "act": 627, + "▁del": 628, + "gr": 629, + "ated": 630, + "ier": 631, + "▁▁▁▁▁▁▁▁▁▁▁▁": 632, + "▁ab": 633, + "▁et": 634, + "ally": 635, + "..": 636, + "port": 637, + "ik": 638, + "▁per": 639, + "▁cont": 640, + "ри": 641, + "ка": 642, + "ser": 643, + "ли": 644, + "ll": 645, + "iew": 646, + "ign": 647, + "_{": 648, + "put": 649, + "one": 650, + "unction": 651, + "▁di": 652, + "ary": 653, + "ition": 654, + "ma": 655, + "ен": 656, + "get": 657, + "▁lo": 658, + "▁val": 659, + "▁Q": 660, + "ran": 661, + "▁д": 662, + "ence": 663, + "▁work": 664, + "▁на": 665, + "ip": 666, + "item": 667, + "ype": 668, + "▁&": 669, + "▁his": 670, + "▁use": 671, + "der": 672, + "▁Answer": 673, + "▁will": 674, + "ize": 675, + "та": 676, + "low": 677, + "▁Ch": 678, + "▁get": 679, + "ide": 680, + "ous": 681, + "ink": 682, + "ption": 683, + "ла": 684, + "turn": 685, + "ung": 686, + "ec": 687, + "ug": 688, + "form": 689, + "res": 690, + "htt": 691, + "oug": 692, + "ль": 693, + "▁no": 694, + "cl": 695, + "▁ro": 696, + "▁one": 697, + "tt": 698, + "cri": 699, + "du": 700, + "▁up": 701, + "то": 702, + "(\"": 703, + "▁ob": 704, + "we": 705, + "ory": 706, + "▁est": 707, + "ery": 708, + "iel": 709, + "str": 710, + "ob": 711, + "▁que": 712, + "ian": 713, + "▁out": 714, + "▁pl": 715, + "▁new": 716, + "ки": 717, + "▁+": 718, + "ry": 719, + "oth": 720, + "ther": 721, + "▁var": 722, + "▁would": 723, + "▁ser": 724, + "tern": 725, + "text": 726, + "▁there": 727, + "ish": 728, + "ror": 729, + "те": 730, + "▁set": 731, + "▁@": 732, + "▁по": 733, + "▁te": 734, + "ex": 735, + "▁return": 736, + "ail": 737, + "▁any": 738, + "▁It": 739, + "▁function": 740, + "{\\": 741, + "',": 742, + "és": 743, + "ale": 744, + "ан": 745, + "▁when": 746, + "ib": 747, + "▁go": 748, + "ance": 749, + "▁had": 750, + "▁Qu": 751, + "▁comp": 752, + "ле": 753, + "▁з": 754, + "math": 755, + "▁has": 756, + "▁м": 757, + "▁pre": 758, + "ener": 759, + "▁part": 760, + "elf": 761, + "▁die": 762, + "▁like": 763, + "ray": 764, + "irst": 765, + "▁dis": 766, + "▁man": 767, + "rit": 768, + "▁then": 769, + "▁class": 770, + "pro": 771, + "▁po": 772, + "▁using": 773, + "eb": 774, + "▁code": 775, + "own": 776, + "▁some": 777, + "ces": 778, + "▁$\\": 779, + "ер": 780, + "lect": 781, + "▁au": 782, + "isch": 783, + "▁col": 784, + "▁–": 785, + "up": 786, + "ons": 787, + "▁add": 788, + "ild": 789, + "iss": 790, + "val": 791, + "ount": 792, + "les": 793, + "vent": 794, + "▁▁▁▁▁▁▁▁▁▁▁▁▁": 795, + "▁Z": 796, + "In": 797, + "row": 798, + "ear": 799, + "ations": 800, + "ah": 801, + "que": 802, + "ublic": 803, + "ank": 804, + "▁sp": 805, + "▁Wh": 806, + "----": 807, + "sk": 808, + "ew": 809, + "ags": 810, + "ти": 811, + "ann": 812, + "▁—": 813, + "ert": 814, + "ace": 815, + "sch": 816, + "▁need": 817, + "▁à": 818, + "ien": 819, + "ough": 820, + "не": 821, + "▁def": 822, + "ij": 823, + "ern": 824, + "▁what": 825, + "▁Ar": 826, + "wo": 827, + "ml": 828, + "": 976, + "▁fil": 977, + "name": 978, + "inal": 979, + "▁il": 980, + "ample": 981, + "▁way": 982, + "ica": 983, + "во": 984, + "cess": 985, + "itt": 986, + "uch": 987, + "▁where": 988, + "ми": 989, + "org": 990, + "https": 991, + "▁vo": 992, + "ient": 993, + "ove": 994, + "▁value": 995, + "eng": 996, + "▁La": 997, + "^{": 998, + "ref": 999, + "ied": 1000, + "ER": 1001, + "▁stat": 1002, + "fig": 1003, + "me": 1004, + "▁von": 1005, + "▁inter": 1006, + "roid": 1007, + "ater": 1008, + "▁their": 1009, + "▁bet": 1010, + "▁ein": 1011, + "}\\": 1012, + "\">": 1013, + "▁sub": 1014, + "▁op": 1015, + "▁don": 1016, + "ty": 1017, + "▁try": 1018, + "▁Pro": 1019, + "▁tra": 1020, + "▁same": 1021, + "ep": 1022, + "▁two": 1023, + "▁name": 1024, + "old": 1025, + "let": 1026, + "▁sim": 1027, + "sp": 1028, + "▁av": 1029, + "bre": 1030, + "blem": 1031, + "ey": 1032, + "▁could": 1033, + "▁cor": 1034, + "▁acc": 1035, + "ays": 1036, + "cre": 1037, + "urr": 1038, + "si": 1039, + "▁const": 1040, + "ues": 1041, + "}$": 1042, + "View": 1043, + "▁act": 1044, + "▁bo": 1045, + "▁ко": 1046, + "▁som": 1047, + "▁about": 1048, + "land": 1049, + "mer": 1050, + "▁list": 1051, + "cal": 1052, + "▁import": 1053, + "col": 1054, + "▁na": 1055, + "na": 1056, + "::": 1057, + "▁who": 1058, + "▁error": 1059, + "▁X": 1060, + "ator": 1061, + "ext": 1062, + "▁been": 1063, + "ér": 1064, + "▁run": 1065, + "pos": 1066, + "▁cl": 1067, + "**": 1068, + "▁К": 1069, + "ular": 1070, + "ause": 1071, + "▁reg": 1072, + "▁know": 1073, + "▁see": 1074, + "▁him": 1075, + "ning": 1076, + "▁за": 1077, + "ates": 1078, + "fore": 1079, + "ions": 1080, + "▁hel": 1081, + "ute": 1082, + "▁rem": 1083, + "▁го": 1084, + "▁Mar": 1085, + "ру": 1086, + "vice": 1087, + "irect": 1088, + "ner": 1089, + "▁under": 1090, + "rib": 1091, + "hr": 1092, + "че": 1093, + "▁As": 1094, + "▁end": 1095, + "ember": 1096, + "▁а": 1097, + "▁att": 1098, + "ina": 1099, + "son": 1100, + "▁follow": 1101, + "▁Sch": 1102, + "pect": 1103, + "▁rel": 1104, + "▁So": 1105, + "▁look": 1106, + "abel": 1107, + "▁problem": 1108, + "▁van": 1109, + "strong": 1110, + "co": 1111, + "pon": 1112, + "ca": 1113, + "ada": 1114, + "\":": 1115, + "cond": 1116, + "amb": 1117, + "},": 1118, + "quest": 1119, + "▁aut": 1120, + "▁result": 1121, + "▁may": 1122, + "Re": 1123, + "http": 1124, + "):": 1125, + "▁And": 1126, + "red": 1127, + "▁How": 1128, + "po": 1129, + "ско": 1130, + "att": 1131, + "oup": 1132, + "ced": 1133, + "▁type": 1134, + "▁than": 1135, + "▁cons": 1136, + "uf": 1137, + "ци": 1138, + "▁question": 1139, + "raph": 1140, + "igh": 1141, + "▁М": 1142, + "▁htt": 1143, + "ins": 1144, + "den": 1145, + "▁da": 1146, + "▁ver": 1147, + "oh": 1148, + "▁=>": 1149, + "riv": 1150, + "ude": 1151, + "▁For": 1152, + "▁ra": 1153, + "frac": 1154, + "ма": 1155, + "▁after": 1156, + "}{": 1157, + "▁method": 1158, + "\")": 1159, + "amp": 1160, + "ash": 1161, + "▁rec": 1162, + "▁differ": 1163, + "ON": 1164, + "ax": 1165, + "ament": 1166, + "ource": 1167, + "Con": 1168, + "its": 1169, + "Name": 1170, + "man": 1171, + "▁bec": 1172, + "che": 1173, + "▁En": 1174, + "aj": 1175, + "▁gener": 1176, + "IN": 1177, + "▁id": 1178, + "ages": 1179, + "▁loc": 1180, + "fo": 1181, + "br": 1182, + "▁she": 1183, + "Pro": 1184, + "▁una": 1185, + "▁к": 1186, + "eta": 1187, + "log": 1188, + "olog": 1189, + "▁sur": 1190, + "arg": 1191, + "▁--": 1192, + "kt": 1193, + "(\\": 1194, + "min": 1195, + "▁line": 1196, + "▁vari": 1197, + "ся": 1198, + "ics": 1199, + "ня": 1200, + "very": 1201, + "add": 1202, + "▁object": 1203, + "Id": 1204, + "▁But": 1205, + "▁case": 1206, + "▁make": 1207, + "▁cal": 1208, + "▁pass": 1209, + "сь": 1210, + "ession": 1211, + "net": 1212, + ".\"": 1213, + "▁г": 1214, + "är": 1215, + "де": 1216, + "no": 1217, + "ating": 1218, + "ato": 1219, + "line": 1220, + "ви": 1221, + "▁Ex": 1222, + "▁ass": 1223, + "▁vers": 1224, + "ля": 1225, + "▁ed": 1226, + "umn": 1227, + "other": 1228, + "ста": 1229, + "ative": 1230, + "String": 1231, + "▁los": 1232, + "wn": 1233, + "▁answer": 1234, + "▁let": 1235, + "▁pe": 1236, + "ents": 1237, + "▁fe": 1238, + "ince": 1239, + "ni": 1240, + "ider": 1241, + "ows": 1242, + "▁test": 1243, + "▁here": 1244, + "roll": 1245, + "▁call": 1246, + "ruct": 1247, + "▁pol": 1248, + "ait": 1249, + "▁back": 1250, + "ho": 1251, + "Ex": 1252, + "ress": 1253, + "ST": 1254, + "ried": 1255, + "date": 1256, + "ет": 1257, + "▁did": 1258, + "ting": 1259, + "▁El": 1260, + "▁dem": 1261, + ")$": 1262, + "ова": 1263, + "urrent": 1264, + "lace": 1265, + "right": 1266, + "ren": 1267, + "по": 1268, + "▁each": 1269, + "cy": 1270, + "block": 1271, + "data": 1272, + "▁%": 1273, + "▁ac": 1274, + "▁==": 1275, + "ür": 1276, + "▁por": 1277, + "ask": 1278, + "arch": 1279, + "ames": 1280, + "▁Con": 1281, + "ча": 1282, + "▁off": 1283, + "▁find": 1284, + "cont": 1285, + "▁now": 1286, + "work": 1287, + "ational": 1288, + "dd": 1289, + "ción": 1290, + "▁А": 1291, + "ault": 1292, + "List": 1293, + "▁ext": 1294, + "urs": 1295, + "ake": 1296, + "ule": 1297, + "▁point": 1298, + "AT": 1299, + "aut": 1300, + "▁trans": 1301, + "▁co": 1302, + "▁read": 1303, + "▁used": 1304, + "ски": 1305, + "ari": 1306, + "LE": 1307, + "eter": 1308, + "oun": 1309, + "ever": 1310, + "self": 1311, + "ined": 1312, + "idth": 1313, + "ux": 1314, + "js": 1315, + "▁such": 1316, + "▁Is": 1317, + "ée": 1318, + "ful": 1319, + "▁dist": 1320, + "▁bu": 1321, + "itemize": 1322, + "Cont": 1323, + "je": 1324, + "си": 1325, + "▁prov": 1326, + "bb": 1327, + "ward": 1328, + "esent": 1329, + "erson": 1330, + "anks": 1331, + "wh": 1332, + "not": 1333, + "▁We": 1334, + "ka": 1335, + "rop": 1336, + "atur": 1337, + "als": 1338, + "▁bel": 1339, + "ör": 1340, + "fr": 1341, + "▁example": 1342, + "▁incl": 1343, + "amil": 1344, + "▁ра": 1345, + "▁“": 1346, + "▁string": 1347, + "▁think": 1348, + "Th": 1349, + "▁tem": 1350, + "ave": 1351, + "▁Fran": 1352, + "▁number": 1353, + "▁si": 1354, + "imes": 1355, + "tem": 1356, + "my": 1357, + "ler": 1358, + "load": 1359, + "==": 1360, + "▁hand": 1361, + "za": 1362, + "▁because": 1363, + "▁sch": 1364, + "vo": 1365, + "this": 1366, + "ID": 1367, + "ão": 1368, + "▁start": 1369, + "▁war": 1370, + "▁help": 1371, + "ts": 1372, + "▁char": 1373, + "▁ph": 1374, + "▁min": 1375, + "til": 1376, + "rite": 1377, + "--------": 1378, + "els": 1379, + "▁mit": 1380, + "edia": 1381, + "ку": 1382, + "▁Sh": 1383, + "any": 1384, + "];": 1385, + "▁Б": 1386, + "ique": 1387, + "da": 1388, + "ef": 1389, + "dex": 1390, + "▁produ": 1391, + "▁Н": 1392, + "gram": 1393, + "▁Or": 1394, + "▁gre": 1395, + "quote": 1396, + "leg": 1397, + "orn": 1398, + "▁ind": 1399, + "▁post": 1400, + "▁dep": 1401, + "],": 1402, + "vi": 1403, + "▁user": 1404, + "▁>": 1405, + "lick": 1406, + "▁very": 1407, + "ething": 1408, + "▁array": 1409, + "▁gu": 1410, + "▁dur": 1411, + "`.": 1412, + "ть": 1413, + "lication": 1414, + "сти": 1415, + "ek": 1416, + "ico": 1417, + "▁dat": 1418, + "ор": 1419, + "html": 1420, + "ione": 1421, + "▁different": 1422, + "▁check": 1423, + "▁fr": 1424, + "▁Er": 1425, + "▁text": 1426, + "ні": 1427, + "icht": 1428, + "stack": 1429, + "EN": 1430, + "rag": 1431, + "▁every": 1432, + "Ar": 1433, + "▁before": 1434, + "alse": 1435, + "▁fin": 1436, + "▁dé": 1437, + "▁these": 1438, + "▁det": 1439, + "Val": 1440, + "ception": 1441, + "▁android": 1442, + "blockquote": 1443, + "▁je": 1444, + "file": 1445, + "ats": 1446, + "▁до": 1447, + "essage": 1448, + "▁again": 1449, + "aw": 1450, + "Ch": 1451, + "ween": 1452, + "▁Д": 1453, + "for": 1454, + "cial": 1455, + "play": 1456, + "pre": 1457, + "ida": 1458, + "▁Par": 1459, + "ny": 1460, + "ract": 1461, + "▁supp": 1462, + "ased": 1463, + "lection": 1464, + "▁dans": 1465, + "air": 1466, + "rol": 1467, + "▁thr": 1468, + "Data": 1469, + "lich": 1470, + "▁про": 1471, + "▁long": 1472, + "▁second": 1473, + "ually": 1474, + "ines": 1475, + "▁found": 1476, + "ength": 1477, + "yp": 1478, + "ead": 1479, + "▁log": 1480, + "ui": 1481, + "new": 1482, + "▁Р": 1483, + "go": 1484, + "aus": 1485, + "ody": 1486, + "▁son": 1487, + "ме": 1488, + "ero": 1489, + "ved": 1490, + "sub": 1491, + "▁right": 1492, + "view": 1493, + "▁following": 1494, + "')": 1495, + "\");": 1496, + "▁said": 1497, + "же": 1498, + "чи": 1499, + "ту": 1500, + "ott": 1501, + "се": 1502, + "ars": 1503, + "$.": 1504, + "gg": 1505, + "▁br": 1506, + "ool": 1507, + "yle": 1508, + "use": 1509, + "▁show": 1510, + "lease": 1511, + "cia": 1512, + "▁direct": 1513, + "doc": 1514, + "ар": 1515, + "ms": 1516, + "▁giv": 1517, + "▁exp": 1518, + "ql": 1519, + "ду": 1520, + "ве": 1521, + "▁Be": 1522, + "Com": 1523, + "iter": 1524, + "RE": 1525, + "mp": 1526, + "men": 1527, + "▁Ro": 1528, + "MA": 1529, + "▁Col": 1530, + "ister": 1531, + "▁well": 1532, + "▁": 1599, + "ene": 1600, + "▁mon": 1601, + "▁dec": 1602, + "▁still": 1603, + "▁об": 1604, + "▁Tr": 1605, + "▁ф": 1606, + "ife": 1607, + "ism": 1608, + "by": 1609, + "raw": 1610, + "ior": 1611, + "▁med": 1612, + "orld": 1613, + "▁comple": 1614, + "ww": 1615, + "▁art": 1616, + "ron": 1617, + "▁Г": 1618, + "▁My": 1619, + "▁als": 1620, + "rect": 1621, + "▁auf": 1622, + "▁down": 1623, + "ather": 1624, + "Col": 1625, + "Text": 1626, + "back": 1627, + "$,": 1628, + "▁year": 1629, + "мо": 1630, + "pi": 1631, + "▁Gr": 1632, + "ream": 1633, + "▁rep": 1634, + "bf": 1635, + "www": 1636, + "▁wur": 1637, + "▁org": 1638, + "inter": 1639, + "▁Die": 1640, + "▁being": 1641, + "\".": 1642, + "label": 1643, + "▁cent": 1644, + "java": 1645, + "bar": 1646, + "ante": 1647, + "ana": 1648, + "__": 1649, + "▁solution": 1650, + "▁О": 1651, + "▁fl": 1652, + "▁create": 1653, + "ici": 1654, + "ste": 1655, + "ython": 1656, + "unt": 1657, + "ason": 1658, + "ference": 1659, + "SE": 1660, + "▁non": 1661, + "ane": 1662, + "▁ins": 1663, + "ader": 1664, + "_{\\": 1665, + "Res": 1666, + "▁main": 1667, + "пи": 1668, + "▁▁▁▁▁▁▁▁▁▁▁▁▁▁": 1669, + "▁There": 1670, + "▁pour": 1671, + "RO": 1672, + "`,": 1673, + "lish": 1674, + "bject": 1675, + "ccess": 1676, + "▁orig": 1677, + "▁▁▁": 1678, + "ischen": 1679, + "ower": 1680, + "▁het": 1681, + "uc": 1682, + "▁else": 1683, + "».": 1684, + "▁от": 1685, + "equ": 1686, + "sible": 1687, + "test": 1688, + "stand": 1689, + "én": 1690, + "ets": 1691, + "GE": 1692, + "ident": 1693, + "▁е": 1694, + "▁при": 1695, + ".,": 1696, + "▁das": 1697, + "ock": 1698, + ",\"": 1699, + "▁vol": 1700, + "▁fo": 1701, + "▁para": 1702, + "▁Т": 1703, + "▁Car": 1704, + "ral": 1705, + "▁Sp": 1706, + "var": 1707, + "▁play": 1708, + "ouse": 1709, + "▁та": 1710, + "ically": 1711, + "▁contain": 1712, + "ponse": 1713, + "▁String": 1714, + "án": 1715, + "▁both": 1716, + "ken": 1717, + "AR": 1718, + "ере": 1719, + "▁Il": 1720, + "▁iss": 1721, + "▁open": 1722, + "▁)": 1723, + "▁What": 1724, + "fe": 1725, + "rivate": 1726, + "reg": 1727, + "▁without": 1728, + "▁zu": 1729, + "vis": 1730, + "flow": 1731, + "▁http": 1732, + "abase": 1733, + "▁word": 1734, + "▁change": 1735, + "▁works": 1736, + "▁ge": 1737, + "▁!": 1738, + "▁een": 1739, + "itle": 1740, + "▁event": 1741, + "word": 1742, + "ando": 1743, + "SB": 1744, + "rem": 1745, + "▁field": 1746, + "ving": 1747, + "Ser": 1748, + "▁our": 1749, + "▁qui": 1750, + "▁oper": 1751, + "▁ist": 1752, + "def": 1753, + "▁made": 1754, + "ние": 1755, + "px": 1756, + "▁men": 1757, + "rm": 1758, + "ais": 1759, + "cent": 1760, + "list": 1761, + "To": 1762, + "▁To": 1763, + "ja": 1764, + "vert": 1765, + "▁mar": 1766, + "value": 1767, + "▁„": 1768, + "\";": 1769, + "▁aus": 1770, + "▁Br": 1771, + "ole": 1772, + "▁mult": 1773, + "ought": 1774, + "▁mat": 1775, + "▁view": 1776, + "fil": 1777, + "▁со": 1778, + "га": 1779, + "▁void": 1780, + "▁good": 1781, + "бо": 1782, + "CT": 1783, + "▁many": 1784, + "ben": 1785, + "▁во": 1786, + "▁ка": 1787, + "▁system": 1788, + "ino": 1789, + "▁another": 1790, + "▁rest": 1791, + "user": 1792, + "ility": 1793, + "ai": 1794, + "▁might": 1795, + "ustom": 1796, + "▁order": 1797, + "▁Ver": 1798, + "SS": 1799, + "})": 1800, + "▁eff": 1801, + "до": 1802, + "ett": 1803, + "▁sign": 1804, + "му": 1805, + "IT": 1806, + "string": 1807, + "elle": 1808, + "▁sing": 1809, + "cul": 1810, + "▁trying": 1811, + "▁beg": 1812, + "▁page": 1813, + "хо": 1814, + "▁Can": 1815, + "▁Ser": 1816, + "++": 1817, + "▁must": 1818, + "▁values": 1819, + "▁key": 1820, + "ible": 1821, + "].": 1822, + "ird": 1823, + "▁program": 1824, + "roller": 1825, + "▁conne": 1826, + "▁say": 1827, + "▁param": 1828, + "ache": 1829, + "velop": 1830, + "▁select": 1831, + "▁famil": 1832, + "▁last": 1833, + "▁Thanks": 1834, + "▁pop": 1835, + "}.": 1836, + "eq": 1837, + "▁doesn": 1838, + "['": 1839, + "▁term": 1840, + "▁ré": 1841, + "▁document": 1842, + "па": 1843, + "лу": 1844, + "ateg": 1845, + ".)": 1846, + "ling": 1847, + "ional": 1848, + "ables": 1849, + "▁tak": 1850, + "utton": 1851, + "▁arg": 1852, + "type": 1853, + "▁sure": 1854, + "▁real": 1855, + "▁web": 1856, + "▁current": 1857, + "▁Pl": 1858, + "cho": 1859, + "ments": 1860, + "▁Joh": 1861, + "ots": 1862, + "▁exist": 1863, + "ну": 1864, + "▁für": 1865, + "▁из": 1866, + "do": 1867, + "ного": 1868, + "▁las": 1869, + "▁null": 1870, + "▁inform": 1871, + "▁Л": 1872, + "▁version": 1873, + "▁chang": 1874, + "ager": 1875, + "▁Comm": 1876, + "лі": 1877, + "ush": 1878, + "▁Ge": 1879, + "▁high": 1880, + "▁input": 1881, + "ogle": 1882, + "ros": 1883, + "box": 1884, + "gen": 1885, + "▁ste": 1886, + "▁local": 1887, + "Im": 1888, + "▁process": 1889, + "ternal": 1890, + "ized": 1891, + "ги": 1892, + "ét": 1893, + "▁Ind": 1894, + "▁och": 1895, + "lt": 1896, + "▁column": 1897, + "▁tried": 1898, + "▁command": 1899, + "▁best": 1900, + "aster": 1901, + "за": 1902, + "▁prim": 1903, + "▁model": 1904, + "▁і": 1905, + "▁those": 1906, + "ities": 1907, + "ère": 1908, + "▁ре": 1909, + "је": 1910, + "ши": 1911, + "ques": 1912, + "▁Am": 1913, + "▁own": 1914, + "lin": 1915, + "зи": 1916, + "Value": 1917, + "thing": 1918, + "▁,": 1919, + "▁Te": 1920, + "▁stud": 1921, + "▁um": 1922, + "▁server": 1923, + "ille": 1924, + "▁put": 1925, + "ativ": 1926, + "gy": 1927, + "ови": 1928, + "raf": 1929, + "ово": 1930, + "▁wurde": 1931, + "▁When": 1932, + "▁div": 1933, + "ants": 1934, + "▁ter": 1935, + "▁partic": 1936, + "▁т": 1937, + "▁Do": 1938, + "▁No": 1939, + "sert": 1940, + "ido": 1941, + "mathcal": 1942, + "ade": 1943, + "▁II": 1944, + "lear": 1945, + "ograph": 1946, + "ense": 1947, + "▁row": 1948, + "num": 1949, + "▁possible": 1950, + "▁since": 1951, + "▁Bo": 1952, + "ctions": 1953, + "▁Im": 1954, + "OR": 1955, + "ці": 1956, + "▁ide": 1957, + "map": 1958, + "▁correct": 1959, + "ves": 1960, + "php": 1961, + "▁output": 1962, + "▁Ph": 1963, + "AL": 1964, + "ared": 1965, + "\\\\": 1966, + "▁image": 1967, + "esch": 1968, + "жи": 1969, + "▁conf": 1970, + "por": 1971, + "query": 1972, + "ures": 1973, + "ium": 1974, + "ends": 1975, + "▁Ab": 1976, + "SBN": 1977, + "ід": 1978, + "ether": 1979, + "ptions": 1980, + "itu": 1981, + "lib": 1982, + "ns": 1983, + "ki": 1984, + "▁working": 1985, + "▁como": 1986, + "▁Then": 1987, + "ML": 1988, + "key": 1989, + "class": 1990, + "ople": 1991, + "ittle": 1992, + "▁match": 1993, + "ways": 1994, + "mathbb": 1995, + "▁require": 1996, + "alt": 1997, + "▁vis": 1998, + "▁bl": 1999, + "▁called": 2000, + "Item": 2001, + "ura": 2002, + "vec": 2003, + "eme": 2004, + "▁della": 2005, + "embre": 2006, + "urg": 2007, + "Se": 2008, + "▁request": 2009, + "ische": 2010, + "▁port": 2011, + "▁instead": 2012, + "=\\": 2013, + "▁У": 2014, + "hor": 2015, + "ente": 2016, + "ume": 2017, + "erd": 2018, + "са": 2019, + "▁why": 2020, + "rist": 2021, + "▁person": 2022, + "▁...": 2023, + "▁private": 2024, + "▁tot": 2025, + "pha": 2026, + "ift": 2027, + "ita": 2028, + "loc": 2029, + "▁old": 2030, + "он": 2031, + "▁nel": 2032, + "']": 2033, + "ti": 2034, + "iet": 2035, + "cite": 2036, + "plement": 2037, + "▁above": 2038, + "ks": 2039, + "ready": 2040, + "▁come": 2041, + "section": 2042, + "▁Pol": 2043, + "▁writ": 2044, + "▁https": 2045, + "▁$$": 2046, + "▁»": 2047, + "▁build": 2048, + "ito": 2049, + "▁consider": 2050, + "aft": 2051, + "App": 2052, + ",\\": 2053, + "indows": 2054, + "comm": 2055, + "▁;": 2056, + "ground": 2057, + "▁place": 2058, + "By": 2059, + "▁project": 2060, + "Object": 2061, + "▁repr": 2062, + "ences": 2063, + "indow": 2064, + "zt": 2065, + "▁files": 2066, + "cz": 2067, + "ivity": 2068, + "▁init": 2069, + "▁prob": 2070, + "▁sk": 2071, + "orth": 2072, + "iment": 2073, + "ouble": 2074, + "atal": 2075, + "irc": 2076, + "▁è": 2077, + "▁bre": 2078, + "ista": 2079, + "input": 2080, + "▁И": 2081, + "ной": 2082, + "sum": 2083, + "path": 2084, + "▁cour": 2085, + "▁too": 2086, + "▁Ad": 2087, + "▁Gu": 2088, + "▁false": 2089, + "▁fun": 2090, + "▁ст": 2091, + "ood": 2092, + "ès": 2093, + "▁enc": 2094, + "bol": 2095, + "rl": 2096, + "arget": 2097, + "order": 2098, + "▁mean": 2099, + "пе": 2100, + "igen": 2101, + "▁пре": 2102, + "width": 2103, + ";\r": 2104, + "itor": 2105, + "▁state": 2106, + "▁great": 2107, + "enn": 2108, + "bin": 2109, + "Er": 2110, + "Mod": 2111, + "oz": 2112, + "▁won": 2113, + "▁fact": 2114, + "▁java": 2115, + "▁Univers": 2116, + "▁cap": 2117, + "istor": 2118, + "}(": 2119, + "ku": 2120, + "ither": 2121, + "ales": 2122, + "▁ou": 2123, + "ross": 2124, + "▁take": 2125, + "rix": 2126, + "lob": 2127, + "▁eine": 2128, + "ases": 2129, + "▁access": 2130, + "ité": 2131, + "istr": 2132, + "ization": 2133, + "▁appro": 2134, + "ball": 2135, + "▁mak": 2136, + "}^": 2137, + "▁Cons": 2138, + "press": 2139, + "serv": 2140, + "().": 2141, + "af": 2142, + "▁ref": 2143, + ")\\": 2144, + "▁contin": 2145, + "su": 2146, + "iver": 2147, + "▁cond": 2148, + "▁expect": 2149, + "▁charact": 2150, + "bert": 2151, + "elt": 2152, + "ters": 2153, + "script": 2154, + "▁Ed": 2155, + "apt": 2156, + "');": 2157, + "print": 2158, + "▁size": 2159, + "▁sich": 2160, + "face": 2161, + "enden": 2162, + "▁Amer": 2163, + "ified": 2164, + "ów": 2165, + "▁Su": 2166, + "tes": 2167, + "med": 2168, + "▁Reg": 2169, + "sole": 2170, + "▁includ": 2171, + "ini": 2172, + "inci": 2173, + "▁pla": 2174, + "▁left": 2175, + "df": 2176, + "Par": 2177, + "▁All": 2178, + "▁occ": 2179, + "▁At": 2180, + "▁cr": 2181, + "Qu": 2182, + "▁given": 2183, + "▁System": 2184, + "ican": 2185, + "▁final": 2186, + "itions": 2187, + "▁бы": 2188, + "▁perform": 2189, + "AN": 2190, + "▁Me": 2191, + "uro": 2192, + "▁That": 2193, + "гра": 2194, + "▁По": 2195, + "▁ви": 2196, + "ably": 2197, + "▁present": 2198, + "duct": 2199, + "ric": 2200, + "▁Eng": 2201, + "try": 2202, + "▁lar": 2203, + "bl": 2204, + "idd": 2205, + "▁är": 2206, + "ora": 2207, + "LL": 2208, + "oss": 2209, + "▁ISBN": 2210, + "▁three": 2211, + "jo": 2212, + "ní": 2213, + "rc": 2214, + "▁far": 2215, + "▁Not": 2216, + "▁little": 2217, + "dis": 2218, + "ati": 2219, + "function": 2220, + "▁able": 2221, + "less": 2222, + "со": 2223, + "▁path": 2224, + "▁pres": 2225, + "lose": 2226, + "PI": 2227, + "▁issue": 2228, + "ackage": 2229, + "time": 2230, + "ige": 2231, + "ams": 2232, + "▁Cl": 2233, + "ails": 2234, + "alk": 2235, + "ii": 2236, + "ше": 2237, + "pen": 2238, + "QL": 2239, + "▁eas": 2240, + "RL": 2241, + "cel": 2242, + "▁sl": 2243, + "▁ask": 2244, + "▁nom": 2245, + "▁top": 2246, + "ides": 2247, + "index": 2248, + "ém": 2249, + "▁happ": 2250, + "ox": 2251, + "cd": 2252, + "▁better": 2253, + "▁load": 2254, + "ados": 2255, + "zen": 2256, + "▁ce": 2257, + "▁fa": 2258, + "▁John": 2259, + "IMA": 2260, + "▁Bar": 2261, + "overflow": 2262, + "▁де": 2263, + "ness": 2264, + "cer": 2265, + "▁Here": 2266, + "ret": 2267, + "▁sz": 2268, + "ambda": 2269, + "opy": 2270, + "url": 2271, + "py": 2272, + "rt": 2273, + "▁understand": 2274, + "ał": 2275, + "her": 2276, + "##": 2277, + "▁child": 2278, + "▁exec": 2279, + "▁application": 2280, + "▁struct": 2281, + "▁я": 2282, + "File": 2283, + "▁cert": 2284, + "ison": 2285, + "▁variable": 2286, + "DE": 2287, + "rs": 2288, + "▁really": 2289, + "Port": 2290, + "ba": 2291, + "▁Ber": 2292, + "▁inte": 2293, + "▁static": 2294, + "▁config": 2295, + "▁She": 2296, + "estions": 2297, + "▁plus": 2298, + "▁hab": 2299, + "ope": 2300, + "▁mus": 2301, + "▁count": 2302, + "ME": 2303, + "▁support": 2304, + "▁people": 2305, + "▁beh": 2306, + "▁already": 2307, + "Tr": 2308, + "▁done": 2309, + "dem": 2310, + "size": 2311, + "alpha": 2312, + "▁disc": 2313, + "])": 2314, + "▁Man": 2315, + "▁mil": 2316, + "▁stand": 2317, + "▁group": 2318, + "▁small": 2319, + "▁mag": 2320, + "сть": 2321, + "▁default": 2322, + "▁single": 2323, + "link": 2324, + "clude": 2325, + "▁ear": 2326, + "ilar": 2327, + "****": 2328, + "▁fix": 2329, + "ley": 2330, + "▁pas": 2331, + "ний": 2332, + "ission": 2333, + "▁implement": 2334, + "itch": 2335, + "▁года": 2336, + "▁always": 2337, + "▁Jah": 2338, + "pring": 2339, + "ção": 2340, + "plate": 2341, + "▁descri": 2342, + "▁head": 2343, + "init": 2344, + "ograf": 2345, + "▁query": 2346, + "ived": 2347, + "▁ing": 2348, + "pty": 2349, + "ha": 2350, + "▁mov": 2351, + "▁э": 2352, + "ette": 2353, + "ily": 2354, + "▁got": 2355, + "iled": 2356, + "icro": 2357, + "▁wr": 2358, + "ря": 2359, + "▁never": 2360, + "ores": 2361, + "▁bas": 2362, + "ios": 2363, + "lack": 2364, + "aint": 2365, + "vious": 2366, + "▁give": 2367, + "idad": 2368, + "En": 2369, + "ный": 2370, + "table": 2371, + "▁На": 2372, + "▁pat": 2373, + "тор": 2374, + "angu": 2375, + "loy": 2376, + "▁seg": 2377, + "array": 2378, + "▁Fl": 2379, + "▁index": 2380, + "▁sw": 2381, + "IMAGE": 2382, + "▁km": 2383, + "би": 2384, + "Class": 2385, + "ena": 2386, + "мен": 2387, + "comp": 2388, + "atus": 2389, + "rap": 2390, + "▁List": 2391, + "Error": 2392, + "▁typ": 2393, + "▁ма": 2394, + "cs": 2395, + "':": 2396, + "ji": 2397, + "▁However": 2398, + "▁те": 2399, + "▁below": 2400, + "▁App": 2401, + "ще": 2402, + "}_": 2403, + "bum": 2404, + "vir": 2405, + "ées": 2406, + "▁record": 2407, + "tain": 2408, + "lem": 2409, + "ital": 2410, + "▁imp": 2411, + "ego": 2412, + "▁od": 2413, + "▁rece": 2414, + "mit": 2415, + "ffic": 2416, + "stackoverflow": 2417, + "ieve": 2418, + "▁З": 2419, + "▁nov": 2420, + "це": 2421, + "▁Intern": 2422, + "bu": 2423, + "▁sugg": 2424, + "▁loop": 2425, + "ride": 2426, + "▁$(": 2427, + "▁super": 2428, + "rid": 2429, + "ных": 2430, + "▁Per": 2431, + "▁dom": 2432, + "='": 2433, + "utsch": 2434, + "len": 2435, + "▁write": 2436, + "▁inv": 2437, + "outh": 2438, + "▁Her": 2439, + "▁years": 2440, + "▁original": 2441, + "ega": 2442, + "▁Ste": 2443, + "▁seems": 2444, + "ég": 2445, + "▁next": 2446, + "eder": 2447, + "▁Ne": 2448, + "avas": 2449, + "ification": 2450, + "Exception": 2451, + "▁Der": 2452, + "▁ve": 2453, + "atic": 2454, + "hat": 2455, + "brary": 2456, + "return": 2457, + "urch": 2458, + "ision": 2459, + "mi": 2460, + "oint": 2461, + "▁day": 2462, + "iction": 2463, + "ál": 2464, + "▁és": 2465, + "▁though": 2466, + "action": 2467, + "ít": 2468, + "ungen": 2469, + "ours": 2470, + "▁script": 2471, + "▁information": 2472, + "▁multi": 2473, + "▁\\\\": 2474, + "ster": 2475, + "ке": 2476, + "AC": 2477, + "cies": 2478, + "▁display": 2479, + "oman": 2480, + "Time": 2481, + "ius": 2482, + "));": 2483, + "tre": 2484, + "▁lim": 2485, + "ately": 2486, + "éd": 2487, + "iste": 2488, + "▁са": 2489, + "post": 2490, + "uel": 2491, + "img": 2492, + "▁ч": 2493, + "ска": 2494, + "eld": 2495, + "pper": 2496, + "ula": 2497, + "▁general": 2498, + "Al": 2499, + "Form": 2500, + "▁upon": 2501, + "zo": 2502, + "amente": 2503, + "▁prom": 2504, + "▁ü": 2505, + "lex": 2506, + "▁turn": 2507, + "▁ме": 2508, + "ention": 2509, + "лен": 2510, + "▁af": 2511, + "icle": 2512, + "ств": 2513, + "▁Fil": 2514, + "▁Ф": 2515, + "avascript": 2516, + "Man": 2517, + "ara": 2518, + "ware": 2519, + "align": 2520, + "angle": 2521, + "▁Sc": 2522, + "unic": 2523, + "▁fran": 2524, + "Un": 2525, + "zi": 2526, + "met": 2527, + "Add": 2528, + "▁pub": 2529, + "ков": 2530, + "▁gen": 2531, + "▁pod": 2532, + "▁sum": 2533, + "▁having": 2534, + "▁avec": 2535, + "sl": 2536, + "▁fig": 2537, + "▁Res": 2538, + "Date": 2539, + "ules": 2540, + "with": 2541, + "ский": 2542, + "gu": 2543, + "ET": 2544, + "▁bro": 2545, + "rie": 2546, + "aps": 2547, + "ending": 2548, + "mail": 2549, + "ook": 2550, + "▁success": 2551, + "berg": 2552, + "▁deb": 2553, + "elta": 2554, + "()`": 2555, + "ential": 2556, + "frame": 2557, + "Key": 2558, + "inn": 2559, + "▁simple": 2560, + "ival": 2561, + "▁care": 2562, + "▁Web": 2563, + "\").": 2564, + ">": 2900, + "ko": 2901, + "▁exper": 2902, + "▁separ": 2903, + "yl": 2904, + "ourn": 2905, + "▁dev": 2906, + "▁auch": 2907, + "▁block": 2908, + "book": 2909, + "▁map": 2910, + "illa": 2911, + "▁comput": 2912, + "▁space": 2913, + "result": 2914, + ")}": 2915, + "▁echo": 2916, + "config": 2917, + "hi": 2918, + "▁large": 2919, + "▁width": 2920, + "▁Go": 2921, + "mat": 2922, + "▁diff": 2923, + "▁kind": 2924, + "ances": 2925, + "ynam": 2926, + "▁color": 2927, + "Int": 2928, + "sol": 2929, + "▁pi": 2930, + "▁character": 2931, + "oment": 2932, + "▁response": 2933, + "igma": 2934, + "wards": 2935, + "arrow": 2936, + "су": 2937, + "ties": 2938, + "▁über": 2939, + "Image": 2940, + "yd": 2941, + "▁пере": 2942, + "▁node": 2943, + "▁item": 2944, + "achine": 2945, + "ima": 2946, + "▁va": 2947, + "▁approach": 2948, + "▁wer": 2949, + "▁че": 2950, + "On": 2951, + "ollow": 2952, + "она": 2953, + "cted": 2954, + "ured": 2955, + "Controller": 2956, + "lied": 2957, + "▁jo": 2958, + "▁dal": 2959, + "unk": 2960, + "▁î": 2961, + "start": 2962, + "ola": 2963, + "▁compon": 2964, + "IC": 2965, + "bit": 2966, + "▁base": 2967, + "пу": 2968, + "▁idea": 2969, + "▁dire": 2970, + "▁rad": 2971, + "group": 2972, + "▁With": 2973, + "server": 2974, + "side": 2975, + "sing": 2976, + "▁dies": 2977, + "▁near": 2978, + "▁voor": 2979, + "▁argument": 2980, + "▁},": 2981, + "▁land": 2982, + "▁names": 2983, + "▁option": 2984, + "ithub": 2985, + "pped": 2986, + "aug": 2987, + "▁links": 2988, + "▁full": 2989, + "▁situ": 2990, + "▁console": 2991, + "▁etc": 2992, + "aux": 2993, + "▁Cor": 2994, + "icrosoft": 2995, + "▁came": 2996, + "local": 2997, + "▁known": 2998, + "▁multiple": 2999, + "anguage": 3000, + "▁total": 3001, + "ology": 3002, + "ät": 3003, + "▁Х": 3004, + "▁fre": 3005, + "▁ten": 3006, + "ideo": 3007, + "▁bes": 3008, + "true": 3009, + "Query": 3010, + "omm": 3011, + "▁Art": 3012, + "▁keep": 3013, + "▁University": 3014, + "reate": 3015, + "pport": 3016, + "▁python": 3017, + "tra": 3018, + "ector": 3019, + "рі": 3020, + "oph": 3021, + "▁conc": 3022, + "▁four": 3023, + "viron": 3024, + "▁via": 3025, + "?\"": 3026, + "image": 3027, + "oll": 3028, + "ные": 3029, + "▁context": 3030, + "▁sem": 3031, + "._": 3032, + "▁eng": 3033, + "mar": 3034, + "AD": 3035, + "▁mor": 3036, + "▁Cal": 3037, + "▁cell": 3038, + "imal": 3039, + "ATE": 3040, + "▁inf": 3041, + "ön": 3042, + "uffer": 3043, + "sq": 3044, + "....": 3045, + "▁zur": 3046, + "With": 3047, + "ран": 3048, + "chn": 3049, + "▁door": 3050, + "content": 3051, + "▁miss": 3052, + "▁simp": 3053, + "ár": 3054, + "ira": 3055, + "▁hat": 3056, + "Test": 3057, + "▁certain": 3058, + "NS": 3059, + "▁cho": 3060, + "▁adv": 3061, + "where": 3062, + "▁looking": 3063, + "▁times": 3064, + "них": 3065, + "uto": 3066, + "▁É": 3067, + "can": 3068, + "host": 3069, + "▁(*": 3070, + "loat": 3071, + "▁nicht": 3072, + "Field": 3073, + "burg": 3074, + "const": 3075, + "ades": 3076, + "▁Mus": 3077, + "▁nothing": 3078, + "▁incre": 3079, + "▁Min": 3080, + "▁power": 3081, + "▁American": 3082, + "ln": 3083, + "valid": 3084, + "ungs": 3085, + "▁National": 3086, + "▁San": 3087, + "▁York": 3088, + "Request": 3089, + "char": 3090, + "▁Ze": 3091, + "button": 3092, + "▁alg": 3093, + "SON": 3094, + "▁ap": 3095, + "uff": 3096, + "ability": 3097, + "ем": 3098, + "▁anything": 3099, + "ela": 3100, + "())": 3101, + "ба": 3102, + "ampion": 3103, + "▁pot": 3104, + "▁fut": 3105, + "ailable": 3106, + "▁prop": 3107, + "\"]": 3108, + "▁less": 3109, + "lag": 3110, + "▁August": 3111, + "It": 3112, + "▁please": 3113, + "▁style": 3114, + "▁Also": 3115, + "bt": 3116, + "▁probably": 3117, + "▁One": 3118, + "▁poss": 3119, + "UI": 3120, + "uit": 3121, + "▁West": 3122, + "hn": 3123, + "+\\": 3124, + "Button": 3125, + "json": 3126, + "err": 3127, + "rame": 3128, + "dom": 3129, + "ilon": 3130, + "alf": 3131, + "▁client": 3132, + "▁continu": 3133, + "xml": 3134, + "pec": 3135, + "ador": 3136, + "ls": 3137, + "▁however": 3138, + "▁Any": 3139, + "änd": 3140, + "mathrm": 3141, + "▁url": 3142, + "▁book": 3143, + "▁gl": 3144, + "ives": 3145, + "gi": 3146, + "▁tro": 3147, + "▁US": 3148, + "point": 3149, + "open": 3150, + "▁cur": 3151, + "▁era": 3152, + "▁particular": 3153, + "▁HT": 3154, + "oot": 3155, + "ello": 3156, + "lobal": 3157, + "▁action": 3158, + "▁Int": 3159, + "▁include": 3160, + "▁elements": 3161, + "ная": 3162, + "ards": 3163, + "▁Bl": 3164, + "▁hum": 3165, + "from": 3166, + "change": 3167, + "▁functions": 3168, + "hen": 3169, + "Service": 3170, + "▁height": 3171, + "▁Land": 3172, + "ias": 3173, + "gs": 3174, + "ión": 3175, + "лов": 3176, + "node": 3177, + ".”": 3178, + "hand": 3179, + "▁бу": 3180, + "▁amb": 3181, + "▁Lu": 3182, + "▁throw": 3183, + "▁mot": 3184, + "▁Act": 3185, + "▁world": 3186, + "_\\": 3187, + "base": 3188, + "▁Co": 3189, + "▁arch": 3190, + "▁####": 3191, + "ged": 3192, + "pril": 3193, + "older": 3194, + "Model": 3195, + "▁several": 3196, + "lie": 3197, + "check": 3198, + "]{": 3199, + "cons": 3200, + "▁Tra": 3201, + "heck": 3202, + "▁least": 3203, + "down": 3204, + "ebru": 3205, + "Def": 3206, + "param": 3207, + "ischer": 3208, + "▁cas": 3209, + "CH": 3210, + "▁address": 3211, + "▁раз": 3212, + "ufen": 3213, + "urope": 3214, + "ей": 3215, + "▁bound": 3216, + "CO": 3217, + "▁Ang": 3218, + "▁Ma": 3219, + "Index": 3220, + "core": 3221, + "ouch": 3222, + "atabase": 3223, + "ribution": 3224, + "document": 3225, + "Le": 3226, + "}_{": 3227, + "vern": 3228, + "▁statement": 3229, + "▁Brit": 3230, + "ono": 3231, + "psilon": 3232, + "▁level": 3233, + "▁product": 3234, + "IS": 3235, + "▁course": 3236, + "▁Mr": 3237, + ">\r": 3238, + "▁background": 3239, + "▁ret": 3240, + "ering": 3241, + "most": 3242, + "сько": 3243, + "▁thread": 3244, + "itional": 3245, + "ites": 3246, + "Pl": 3247, + "▁dos": 3248, + "ga": 3249, + "day": 3250, + "▁Gener": 3251, + "▁tw": 3252, + "Ad": 3253, + "\"><": 3254, + "▁($": 3255, + "▁moment": 3256, + "title": 3257, + "create": 3258, + "version": 3259, + "Manager": 3260, + "▁fur": 3261, + "pping": 3262, + "ijn": 3263, + "ос": 3264, + "▁rather": 3265, + "ptember": 3266, + "OS": 3267, + "▁site": 3268, + "▁caus": 3269, + "ani": 3270, + "▁home": 3271, + "мі": 3272, + "▁short": 3273, + "pa": 3274, + "▁lead": 3275, + "ished": 3276, + "cing": 3277, + "ording": 3278, + "▁prote": 3279, + "сле": 3280, + "LECT": 3281, + "▁didn": 3282, + "position": 3283, + "\",\"": 3284, + "(),": 3285, + "trans": 3286, + "▁lot": 3287, + "▁од": 3288, + "AS": 3289, + "▁sat": 3290, + "▁points": 3291, + "github": 3292, + "style": 3293, + "▁году": 3294, + "▁Dis": 3295, + "ponent": 3296, + "omet": 3297, + "zer": 3298, + "ULL": 3299, + "▁pa": 3300, + "AP": 3301, + "aces": 3302, + "▁United": 3303, + "ama": 3304, + "ety": 3305, + "Color": 3306, + "▁enough": 3307, + "US": 3308, + "▁length": 3309, + "());": 3310, + "^{\\": 3311, + "fty": 3312, + "Box": 3313, + "apter": 3314, + "▁complet": 3315, + "ник": 3316, + "max": 3317, + "object": 3318, + "({": 3319, + "imgur": 3320, + "itive": 3321, + "unch": 3322, + "▁Sub": 3323, + "ende": 3324, + "гу": 3325, + "ategory": 3326, + "ты": 3327, + "iano": 3328, + "▁upd": 3329, + "▁Aust": 3330, + "}{\\": 3331, + "top": 3332, + "las": 3333, + "pis": 3334, + "iness": 3335, + "▁{\r": 3336, + "▁Е": 3337, + "Gr": 3338, + "▁AS": 3339, + "▁ве": 3340, + "thers": 3341, + "▁defined": 3342, + "azione": 3343, + "▁offic": 3344, + "▁autom": 3345, + "ün": 3346, + "▁brow": 3347, + "▁serv": 3348, + "▁remove": 3349, + "iro": 3350, + "▁Bibli": 3351, + "ED": 3352, + "▁whole": 3353, + "▁ш": 3354, + "▁Java": 3355, + "▁zum": 3356, + "ua": 3357, + "pm": 3358, + "dev": 3359, + "кра": 3360, + "olds": 3361, + "▁War": 3362, + "än": 3363, + "pass": 3364, + "uz": 3365, + "[\"": 3366, + "▁tri": 3367, + "ised": 3368, + "ха": 3369, + "▁memory": 3370, + "▁Port": 3371, + "oper": 3372, + "Up": 3373, + "▁Thank": 3374, + "▁Mich": 3375, + "ych": 3376, + "board": 3377, + "бу": 3378, + "Inst": 3379, + "▁begin": 3380, + "ination": 3381, + "▁Mod": 3382, + "_,": 3383, + "▁Den": 3384, + "option": 3385, + "▁construct": 3386, + "▁Just": 3387, + "Map": 3388, + "run": 3389, + "▁respect": 3390, + "ham": 3391, + "ман": 3392, + "imedia": 3393, + "▁apply": 3394, + "cription": 3395, + "main": 3396, + "▁Ка": 3397, + "oid": 3398, + "Code": 3399, + "};": 3400, + "Info": 3401, + "▁format": 3402, + "Log": 3403, + "▁су": 3404, + "▁lat": 3405, + "utor": 3406, + "▁reference": 3407, + "▁calcul": 3408, + "onn": 3409, + "Lo": 3410, + "infty": 3411, + "▁along": 3412, + "▁č": 3413, + "▁task": 3414, + "▁ev": 3415, + "theta": 3416, + "ras": 3417, + "jor": 3418, + "▁бо": 3419, + "▁princip": 3420, + "My": 3421, + "▁einer": 3422, + "▁Es": 3423, + "omb": 3424, + "quad": 3425, + "^{-": 3426, + "ump": 3427, + "▁till": 3428, + "ді": 3429, + "▁looks": 3430, + "▁ok": 3431, + "ца": 3432, + "nu": 3433, + "Fil": 3434, + "▁sont": 3435, + "▁Med": 3436, + "ague": 3437, + "▁cost": 3438, + "▁Sim": 3439, + "▁comment": 3440, + "▁(\\": 3441, + "egen": 3442, + "▁parameter": 3443, + "▁France": 3444, + "rep": 3445, + "▁TH": 3446, + "▁yet": 3447, + "▁away": 3448, + "▁circ": 3449, + "▁API": 3450, + "emp": 3451, + "ві": 3452, + "Layout": 3453, + "▁lines": 3454, + "▁Part": 3455, + "empt": 3456, + "▁Bi": 3457, + "▁mind": 3458, + "ky": 3459, + "ging": 3460, + "▁report": 3461, + "▁Add": 3462, + "род": 3463, + "▁range": 3464, + "cias": 3465, + "lip": 3466, + "▁Kar": 3467, + "▁Commons": 3468, + "gerufen": 3469, + "aff": 3470, + "sec": 3471, + "▁html": 3472, + "lig": 3473, + "▁window": 3474, + "inition": 3475, + "cis": 3476, + "▁ut": 3477, + "eln": 3478, + "▁aux": 3479, + "▁neg": 3480, + "Hand": 3481, + "▁);": 3482, + "▁anal": 3483, + "▁fri": 3484, + "▁си": 3485, + "etch": 3486, + "md": 3487, + "page": 3488, + "▁library": 3489, + "▁:=": 3490, + "ROM": 3491, + "You": 3492, + "space": 3493, + "▁durch": 3494, + "▁host": 3495, + "aven": 3496, + "▁File": 3497, + "alle": 3498, + "тив": 3499, + "▁pap": 3500, + "ство": 3501, + "mark": 3502, + "▁mais": 3503, + "erman": 3504, + "Size": 3505, + "ек": 3506, + "▁Ма": 3507, + "▁isn": 3508, + "▁copy": 3509, + "sten": 3510, + "river": 3511, + "▁went": 3512, + "▁javascript": 3513, + "▁sam": 3514, + "▁frame": 3515, + "▁vi": 3516, + "▁previous": 3517, + "rodu": 3518, + "▁methods": 3519, + "▁necess": 3520, + "NA": 3521, + "cket": 3522, + "▁opt": 3523, + "Loc": 3524, + "how": 3525, + "▁în": 3526, + "ship": 3527, + "▁itself": 3528, + "▁Please": 3529, + "iene": 3530, + "вер": 3531, + "▁<<": 3532, + "▁mill": 3533, + "▁trad": 3534, + "pace": 3535, + "▁Har": 3536, + "iten": 3537, + "wise": 3538, + "write": 3539, + "ции": 3540, + "ры": 3541, + "Line": 3542, + "olo": 3543, + "▁accept": 3544, + "height": 3545, + "▁elect": 3546, + "ella": 3547, + "▁på": 3548, + "Select": 3549, + "▁ли": 3550, + "▁\\<": 3551, + "((": 3552, + "▁ID": 3553, + "ops": 3554, + "ван": 3555, + "ió": 3556, + "TP": 3557, + "»,": 3558, + "nection": 3559, + "parent": 3560, + "▁Mag": 3561, + "Table": 3562, + "Over": 3563, + "▁network": 3564, + "спо": 3565, + "▁assign": 3566, + "igger": 3567, + "irm": 3568, + ")`": 3569, + "ottom": 3570, + "beta": 3571, + "▁dell": 3572, + "▁body": 3573, + "▁да": 3574, + "▁Your": 3575, + "▁fue": 3576, + "▁package": 3577, + "▁light": 3578, + "▁**": 3579, + "MP": 3580, + "▁cou": 3581, + "yes": 3582, + ":\\": 3583, + "▁Ч": 3584, + "▁mention": 3585, + "ensch": 3586, + "▁deg": 3587, + "▁convert": 3588, + "▁Dav": 3589, + "adt": 3590, + "Result": 3591, + "though": 3592, + "▁bus": 3593, + "xy": 3594, + "▁seen": 3595, + "All": 3596, + "public": 3597, + "ively": 3598, + "▁Rec": 3599, + "▁His": 3600, + "sim": 3601, + "▁för": 3602, + "▁histor": 3603, + "▁sett": 3604, + "rat": 3605, + "abled": 3606, + "▁»,": 3607, + "google": 3608, + "Web": 3609, + "él": 3610, + "▁title": 3611, + "▁Janu": 3612, + "ја": 3613, + "▁took": 3614, + "iden": 3615, + "sz": 3616, + "▁Get": 3617, + "▁objects": 3618, + "▁common": 3619, + "▁changes": 3620, + "▁Lond": 3621, + "▁extern": 3622, + "▁ju": 3623, + "Is": 3624, + "▁available": 3625, + "tri": 3626, + "▁más": 3627, + "osa": 3628, + "Be": 3629, + "▁Data": 3630, + "ural": 3631, + "▁hom": 3632, + "▁account": 3633, + "oo": 3634, + "▁perm": 3635, + "respond": 3636, + "yt": 3637, + "▁send": 3638, + "▁returns": 3639, + "ivid": 3640, + "▁expla": 3641, + "ín": 3642, + "▁nor": 3643, + "If": 3644, + "▁From": 3645, + "▁target": 3646, + "fect": 3647, + "ент": 3648, + "▁uit": 3649, + "▁Jo": 3650, + "▁variables": 3651, + "▁series": 3652, + "▁func": 3653, + "▁himself": 3654, + "▁ча": 3655, + "anti": 3656, + "▁ach": 3657, + "ialog": 3658, + "▁std": 3659, + "ae": 3660, + "▁foot": 3661, + "▁unter": 3662, + "gress": 3663, + "Not": 3664, + "rad": 3665, + "fér": 3666, + "▁util": 3667, + "orem": 3668, + "▁sou": 3669, + "opt": 3670, + "▁og": 3671, + "▁uma": 3672, + "itar": 3673, + "▁Ok": 3674, + "ück": 3675, + "sqrt": 3676, + "▁ant": 3677, + "▁werden": 3678, + "år": 3679, + "});": 3680, + "▁Paris": 3681, + "▁exception": 3682, + "▁determ": 3683, + "▁Vol": 3684, + "▁Sam": 3685, + "▁ess": 3686, + "lies": 3687, + "ioni": 3688, + "oding": 3689, + "idget": 3690, + "▁pri": 3691, + "▁whether": 3692, + "▁под": 3693, + "▁numbers": 3694, + "▁~": 3695, + "event": 3696, + "▁shows": 3697, + "atures": 3698, + "▁house": 3699, + "▁face": 3700, + "▁się": 3701, + "vironment": 3702, + "van": 3703, + "▁including": 3704, + "▁<-": 3705, + "times": 3706, + "now": 3707, + "▁pur": 3708, + "ifier": 3709, + "▁emp": 3710, + "▁cla": 3711, + "mon": 3712, + "▁Das": 3713, + "ady": 3714, + "▁від": 3715, + "▁ц": 3716, + "abor": 3717, + "OST": 3718, + "▁band": 3719, + "▁ú": 3720, + "▁exactly": 3721, + "iert": 3722, + "avig": 3723, + "▁redu": 3724, + "▁SE": 3725, + "lished": 3726, + "Bu": 3727, + "Message": 3728, + "cell": 3729, + "fully": 3730, + "▁sv": 3731, + "▁makes": 3732, + "pol": 3733, + "▁required": 3734, + "ferrer": 3735, + "▁pers": 3736, + "▁mi": 3737, + "FI": 3738, + "▁Paul": 3739, + "▁UI": 3740, + "▁Bel": 3741, + "inc": 3742, + "▁contains": 3743, + "Out": 3744, + "asure": 3745, + "pu": 3746, + "oto": 3747, + "▁game": 3748, + "zn": 3749, + "▁Why": 3750, + "orith": 3751, + "big": 3752, + "кий": 3753, + "sigma": 3754, + "▁quite": 3755, + "▁jed": 3756, + "rec": 3757, + "▁SQL": 3758, + "бе": 3759, + "▁Mart": 3760, + "ya": 3761, + "▁school": 3762, + "▁simply": 3763, + "▁vor": 3764, + "▁double": 3765, + "рав": 3766, + "▁Str": 3767, + "iem": 3768, + "▁album": 3769, + "▁resol": 3770, + "▁dei": 3771, + "▁Wik": 3772, + "▁aw": 3773, + "umb": 3774, + "ols": 3775, + "▁*/": 3776, + "▁ze": 3777, + "▁anim": 3778, + "/>": 3779, + "ris": 3780, + "resh": 3781, + "No": 3782, + "iques": 3783, + "current": 3784, + "▁period": 3785, + "▁April": 3786, + "▁store": 3787, + "','": 3788, + "▁Set": 3789, + "={": 3790, + "ached": 3791, + "▁Mal": 3792, + "▁Pal": 3793, + "antes": 3794, + "aterial": 3795, + "▁worked": 3796, + "leq": 3797, + "oreferrer": 3798, + "▁happen": 3799, + "▁box": 3800, + "ney": 3801, + "▁close": 3802, + "▁gran": 3803, + "▁lie": 3804, + "▁ir": 3805, + "▁expected": 3806, + "▁для": 3807, + "click": 3808, + "și": 3809, + "▁parte": 3810, + "ogn": 3811, + "▁Form": 3812, + "▁memb": 3813, + "▁plan": 3814, + "▁team": 3815, + "][": 3816, + "▁commun": 3817, + "orry": 3818, + "ency": 3819, + "gl": 3820, + "inary": 3821, + "cdot": 3822, + "^\\": 3823, + "▁First": 3824, + "ander": 3825, + "▁Dec": 3826, + "request": 3827, + "ства": 3828, + "▁structure": 3829, + "▁||": 3830, + "▁Comp": 3831, + "actory": 3832, + "▁Mil": 3833, + "▁Some": 3834, + "Stream": 3835, + "▁assum": 3836, + "uen": 3837, + "▁words": 3838, + "▁September": 3839, + "▁Ко": 3840, + "▁days": 3841, + "ories": 3842, + "став": 3843, + "sm": 3844, + "vin": 3845, + "partial": 3846, + "▁parent": 3847, + "oj": 3848, + "нии": 3849, + "!\"": 3850, + "ugin": 3851, + "▁Windows": 3852, + "Ed": 3853, + ":}": 3854, + "▁q": 3855, + "▁ben": 3856, + "iana": 3857, + "▁label": 3858, + "state": 3859, + "uted": 3860, + "▁()": 3861, + "▁сво": 3862, + "▁edit": 3863, + "uring": 3864, + "▁NS": 3865, + "▁Jahr": 3866, + "▁provide": 3867, + "He": 3868, + "▁Yes": 3869, + "anel": 3870, + "ename": 3871, + "▁Don": 3872, + "isk": 3873, + "gra": 3874, + "elij": 3875, + "▁root": 3876, + "*/": 3877, + "▁Fre": 3878, + "▁Mor": 3879, + "used": 3880, + "range": 3881, + "▁tamb": 3882, + "▁module": 3883, + "▁directory": 3884, + "ounds": 3885, + "Activity": 3886, + "▁mu": 3887, + "info": 3888, + "▁free": 3889, + "orge": 3890, + "tab": 3891, + ")=": 3892, + "lang": 3893, + "▁ос": 3894, + "▁FROM": 3895, + "▁enter": 3896, + "▁became": 3897, + "idae": 3898, + "хи": 3899, + "▁States": 3900, + "verse": 3901, + "▁expl": 3902, + "ynt": 3903, + "UN": 3904, + "ee": 3905, + "endent": 3906, + "▁making": 3907, + "▁\"$": 3908, + "uni": 3909, + "quence": 3910, + "▁lui": 3911, + "HT": 3912, + "▁uses": 3913, + "zie": 3914, + "nia": 3915, + "Content": 3916, + "▁Count": 3917, + "▁standard": 3918, + "ENT": 3919, + "▁кон": 3920, + "fort": 3921, + "adas": 3922, + "зу": 3923, + "System": 3924, + "▁Sw": 3925, + "▁ever": 3926, + "LO": 3927, + "▁correspond": 3928, + "▁Po": 3929, + "argin": 3930, + "кт": 3931, + "ій": 3932, + "▁remain": 3933, + "cio": 3934, + "▁actual": 3935, + "сту": 3936, + "▁sind": 3937, + "▁Pe": 3938, + "▁changed": 3939, + "▁Note": 3940, + "skie": 3941, + "▁family": 3942, + "ità": 3943, + "cos": 3944, + "txt": 3945, + "ker": 3946, + "ceed": 3947, + "▁arr": 3948, + "▁cam": 3949, + "izer": 3950, + "▁Dan": 3951, + "hel": 3952, + "icult": 3953, + "HP": 3954, + "iler": 3955, + "▁Sal": 3956, + "▁connection": 3957, + "usion": 3958, + "kn": 3959, + "RI": 3960, + "▁vom": 3961, + "Listener": 3962, + "▁ö": 3963, + "▁dim": 3964, + "▁press": 3965, + "▁esc": 3966, + "▁Try": 3967, + "atalog": 3968, + "▁thanks": 3969, + "DO": 3970, + "▁written": 3971, + "dir": 3972, + "rew": 3973, + "▁fire": 3974, + "▁Nach": 3975, + "▁á": 3976, + "enc": 3977, + "▁origin": 3978, + "▁November": 3979, + "▁};": 3980, + "Count": 3981, + "▁За": 3982, + "▁graph": 3983, + "▁mis": 3984, + "▁External": 3985, + "▁▁▁▁▁▁▁▁▁": 3986, + "▁options": 3987, + "▁URL": 3988, + "▁php": 3989, + "▁integr": 3990, + "Config": 3991, + "▁Text": 3992, + "inner": 3993, + "▁crit": 3994, + ",”": 3995, + "▁tog": 3996, + "$$": 3997, + "nof": 3998, + "▁ses": 3999, + "ühr": 4000, + "▁Since": 4001, + "Des": 4002, + "ube": 4003, + "▁section": 4004, + "▁gi": 4005, + "ford": 4006, + "▁Ass": 4007, + "ainer": 4008, + "ttp": 4009, + "▁behav": 4010, + "ports": 4011, + "draw": 4012, + "This": 4013, + "ranch": 4014, + "inding": 4015, + "▁estab": 4016, + "▁obtain": 4017, + "rich": 4018, + "licit": 4019, + "ев": 4020, + "▁qual": 4021, + "▁za": 4022, + "▁har": 4023, + "▁fac": 4024, + "aar": 4025, + "jet": 4026, + "icles": 4027, + "▁Aus": 4028, + "▁hor": 4029, + "▁remov": 4030, + "▁wie": 4031, + "Client": 4032, + "▁natur": 4033, + "hip": 4034, + "Sub": 4035, + "▁random": 4036, + "DF": 4037, + "▁area": 4038, + "tag": 4039, + "Pr": 4040, + "▁Ital": 4041, + "▁roku": 4042, + "nofollow": 4043, + "*}": 4044, + "▁others": 4045, + "▁limit": 4046, + "▁sil": 4047, + "▁sav": 4048, + "▁often": 4049, + "▁render": 4050, + "DB": 4051, + "▁Mc": 4052, + "▁zijn": 4053, + "жен": 4054, + "▁tag": 4055, + "ming": 4056, + "lichen": 4057, + "pack": 4058, + "▁Ag": 4059, + "▁sense": 4060, + "pg": 4061, + "Method": 4062, + "aged": 4063, + "ág": 4064, + "ła": 4065, + "▁interest": 4066, + "▁associ": 4067, + "volution": 4068, + "▁empty": 4069, + "iche": 4070, + "▁gro": 4071, + "▁types": 4072, + "▁Sie": 4073, + "Inter": 4074, + "▁noreferrer": 4075, + "▁gives": 4076, + "hal": 4077, + "▁save": 4078, + "▁font": 4079, + "ruction": 4080, + "Script": 4081, + "▁alla": 4082, + "▁says": 4083, + "▁fu": 4084, + "ape": 4085, + "▁language": 4086, + "iger": 4087, + "▁King": 4088, + "bor": 4089, + "uv": 4090, + "▁shall": 4091, + "▁Europe": 4092, + "▁einem": 4093, + "▁water": 4094, + "▁govern": 4095, + "anz": 4096, + "ators": 4097, + "▁month": 4098, + "ye": 4099, + "▁important": 4100, + "atz": 4101, + "first": 4102, + "▁Trans": 4103, + "▁Mad": 4104, + "▁bra": 4105, + "ika": 4106, + "▁Saint": 4107, + "oria": 4108, + "kre": 4109, + "ements": 4110, + "▁Ben": 4111, + "lav": 4112, + "▁admin": 4113, + "▁Hen": 4114, + "ril": 4115, + "▁Sm": 4116, + "cat": 4117, + "▁Refer": 4118, + "▁Ш": 4119, + "▁pract": 4120, + "▁Pat": 4121, + "▁Gre": 4122, + "▁young": 4123, + "▁Inter": 4124, + "oma": 4125, + "teger": 4126, + "ibility": 4127, + "▁parameters": 4128, + "▁everything": 4129, + "dat": 4130, + "urop": 4131, + "olean": 4132, + "▁returned": 4133, + "▁Class": 4134, + "acy": 4135, + "####": 4136, + "▁př": 4137, + "▁folder": 4138, + "▁kon": 4139, + "▁guess": 4140, + "gt": 4141, + "jen": 4142, + "annel": 4143, + "icon": 4144, + "▁comb": 4145, + "rict": 4146, + "▁hij": 4147, + "▁author": 4148, + "see": 4149, + "here": 4150, + "stra": 4151, + "▁entire": 4152, + "▁directly": 4153, + "raft": 4154, + "heet": 4155, + "ester": 4156, + "▁ми": 4157, + "▁mass": 4158, + "untu": 4159, + "▁users": 4160, + "chi": 4161, + "PE": 4162, + "▁component": 4163, + "Click": 4164, + "Att": 4165, + "▁sobre": 4166, + "ands": 4167, + "▁Hol": 4168, + "▁Sant": 4169, + "ori": 4170, + "▁sua": 4171, + "std": 4172, + "entic": 4173, + "CC": 4174, + "▁filter": 4175, + "SQL": 4176, + "▁God": 4177, + "At": 4178, + "▁му": 4179, + "▁performance": 4180, + "delta": 4181, + "ande": 4182, + "amer": 4183, + "ды": 4184, + "▁cult": 4185, + "▁Nor": 4186, + "but": 4187, + "▁lik": 4188, + "********": 4189, + "ствен": 4190, + "▁comme": 4191, + "▁dr": 4192, + "imer": 4193, + "ordin": 4194, + "▁condition": 4195, + "este": 4196, + "([": 4197, + "FF": 4198, + "ться": 4199, + "imo": 4200, + "rab": 4201, + "іль": 4202, + "▁half": 4203, + "each": 4204, + "Dis": 4205, + "▁rows": 4206, + "▁hon": 4207, + "▁together": 4208, + "▁și": 4209, + "medi": 4210, + "agn": 4211, + "alled": 4212, + "▁vill": 4213, + "ING": 4214, + "idden": 4215, + "▁draw": 4216, + "yntax": 4217, + "▁attempt": 4218, + "URL": 4219, + "pose": 4220, + "▁indic": 4221, + "ника": 4222, + "▁English": 4223, + "▁déc": 4224, + "▁needs": 4225, + "▁normal": 4226, + "urt": 4227, + "▁но": 4228, + "}}\\": 4229, + "last": 4230, + "▁Fin": 4231, + "▁Febru": 4232, + "ila": 4233, + "▁country": 4234, + "▁fields": 4235, + "▁max": 4236, + "lés": 4237, + "owie": 4238, + "▁deux": 4239, + "▁built": 4240, + "▁Main": 4241, + "▁camp": 4242, + "ivo": 4243, + "iva": 4244, + "icy": 4245, + "zione": 4246, + "Node": 4247, + "▁:)": 4248, + "▁among": 4249, + "▁Ob": 4250, + "▁cases": 4251, + "haps": 4252, + "sers": 4253, + "arter": 4254, + "ści": 4255, + "▁iter": 4256, + "▁named": 4257, + "exec": 4258, + "▁season": 4259, + "tot": 4260, + "=>": 4261, + "graph": 4262, + "▁nil": 4263, + "acional": 4264, + "▁NULL": 4265, + "▁special": 4266, + "сте": 4267, + "css": 4268, + "▁\\(": 4269, + "vs": 4270, + "ael": 4271, + "▁city": 4272, + "ova": 4273, + "▁article": 4274, + "▁South": 4275, + "Action": 4276, + "ça": 4277, + "spring": 4278, + "itude": 4279, + "▁complex": 4280, + "▁что": 4281, + "build": 4282, + "gamma": 4283, + "▁Ent": 4284, + "iers": 4285, + "'.": 4286, + "car": 4287, + "apache": 4288, + "ingen": 4289, + "Input": 4290, + ": ": 4291, + "▁dynam": 4292, + "alls": 4293, + "show": 4294, + "|\\": 4295, + "▁wird": 4296, + "Bar": 4297, + "alth": 4298, + "model": 4299, + "Trans": 4300, + "Row": 4301, + "abe": 4302, + "▁lib": 4303, + "null": 4304, + "ragment": 4305, + "▁State": 4306, + "▁law": 4307, + "Frame": 4308, + "▁Lo": 4309, + "geb": 4310, + "}$.": 4311, + "▁needed": 4312, + "▁contr": 4313, + "aries": 4314, + "▁screen": 4315, + "yr": 4316, + "mm": 4317, + "▁shown": 4318, + "▁bad": 4319, + "▁cast": 4320, + "▁Test": 4321, + "▁Auf": 4322, + "▁quant": 4323, + "iga": 4324, + "▁ren": 4325, + "▁Mac": 4326, + "▁transform": 4327, + "▁difference": 4328, + "▁tit": 4329, + "TE": 4330, + "▁step": 4331, + "▁capt": 4332, + "▁collection": 4333, + "ictionary": 4334, + "▁Tom": 4335, + "rier": 4336, + "▁move": 4337, + "cope": 4338, + "ords": 4339, + "▁further": 4340, + "▁columns": 4341, + "▁Lin": 4342, + "▁fixed": 4343, + "▁children": 4344, + "MS": 4345, + "mo": 4346, + "una": 4347, + "▁individ": 4348, + "tty": 4349, + "aste": 4350, + "src": 4351, + "match": 4352, + "wi": 4353, + "▁х": 4354, + "▁ди": 4355, + "▁ord": 4356, + "iving": 4357, + "▁Bro": 4358, + "▁almost": 4359, + "▁Pres": 4360, + "reci": 4361, + "aring": 4362, + "▁///": 4363, + "ется": 4364, + "▁sig": 4365, + "light": 4366, + "▁Red": 4367, + "▁suggest": 4368, + "olf": 4369, + "▁été": 4370, + "isation": 4371, + "зна": 4372, + "New": 4373, + "стан": 4374, + "LA": 4375, + "unicip": 4376, + "▁figure": 4377, + "mt": 4378, + "iale": 4379, + "▁catch": 4380, + "default": 4381, + "▁tele": 4382, + "▁matter": 4383, + "cast": 4384, + "▁Rich": 4385, + "▁handle": 4386, + "valu": 4387, + "$-": 4388, + "об": 4389, + "▁json": 4390, + "Create": 4391, + "▁exam": 4392, + "аль": 4393, + "ют": 4394, + "ored": 4395, + "idos": 4396, + "append": 4397, + "▁Array": 4398, + "кс": 4399, + "}[": 4400, + "rive": 4401, + "▁club": 4402, + "mann": 4403, + "▁este": 4404, + "esta": 4405, + "▁Gi": 4406, + "▁Jap": 4407, + "▁Name": 4408, + "Column": 4409, + "oups": 4410, + "ismo": 4411, + "▁City": 4412, + "▁classes": 4413, + "▁infl": 4414, + "hl": 4415, + "ром": 4416, + "▁adding": 4417, + "▁fail": 4418, + "xx": 4419, + "ões": 4420, + "Sc": 4421, + "util": 4422, + "▁location": 4423, + "lege": 4424, + "ago": 4425, + "▁properties": 4426, + "abil": 4427, + "vas": 4428, + "}$,": 4429, + "itted": 4430, + "ód": 4431, + "▁Dem": 4432, + "▁asked": 4433, + "▁tab": 4434, + "Source": 4435, + "▁errors": 4436, + "ographie": 4437, + "▁жи": 4438, + "▁mal": 4439, + "stract": 4440, + "▁dro": 4441, + "rak": 4442, + "▁note": 4443, + "▁setting": 4444, + "▁fem": 4445, + "▁saw": 4446, + "iar": 4447, + "HER": 4448, + "ес": 4449, + "▁pred": 4450, + "▁Out": 4451, + "▁items": 4452, + "лан": 4453, + "▁werd": 4454, + "ersion": 4455, + "lia": 4456, + "▁sin": 4457, + "ichte": 4458, + "▁feel": 4459, + "▁пра": 4460, + "▁oder": 4461, + "UE": 4462, + "ocument": 4463, + "▁mode": 4464, + "▁Na": 4465, + "ден": 4466, + "mes": 4467, + "framework": 4468, + "▁auto": 4469, + "ным": 4470, + "uby": 4471, + "▁template": 4472, + "▁mess": 4473, + "ieder": 4474, + "▁related": 4475, + "oken": 4476, + "▁follows": 4477, + "search": 4478, + "ami": 4479, + "▁wait": 4480, + "igr": 4481, + "▁low": 4482, + "ских": 4483, + "ская": 4484, + "▁Mark": 4485, + "▁ill": 4486, + "amento": 4487, + "\\<": 4488, + "▁df": 4489, + "osition": 4490, + "▁Ви": 4491, + "isf": 4492, + "▁Deutsch": 4493, + "ahl": 4494, + "war": 4495, + "itect": 4496, + "▁sal": 4497, + "elen": 4498, + "ById": 4499, + "▁gru": 4500, + "sv": 4501, + "▁passed": 4502, + "▁añ": 4503, + "Sch": 4504, + "▁solve": 4505, + "weise": 4506, + "atos": 4507, + "▁meg": 4508, + "▁member": 4509, + "ername": 4510, + "▁connect": 4511, + "ips": 4512, + "▁round": 4513, + "▁]": 4514, + "nes": 4515, + "▁dir": 4516, + "▁London": 4517, + "dy": 4518, + "FA": 4519, + "▁received": 4520, + "reet": 4521, + "▁Log": 4522, + "▁School": 4523, + "ango": 4524, + "▁These": 4525, + "▁Mont": 4526, + "▁ener": 4527, + "lad": 4528, + "▁define": 4529, + "sign": 4530, + "▁cle": 4531, + "figure": 4532, + "▁View": 4533, + "textbf": 4534, + "$\\": 4535, + "зы": 4536, + "number": 4537, + "▁din": 4538, + "eller": 4539, + "orithm": 4540, + "false": 4541, + "fol": 4542, + "fficient": 4543, + "▁HTML": 4544, + "liche": 4545, + "▁Mo": 4546, + "▁introdu": 4547, + "exp": 4548, + "▁strong": 4549, + "▁thus": 4550, + "/)": 4551, + "▁ele": 4552, + "▁так": 4553, + "▁па": 4554, + "▁dont": 4555, + "▁cause": 4556, + "Number": 4557, + "▁images": 4558, + "▁sample": 4559, + "▁sci": 4560, + "like": 4561, + "▁Lou": 4562, + "div": 4563, + "anc": 4564, + "▁front": 4565, + "nen": 4566, + "▁missing": 4567, + "aria": 4568, + "pres": 4569, + "▁пред": 4570, + "DI": 4571, + "filter": 4572, + "▁Mit": 4573, + "UR": 4574, + "▁opp": 4575, + "▁sql": 4576, + "▁року": 4577, + "eren": 4578, + "emat": 4579, + "ís": 4580, + "▁Jean": 4581, + "éc": 4582, + "▁ci": 4583, + "enne": 4584, + "atform": 4585, + "▁taken": 4586, + "▁Of": 4587, + "▁насе": 4588, + "▁err": 4589, + "OP": 4590, + "From": 4591, + "Default": 4592, + "▁General": 4593, + "wiki": 4594, + "▁grand": 4595, + "▁einen": 4596, + "Reg": 4597, + "Handler": 4598, + "conom": 4599, + "anger": 4600, + "▁был": 4601, + "▁Los": 4602, + "▁expression": 4603, + "ша": 4604, + "yal": 4605, + "▁$('": 4606, + "▁switch": 4607, + "▁vector": 4608, + "▁Thom": 4609, + "▁virt": 4610, + "leased": 4611, + "▁cover": 4612, + "▁resp": 4613, + "ako": 4614, + "rench": 4615, + "ota": 4616, + "Cell": 4617, + "anged": 4618, + "▁+=": 4619, + "lac": 4620, + "ska": 4621, + "next": 4622, + "▁International": 4623, + "▁Wil": 4624, + "▁ont": 4625, + "ibr": 4626, + "ustr": 4627, + "▁black": 4628, + "▁selected": 4629, + "cher": 4630, + "▁liter": 4631, + "root": 4632, + "лся": 4633, + "▁Life": 4634, + "▁insert": 4635, + "▁matrix": 4636, + "ises": 4637, + ")]": 4638, + "▁pel": 4639, + "Override": 4640, + "rypt": 4641, + "▁former": 4642, + "▁Film": 4643, + "▁North": 4644, + "client": 4645, + "▁night": 4646, + "ходи": 4647, + "▁Austral": 4648, + "▁Ret": 4649, + "rho": 4650, + "▁пер": 4651, + "ipedia": 4652, + "▁express": 4653, + "▁third": 4654, + "▁major": 4655, + "▁grad": 4656, + "owe": 4657, + "▁believe": 4658, + "ournal": 4659, + "▁status": 4660, + "unc": 4661, + "▁dou": 4662, + "▁JSON": 4663, + "uis": 4664, + "▁population": 4665, + "enz": 4666, + "▁William": 4667, + "sf": 4668, + "▁Object": 4669, + "▁cin": 4670, + "▁Di": 4671, + "curity": 4672, + "▁Open": 4673, + "▁ле": 4674, + "lar": 4675, + "adding": 4676, + "▁kom": 4677, + "}(\\": 4678, + "▁kil": 4679, + "umer": 4680, + "\"/>": 4681, + "▁feature": 4682, + "▁Are": 4683, + "cks": 4684, + "▁Internet": 4685, + "▁ih": 4686, + "▁started": 4687, + "▁early": 4688, + "▁began": 4689, + "TH": 4690, + "python": 4691, + "asp": 4692, + "▁Fr": 4693, + "▁clos": 4694, + "istic": 4695, + "▁music": 4696, + "▁dig": 4697, + "▁ital": 4698, + "▁David": 4699, + "▁website": 4700, + "▁controller": 4701, + "▁Mer": 4702, + "context": 4703, + "product": 4704, + "osp": 4705, + "▁▁▁▁▁▁▁": 4706, + "▁jun": 4707, + "rown": 4708, + "▁Az": 4709, + "\":\"": 4710, + "▁aan": 4711, + "▁Date": 4712, + "mult": 4713, + "▁browser": 4714, + "ред": 4715, + "which": 4716, + "RA": 4717, + "quare": 4718, + "▁Russ": 4719, + "▁soon": 4720, + "▁Pre": 4721, + "tau": 4722, + "▁week": 4723, + "▁ба": 4724, + "▁oct": 4725, + "▁town": 4726, + "roy": 4727, + "▁els": 4728, + "blic": 4729, + "undle": 4730, + "▁Histor": 4731, + "▁foi": 4732, + "▁models": 4733, + "зо": 4734, + "onym": 4735, + "Param": 4736, + "▁Met": 4737, + "gener": 4738, + "ją": 4739, + "▁espe": 4740, + "CE": 4741, + "▁device": 4742, + "ellow": 4743, + "▁debug": 4744, + "érie": 4745, + "using": 4746, + "анг": 4747, + "▁*)": 4748, + "udi": 4749, + "▁Miss": 4750, + "ком": 4751, + "posed": 4752, + "▁zwe": 4753, + "ін": 4754, + "▁Robert": 4755, + "▁Oct": 4756, + "lop": 4757, + "jar": 4758, + "▁aver": 4759, + "▁habit": 4760, + "▁::": 4761, + "äng": 4762, + "Start": 4763, + "▁pow": 4764, + "▁src": 4765, + "▁pattern": 4766, + "▁Э": 4767, + "▁bi": 4768, + "otes": 4769, + "▁__": 4770, + "▁sens": 4771, + "▁avoid": 4772, + "example": 4773, + "utt": 4774, + "Label": 4775, + "tex": 4776, + "boot": 4777, + "esto": 4778, + "▁March": 4779, + "▁easy": 4780, + "icture": 4781, + "Group": 4782, + "▁father": 4783, + "▁updated": 4784, + "▁Vo": 4785, + "▁III": 4786, + "omega": 4787, + "▁alle": 4788, + "Rec": 4789, + "yg": 4790, + "зе": 4791, + "▁Dim": 4792, + "nect": 4793, + "▁Tor": 4794, + "▁deutsch": 4795, + "▁white": 4796, + "▁national": 4797, + "ppe": 4798, + "▁air": 4799, + "▁password": 4800, + "det": 4801, + "▁big": 4802, + "▁Use": 4803, + "call": 4804, + "▁extra": 4805, + "We": 4806, + "ania": 4807, + "▁hold": 4808, + "Control": 4809, + "▁CO": 4810, + "▁мі": 4811, + "iti": 4812, + "▁Ke": 4813, + "enu": 4814, + "▁Park": 4815, + "том": 4816, + "▁auth": 4817, + "▁center": 4818, + "Ph": 4819, + "тов": 4820, + "iding": 4821, + "▁across": 4822, + "▁song": 4823, + "▁phys": 4824, + "▁numer": 4825, + "ща": 4826, + "▁Alex": 4827, + "▁problems": 4828, + "▁Error": 4829, + "format": 4830, + "▁Acc": 4831, + "▁six": 4832, + "▁db": 4833, + "▁Cast": 4834, + "oms": 4835, + "project": 4836, + "▁vert": 4837, + "cret": 4838, + "▁header": 4839, + "▁stream": 4840, + "ids": 4841, + "▁tor": 4842, + "▁sept": 4843, + "▁estim": 4844, + "▁decl": 4845, + "▁gave": 4846, + "▁player": 4847, + "ysis": 4848, + "▁дру": 4849, + "amm": 4850, + "що": 4851, + "▁(\"": 4852, + "▁ax": 4853, + "Property": 4854, + "usr": 4855, + "▁someone": 4856, + "▁impro": 4857, + "aden": 4858, + "rote": 4859, + "▁Ми": 4860, + "ih": 4861, + "++)": 4862, + "▁video": 4863, + "▁exists": 4864, + "кла": 4865, + "▁complete": 4866, + "▁session": 4867, + "▁constant": 4868, + "icos": 4869, + "▁pack": 4870, + "rome": 4871, + "egr": 4872, + "Application": 4873, + "▁yes": 4874, + "▁elle": 4875, + "▁email": 4876, + "orf": 4877, + "case": 4878, + "▁pointer": 4879, + "▁regard": 4880, + "sen": 4881, + "status": 4882, + "▁mes": 4883, + "▁delle": 4884, + "ington": 4885, + "▁Bas": 4886, + ")^": 4887, + "develop": 4888, + "▁force": 4889, + "▁characters": 4890, + "▁cross": 4891, + "▁death": 4892, + "▁takes": 4893, + "éri": 4894, + "igne": 4895, + "чен": 4896, + "UP": 4897, + ".:": 4898, + "Thread": 4899, + "ju": 4900, + "iny": 4901, + "▁details": 4902, + "▁xml": 4903, + "tait": 4904, + "output": 4905, + "message": 4906, + "''": 4907, + "▁British": 4908, + "ville": 4909, + "▁Div": 4910, + "▁User": 4911, + "cm": 4912, + "чно": 4913, + "column": 4914, + "eqref": 4915, + "ór": 4916, + "onom": 4917, + "▁Post": 4918, + "ellen": 4919, + "Ab": 4920, + "ulté": 4921, + "▁perfect": 4922, + "(){": 4923, + "vision": 4924, + "active": 4925, + "lier": 4926, + "rij": 4927, + "sd": 4928, + "▁kö": 4929, + "▁nie": 4930, + "▁relig": 4931, + "▁ot": 4932, + "▁machine": 4933, + "▁held": 4934, + ")$.": 4935, + "========": 4936, + "cker": 4937, + "вы": 4938, + "born": 4939, + "▁past": 4940, + "рия": 4941, + "▁Dr": 4942, + "▁regular": 4943, + "▁provided": 4944, + "TER": 4945, + "▁univers": 4946, + "▁gets": 4947, + "▁nu": 4948, + "▁/*": 4949, + "ober": 4950, + "fin": 4951, + "▁nella": 4952, + "▁become": 4953, + "▁``": 4954, + "▁history": 4955, + "▁Sol": 4956, + "▁Rad": 4957, + "▁terms": 4958, + "▁events": 4959, + "lymp": 4960, + ")))": 4961, + "рова": 4962, + "▁absol": 4963, + "▁soft": 4964, + "links": 4965, + "▁hope": 4966, + "▁subject": 4967, + "\"),": 4968, + "▁creating": 4969, + "▁}\r": 4970, + "▁Sk": 4971, + "▁flow": 4972, + "▁Ра": 4973, + "▁assert": 4974, + "zet": 4975, + "▁Frank": 4976, + "sa": 4977, + "▁distribution": 4978, + "cu": 4979, + "band": 4980, + "izz": 4981, + "▁job": 4982, + "iner": 4983, + "struct": 4984, + "ák": 4985, + "TO": 4986, + "auf": 4987, + "▁extends": 4988, + "▁Gra": 4989, + "display": 4990, + "▁signific": 4991, + "oney": 4992, + "source": 4993, + "microsoft": 4994, + "inder": 4995, + "▁quick": 4996, + "▁wonder": 4997, + "Instance": 4998, + "elles": 4999, + "ème": 5000, + "▁company": 5001, + "uß": 5002, + ".}": 5003, + "▁separate": 5004, + "UM": 5005, + "HERE": 5006, + "▁writing": 5007, + "itution": 5008, + "▁Gesch": 5009, + "мя": 5010, + "▁James": 5011, + "▁DE": 5012, + "▁Spe": 5013, + "process": 5014, + "Str": 5015, + "▁sym": 5016, + "▁ao": 5017, + "▁wy": 5018, + "▁anyone": 5019, + "▁Up": 5020, + "useum": 5021, + "aron": 5022, + "▁definition": 5023, + "▁`$": 5024, + "▁fav": 5025, + "ributes": 5026, + "▁Ré": 5027, + "ografia": 5028, + "element": 5029, + "cap": 5030, + "pat": 5031, + "▁Bra": 5032, + ")(": 5033, + "▁according": 5034, + "ге": 5035, + "▁pie": 5036, + "eli": 5037, + "}\"": 5038, + "▁activ": 5039, + "▁stop": 5040, + "patch": 5041, + "ті": 5042, + "▁Jose": 5043, + "End": 5044, + "▁prze": 5045, + "▁age": 5046, + "itory": 5047, + "▁PHP": 5048, + "agement": 5049, + "▁`.": 5050, + "▁pretty": 5051, + "▁recomm": 5052, + "▁sud": 5053, + "▁requ": 5054, + "▁обла": 5055, + "atives": 5056, + "▁High": 5057, + "áz": 5058, + "oul": 5059, + "rest": 5060, + "▁Ter": 5061, + "under": 5062, + "thern": 5063, + "center": 5064, + "▁ur": 5065, + "lat": 5066, + "▁interface": 5067, + "▁ин": 5068, + "▁whose": 5069, + "icas": 5070, + "amen": 5071, + "Filter": 5072, + "▁station": 5073, + "Page": 5074, + "▁arm": 5075, + "▁eyes": 5076, + "▁рай": 5077, + "▁seu": 5078, + "oli": 5079, + "win": 5080, + "lik": 5081, + "gex": 5082, + "chan": 5083, + "idence": 5084, + "args": 5085, + "aking": 5086, + "▁Google": 5087, + "▁Stud": 5088, + "▁ho": 5089, + "торы": 5090, + "Su": 5091, + "▁automat": 5092, + "ême": 5093, + "▁cy": 5094, + "lor": 5095, + "▁stack": 5096, + "▁SELECT": 5097, + "AF": 5098, + "▁>>": 5099, + "▁compet": 5100, + "▁pair": 5101, + "▁inglés": 5102, + "Response": 5103, + "▁Fig": 5104, + "grad": 5105, + "▁documentation": 5106, + "▁cant": 5107, + "▁appreci": 5108, + "ån": 5109, + "▁learn": 5110, + "▁indep": 5111, + "▁pal": 5112, + "package": 5113, + "ares": 5114, + "▁Berlin": 5115, + "бли": 5116, + "reich": 5117, + "ён": 5118, + "▁satisf": 5119, + "▁region": 5120, + "▁friend": 5121, + "▁George": 5122, + "▁Во": 5123, + "▁\"\"": 5124, + "▁desde": 5125, + "Factory": 5126, + "▁County": 5127, + "ouv": 5128, + "▁‘": 5129, + "▁installed": 5130, + "▁wanted": 5131, + "▁Python": 5132, + "▁interpre": 5133, + "▁included": 5134, + "▁((": 5135, + "▁altern": 5136, + "isto": 5137, + "gn": 5138, + "▁border": 5139, + "pdf": 5140, + "▁dup": 5141, + "▁download": 5142, + "just": 5143, + "▁members": 5144, + "child": 5145, + "▁pay": 5146, + "▁cer": 5147, + "▁looked": 5148, + "▁correctly": 5149, + "auth": 5150, + "▁стан": 5151, + "▁esp": 5152, + "▁desc": 5153, + "eben": 5154, + "▁questions": 5155, + "mal": 5156, + "▁abgerufen": 5157, + "▁Band": 5158, + "▁[]": 5159, + "Base": 5160, + "▁ris": 5161, + "▁fort": 5162, + "▁Id": 5163, + "▁various": 5164, + "▁League": 5165, + "▁Hand": 5166, + "▁Type": 5167, + "irl": 5168, + "▁Fe": 5169, + "ién": 5170, + "itter": 5171, + "▁fast": 5172, + "sta": 5173, + "▁except": 5174, + "icz": 5175, + "▁French": 5176, + "▁environment": 5177, + "▁conse": 5178, + "ур": 5179, + "ого": 5180, + "▁necessary": 5181, + "target": 5182, + "▁reading": 5183, + "home": 5184, + "zeich": 5185, + "▁equal": 5186, + "▁più": 5187, + "▁prem": 5188, + "▁difficult": 5189, + "▁unit": 5190, + "▁replace": 5191, + "▁heart": 5192, + "▁talk": 5193, + "AM": 5194, + "▁RE": 5195, + "▁Person": 5196, + "endency": 5197, + "▁imm": 5198, + "▁human": 5199, + "dn": 5200, + "▁Kir": 5201, + "▁Aut": 5202, + "known": 5203, + "▁frequ": 5204, + "system": 5205, + "лав": 5206, + "▁Sz": 5207, + "▁Gal": 5208, + "ное": 5209, + "selves": 5210, + "rightarrow": 5211, + "▁Са": 5212, + "=\"@": 5213, + "▁building": 5214, + "import": 5215, + "▁fam": 5216, + "▁delete": 5217, + "aire": 5218, + "mary": 5219, + "▁fund": 5220, + "▁particip": 5221, + "▁syn": 5222, + "sin": 5223, + "▁lower": 5224, + "▁zero": 5225, + "▁sec": 5226, + "▁fra": 5227, + "Point": 5228, + "▁failed": 5229, + "iento": 5230, + "cup": 5231, + "▁slow": 5232, + "▁nation": 5233, + "ähr": 5234, + "▁info": 5235, + "▁Public": 5236, + "▁decla": 5237, + "▁Та": 5238, + "▁sold": 5239, + "▁Rem": 5240, + "▁Phil": 5241, + "стра": 5242, + "▁mehr": 5243, + "▁Work": 5244, + "▁Nord": 5245, + "▁fait": 5246, + "▁gew": 5247, + "println": 5248, + "obile": 5249, + "▁Kon": 5250, + "▁assume": 5251, + "lands": 5252, + "▁amount": 5253, + "▁Press": 5254, + "ých": 5255, + "▁maxim": 5256, + "▁Champion": 5257, + "library": 5258, + "añ": 5259, + "▁Wal": 5260, + "Comm": 5261, + "]]": 5262, + "▁zw": 5263, + "▁social": 5264, + "LI": 5265, + "▁Unter": 5266, + "vor": 5267, + "Delta": 5268, + "email": 5269, + "raint": 5270, + "oni": 5271, + "▁alt": 5272, + "▁né": 5273, + "ция": 5274, + "ography": 5275, + "▁mentioned": 5276, + "▁<=": 5277, + "▁cette": 5278, + "▁currently": 5279, + "vare": 5280, + "izing": 5281, + "▁Def": 5282, + "icol": 5283, + "ünd": 5284, + "▁configuration": 5285, + "estig": 5286, + "III": 5287, + "lam": 5288, + "ière": 5289, + "▁Ear": 5290, + "▁tu": 5291, + "Ent": 5292, + "▁Using": 5293, + "▁ком": 5294, + "cie": 5295, + "▁proof": 5296, + "▁invol": 5297, + "▁History": 5298, + "><": 5299, + "▁AND": 5300, + "avy": 5301, + "▁relations": 5302, + "${": 5303, + "▁comes": 5304, + "▁direction": 5305, + "▁June": 5306, + "▁Way": 5307, + "Component": 5308, + "ech": 5309, + "▁Peter": 5310, + "sg": 5311, + "▁stra": 5312, + "uct": 5313, + "▁implementation": 5314, + "attle": 5315, + "▁cz": 5316, + "plot": 5317, + "▁played": 5318, + "\">(": 5961, + "▁ground": 5962, + "unn": 5963, + "rod": 5964, + "spe": 5965, + "ursor": 5966, + "▁leave": 5967, + "erk": 5968, + "▁tal": 5969, + "▁bottom": 5970, + "IO": 5971, + "▁popular": 5972, + "igo": 5973, + "▁Time": 5974, + "values": 5975, + "▁Loc": 5976, + "▁Club": 5977, + "▁anche": 5978, + "iał": 5979, + "ії": 5980, + "Omega": 5981, + "▁located": 5982, + "Url": 5983, + "▁Esp": 5984, + "лы": 5985, + "ць": 5986, + "ulate": 5987, + "▁join": 5988, + "aves": 5989, + "vet": 5990, + "lio": 5991, + "remove": 5992, + "▁token": 5993, + "▁optim": 5994, + "▁claim": 5995, + "ological": 5996, + "▁css": 5997, + "▁although": 5998, + "▁priv": 5999, + "▁Ba": 6000, + "ül": 6001, + "entication": 6002, + "▁ven": 6003, + "Server": 6004, + "▁Cong": 6005, + "NET": 6006, + "CON": 6007, + "dt": 6008, + "perties": 6009, + "▁epis": 6010, + "wikipedia": 6011, + "▁engine": 6012, + "▁fer": 6013, + "getElement": 6014, + "▁Cla": 6015, + "ří": 6016, + "▁rom": 6017, + "varepsilon": 6018, + "▁prime": 6019, + "istry": 6020, + "pected": 6021, + "orage": 6022, + "▁touch": 6023, + "▁['": 6024, + "▁dan": 6025, + "Em": 6026, + "aciones": 6027, + "Can": 6028, + "▁whom": 6029, + "▁behavior": 6030, + "▁strings": 6031, + "▁Europ": 6032, + "▁Rom": 6033, + "circ": 6034, + "▁pun": 6035, + "▁register": 6036, + "buntu": 6037, + "rain": 6038, + "Ob": 6039, + "TA": 6040, + "▁sometimes": 6041, + "▁ment": 6042, + "▁integer": 6043, + "▁Jac": 6044, + "legate": 6045, + "othing": 6046, + "▁sound": 6047, + "laces": 6048, + "▁Ба": 6049, + "rb": 6050, + "di": 6051, + "ления": 6052, + "▁themselves": 6053, + "▁Black": 6054, + "▁settings": 6055, + "▁norm": 6056, + "▁runs": 6057, + "▁NOT": 6058, + "KE": 6059, + "▁perhaps": 6060, + "▁Я": 6061, + "▁mol": 6062, + "▁ans": 6063, + "atre": 6064, + "▁Dies": 6065, + "Token": 6066, + "anie": 6067, + "▁allowed": 6068, + "Range": 6069, + "▁Gro": 6070, + "via": 6071, + "utorial": 6072, + "ensor": 6073, + "estival": 6074, + ");\r": 6075, + "краї": 6076, + "▁turned": 6077, + "scope": 6078, + "▁bien": 6079, + "=$": 6080, + "▁extension": 6081, + "atore": 6082, + "▁Ро": 6083, + "▁specify": 6084, + "edu": 6085, + "Datos": 6086, + "▁stored": 6087, + "▁parse": 6088, + "▁answers": 6089, + "ills": 6090, + "▁heard": 6091, + "lu": 6092, + "▁THE": 6093, + "▁gén": 6094, + "▁ful": 6095, + "ez": 6096, + "▁Prem": 6097, + "then": 6098, + "dp": 6099, + "ського": 6100, + "▁Si": 6101, + "ço": 6102, + "Edit": 6103, + "ків": 6104, + "▁Ли": 6105, + "▁Sing": 6106, + "▁categ": 6107, + "Equ": 6108, + "▁guer": 6109, + "Width": 6110, + "▁Christian": 6111, + "stat": 6112, + "Write": 6113, + "▁woman": 6114, + "wood": 6115, + "Vis": 6116, + "раз": 6117, + "▁$$\\": 6118, + "oder": 6119, + "▁bool": 6120, + "▁international": 6121, + "ность": 6122, + "▁Richard": 6123, + "▁addition": 6124, + "▁Music": 6125, + "▁aber": 6126, + "tó": 6127, + "▁hier": 6128, + "ugh": 6129, + "▁pob": 6130, + "▁tables": 6131, + "Do": 6132, + "▁higher": 6133, + "psi": 6134, + "rá": 6135, + "▁active": 6136, + "▁Table": 6137, + "ње": 6138, + "▁description": 6139, + "▁seemed": 6140, + "íst": 6141, + "▁myself": 6142, + "▁menu": 6143, + "del": 6144, + "▁ž": 6145, + "ele": 6146, + "Aut": 6147, + "▁гру": 6148, + "mut": 6149, + "oon": 6150, + "asc": 6151, + "bug": 6152, + "▁moved": 6153, + "CL": 6154, + "▁datas": 6155, + "SO": 6156, + "оло": 6157, + "▁Georg": 6158, + "▁reach": 6159, + ":\"": 6160, + "▁evalu": 6161, + "▁Hel": 6162, + "▁River": 6163, + "▁Ар": 6164, + "////": 6165, + "▁sets": 6166, + "▁Olymp": 6167, + "Adapter": 6168, + ".'": 6169, + "overn": 6170, + "▁Lord": 6171, + "!--": 6172, + "jpg": 6173, + "imento": 6174, + "▁Prof": 6175, + "▁achieve": 6176, + "}:": 6177, + "▁incor": 6178, + "▁onder": 6179, + "engl": 6180, + "ABLE": 6181, + "▁Mary": 6182, + "▁waren": 6183, + "lage": 6184, + "Dec": 6185, + "англ": 6186, + "encias": 6187, + "лей": 6188, + "▁Machine": 6189, + "▁Ан": 6190, + "uda": 6191, + "▁ś": 6192, + "▁XX": 6193, + "only": 6194, + "ление": 6195, + "▁también": 6196, + "nej": 6197, + "▁relative": 6198, + "▁hours": 6199, + "▁indeed": 6200, + "undo": 6201, + "ingu": 6202, + "area": 6203, + "▁Create": 6204, + "beit": 6205, + "▁removed": 6206, + "master": 6207, + "haus": 6208, + "▁Bern": 6209, + "▁speed": 6210, + "▁Bay": 6211, + "▁Att": 6212, + "▁None": 6213, + "application": 6214, + "üd": 6215, + "▁fit": 6216, + "▁Maria": 6217, + "▁nord": 6218, + "▁split": 6219, + "▁stru": 6220, + "▁official": 6221, + "▁execute": 6222, + "ouve": 6223, + "{{": 6224, + "▁Ap": 6225, + "▁ку": 6226, + "IL": 6227, + "▁^": 6228, + "dim": 6229, + "▁setup": 6230, + "ск": 6231, + "▁share": 6232, + "▁minutes": 6233, + "gle": 6234, + "oco": 6235, + "stell": 6236, + "▁Coun": 6237, + "▁temper": 6238, + "keit": 6239, + "ський": 6240, + "ao": 6241, + "▁Long": 6242, + "(&": 6243, + "кан": 6244, + "▁dens": 6245, + "But": 6246, + "XX": 6247, + "DATE": 6248, + "gan": 6249, + ".).": 6250, + "▁entry": 6251, + "install": 6252, + "▁зна": 6253, + "▁Som": 6254, + "Command": 6255, + "ßen": 6256, + "▁starting": 6257, + "▁sto": 6258, + "IG": 6259, + "▁minim": 6260, + "▁explicit": 6261, + "▁bytes": 6262, + "▁party": 6263, + "tober": 6264, + "▁Grand": 6265, + "▁Vor": 6266, + "▁leur": 6267, + "Document": 6268, + "erc": 6269, + "ensive": 6270, + "CP": 6271, + "env": 6272, + "▁arguments": 6273, + "▁Gran": 6274, + "arily": 6275, + "▁lin": 6276, + "tn": 6277, + "(-": 6278, + "geq": 6279, + "▁Famil": 6280, + "▁Бо": 6281, + "▁tour": 6282, + "▁nav": 6283, + "▁properly": 6284, + "▁Mrs": 6285, + "▁Mel": 6286, + "▁scale": 6287, + "astic": 6288, + "ds": 6289, + "▁Sir": 6290, + "▁Church": 6291, + "}^{\\": 6292, + "you": 6293, + "/.": 6294, + "So": 6295, + "▁brought": 6296, + "▁role": 6297, + "▁Sur": 6298, + "▁fond": 6299, + "▁ges": 6300, + "że": 6301, + "eten": 6302, + "▁était": 6303, + "SER": 6304, + "▁которы": 6305, + "▁equation": 6306, + "aspx": 6307, + "▁Afr": 6308, + "▁dit": 6309, + "empty": 6310, + "alement": 6311, + "wrap": 6312, + "▁Bet": 6313, + "▁collect": 6314, + "▁git": 6315, + "▁vie": 6316, + "▁..": 6317, + "рой": 6318, + "▁": 6580, + "▁Ва": 6581, + "nost": 6582, + "▁nem": 6583, + "▁pen": 6584, + "Open": 6585, + "▁church": 6586, + "кон": 6587, + "▁average": 6588, + "▁comments": 6589, + "▁corresponding": 6590, + "levant": 6591, + "▁bed": 6592, + "▁meaning": 6593, + "Version": 6594, + "Link": 6595, + "bel": 6596, + "▁extract": 6597, + "ść": 6598, + "▁IV": 6599, + "▁Ir": 6600, + "▁computer": 6601, + "▁affect": 6602, + "▁Ста": 6603, + "AX": 6604, + "sort": 6605, + "▁species": 6606, + "▁Oper": 6607, + "▁hash": 6608, + "ches": 6609, + "▁Einzeln": 6610, + "▁keys": 6611, + "▁marzo": 6612, + "▁interpret": 6613, + "hood": 6614, + "▁coordin": 6615, + "ös": 6616, + "rage": 6617, + "etz": 6618, + "iza": 6619, + "дер": 6620, + "üt": 6621, + "^*": 6622, + "▁modify": 6623, + "▁termin": 6624, + "▁cred": 6625, + "zon": 6626, + "ную": 6627, + "▁mie": 6628, + "▁''": 6629, + "▁Mos": 6630, + "▁connected": 6631, + "NO": 6632, + "▁compile": 6633, + "▁\"\\": 6634, + "▁cat": 6635, + "fiddle": 6636, + "uta": 6637, + "Access": 6638, + "▁Sto": 6639, + "▁Bur": 6640, + "▁north": 6641, + "Gamma": 6642, + "▁alloc": 6643, + "Init": 6644, + "▁Link": 6645, + "ialize": 6646, + "Impl": 6647, + "oupe": 6648, + "ropri": 6649, + "▁Gold": 6650, + "▁solo": 6651, + "▁Dist": 6652, + ",-": 6653, + "nav": 6654, + "▁alert": 6655, + "esis": 6656, + "▁Os": 6657, + "///": 6658, + "▁feb": 6659, + "▁-->": 6660, + "foot": 6661, + "▁Fried": 6662, + "▁Einzelnach": 6663, + "▁rev": 6664, + "zeit": 6665, + "▁Stat": 6666, + "▁Seg": 6667, + "▁blo": 6668, + "wick": 6669, + "EL": 6670, + "caption": 6671, + "header": 6672, + "▁president": 6673, + "▁multip": 6674, + "▁Einzelnachweise": 6675, + "▁seine": 6676, + "?”": 6677, + "Function": 6678, + "▁Stand": 6679, + "▁Function": 6680, + "▁?>": 6681, + "▁Bill": 6682, + "▁spect": 6683, + "▁redirect": 6684, + "rupt": 6685, + "▁walk": 6686, + "вши": 6687, + "springframework": 6688, + "place": 6689, + "ého": 6690, + "Entity": 6691, + "▁Service": 6692, + "inte": 6693, + "▁training": 6694, + "▁(`": 6695, + "фор": 6696, + "▁кра": 6697, + "aur": 6698, + "▁fetch": 6699, + "▁†": 6700, + "▁même": 6701, + "▁('": 6702, + "atively": 6703, + "▁execut": 6704, + "äch": 6705, + "▁Catalogue": 6706, + "based": 6707, + "Attribute": 6708, + "▁spring": 6709, + "phone": 6710, + "тра": 6711, + "▁пи": 6712, + "тера": 6713, + "▁`\\": 6714, + "▁Od": 6715, + "One": 6716, + "send": 6717, + "bon": 6718, + "▁°": 6719, + "MO": 6720, + "▁asking": 6721, + "▁où": 6722, + "▁ingår": 6723, + "▁testing": 6724, + "▁фа": 6725, + "▁Book": 6726, + "imm": 6727, + "▁progress": 6728, + "bro": 6729, + "First": 6730, + "▁phot": 6731, + "▁ON": 6732, + "Template": 6733, + "developer": 6734, + "annot": 6735, + "▁>=": 6736, + "mission": 6737, + "▁któ": 6738, + "pc": 6739, + "bach": 6740, + "zent": 6741, + "ued": 6742, + "▁ones": 6743, + "ји": 6744, + "▁rout": 6745, + "▁Ки": 6746, + "Post": 6747, + "ції": 6748, + "▁Vir": 6749, + "nek": 6750, + "aging": 6751, + "▁ок": 6752, + "izont": 6753, + "▁agosto": 6754, + "▁choose": 6755, + "▁\r": 6756, + "▁systems": 6757, + "loss": 6758, + "iente": 6759, + "▁Cre": 6760, + "▁contra": 6761, + "ums": 6762, + "▁beginning": 6763, + "emy": 6764, + "istics": 6765, + "▁served": 6766, + "Down": 6767, + "options": 6768, + "▁Govern": 6769, + "▁BY": 6770, + "▁jest": 6771, + "té": 6772, + "▁continue": 6773, + "pers": 6774, + "▁easier": 6775, + "▁cos": 6776, + "esso": 6777, + ">>": 6778, + "Net": 6779, + "▁Bor": 6780, + "▁Cr": 6781, + "▁transfer": 6782, + "▁CSS": 6783, + "▁finns": 6784, + "▁хо": 6785, + "username": 6786, + "▁constru": 6787, + "▁pain": 6788, + "▁Tem": 6789, + "▁specified": 6790, + "▁brit": 6791, + "ские": 6792, + "irk": 6793, + "rapper": 6794, + "▁counter": 6795, + "▁[\"": 6796, + "oded": 6797, + "дан": 6798, + "property": 6799, + "hard": 6800, + "istrict": 6801, + ")/": 6802, + "▁Pour": 6803, + "▁Where": 6804, + "▁===": 6805, + "▁sowie": 6806, + "▁Про": 6807, + "▁dess": 6808, + "▁tras": 6809, + "▁уча": 6810, + "▁Over": 6811, + "note": 6812, + "▁America": 6813, + "cp": 6814, + "▁grande": 6815, + "Me": 6816, + ")-": 6817, + "Mode": 6818, + "▁passing": 6819, + "▁giving": 6820, + "Cl": 6821, + "}/": 6822, + "Menu": 6823, + "!!": 6824, + "angular": 6825, + "▁launch": 6826, + "varphi": 6827, + "▁Johann": 6828, + "▁foreach": 6829, + "ró": 6830, + "sequ": 6831, + "ifi": 6832, + "Am": 6833, + "arp": 6834, + "▁buffer": 6835, + "▁ni": 6836, + "▁mix": 6837, + "▁Museum": 6838, + "▁meant": 6839, + "asi": 6840, + "▁kan": 6841, + "прав": 6842, + "Comp": 6843, + "istoire": 6844, + "iful": 6845, + "jer": 6846, + "issions": 6847, + "Resource": 6848, + "▁воз": 6849, + "▁ST": 6850, + "▁solutions": 6851, + "▁belong": 6852, + "▁Associ": 6853, + "cf": 6854, + "▁Mär": 6855, + "▁grid": 6856, + "Mult": 6857, + "▁requires": 6858, + "kk": 6859, + "▁teach": 6860, + "emeinde": 6861, + "▁square": 6862, + "▁коман": 6863, + "▁Event": 6864, + "▁rules": 6865, + "▁bur": 6866, + "▁eing": 6867, + "▁Mai": 6868, + "▁nam": 6869, + "▁slä": 6870, + "hör": 6871, + "▁tip": 6872, + "▁Literatur": 6873, + "▁scope": 6874, + "overline": 6875, + "▁exit": 6876, + ")?": 6877, + "bet": 6878, + "▁vict": 6879, + "Off": 6880, + "▁approxim": 6881, + "▁Geb": 6882, + "ktop": 6883, + "heit": 6884, + "▁Ю": 6885, + "template": 6886, + "рон": 6887, + "▁uno": 6888, + "Serv": 6889, + "▁framework": 6890, + "operator": 6891, + "▁generally": 6892, + "▁hundred": 6893, + "▁divers": 6894, + "ovi": 6895, + "▁rés": 6896, + "abs": 6897, + "▁gal": 6898, + "çais": 6899, + "▁feet": 6900, + "▁virtual": 6901, + "czy": 6902, + "ску": 6903, + "./": 6904, + "hu": 6905, + "ancy": 6906, + "▁recommend": 6907, + "▁під": 6908, + "▁money": 6909, + "▁versions": 6910, + "▁helps": 6911, + "▁Hor": 6912, + "Items": 6913, + "look": 6914, + "connect": 6915, + "anges": 6916, + "ViewController": 6917, + "elijk": 6918, + "▁occup": 6919, + "▁editor": 6920, + "auto": 6921, + "ög": 6922, + "▁seconds": 6923, + "▁obvious": 6924, + "vm": 6925, + "akes": 6926, + "▁gegen": 6927, + "▁til": 6928, + "jection": 6929, + "лення": 6930, + "▁operations": 6931, + "▁East": 6932, + "ogy": 6933, + "▁Polit": 6934, + "uten": 6935, + "▁Joseph": 6936, + "\"`": 6937, + "▁Company": 6938, + "▁callback": 6939, + "▁sen": 6940, + "cción": 6941, + "▁associated": 6942, + "▁containing": 6943, + "▁practice": 6944, + "elijke": 6945, + "oke": 6946, + "éra": 6947, + "uns": 6948, + "anta": 6949, + "vey": 6950, + "zu": 6951, + "▁Bes": 6952, + "▁Flor": 6953, + "mem": 6954, + "ycz": 6955, + "▁architect": 6956, + "▁anni": 6957, + "▁contact": 6958, + "YPE": 6959, + "▁Cas": 6960, + "▁полу": 6961, + "ovo": 6962, + "▁bring": 6963, + "▁concept": 6964, + "▁js": 6965, + "▁Referencias": 6966, + "emble": 6967, + "▁н": 6968, + "▁supported": 6969, + "Big": 6970, + "▁Hans": 6971, + "erv": 6972, + "▁Maj": 6973, + "▁arriv": 6974, + "▁Have": 6975, + "▁probability": 6976, + "▁Pop": 6977, + "▁Pass": 6978, + "token": 6979, + "Provider": 6980, + "▁Ra": 6981, + "Reader": 6982, + "ooth": 6983, + "lap": 6984, + "▁assist": 6985, + "adow": 6986, + "▁tests": 6987, + "сси": 6988, + "▁king": 6989, + "langle": 6990, + "▁Sum": 6991, + "OIN": 6992, + "▁security": 6993, + "nis": 6994, + "../": 6995, + "▁basic": 6996, + "unity": 6997, + "`:": 6998, + "▁кото": 6999, + "kow": 7000, + "▁Bibliothèque": 7001, + "asion": 7002, + "alo": 7003, + "ifest": 7004, + "▁novembre": 7005, + "▁peu": 7006, + "▁Ж": 7007, + "enschaft": 7008, + "clus": 7009, + "ју": 7010, + "Height": 7011, + "ún": 7012, + "▁tur": 7013, + "▁ideas": 7014, + "▁ces": 7015, + "frak": 7016, + "▁premier": 7017, + "itation": 7018, + "▁sé": 7019, + "HTML": 7020, + "▁Royal": 7021, + "ської": 7022, + "▁byte": 7023, + "PS": 7024, + "▁segu": 7025, + "inen": 7026, + "▁Great": 7027, + "▁Ку": 7028, + "▁external": 7029, + "Title": 7030, + "Top": 7031, + "Process": 7032, + "ität": 7033, + "▁`/": 7034, + "▁secret": 7035, + "pository": 7036, + "▁potential": 7037, + "▁Bud": 7038, + "names": 7039, + "asons": 7040, + "stackexchange": 7041, + "background": 7042, + "пер": 7043, + "сов": 7044, + "after": 7045, + "▁pero": 7046, + "▁software": 7047, + "▁sed": 7048, + "▁arrays": 7049, + "tmp": 7050, + "▁asp": 7051, + "scale": 7052, + "▁Lat": 7053, + "anal": 7054, + "▁gem": 7055, + "PU": 7056, + "▁Altri": 7057, + "That": 7058, + "▁Ни": 7059, + "ifact": 7060, + "Address": 7061, + "▁south": 7062, + "▁formula": 7063, + "▁Colleg": 7064, + "▁ін": 7065, + "ktion": 7066, + "▁sac": 7067, + "SH": 7068, + "ajo": 7069, + "etc": 7070, + "vc": 7071, + "`](": 7072, + "▁Dur": 7073, + "▁Ме": 7074, + "▁Smith": 7075, + "items": 7076, + "CK": 7077, + "elo": 7078, + "▁plugin": 7079, + "▁serie": 7080, + "ienne": 7081, + "▁или": 7082, + "Mar": 7083, + "▁Image": 7084, + "got": 7085, + "andas": 7086, + "▁matches": 7087, + "▁worth": 7088, + "▁Deb": 7089, + "▁cache": 7090, + "▁felt": 7091, + "ersch": 7092, + "izes": 7093, + "Oper": 7094, + "▁Jahre": 7095, + "▁commune": 7096, + "thread": 7097, + "▁ny": 7098, + "dec": 7099, + "ouw": 7100, + "▁surface": 7101, + "▁Por": 7102, + "▁Street": 7103, + "при": 7104, + "▁candid": 7105, + "▁Return": 7106, + "▁Kom": 7107, + "gru": 7108, + "▁ти": 7109, + "[\\": 7110, + "▁depends": 7111, + "▁influ": 7112, + "▁towards": 7113, + "ained": 7114, + "▁rank": 7115, + "▁Januar": 7116, + "▁components": 7117, + "gest": 7118, + "getElementById": 7119, + "▁checked": 7120, + "airs": 7121, + "join": 7122, + "▁dead": 7123, + "▁hit": 7124, + "ény": 7125, + "▁equivalent": 7126, + "▁Пре": 7127, + "▁appropri": 7128, + "Pass": 7129, + "▁primer": 7130, + "englisch": 7131, + "▁appar": 7132, + "▁During": 7133, + "▁knowledge": 7134, + "▁trigger": 7135, + "▁core": 7136, + "▁Ol": 7137, + "▁Produ": 7138, + "▁Fern": 7139, + "▁нача": 7140, + "Te": 7141, + "▁Mot": 7142, + "erve": 7143, + "тво": 7144, + "▁mid": 7145, + "▁finally": 7146, + "aires": 7147, + "▁especially": 7148, + "▁tut": 7149, + "▁receive": 7150, + "adre": 7151, + "▁neigh": 7152, + "ktet": 7153, + "ilde": 7154, + "▁radio": 7155, + "▁driver": 7156, + "лись": 7157, + "endencies": 7158, + "▁IE": 7159, + "▁saved": 7160, + "ffect": 7161, + "▁Wayback": 7162, + "iat": 7163, + "▁padding": 7164, + "window": 7165, + "тиче": 7166, + "▁mur": 7167, + "actor": 7168, + "▁Han": 7169, + "ональ": 7170, + "▁gar": 7171, + "▁familjen": 7172, + "ós": 7173, + "▁nationale": 7174, + "▁pré": 7175, + "ded": 7176, + "onal": 7177, + "▁President": 7178, + "▁\\,": 7179, + "▁placed": 7180, + "erni": 7181, + "▁signal": 7182, + "nab": 7183, + "hm": 7184, + "Mon": 7185, + "▁vs": 7186, + "SC": 7187, + "▁progetti": 7188, + "▁Ü": 7189, + "▁forms": 7190, + "▁messages": 7191, + "inf": 7192, + "users": 7193, + "GET": 7194, + "▁dels": 7195, + "Collection": 7196, + "▁Good": 7197, + "▁Maybe": 7198, + "▁compr": 7199, + "▁larger": 7200, + "gres": 7201, + "aper": 7202, + "▁При": 7203, + "undes": 7204, + "▁sea": 7205, + "▁Spring": 7206, + "ulo": 7207, + "▁mechan": 7208, + "▁sans": 7209, + "GB": 7210, + "Valid": 7211, + "▁communic": 7212, + "▁pra": 7213, + "vier": 7214, + "▁Се": 7215, + "▁ain": 7216, + "тура": 7217, + "kom": 7218, + "skiego": 7219, + "ково": 7220, + "adata": 7221, + "▁Ре": 7222, + "▁boolean": 7223, + "sets": 7224, + "▁effort": 7225, + ".[": 7226, + "▁został": 7227, + "PA": 7228, + "▁Vict": 7229, + "SD": 7230, + "ował": 7231, + "▁emb": 7232, + "▁prima": 7233, + "▁hour": 7234, + "subsection": 7235, + "▁Fort": 7236, + "mathfrak": 7237, + "igin": 7238, + "GL": 7239, + ")+": 7240, + "fi": 7241, + "▁anci": 7242, + "▁pan": 7243, + "\\)": 7244, + "▁lug": 7245, + "▁deploy": 7246, + "domain": 7247, + "▁slight": 7248, + "JSON": 7249, + "▁morning": 7250, + "▁hi": 7251, + "▁compare": 7252, + "ije": 7253, + "▁blue": 7254, + "▁Ac": 7255, + "▁middle": 7256, + "anden": 7257, + "▁shared": 7258, + "▁Camp": 7259, + "▁Á": 7260, + "ounded": 7261, + "uw": 7262, + "ierung": 7263, + "Stack": 7264, + "▁eines": 7265, + "▁Da": 7266, + "lij": 7267, + "enti": 7268, + "▁й": 7269, + "Util": 7270, + "▁experience": 7271, + "▁await": 7272, + "uls": 7273, + "▁requests": 7274, + "▁impos": 7275, + "▁constraint": 7276, + "Change": 7277, + "emph": 7278, + "бер": 7279, + "▁Another": 7280, + "Custom": 7281, + "▁significant": 7282, + "cr": 7283, + "▁million": 7284, + "reek": 7285, + "▁dalla": 7286, + "▁Germ": 7287, + "otal": 7288, + "ateur": 7289, + "btn": 7290, + "▁thinking": 7291, + "▁interval": 7292, + "onne": 7293, + "▁liv": 7294, + "():": 7295, + "▁Ве": 7296, + "oe": 7297, + "▁Ev": 7298, + "meta": 7299, + "▁broad": 7300, + "Rem": 7301, + "apply": 7302, + "▁couple": 7303, + "▁techni": 7304, + "idades": 7305, + "▁goal": 7306, + "▁CD": 7307, + "hab": 7308, + "▁explan": 7309, + "anner": 7310, + "▁Because": 7311, + "blog": 7312, + "includegraphics": 7313, + "▁voice": 7314, + "▁Map": 7315, + "vention": 7316, + "Session": 7317, + "▁Liens": 7318, + "▁sor": 7319, + "category": 7320, + "ashington": 7321, + "▁März": 7322, + "pop": 7323, + "illet": 7324, + "▁zwei": 7325, + "▁Lie": 7326, + "Null": 7327, + "address": 7328, + "▁factor": 7329, + "▁ligne": 7330, + "▁HTTP": 7331, + "▁suf": 7332, + "▁personal": 7333, + "cip": 7334, + "▁Dar": 7335, + "▁adm": 7336, + "кой": 7337, + "▁Ext": 7338, + "▁god": 7339, + "aa": 7340, + "Right": 7341, + "été": 7342, + "▁dynamic": 7343, + "▁maintain": 7344, + "tor": 7345, + "########": 7346, + "▁Fra": 7347, + "▁choice": 7348, + "▁сто": 7349, + "СР": 7350, + "▁Feder": 7351, + "ston": 7352, + "▁flag": 7353, + "kit": 7354, + "Module": 7355, + "▁спо": 7356, + "▁Stra": 7357, + "icks": 7358, + "▁haven": 7359, + "▁Mass": 7360, + "▁Emp": 7361, + "▁Pi": 7362, + "▁Pen": 7363, + "Rect": 7364, + "▁Kr": 7365, + "itat": 7366, + "eler": 7367, + "ября": 7368, + "itet": 7369, + "▁Start": 7370, + "▁produced": 7371, + "▁пол": 7372, + "(_": 7373, + "▁delet": 7374, + "▁hot": 7375, + "▁Geschichte": 7376, + "~~": 7377, + "▁months": 7378, + "▁tod": 7379, + "▁ни": 7380, + "ús": 7381, + "temp": 7382, + "▁Dez": 7383, + "ypes": 7384, + "▁cui": 7385, + "ommun": 7386, + "actions": 7387, + "▁eigen": 7388, + "▁immediately": 7389, + "PL": 7390, + "▁Го": 7391, + "▁Bal": 7392, + "ље": 7393, + "ului": 7394, + "▁online": 7395, + "▁años": 7396, + "▁namespace": 7397, + "▁mond": 7398, + "▁Base": 7399, + "▁Canada": 7400, + "etzt": 7401, + "}-": 7402, + "▁defin": 7403, + "▁doubt": 7404, + "▁investig": 7405, + "views": 7406, + "▁Line": 7407, + "▁stage": 7408, + "ettings": 7409, + "ubre": 7410, + "float": 7411, + "▁Play": 7412, + "▁Las": 7413, + "ptr": 7414, + "▁becomes": 7415, + "estamp": 7416, + "▁independent": 7417, + "▁analysis": 7418, + "▁Look": 7419, + "lain": 7420, + "▁рас": 7421, + "Reference": 7422, + "▁sorry": 7423, + "▁supposed": 7424, + "ût": 7425, + "▁degree": 7426, + "utz": 7427, + "MM": 7428, + "▁desired": 7429, + "ły": 7430, + "▁len": 7431, + "▁alone": 7432, + "signed": 7433, + "▁Sta": 7434, + "Person": 7435, + "▁applied": 7436, + "▁Back": 7437, + "▁mars": 7438, + "Part": 7439, + "▁Did": 7440, + "▁externes": 7441, + "▁np": 7442, + "ongo": 7443, + "▁esta": 7444, + "Block": 7445, + "▁pou": 7446, + "adores": 7447, + "▁Studio": 7448, + ".$": 7449, + "▁reached": 7450, + "bot": 7451, + "▁Juni": 7452, + "tons": 7453, + "itel": 7454, + "▁Gar": 7455, + "▁articles": 7456, + "▁District": 7457, + "▁trouble": 7458, + "lide": 7459, + "▁Found": 7460, + "ád": 7461, + "▁equip": 7462, + "▁internal": 7463, + "'],": 7464, + "▁async": 7465, + "UB": 7466, + "gel": 7467, + "▁ai": 7468, + "ensure": 7469, + "▁appeared": 7470, + "▁$_": 7471, + "▁maximum": 7472, + "▁Си": 7473, + "рь": 7474, + "▁announ": 7475, + "лась": 7476, + "▁cm": 7477, + "ган": 7478, + "aupt": 7479, + "▁latter": 7480, + "▁platform": 7481, + "▁dra": 7482, + "▁capital": 7483, + "▁solved": 7484, + "riz": 7485, + "edic": 7486, + "▁Mur": 7487, + "▁Top": 7488, + "тся": 7489, + "Panel": 7490, + "rule": 7491, + "etic": 7492, + "▁Ren": 7493, + "▁Wikimedia": 7494, + "▁TO": 7495, + "second": 7496, + "isl": 7497, + "▁hy": 7498, + "▁niet": 7499, + "▁loaded": 7500, + "dig": 7501, + "▁mayo": 7502, + "[:": 7503, + "Acc": 7504, + "▁bek": 7505, + "нию": 7506, + "login": 7507, + "tx": 7508, + "▁Fur": 7509, + "▁Santa": 7510, + "azz": 7511, + "▁conduct": 7512, + "▁India": 7513, + "Order": 7514, + "irth": 7515, + "tw": 7516, + "}+": 7517, + "▁wieder": 7518, + "▁Edu": 7519, + "AV": 7520, + "▁```": 7521, + "▁manually": 7522, + "▁Read": 7523, + "fortunately": 7524, + "▁Run": 7525, + "▁Award": 7526, + "▁Foot": 7527, + "*)": 7528, + "params": 7529, + "пі": 7530, + "▁native": 7531, + "rift": 7532, + "▁ä": 7533, + "ATH": 7534, + "▁yourself": 7535, + "▁prior": 7536, + "▁cit": 7537, + "äh": 7538, + "▁treat": 7539, + "▁meas": 7540, + "ributed": 7541, + "▁clar": 7542, + "card": 7543, + "ROR": 7544, + "illes": 7545, + "▁layer": 7546, + "auer": 7547, + "▁rat": 7548, + "bernate": 7549, + "▁stato": 7550, + "▁China": 7551, + "▁$('#": 7552, + "▁naar": 7553, + "zip": 7554, + "▁${\\": 7555, + "▁appreciated": 7556, + "▁име": 7557, + "ży": 7558, + "▁przez": 7559, + "▁Indian": 7560, + "▁Tod": 7561, + "▁Source": 7562, + "▁други": 7563, + "internal": 7564, + "ionale": 7565, + "Product": 7566, + "▁Men": 7567, + "▁upper": 7568, + "▁Every": 7569, + "},\\": 7570, + "▁printf": 7571, + "▁continued": 7572, + "▁nodes": 7573, + "лки": 7574, + "▁nice": 7575, + "modules": 7576, + "eign": 7577, + "▁Mex": 7578, + "▁According": 7579, + "▁undefined": 7580, + "▁binary": 7581, + "cut": 7582, + "Current": 7583, + "edy": 7584, + "}}{": 7585, + "bles": 7586, + "▁вой": 7587, + "scri": 7588, + "eqn": 7589, + "Changed": 7590, + "▁köz": 7591, + "▁remote": 7592, + "вля": 7593, + "▁quel": 7594, + "▁align": 7595, + "▁пар": 7596, + "SV": 7597, + "yer": 7598, + "▁Californ": 7599, + "▁places": 7600, + "▁primary": 7601, + "▁conv": 7602, + "▁Juli": 7603, + "▁visual": 7604, + "▁Select": 7605, + "atory": 7606, + "=(": 7607, + "iser": 7608, + "▁intent": 7609, + "sur": 7610, + "container": 7611, + "iced": 7612, + "▁board": 7613, + "astr": 7614, + "omial": 7615, + "вет": 7616, + "зва": 7617, + "▁cru": 7618, + "▁Oktober": 7619, + "save": 7620, + "▁greater": 7621, + "▁inn": 7622, + "▁picture": 7623, + "▁То": 7624, + "▁obtained": 7625, + "Wikimedia": 7626, + "úblic": 7627, + "▁lors": 7628, + "▁mont": 7629, + "obre": 7630, + "▁civil": 7631, + "▁construction": 7632, + "▁Welt": 7633, + "▁Under": 7634, + "undert": 7635, + "▁edge": 7636, + "▁Liste": 7637, + "csv": 7638, + "▁experiment": 7639, + "localhost": 7640, + "▁Edit": 7641, + "greg": 7642, + "ová": 7643, + "ља": 7644, + "msg": 7645, + "▁Green": 7646, + "Dialog": 7647, + "Ident": 7648, + "▁JS": 7649, + "^{(": 7650, + "▁släktet": 7651, + "____": 7652, + "Project": 7653, + "▁beskre": 7654, + "▁ber": 7655, + "▁wouldn": 7656, + "▁react": 7657, + "Hel": 7658, + "zw": 7659, + "▁Washington": 7660, + "orie": 7661, + "task": 7662, + "▁category": 7663, + "▁artist": 7664, + "anno": 7665, + "▁ook": 7666, + "ammen": 7667, + "▁Minister": 7668, + "▁declar": 7669, + "▁Key": 7670, + ",.": 7671, + "▁mach": 7672, + "▁ww": 7673, + "isen": 7674, + "Fran": 7675, + "▁Росси": 7676, + "бор": 7677, + "три": 7678, + "▁rock": 7679, + "quis": 7680, + "mos": 7681, + "пера": 7682, + "▁esterni": 7683, + "▁gold": 7684, + "Windows": 7685, + "%%": 7686, + "▁partial": 7687, + "▁weight": 7688, + "▁spr": 7689, + "}).": 7690, + "▁français": 7691, + "fun": 7692, + "▁thous": 7693, + "holder": 7694, + "▁gone": 7695, + "▁Č": 7696, + "▁rend": 7697, + "DA": 7698, + "▁answered": 7699, + "▁False": 7700, + "Buffer": 7701, + "▁daugh": 7702, + ".--": 7703, + "▁Show": 7704, + "▁rect": 7705, + "▁Kre": 7706, + "dr": 7707, + "osoph": 7708, + "▁yield": 7709, + "urity": 7710, + "toString": 7711, + "aval": 7712, + "Pol": 7713, + "▁lock": 7714, + "imation": 7715, + "antic": 7716, + "Local": 7717, + "▁beskrevs": 7718, + "ités": 7719, + "grid": 7720, + "ут": 7721, + "▁_{": 7722, + "сі": 7723, + "FILE": 7724, + "▁км": 7725, + "▁speak": 7726, + "summary": 7727, + "prop": 7728, + "javascript": 7729, + "zk": 7730, + "izontal": 7731, + "▁trois": 7732, + "▁Rod": 7733, + "prise": 7734, + "рово": 7735, + "▁odd": 7736, + "▁gest": 7737, + "▁produce": 7738, + "▁waar": 7739, + "▁Av": 7740, + "ribu": 7741, + "вання": 7742, + "▁finished": 7743, + "▁adapt": 7744, + "▁Sar": 7745, + "textit": 7746, + "▁Ce": 7747, + "▁Fa": 7748, + "osen": 7749, + "▁deriv": 7750, + "▁ship": 7751, + "▁opin": 7752, + "▁Even": 7753, + "gesch": 7754, + "▁suppose": 7755, + "▁Fer": 7756, + "ское": 7757, + "▁worden": 7758, + "sey": 7759, + "hline": 7760, + "▁Union": 7761, + "▁/**": 7762, + "▁vez": 7763, + "▁Collegamenti": 7764, + "▁Society": 7765, + "▁econom": 7766, + "ší": 7767, + "oi": 7768, + "▁orient": 7769, + "▁Teil": 7770, + "rent": 7771, + "лекс": 7772, + "▁solid": 7773, + "▁cart": 7774, + "****************": 7775, + "▁cab": 7776, + "▁Message": 7777, + "dots": 7778, + "▁ég": 7779, + "▁twe": 7780, + "aga": 7781, + "▁naz": 7782, + "▁Microsoft": 7783, + "▁underarter": 7784, + "ppen": 7785, + "▁recent": 7786, + "▁net": 7787, + "▁resources": 7788, + "Ste": 7789, + ".\\": 7790, + "▁SO": 7791, + "лом": 7792, + "▁cele": 7793, + "▁lic": 7794, + "▁benef": 7795, + "ldots": 7796, + "▁serial": 7797, + "Integer": 7798, + "cles": 7799, + "▁miles": 7800, + "▁Ale": 7801, + "▁entered": 7802, + "▁Two": 7803, + "wie": 7804, + "▁includes": 7805, + "▁Each": 7806, + "elling": 7807, + "quer": 7808, + "▁Dom": 7809, + "pf": 7810, + "WS": 7811, + "▁straight": 7812, + "▁Stan": 7813, + "▁nos": 7814, + "ícul": 7815, + "atro": 7816, + "▁Center": 7817, + "FT": 7818, + "▁Inga": 7819, + "ilo": 7820, + "▁www": 7821, + "jsfiddle": 7822, + "nic": 7823, + "▁European": 7824, + "▁commer": 7825, + "▁girl": 7826, + "total": 7827, + "▁Star": 7828, + "▁suggested": 7829, + "pal": 7830, + "▁zwischen": 7831, + "писа": 7832, + "IM": 7833, + "▁handler": 7834, + "▁Program": 7835, + "xsl": 7836, + "ály": 7837, + "BU": 7838, + ",--": 7839, + "▁vid": 7840, + "▁established": 7841, + "▁Spiel": 7842, + "ometry": 7843, + "unes": 7844, + "▁sit": 7845, + "▁inher": 7846, + "▁puis": 7847, + "▁être": 7848, + "▁Most": 7849, + "Header": 7850, + "insert": 7851, + "▁sist": 7852, + "▁favor": 7853, + "dest": 7854, + "▁entity": 7855, + "Cal": 7856, + "▁Therefore": 7857, + "DD": 7858, + ";;": 7859, + "▁Dezember": 7860, + "▁Rh": 7861, + "iments": 7862, + "▁returning": 7863, + "sto": 7864, + "▁Value": 7865, + "▁liber": 7866, + "▁Result": 7867, + "▁bind": 7868, + "voir": 7869, + "▁Tim": 7870, + "▁Movie": 7871, + "weg": 7872, + "ket": 7873, + "▁исто": 7874, + "▁friends": 7875, + "▁fn": 7876, + "▁él": 7877, + "▁&=": 7878, + "arden": 7879, + "fficial": 7880, + "▁community": 7881, + "▁api": 7882, + "Args": 7883, + "ieren": 7884, + "▁dann": 7885, + "omorph": 7886, + "adr": 7887, + "loop": 7888, + "uman": 7889, + "▁vous": 7890, + "bst": 7891, + "submit": 7892, + "\\|": 7893, + "тин": 7894, + "Container": 7895, + "asket": 7896, + "?)": 7897, + "Sec": 7898, + "▁drive": 7899, + "Ass": 7900, + "▁swe": 7901, + "▁amer": 7902, + "▁mine": 7903, + "▁Ham": 7904, + "▁avait": 7905, + "▁Hon": 7906, + "▁après": 7907, + "▁Mann": 7908, + "ська": 7909, + "▁increase": 7910, + "▁ty": 7911, + "sky": 7912, + "▁accur": 7913, + "article": 7914, + "weight": 7915, + "▁sex": 7916, + "▁listade": 7917, + "/**": 7918, + "▁está": 7919, + "}}$": 7920, + "argo": 7921, + "define": 7922, + "▁состав": 7923, + "session": 7924, + "ads": 7925, + "стви": 7926, + "▁Law": 7927, + "▁dialog": 7928, + "▁duplicate": 7929, + "▁ép": 7930, + "▁voc": 7931, + "fri": 7932, + "▁green": 7933, + "▁hidden": 7934, + "▁Island": 7935, + "▁diag": 7936, + "owej": 7937, + "mysql": 7938, + "teil": 7939, + "rä": 7940, + "ikan": 7941, + "▁José": 7942, + "aled": 7943, + "Runtime": 7944, + "▁train": 7945, + "▁Division": 7946, + "ниц": 7947, + "▁Span": 7948, + "нима": 7949, + ")=\\": 7950, + "тан": 7951, + "▁stay": 7952, + "▁foo": 7953, + "▁accom": 7954, + "▁hers": 7955, + "▁нау": 7956, + "▁Mün": 7957, + "ideos": 7958, + "static": 7959, + "▁ready": 7960, + "]`": 7961, + "▁visible": 7962, + "▁Hope": 7963, + "ulated": 7964, + "▁Cult": 7965, + "стро": 7966, + "Co": 7967, + "▁smaller": 7968, + "atura": 7969, + "▁perfectly": 7970, + "req": 7971, + "▁proposed": 7972, + "▁degli": 7973, + "Search": 7974, + "▁ich": 7975, + "Max": 7976, + "▁volume": 7977, + "execute": 7978, + "gre": 7979, + "▁sport": 7980, + "udad": 7981, + "PT": 7982, + "▁Records": 7983, + "▁cook": 7984, + "▁expand": 7985, + "бі": 7986, + "▁altri": 7987, + "ppet": 7988, + "arse": 7989, + "▁wet": 7990, + "▁Bob": 7991, + "▁FC": 7992, + "▁Association": 7993, + "uje": 7994, + "▁fel": 7995, + "▁слу": 7996, + "▁Big": 7997, + "/\\": 7998, + "Ge": 7999, + "while": 8000, + "{(": 8001, + "▁sufficient": 8002, + "Position": 8003, + "▁understanding": 8004, + "▁nue": 8005, + "▁raz": 8006, + "▁ye": 8007, + "hem": 8008, + "Num": 8009, + "▁Project": 8010, + "▁Its": 8011, + "▁hasta": 8012, + "enso": 8013, + "▁wire": 8014, + "Ret": 8015, + "uj": 8016, + "proof": 8017, + "▁relevant": 8018, + "▁partir": 8019, + "▁ago": 8020, + "ificate": 8021, + "▁domin": 8022, + "▁boy": 8023, + "▁plant": 8024, + "▁encoding": 8025, + "▁throws": 8026, + "▁Rock": 8027, + "zone": 8028, + "gang": 8029, + "widget": 8030, + "▁interesting": 8031, + "DER": 8032, + "▁demon": 8033, + "▁office": 8034, + "amt": 8035, + "äter": 8036, + "▁White": 8037, + "▁versch": 8038, + "▁dieser": 8039, + "▁Mount": 8040, + "▁students": 8041, + "▁Pub": 8042, + "▁Де": 8043, + "ija": 8044, + "▁Cy": 8045, + "▁California": 8046, + "▁abril": 8047, + "äll": 8048, + "▁чем": 8049, + "TV": 8050, + "▁més": 8051, + "▁declared": 8052, + "▁ю": 8053, + "ől": 8054, + "appa": 8055, + "▁Бе": 8056, + "echo": 8057, + "numer": 8058, + "▁posted": 8059, + "▁вер": 8060, + "▁године": 8061, + "▁weak": 8062, + "▁Republic": 8063, + "▁champion": 8064, + "ensuremath": 8065, + "your": 8066, + "▁Ober": 8067, + "▁Central": 8068, + "isa": 8069, + "анд": 8070, + "yy": 8071, + "▁fully": 8072, + "▁SD": 8073, + "▁Linux": 8074, + "▁Scott": 8075, + "partment": 8076, + "kon": 8077, + "▁contract": 8078, + "▁OF": 8079, + "▁ale": 8080, + "▁Ann": 8081, + "▁над": 8082, + "lah": 8083, + "▁Next": 8084, + "oren": 8085, + "▁disk": 8086, + "▁eg": 8087, + "atu": 8088, + "логи": 8089, + "▁games": 8090, + "Left": 8091, + "▁lu": 8092, + "▁finite": 8093, + "▁ки": 8094, + "▁crash": 8095, + "pher": 8096, + "exe": 8097, + "ATION": 8098, + "▁brother": 8099, + "Eng": 8100, + "tat": 8101, + "▁Integer": 8102, + "ному": 8103, + "▁colon": 8104, + "iqu": 8105, + ")).": 8106, + "ivi": 8107, + "▁Method": 8108, + "arten": 8109, + "Uni": 8110, + "vector": 8111, + "▁wood": 8112, + "рт": 8113, + "▁Ле": 8114, + "▁siècle": 8115, + "▁gent": 8116, + "}\r": 8117, + "▁contents": 8118, + "▁compan": 8119, + "Go": 8120, + "▁jou": 8121, + "uent": 8122, + "Async": 8123, + "printf": 8124, + "▁Model": 8125, + "▁kept": 8126, + "ASE": 8127, + "▁provides": 8128, + "▁Abgerufen": 8129, + "▁Gall": 8130, + "▁Alf": 8131, + "SA": 8132, + "▁Mem": 8133, + "▁kter": 8134, + "▁Bru": 8135, + "Android": 8136, + "(:": 8137, + "▁Украї": 8138, + "Ne": 8139, + "Min": 8140, + "atr": 8141, + "▁Hal": 8142, + "delete": 8143, + "odo": 8144, + "▁não": 8145, + "ène": 8146, + "▁calculate": 8147, + "Json": 8148, + "keys": 8149, + "ней": 8150, + "▁hence": 8151, + "▁ow": 8152, + "▁Lib": 8153, + "eno": 8154, + "▁Love": 8155, + "osi": 8156, + "wide": 8157, + "▁score": 8158, + "full": 8159, + "вод": 8160, + "▁determine": 8161, + "▁spaces": 8162, + "лова": 8163, + "▁peut": 8164, + "éral": 8165, + "ół": 8166, + "▁appoint": 8167, + "▁Tw": 8168, + "();": 8295, + "▁pure": 8296, + "▁embed": 8297, + "ação": 8298, + "controller": 8299, + "▁married": 8300, + "▁Fol": 8301, + "famil": 8302, + "▁prec": 8303, + "▁recurs": 8304, + "pad": 8305, + "istration": 8306, + "▁respectively": 8307, + "[$": 8308, + "autor": 8309, + "▁grav": 8310, + "iera": 8311, + "azioni": 8312, + "▁Bul": 8313, + "▁Australia": 8314, + "mond": 8315, + "▁Tro": 8316, + "▁Ele": 8317, + "packages": 8318, + "msdn": 8319, + "▁Als": 8320, + "▁przy": 8321, + "ART": 8322, + "▁charge": 8323, + "▁applications": 8324, + "Unit": 8325, + "aren": 8326, + "▁sudden": 8327, + "ometer": 8328, + "▁dot": 8329, + "acji": 8330, + "ктор": 8331, + "imin": 8332, + "ening": 8333, + "▁donde": 8334, + "▁Ho": 8335, + "tree": 8336, + "mb": 8337, + "▁drag": 8338, + "aje": 8339, + "▁invalid": 8340, + "▁finish": 8341, + "laim": 8342, + "▁feed": 8343, + "▁Nap": 8344, + "room": 8345, + "images": 8346, + "▁сай": 8347, + "▁succ": 8348, + "iffer": 8349, + "▁año": 8350, + "▁cual": 8351, + "мери": 8352, + "DR": 8353, + "▁Bilder": 8354, + "бра": 8355, + "rait": 8356, + "pan": 8357, + "ень": 8358, + "▁distinct": 8359, + "▁Kn": 8360, + "önig": 8361, + "anced": 8362, + "▁loading": 8363, + "▁Techn": 8364, + "▁Sel": 8365, + "mus": 8366, + "▁rail": 8367, + "▁student": 8368, + "▁notice": 8369, + "▁sla": 8370, + "▁Да": 8371, + "▁guard": 8372, + "▁Day": 8373, + "вали": 8374, + "Option": 8375, + "aison": 8376, + "ipp": 8377, + "▁Jun": 8378, + "▁fell": 8379, + "▁absolute": 8380, + "ове": 8381, + "debug": 8382, + "▁Sud": 8383, + "пы": 8384, + "ugins": 8385, + "▁views": 8386, + "lay": 8387, + "▁surr": 8388, + "▁stood": 8389, + "▁ві": 8390, + "selected": 8391, + "гі": 8392, + "▁attributes": 8393, + "final": 8394, + "enda": 8395, + "▁Bon": 8396, + "ners": 8397, + "▁Wer": 8398, + "bur": 8399, + "ittel": 8400, + "▁moving": 8401, + "▁Plan": 8402, + "isches": 8403, + "Java": 8404, + "▁basis": 8405, + "▁Bus": 8406, + "▁Au": 8407, + "▁Ill": 8408, + "▁время": 8409, + "▁цент": 8410, + "handle": 8411, + "ступ": 8412, + "▁Far": 8413, + "▁oraz": 8414, + "ocr": 8415, + "▁seit": 8416, + "onder": 8417, + "дом": 8418, + ":/": 8419, + "chor": 8420, + "▁Town": 8421, + "▁definit": 8422, + "react": 8423, + "▁piece": 8424, + "▁Karl": 8425, + "CI": 8426, + "▁Application": 8427, + "unter": 8428, + "▁formed": 8429, + "▁пу": 8430, + "Bo": 8431, + "▁Daniel": 8432, + "▁пла": 8433, + "Body": 8434, + "})$": 8435, + "▁были": 8436, + "▁earth": 8437, + "гла": 8438, + "There": 8439, + "▁стра": 8440, + "▁ville": 8441, + "▁centre": 8442, + ")\r": 8443, + "▁helpful": 8444, + "▁++": 8445, + "▁CG": 8446, + "izione": 8447, + "▁Game": 8448, + "▁Which": 8449, + "▁pip": 8450, + "▁Portug": 8451, + "DS": 8452, + "▁describe": 8453, + "▁checking": 8454, + "▁manager": 8455, + "BO": 8456, + "▁Bundes": 8457, + "buch": 8458, + "▁decided": 8459, + "▁Jahrhundert": 8460, + "▁fif": 8461, + "efficient": 8462, + "anci": 8463, + "braries": 8464, + "▁fails": 8465, + "▁kernel": 8466, + "▁Gl": 8467, + "▁Nacional": 8468, + "▁proceed": 8469, + "▁fuer": 8470, + "▁living": 8471, + "▁successfully": 8472, + "▁faster": 8473, + "▁contre": 8474, + "▁prison": 8475, + "ORT": 8476, + "help": 8477, + "▁autor": 8478, + "ław": 8479, + "ają": 8480, + "▁Arm": 8481, + "▁provin": 8482, + "▁naam": 8483, + "/#": 8484, + "sed": 8485, + "▁gesch": 8486, + "▁мар": 8487, + "esk": 8488, + "term": 8489, + "▁Tex": 8490, + "iring": 8491, + "▁tools": 8492, + "PDF": 8493, + "▁ult": 8494, + "issenschaft": 8495, + "▁couldn": 8496, + "ding": 8497, + "Dep": 8498, + "{-": 8499, + "▁predict": 8500, + "antage": 8501, + "▁Like": 8502, + "▁Би": 8503, + "tools": 8504, + "estra": 8505, + "▁ki": 8506, + "▁Jim": 8507, + "star": 8508, + "▁remark": 8509, + "óg": 8510, + "nabla": 8511, + "▁Although": 8512, + "mode": 8513, + "Host": 8514, + "▁strange": 8515, + "None": 8516, + "black": 8517, + "▁Festival": 8518, + "▁IS": 8519, + "anza": 8520, + "▁(-": 8521, + "icket": 8522, + "кола": 8523, + "▁Jes": 8524, + "▁flex": 8525, + "▁À": 8526, + "▁Network": 8527, + "▁EX": 8528, + "▁enero": 8529, + "!”": 8530, + "▁Ort": 8531, + "▁alors": 8532, + "▁Original": 8533, + "▁zo": 8534, + "ными": 8535, + "▁spl": 8536, + "Draw": 8537, + "yond": 8538, + "──": 8539, + "▁Ot": 8540, + "▁dram": 8541, + "▁division": 8542, + "▁efficient": 8543, + "▁Га": 8544, + "▁vier": 8545, + "nak": 8546, + "LS": 8547, + "▁spirit": 8548, + "zeichnet": 8549, + "▁dici": 8550, + "clear": 8551, + "copy": 8552, + "yar": 8553, + "▁році": 8554, + "usqu": 8555, + "▁nous": 8556, + "▁blev": 8557, + "жде": 8558, + "Arg": 8559, + "▁performed": 8560, + "▁Make": 8561, + "▁Carol": 8562, + "etto": 8563, + "▁Sand": 8564, + "▁Disc": 8565, + "Enc": 8566, + "rero": 8567, + "hash": 8568, + "▁focus": 8569, + "▁attention": 8570, + "▁agre": 8571, + "▁divis": 8572, + "▁было": 8573, + "▁ej": 8574, + "▁march": 8575, + "▁phase": 8576, + "ías": 8577, + "▁phil": 8578, + "▁Pap": 8579, + "▁river": 8580, + "▁caused": 8581, + "plugin": 8582, + "▁Team": 8583, + "uler": 8584, + "▁$(\"#": 8585, + "iej": 8586, + "ISBN": 8587, + "nam": 8588, + "▁fight": 8589, + "vid": 8590, + "▁Lud": 8591, + "Selected": 8592, + ":@\"": 8593, + "▁Pod": 8594, + "▁années": 8595, + "arios": 8596, + "▁deutscher": 8597, + "▁NA": 8598, + "▁ию": 8599, + "▁dictionary": 8600, + "▁Ла": 8601, + "▁Tri": 8602, + "èn": 8603, + "▁political": 8604, + "ridge": 8605, + "atten": 8606, + "▁circle": 8607, + "▁transport": 8608, + "emas": 8609, + "FC": 8610, + "▁replaced": 8611, + "▁Aud": 8612, + "iska": 8613, + "Configuration": 8614, + "▁soort": 8615, + "▁Не": 8616, + "▁sequ": 8617, + "PRO": 8618, + "▁bud": 8619, + "▁{{": 8620, + "ließ": 8621, + "▁Mas": 8622, + "ders": 8623, + "usammen": 8624, + "esa": 8625, + "▁Ly": 8626, + "вро": 8627, + "mac": 8628, + "▁испо": 8629, + "▁suc": 8630, + "uy": 8631, + "▁illustr": 8632, + "▁primera": 8633, + "ilation": 8634, + "▁storage": 8635, + "▁params": 8636, + "kaz": 8637, + "▁terminal": 8638, + "раль": 8639, + "▁holds": 8640, + "лось": 8641, + "▁nad": 8642, + "”.": 8643, + "▁octubre": 8644, + "bul": 8645, + "▁hus": 8646, + "ULT": 8647, + "▁également": 8648, + "▁Mill": 8649, + "ład": 8650, + "▁contiene": 8651, + "\"?": 8652, + "▁>>>": 8653, + "Que": 8654, + "  ": 8655, + "▁plain": 8656, + "ativa": 8657, + "ocker": 8658, + "Names": 8659, + "▁Jud": 8660, + "▁agree": 8661, + "▁Gemeinde": 8662, + "lare": 8663, + "каза": 8664, + "▁starts": 8665, + "▁price": 8666, + "Target": 8667, + "cus": 8668, + "▁Instead": 8669, + ".;": 8670, + "▁alternative": 8671, + "▁вла": 8672, + "IE": 8673, + "▁organiz": 8674, + "inu": 8675, + "▁completed": 8676, + "▁carry": 8677, + "atom": 8678, + "▁depending": 8679, + "▁Our": 8680, + "▁insp": 8681, + "▁&\\": 8682, + "aily": 8683, + "irection": 8684, + "фа": 8685, + "▁defe": 8686, + "TAC": 8687, + "▁designed": 8688, + "▁voir": 8689, + "break": 8690, + "▁partie": 8691, + "▁Jahren": 8692, + "▁studio": 8693, + "▁jour": 8694, + "▁Notes": 8695, + "fire": 8696, + "house": 8697, + "success": 8698, + "▁Juan": 8699, + "JS": 8700, + "▁Custom": 8701, + "▁besch": 8702, + "▁stated": 8703, + "bootstrap": 8704, + "ött": 8705, + "ozzá": 8706, + "▁CON": 8707, + "hav": 8708, + "▁sleep": 8709, + "eda": 8710, + "hot": 8711, + "ánd": 8712, + "▁Sy": 8713, + "▁temps": 8714, + "amar": 8715, + "▁scal": 8716, + "▁ast": 8717, + "▁opening": 8718, + "clipse": 8719, + "▁programming": 8720, + "▁letters": 8721, + "▁profile": 8722, + "nah": 8723, + "▁beyond": 8724, + "▁Further": 8725, + "faces": 8726, + "▁chart": 8727, + "зда": 8728, + "aign": 8729, + "ній": 8730, + "▁Rol": 8731, + "овано": 8732, + "terior": 8733, + "wed": 8734, + "▁herself": 8735, + "▁ng": 8736, + "anguages": 8737, + "}=\\": 8738, + "ynamic": 8739, + "▁jug": 8740, + "▁Example": 8741, + "▁(†": 8742, + "▁playing": 8743, + "▁usage": 8744, + "▁managed": 8745, + "▁Natur": 8746, + "тери": 8747, + "▁Et": 8748, + "eria": 8749, + "▁daughter": 8750, + "нием": 8751, + "Fragment": 8752, + "▁hol": 8753, + "Fl": 8754, + "ографи": 8755, + "▁ihn": 8756, + "üh": 8757, + "instance": 8758, + "▁comun": 8759, + "▁truth": 8760, + "▁само": 8761, + "▁implemented": 8762, + "▁anyway": 8763, + "▁Cro": 8764, + "фе": 8765, + "GC": 8766, + "ubuntu": 8767, + "types": 8768, + "ês": 8769, + ".~\\": 8770, + "fold": 8771, + "▁joined": 8772, + "??": 8773, + "▁mé": 8774, + "▁wild": 8775, + "клю": 8776, + "rowser": 8777, + "▁Home": 8778, + "skiej": 8779, + "▁JOIN": 8780, + "▁juin": 8781, + "hof": 8782, + "▁dataset": 8783, + "жду": 8784, + "'))": 8785, + "▁miejs": 8786, + "API": 8787, + "▁edited": 8788, + "ools": 8789, + "▁seeing": 8790, + "ijd": 8791, + "▁procedure": 8792, + "▁Bras": 8793, + "▁signed": 8794, + "▁externos": 8795, + "▁disapp": 8796, + "▁Direct": 8797, + "cyc": 8798, + "▁consult": 8799, + "örd": 8800, + "Widget": 8801, + "cious": 8802, + "sect": 8803, + "▁Ди": 8804, + "▁wind": 8805, + "▁Archivado": 8806, + "aml": 8807, + "сс": 8808, + "Wh": 8809, + "kbd": 8810, + "▁Army": 8811, + "▁suffer": 8812, + "artifact": 8813, + "▁resolve": 8814, + "▁Sport": 8815, + "▁це": 8816, + "idas": 8817, + "▁tax": 8818, + "idi": 8819, + "▁actions": 8820, + "пра": 8821, + "pués": 8822, + "▁naj": 8823, + "False": 8824, + "▁chance": 8825, + "▁тако": 8826, + "äd": 8827, + "▁dol": 8828, + "▁env": 8829, + "▁basically": 8830, + "▁Council": 8831, + "zte": 8832, + "▁displayed": 8833, + "nil": 8834, + "complete": 8835, + "▁Lem": 8836, + "iance": 8837, + "▁основ": 8838, + "▁depend": 8839, + "plom": 8840, + "ensus": 8841, + "uts": 8842, + "▁Hot": 8843, + "bitr": 8844, + "▁validation": 8845, + "abb": 8846, + "▁тре": 8847, + "km": 8848, + "zd": 8849, + "öff": 8850, + "WE": 8851, + "▁interested": 8852, + "▁{\"": 8853, + "aro": 8854, + "▁correl": 8855, + "▁dedic": 8856, + "▁lists": 8857, + "▁Bibliografia": 8858, + "▁earlier": 8859, + "program": 8860, + "▁première": 8861, + "front": 8862, + "Tab": 8863, + "ству": 8864, + "drop": 8865, + "▁fear": 8866, + "▁Enlaces": 8867, + "▁Capt": 8868, + "▁realiz": 8869, + "▁hal": 8870, + "▁instances": 8871, + "▁susp": 8872, + "illing": 8873, + "%;": 8874, + "{}": 8875, + "||": 8876, + "▁partition": 8877, + "▁Build": 8878, + "▁wo": 8879, + "▁Пер": 8880, + "▁director": 8881, + "▁Sin": 8882, + "тия": 8883, + "rsg": 8884, + "ouver": 8885, + "▁nearly": 8886, + "oda": 8887, + "ктив": 8888, + "▁sir": 8889, + "IME": 8890, + "▁janvier": 8891, + "▁Win": 8892, + "Build": 8893, + "ieurs": 8894, + "INE": 8895, + "double": 8896, + "Last": 8897, + "▁policy": 8898, + "store": 8899, + "▁observed": 8900, + "▁familie": 8901, + "nica": 8902, + "rey": 8903, + "зь": 8904, + "▁Year": 8905, + "▁developed": 8906, + "▁Institute": 8907, + "▁reply": 8908, + "Comple": 8909, + "ician": 8910, + "▁Guer": 8911, + "▁dall": 8912, + "▁desp": 8913, + "▁Football": 8914, + "Empty": 8915, + "cken": 8916, + "unda": 8917, + "▁Ur": 8918, + "▁ig": 8919, + "▁Atl": 8920, + "author": 8921, + "▁Bol": 8922, + "zig": 8923, + "nat": 8924, + "št": 8925, + "security": 8926, + "onic": 8927, + "▁pes": 8928, + "itan": 8929, + "▁Extern": 8930, + "jan": 8931, + "VAL": 8932, + "▁им": 8933, + "bold": 8934, + "▁ва": 8935, + "▁Мо": 8936, + "▁disput": 8937, + "▁trick": 8938, + "▁ped": 8939, + ")^{": 8940, + "into": 8941, + "Sim": 8942, + "▁parallel": 8943, + "fox": 8944, + "normal": 8945, + "inent": 8946, + "педи": 8947, + "hold": 8948, + "OK": 8949, + "▁chem": 8950, + "▁twice": 8951, + "▁username": 8952, + "ič": 8953, + "▁representation": 8954, + "▁journal": 8955, + "▁:-": 8956, + "▁batt": 8957, + "\\%": 8958, + "▁certainly": 8959, + "▁Exception": 8960, + "eps": 8961, + "shot": 8962, + "ategy": 8963, + "Show": 8964, + "▁Carl": 8965, + "rig": 8966, + "▁reported": 8967, + "bottom": 8968, + "TF": 8969, + "▁Francisco": 8970, + "nap": 8971, + "▁Championship": 8972, + "▁court": 8973, + "▁sources": 8974, + "iour": 8975, + "▁conserv": 8976, + "dict": 8977, + "▁Ру": 8978, + "IB": 8979, + "▁Ve": 8980, + "▁№": 8981, + "▁ER": 8982, + "\"));": 8983, + "▁Point": 8984, + "azine": 8985, + "▁internet": 8986, + "дна": 8987, + "▁carried": 8988, + "▁Field": 8989, + "axis": 8990, + "▁Sun": 8991, + "▁ave": 8992, + "пис": 8993, + "ян": 8994, + "asy": 8995, + "▁julio": 8996, + "▁depuis": 8997, + "▁suggestion": 8998, + "[[": 8999, + "▁Archive": 9000, + "ęp": 9001, + "▁Pra": 9002, + "reh": 9003, + "▁demonstr": 9004, + "фі": 9005, + "cmd": 9006, + "▁wasn": 9007, + "▁phone": 9008, + "upload": 9009, + "aya": 9010, + "тора": 9011, + "lines": 9012, + "▁indu": 9013, + "▁vot": 9014, + "▁espa": 9015, + "▁bin": 9016, + "▁после": 9017, + "plan": 9018, + "▁junio": 9019, + "orial": 9020, + "free": 9021, + "sterreich": 9022, + "▁ду": 9023, + "▁linked": 9024, + "▁enable": 9025, + "PC": 9026, + "▁density": 9027, + "▁Egy": 9028, + "yo": 9029, + "endre": 9030, + "▁съ": 9031, + "▁italiano": 9032, + "▁AR": 9033, + "▁Pers": 9034, + "férés": 9035, + "▁скла": 9036, + "Var": 9037, + "▁Once": 9038, + "Red": 9039, + "buffer": 9040, + "▁Enter": 9041, + "▁Š": 9042, + "imiento": 9043, + "Store": 9044, + "▁health": 9045, + "vat": 9046, + "IST": 9047, + "Oh": 9048, + "▁kw": 9049, + "▁riv": 9050, + "▁somewhere": 9051, + "ografie": 9052, + "private": 9053, + "кти": 9054, + "▁delay": 9055, + "▁Http": 9056, + "job": 9057, + "rael": 9058, + "empor": 9059, + "▁diciembre": 9060, + "ête": 9061, + "цу": 9062, + "▁commit": 9063, + "oso": 9064, + "Values": 9065, + "▁headers": 9066, + "transform": 9067, + "▁processing": 9068, + "rå": 9069, + "▁Ah": 9070, + "▁Node": 9071, + "------------": 9072, + "▁faire": 9073, + "▁hun": 9074, + "Player": 9075, + "▁review": 9076, + "гда": 9077, + "▁limited": 9078, + "▁Property": 9079, + "▁serve": 9080, + "riage": 9081, + "▁Master": 9082, + "▁kann": 9083, + "crete": 9084, + "phere": 9085, + "ёр": 9086, + "▁chief": 9087, + "▁scene": 9088, + "kin": 9089, + "▁uniform": 9090, + "▁febrero": 9091, + "\"}": 9092, + "illo": 9093, + "ITE": 9094, + "ouvel": 9095, + "usepackage": 9096, + "enth": 9097, + "▁quickly": 9098, + "Lambda": 9099, + "xes": 9100, + "▁cells": 9101, + "rog": 9102, + "amin": 9103, + "▁Мар": 9104, + "▁mayor": 9105, + "player": 9106, + "++;": 9107, + "▁Насе": 9108, + "▁safe": 9109, + "▁veloc": 9110, + "▁обра": 9111, + "Database": 9112, + "neh": 9113, + "Vert": 9114, + "▁fle": 9115, + "▁фор": 9116, + "▁foreign": 9117, + "Abstract": 9118, + "▁magn": 9119, + "▁modified": 9120, + "▁military": 9121, + "▁monde": 9122, + "▁Action": 9123, + "▁bank": 9124, + "Serial": 9125, + "▁continuous": 9126, + "▁gel": 9127, + "▁physical": 9128, + "▁introduced": 9129, + "uture": 9130, + "rick": 9131, + "▁presented": 9132, + "▁Prov": 9133, + "▁Both": 9134, + "Pos": 9135, + "super": 9136, + "&#": 9137, + "▁finding": 9138, + "nel": 9139, + "unde": 9140, + "▁från": 9141, + "skim": 9142, + "▁Hill": 9143, + "fn": 9144, + "▁Canad": 9145, + "▁intended": 9146, + "ozzáférés": 9147, + "▁juillet": 9148, + "▁Wars": 9149, + "▁successful": 9150, + "▁charg": 9151, + "iele": 9152, + "omething": 9153, + "oku": 9154, + "fetch": 9155, + "▁}}": 9156, + "bank": 9157, + "operatorname": 9158, + "▁Color": 9159, + "▁Card": 9160, + "tu": 9161, + "▁\",": 9162, + "wid": 9163, + "▁gep": 9164, + "XML": 9165, + "================": 9166, + "▁Virgin": 9167, + "ährend": 9168, + "licated": 9169, + "Dir": 9170, + "zero": 9171, + "▁Kal": 9172, + "▁Party": 9173, + "▁å": 9174, + "price": 9175, + "don": 9176, + "▁warning": 9177, + "▁Bad": 9178, + "▁Supp": 9179, + "▁Liga": 9180, + "▁Pierre": 9181, + "Record": 9182, + "ulator": 9183, + "▁Rome": 9184, + "▁theorem": 9185, + "▁entirely": 9186, + "ским": 9187, + "het": 9188, + "▁dopo": 9189, + "Next": 9190, + "mlung": 9191, + "wig": 9192, + "▁Ath": 9193, + "▁Sou": 9194, + "licher": 9195, + "▁sudo": 9196, + "ests": 9197, + "хів": 9198, + "▁septiembre": 9199, + "▁micro": 9200, + "▁trop": 9201, + "fit": 9202, + "Core": 9203, + "▁Radio": 9204, + "▁Organ": 9205, + "▁Power": 9206, + "CF": 9207, + "▁Last": 9208, + "▁oppos": 9209, + "▁offset": 9210, + "▁regia": 9211, + "▁minimum": 9212, + "▁helped": 9213, + "andon": 9214, + "ifying": 9215, + "ruit": 9216, + "enschapp": 9217, + "▁bere": 9218, + "VM": 9219, + "▁Awards": 9220, + "▁agr": 9221, + "ynomial": 9222, + "enced": 9223, + "▁devices": 9224, + "▁bot": 9225, + "▁firm": 9226, + "▁writer": 9227, + "▁ring": 9228, + ".-": 9229, + "istes": 9230, + "lä": 9231, + "▁mel": 9232, + "entation": 9233, + "▁Schw": 9234, + "▁nome": 9235, + "▁pobla": 9236, + "▁woj": 9237, + "▁ul": 9238, + "ento": 9239, + "ых": 9240, + "▁resist": 9241, + "▁remains": 9242, + "▁Ca": 9243, + "aña": 9244, + "▁Court": 9245, + "utable": 9246, + "entially": 9247, + "▁trat": 9248, + "▁Visual": 9249, + "▁restrict": 9250, + "▁previously": 9251, + "cation": 9252, + "▁осо": 9253, + "▁MySQL": 9254, + "för": 9255, + "cala": 9256, + "▁culture": 9257, + "live": 9258, + "▁accepted": 9259, + "Did": 9260, + "▁hous": 9261, + "▁selection": 9262, + "▁decre": 9263, + "margin": 9264, + "urb": 9265, + "▁Inc": 9266, + "▁Many": 9267, + "ibt": 9268, + "▁succeed": 9269, + "Binding": 9270, + "cí": 9271, + "▁Rog": 9272, + "▁shouldn": 9273, + "cloud": 9274, + "▁dz": 9275, + "вав": 9276, + "▁pix": 9277, + "small": 9278, + "▁projects": 9279, + "▁OK": 9280, + "▁latest": 9281, + "▁references": 9282, + "Program": 9283, + "▁erst": 9284, + "▁як": 9285, + "▁kam": 9286, + "▁Camb": 9287, + "ellt": 9288, + "öd": 9289, + "none": 9290, + "▁jusqu": 9291, + "king": 9292, + "▁Ped": 9293, + "assert": 9294, + "CS": 9295, + "rito": 9296, + "essa": 9297, + "лько": 9298, + "▁Von": 9299, + "▁Edward": 9300, + "▁impossible": 9301, + "np": 9302, + "words": 9303, + "ielt": 9304, + "▁Page": 9305, + "lers": 9306, + "▁pier": 9307, + "▁области": 9308, + "ittee": 9309, + "▁([": 9310, + "▁trust": 9311, + "NG": 9312, + "redu": 9313, + "<<": 9314, + "rial": 9315, + "▁products": 9316, + "▁Ern": 9317, + "rière": 9318, + "гов": 9319, + "▁Reich": 9320, + "▁Road": 9321, + "▁nested": 9322, + "Display": 9323, + "▁strength": 9324, + "ografía": 9325, + "▁announced": 9326, + "▁Science": 9327, + "▁райо": 9328, + "Parameter": 9329, + "▁Task": 9330, + "uments": 9331, + "▁adopt": 9332, + "▁Only": 9333, + "ють": 9334, + "▁cli": 9335, + "▁lem": 9336, + "stood": 9337, + "▁FI": 9338, + "ências": 9339, + "ponents": 9340, + "]$": 9341, + "comment": 9342, + "▁ya": 9343, + "should": 9344, + "ike": 9345, + "tim": 9346, + "ellig": 9347, + "▁sending": 9348, + "▁ajax": 9349, + "▁noviembre": 9350, + "umes": 9351, + "▁weiter": 9352, + "▁Dans": 9353, + "opp": 9354, + "▁septembre": 9355, + "otimes": 9356, + "ző": 9357, + "▁ep": 9358, + "vere": 9359, + "▁oh": 9360, + ":=": 9361, + "▁Song": 9362, + "”,": 9363, + "▁viv": 9364, + "▁queries": 9365, + "▁vá": 9366, + "▁décembre": 9367, + "▁unable": 9368, + "▁erh": 9369, + "▁`-": 9370, + "▁Lee": 9371, + "▁ersten": 9372, + "ôt": 9373, + "стве": 9374, + "TS": 9375, + "▁fragment": 9376, + "▁wide": 9377, + "▁suff": 9378, + "▁dut": 9379, + "▁Vere": 9380, + "іс": 9381, + "ading": 9382, + "iego": 9383, + "icago": 9384, + "▁Argent": 9385, + "orer": 9386, + "ennes": 9387, + "▁Leb": 9388, + "linux": 9389, + "acing": 9390, + "▁broken": 9391, + "tp": 9392, + "ío": 9393, + "abeth": 9394, + "istas": 9395, + "gew": 9396, + "ième": 9397, + "cas": 9398, + "▁preced": 9399, + "▁Dal": 9400, + "▁compared": 9401, + "equiv": 9402, + "illy": 9403, + "teen": 9404, + "▁Console": 9405, + "▁strict": 9406, + "itaire": 9407, + "▁ED": 9408, + "entials": 9409, + "▁perman": 9410, + "▁tous": 9411, + "▁geme": 9412, + "▁extrem": 9413, + "▁окру": 9414, + "kg": 9415, + "▁heavy": 9416, + "▁avril": 9417, + "▁anti": 9418, + "▁octobre": 9419, + "utf": 9420, + "helm": 9421, + "amples": 9422, + "▁(_": 9423, + "aken": 9424, + "▁dear": 9425, + "▁opinion": 9426, + "▁fish": 9427, + "▁Alexander": 9428, + "iw": 9429, + "им": 9430, + "cadem": 9431, + "▁reflect": 9432, + "▁др": 9433, + "▁trib": 9434, + "common": 9435, + "▁clearly": 9436, + "▁saf": 9437, + "=\"@+": 9438, + "▁Мос": 9439, + "сите": 9440, + "eqnarray": 9441, + "nung": 9442, + "▁relationship": 9443, + "▁Sem": 9444, + "▁killed": 9445, + "ted": 9446, + "uno": 9447, + "▁лі": 9448, + "▁wid": 9449, + "anning": 9450, + "▁panel": 9451, + "▁Leben": 9452, + "▁ruby": 9453, + "ansion": 9454, + "▁aren": 9455, + "tabular": 9456, + "alet": 9457, + "}$$": 9458, + "▁Lake": 9459, + "▁suite": 9460, + "▁minor": 9461, + "Hozzáférés": 9462, + "▁xmlns": 9463, + "DIR": 9464, + "driver": 9465, + "ints": 9466, + "▁vic": 9467, + "AND": 9468, + "prim": 9469, + "сылки": 9470, + "▁Ox": 9471, + "TC": 9472, + "rivial": 9473, + "atie": 9474, + "▁eight": 9475, + "▁conflic": 9476, + "angel": 9477, + "▁Begr": 9478, + "▁explicitly": 9479, + "ются": 9480, + "▁Dev": 9481, + "render": 9482, + "▁reprodu": 9483, + "▁cré": 9484, + "Gu": 9485, + "MB": 9486, + "▁kön": 9487, + "▁remained": 9488, + "▁kl": 9489, + "хов": 9490, + "▁byl": 9491, + "Phi": 9492, + "▁detail": 9493, + "jav": 9494, + "▁mouse": 9495, + "Bas": 9496, + "ię": 9497, + "asser": 9498, + "hs": 9499, + "▁shift": 9500, + "▁últ": 9501, + "rand": 9502, + "▁btn": 9503, + "raz": 9504, + "▁pul": 9505, + "▁statements": 9506, + "filename": 9507, + "▁prompt": 9508, + "élé": 9509, + "ikz": 9510, + "▁Sus": 9511, + "▁debut": 9512, + "Stat": 9513, + "forms": 9514, + "▁Hein": 9515, + "stadt": 9516, + "ennis": 9517, + "пол": 9518, + "arante": 9519, + "цій": 9520, + "▁queue": 9521, + "▁reci": 9522, + "▁sta": 9523, + "ynchron": 9524, + "centering": 9525, + "Some": 9526, + "Graph": 9527, + "▁tested": 9528, + "▁Kunst": 9529, + "ом": 9530, + "▁Nothing": 9531, + "ieu": 9532, + "“.": 9533, + "Bundle": 9534, + "▁oficial": 9535, + "allow": 9536, + "▁React": 9537, + "▁Library": 9538, + "blue": 9539, + "▁verw": 9540, + "▁pare": 9541, + "▁Friedrich": 9542, + "▁aware": 9543, + "Exp": 9544, + "▁effects": 9545, + "▁горо": 9546, + "lopedia": 9547, + "▁Ven": 9548, + "rale": 9549, + "▁Final": 9550, + "▁propos": 9551, + "lacement": 9552, + "kten": 9553, + "▁novel": 9554, + "orter": 9555, + "▁Germany": 9556, + "▁django": 9557, + "▁transition": 9558, + "▁happened": 9559, + "▁beautiful": 9560, + "▁neither": 9561, + "▁libraries": 9562, + "▁hide": 9563, + "alg": 9564, + "▁aspect": 9565, + "▁forget": 9566, + "cademy": 9567, + "onte": 9568, + "refix": 9569, + "▁cloud": 9570, + "ned": 9571, + "cdots": 9572, + "register": 9573, + "nym": 9574, + ".):": 9575, + "▁Jew": 9576, + "▁très": 9577, + "ниче": 9578, + "▁Dor": 9579, + "▁proc": 9580, + "▁gan": 9581, + "▁є": 9582, + "▁Sav": 9583, + "ví": 9584, + "Settings": 9585, + "▁Vari": 9586, + "▁cours": 9587, + "Ro": 9588, + "▁conj": 9589, + "▁reasons": 9590, + "▁reader": 9591, + "лександ": 9592, + "icate": 9593, + "}),": 9594, + "▁tasks": 9595, + "▁Ray": 9596, + "▁ric": 9597, + "Ke": 9598, + "onie": 9599, + "rf": 9600, + ")[": 9601, + "▁subsequ": 9602, + "▁Turn": 9603, + "▁VIAF": 9604, + "mathsf": 9605, + "HE": 9606, + "▁declare": 9607, + "▁protocol": 9608, + "▁PC": 9609, + "цион": 9610, + "ViewById": 9611, + "▁animation": 9612, + "▁confused": 9613, + "вич": 9614, + "▁enabled": 9615, + "owo": 9616, + "ást": 9617, + "öt": 9618, + "▁mand": 9619, + "▁Rail": 9620, + "fields": 9621, + "▁Kap": 9622, + "▁algebra": 9623, + "▁Су": 9624, + "férence": 9625, + "▁Current": 9626, + "сно": 9627, + "▁Lim": 9628, + "Params": 9629, + "▁Antonio": 9630, + "▁tv": 9631, + "late": 9632, + "ifer": 9633, + "Entry": 9634, + "▁Serv": 9635, + "▁musical": 9636, + "▁trace": 9637, + "▁scient": 9638, + "fic": 9639, + "▁forgot": 9640, + "video": 9641, + "▁older": 9642, + "Tree": 9643, + "▁uns": 9644, + "ники": 9645, + "▁Europa": 9646, + "▁Zwe": 9647, + "▁бе": 9648, + "▁vec": 9649, + "жу": 9650, + "▁▁▁▁▁▁▁▁▁▁▁": 9651, + "Match": 9652, + "span": 9653, + "▁blank": 9654, + "▁später": 9655, + "▁Ty": 9656, + "▁dict": 9657, + "ña": 9658, + "▁confirm": 9659, + "▁vý": 9660, + "зан": 9661, + "Rel": 9662, + "film": 9663, + "▁Rot": 9664, + "▁Hy": 9665, + "ках": 9666, + "▁demand": 9667, + "▁minist": 9668, + "▁Madrid": 9669, + "▁usual": 9670, + "spiel": 9671, + "eros": 9672, + "▁tutorial": 9673, + "▁Ссылки": 9674, + "sys": 9675, + "циаль": 9676, + "▁spread": 9677, + "▁convers": 9678, + "▁roll": 9679, + "artifactId": 9680, + "▁Number": 9681, + "▁symmet": 9682, + "▁Mult": 9683, + "expected": 9684, + "▁axis": 9685, + "▁matching": 9686, + "▁food": 9687, + "groupId": 9688, + "Mapp": 9689, + "▁свя": 9690, + "▁vend": 9691, + "Found": 9692, + "otto": 9693, + "Cat": 9694, + "crit": 9695, + "istent": 9696, + "▁drei": 9697, + "▁ended": 9698, + "▁Tele": 9699, + "component": 9700, + "▁involved": 9701, + "▁Estados": 9702, + "▁danger": 9703, + "▁chain": 9704, + "▁Prom": 9705, + "hom": 9706, + "▁polít": 9707, + "cop": 9708, + "▁nap": 9709, + "rif": 9710, + "plements": 9711, + "▁vent": 9712, + "anna": 9713, + "anted": 9714, + "dated": 9715, + "anth": 9716, + "▁threads": 9717, + "зова": 9718, + "▁станов": 9719, + "▁eerst": 9720, + "buf": 9721, + "heid": 9722, + "▁Ru": 9723, + "▁Prim": 9724, + "▁migr": 9725, + "▁Unidos": 9726, + "▁arbitr": 9727, + "▁roman": 9728, + "ountry": 9729, + "ultur": 9730, + "▁König": 9731, + "▁annot": 9732, + "aching": 9733, + "▁Haupt": 9734, + "umin": 9735, + "▁hem": 9736, + "ckets": 9737, + "bau": 9738, + "ection": 9739, + "eft": 9740, + "▁packages": 9741, + "▁Kur": 9742, + "thur": 9743, + "▁pays": 9744, + "liament": 9745, + "▁Бу": 9746, + "▁cada": 9747, + "points": 9748, + "ocket": 9749, + "▁verb": 9750, + "лее": 9751, + "▁submit": 9752, + "▁san": 9753, + "ruby": 9754, + "▁east": 9755, + "kov": 9756, + "▁Verlag": 9757, + "▁spot": 9758, + "ppo": 9759, + "Each": 9760, + "jekt": 9761, + "▁Biographie": 9762, + "▁news": 9763, + "▁país": 9764, + "ufact": 9765, + "▁dia": 9766, + "кова": 9767, + "▁accompl": 9768, + "▁Ét": 9769, + "ilities": 9770, + "▁ihm": 9771, + "invoke": 9772, + "▁append": 9773, + ".),": 9774, + "▁lab": 9775, + "anging": 9776, + "istan": 9777, + "resol": 9778, + "▁Section": 9779, + "Parent": 9780, + "moz": 9781, + "Mat": 9782, + "styles": 9783, + "unden": 9784, + "“,": 9785, + "irtschaft": 9786, + "ким": 9787, + "▁Finally": 9788, + "phen": 9789, + "▁Pac": 9790, + "▁ArrayList": 9791, + "▁recover": 9792, + "▁education": 9793, + "models": 9794, + "ped": 9795, + "▁happy": 9796, + "чу": 9797, + "▁guerra": 9798, + "media": 9799, + "OF": 9800, + "▁ensure": 9801, + "Mark": 9802, + "database": 9803, + "oggle": 9804, + "▁publish": 9805, + "OW": 9806, + "▁Bau": 9807, + "?.": 9808, + "▁части": 9809, + "▁repository": 9810, + "▁Matt": 9811, + "high": 9812, + "oven": 9813, + "▁ger": 9814, + "▁unknown": 9815, + "Amer": 9816, + "▁Brown": 9817, + "ALL": 9818, + "▁resulting": 9819, + "▁bor": 9820, + "▁poet": 9821, + "ними": 9822, + "Email": 9823, + "Font": 9824, + "▁hist": 9825, + "▁today": 9826, + "▁Berg": 9827, + "▁buttons": 9828, + "тал": 9829, + "▁sni": 9830, + "▁челов": 9831, + "Cre": 9832, + "▁union": 9833, + "▁zich": 9834, + "ishop": 9835, + "▁quando": 9836, + "Po": 9837, + "CTION": 9838, + "▁Cost": 9839, + "судар": 9840, + "erved": 9841, + "Note": 9842, + "Equal": 9843, + "лия": 9844, + "бур": 9845, + "▁abstract": 9846, + "stop": 9847, + "▁advice": 9848, + "▁icon": 9849, + "▁travel": 9850, + "BS": 9851, + "vens": 9852, + "▁batch": 9853, + "lique": 9854, + "sheet": 9855, + "▁ihre": 9856, + "emon": 9857, + "berto": 9858, + "▁assigned": 9859, + "ью": 9860, + "Phone": 9861, + "▁award": 9862, + "▁functionality": 9863, + "alla": 9864, + "▁Dam": 9865, + "▁ciudad": 9866, + "▁cluster": 9867, + "Description": 9868, + "▁sheet": 9869, + "▁Australian": 9870, + "▁».": 9871, + "▁\"<": 9872, + "▁wondering": 9873, + "aine": 9874, + "▁represented": 9875, + "kappa": 9876, + "nb": 9877, + "▁sy": 9878, + "▁Kö": 9879, + "=\"#": 9880, + "▁seven": 9881, + "Directory": 9882, + "▁sister": 9883, + "plates": 9884, + "▁luck": 9885, + "▁remaining": 9886, + "▁Vill": 9887, + "werk": 9888, + "anni": 9889, + "etti": 9890, + "func": 9891, + "▁ban": 9892, + "ims": 9893, + "miss": 9894, + "agraph": 9895, + "екси": 9896, + "▁Ref": 9897, + "nitt": 9898, + "▁Gab": 9899, + "▁andere": 9900, + "▁jedoch": 9901, + "results": 9902, + "!\\": 9903, + "▁listed": 9904, + "▁loro": 9905, + "▁knows": 9906, + "жно": 9907, + "Rad": 9908, + "▁socket": 9909, + "multi": 9910, + "▁рі": 9911, + "rails": 9912, + "▁tar": 9913, + "▁gentle": 9914, + "sett": 9915, + "services": 9916, + "bound": 9917, + "igkeit": 9918, + "aja": 9919, + "▁cmd": 9920, + "agger": 9921, + "▁ba": 9922, + "▁Belg": 9923, + "▁Kle": 9924, + "▁wordt": 9925, + "▁fost": 9926, + "▁dimension": 9927, + "Ang": 9928, + "uming": 9929, + "Obj": 9930, + "нен": 9931, + "▁Marie": 9932, + "exists": 9933, + "тро": 9934, + "▁боль": 9935, + "emente": 9936, + "▁Jon": 9937, + "SERT": 9938, + "▁highest": 9939, + "aki": 9940, + "▁tres": 9941, + "▁circum": 9942, + "▁Down": 9943, + "ommen": 9944, + "urer": 9945, + "▁causes": 9946, + "venue": 9947, + "issance": 9948, + "▁influence": 9949, + "▁fat": 9950, + "реди": 9951, + "}\\\\": 9952, + "▁entr": 9953, + "▁Sign": 9954, + "▁кла": 9955, + "▁binding": 9956, + "essen": 9957, + "▁Фран": 9958, + "▁Local": 9959, + "▁явля": 9960, + "appro": 9961, + "▁dependencies": 9962, + "▁talking": 9963, + "▁zurück": 9964, + "connection": 9965, + "Active": 9966, + "bbe": 9967, + "irls": 9968, + "▁Inf": 9969, + "wd": 9970, + "▁ис": 9971, + "road": 9972, + "▁conven": 9973, + "ět": 9974, + "вез": 9975, + "▁entries": 9976, + "esc": 9977, + "▁bits": 9978, + "asso": 9979, + "WR": 9980, + "ships": 9981, + "▁dés": 9982, + "esp": 9983, + "Make": 9984, + "▁familiar": 9985, + "Art": 9986, + "▁army": 9987, + "ctr": 9988, + "éric": 9989, + "queue": 9990, + "▁\\{": 9991, + "uela": 9992, + "amiento": 9993, + "ших": 9994, + "▁\"\"\"": 9995, + "contr": 9996, + "лле": 9997, + "FS": 9998, + "▁market": 9999, + "ång": 10000, + "citep": 10001, + "Ill": 10002, + "rank": 10003, + "▁sender": 10004, + "▁beim": 10005, + "рак": 10006, + "▁compat": 10007, + "▁occurs": 10008, + "▁diese": 10009, + "ститу": 10010, + "awa": 10011, + "▁iOS": 10012, + "▁Chinese": 10013, + "▁TR": 10014, + "▁Ken": 10015, + "▁Une": 10016, + "▁creates": 10017, + "▁showed": 10018, + "▁év": 10019, + "ologia": 10020, + "▁protest": 10021, + "▁Pf": 10022, + "▁squad": 10023, + "++,": 10024, + "áv": 10025, + "▁essere": 10026, + "зя": 10027, + "kol": 10028, + "▁slightly": 10029, + "addr": 10030, + "ân": 10031, + "▁reduce": 10032, + "▁\\(\\": 10033, + "▁Dep": 10034, + "▁generic": 10035, + "Loader": 10036, + "ți": 10037, + "▁пос": 10038, + "▁occasion": 10039, + "▁Lady": 10040, + "entity": 10041, + "▁avant": 10042, + "▁Pas": 10043, + "aggio": 10044, + "\\{": 10045, + "пад": 10046, + "atholic": 10047, + "Password": 10048, + "▁respond": 10049, + "▁Non": 10050, + "AG": 10051, + "neg": 10052, + "▁ус": 10053, + "blob": 10054, + "cke": 10055, + "▁Consider": 10056, + "▁Care": 10057, + "iki": 10058, + "▁Chicago": 10059, + "inden": 10060, + "▁Cop": 10061, + "]+": 10062, + "öm": 10063, + "évrier": 10064, + "кло": 10065, + "alen": 10066, + "▁maj": 10067, + "racy": 10068, + "orte": 10069, + "ients": 10070, + "ells": 10071, + "activity": 10072, + "▁runtime": 10073, + "NULL": 10074, + "▁possibly": 10075, + "▁stri": 10076, + "izi": 10077, + "▁mir": 10078, + "▁Version": 10079, + "prime": 10080, + "▁twenty": 10081, + "▁Mah": 10082, + "▁sounds": 10083, + "шен": 10084, + "clusion": 10085, + "acz": 10086, + "▁determined": 10087, + "▁Rep": 10088, + "▁Landes": 10089, + "▁wall": 10090, + "igi": 10091, + "▁reset": 10092, + "шо": 10093, + "yan": 10094, + "Met": 10095, + "ei": 10096, + "▁appearance": 10097, + "▁fois": 10098, + "▁nell": 10099, + "esi": 10100, + "ёт": 10101, + "loor": 10102, + "▁Ul": 10103, + "▁resolution": 10104, + "▁fot": 10105, + "▁throughout": 10106, + "▁ri": 10107, + "Level": 10108, + "pool": 10109, + "▁identity": 10110, + "▁janu": 10111, + "▁imper": 10112, + "▁över": 10113, + "}`": 10114, + "▁infer": 10115, + "▁dates": 10116, + "▁Standard": 10117, + "force": 10118, + "ockey": 10119, + "tera": 10120, + "▁distingu": 10121, + "▁presence": 10122, + "lica": 10123, + "▁leaving": 10124, + "itung": 10125, + "éb": 10126, + "▁establish": 10127, + "▁maar": 10128, + "adi": 10129, + "▁News": 10130, + "azon": 10131, + "folg": 10132, + "▁Hence": 10133, + "▁Ye": 10134, + "▁fab": 10135, + "▁führ": 10136, + "itmap": 10137, + "▁Vers": 10138, + "rov": 10139, + "Sign": 10140, + "device": 10141, + "Sigma": 10142, + "▁wetenschapp": 10143, + "▁Ps": 10144, + "PATH": 10145, + "▁torn": 10146, + "vest": 10147, + "стов": 10148, + "account": 10149, + "▁largest": 10150, + "▁percent": 10151, + "▁Women": 10152, + "▁img": 10153, + "tool": 10154, + "▁roce": 10155, + "▁ay": 10156, + "inet": 10157, + "▁août": 10158, + "▁polynomial": 10159, + "▁integral": 10160, + "▁areas": 10161, + "}'": 10162, + "▁hyp": 10163, + "loyee": 10164, + "таль": 10165, + "▁proxy": 10166, + "▁Wy": 10167, + "▁Мекси": 10168, + "▁escape": 10169, + "olar": 10170, + "▁mistake": 10171, + ")}{": 10172, + "▁Pot": 10173, + "▁processes": 10174, + "\">\r": 10175, + "halten": 10176, + "zza": 10177, + "amo": 10178, + "кре": 10179, + "▁Wood": 10180, + "ør": 10181, + "▁сер": 10182, + "ocia": 10183, + "two": 10184, + "profile": 10185, + "▁Ast": 10186, + "embro": 10187, + "▁arms": 10188, + "inas": 10189, + "innen": 10190, + "▁msg": 10191, + "INT": 10192, + "▁batter": 10193, + "ignment": 10194, + "▁vy": 10195, + "Hrsg": 10196, + "▁Grund": 10197, + "roc": 10198, + "seg": 10199, + "▁decor": 10200, + "▁eventually": 10201, + ">,": 10202, + "▁pag": 10203, + "anten": 10204, + "▁strugg": 10205, + "}^\\": 10206, + "daten": 10207, + "▁rela": 10208, + "пов": 10209, + "▁коро": 10210, + "▁Bos": 10211, + "▁labor": 10212, + "▁Secret": 10213, + "ugen": 10214, + "▁jap": 10215, + "▁husband": 10216, + "▁Album": 10217, + "▁etwa": 10218, + "▁произ": 10219, + "richt": 10220, + "rach": 10221, + "bat": 10222, + "▁prepar": 10223, + "▁Stock": 10224, + "▁lack": 10225, + "хід": 10226, + "▁hogy": 10227, + "▁Chrome": 10228, + "▁Admin": 10229, + "▁comparison": 10230, + "▁increasing": 10231, + "нг": 10232, + "imi": 10233, + "Db": 10234, + "▁gef": 10235, + "ucht": 10236, + "ése": 10237, + "gence": 10238, + "▁Core": 10239, + "▁incorrect": 10240, + "▁assuming": 10241, + "ourse": 10242, + "ieron": 10243, + "▁Theorem": 10244, + "▁casa": 10245, + "jes": 10246, + "▁дере": 10247, + "▁`\"": 10248, + "LD": 10249, + "äß": 10250, + "Deb": 10251, + "▁suiv": 10252, + "▁Bank": 10253, + "libs": 10254, + "▁Leon": 10255, + "▁quart": 10256, + "▁professional": 10257, + "▁tiene": 10258, + "▁accomp": 10259, + "стер": 10260, + "▁UK": 10261, + "NN": 10262, + "▁lí": 10263, + "ця": 10264, + "kel": 10265, + "▁•": 10266, + "▁dise": 10267, + "onto": 10268, + "▁má": 10269, + "ifs": 10270, + "bild": 10271, + "▁compute": 10272, + "▁éd": 10273, + "ję": 10274, + "▁Mé": 10275, + "▁languages": 10276, + "▁Times": 10277, + "cen": 10278, + "▁авто": 10279, + "ým": 10280, + "enez": 10281, + "▁upp": 10282, + "▁méd": 10283, + "▁cuando": 10284, + "од": 10285, + "Intent": 10286, + "eerd": 10287, + "▁Tal": 10288, + "offset": 10289, + "▁haben": 10290, + "reme": 10291, + "▁Stack": 10292, + "▁dri": 10293, + "▁seinem": 10294, + "▁février": 10295, + "▁combination": 10296, + "▁soll": 10297, + "▁movement": 10298, + "Spec": 10299, + "кры": 10300, + "retch": 10301, + "Offset": 10302, + "Root": 10303, + "Ар": 10304, + "wart": 10305, + "▁Follow": 10306, + "▁Social": 10307, + "ников": 10308, + "▁→": 10309, + "Don": 10310, + "▁harm": 10311, + "agr": 10312, + "nego": 10313, + "resource": 10314, + "▁Luc": 10315, + "▁seinen": 10316, + "▁Department": 10317, + "▁Update": 10318, + "▁Texas": 10319, + "▁reve": 10320, + "▁Pos": 10321, + "▁shot": 10322, + "othe": 10323, + "▁repeated": 10324, + "▁recently": 10325, + "ában": 10326, + "aks": 10327, + "пан": 10328, + "▁cha": 10329, + "ohl": 10330, + "▁tend": 10331, + "▁дво": 10332, + "chts": 10333, + "çaise": 10334, + "pling": 10335, + "album": 10336, + "ej": 10337, + "▁`[": 10338, + "maps": 10339, + "▁units": 10340, + "▁": 15110, + "▁pří": 15111, + "pandas": 15112, + "▁Plus": 15113, + "yll": 15114, + "▁terror": 15115, + "▁crim": 15116, + "▁zak": 15117, + "issue": 15118, + "panel": 15119, + "svg": 15120, + "▁reb": 15121, + "Customer": 15122, + "switch": 15123, + "обра": 15124, + "▁Championships": 15125, + "clo": 15126, + "atte": 15127, + "▁anymore": 15128, + "▁excellent": 15129, + "▁opportunity": 15130, + "▁Bahn": 15131, + "чин": 15132, + "eting": 15133, + "▁incident": 15134, + "tom": 15135, + "Pers": 15136, + "bben": 15137, + "ственной": 15138, + "их": 15139, + "router": 15140, + "▁newly": 15141, + "▁silence": 15142, + "▁GNU": 15143, + "▁Rails": 15144, + "▁Amb": 15145, + "▁Qual": 15146, + "▁Schaus": 15147, + "▁Sohn": 15148, + "▁ALL": 15149, + "▁royal": 15150, + "▁£": 15151, + "wię": 15152, + "▁entfer": 15153, + "▁Remove": 15154, + "▁hardly": 15155, + "Using": 15156, + "лог": 15157, + "▁Ich": 15158, + "▁derni": 15159, + "▁Connection": 15160, + "fish": 15161, + "▁Inform": 15162, + "▁Ener": 15163, + "roit": 15164, + "Bbb": 15165, + "ViewModel": 15166, + "Video": 15167, + "iley": 15168, + "▁много": 15169, + "▁Gem": 15170, + "▁compreh": 15171, + "enumerate": 15172, + "ulas": 15173, + "▁Bah": 15174, + "▁Yet": 15175, + "BR": 15176, + "хра": 15177, + "▁county": 15178, + "▁Hist": 15179, + "▁Гу": 15180, + "▁Ј": 15181, + "▁mari": 15182, + "▁Clar": 15183, + "Bitmap": 15184, + "▁Cz": 15185, + "▁mån": 15186, + "▁mere": 15187, + "▁musique": 15188, + "also": 15189, + "dates": 15190, + "▁DVD": 15191, + "▁gol": 15192, + "fony": 15193, + "▁Castle": 15194, + "▁фами": 15195, + "▁arrang": 15196, + "▁Business": 15197, + "▁Kaz": 15198, + "▁osc": 15199, + "▁secolo": 15200, + "▁affected": 15201, + "▁Health": 15202, + "reb": 15203, + "editor": 15204, + "▁owned": 15205, + "tl": 15206, + "▁ví": 15207, + "чних": 15208, + "кви": 15209, + "▁devient": 15210, + "Mutable": 15211, + "▁tegen": 15212, + "Register": 15213, + "єю": 15214, + "▁caracter": 15215, + "лли": 15216, + "▁nouvelle": 15217, + "oko": 15218, + "ichtet": 15219, + "▁evol": 15220, + "▁Hab": 15221, + "▁militar": 15222, + "▁puts": 15223, + "endif": 15224, + "▁Davis": 15225, + "▁Scotland": 15226, + "regular": 15227, + "▁Context": 15228, + "ispiel": 15229, + "▁Gallery": 15230, + "\",\r": 15231, + "▁arc": 15232, + "▁INFO": 15233, + "▁cod": 15234, + "дів": 15235, + "▁varchar": 15236, + "▁toujours": 15237, + "atial": 15238, + "▁hanno": 15239, + "▁профес": 15240, + "▁launched": 15241, + "▁населення": 15242, + "▁ton": 15243, + "aused": 15244, + "▁із": 15245, + "▁tö": 15246, + "▁Pur": 15247, + "▁olymp": 15248, + "ARN": 15249, + "óm": 15250, + "▁august": 15251, + "▁furn": 15252, + "▁Colomb": 15253, + "▁Staats": 15254, + "hora": 15255, + "▁мор": 15256, + "canvas": 15257, + "▁grave": 15258, + "▁composition": 15259, + "acja": 15260, + "▁которые": 15261, + "▁чо": 15262, + "General": 15263, + "ані": 15264, + "▁Johannes": 15265, + "кар": 15266, + "▁част": 15267, + "▁Васи": 15268, + "ssh": 15269, + "▁replacing": 15270, + "▁<>": 15271, + "ців": 15272, + "laus": 15273, + "eny": 15274, + "ähl": 15275, + "▁marg": 15276, + "cience": 15277, + "▁instruction": 15278, + "▁који": 15279, + "Editor": 15280, + "▁fundamental": 15281, + "mund": 15282, + "▁exceptions": 15283, + "▁plate": 15284, + "▁Lis": 15285, + "▁deren": 15286, + "prep": 15287, + "▁januari": 15288, + "Scope": 15289, + "ynast": 15290, + "rv": 15291, + "orsz": 15292, + "▁Tony": 15293, + "▁ді": 15294, + "▁одна": 15295, + "▁sab": 15296, + "oti": 15297, + "jel": 15298, + "▁generator": 15299, + "▁'.": 15300, + "▁sharp": 15301, + "▁только": 15302, + "▁accounts": 15303, + "▁že": 15304, + "▁foram": 15305, + "▁gouvern": 15306, + "TIME": 15307, + "▁Soviet": 15308, + "▁Gé": 15309, + "▁exped": 15310, + "▁ordinary": 15311, + "▁Conserv": 15312, + "▁compla": 15313, + "tei": 15314, + "▁captain": 15315, + "▁Samuel": 15316, + "▁Dark": 15317, + "▁він": 15318, + "▁delight": 15319, + "recht": 15320, + "dia": 15321, + "esses": 15322, + "ulp": 15323, + "шки": 15324, + "bez": 15325, + "▁detection": 15326, + "▁cookie": 15327, + "antry": 15328, + "Multi": 15329, + "oba": 15330, + "▁joy": 15331, + "▁safety": 15332, + "|^": 15333, + "pod": 15334, + "adém": 15335, + "▁Chron": 15336, + "▁Django": 15337, + "▁ehemal": 15338, + "kh": 15339, + "èle": 15340, + "▁poc": 15341, + "Bottom": 15342, + "launch": 15343, + "nem": 15344, + "▁GROUP": 15345, + "ního": 15346, + "▁Gib": 15347, + "sdk": 15348, + "BE": 15349, + "▁Gene": 15350, + "▁Staff": 15351, + "▁subsequent": 15352, + "icion": 15353, + "▁victory": 15354, + "▁canon": 15355, + "izar": 15356, + "izia": 15357, + "▁mate": 15358, + "▁layers": 15359, + "sudo": 15360, + "schule": 15361, + "periment": 15362, + "ület": 15363, + "ARCHAR": 15364, + "▁террито": 15365, + "▁measures": 15366, + "▁zou": 15367, + "opsis": 15368, + "нами": 15369, + "tbody": 15370, + "▁ese": 15371, + "sterdam": 15372, + "▁photo": 15373, + "ynchronous": 15374, + "setminus": 15375, + "▁loads": 15376, + "▁pleasure": 15377, + "▁meille": 15378, + "}\\,": 15379, + "qual": 15380, + "▁favour": 15381, + "▁rod": 15382, + "Der": 15383, + "рабо": 15384, + "▁pressed": 15385, + "rę": 15386, + "ieving": 15387, + "material": 15388, + "virt": 15389, + "▁capable": 15390, + "сло": 15391, + "ushed": 15392, + "▁побе": 15393, + "usetts": 15394, + "unsigned": 15395, + "ków": 15396, + "▁ov": 15397, + "egeben": 15398, + "▁applying": 15399, + "▁galax": 15400, + "▁Oracle": 15401, + "▁Stuttgart": 15402, + "Infl": 15403, + "achusetts": 15404, + "▁deel": 15405, + "lire": 15406, + "▁statunit": 15407, + "▁Politiker": 15408, + "▁beauty": 15409, + ")>": 15410, + "▁Columbia": 15411, + "▁zewnętrzne": 15412, + "▁програ": 15413, + "▁dx": 15414, + "cknow": 15415, + "▁dub": 15416, + "unächst": 15417, + "findViewById": 15418, + "▁Mand": 15419, + "áll": 15420, + "naire": 15421, + "▁destin": 15422, + "isting": 15423, + "aggi": 15424, + "chart": 15425, + "▁justice": 15426, + "Simple": 15427, + "▁unfortunately": 15428, + "ір": 15429, + "▁questa": 15430, + "▁Governor": 15431, + "яв": 15432, + "▁música": 15433, + "▁equipo": 15434, + "▁Dest": 15435, + "elect": 15436, + "StackTrace": 15437, + "зом": 15438, + "proc": 15439, + "entin": 15440, + "adora": 15441, + "▁Лю": 15442, + "▁registered": 15443, + "HL": 15444, + "facebook": 15445, + "▁storing": 15446, + "▁Currently": 15447, + "▁quadr": 15448, + "Standard": 15449, + "trim": 15450, + "ears": 15451, + "sender": 15452, + "▁Vas": 15453, + "▁edific": 15454, + "▁Bür": 15455, + "▁Country": 15456, + "tha": 15457, + ";\"": 15458, + "nor": 15459, + "▁Doctor": 15460, + "rument": 15461, + "Gen": 15462, + "▁Buen": 15463, + "rade": 15464, + "▁kun": 15465, + "navigation": 15466, + "Pay": 15467, + "▁captured": 15468, + "▁struck": 15469, + "venir": 15470, + "ément": 15471, + "▁Tree": 15472, + "▁xx": 15473, + "▁narr": 15474, + "льного": 15475, + "▁installing": 15476, + "▁association": 15477, + "▁inserted": 15478, + "erner": 15479, + "validate": 15480, + "▁lut": 15481, + "▁glo": 15482, + "▁technology": 15483, + "▁Place": 15484, + "$?": 15485, + "▁zv": 15486, + "слі": 15487, + "EP": 15488, + "▁atmos": 15489, + "ugo": 15490, + "ért": 15491, + "▁Werk": 15492, + "▁%}": 15493, + "tele": 15494, + "Span": 15495, + "▁Raj": 15496, + "▁Personen": 15497, + "▁Cant": 15498, + "▁combat": 15499, + "▁observation": 15500, + "parameter": 15501, + "▁agreed": 15502, + "pur": 15503, + "▁shadow": 15504, + "▁gł": 15505, + "Keys": 15506, + "Cred": 15507, + "ouri": 15508, + "▁pale": 15509, + "ické": 15510, + "▁Week": 15511, + "▁Prime": 15512, + ">.": 15513, + "Initial": 15514, + "▁один": 15515, + "▁'',": 15516, + "▁учи": 15517, + "▁Inv": 15518, + "cola": 15519, + "cible": 15520, + "▁Theatre": 15521, + "▁bem": 15522, + "▁satisfy": 15523, + "xl": 15524, + "▁разви": 15525, + "▁pixel": 15526, + "lán": 15527, + "▁twee": 15528, + "çon": 15529, + "нения": 15530, + "▁AT": 15531, + "ège": 15532, + "▁Mort": 15533, + "▁mysq": 15534, + "ften": 15535, + "▁пес": 15536, + "éma": 15537, + "▁Services": 15538, + "customer": 15539, + "▁AWS": 15540, + "ът": 15541, + "▁Ach": 15542, + "%.": 15543, + "▁clarify": 15544, + "▁университе": 15545, + "xture": 15546, + "umi": 15547, + "▁så": 15548, + "▁Pel": 15549, + "serial": 15550, + "URI": 15551, + "▁rg": 15552, + "▁соста": 15553, + "chestra": 15554, + "].[": 15555, + "wen": 15556, + "▁Londres": 15557, + "▁anys": 15558, + "DataSource": 15559, + "▁районе": 15560, + "▁rein": 15561, + "▁metadata": 15562, + "umble": 15563, + "arbeit": 15564, + "hner": 15565, + "cient": 15566, + "▁norte": 15567, + "▁она": 15568, + "▁scored": 15569, + "▁ray": 15570, + "▁февра": 15571, + "▁protagon": 15572, + "▁Sac": 15573, + "▁commonly": 15574, + "LinearLayout": 15575, + "▁applic": 15576, + "▁мая": 15577, + "За": 15578, + "▁accessible": 15579, + "iewer": 15580, + "flag": 15581, + "▁Rück": 15582, + "äu": 15583, + "▁erano": 15584, + "▁authentic": 15585, + "▁Ry": 15586, + "▁неско": 15587, + "▁embargo": 15588, + "▁dry": 15589, + "▁reasonable": 15590, + "▁Module": 15591, + "▁acceler": 15592, + "▁interview": 15593, + "▁Creek": 15594, + "▁alpha": 15595, + "serie": 15596, + "They": 15597, + "ючи": 15598, + "▁Hof": 15599, + "▁CR": 15600, + "modal": 15601, + "▁sequences": 15602, + "closed": 15603, + ")}$": 15604, + "▁Чер": 15605, + "▁ORDER": 15606, + "Rightarrow": 15607, + "hausen": 15608, + "}}_": 15609, + "▁també": 15610, + "▁magnetic": 15611, + "▁McC": 15612, + "▁winning": 15613, + "underline": 15614, + "▁Billboard": 15615, + "naio": 15616, + "▁liqu": 15617, + "displaystyle": 15618, + "timeout": 15619, + "▁considerable": 15620, + "▁eben": 15621, + "ifferent": 15622, + "anu": 15623, + "▁Сов": 15624, + "[(": 15625, + "▁:-)": 15626, + "leitung": 15627, + "formed": 15628, + "▁Manager": 15629, + "▁onclick": 15630, + "TY": 15631, + "тах": 15632, + "CV": 15633, + "runtime": 15634, + "poque": 15635, + "▁Ло": 15636, + "Temp": 15637, + "loaded": 15638, + "▁!==": 15639, + "▁singer": 15640, + "far": 15641, + "▁Comple": 15642, + "▁Österreich": 15643, + "Policy": 15644, + "▁worker": 15645, + "Wrapper": 15646, + "obi": 15647, + "▁discussed": 15648, + "▁buy": 15649, + "▁января": 15650, + "▁Din": 15651, + "▁ged": 15652, + "ској": 15653, + "Europe": 15654, + "▁tall": 15655, + "hos": 15656, + "лаго": 15657, + "▁Block": 15658, + "▁identified": 15659, + "ListView": 15660, + "▁attempting": 15661, + "▁typical": 15662, + "psum": 15663, + "oster": 15664, + "▁журна": 15665, + "Pe": 15666, + "merce": 15667, + "▁unexpected": 15668, + "hui": 15669, + "letter": 15670, + "▁nuevo": 15671, + "▁або": 15672, + "▁VALUES": 15673, + "▁Iz": 15674, + "Flags": 15675, + "▁TRUE": 15676, + "ización": 15677, + "▁growing": 15678, + "estre": 15679, + "▁poly": 15680, + "▁Stone": 15681, + "▁VIII": 15682, + "▁localhost": 15683, + "ählt": 15684, + "▁embedded": 15685, + "jdbc": 15686, + "▁convention": 15687, + "▁scala": 15688, + "сок": 15689, + "▁analog": 15690, + "▁\"+": 15691, + "цю": 15692, + "occ": 15693, + "▁litt": 15694, + "PN": 15695, + "▁актив": 15696, + "attributes": 15697, + "▁Ferd": 15698, + "▁azure": 15699, + "ști": 15700, + "ños": 15701, + "ping": 15702, + "▁teacher": 15703, + "}&": 15704, + "ipe": 15705, + "▁Nob": 15706, + "▁има": 15707, + "Bind": 15708, + "▁magic": 15709, + "▁Transport": 15710, + "ixel": 15711, + "▁computed": 15712, + "agna": 15713, + "erst": 15714, + "HA": 15715, + "Wait": 15716, + "▁authors": 15717, + "▁;)": 15718, + "clam": 15719, + "▁Pennsylvan": 15720, + "▁drug": 15721, + "▁vain": 15722, + "▁employed": 15723, + "▁individuals": 15724, + "▁ange": 15725, + "utat": 15726, + "▁$-": 15727, + "correct": 15728, + "▁experiments": 15729, + "Argument": 15730, + "▁IB": 15731, + "▁père": 15732, + "▁Brian": 15733, + "berger": 15734, + "Mac": 15735, + "iast": 15736, + "Perm": 15737, + "Cast": 15738, + "▁{};": 15739, + "▁Student": 15740, + "▁statt": 15741, + "algebra": 15742, + "▁equals": 15743, + "▁projet": 15744, + "▁président": 15745, + "ActivityThread": 15746, + "▁einz": 15747, + "enia": 15748, + "rez": 15749, + "essional": 15750, + "▁августа": 15751, + "override": 15752, + "news": 15753, + "▁planet": 15754, + "nn": 15755, + "▁Wis": 15756, + "твер": 15757, + "▁Valid": 15758, + "▁Gef": 15759, + "град": 15760, + "▁eig": 15761, + "antom": 15762, + "▁Meister": 15763, + "flags": 15764, + "fficiale": 15765, + "шая": 15766, + "-,": 15767, + "ationen": 15768, + "mouse": 15769, + "standard": 15770, + "Single": 15771, + "▁bol": 15772, + "isis": 15773, + "▁fruit": 15774, + "course": 15775, + "itants": 15776, + "▁étaient": 15777, + "TextField": 15778, + "▁фон": 15779, + "▁aircraft": 15780, + "▁ISSN": 15781, + "▁western": 15782, + "▁representing": 15783, + "Esp": 15784, + "▁Else": 15785, + "▁sizes": 15786, + "▁satisfied": 15787, + "otos": 15788, + "UD": 15789, + "Final": 15790, + "ój": 15791, + "ève": 15792, + "▁Roy": 15793, + "ffen": 15794, + "▁salt": 15795, + "▁Label": 15796, + "Sk": 15797, + "▁кре": 15798, + "▁Литература": 15799, + "▁см": 15800, + "Attributes": 15801, + "aye": 15802, + "ськ": 15803, + "▁высо": 15804, + "-)": 15805, + "oses": 15806, + "calcul": 15807, + "▁Cannot": 15808, + "Generic": 15809, + "emo": 15810, + "▁Autor": 15811, + "лён": 15812, + "лага": 15813, + "vote": 15814, + "licates": 15815, + "rus": 15816, + "éli": 15817, + "opf": 15818, + "atique": 15819, + "scala": 15820, + "▁Ohio": 15821, + "▁Britann": 15822, + "▁bef": 15823, + "▁Евро": 15824, + "▁Career": 15825, + "isée": 15826, + "ót": 15827, + "bose": 15828, + "▁Бер": 15829, + "▁Controller": 15830, + "pole": 15831, + "▁allen": 15832, + "▁hack": 15833, + "▁extent": 15834, + "▁calci": 15835, + "Mer": 15836, + "▁summary": 15837, + "Mart": 15838, + "▁historical": 15839, + "imat": 15840, + "bud": 15841, + "▁FOR": 15842, + "export": 15843, + "edi": 15844, + "Mapping": 15845, + "▁Ay": 15846, + "▁Ruby": 15847, + "▁definitions": 15848, + "▁{$": 15849, + "▁yours": 15850, + "rias": 15851, + "Touch": 15852, + "▁Gaz": 15853, + "▁Autom": 15854, + "▁истори": 15855, + "▁delen": 15856, + "▁Kinder": 15857, + "}}%": 15858, + "▁performing": 15859, + "FR": 15860, + "▁Sig": 15861, + "▁Brad": 15862, + "bras": 15863, + "▁Jar": 15864, + "pkg": 15865, + "wr": 15866, + "▁Pays": 15867, + "NC": 15868, + "▁opposed": 15869, + "Try": 15870, + "▁везе": 15871, + "▁Bog": 15872, + "▁writes": 15873, + "▁stories": 15874, + "▁mater": 15875, + "▁stagione": 15876, + "▁sty": 15877, + "▁compatible": 15878, + "heast": 15879, + "▁Guy": 15880, + "egründ": 15881, + "▁identifier": 15882, + "▁heads": 15883, + "пози": 15884, + "▁stup": 15885, + "▁tf": 15886, + "▁још": 15887, + "▁Hugh": 15888, + "▁cards": 15889, + "ovy": 15890, + "▁Toast": 15891, + "allas": 15892, + "▁públic": 15893, + "▁assumes": 15894, + "▁чемпиона": 15895, + "ycler": 15896, + "▁Junior": 15897, + "▁Fich": 15898, + "▁estimated": 15899, + "zerw": 15900, + "dialog": 15901, + "шин": 15902, + "shell": 15903, + "▁них": 15904, + "▁pitch": 15905, + "дол": 15906, + "outube": 15907, + "▁Santi": 15908, + "OnClickListener": 15909, + "▁Magyar": 15910, + "▁vue": 15911, + "ião": 15912, + "▁`#": 15913, + "collect": 15914, + "▁Rou": 15915, + "analysis": 15916, + "istrzost": 15917, + "▁Digital": 15918, + "▁crist": 15919, + "riere": 15920, + "▁campo": 15921, + "Us": 15922, + "▁circa": 15923, + "▁Component": 15924, + "▁NSString": 15925, + "pd": 15926, + "▁prince": 15927, + "▁invoke": 15928, + "▁Marine": 15929, + "Allow": 15930, + "estic": 15931, + "ристи": 15932, + "bone": 15933, + "туры": 15934, + "▁passion": 15935, + "áció": 15936, + "▁orn": 15937, + "вед": 15938, + "▁invari": 15939, + "▁ні": 15940, + "Remove": 15941, + "encies": 15942, + "ilib": 15943, + "▁Director": 15944, + "\"\"": 15945, + "▁Conse": 15946, + "googleapis": 15947, + "ók": 15948, + "▁Укра": 15949, + "▁Having": 15950, + "Domain": 15951, + "ierz": 15952, + "нологи": 15953, + "Cho": 15954, + "undefined": 15955, + "alloc": 15956, + "▁pied": 15957, + "▁fraction": 15958, + "bia": 15959, + "▁поло": 15960, + "ugno": 15961, + "minister": 15962, + "▁principale": 15963, + "▁refused": 15964, + "browser": 15965, + "*,": 15966, + "▁Hospital": 15967, + "▁universal": 15968, + "▁Ernst": 15969, + "who": 15970, + "▁Gard": 15971, + "'_": 15972, + "conde": 15973, + "▁[{": 15974, + "sob": 15975, + "▁Crit": 15976, + "▁декабря": 15977, + "▁punto": 15978, + "▁eingesetzt": 15979, + "▁tör": 15980, + "▁Ni": 15981, + "▁worry": 15982, + "▁legend": 15983, + "▁були": 15984, + "▁komm": 15985, + "rijk": 15986, + "effect": 15987, + "Ori": 15988, + "RES": 15989, + "▁Peters": 15990, + "▁Baron": 15991, + "▁Got": 15992, + "▁honest": 15993, + "äre": 15994, + "ász": 15995, + "▁noble": 15996, + "▁conclusion": 15997, + "▁formatting": 15998, + "▁otto": 15999, + "▁deleg": 16000, + "мб": 16001, + "ptop": 16002, + "▁sends": 16003, + "urname": 16004, + "▁festival": 16005, + ",‎": 16006, + "рус": 16007, + "▁doch": 16008, + "subject": 16009, + "▁careful": 16010, + "quent": 16011, + "▁Load": 16012, + "temperaturen": 16013, + "▁rue": 16014, + "Memory": 16015, + "ța": 16016, + "iona": 16017, + "▁dentro": 16018, + "▁begann": 16019, + "▁Aqu": 16020, + "▁scientific": 16021, + "kań": 16022, + "лок": 16023, + "elde": 16024, + "▁Those": 16025, + "quier": 16026, + "actér": 16027, + "▁Auflage": 16028, + ")'": 16029, + "▁gradient": 16030, + "integer": 16031, + "▁Import": 16032, + "SK": 16033, + "▁Status": 16034, + "▁explo": 16035, + "AE": 16036, + "Shell": 16037, + "▁Paulo": 16038, + ".»": 16039, + "}'": 16299, + "havior": 16300, + "lei": 16301, + "ulf": 16302, + "▁geometry": 16303, + "prev": 16304, + "empl": 16305, + "▁Lé": 16306, + "anson": 16307, + "▁Alice": 16308, + "prototype": 16309, + "READ": 16310, + "icular": 16311, + "▁бі": 16312, + "▁deutsche": 16313, + "▁Represent": 16314, + "sites": 16315, + "▁Mean": 16316, + "▁diss": 16317, + "▁Zur": 16318, + "▁през": 16319, + "PAR": 16320, + "▁'#": 16321, + "▁Dra": 16322, + "сон": 16323, + "▁steht": 16324, + "markt": 16325, + "▁ease": 16326, + "Drawing": 16327, + "=%": 16328, + "Stop": 16329, + "▁serving": 16330, + "▁także": 16331, + "▁DNS": 16332, + "▁literal": 16333, + "Die": 16334, + "▁вос": 16335, + "▁senior": 16336, + "acion": 16337, + "▁ubuntu": 16338, + "▁Frankfurt": 16339, + "▁Sunday": 16340, + "áb": 16341, + "▁journey": 16342, + "issa": 16343, + "berry": 16344, + "▁sep": 16345, + "▁ion": 16346, + "wert": 16347, + "ország": 16348, + "serve": 16349, + "▁Milano": 16350, + "▁века": 16351, + "рах": 16352, + "▁июля": 16353, + "▁manera": 16354, + "▁stations": 16355, + "▁adopted": 16356, + "▁anybody": 16357, + "VERSION": 16358, + "FE": 16359, + "dorf": 16360, + "...,": 16361, + "▁образова": 16362, + "Logger": 16363, + "фициаль": 16364, + "WRITE": 16365, + "▁ham": 16366, + "▁Future": 16367, + "oten": 16368, + "▁AG": 16369, + "▁trained": 16370, + "▁Nich": 16371, + "▁university": 16372, + "▁Olympics": 16373, + "▁doit": 16374, + "▁cultural": 16375, + "Conf": 16376, + "▁Conference": 16377, + "orno": 16378, + "▁MP": 16379, + "▁bou": 16380, + "cin": 16381, + "High": 16382, + "annte": 16383, + "▁displaying": 16384, + "▁chapter": 16385, + "▁Frauen": 16386, + "▁realized": 16387, + "▁attempted": 16388, + "▁preferred": 16389, + "Dat": 16390, + "▁trouve": 16391, + "▁intention": 16392, + "▁Notice": 16393, + "timestamp": 16394, + "*(": 16395, + "▁Ша": 16396, + "anas": 16397, + "cla": 16398, + "isz": 16399, + "tbl": 16400, + "Arr": 16401, + "▁inverse": 16402, + "▁terrible": 16403, + "▁occupied": 16404, + "JAX": 16405, + "<-": 16406, + "▁Philosoph": 16407, + "▁Corps": 16408, + "builder": 16409, + "▁begins": 16410, + "▁census": 16411, + ".’": 16412, + "▁proven": 16413, + "metric": 16414, + "▁increases": 16415, + "wich": 16416, + "▁ABC": 16417, + "projects": 16418, + "▁Thor": 16419, + "▁confidence": 16420, + "▁ufficiale": 16421, + "elm": 16422, + "▁garden": 16423, + "▁robust": 16424, + "▁così": 16425, + "iedz": 16426, + "▁Islam": 16427, + "▁Address": 16428, + "▁divide": 16429, + "▁Eu": 16430, + "catal": 16431, + "detail": 16432, + "ependant": 16433, + "fg": 16434, + "▁bew": 16435, + "▁fis": 16436, + "▁BO": 16437, + "▁wsp": 16438, + "▁pipeline": 16439, + "hd": 16440, + "▁Session": 16441, + "länd": 16442, + "iveau": 16443, + "estr": 16444, + "▁particle": 16445, + "▁laravel": 16446, + "pic": 16447, + "▁nau": 16448, + "▁fins": 16449, + "▁Vil": 16450, + "▁fus": 16451, + "▁quasi": 16452, + "operation": 16453, + "▁aller": 16454, + "▁analy": 16455, + "▁Он": 16456, + "▁Mes": 16457, + "▁опера": 16458, + "▁handled": 16459, + "▁deprec": 16460, + "tto": 16461, + "▁Ek": 16462, + "▁stran": 16463, + "▁anglais": 16464, + "jure": 16465, + "▁Silver": 16466, + "▁closely": 16467, + "enkins": 16468, + "anos": 16469, + "sted": 16470, + "▁сентября": 16471, + "brand": 16472, + "ньо": 16473, + "▁présent": 16474, + "rok": 16475, + "mount": 16476, + "▁Anthony": 16477, + "▁Furthermore": 16478, + "inha": 16479, + "▁архи": 16480, + "▁разли": 16481, + "▁октября": 16482, + "▁pint": 16483, + "ný": 16484, + "pts": 16485, + "▁italien": 16486, + "▁реги": 16487, + "лез": 16488, + "дина": 16489, + "atherine": 16490, + "Internal": 16491, + "Question": 16492, + "▁settlement": 16493, + "▁Все": 16494, + "▁folders": 16495, + "дри": 16496, + "▁valor": 16497, + "▁Miller": 16498, + "▁Assert": 16499, + "▁patient": 16500, + "▁Nieder": 16501, + "▁EP": 16502, + "▁Agr": 16503, + "▁onde": 16504, + "▁scop": 16505, + "sequence": 16506, + "▁PL": 16507, + "▁seek": 16508, + "javase": 16509, + "▁Vector": 16510, + "▁ná": 16511, + "▁categoría": 16512, + "clone": 16513, + "NR": 16514, + "available": 16515, + "▁Besch": 16516, + "▁eclipse": 16517, + "wicklung": 16518, + "deploy": 16519, + "enie": 16520, + "▁\")": 16521, + "äst": 16522, + "▁sync": 16523, + "CODE": 16524, + "▁Че": 16525, + "▁floating": 16526, + "/`": 16527, + "▁retired": 16528, + "deb": 16529, + "▁particul": 16530, + "▁collected": 16531, + "▁downloaded": 16532, + "nice": 16533, + "▁Buffer": 16534, + "▁Account": 16535, + "▁maggio": 16536, + "▁реда": 16537, + "▁sales": 16538, + "▁statunitense": 16539, + "▁Ki": 16540, + "▁Ferr": 16541, + "Lock": 16542, + "▁Isabel": 16543, + "clar": 16544, + "▁pov": 16545, + "atra": 16546, + "▁Frau": 16547, + "▁sorting": 16548, + "▁phrase": 16549, + "▁апреля": 16550, + "▁деятель": 16551, + "▁André": 16552, + "definition": 16553, + "writing": 16554, + "éré": 16555, + "щу": 16556, + "▁Ord": 16557, + "▁rum": 16558, + "▁Turk": 16559, + "▁Ivan": 16560, + "theless": 16561, + "▁ги": 16562, + "▁sake": 16563, + "▁Based": 16564, + "deck": 16565, + "orus": 16566, + "▁tutti": 16567, + "▁blan": 16568, + "▁Пу": 16569, + "Detail": 16570, + "▁Но": 16571, + "▁Sky": 16572, + "▁près": 16573, + "мой": 16574, + "coln": 16575, + "ческой": 16576, + "eti": 16577, + "▁arrow": 16578, + "▁Cha": 16579, + "chmark": 16580, + "œur": 16581, + "fab": 16582, + "куль": 16583, + "GridView": 16584, + "▁Background": 16585, + "sn": 16586, + "▁seguito": 16587, + "▁nic": 16588, + "cou": 16589, + "тів": 16590, + "▁bzw": 16591, + "addEventListener": 16592, + "sync": 16593, + "azzo": 16594, + "abstract": 16595, + "assets": 16596, + "▁Dru": 16597, + "зд": 16598, + "ordnet": 16599, + "▁bigger": 16600, + "▁initialized": 16601, + "каз": 16602, + "ogene": 16603, + "viously": 16604, + "▁guid": 16605, + "scheidung": 16606, + "▁Zent": 16607, + "▁frames": 16608, + "rieben": 16609, + "▁issued": 16610, + "▁dow": 16611, + "▁describes": 16612, + "ilst": 16613, + "▁criteria": 16614, + "▁gentleman": 16615, + "Basic": 16616, + "nez": 16617, + "Dev": 16618, + "Move": 16619, + "▁estaba": 16620, + "▁settembre": 16621, + "circle": 16622, + "▁fais": 16623, + "▁myst": 16624, + "▁archiv": 16625, + "dynamic": 16626, + "jà": 16627, + "itas": 16628, + "▁який": 16629, + "▁dor": 16630, + "▁Amazon": 16631, + "▁neces": 16632, + "▁Marcel": 16633, + "▁ella": 16634, + "рок": 16635, + "▁Pennsylvania": 16636, + "cular": 16637, + "Pack": 16638, + "itage": 16639, + "▁Burn": 16640, + "▁RO": 16641, + "▁они": 16642, + "~$": 16643, + "TeX": 16644, + "assign": 16645, + "▁beat": 16646, + "idense": 16647, + "acent": 16648, + "Alert": 16649, + "▁strateg": 16650, + "▁månaden": 16651, + "LOC": 16652, + "▁catalog": 16653, + "printStackTrace": 16654, + "()).": 16655, + "usted": 16656, + "▁Framework": 16657, + "ECK": 16658, + "▁até": 16659, + "Framework": 16660, + "▁attacks": 16661, + "▁Bert": 16662, + "▁тран": 16663, + ":%": 16664, + "arsi": 16665, + "notation": 16666, + "▁logical": 16667, + "weet": 16668, + "▁visited": 16669, + "bru": 16670, + "▁surprise": 16671, + "^^": 16672, + "inale": 16673, + "remote": 16674, + "'},": 16675, + "Syntax": 16676, + "iane": 16677, + "onnen": 16678, + "▁breaking": 16679, + "parser": 16680, + "apk": 16681, + "▁Miguel": 16682, + "▁§": 16683, + "▁acting": 16684, + "▁gebru": 16685, + "AtIndex": 16686, + "ються": 16687, + "▁offers": 16688, + "▁prac": 16689, + "▁grant": 16690, + "ternoon": 16691, + "▁acquired": 16692, + "▁Ny": 16693, + "▁comma": 16694, + "ník": 16695, + "▁Step": 16696, + "inners": 16697, + "▁SA": 16698, + "▁wat": 16699, + "days": 16700, + "▁rectangle": 16701, + "dar": 16702, + "▁trac": 16703, + "▁Indones": 16704, + "▁feedback": 16705, + "▁breaks": 16706, + "partition": 16707, + "icans": 16708, + "▁Notices": 16709, + "▁improved": 16710, + "phan": 16711, + "▁differential": 16712, + "scripts": 16713, + "▁XIII": 16714, + "▁Labor": 16715, + "▁precision": 16716, + "▁seed": 16717, + "bundle": 16718, + "idents": 16719, + "hre": 16720, + "▁Douglas": 16721, + "uld": 16722, + "▁secondary": 16723, + "▁brig": 16724, + "▁confirmed": 16725, + "▁claims": 16726, + "Role": 16727, + "▁Jewish": 16728, + "▁před": 16729, + "▁hotel": 16730, + "▁compte": 16731, + "▁recursive": 16732, + "](#)": 16733, + "▁rotate": 16734, + "▁chrome": 16735, + "inea": 16736, + "%;\r": 16737, + "▁Environment": 16738, + "platz": 16739, + "▁Single": 16740, + "▁sevent": 16741, + "▁posting": 16742, + "▁dealing": 16743, + "parameters": 16744, + "граф": 16745, + "Authentication": 16746, + "touch": 16747, + "Az": 16748, + "▁gray": 16749, + "encing": 16750, + "boldmath": 16751, + "▁сайте": 16752, + "▁Za": 16753, + "anje": 16754, + "▁polar": 16755, + "▁ули": 16756, + "kil": 16757, + "▁hover": 16758, + "▁REST": 16759, + "▁Come": 16760, + "jb": 16761, + "▁Georgia": 16762, + "▁Estado": 16763, + "OutputStream": 16764, + "ћи": 16765, + "▁dump": 16766, + "▁Age": 16767, + "▁swo": 16768, + "mobile": 16769, + "occup": 16770, + "шего": 16771, + "▁constitution": 16772, + "good": 16773, + "aku": 16774, + "▁анг": 16775, + "ieck": 16776, + "▁Psych": 16777, + "▁roots": 16778, + "▁vest": 16779, + "▁годах": 16780, + "▁República": 16781, + "▁pian": 16782, + "igration": 16783, + "▁préc": 16784, + "▁generates": 16785, + "LY": 16786, + "(`": 16787, + "▁=~": 16788, + "шения": 16789, + "▁Rah": 16790, + "▁connecting": 16791, + "ží": 16792, + "▁fő": 16793, + "▁appel": 16794, + "▁Railway": 16795, + "гли": 16796, + "▁développ": 16797, + "▁apo": 16798, + "fran": 16799, + "▁immediate": 16800, + "вого": 16801, + "Runner": 16802, + "äg": 16803, + "Something": 16804, + "▁généra": 16805, + "EventArgs": 16806, + "inction": 16807, + "gly": 16808, + "▁Due": 16809, + "▁prost": 16810, + "▁referring": 16811, + "▁jog": 16812, + "▁executable": 16813, + "▁Dream": 16814, + "acs": 16815, + "▁Cole": 16816, + "ampf": 16817, + "▁Bis": 16818, + "▁июня": 16819, + "lieder": 16820, + "тек": 16821, + "▁vb": 16822, + "▁mom": 16823, + "▁:(": 16824, + "▁dernier": 16825, + "'=>": 16826, + "▁этого": 16827, + "▁neue": 16828, + "▁Ча": 16829, + "▁weitere": 16830, + "▁alleg": 16831, + "▁reality": 16832, + "▁judge": 16833, + "▁Balt": 16834, + "▁thin": 16835, + "▁Ged": 16836, + "ieval": 16837, + "mx": 16838, + "ціональ": 16839, + "▁выпу": 16840, + "▁IX": 16841, + "▁blind": 16842, + "▁Motor": 16843, + "▁ша": 16844, + "▁approximation": 16845, + "dam": 16846, + "▁fog": 16847, + "кор": 16848, + "▁Writ": 16849, + "▁ling": 16850, + "▁писа": 16851, + "▁Mars": 16852, + "otti": 16853, + "Enum": 16854, + "▁Trib": 16855, + "▁merc": 16856, + "zung": 16857, + "vanced": 16858, + "cfg": 16859, + "нах": 16860, + "schen": 16861, + "\"].": 16862, + "bek": 16863, + "▁ster": 16864, + "jp": 16865, + "▁Rap": 16866, + "▁recording": 16867, + "▁peint": 16868, + "▁lets": 16869, + "änge": 16870, + ">\";": 16871, + "▁місце": 16872, + "▁caval": 16873, + "▁CSV": 16874, + "▁entstand": 16875, + "▁helper": 16876, + "endet": 16877, + "▁Gram": 16878, + "▁Diego": 16879, + "▁Bishop": 16880, + "TAG": 16881, + "▁ecc": 16882, + "▁Een": 16883, + "▁AV": 16884, + "City": 16885, + "▁Guide": 16886, + "hind": 16887, + "rical": 16888, + "▁Основ": 16889, + "Bus": 16890, + "▁zunächst": 16891, + "▁tick": 16892, + "▁Colonel": 16893, + "Thanks": 16894, + "▁ferm": 16895, + "▁granted": 16896, + "▁threshold": 16897, + "omorphic": 16898, + "▁Hun": 16899, + "enis": 16900, + "▁прав": 16901, + "▁які": 16902, + "PG": 16903, + "▁ws": 16904, + "▁technical": 16905, + "estro": 16906, + "klär": 16907, + "vars": 16908, + "ocrat": 16909, + "▁општи": 16910, + "onso": 16911, + "iba": 16912, + "▁Save": 16913, + "▁programa": 16914, + "▁въ": 16915, + "▁invån": 16916, + ">()": 16917, + "▁mejor": 16918, + "▁слова": 16919, + "▁replacement": 16920, + "▁impr": 16921, + "▁Francesco": 16922, + "▁Hotel": 16923, + "▁UPDATE": 16924, + "▁музы": 16925, + "ugs": 16926, + "vard": 16927, + "▁faz": 16928, + "inton": 16929, + "▁arts": 16930, + "▁Ky": 16931, + "▁Ils": 16932, + "▁sera": 16933, + "▁Volume": 16934, + "▁giugno": 16935, + "▁asym": 16936, + "▁Pir": 16937, + "▁NAS": 16938, + "▁Tam": 16939, + "ěl": 16940, + "Sequ": 16941, + "kmal": 16942, + "▁Eins": 16943, + "▁компа": 16944, + "obe": 16945, + "oor": 16946, + "▁heap": 16947, + "ctl": 16948, + "▁separately": 16949, + "reader": 16950, + "▁significantly": 16951, + "▁Lag": 16952, + "notes": 16953, + "▁sele": 16954, + "▁dedicated": 16955, + "▁Host": 16956, + "choice": 16957, + "wing": 16958, + "▁Titel": 16959, + "▁befindet": 16960, + "large": 16961, + "▁conten": 16962, + "JavaScript": 16963, + "▁deser": 16964, + "▁Gordon": 16965, + "спе": 16966, + "▁patri": 16967, + "▁Random": 16968, + "▁Returns": 16969, + "ым": 16970, + "рома": 16971, + "▁Studies": 16972, + "Sl": 16973, + "▁frü": 16974, + "TEXT": 16975, + "inate": 16976, + "▁Tol": 16977, + "▁everywhere": 16978, + "arta": 16979, + "▁orbit": 16980, + "▁Aires": 16981, + "▁Iss": 16982, + "▁też": 16983, + "▁diverse": 16984, + "▁numeric": 16985, + "maz": 16986, + "▁mise": 16987, + "▁battery": 16988, + "▁Akadem": 16989, + "нение": 16990, + "▁simultane": 16991, + "▁Dead": 16992, + "▁clust": 16993, + "▁otro": 16994, + "▁cerca": 16995, + "()`,": 16996, + "roz": 16997, + "ăt": 16998, + "▁MO": 16999, + "riften": 17000, + "important": 17001, + "▁jeho": 17002, + "▁findViewById": 17003, + "▁consequence": 17004, + "▁measured": 17005, + "ishes": 17006, + "▁sze": 17007, + "iendo": 17008, + "▁Wahl": 17009, + "strip": 17010, + "ARD": 17011, + "▁opacity": 17012, + "WORD": 17013, + "▁Ві": 17014, + "▁Location": 17015, + "rai": 17016, + "пен": 17017, + "▁rif": 17018, + "aussian": 17019, + "FileName": 17020, + "▁disco": 17021, + "ilen": 17022, + "▁vagy": 17023, + "licity": 17024, + "Border": 17025, + "▁Track": 17026, + "бом": 17027, + "fact": 17028, + "oka": 17029, + "▁gior": 17030, + "▁XVII": 17031, + "▁där": 17032, + "Site": 17033, + "ało": 17034, + "ská": 17035, + "▁pixels": 17036, + "vity": 17037, + "jQuery": 17038, + "▁sculpt": 17039, + "▁cargo": 17040, + "▁directive": 17041, + "▁wal": 17042, + "▁conna": 17043, + "▁Through": 17044, + "▁этом": 17045, + "Static": 17046, + "omsnitt": 17047, + "▁rund": 17048, + "▁claimed": 17049, + "зня": 17050, + "sha": 17051, + "▁rag": 17052, + "crement": 17053, + "▁fünf": 17054, + "▁rival": 17055, + "rin": 17056, + "slash": 17057, + "▁thirty": 17058, + "sleep": 17059, + "ологи": 17060, + "SM": 17061, + "gate": 17062, + "izations": 17063, + "vik": 17064, + "▁bless": 17065, + "▁Illinois": 17066, + "▁TE": 17067, + "uting": 17068, + "▁solving": 17069, + "GER": 17070, + "▁XIV": 17071, + "▁Indians": 17072, + "express": 17073, + "▁Heil": 17074, + "▁mujer": 17075, + "▁invånare": 17076, + "']);": 17077, + "▁aur": 17078, + "boost": 17079, + "GO": 17080, + "▁nin": 17081, + "tok": 17082, + "god": 17083, + "oter": 17084, + ")$$": 17085, + "▁descend": 17086, + "рю": 17087, + "▁Language": 17088, + "▁diver": 17089, + "▁Assuming": 17090, + "▁frequent": 17091, + "чні": 17092, + "▁Biography": 17093, + ",[": 17094, + "urm": 17095, + "▁walked": 17096, + "▁federal": 17097, + "▁Michigan": 17098, + "▁facts": 17099, + "▁Integr": 17100, + "LES": 17101, + "▁Alan": 17102, + "▁coup": 17103, + "Ber": 17104, + "▁particles": 17105, + "ће": 17106, + "Inflater": 17107, + "+(": 17108, + "Bound": 17109, + "▁Sü": 17110, + "Audio": 17111, + "citet": 17112, + "yect": 17113, + "▁nr": 17114, + "xe": 17115, + "▁Brun": 17116, + "▁_,": 17117, + "avor": 17118, + "▁discipl": 17119, + "alm": 17120, + "▁ноября": 17121, + "▁SSL": 17122, + "▁Kaiser": 17123, + "▁recher": 17124, + "ygon": 17125, + "▁regardless": 17126, + "▁configur": 17127, + "▁unnecess": 17128, + "▁Clark": 17129, + "PHP": 17130, + "▁FALSE": 17131, + "▁pad": 17132, + "$}": 17133, + "▁valu": 17134, + "▁disease": 17135, + "▁maior": 17136, + "▁hommes": 17137, + "▁Edition": 17138, + "slant": 17139, + "▁ending": 17140, + "▁settled": 17141, + "urus": 17142, + "hed": 17143, + "Pattern": 17144, + "▁година": 17145, + "▁Philadel": 17146, + "tikzpicture": 17147, + "▁coal": 17148, + "▁sede": 17149, + "▁satisfies": 17150, + "▁trim": 17151, + "▁bat": 17152, + "▁américain": 17153, + "▁luglio": 17154, + "▁поча": 17155, + "ffff": 17156, + "▁Target": 17157, + "generate": 17158, + "▁Zie": 17159, + "ția": 17160, + "▁gard": 17161, + "▁workers": 17162, + "▁Job": 17163, + "▁urban": 17164, + "ahlen": 17165, + "▁Building": 17166, + "▁neu": 17167, + "▁chron": 17168, + "▁Earl": 17169, + "gro": 17170, + "USE": 17171, + "▁XII": 17172, + "▁wealth": 17173, + "inae": 17174, + "▁Бра": 17175, + "▁libert": 17176, + "iros": 17177, + ":$": 17178, + "lee": 17179, + "ieves": 17180, + "▁Justice": 17181, + "▁oil": 17182, + "▁Athlet": 17183, + "▁clo": 17184, + "Scale": 17185, + "▁lips": 17186, + "▁april": 17187, + "▁impression": 17188, + "▁perce": 17189, + "▁участи": 17190, + "vil": 17191, + "éch": 17192, + "▁equality": 17193, + "▁мет": 17194, + "▁annotation": 17195, + "ernal": 17196, + "▁Mach": 17197, + "▁intitul": 17198, + "problem": 17199, + "ющих": 17200, + "oplus": 17201, + "▁thousands": 17202, + "▁calculations": 17203, + "umps": 17204, + "▁triangle": 17205, + "phal": 17206, + "▁Dorf": 17207, + "▁dollars": 17208, + "▁denen": 17209, + "lès": 17210, + "olid": 17211, + "▁Results": 17212, + "▁Stadium": 17213, + "▁Desp": 17214, + "▁Eisen": 17215, + "imir": 17216, + "▁sotto": 17217, + "▁či": 17218, + "atable": 17219, + "orum": 17220, + "▁convergence": 17221, + "▁jeune": 17222, + "oking": 17223, + "▁живо": 17224, + "aining": 17225, + "pointer": 17226, + "culo": 17227, + "▁jsou": 17228, + "▁grab": 17229, + "akte": 17230, + "▁hoping": 17231, + "▁Mak": 17232, + "▁sag": 17233, + "origine": 17234, + "▁послед": 17235, + "▁Veg": 17236, + "▁theoret": 17237, + "▁Tru": 17238, + "nement": 17239, + "▁faces": 17240, + "Hor": 17241, + "Join": 17242, + "arel": 17243, + "▁около": 17244, + "However": 17245, + "▁catal": 17246, + "bourg": 17247, + "▁mysqli": 17248, + "acions": 17249, + "▁Initial": 17250, + "▁rain": 17251, + "iture": 17252, + "▁Sciences": 17253, + "▁Kreis": 17254, + ".__": 17255, + "▁cinq": 17256, + "▁Auß": 17257, + "ithmet": 17258, + "itors": 17259, + "amazon": 17260, + "▁gap": 17261, + "▁ignored": 17262, + "adv": 17263, + "кої": 17264, + "▁часть": 17265, + "▁corpor": 17266, + "цер": 17267, + "▁crime": 17268, + "uous": 17269, + "▁налази": 17270, + "DataFrame": 17271, + "води": 17272, + "Ign": 17273, + "▁Lincoln": 17274, + "▁menos": 17275, + "▁Luft": 17276, + "▁Lind": 17277, + "▁Cook": 17278, + "▁materials": 17279, + "apped": 17280, + "ignore": 17281, + "▁откры": 17282, + "fried": 17283, + "▁gouvernement": 17284, + "▁fired": 17285, + "▁screenshot": 17286, + "сен": 17287, + "▁[(": 17288, + "▁организа": 17289, + "Graphics": 17290, + "▁проти": 17291, + "▁phen": 17292, + "craft": 17293, + "▁brain": 17294, + "▁Como": 17295, + "▁Everything": 17296, + "anes": 17297, + "IGN": 17298, + "▁nederbörd": 17299, + "▁Forest": 17300, + "zahl": 17301, + "▁Among": 17302, + "Qt": 17303, + "▁togg": 17304, + "▁variant": 17305, + "▁hill": 17306, + "писи": 17307, + "colon": 17308, + "▁dicembre": 17309, + "гор": 17310, + "▁Wind": 17311, + "ünstler": 17312, + "▁=\\": 17313, + "saved": 17314, + "▁nej": 17315, + "unte": 17316, + "utto": 17317, + "▁recens": 17318, + "▁sick": 17319, + "▁desen": 17320, + "UST": 17321, + "▁worst": 17322, + "▁Angel": 17323, + "odox": 17324, + "▁Province": 17325, + "▁Maz": 17326, + "▁agreement": 17327, + "▁Bass": 17328, + "▁segunda": 17329, + "onces": 17330, + "▁Linki": 17331, + "▁CL": 17332, + "▁já": 17333, + "itement": 17334, + "▁área": 17335, + "▁scalar": 17336, + "▁Рес": 17337, + "awt": 17338, + "sieme": 17339, + "▁juni": 17340, + "▁худож": 17341, + "ikus": 17342, + "▁lid": 17343, + "ppel": 17344, + "avi": 17345, + "▁balance": 17346, + "ipping": 17347, + "cussion": 17348, + "ческих": 17349, + "(\".": 17350, + "Also": 17351, + "▁whis": 17352, + "HOME": 17353, + "▁brown": 17354, + "▁día": 17355, + "▁può": 17356, + "plotlib": 17357, + "▁Jahrhunderts": 17358, + "DK": 17359, + "▁anchor": 17360, + "...]": 17361, + "▁Austria": 17362, + "▁marca": 17363, + "▁gez": 17364, + "iously": 17365, + "▁lazy": 17366, + "xa": 17367, + "▁Channel": 17368, + "▁neuen": 17369, + "das": 17370, + "▁searched": 17371, + "▁staat": 17372, + "▁Так": 17373, + "▁Josef": 17374, + "▁Sher": 17375, + "pois": 17376, + "▁enem": 17377, + "▁accessing": 17378, + "▁неко": 17379, + "▁furono": 17380, + "▁pseudo": 17381, + "?>": 17382, + "▁estadoun": 17383, + "▁Види": 17384, + "▁motiv": 17385, + "▁recall": 17386, + "isson": 17387, + "ób": 17388, + ")--": 17389, + "▁Erz": 17390, + "▁савез": 17391, + "Direct": 17392, + "соб": 17393, + "▁sho": 17394, + "völker": 17395, + "Ap": 17396, + "gens": 17397, + "ништво": 17398, + "▁Amsterdam": 17399, + "usk": 17400, + "пло": 17401, + "▁simulation": 17402, + "▁BC": 17403, + "▁Woj": 17404, + "autom": 17405, + "Alex": 17406, + "▁economic": 17407, + "гом": 17408, + "ikai": 17409, + "▁altre": 17410, + "▁'-": 17411, + "▁Weg": 17412, + "NotFound": 17413, + "йской": 17414, + "▁converting": 17415, + "phabet": 17416, + "atrice": 17417, + "bourne": 17418, + "alom": 17419, + "▁comparing": 17420, + "▁Zo": 17421, + "▁fla": 17422, + "вая": 17423, + "▁entra": 17424, + "▁charset": 17425, + "developers": 17426, + "ística": 17427, + "}>": 17428, + "▁Jazz": 17429, + "▁Howard": 17430, + "шта": 17431, + "▁clone": 17432, + "door": 17433, + "▁Pin": 17434, + "***": 17435, + "▁silent": 17436, + "ecycle": 17437, + "isce": 17438, + "▁mud": 17439, + "▁Display": 17440, + "▁lip": 17441, + "▁использова": 17442, + "▁characteristic": 17443, + "▁sb": 17444, + "firebase": 17445, + "▁Bew": 17446, + "Calendar": 17447, + "▁uso": 17448, + "èse": 17449, + "▁Rat": 17450, + "▁esper": 17451, + "▁throwing": 17452, + "▁rodz": 17453, + "▁yards": 17454, + "▁grass": 17455, + "▁marker": 17456, + "▁Kos": 17457, + "Theta": 17458, + "▁organis": 17459, + "kernel": 17460, + "▁personas": 17461, + "keep": 17462, + "▁exclaimed": 17463, + "oslav": 17464, + "▁Entertain": 17465, + "нер": 17466, + "▁inwon": 17467, + "▁Rand": 17468, + "reduce": 17469, + "fac": 17470, + "expression": 17471, + "yj": 17472, + "▁differenti": 17473, + "aglia": 17474, + "▁templates": 17475, + "▁mű": 17476, + "▁prv": 17477, + "▁mois": 17478, + "▁gewann": 17479, + "▁була": 17480, + "bibli": 17481, + "demo": 17482, + "▁Anderson": 17483, + "▁ред": 17484, + "▁porque": 17485, + "▁Pologne": 17486, + "▁trip": 17487, + "▁exemple": 17488, + "▁Internacional": 17489, + "▁као": 17490, + "Insert": 17491, + "general": 17492, + "SESSION": 17493, + "berga": 17494, + "hält": 17495, + "unas": 17496, + "мира": 17497, + "▁yields": 17498, + "mapsto": 17499, + "spot": 17500, + "▁+\\": 17501, + "лла": 17502, + "▁precisely": 17503, + "▁член": 17504, + "shadow": 17505, + "Are": 17506, + "unal": 17507, + "▁dispar": 17508, + "▁título": 17509, + "nest": 17510, + "▁Low": 17511, + "▁prot": 17512, + "▁Costa": 17513, + "named": 17514, + "▁gained": 17515, + "lesia": 17516, + "▁administration": 17517, + "Import": 17518, + "branch": 17519, + "▁sympath": 17520, + "voj": 17521, + "▁EC": 17522, + "▁municipio": 17523, + "▁animated": 17524, + "▁directories": 17525, + "▁roof": 17526, + "ząd": 17527, + "imet": 17528, + "proto": 17529, + "bla": 17530, + ":]": 17531, + "have": 17532, + "atem": 17533, + "▁ns": 17534, + "▁sector": 17535, + "three": 17536, + "owane": 17537, + "wers": 17538, + "ових": 17539, + "rence": 17540, + "▁extr": 17541, + "igten": 17542, + "▁occident": 17543, + "ță": 17544, + "▁eat": 17545, + "▁hydro": 17546, + "ubernetes": 17547, + "[@": 17548, + "▁Moon": 17549, + "▁Sho": 17550, + "▁elsewhere": 17551, + "üller": 17552, + "Upload": 17553, + "ланд": 17554, + "▁För": 17555, + "wissenschaft": 17556, + "KS": 17557, + "▁physics": 17558, + "tz": 17559, + "▁серед": 17560, + "▁Arbeit": 17561, + "▁мест": 17562, + "▁Gebiet": 17563, + "▁insect": 17564, + "Ah": 17565, + "izado": 17566, + "▁temple": 17567, + "▁annual": 17568, + "stad": 17569, + "▁habitat": 17570, + "▁AB": 17571, + "wort": 17572, + "▁repos": 17573, + "▁Neu": 17574, + "▁$(\".": 17575, + "Vorlage": 17576, + "▁reprezent": 17577, + "estanden": 17578, + "Intern": 17579, + ".`": 17580, + "▁failing": 17581, + "▁Material": 17582, + "▁effectively": 17583, + "телем": 17584, + "▁гла": 17585, + "▁nahm": 17586, + "▁differently": 17587, + "extension": 17588, + "▁Verm": 17589, + "enabled": 17590, + "configure": 17591, + "nio": 17592, + "ciones": 17593, + "▁Beach": 17594, + "сона": 17595, + "▁copying": 17596, + "▁україн": 17597, + "▁призна": 17598, + "zh": 17599, + "Desktop": 17600, + "▁sost": 17601, + "▁subsequently": 17602, + "▁Lehr": 17603, + "▁ó": 17604, + "lär": 17605, + "odor": 17606, + "phon": 17607, + "nc": 17608, + "iterator": 17609, + "▁эти": 17610, + "▁europé": 17611, + "▁Toronto": 17612, + "ódigo": 17613, + "▁posto": 17614, + "ffe": 17615, + "▁crew": 17616, + "▁Schwar": 17617, + "Sa": 17618, + "square": 17619, + "▁beside": 17620, + "▁Мі": 17621, + "▁ath": 17622, + "▁advent": 17623, + "cji": 17624, + "written": 17625, + "▁russ": 17626, + "rost": 17627, + "HI": 17628, + "▁dice": 17629, + "cca": 17630, + "▁dép": 17631, + "ply": 17632, + "bigg": 17633, + "ział": 17634, + "ütt": 17635, + "▁одно": 17636, + "JECT": 17637, + "ському": 17638, + "nos": 17639, + "mock": 17640, + "Launch": 17641, + "same": 17642, + "▁jobs": 17643, + "▁widely": 17644, + "▁defines": 17645, + "▁Pse": 17646, + "▁neighbour": 17647, + "ющие": 17648, + "▁closer": 17649, + "▁располо": 17650, + "▁clubs": 17651, + "fly": 17652, + "шим": 17653, + "▁suffered": 17654, + "▁nar": 17655, + "▁lavor": 17656, + "Extension": 17657, + "itionally": 17658, + "▁grace": 17659, + "▁Campeonato": 17660, + "▁Christmas": 17661, + "middle": 17662, + "othek": 17663, + "elements": 17664, + "▁sondern": 17665, + "▁tarde": 17666, + "▁permanent": 17667, + "▁conclude": 17668, + "Seg": 17669, + "▁акаде": 17670, + "}\",": 17671, + "▁февраля": 17672, + "řed": 17673, + "▁IL": 17674, + "jud": 17675, + "▁USS": 17676, + "▁Nature": 17677, + "ifference": 17678, + "Serializer": 17679, + "▁twelve": 17680, + "tid": 17681, + "мия": 17682, + "ческого": 17683, + "▁calendar": 17684, + "concat": 17685, + "▁intersection": 17686, + "▁PA": 17687, + "azure": 17688, + "▁située": 17689, + "▁kinds": 17690, + "▁ausge": 17691, + "▁rural": 17692, + "Theme": 17693, + "▁tale": 17694, + "noindent": 17695, + "going": 17696, + "rx": 17697, + "agi": 17698, + "wrapper": 17699, + "▁Coast": 17700, + "mbH": 17701, + "▁перед": 17702, + "spre": 17703, + "▁}\\": 17704, + "▁LI": 17705, + "znam": 17706, + "itled": 17707, + "Sample": 17708, + "uliar": 17709, + "*\\": 17710, + "▁resistance": 17711, + "stock": 17712, + "ked": 17713, + "▁HE": 17714, + "▁possession": 17715, + "▁Ring": 17716, + "▁magyar": 17717, + "outs": 17718, + "▁Secretary": 17719, + "nde": 17720, + "▁Wald": 17721, + "-(": 17722, + "▁ISO": 17723, + "▁afternoon": 17724, + "ionen": 17725, + "▁stops": 17726, + "▁constants": 17727, + "guard": 17728, + "bow": 17729, + "▁ers": 17730, + "▁Firebase": 17731, + "▁Clear": 17732, + "▁Holy": 17733, + "Win": 17734, + "▁titles": 17735, + "▁трав": 17736, + "▁contrib": 17737, + "häng": 17738, + "▁photograph": 17739, + "▁Distribution": 17740, + "ifts": 17741, + "▁aunque": 17742, + "comb": 17743, + "ADD": 17744, + "▁publication": 17745, + "▁служ": 17746, + "▁кня": 17747, + "▁ayant": 17748, + "▁restore": 17749, + "▁belief": 17750, + "▁vég": 17751, + "▁extensions": 17752, + "▁decom": 17753, + "вший": 17754, + "WT": 17755, + "▁parti": 17756, + "▁gioc": 17757, + "▁мира": 17758, + "▁issu": 17759, + "pipe": 17760, + "▁props": 17761, + "▁willing": 17762, + "▁nest": 17763, + "aso": 17764, + "pot": 17765, + "▁handles": 17766, + "▁фо": 17767, + "▁moder": 17768, + "▁ebenfalls": 17769, + "▁fighting": 17770, + "umbn": 17771, + "▁transparent": 17772, + "▁Krist": 17773, + "▁homes": 17774, + "▁voyage": 17775, + "Failed": 17776, + "▁Bird": 17777, + "▁Heart": 17778, + "Counter": 17779, + "▁Scottish": 17780, + "ática": 17781, + "▁arbeit": 17782, + "^{-\\": 17783, + "▁Sor": 17784, + "▁engaged": 17785, + "▁aside": 17786, + "▁Fou": 17787, + "▁wiel": 17788, + "▁reconst": 17789, + "ousin": 17790, + "▁hosted": 17791, + "▁classe": 17792, + "▁contest": 17793, + "...\"": 17794, + "мом": 17795, + "▁bean": 17796, + "gem": 17797, + "▁consultato": 17798, + "▁bio": 17799, + "▁subjects": 17800, + "boBox": 17801, + "▁Schrift": 17802, + "▁dinner": 17803, + "ăr": 17804, + "▁równ": 17805, + "▁%%": 17806, + "bage": 17807, + "▁veröff": 17808, + "▁detected": 17809, + "ienn": 17810, + "rose": 17811, + "▁Ton": 17812, + "Complete": 17813, + "▁proto": 17814, + "ichts": 17815, + "STAT": 17816, + "Checked": 17817, + "▁inten": 17818, + "▁smile": 17819, + "▁strip": 17820, + "neut": 17821, + "');\r": 17822, + "four": 17823, + "▁todas": 17824, + "Controls": 17825, + "▁thorough": 17826, + "rup": 17827, + "▁држави": 17828, + "ită": 17829, + "Protocol": 17830, + "Ка": 17831, + "▁expanded": 17832, + "extra": 17833, + "oport": 17834, + "▁Станов": 17835, + "leases": 17836, + "▁notion": 17837, + "▁guest": 17838, + "▁Islands": 17839, + "icked": 17840, + "▁Dave": 17841, + "▁reflection": 17842, + "liv": 17843, + "ální": 17844, + "▁revealed": 17845, + "▁sog": 17846, + "▁Tax": 17847, + "▁periodo": 17848, + "▁Weltkrie": 17849, + "catalina": 17850, + "qué": 17851, + "▁Father": 17852, + "▁Bir": 17853, + "expect": 17854, + "▁regression": 17855, + "iné": 17856, + "▁dabei": 17857, + "perm": 17858, + "мене": 17859, + "▁Abd": 17860, + "▁CF": 17861, + "arks": 17862, + "resolve": 17863, + "wedge": 17864, + "▁initialization": 17865, + "▁Véase": 17866, + "▁приня": 17867, + "stmt": 17868, + "▁income": 17869, + "MY": 17870, + "▁odkazy": 17871, + "▁Siehe": 17872, + "▁bodies": 17873, + "▁soc": 17874, + "Random": 17875, + "▁senza": 17876, + "ablo": 17877, + "▁regarded": 17878, + "onCreate": 17879, + "▁Magazine": 17880, + "▁Raf": 17881, + "▁Buenos": 17882, + "ил": 17883, + ")));": 17884, + "capt": 17885, + "redirect": 17886, + "▁petit": 17887, + "▁farm": 17888, + "▁rôle": 17889, + "▁статьи": 17890, + "    ": 17891, + "subfigure": 17892, + "èces": 17893, + "ziel": 17894, + "▁окон": 17895, + "EE": 17896, + "mee": 17897, + "▁perten": 17898, + "▁représent": 17899, + "▁LA": 17900, + "?'": 17901, + "▁тру": 17902, + "▁rational": 17903, + "osof": 17904, + "▁kne": 17905, + "▁artists": 17906, + "Flow": 17907, + "▁Аль": 17908, + "izard": 17909, + "▁numero": 17910, + "actic": 17911, + "▁destruct": 17912, + "▁Пра": 17913, + "onsieur": 17914, + "qt": 17915, + "abestanden": 17916, + "ność": 17917, + "Connect": 17918, + "▁oracle": 17919, + "▁Stockholm": 17920, + "sizeof": 17921, + "▁gemäß": 17922, + "ACT": 17923, + "▁expert": 17924, + "utions": 17925, + "▁hacia": 17926, + "▁logger": 17927, + "▁fool": 17928, + "rypto": 17929, + "ær": 17930, + "▁cidade": 17931, + "▁составе": 17932, + "oker": 17933, + "▁Transfer": 17934, + "▁denied": 17935, + "Track": 17936, + "▁radi": 17937, + "zec": 17938, + "▁Historic": 17939, + "▁Einwohner": 17940, + "кою": 17941, + "▁хра": 17942, + "▁Category": 17943, + "▁Disney": 17944, + "▁swap": 17945, + "Begin": 17946, + "▁mientras": 17947, + "▁dance": 17948, + "▁tête": 17949, + "▁droit": 17950, + "erta": 17951, + "▁birds": 17952, + "▁convin": 17953, + "parator": 17954, + "дра": 17955, + "▁ES": 17956, + "▁Ressources": 17957, + "EGIN": 17958, + "ücke": 17959, + "▁Cruz": 17960, + "abling": 17961, + "▁\"@": 17962, + "▁metres": 17963, + "▁Beg": 17964, + "▁Gründ": 17965, + "▁Boh": 17966, + "▁mile": 17967, + "▁Technology": 17968, + "\"+": 17969, + "acco": 17970, + "▁ss": 17971, + "▁Fed": 17972, + "▁Hend": 17973, + "usch": 17974, + "itä": 17975, + "folk": 17976, + "▁absor": 17977, + "antal": 17978, + "odge": 17979, + "▁WHEN": 17980, + "▁Externí": 17981, + "▁Regiment": 17982, + "▁evaluation": 17983, + "▁Tai": 17984, + "▁vocals": 17985, + "▁experimental": 17986, + "embed": 17987, + "▁Minn": 17988, + "▁вме": 17989, + "prec": 17990, + "every": 17991, + "▁hoof": 17992, + "▁Fernando": 17993, + "▁Bibliographie": 17994, + "▁nag": 17995, + "amerikanischer": 17996, + "▁marks": 17997, + "▁UTC": 17998, + "▁uncertain": 17999, + "дия": 18000, + "olia": 18001, + "▁cup": 18002, + "▁fille": 18003, + "▁dok": 18004, + "useppe": 18005, + "esterd": 18006, + "▁Brand": 18007, + "▁Third": 18008, + "PP": 18009, + "nodes": 18010, + "▁Pad": 18011, + "▁loved": 18012, + "swing": 18013, + "▁surprised": 18014, + "ardi": 18015, + "▁GR": 18016, + "]\"": 18017, + "▁equally": 18018, + "ihe": 18019, + "care": 18020, + "писок": 18021, + "lijk": 18022, + "rinn": 18023, + "▁\\[\\": 18024, + "▁sons": 18025, + "▁tät": 18026, + "icamente": 18027, + "▁listing": 18028, + "iellement": 18029, + "▁nyelven": 18030, + "▁ds": 18031, + "▁agricult": 18032, + "▁Hermann": 18033, + "▁besides": 18034, + "progress": 18035, + "▁peculiar": 18036, + "focus": 18037, + "cn": 18038, + "-$": 18039, + "ственный": 18040, + "ourg": 18041, + "▁wyn": 18042, + "▁conducted": 18043, + "▁Становништво": 18044, + "connected": 18045, + "▁bott": 18046, + "▁смер": 18047, + "▁Poz": 18048, + "unct": 18049, + "conda": 18050, + "▁савезној": 18051, + "▁havet": 18052, + "ligt": 18053, + "orted": 18054, + "▁entering": 18055, + "multip": 18056, + "▁Temple": 18057, + "▁Plant": 18058, + "typeof": 18059, + "▁Vlad": 18060, + "▁qued": 18061, + "▁reste": 18062, + "▁май": 18063, + "▁Very": 18064, + "ambiguation": 18065, + "▁challeng": 18066, + "▁respective": 18067, + "▁тор": 18068, + "Ctrl": 18069, + "▁absence": 18070, + "aru": 18071, + "вое": 18072, + "▁först": 18073, + "▁sq": 18074, + "▁Emperor": 18075, + "▁Ign": 18076, + "▁това": 18077, + ":`": 18078, + "adoop": 18079, + "▁Madame": 18080, + "▁gruppo": 18081, + "stud": 18082, + "▁externas": 18083, + "▁Александр": 18084, + "▁dign": 18085, + "▁живе": 18086, + "Amount": 18087, + "▁correlate": 18088, + "▁Fant": 18089, + "▁rails": 18090, + "fp": 18091, + "министратив": 18092, + "▁bought": 18093, + "▁filters": 18094, + "▁ancora": 18095, + "▁partner": 18096, + "▁quand": 18097, + "symbol": 18098, + "ulating": 18099, + "▁zd": 18100, + "awn": 18101, + "▁Grant": 18102, + "because": 18103, + "rable": 18104, + "\\}": 18105, + "ísticas": 18106, + "▁уче": 18107, + "▁période": 18108, + "▁ske": 18109, + "▁Anyway": 18110, + "▁indexes": 18111, + "▁directions": 18112, + "▁RAM": 18113, + "chrome": 18114, + "▁apost": 18115, + "▁warnings": 18116, + "▁Airport": 18117, + "VI": 18118, + "abile": 18119, + "▁lord": 18120, + "provider": 18121, + "▁Ji": 18122, + "ostream": 18123, + "▁gemeente": 18124, + "tableView": 18125, + "Extra": 18126, + "cursor": 18127, + "eground": 18128, + "▁Moz": 18129, + "▁rib": 18130, + "▁morph": 18131, + "loads": 18132, + "elsk": 18133, + "▁MAX": 18134, + "▁Santiago": 18135, + "▁Him": 18136, + "codes": 18137, + "▁lanz": 18138, + "▁counts": 18139, + "rinningsområ": 18140, + "щё": 18141, + "▁spé": 18142, + "▁pierws": 18143, + "▁Sver": 18144, + "▁acknow": 18145, + "Boolean": 18146, + "▁фамили": 18147, + "▁Senate": 18148, + "шов": 18149, + "agers": 18150, + "▁Nueva": 18151, + "bil": 18152, + "kiem": 18153, + "▁Mey": 18154, + "wij": 18155, + "▁GmbH": 18156, + "validation": 18157, + "▁ensuite": 18158, + "inking": 18159, + "▁campion": 18160, + "▁financial": 18161, + "izon": 18162, + "Headers": 18163, + "▁deprecated": 18164, + "▁fonction": 18165, + "REG": 18166, + "▁volumes": 18167, + "▁Chi": 18168, + "▁encountered": 18169, + "lak": 18170, + "рая": 18171, + "▁continues": 18172, + "▁~[": 18173, + "uerte": 18174, + "▁\\;": 18175, + "▁Dok": 18176, + "▁weights": 18177, + "▁rh": 18178, + "▁Napole": 18179, + "▁naturally": 18180, + "sku": 18181, + "pas": 18182, + "▁gegründ": 18183, + "etr": 18184, + "▁Ku": 18185, + "icted": 18186, + "▁fabric": 18187, + "▁ASC": 18188, + "▁Entertainment": 18189, + "▁energ": 18190, + "клад": 18191, + "omon": 18192, + "theme": 18193, + "▁харак": 18194, + "▁draft": 18195, + "▁channels": 18196, + "▁desert": 18197, + "▁través": 18198, + "▁Lock": 18199, + "▁siendo": 18200, + "фек": 18201, + "même": 18202, + "▁packet": 18203, + "▁Mountain": 18204, + "▁Fahr": 18205, + "braio": 18206, + "пере": 18207, + "▁genannt": 18208, + "▁deployment": 18209, + "Pal": 18210, + "ног": 18211, + "стру": 18212, + "Prim": 18213, + "für": 18214, + "▁dangerous": 18215, + "▁szám": 18216, + "reck": 18217, + "▁popup": 18218, + "icky": 18219, + "inar": 18220, + "cowo": 18221, + "нцикло": 18222, + "ítás": 18223, + "▁plugins": 18224, + "▁driven": 18225, + "лев": 18226, + "▁\"(": 18227, + "tta": 18228, + "▁Ú": 18229, + "▁eb": 18230, + "▁'';": 18231, + "▁knock": 18232, + "▁основа": 18233, + "▁maison": 18234, + "гля": 18235, + "▁Honor": 18236, + "tail": 18237, + "ritz": 18238, + "▁guys": 18239, + "▁combinations": 18240, + "ondere": 18241, + "▁Ald": 18242, + "▁fiddle": 18243, + "дав": 18244, + "urd": 18245, + "▁projection": 18246, + "▁También": 18247, + "verb": 18248, + "▁terre": 18249, + "rugu": 18250, + "▁september": 18251, + "▁=": 18572, + "▁Beat": 18573, + "▁Sax": 18574, + "vertical": 18575, + "кто": 18576, + "▁plants": 18577, + "▁Références": 18578, + "▁ogni": 18579, + "▁curs": 18580, + "▁SK": 18581, + "они": 18582, + "▁destac": 18583, + "\");\r": 18584, + "▁Sure": 18585, + "▁partido": 18586, + "▁Folge": 18587, + "▁Moore": 18588, + "▁wz": 18589, + "скус": 18590, + "ltre": 18591, + "ondo": 18592, + "▁pose": 18593, + "imos": 18594, + "бой": 18595, + "ципа": 18596, + "jus": 18597, + ".....": 18598, + "▁época": 18599, + "▁quanto": 18600, + "▁Support": 18601, + "geschichte": 18602, + "SERVER": 18603, + "▁Georges": 18604, + "enum": 18605, + "▁herm": 18606, + "▁nebo": 18607, + "▁Chr": 18608, + "character": 18609, + "▁***": 18610, + "▁Forsch": 18611, + "iami": 18612, + "▁¿": 18613, + "cych": 18614, + "▁fifth": 18615, + "sent": 18616, + "▁anderem": 18617, + "▁proportion": 18618, + "▁prest": 18619, + "▁Girl": 18620, + "▁drama": 18621, + "wand": 18622, + "▁Mail": 18623, + "▁Lux": 18624, + "▁který": 18625, + "▁Gesellschaft": 18626, + "▁Hinweis": 18627, + "nisse": 18628, + "▁mondo": 18629, + "Eq": 18630, + "▁perí": 18631, + "▁eastern": 18632, + "▁UEFA": 18633, + "uale": 18634, + "▁convex": 18635, + "▁поль": 18636, + "▁Hey": 18637, + "zenie": 18638, + "initely": 18639, + "▁Zusammen": 18640, + "SSL": 18641, + "ocal": 18642, + "▁canal": 18643, + "voy": 18644, + "▁Кри": 18645, + "▁között": 18646, + "▁cars": 18647, + "▁versión": 18648, + "Environment": 18649, + "Her": 18650, + "▁señ": 18651, + "▁spatial": 18652, + "ymi": 18653, + "Fire": 18654, + "▁veget": 18655, + "▁Wie": 18656, + "▁znaj": 18657, + "▁damage": 18658, + "▁endl": 18659, + "gif": 18660, + "▁quali": 18661, + "▁которых": 18662, + "ellan": 18663, + "▁mens": 18664, + "▁plug": 18665, + "▁abund": 18666, + "FIG": 18667, + "▁sf": 18668, + "▁confl": 18669, + "▁населения": 18670, + "▁principles": 18671, + "▁Gabriel": 18672, + "ibe": 18673, + "▁{%": 18674, + "▁població": 18675, + "ніципа": 18676, + "▁extreme": 18677, + "▁asse": 18678, + "▁vu": 18679, + "Mock": 18680, + "▁spielte": 18681, + "▁Aer": 18682, + "▁datos": 18683, + "endes": 18684, + "▁Gel": 18685, + "▁Gor": 18686, + "Christ": 18687, + "chos": 18688, + "Processor": 18689, + "▁instruct": 18690, + "▁picked": 18691, + "nahme": 18692, + "fahr": 18693, + "▁indicated": 18694, + "▁%.": 18695, + "▁ts": 18696, + "▁notable": 18697, + "▁qualified": 18698, + "▁Ал": 18699, + "Black": 18700, + "▁council": 18701, + "▁overhead": 18702, + "aci": 18703, + "année": 18704, + "▁initWith": 18705, + "bió": 18706, + "▁introduction": 18707, + "▁companion": 18708, + "▁expon": 18709, + "▁kör": 18710, + "oby": 18711, + "burn": 18712, + "gnu": 18713, + "virtual": 18714, + "▁intellect": 18715, + "▁держа": 18716, + "'+": 18717, + "бле": 18718, + "▁strictly": 18719, + "▁recognize": 18720, + "hour": 18721, + "▁Wrest": 18722, + "ennen": 18723, + "$).": 18724, + "fff": 18725, + "▁Centro": 18726, + "▁Pitt": 18727, + "▁dział": 18728, + "▁cela": 18729, + "▁francese": 18730, + "рами": 18731, + "special": 18732, + "▁Dup": 18733, + "toire": 18734, + "каль": 18735, + "COUNT": 18736, + "▁Brook": 18737, + "▁руково": 18738, + "publique": 18739, + "▁seconda": 18740, + "▁compt": 18741, + "▁bland": 18742, + "Before": 18743, + "▁Pack": 18744, + "alty": 18745, + "öder": 18746, + "▁intervals": 18747, + "▁Datenbank": 18748, + "Movie": 18749, + "▁transm": 18750, + "▁tap": 18751, + "▁поч": 18752, + "fon": 18753, + "iai": 18754, + "▁fib": 18755, + "▁wyd": 18756, + "▁hung": 18757, + "▁alive": 18758, + "Clear": 18759, + "▁pushed": 18760, + "▁tuple": 18761, + "achen": 18762, + "гово": 18763, + "▁revers": 18764, + "▁augment": 18765, + "▁challenge": 18766, + "lost": 18767, + "▁deuxième": 18768, + "structor": 18769, + "▁mehrerer": 18770, + "atural": 18771, + "Split": 18772, + "стем": 18773, + "шла": 18774, + ")\\\\": 18775, + "▁Dog": 18776, + "▁developers": 18777, + "▁nod": 18778, + "▁сторо": 18779, + "▁NaN": 18780, + "▁priest": 18781, + "▁exha": 18782, + "UND": 18783, + "pair": 18784, + "alone": 18785, + "▁moon": 18786, + "▁#!/": 18787, + "▁guns": 18788, + "rola": 18789, + "чита": 18790, + "▁Encyclopedia": 18791, + "atis": 18792, + "▁'\"": 18793, + "zych": 18794, + "▁superfic": 18795, + "▁эк": 18796, + "едера": 18797, + "feed": 18798, + "LAY": 18799, + "Fi": 18800, + "unks": 18801, + "isecond": 18802, + "▁'@": 18803, + "▁Adding": 18804, + "рое": 18805, + "▁tang": 18806, + "цо": 18807, + "hung": 18808, + "bis": 18809, + "ského": 18810, + "▁advert": 18811, + "▁занима": 18812, + "uzz": 18813, + "ágina": 18814, + "▁Tel": 18815, + "sig": 18816, + "▁Ez": 18817, + "▁guarantee": 18818, + "▁teaching": 18819, + "oty": 18820, + "termin": 18821, + "▁distributions": 18822, + "FLA": 18823, + "▁Giuseppe": 18824, + "querySelector": 18825, + "▁/\\": 18826, + "▁Squad": 18827, + "gz": 18828, + "delay": 18829, + "▁surrounding": 18830, + "▁manus": 18831, + "▁Hou": 18832, + "²,": 18833, + "▁cultiv": 18834, + "▁troubles": 18835, + "▁raison": 18836, + "expand": 18837, + "▁cov": 18838, + "nungen": 18839, + ")){": 18840, + "▁geen": 18841, + "▁außer": 18842, + "▁Лі": 18843, + "ři": 18844, + "▁situations": 18845, + "▁telep": 18846, + "▁Jed": 18847, + "▁travail": 18848, + "lias": 18849, + "bullet": 18850, + "▁selecting": 18851, + "avier": 18852, + "▁essential": 18853, + "(/": 18854, + "yyyy": 18855, + "ště": 18856, + "ulty": 18857, + "▁kra": 18858, + "▁tabs": 18859, + "▁experienced": 18860, + "azi": 18861, + "▁Directory": 18862, + "▁cron": 18863, + "▁spend": 18864, + "▁RA": 18865, + "▁selenium": 18866, + "▁Thé": 18867, + "Elements": 18868, + "cii": 18869, + "▁plat": 18870, + "▁archive": 18871, + "▁assistance": 18872, + "▁neck": 18873, + "▁Avenue": 18874, + "▁wheel": 18875, + "▁hade": 18876, + "Common": 18877, + "▁Dialog": 18878, + "▁forg": 18879, + "▁surely": 18880, + "▁hockey": 18881, + "któ": 18882, + "▁tk": 18883, + "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁": 18884, + "▁Bruce": 18885, + "▁enorm": 18886, + ",’": 18887, + "▁Christopher": 18888, + "jev": 18889, + "▁quad": 18890, + "▁AJAX": 18891, + "▁relief": 18892, + "▁modes": 18893, + "sklär": 18894, + "▁Vid": 18895, + "▁Serial": 18896, + "▁tokens": 18897, + "▁Poland": 18898, + "\\]": 18899, + "▁vide": 18900, + "rooms": 18901, + "omas": 18902, + "▁Bureau": 18903, + "cx": 18904, + "ностью": 18905, + "▁signs": 18906, + "шение": 18907, + "lossen": 18908, + "▁Queens": 18909, + "▁membre": 18910, + "▁mez": 18911, + "▁Bool": 18912, + "▁Naj": 18913, + "▁Memory": 18914, + "▁Khan": 18915, + "▁là": 18916, + "▁Hud": 18917, + "▁dismiss": 18918, + "ighth": 18919, + "▁fs": 18920, + "prevent": 18921, + "▁меда": 18922, + "▁Police": 18923, + "▁ско": 18924, + "finite": 18925, + "▁ami": 18926, + "▁Much": 18927, + "owania": 18928, + "ORY": 18929, + "iors": 18930, + "▁Premio": 18931, + "▁textbox": 18932, + "dm": 18933, + "▁afin": 18934, + "▁Donald": 18935, + "▁Priv": 18936, + "▁decid": 18937, + "▁Maurice": 18938, + "agan": 18939, + "▁Britannica": 18940, + "▁oft": 18941, + "▁consecutive": 18942, + "\"?>": 18943, + "овий": 18944, + "student": 18945, + "▁peque": 18946, + "▁dieses": 18947, + "▁retour": 18948, + "étr": 18949, + "▁сез": 18950, + "▁kre": 18951, + "▁votes": 18952, + "ruption": 18953, + "izada": 18954, + "▁Wiel": 18955, + "▁Gray": 18956, + "▁Leop": 18957, + "teilung": 18958, + "(['": 18959, + "▁whites": 18960, + "frica": 18961, + "animation": 18962, + "curl": 18963, + "lings": 18964, + "=\"$": 18965, + "loyd": 18966, + "textsc": 18967, + "ору": 18968, + "▁села": 18969, + "esian": 18970, + "▁Mission": 18971, + "▁неза": 18972, + "▁ultimately": 18973, + "бов": 18974, + "olen": 18975, + "скому": 18976, + "nete": 18977, + "▁Dit": 18978, + "▁costru": 18979, + "dependent": 18980, + "▁Resource": 18981, + "▁hosts": 18982, + "▁rear": 18983, + "Duration": 18984, + "ників": 18985, + "Ма": 18986, + "▁planning": 18987, + "▁prediction": 18988, + "▁Lyn": 18989, + "▁kir": 18990, + "▁Legisl": 18991, + "мат": 18992, + "▁Soccer": 18993, + "▁survey": 18994, + "▁estadounidense": 18995, + "orgen": 18996, + "jourd": 18997, + "▁aprile": 18998, + "▁ids": 18999, + "ське": 19000, + "▁employee": 19001, + "▁Schauspieler": 19002, + "ръ": 19003, + "▁multimedia": 19004, + "▁свою": 19005, + "▁wine": 19006, + "▁EU": 19007, + "ică": 19008, + "▁Rhein": 19009, + "▁Palmar": 19010, + "oteca": 19011, + "▁prepare": 19012, + "▁Tot": 19013, + "▁Null": 19014, + "▁kin": 19015, + "inals": 19016, + "▁Newton": 19017, + "▁tbl": 19018, + "▁Sold": 19019, + "▁verf": 19020, + "aturing": 19021, + "▁laptop": 19022, + "▁Совет": 19023, + "secret": 19024, + "▁Olympic": 19025, + "▁footballer": 19026, + "▁Rudolf": 19027, + "▁conhe": 19028, + "zysk": 19029, + "▁evaluated": 19030, + "»)": 19031, + "shop": 19032, + "repository": 19033, + "▁zach": 19034, + "▁losing": 19035, + "etter": 19036, + "▁Wirtschaft": 19037, + "так": 19038, + "▁unnecessary": 19039, + "▁Phot": 19040, + "anska": 19041, + "▁Native": 19042, + "CCE": 19043, + "▁fifty": 19044, + "▁erw": 19045, + "rh": 19046, + "issent": 19047, + "}{(": 19048, + "▁lanç": 19049, + "▁Xcode": 19050, + "город": 19051, + "cir": 19052, + "▁película": 19053, + "▁Oscar": 19054, + "▁shore": 19055, + "▁supplied": 19056, + "examples": 19057, + "Mess": 19058, + "VICE": 19059, + "▁exclude": 19060, + "▁hen": 19061, + "▁губер": 19062, + "▁Fragment": 19063, + "▁Bitte": 19064, + "▁Besides": 19065, + "▁hes": 19066, + "▁ihrem": 19067, + "▁Serge": 19068, + "▁artific": 19069, + "=\"${": 19070, + "лово": 19071, + "uteur": 19072, + "taire": 19073, + "пас": 19074, + "▁easiest": 19075, + "▁famiglia": 19076, + "Normal": 19077, + "▁dalle": 19078, + "▁nations": 19079, + "rp": 19080, + "thead": 19081, + "▁області": 19082, + "▁Democratic": 19083, + "▁челове": 19084, + "мож": 19085, + "▁гер": 19086, + "▁smallest": 19087, + "▁Publishing": 19088, + "▁Ts": 19089, + "▁laughed": 19090, + "lle": 19091, + "▁Amt": 19092, + "▁IIS": 19093, + "FORM": 19094, + "Mag": 19095, + "дон": 19096, + "▁storia": 19097, + "▁organized": 19098, + "ční": 19099, + "▁ox": 19100, + "lingen": 19101, + "▁luego": 19102, + "cció": 19103, + "▁rely": 19104, + "▁tussen": 19105, + "erten": 19106, + "▁honour": 19107, + "▁Claude": 19108, + "▁Korea": 19109, + "▁Metropol": 19110, + "Super": 19111, + "rien": 19112, + "érature": 19113, + "attro": 19114, + "▁біль": 19115, + "▁Herbert": 19116, + "▁auteurs": 19117, + "▁darauf": 19118, + "▁mental": 19119, + "▁rang": 19120, + "▁són": 19121, + "▁Soph": 19122, + ")\",": 19123, + "Descriptor": 19124, + "prepare": 19125, + "▁Landkreis": 19126, + "HC": 19127, + "cross": 19128, + "лиза": 19129, + "▁Login": 19130, + "onen": 19131, + "Feature": 19132, + "▁museum": 19133, + "vek": 19134, + "▁Nelson": 19135, + "▁rejo": 19136, + "▁команди": 19137, + "▁summar": 19138, + "▁следу": 19139, + "ämp": 19140, + "▁Gas": 19141, + "вом": 19142, + "VALUE": 19143, + "inge": 19144, + "period": 19145, + "lassen": 19146, + "ával": 19147, + "▁altogether": 19148, + "umph": 19149, + "istro": 19150, + "ąż": 19151, + "▁Keep": 19152, + "▁Marco": 19153, + "▁étant": 19154, + "▁Dre": 19155, + "geometry": 19156, + "▁Kas": 19157, + "messages": 19158, + "Cook": 19159, + "▁Side": 19160, + "▁коми": 19161, + "стри": 19162, + "▁excess": 19163, + "▁Biografia": 19164, + "XXXX": 19165, + "▁Nie": 19166, + "vendor": 19167, + "xsd": 19168, + "Mill": 19169, + "processing": 19170, + "▁Missouri": 19171, + "▁permett": 19172, + "▁apar": 19173, + "▁crowd": 19174, + "fert": 19175, + "▁Dou": 19176, + "rí": 19177, + "▁CC": 19178, + "▁payment": 19179, + "▁Hollywood": 19180, + "▁Virtual": 19181, + "▁spoken": 19182, + "▁tram": 19183, + "▁Community": 19184, + "▁administrative": 19185, + "▁воло": 19186, + "gior": 19187, + "visor": 19188, + "▁Украи": 19189, + "stage": 19190, + "▁Format": 19191, + "▁convenient": 19192, + "На": 19193, + "▁median": 19194, + "▁вра": 19195, + "▁Према": 19196, + "enig": 19197, + "▁Opera": 19198, + "rés": 19199, + "▁fmt": 19200, + "▁efficiency": 19201, + "male": 19202, + "Master": 19203, + "Series": 19204, + "▁syd": 19205, + "generic": 19206, + "interval": 19207, + "▁efect": 19208, + "▁inwoners": 19209, + "лимпи": 19210, + "irement": 19211, + "Err": 19212, + "öh": 19213, + "▁lying": 19214, + "▁Settings": 19215, + "!=": 19216, + "ematic": 19217, + "argv": 19218, + "▁Basic": 19219, + "▁consideration": 19220, + "▁habe": 19221, + "-%": 19222, + "▁mountains": 19223, + "▁peak": 19224, + "▁fallen": 19225, + "eded": 19226, + "logic": 19227, + "▁matched": 19228, + "▁typing": 19229, + ")},": 19230, + "▁fancy": 19231, + "▁elegant": 19232, + "ال": 19233, + "▁участ": 19234, + "▁Sarah": 19235, + "▁Verd": 19236, + "▁tego": 19237, + "rules": 19238, + "▁mounted": 19239, + "▁ім": 19240, + "еру": 19241, + "stoff": 19242, + "fahren": 19243, + "distance": 19244, + "▁License": 19245, + "▁LEFT": 19246, + "▁wp": 19247, + "/{": 19248, + "▁amazon": 19249, + ">&": 19250, + "▁első": 19251, + "quarters": 19252, + "▁shock": 19253, + "nick": 19254, + "▁Archite": 19255, + "▁Square": 19256, + "▁rates": 19257, + "iore": 19258, + "▁Nat": 19259, + "▁Charlot": 19260, + "reichen": 19261, + "▁variation": 19262, + "osis": 19263, + "life": 19264, + "slide": 19265, + "abi": 19266, + "uki": 19267, + "mysq": 19268, + "▁primitive": 19269, + "▁universitaire": 19270, + "LENG": 19271, + "ależ": 19272, + "ebook": 19273, + "syn": 19274, + "▁Gegen": 19275, + "▁Kü": 19276, + "▁але": 19277, + "▁Lub": 19278, + "concurrent": 19279, + "izzato": 19280, + "▁stub": 19281, + "▁ie": 19282, + "▁'./": 19283, + "cod": 19284, + "▁internacional": 19285, + "▁Glas": 19286, + "▁mare": 19287, + "▁Neb": 19288, + "▁GB": 19289, + "kwargs": 19290, + "▁aument": 19291, + "WID": 19292, + "▁род": 19293, + "punkt": 19294, + "▁Grad": 19295, + "SN": 19296, + "AMP": 19297, + "▁Born": 19298, + "▁Guerre": 19299, + "готов": 19300, + "▁medio": 19301, + "Med": 19302, + "supp": 19303, + "actual": 19304, + "dropdown": 19305, + "▁oktober": 19306, + "▁ř": 19307, + "▁circular": 19308, + "▁skin": 19309, + "▁emphas": 19310, + "▁голов": 19311, + "▁pue": 19312, + "▁informations": 19313, + "▁Wolfgang": 19314, + "▁useless": 19315, + "ит": 19316, + "▁Joan": 19317, + "▁бор": 19318, + "▁Glad": 19319, + "▁Know": 19320, + "ként": 19321, + "speed": 19322, + "▁Kevin": 19323, + "unft": 19324, + "▁arqu": 19325, + "▁Casa": 19326, + "(...": 19327, + "▁rapidly": 19328, + "▁proble": 19329, + "▁Википеди": 19330, + "žen": 19331, + "▁Neben": 19332, + "▁Meter": 19333, + "Children": 19334, + "cem": 19335, + "igos": 19336, + "aju": 19337, + "▁Retrie": 19338, + "▁Hell": 19339, + "▁gig": 19340, + "▁controvers": 19341, + "▁zoom": 19342, + "▁cens": 19343, + "▁alcuni": 19344, + "▁Header": 19345, + "Meta": 19346, + "Required": 19347, + "▁институ": 19348, + "▁skup": 19349, + "▁ingles": 19350, + "égl": 19351, + "bij": 19352, + "▁tér": 19353, + "▁compag": 19354, + "▁committed": 19355, + "▁processed": 19356, + "Lower": 19357, + "▁Foreign": 19358, + "▁seq": 19359, + "sheets": 19360, + "▁Fem": 19361, + "hoz": 19362, + "inks": 19363, + "▁kall": 19364, + "variant": 19365, + "▁libro": 19366, + "▁clicks": 19367, + "▁gobierno": 19368, + "iegel": 19369, + "мого": 19370, + "geme": 19371, + "▁tower": 19372, + "▁parish": 19373, + "▁TCP": 19374, + "▁ls": 19375, + "▁nginx": 19376, + "NaN": 19377, + "▁Dir": 19378, + "▁Begriffe": 19379, + "arie": 19380, + "ímp": 19381, + "icios": 19382, + "▁sharing": 19383, + "▁cinéma": 19384, + "bec": 19385, + "RED": 19386, + "▁Kra": 19387, + "abol": 19388, + "▁flux": 19389, + "▁expensive": 19390, + "▁суще": 19391, + "▁`_": 19392, + "ocz": 19393, + "лист": 19394, + "▁acquaint": 19395, + "▁wise": 19396, + "▁pouvoir": 19397, + "▁devant": 19398, + "▁momentum": 19399, + "immer": 19400, + "▁Coupe": 19401, + "indexOf": 19402, + "▁doesnt": 19403, + "▁зав": 19404, + "▁license": 19405, + "▁â": 19406, + "CSS": 19407, + "▁rice": 19408, + "Team": 19409, + "▁ano": 19410, + "lit": 19411, + "▁merged": 19412, + "▁Cell": 19413, + "лл": 19414, + "boy": 19415, + "asts": 19416, + "▁sell": 19417, + "▁große": 19418, + "▁virtuel": 19419, + "Cancel": 19420, + "▁sj": 19421, + "gment": 19422, + ".<": 19423, + "чай": 19424, + "ië": 19425, + "akh": 19426, + "izers": 19427, + "prit": 19428, + "▁Tib": 19429, + "▁elaborate": 19430, + "▁fé": 19431, + "▁меди": 19432, + "LENGTH": 19433, + "▁primarily": 19434, + "▁scores": 19435, + "▁carrying": 19436, + "▁lake": 19437, + "compose": 19438, + "▁Township": 19439, + "unge": 19440, + "▁alberga": 19441, + "anych": 19442, + "quelle": 19443, + "▁Ark": 19444, + "▁pris": 19445, + "▁voll": 19446, + "шли": 19447, + "Validation": 19448, + "▁ceux": 19449, + "▁populate": 19450, + "\"\r": 19451, + "▁femmes": 19452, + "ANG": 19453, + "▁Despite": 19454, + "вые": 19455, + "iske": 19456, + "zug": 19457, + "нача": 19458, + "▁hatten": 19459, + "INSERT": 19460, + "Employee": 19461, + "▁moments": 19462, + "▁última": 19463, + "▁holder": 19464, + "blank": 19465, + "Collections": 19466, + "athers": 19467, + "▁grade": 19468, + "▁affairs": 19469, + ".$$": 19470, + "▁delta": 19471, + "▁Jugend": 19472, + "▁español": 19473, + "▁OUT": 19474, + "▁mathematical": 19475, + "▁mongo": 19476, + "▁Фе": 19477, + "uling": 19478, + "▁revolution": 19479, + "▁coin": 19480, + "▁subclass": 19481, + "\"=>": 19482, + "äche": 19483, + "▁pyg": 19484, + "щая": 19485, + "illery": 19486, + "▁comenz": 19487, + "depth": 19488, + "▁cél": 19489, + "▁resize": 19490, + "▁Same": 19491, + "▁strik": 19492, + "▁tir": 19493, + "▁scarc": 19494, + "▁Member": 19495, + "subscribe": 19496, + "óż": 19497, + "útbol": 19498, + "except": 19499, + "▁driving": 19500, + "kie": 19501, + "zony": 19502, + "èmes": 19503, + "David": 19504, + "issant": 19505, + "▁ты": 19506, + "▁élect": 19507, + "▁rename": 19508, + "▁Running": 19509, + "▁interfaces": 19510, + "////////////////": 19511, + "▁Walker": 19512, + "▁société": 19513, + "▁asks": 19514, + "brid": 19515, + "▁jewe": 19516, + "▁seines": 19517, + "▁agents": 19518, + "▁MY": 19519, + "▁Lawrence": 19520, + "dess": 19521, + "iesen": 19522, + "▁людях": 19523, + "прави": 19524, + "▁ancest": 19525, + "▁welche": 19526, + "raum": 19527, + "▁orb": 19528, + "scal": 19529, + "▁Lear": 19530, + "▁wear": 19531, + "▁slave": 19532, + "▁renamed": 19533, + "čen": 19534, + "maste": 19535, + "angles": 19536, + "▁América": 19537, + "▁ti": 19538, + "▁demsel": 19539, + "▁beneath": 19540, + "binary": 19541, + "▁edición": 19542, + "▁kilomet": 19543, + "uits": 19544, + "▁cuatro": 19545, + "▁entrance": 19546, + "ondissement": 19547, + "▁bag": 19548, + "▁Armen": 19549, + "ijo": 19550, + "▁Lors": 19551, + "▁demselben": 19552, + "êm": 19553, + "▁discrete": 19554, + "▁prominent": 19555, + "▁Jay": 19556, + "decor": 19557, + "DL": 19558, + "▁dí": 19559, + "Struct": 19560, + "▁Production": 19561, + "they": 19562, + "arius": 19563, + "schnitt": 19564, + "▁Cou": 19565, + "▁lex": 19566, + "youtube": 19567, + "▁работа": 19568, + "station": 19569, + "sep": 19570, + "▁mirror": 19571, + "▁hits": 19572, + "▁Beck": 19573, + "atically": 19574, + "▁Laz": 19575, + "▁winner": 19576, + "DEX": 19577, + "▁INT": 19578, + "}^{-": 19579, + "▁wegen": 19580, + "mad": 19581, + "Angle": 19582, + "zing": 19583, + "▁Bayern": 19584, + "sal": 19585, + "äger": 19586, + "▁busy": 19587, + "▁stör": 19588, + "▁folk": 19589, + "▁prix": 19590, + "▁allocated": 19591, + "▁pt": 19592, + "affen": 19593, + "cluster": 19594, + "▁complement": 19595, + "árs": 19596, + "▁Amerika": 19597, + "рій": 19598, + "▁valley": 19599, + "▁rooms": 19600, + "▁moi": 19601, + ".\",": 19602, + ";;;;": 19603, + "▁lowest": 19604, + "nog": 19605, + "▁landet": 19606, + "▁programme": 19607, + "chio": 19608, + "▁Während": 19609, + "ández": 19610, + "▁долж": 19611, + "▁ouv": 19612, + "omány": 19613, + "▁Википедии": 19614, + "▁só": 19615, + "▁elektr": 19616, + "Desc": 19617, + "▁Beaut": 19618, + "нар": 19619, + "▁може": 19620, + "Pierre": 19621, + "esota": 19622, + "▁operated": 19623, + "▁forte": 19624, + "рис": 19625, + "▁opposition": 19626, + "alia": 19627, + "▁Syl": 19628, + "getName": 19629, + "вели": 19630, + "fik": 19631, + "▁comprom": 19632, + "▁TextView": 19633, + "Spring": 19634, + "metadata": 19635, + "engu": 19636, + "/,": 19637, + "▁carri": 19638, + "istol": 19639, + "▁diagonal": 19640, + "lista": 19641, + "izen": 19642, + "▁rende": 19643, + "gcc": 19644, + "beck": 19645, + "lius": 19646, + "iral": 19647, + "Resolver": 19648, + "▁percentage": 19649, + "▁attra": 19650, + "strings": 19651, + "wiąz": 19652, + "ods": 19653, + "волю": 19654, + "ęż": 19655, + "▁newspaper": 19656, + "imiter": 19657, + "ABC": 19658, + "▁Manchester": 19659, + "[{": 19660, + "Agent": 19661, + "▁Wor": 19662, + "▁Kath": 19663, + "▁пові": 19664, + "▁entonces": 19665, + "▁niveau": 19666, + "atted": 19667, + "learn": 19668, + "atiques": 19669, + "▁уби": 19670, + "▁quindi": 19671, + "binding": 19672, + "▁imported": 19673, + "▁Horn": 19674, + "emberg": 19675, + "complex": 19676, + "▁neural": 19677, + "information": 19678, + "▁recognition": 19679, + "ingt": 19680, + "▁inhabitants": 19681, + "vue": 19682, + "▁Bevölker": 19683, + "▁curves": 19684, + "▁leb": 19685, + "дій": 19686, + "▁sow": 19687, + "▁sentiment": 19688, + "PH": 19689, + "rache": 19690, + "▁-(": 19691, + "▁estable": 19692, + "▁Ferdinand": 19693, + "▁écrit": 19694, + "▁primeiro": 19695, + "▁tex": 19696, + "▁intermediate": 19697, + "verage": 19698, + "ibus": 19699, + "▁serves": 19700, + "ivas": 19701, + "▁bru": 19702, + "▁lum": 19703, + "attice": 19704, + "чный": 19705, + "▁Dres": 19706, + "▁videos": 19707, + "duration": 19708, + "▁abit": 19709, + "▁egg": 19710, + "ographical": 19711, + "alph": 19712, + "STATE": 19713, + "▁пара": 19714, + "reading": 19715, + "▁vehicle": 19716, + "▁fortune": 19717, + "ultats": 19718, + "▁Storia": 19719, + "midt": 19720, + "łącz": 19721, + "▁Memorial": 19722, + "▁vas": 19723, + "▁зан": 19724, + "▁utility": 19725, + "▁obsc": 19726, + "▁relacion": 19727, + "▁runat": 19728, + "Release": 19729, + "take": 19730, + "▁Oliver": 19731, + "▁Sid": 19732, + "ulos": 19733, + "▁Garc": 19734, + "▁розта": 19735, + "▁Sak": 19736, + "Py": 19737, + "führt": 19738, + "▁trabal": 19739, + "*{": 19740, + "▁zes": 19741, + "▁szere": 19742, + "▁varios": 19743, + "▁otra": 19744, + "▁eval": 19745, + "▁situé": 19746, + "▁wounded": 19747, + "▁Vincent": 19748, + "▁викори": 19749, + "▁encode": 19750, + "Modal": 19751, + "▁forb": 19752, + "▁dynamics": 19753, + "▁depos": 19754, + "arde": 19755, + "▁streets": 19756, + "▁Komm": 19757, + "=$(": 19758, + "▁повер": 19759, + "▁dois": 19760, + "▁vitt": 19761, + "▁automatisch": 19762, + "▁reload": 19763, + "▁Verwalt": 19764, + "bero": 19765, + "▁hub": 19766, + "▁mos": 19767, + "▁tutto": 19768, + "▁Frederick": 19769, + "łow": 19770, + "antages": 19771, + "aque": 19772, + "paper": 19773, + "▁einige": 19774, + "`),": 19775, + "dj": 19776, + "▁Ple": 19777, + "▁%,": 19778, + "▁Bitmap": 19779, + "▁friendly": 19780, + "▁truly": 19781, + "▁stroke": 19782, + "roph": 19783, + "▁engl": 19784, + "▁coff": 19785, + "▁dust": 19786, + "▁Jahres": 19787, + "ppi": 19788, + "▁wys": 19789, + "factor": 19790, + "schluss": 19791, + "▁деревня": 19792, + "▁Past": 19793, + "▁дома": 19794, + "COM": 19795, + "▁pueden": 19796, + "▁gift": 19797, + "▁Gla": 19798, + "▁triggered": 19799, + "ély": 19800, + "ülés": 19801, + "▁Oliv": 19802, + "▁verso": 19803, + "▁lle": 19804, + "▁Gli": 19805, + "▁Ltd": 19806, + "oa": 19807, + "▁territorio": 19808, + "ordre": 19809, + "▁deck": 19810, + "dra": 19811, + "aszt": 19812, + "▁concerning": 19813, + "▁Additionally": 19814, + "▁které": 19815, + "▁grund": 19816, + "▁Gest": 19817, + "▁misunder": 19818, + "pret": 19819, + "────": 19820, + "▁reputation": 19821, + "zia": 19822, + "▁успе": 19823, + "▁escaped": 19824, + "▁Prag": 19825, + "perform": 19826, + "▁austral": 19827, + "▁Vater": 19828, + "час": 19829, + "▁races": 19830, + "▁Byte": 19831, + "Mask": 19832, + "▁Territ": 19833, + "стю": 19834, + "▁Voci": 19835, + "▁Fichier": 19836, + "▁Населення": 19837, + "▁Unterscheidung": 19838, + "teenth": 19839, + "▁pilot": 19840, + "▁ji": 19841, + "▁двух": 19842, + "▁orientation": 19843, + "indre": 19844, + "▁Dort": 19845, + "ças": 19846, + "пли": 19847, + "▁reaction": 19848, + "▁consisting": 19849, + "▁ferro": 19850, + "тисти": 19851, + "yard": 19852, + "▁сві": 19853, + "▁interpretation": 19854, + "ią": 19855, + "rah": 19856, + "▁fand": 19857, + "Public": 19858, + "▁universe": 19859, + "▁retir": 19860, + "▁conscious": 19861, + "arqu": 19862, + "▁waste": 19863, + "▁Bib": 19864, + "yclerView": 19865, + "▁listening": 19866, + "gleich": 19867, + "niejs": 19868, + "▁correlation": 19869, + "▁receiver": 19870, + "▁уда": 19871, + "▁courage": 19872, + "uchs": 19873, + "fass": 19874, + "▁chunk": 19875, + "▁Anfang": 19876, + "▁großen": 19877, + "continue": 19878, + "▁Warszawa": 19879, + "hé": 19880, + "iy": 19881, + "ivement": 19882, + "▁α": 19883, + "▁exposed": 19884, + "▁zahl": 19885, + "▁sacr": 19886, + "▁Looks": 19887, + "▁eager": 19888, + "enten": 19889, + "Cursor": 19890, + "/_": 19891, + "ixa": 19892, + "рела": 19893, + "знача": 19894, + "▁фамилией": 19895, + "▁argent": 19896, + "▁Anders": 19897, + "œuvre": 19898, + "▁Isa": 19899, + "мента": 19900, + "▁advers": 19901, + "riction": 19902, + "GP": 19903, + "▁після": 19904, + "▁preserve": 19905, + "▁Garden": 19906, + "Rate": 19907, + "après": 19908, + "▁readable": 19909, + "indu": 19910, + "▁skill": 19911, + "▁helping": 19912, + "ographique": 19913, + "cling": 19914, + "ologist": 19915, + "▁Filter": 19916, + "▁finger": 19917, + "▁Vall": 19918, + "▁Polish": 19919, + "lg": 19920, + "▁Familien": 19921, + "▁waters": 19922, + "▁pseud": 19923, + "aza": 19924, + "_)": 19925, + "ARY": 19926, + "▁среди": 19927, + "▁Must": 19928, + "▁Bod": 19929, + "anon": 19930, + "▁lado": 19931, + "▁tight": 19932, + "imen": 19933, + "appen": 19934, + "frames": 19935, + "ingers": 19936, + "▁COVID": 19937, + "▁зі": 19938, + "▁све": 19939, + "▁ць": 19940, + "▁Left": 19941, + "]];": 19942, + "чь": 19943, + "фика": 19944, + "▁сло": 19945, + "▁пі": 19946, + "▁existe": 19947, + "▁Atlantic": 19948, + "▁maintained": 19949, + "▁irre": 19950, + "▁année": 19951, + "▁commented": 19952, + "веро": 19953, + "berta": 19954, + "▁Lad": 19955, + "▁Upon": 19956, + "▁pause": 19957, + "mill": 19958, + "opter": 19959, + "UK": 19960, + "рес": 19961, + "нциклопеди": 19962, + "▁alongside": 19963, + "▁robot": 19964, + "▁fert": 19965, + "▁moy": 19966, + "▁ade": 19967, + "Mapper": 19968, + ")->": 19969, + "igua": 19970, + "étique": 19971, + "тка": 19972, + "alias": 19973, + "▁ори": 19974, + "▁Magn": 19975, + "▁gehörte": 19976, + "imb": 19977, + ")}{\\": 19978, + "▁Wikipédia": 19979, + "▁urs": 19980, + "▁ende": 19981, + "leb": 19982, + "▁GC": 19983, + "Hol": 19984, + "ancing": 19985, + "Union": 19986, + "▁tenía": 19987, + "TT": 19988, + "▁estate": 19989, + "há": 19990, + "▁полі": 19991, + "ultan": 19992, + "▁Hockey": 19993, + "ulse": 19994, + "▁choices": 19995, + "scher": 19996, + "▁[],": 19997, + "▁potentially": 19998, + "▁Übers": 19999, + "▁admit": 20000, + "Comment": 20001, + "стя": 20002, + "▁Vien": 20003, + "▁ці": 20004, + "▁permut": 20005, + "cgi": 20006, + "▁crít": 20007, + "Console": 20008, + "ctic": 20009, + "▁okres": 20010, + "awk": 20011, + "football": 20012, + "ouest": 20013, + "CTYPE": 20014, + "ologique": 20015, + "▁constit": 20016, + "▁interests": 20017, + "▁Progress": 20018, + "▁Menu": 20019, + "▁také": 20020, + "▁Asian": 20021, + "▁защи": 20022, + "▁younger": 20023, + "▁wished": 20024, + "▁Sort": 20025, + "▁audience": 20026, + "amba": 20027, + "▁gehört": 20028, + "▁Kansas": 20029, + "yaume": 20030, + "▁Professional": 20031, + "âce": 20032, + "▁fatto": 20033, + "tod": 20034, + "▁datasets": 20035, + "▁fare": 20036, + "▁waves": 20037, + "~/": 20038, + "▁measurement": 20039, + "▁wol": 20040, + "indust": 20041, + "▁struggling": 20042, + "▁pulled": 20043, + "▁caratter": 20044, + "▁Externe": 20045, + "▁действи": 20046, + "cnt": 20047, + "liches": 20048, + "▁Possible": 20049, + "▁faced": 20050, + "▁hypothesis": 20051, + "▁kilom": 20052, + "▁när": 20053, + "boolean": 20054, + "PY": 20055, + "ampa": 20056, + "▁kiss": 20057, + "▁astero": 20058, + "▁negli": 20059, + "aments": 20060, + "▁Stu": 20061, + "ató": 20062, + "▁Constitution": 20063, + "▁interpol": 20064, + "▁Unable": 20065, + "▁pis": 20066, + "▁parc": 20067, + "\"])": 20068, + "pler": 20069, + "▁autory": 20070, + "▁algunos": 20071, + "ywna": 20072, + "}))": 20073, + "▁falls": 20074, + "▁équip": 20075, + "▁emit": 20076, + "▁profil": 20077, + "gets": 20078, + "фо": 20079, + "▁Military": 20080, + "▁nombreux": 20081, + "oct": 20082, + "Replace": 20083, + "▁seasons": 20084, + "▁château": 20085, + "▁typeof": 20086, + "polit": 20087, + "▁rand": 20088, + "▁quar": 20089, + "▁erstmals": 20090, + "сини": 20091, + "▁payload": 20092, + "По": 20093, + "кін": 20094, + "repo": 20095, + "▁Pav": 20096, + "Score": 20097, + "erves": 20098, + "▁sollte": 20099, + "▁між": 20100, + "ébec": 20101, + "▁clip": 20102, + "▁Nice": 20103, + "▁neben": 20104, + "▁assass": 20105, + "itories": 20106, + "▁unity": 20107, + "▁ен": 20108, + "▁Institut": 20109, + "▁internationale": 20110, + "▁наук": 20111, + "▁comand": 20112, + "▁kleine": 20113, + "▁adjacent": 20114, + "▁delivered": 20115, + "▁ше": 20116, + "зем": 20117, + "▁cot": 20118, + "visual": 20119, + "вает": 20120, + "▁Census": 20121, + "\\_": 20122, + "▁territory": 20123, + "чил": 20124, + "чные": 20125, + "flutter": 20126, + "DidLoad": 20127, + "Documents": 20128, + "▁dob": 20129, + "Bre": 20130, + "animate": 20131, + "▁biz": 20132, + "▁bata": 20133, + "▁SU": 20134, + "eso": 20135, + "▁priority": 20136, + "ván": 20137, + "iras": 20138, + "▁charged": 20139, + "▁Micro": 20140, + "atoire": 20141, + "чер": 20142, + "abad": 20143, + "uru": 20144, + "▁vš": 20145, + "dire": 20146, + "▁Twitter": 20147, + "▁мето": 20148, + ")..": 20149, + "▁Цент": 20150, + "▁entwick": 20151, + "▁Mind": 20152, + "▁функ": 20153, + "Future": 20154, + "lst": 20155, + "łoż": 20156, + "fli": 20157, + "tensor": 20158, + "▁topology": 20159, + "▁arte": 20160, + "ERT": 20161, + "▁variance": 20162, + "Images": 20163, + "▁(@": 20164, + "ArrayList": 20165, + "OC": 20166, + "▁Демо": 20167, + "aucoup": 20168, + "▁denotes": 20169, + "imon": 20170, + "њи": 20171, + "▁Przyp": 20172, + "▁Zag": 20173, + "▁дире": 20174, + "▁Similarly": 20175, + "бро": 20176, + "▁militaire": 20177, + "▁тому": 20178, + "▁Johnny": 20179, + "▁Мексику": 20180, + "ћа": 20181, + "Supp": 20182, + "▁junior": 20183, + "oltre": 20184, + "▁Моск": 20185, + "▁admitted": 20186, + "▁religios": 20187, + "зяй": 20188, + "его": 20189, + "▁tears": 20190, + "ingo": 20191, + "odu": 20192, + "iveness": 20193, + "▁logo": 20194, + "▁último": 20195, + "▁aliment": 20196, + "▁UITableView": 20197, + ")!": 20198, + "▁nj": 20199, + "lette": 20200, + "▁resident": 20201, + "▁termine": 20202, + "▁уже": 20203, + "▁Сте": 20204, + "office": 20205, + "▁carte": 20206, + "▁livre": 20207, + "▁Москов": 20208, + "▁elections": 20209, + "зиден": 20210, + "Trigger": 20211, + "▁Benjamin": 20212, + "addClass": 20213, + "ског": 20214, + "▁Observable": 20215, + "Cla": 20216, + "gemein": 20217, + "▁consent": 20218, + "ври": 20219, + "▁unfold": 20220, + "▁governor": 20221, + "нал": 20222, + "▁toda": 20223, + "Remote": 20224, + "arias": 20225, + "▁instal": 20226, + "fixed": 20227, + "▁decay": 20228, + "▁дерев": 20229, + "xyz": 20230, + "▁DATE": 20231, + "imar": 20232, + "ntil": 20233, + "▁startup": 20234, + "alion": 20235, + "▁kolej": 20236, + "cios": 20237, + "▁ranges": 20238, + "▁stupid": 20239, + "▁implementations": 20240, + "▁rm": 20241, + "ének": 20242, + "▁gcc": 20243, + "▁scène": 20244, + "Navigation": 20245, + "▁ ": 20246, + "▁кан": 20247, + "▁towns": 20248, + "Username": 20249, + "▁фе": 20250, + "▁leaders": 20251, + "oit": 20252, + "wär": 20253, + "▁dummy": 20254, + "▁assistant": 20255, + "{$\\": 20256, + "бір": 20257, + "▁roy": 20258, + "▁Layout": 20259, + "▁Jung": 20260, + "Lines": 20261, + "▁Holland": 20262, + "пор": 20263, + "▁Гри": 20264, + "▁Bened": 20265, + "▁Под": 20266, + "xls": 20267, + "▁Gol": 20268, + "▁Aleks": 20269, + "▁ejemplo": 20270, + "▁sezon": 20271, + "arding": 20272, + "footnote": 20273, + "▁Congrès": 20274, + "refer": 20275, + "ската": 20276, + "Iterator": 20277, + "▁ourselves": 20278, + "▁Mic": 20279, + "▁código": 20280, + "▁площа": 20281, + "▁\\$": 20282, + "▁Charlie": 20283, + "Nodes": 20284, + "▁puzz": 20285, + "▁Identifier": 20286, + "▁flutter": 20287, + "▁prü": 20288, + "▁ort": 20289, + "▁Cort": 20290, + "asticsearch": 20291, + "▁Свя": 20292, + "▁Bull": 20293, + "udem": 20294, + "▁apparent": 20295, + ":--": 20296, + "▁Хар": 20297, + "▁Lap": 20298, + "▁comport": 20299, + "matically": 20300, + "▁curios": 20301, + "▁может": 20302, + "▁Bh": 20303, + "apping": 20304, + "▁basketball": 20305, + "zetek": 20306, + "▁runt": 20307, + "▁Milan": 20308, + "fection": 20309, + "ría": 20310, + "▁Kin": 20311, + "▁slower": 20312, + "both": 20313, + "▁Instituto": 20314, + "▁Historical": 20315, + "▁również": 20316, + "matches": 20317, + "yci": 20318, + "▁espèce": 20319, + "▁Schweizer": 20320, + "NT": 20321, + "SF": 20322, + "acia": 20323, + "forge": 20324, + "Points": 20325, + "numbers": 20326, + "▁falling": 20327, + "▁inheritance": 20328, + "▁Erst": 20329, + "▁customers": 20330, + "▁actu": 20331, + "▁migration": 20332, + "\\'": 20333, + "Plan": 20334, + "Mr": 20335, + "othy": 20336, + "▁upgrad": 20337, + "бира": 20338, + "▁Offic": 20339, + "▁Wait": 20340, + "▁toler": 20341, + "ardon": 20342, + "▁slide": 20343, + ")_": 20344, + "▁став": 20345, + "▁nuclear": 20346, + "▁Bil": 20347, + "owner": 20348, + "▁Harris": 20349, + "Information": 20350, + "▁pó": 20351, + "▁включа": 20352, + "▁nuovo": 20353, + "▁Cav": 20354, + "▁Descri": 20355, + "▁ак": 20356, + "ództ": 20357, + "▁reactjs": 20358, + "▁Adams": 20359, + "▁Alternatively": 20360, + "струк": 20361, + ")`,": 20362, + "substring": 20363, + "▁massive": 20364, + "▁heavily": 20365, + "▁сезо": 20366, + "▁Ana": 20367, + "▁vale": 20368, + "Pad": 20369, + "▁Either": 20370, + "▁rs": 20371, + "anche": 20372, + "▁uploaded": 20373, + "▁(/": 20374, + "▁спор": 20375, + "▁reduction": 20376, + "▁Tokyo": 20377, + "gren": 20378, + "▁migli": 20379, + "▁iterator": 20380, + "stav": 20381, + "▁supporting": 20382, + "▁österreich": 20383, + "▁NSLog": 20384, + "istiques": 20385, + "rimin": 20386, + "MODE": 20387, + "}}}\\": 20388, + "▁explos": 20389, + "оте": 20390, + "▁(„": 20391, + "Sal": 20392, + "▁simplest": 20393, + "▁già": 20394, + "▁тан": 20395, + "▁cyl": 20396, + "bir": 20397, + "▁measurements": 20398, + "Created": 20399, + "erek": 20400, + "lookup": 20401, + "wirtschaft": 20402, + "▁Воло": 20403, + "timer": 20404, + "derr": 20405, + "▁стала": 20406, + "▁scenes": 20407, + "▁persu": 20408, + "liest": 20409, + "▁schedule": 20410, + "tal": 20411, + "лено": 20412, + "▁painting": 20413, + "▁improvement": 20414, + "software": 20415, + "▁governo": 20416, + "▁Hir": 20417, + "Execution": 20418, + "▁Okay": 20419, + "Prop": 20420, + "loster": 20421, + "ніципалі": 20422, + "▁peuvent": 20423, + "olu": 20424, + "▁Фа": 20425, + "rollo": 20426, + "▁коло": 20427, + "▁carrière": 20428, + "▁toggle": 20429, + "▁($\\": 20430, + "▁aggregate": 20431, + "▁Бі": 20432, + "textarea": 20433, + "Ok": 20434, + "itto": 20435, + "▁stim": 20436, + "▁recursion": 20437, + "▁Federation": 20438, + ")_{": 20439, + "ategor": 20440, + "▁distribu": 20441, + "Cloud": 20442, + "▁madre": 20443, + "▁iv": 20444, + "▁Lieutenant": 20445, + "▁substant": 20446, + "▁leaf": 20447, + "▁Kontrola": 20448, + "VA": 20449, + "▁tomb": 20450, + "эн": 20451, + "atoes": 20452, + "▁godine": 20453, + "▁#>": 20454, + "Cert": 20455, + "▁empresa": 20456, + "Props": 20457, + "▁planned": 20458, + "▁randomly": 20459, + "jähr": 20460, + "elem": 20461, + "▁Operation": 20462, + "*`": 20463, + "protocol": 20464, + "()));": 20465, + "wel": 20466, + "▁praw": 20467, + "▁сим": 20468, + "▁wob": 20469, + "▁hace": 20470, + "▁nearest": 20471, + "disable": 20472, + "▁Commun": 20473, + "▁revel": 20474, + "Free": 20475, + "▁brackets": 20476, + "IOException": 20477, + "▁alto": 20478, + "▁marry": 20479, + "▁auc": 20480, + "),\\": 20481, + "▁typo": 20482, + "edad": 20483, + "ará": 20484, + "icator": 20485, + "tatywna": 20486, + "▁buff": 20487, + "orders": 20488, + "▁asynchronous": 20489, + "▁econ": 20490, + "▁feu": 20491, + "▁Iron": 20492, + "▁rising": 20493, + "Radius": 20494, + "clk": 20495, + "▁zweiten": 20496, + "`'": 20497, + "▁uniqu": 20498, + "▁FM": 20499, + "▁Bran": 20500, + "▁flu": 20501, + "▁sensitive": 20502, + "urre": 20503, + "▁Iter": 20504, + "▁Sein": 20505, + "▁diferentes": 20506, + "▁него": 20507, + "chia": 20508, + "▁Anleitung": 20509, + "aturday": 20510, + "▁shorter": 20511, + "▁translated": 20512, + "▁Rés": 20513, + "▁rode": 20514, + "drag": 20515, + "▁lange": 20516, + "Bi": 20517, + "üb": 20518, + "leur": 20519, + "▁ordering": 20520, + "alous": 20521, + "▁Кор": 20522, + "archar": 20523, + "destroy": 20524, + "ervation": 20525, + "]],": 20526, + "AccessorImpl": 20527, + "▁autorytatywna": 20528, + "Sequence": 20529, + "▁proyect": 20530, + "▁bran": 20531, + "▁(+": 20532, + "▁Kab": 20533, + "▁zem": 20534, + "▁Calcul": 20535, + "▁seul": 20536, + "▁Niger": 20537, + "▁chiam": 20538, + "throw": 20539, + "▁Planet": 20540, + "bildung": 20541, + "▁zones": 20542, + "transition": 20543, + "лений": 20544, + "▁mapped": 20545, + "onaut": 20546, + "Pair": 20547, + "ilian": 20548, + "▁Morgan": 20549, + "▁unto": 20550, + "jou": 20551, + "▁hid": 20552, + "▁Meta": 20553, + "▁elles": 20554, + "Lou": 20555, + "rama": 20556, + "geordnet": 20557, + "▁scarcely": 20558, + "▁mint": 20559, + "Focus": 20560, + "▁Alter": 20561, + "▁dio": 20562, + "▁ampl": 20563, + "ièrement": 20564, + "▁исследова": 20565, + "LED": 20566, + "algorithm": 20567, + "▁сайті": 20568, + "▁\"\")": 20569, + "History": 20570, + "pk": 20571, + "▁Whit": 20572, + "▁систем": 20573, + "▁Kirchen": 20574, + "rà": 20575, + "APP": 20576, + "▁<%": 20577, + "antine": 20578, + "▁Disk": 20579, + "conv": 20580, + "welt": 20581, + "▁Fut": 20582, + "▁Nom": 20583, + "ordo": 20584, + "ellij": 20585, + "▁receives": 20586, + "cow": 20587, + "ytu": 20588, + "▁obras": 20589, + "▁purchase": 20590, + "▁earned": 20591, + "▁accessed": 20592, + "axi": 20593, + "▁Mans": 20594, + "ivan": 20595, + "▁tuvo": 20596, + "▁Trace": 20597, + "rimonio": 20598, + "▁desenvol": 20599, + "érique": 20600, + "▁resulted": 20601, + "▁computing": 20602, + "▁inspired": 20603, + "▁Prize": 20604, + "*\"": 20605, + "Comput": 20606, + "▁extensive": 20607, + "èg": 20608, + "▁Portály": 20609, + "▁castle": 20610, + "▁*.": 20611, + "▁photos": 20612, + "▁voet": 20613, + "ONG": 20614, + "▁Alle": 20615, + "▁threaten": 20616, + "stüt": 20617, + "▁albums": 20618, + "▁dense": 20619, + "flat": 20620, + "continu": 20621, + "Subject": 20622, + "▁readonly": 20623, + "Opt": 20624, + "писко": 20625, + "▁Aber": 20626, + "▁Position": 20627, + "▁Today": 20628, + "▁mini": 20629, + "▁Bef": 20630, + "listen": 20631, + "ственного": 20632, + "SUB": 20633, + "ossa": 20634, + "▁Pope": 20635, + "▁Jimmy": 20636, + "▁Дру": 20637, + "ungsseite": 20638, + "▁tren": 20639, + "optim": 20640, + "itsch": 20641, + "▁samt": 20642, + "▁испол": 20643, + "&=": 20644, + "▁Przypisy": 20645, + "▁продол": 20646, + "Cr": 20647, + "ermann": 20648, + "▁матери": 20649, + "▁Hugo": 20650, + "▁Deze": 20651, + "TRUE": 20652, + "▁defeat": 20653, + "▁watched": 20654, + "▁Gent": 20655, + "AUT": 20656, + "orous": 20657, + "▁опреде": 20658, + "orientation": 20659, + "▁distinguished": 20660, + "▁mesmo": 20661, + "▁sli": 20662, + "мена": 20663, + "mittel": 20664, + "gericht": 20665, + "eton": 20666, + "->{": 20667, + "▁wont": 20668, + "▁weg": 20669, + "▁classific": 20670, + "ilus": 20671, + "▁MD": 20672, + "tasks": 20673, + "▁chim": 20674, + "await": 20675, + "▁gang": 20676, + "▁wię": 20677, + "through": 20678, + "▁Russell": 20679, + "▁guessing": 20680, + "▁акт": 20681, + "блі": 20682, + "categories": 20683, + "сут": 20684, + "▁Fen": 20685, + "▁муж": 20686, + "▁newer": 20687, + "▁Async": 20688, + "▁terme": 20689, + ">/": 20690, + "пара": 20691, + "▁Trust": 20692, + "▁Opt": 20693, + "▁dah": 20694, + "▁wonderful": 20695, + "adratkil": 20696, + "▁Гра": 20697, + "mapping": 20698, + "▁discovery": 20699, + "▁BE": 20700, + "Enable": 20701, + "▁Friend": 20702, + "сня": 20703, + "▁controlled": 20704, + "чної": 20705, + "▁contributions": 20706, + "jší": 20707, + "▁Lev": 20708, + "▁francés": 20709, + "▁mic": 20710, + "zik": 20711, + "▁alem": 20712, + "cancel": 20713, + "!'": 20714, + "▁grat": 20715, + "▁Begriffsklär": 20716, + "Camera": 20717, + "ificación": 20718, + "ród": 20719, + "▁Arnold": 20720, + "▁bezeichneter": 20721, + "▁fought": 20722, + "▁deput": 20723, + "▁Drop": 20724, + "tax": 20725, + "dg": 20726, + "▁Hop": 20727, + "GN": 20728, + "▁Kirch": 20729, + "▁Бар": 20730, + "Invoke": 20731, + "▁erhalten": 20732, + "▁veel": 20733, + "▁wordpress": 20734, + "▁INNER": 20735, + "transaction": 20736, + "▁déjà": 20737, + "Fact": 20738, + "▁надмор": 20739, + "▁angularjs": 20740, + "▁át": 20741, + "▁alap": 20742, + "▁Price": 20743, + "▁effet": 20744, + "▁sphere": 20745, + "ClassLoader": 20746, + "▁rugby": 20747, + "▁kingdom": 20748, + "▁Mut": 20749, + "▁кино": 20750, + "▁reward": 20751, + "cit": 20752, + "▁presente": 20753, + "Sto": 20754, + "Character": 20755, + "logs": 20756, + "▁centrale": 20757, + "▁mouv": 20758, + "▁okay": 20759, + "▁aplic": 20760, + "More": 20761, + "ények": 20762, + "▁Köln": 20763, + "nett": 20764, + "▁истории": 20765, + "▁describing": 20766, + "▁soldier": 20767, + "▁Need": 20768, + "Light": 20769, + "▁\"\\<": 20770, + "▁hav": 20771, + "ermo": 20772, + "▁inferior": 20773, + "lea": 20774, + "▁gg": 20775, + "▁конце": 20776, + "fragment": 20777, + "sb": 20778, + "Country": 20779, + "▁vě": 20780, + "▁Beng": 20781, + "▁Это": 20782, + "▁водо": 20783, + "мар": 20784, + "STRING": 20785, + "▁új": 20786, + "multiple": 20787, + "statement": 20788, + "▁involves": 20789, + "▁tecn": 20790, + "Student": 20791, + "gré": 20792, + "▁lean": 20793, + "▁bringing": 20794, + "▁Medical": 20795, + "▁програм": 20796, + "▁Vog": 20797, + "▁жов": 20798, + "▁Spirit": 20799, + "nth": 20800, + "▁standards": 20801, + "▁Profile": 20802, + "▁ez": 20803, + "▁территории": 20804, + "▁stem": 20805, + "uil": 20806, + "▁Og": 20807, + "Btn": 20808, + "nal": 20809, + "▁nearby": 20810, + "▁producing": 20811, + "criv": 20812, + "▁assumptions": 20813, + "▁Spark": 20814, + "▁Lot": 20815, + "itudes": 20816, + "afka": 20817, + "five": 20818, + "atio": 20819, + "▁distinguish": 20820, + "rock": 20821, + "église": 20822, + "▁rappres": 20823, + ">\\<": 20824, + "лій": 20825, + "▁мини": 20826, + "▁intitulé": 20827, + "}}(\\": 20828, + "▁Rout": 20829, + "▁Border": 20830, + "▁overrid": 20831, + "HOST": 20832, + "ritten": 20833, + "say": 20834, + "▁Чи": 20835, + "ichtung": 20836, + "▁straightforward": 20837, + "obb": 20838, + "▁Terra": 20839, + "▁[:": 20840, + "Ben": 20841, + "▁composite": 20842, + ")+\\": 20843, + "▁crown": 20844, + "direction": 20845, + "▁несколько": 20846, + "▁avail": 20847, + "▁purchased": 20848, + "hook": 20849, + "eties": 20850, + "▁fase": 20851, + "▁Rum": 20852, + "▁genom": 20853, + "▁dét": 20854, + "ową": 20855, + "mpeg": 20856, + "▁Ін": 20857, + "desktop": 20858, + "▁injection": 20859, + "agle": 20860, + "▁Edd": 20861, + "_{(": 20862, + "▁Hem": 20863, + "utos": 20864, + "proj": 20865, + "▁superficie": 20866, + "Plot": 20867, + "▁Docker": 20868, + "ätz": 20869, + "kreich": 20870, + "▁unclear": 20871, + "▁Unity": 20872, + "▁streams": 20873, + "вид": 20874, + "▁simplified": 20875, + "Fill": 20876, + "▁sant": 20877, + "▁Kommun": 20878, + "▁duc": 20879, + "▁две": 20880, + "▁obs": 20881, + "žit": 20882, + "▁Janeiro": 20883, + "бя": 20884, + "▁presso": 20885, + "▁Ministry": 20886, + "▁burst": 20887, + "▁reaching": 20888, + "liter": 20889, + "▁responses": 20890, + "▁Eug": 20891, + "▁sod": 20892, + "▁Cord": 20893, + "▁Perm": 20894, + "parts": 20895, + "цима": 20896, + "variables": 20897, + "▁forgotten": 20898, + "Fern": 20899, + "ostęp": 20900, + "vl": 20901, + "▁См": 20902, + "kim": 20903, + "ając": 20904, + "наль": 20905, + "гле": 20906, + "helper": 20907, + "dup": 20908, + "euw": 20909, + "fra": 20910, + "ellite": 20911, + "anya": 20912, + "▁reign": 20913, + "gesamt": 20914, + "седа": 20915, + "▁Ryan": 20916, + "▁formatted": 20917, + "▁Borg": 20918, + "walk": 20919, + "▁ал": 20920, + "agnostics": 20921, + "▁Cape": 20922, + "▁Franco": 20923, + "▁fug": 20924, + ":)": 20925, + "юз": 20926, + "Fetch": 20927, + "▁roughly": 20928, + "▁Mis": 20929, + "uetooth": 20930, + "▁Venezuela": 20931, + "▁astronom": 20932, + "\")`": 20933, + "ombres": 20934, + "▁которой": 20935, + "óp": 20936, + "owed": 20937, + "HR": 20938, + "▁Camer": 20939, + "кие": 20940, + "parison": 20941, + "▁Bij": 20942, + "templates": 20943, + "environment": 20944, + "ização": 20945, + "▁ér": 20946, + "▁plenty": 20947, + "▁TypeError": 20948, + "▁forty": 20949, + "коном": 20950, + "▁Sed": 20951, + "▁thats": 20952, + "▁gravity": 20953, + "▁spiritual": 20954, + "▁duplicates": 20955, + "▁encryption": 20956, + "▁reven": 20957, + "getInstance": 20958, + "ällor": 20959, + "disk": 20960, + "▁thro": 20961, + "▁Nak": 20962, + "▁poł": 20963, + "▁heraus": 20964, + "invalid": 20965, + "sBy": 20966, + "Boot": 20967, + "▁bucket": 20968, + "▁Parse": 20969, + "hex": 20970, + "Conne": 20971, + "▁Computer": 20972, + "zyk": 20973, + "▁induced": 20974, + "▁Bruno": 20975, + "▁addressed": 20976, + "mania": 20977, + "▁inclus": 20978, + "ounced": 20979, + "scriptsize": 20980, + "▁Epis": 20981, + "▁vocal": 20982, + "▁Jonathan": 20983, + "ум": 20984, + "staden": 20985, + "▁Children": 20986, + "пей": 20987, + "Italia": 20988, + "reibung": 20989, + "▁nost": 20990, + "▁ещё": 20991, + "▁Werke": 20992, + "▁actress": 20993, + "▁Minnesota": 20994, + "rike": 20995, + "▁tek": 20996, + "▁primeira": 20997, + "▁frat": 20998, + "▁Configuration": 20999, + "▁bid": 21000, + "trigger": 21001, + "Contents": 21002, + "▁constantly": 21003, + "!!!": 21004, + "▁dread": 21005, + "▁hundreds": 21006, + "istische": 21007, + "▁cardinal": 21008, + "TABLE": 21009, + "▁estos": 21010, + "assoc": 21011, + "gray": 21012, + "▁Schloss": 21013, + "▁sche": 21014, + "cong": 21015, + "▁koji": 21016, + "ètes": 21017, + "▁Era": 21018, + "omi": 21019, + "▁SR": 21020, + "▁wrapped": 21021, + "▁trunc": 21022, + "▁ah": 21023, + "egos": 21024, + "oki": 21025, + "mouth": 21026, + "logging": 21027, + "▁fasc": 21028, + "▁Sample": 21029, + "▁conte": 21030, + "▁villa": 21031, + "comments": 21032, + "▁batal": 21033, + "▁García": 21034, + "▁Norte": 21035, + "▁wechsel": 21036, + "▁Museo": 21037, + "▁enfants": 21038, + "▁whisper": 21039, + "nake": 21040, + "▁jednak": 21041, + "lês": 21042, + "enders": 21043, + "▁äl": 21044, + "▁VB": 21045, + "▁cookies": 21046, + "zeti": 21047, + "atum": 21048, + "▁dedu": 21049, + "▁arranged": 21050, + "laz": 21051, + "▁cuenta": 21052, + "yml": 21053, + "▁flav": 21054, + "MR": 21055, + "emet": 21056, + "біль": 21057, + "cmp": 21058, + "ituto": 21059, + "zett": 21060, + "▁envi": 21061, + "▁kot": 21062, + "$:": 21063, + "upper": 21064, + "▁Alberto": 21065, + "kb": 21066, + "Anal": 21067, + "ört": 21068, + "▁[-": 21069, + "▁führte": 21070, + "iah": 21071, + "▁Tun": 21072, + "▁искус": 21073, + "uwe": 21074, + "ispecies": 21075, + "Pub": 21076, + "Sync": 21077, + "▁Colombia": 21078, + "akers": 21079, + "▁Imperial": 21080, + "oving": 21081, + "▁intelligence": 21082, + "▁equipment": 21083, + "ein": 21084, + "dagger": 21085, + "▁Edge": 21086, + "▁Республи": 21087, + "adratkilometer": 21088, + "▁Anto": 21089, + "▁charges": 21090, + "▁Ocean": 21091, + "▁simplify": 21092, + "▁miesz": 21093, + "running": 21094, + "▁Lac": 21095, + "genommen": 21096, + "▁representative": 21097, + "=.": 21098, + "▁Pred": 21099, + "▁spite": 21100, + "ciale": 21101, + "▁nave": 21102, + "▁extens": 21103, + "▁neutral": 21104, + "▁которая": 21105, + ".::": 21347, + "шёл": 21348, + "▁principales": 21349, + "▁цар": 21350, + "▁tied": 21351, + "▁alta": 21352, + "▁Cit": 21353, + "lined": 21354, + "major": 21355, + "▁punk": 21356, + "▁cinco": 21357, + "ický": 21358, + "▁raggi": 21359, + "typen": 21360, + "тельство": 21361, + "▁conference": 21362, + "▁сіль": 21363, + "▁heut": 21364, + "iš": 21365, + "ета": 21366, + "velope": 21367, + "hbox": 21368, + "nown": 21369, + "▁zar": 21370, + "ktiv": 21371, + "ieß": 21372, + "▁стре": 21373, + "▁EventArgs": 21374, + "▁Ira": 21375, + "▁VBA": 21376, + "▁Santo": 21377, + "▁Fach": 21378, + "▁FF": 21379, + "▁Raymond": 21380, + "мец": 21381, + "implementation": 21382, + "▁brothers": 21383, + "▁côté": 21384, + "▁controllers": 21385, + "▁Cle": 21386, + "▁cable": 21387, + "▁confer": 21388, + "▁{-": 21389, + "▁czł": 21390, + "▁Filip": 21391, + "atorio": 21392, + "▁wicht": 21393, + "▁beaucoup": 21394, + "▁Lit": 21395, + "▁sessions": 21396, + "▁Success": 21397, + "▁routing": 21398, + "niu": 21399, + "▁Vice": 21400, + "▁krit": 21401, + "updated": 21402, + "▁Invalid": 21403, + "▁Mannschaft": 21404, + "▁aos": 21405, + "▁tudi": 21406, + "▁després": 21407, + "qua": 21408, + "Contains": 21409, + "Company": 21410, + "▁persona": 21411, + "adapter": 21412, + "сни": 21413, + "▁voj": 21414, + "▁escri": 21415, + "agt": 21416, + "▁ство": 21417, + "▁distrito": 21418, + "apan": 21419, + "▁aspects": 21420, + "▁zal": 21421, + ")^{\\": 21422, + "▁système": 21423, + "▁ана": 21424, + "iums": 21425, + "▁premiers": 21426, + "▁поэ": 21427, + "▁mère": 21428, + "▁Gun": 21429, + "aping": 21430, + "▁Rain": 21431, + "▁igual": 21432, + "▁processor": 21433, + "')`": 21434, + "bling": 21435, + "▁mism": 21436, + "bráz": 21437, + "▁closest": 21438, + "▁Reading": 21439, + "▁попу": 21440, + "cono": 21441, + "▁kult": 21442, + "▁!!": 21443, + "▁Expression": 21444, + "▁induction": 21445, + "ahren": 21446, + "▁cp": 21447, + "▁violence": 21448, + "ientí": 21449, + "cente": 21450, + "▁Dob": 21451, + "jack": 21452, + "song": 21453, + "bucket": 21454, + "▁deport": 21455, + "кими": 21456, + "lm": 21457, + "▁innoc": 21458, + "Changes": 21459, + "▁prohib": 21460, + "angol": 21461, + "iseconds": 21462, + "▁пор": 21463, + "▁hip": 21464, + "▁pů": 21465, + "endorf": 21466, + "▁scheduled": 21467, + "▁Flug": 21468, + "acyj": 21469, + "▁Films": 21470, + "athedral": 21471, + "Power": 21472, + "ardin": 21473, + "kap": 21474, + "icken": 21475, + "resize": 21476, + "eus": 21477, + "rr": 21478, + "лян": 21479, + "▁Hav": 21480, + "▁ora": 21481, + "FROM": 21482, + "лося": 21483, + "▁terug": 21484, + "▁Width": 21485, + "▁accepts": 21486, + "бен": 21487, + "▁mich": 21488, + "▁Czech": 21489, + "▁Bedeut": 21490, + "▁вид": 21491, + "ôme": 21492, + "▁Loop": 21493, + "spect": 21494, + "ük": 21495, + "eston": 21496, + "▁slot": 21497, + "▁została": 21498, + "▁Charlotte": 21499, + "▁составляет": 21500, + "▁Promise": 21501, + "▁epo": 21502, + "▁diction": 21503, + "▁Franklin": 21504, + "▁Riv": 21505, + "руг": 21506, + "cida": 21507, + "▁Explorer": 21508, + "cookie": 21509, + "▁formerly": 21510, + "▁municipality": 21511, + "▁Stefan": 21512, + "lists": 21513, + "COMP": 21514, + "Len": 21515, + "▁Staat": 21516, + "▁NBA": 21517, + "dens": 21518, + "▁oscill": 21519, + "!.": 21520, + "▁PO": 21521, + "ône": 21522, + "eses": 21523, + "▁националь": 21524, + "voor": 21525, + "▁копи": 21526, + "▁пози": 21527, + "ulu": 21528, + "Constraint": 21529, + "▁своей": 21530, + "▁algebraic": 21531, + "чня": 21532, + "Dict": 21533, + "▁appearing": 21534, + "▁prav": 21535, + "▁Universal": 21536, + "Browser": 21537, + "▁Singap": 21538, + "ennessee": 21539, + "]_": 21540, + "▁Sof": 21541, + "▁Cad": 21542, + "ounce": 21543, + "▁costs": 21544, + "]{\\": 21545, + "../../": 21546, + "ській": 21547, + "ühl": 21548, + "iety": 21549, + "пр": 21550, + "▁interpreted": 21551, + "ajn": 21552, + "colog": 21553, + "YS": 21554, + "mans": 21555, + "▁metrics": 21556, + "▁registr": 21557, + "istance": 21558, + "▁Поль": 21559, + "▁anonymous": 21560, + "▁institutions": 21561, + "▁zdob": 21562, + "prüng": 21563, + "▁арти": 21564, + "▁estat": 21565, + "acci": 21566, + "▁academic": 21567, + "▁chiesa": 21568, + "▁Gian": 21569, + "contrib": 21570, + "umed": 21571, + "▁Gir": 21572, + "▁baseball": 21573, + "numeric": 21574, + "Generator": 21575, + "GM": 21576, + "▁tiny": 21577, + "▁distinction": 21578, + "гер": 21579, + "▁rust": 21580, + "▁FIFA": 21581, + "▁Properties": 21582, + "^-": 21583, + "▁экс": 21584, + "▁Stanis": 21585, + "▁Ajax": 21586, + "escape": 21587, + "▁consp": 21588, + "▁Chen": 21589, + "▁Naval": 21590, + "Bit": 21591, + "▁bât": 21592, + "скими": 21593, + "drive": 21594, + "▁Round": 21595, + "photo": 21596, + "▁Level": 21597, + "▁geg": 21598, + "Tom": 21599, + "▁Mobile": 21600, + "▁Trop": 21601, + "Direction": 21602, + "isan": 21603, + ")^{-": 21604, + "▁Setting": 21605, + "▁Probably": 21606, + "лья": 21607, + "▁assets": 21608, + "▁atte": 21609, + "▁bulk": 21610, + "ést": 21611, + "▁wing": 21612, + "nius": 21613, + "▁wins": 21614, + "▁lud": 21615, + "ushing": 21616, + "▁deven": 21617, + "ограф": 21618, + "burger": 21619, + "▁embar": 21620, + "FilterChain": 21621, + "▁tum": 21622, + "▁öss": 21623, + "▁nommé": 21624, + "▁pir": 21625, + "▁luc": 21626, + "dbo": 21627, + "agues": 21628, + "▁alcan": 21629, + "ouwen": 21630, + "▁Stanley": 21631, + "циали": 21632, + "▁grown": 21633, + "▁preserved": 21634, + "▁solar": 21635, + "▁Население": 21636, + "▁performances": 21637, + "▁Cow": 21638, + "▁engineering": 21639, + "▁scaling": 21640, + "atomic": 21641, + "endance": 21642, + "▁ace": 21643, + "ängen": 21644, + "Anim": 21645, + "phase": 21646, + "zburg": 21647, + "Old": 21648, + "▁servant": 21649, + "▁gemeins": 21650, + "▁Observ": 21651, + "translate": 21652, + "▁covering": 21653, + "▁están": 21654, + "▁problema": 21655, + "▁установ": 21656, + "▁llev": 21657, + "▁czerw": 21658, + "éal": 21659, + "mez": 21660, + "REE": 21661, + "ERR": 21662, + "тури": 21663, + "segu": 21664, + "▁profit": 21665, + "▁multiplication": 21666, + "kommen": 21667, + "▁faut": 21668, + "▁candidates": 21669, + "▁Uri": 21670, + "▁Laura": 21671, + "▁sap": 21672, + "▁висини": 21673, + "▁Between": 21674, + "fade": 21675, + "▁reserved": 21676, + "▁involving": 21677, + "▁Mare": 21678, + "▁Container": 21679, + "▁назна": 21680, + "▁DEBUG": 21681, + "▁hurt": 21682, + "▁Polski": 21683, + "▁lux": 21684, + "CB": 21685, + "wach": 21686, + "▁период": 21687, + "▁Catherine": 21688, + "▁ganz": 21689, + "uchte": 21690, + "▁consumer": 21691, + "▁crossed": 21692, + "ordered": 21693, + "away": 21694, + "techn": 21695, + "▁subscri": 21696, + "▁shortcut": 21697, + "▁производ": 21698, + "▁simultaneously": 21699, + "▁rating": 21700, + "▁Kings": 21701, + "▁relationships": 21702, + "▁Sex": 21703, + "▁Tool": 21704, + "agh": 21705, + "acters": 21706, + "logger": 21707, + "homme": 21708, + "engers": 21709, + "▁Ri": 21710, + "earance": 21711, + "▁appearances": 21712, + "Real": 21713, + "▁passe": 21714, + "iclopedia": 21715, + "чко": 21716, + "terre": 21717, + "▁Ontario": 21718, + "▁переда": 21719, + "footer": 21720, + "archivi": 21721, + "ifiz": 21722, + "▁Protest": 21723, + "▁LIN": 21724, + "unnable": 21725, + "▁centuries": 21726, + "▁Bayer": 21727, + "цію": 21728, + "овин": 21729, + "▁Andrea": 21730, + "selection": 21731, + "▁calm": 21732, + "▁modification": 21733, + "▁shortly": 21734, + "inaire": 21735, + "▁fusion": 21736, + "▁feelings": 21737, + "PK": 21738, + "▁Roberto": 21739, + "гне": 21740, + "Shared": 21741, + "▁mehrere": 21742, + "▁Niem": 21743, + "omp": 21744, + "Env": 21745, + "▁Article": 21746, + "▁Pok": 21747, + "▁VARCHAR": 21748, + "▁dil": 21749, + "▁afford": 21750, + "▁confront": 21751, + "owanie": 21752, + "▁ministre": 21753, + "adesh": 21754, + "▁Poly": 21755, + "▁Распо": 21756, + "▁Gruppe": 21757, + "▁Helen": 21758, + "▁cc": 21759, + "▁portrait": 21760, + "bew": 21761, + "▁beta": 21762, + "▁Wir": 21763, + "▁Audio": 21764, + "▁(\\<": 21765, + "riority": 21766, + "▁nit": 21767, + "▁представи": 21768, + "▁Vie": 21769, + "▁wür": 21770, + "▁Hold": 21771, + "▁Sad": 21772, + "▁Tochter": 21773, + "▁oltre": 21774, + "▁Activ": 21775, + "▁Jason": 21776, + "▁wieku": 21777, + "▁regards": 21778, + "▁taste": 21779, + "agnostic": 21780, + "лася": 21781, + "▁Self": 21782, + "▁apr": 21783, + "▁Deep": 21784, + "scop": 21785, + "Activ": 21786, + "▁typedef": 21787, + "ContentView": 21788, + "compiler": 21789, + "▁Roth": 21790, + "xc": 21791, + "зик": 21792, + "▁largo": 21793, + "▁Rena": 21794, + "heiten": 21795, + "▁platforms": 21796, + "ulla": 21797, + "▁glance": 21798, + "▁mascul": 21799, + "▁mex": 21800, + "▁Jorge": 21801, + "▁funcion": 21802, + "choose": 21803, + "▁reviews": 21804, + "▁Alban": 21805, + "▁Glo": 21806, + "▁Species": 21807, + "▁Fame": 21808, + "▁Roll": 21809, + "▁Puerto": 21810, + "▁\\)": 21811, + "ymnas": 21812, + "environ": 21813, + "▁iphone": 21814, + "▁Wrestling": 21815, + "ały": 21816, + "▁Indiana": 21817, + "Radio": 21818, + "VS": 21819, + "▁independence": 21820, + "тай": 21821, + "▁decode": 21822, + "White": 21823, + "▁journ": 21824, + "ículo": 21825, + "▁Barb": 21826, + "▁Evangel": 21827, + "▁Andy": 21828, + "▁Welcome": 21829, + "▁Device": 21830, + "gef": 21831, + "▁remembered": 21832, + "▁variations": 21833, + "▁Adolf": 21834, + "itaine": 21835, + "▁надморској": 21836, + "▁steam": 21837, + "▁concerns": 21838, + "▁`|": 21839, + "▁био": 21840, + "тельства": 21841, + "▁quattro": 21842, + "extend": 21843, + "▁trabajo": 21844, + "enberg": 21845, + "▁scenarios": 21846, + "ânt": 21847, + "▁kommt": 21848, + "▁domestic": 21849, + "▁Basketball": 21850, + "▁Cooper": 21851, + "sock": 21852, + "держа": 21853, + "={\\": 21854, + "▁inici": 21855, + "▁Phill": 21856, + "▁генерал": 21857, + "archiviato": 21858, + "ън": 21859, + "Rob": 21860, + "▁tong": 21861, + "▁characteristics": 21862, + "▁amaz": 21863, + "▁Mode": 21864, + "▁inaugur": 21865, + "wehr": 21866, + "rant": 21867, + "ionali": 21868, + "▁Mother": 21869, + "Ma": 21870, + "équ": 21871, + "▁Kelly": 21872, + "cile": 21873, + "▁besteht": 21874, + "▁estimates": 21875, + "ruguay": 21876, + "▁Ans": 21877, + "Mad": 21878, + "▁нав": 21879, + "▁données": 21880, + "▁tropical": 21881, + "▁Several": 21882, + "elter": 21883, + "▁Pho": 21884, + "kem": 21885, + "▁Customer": 21886, + "▁складі": 21887, + "▁courses": 21888, + "Platform": 21889, + "navbar": 21890, + "learning": 21891, + "▁Swedish": 21892, + "▁zast": 21893, + "▁Lig": 21894, + "management": 21895, + "▁lod": 21896, + "uffle": 21897, + "Texture": 21898, + "arga": 21899, + "átum": 21900, + "▁DDR": 21901, + "нії": 21902, + "▁Société": 21903, + "▁domains": 21904, + "▁permitted": 21905, + "▁externe": 21906, + "▁quelque": 21907, + "vt": 21908, + "yman": 21909, + "▁Ward": 21910, + "▁agli": 21911, + "▁andra": 21912, + "Snapshot": 21913, + "▁må": 21914, + "▁yeah": 21915, + "дена": 21916, + "ępu": 21917, + "askell": 21918, + "▁République": 21919, + "inject": 21920, + "▁';": 21921, + "änn": 21922, + "▁zelf": 21923, + "▁Entwicklung": 21924, + "ária": 21925, + "onomy": 21926, + "▁svil": 21927, + "iese": 21928, + "▁conser": 21929, + "▁nim": 21930, + "▁rész": 21931, + "▁Итали": 21932, + "▁partici": 21933, + "▁Lion": 21934, + "sr": 21935, + "always": 21936, + "▁Владимир": 21937, + "ческие": 21938, + "[,": 21939, + "▁Definition": 21940, + "nant": 21941, + "oem": 21942, + "Ids": 21943, + "▁вне": 21944, + "▁[...]": 21945, + "▁направ": 21946, + "▁GO": 21947, + "▁års": 21948, + "▁után": 21949, + "▁outros": 21950, + "▁región": 21951, + "▁Mong": 21952, + "▁filme": 21953, + "▁triple": 21954, + "▁spons": 21955, + "Develop": 21956, + "▁outcome": 21957, + "▁Bible": 21958, + "▁имени": 21959, + "Canvas": 21960, + "пута": 21961, + "curr": 21962, + "ások": 21963, + "){\\": 21964, + "ningar": 21965, + "`;": 21966, + "▁Flash": 21967, + ":#": 21968, + "must": 21969, + "cpu": 21970, + "▁formats": 21971, + "Har": 21972, + "▁episodio": 21973, + "▁Rosa": 21974, + "▁dès": 21975, + "emit": 21976, + "riteria": 21977, + "Annotation": 21978, + "Flag": 21979, + "gmail": 21980, + "▁Normal": 21981, + "ollary": 21982, + "▁foss": 21983, + "▁concurrent": 21984, + "▁crashes": 21985, + "▁виде": 21986, + "▁Minor": 21987, + "▁Sit": 21988, + "▁SN": 21989, + "▁scar": 21990, + "▁femin": 21991, + "▁specification": 21992, + "soap": 21993, + "▁operate": 21994, + "▁principalmente": 21995, + "▁aust": 21996, + "ibile": 21997, + "itime": 21998, + "лежа": 21999, + "iframe": 22000, + "▁concepts": 22001, + "▁tack": 22002, + "▁viss": 22003, + "▁carbon": 22004, + "tery": 22005, + "▁naming": 22006, + "▁Orts": 22007, + "idente": 22008, + "▁Capit": 22009, + "▁expr": 22010, + "▁насељу": 22011, + "▁Selected": 22012, + "▁hinter": 22013, + "▁iframe": 22014, + "▁zb": 22015, + "indexPath": 22016, + "coll": 22017, + "▁wrześ": 22018, + "▁acht": 22019, + "▁gradually": 22020, + "▁чу": 22021, + "зей": 22022, + "haft": 22023, + "▁tran": 22024, + "▁laquelle": 22025, + "ytics": 22026, + "IDE": 22027, + "▁pygame": 22028, + "▁Package": 22029, + "▁className": 22030, + "Bal": 22031, + "perl": 22032, + "тина": 22033, + "Occ": 22034, + "▁infrastr": 22035, + "▁Champions": 22036, + "▁classic": 22037, + "▁Raw": 22038, + "▁partially": 22039, + "▁Ted": 22040, + "▁stolet": 22041, + "rained": 22042, + "WHERE": 22043, + "▁vall": 22044, + "▁Julia": 22045, + "zat": 22046, + "▁surrounded": 22047, + "SEE": 22048, + "▁walking": 22049, + "Bad": 22050, + "FOR": 22051, + "contre": 22052, + "▁Palest": 22053, + "ático": 22054, + "▁engineer": 22055, + "▁partners": 22056, + "▁Jews": 22057, + "ilers": 22058, + "▁cerem": 22059, + "▁interactions": 22060, + "acu": 22061, + "sty": 22062, + "▁Princess": 22063, + "sharp": 22064, + "▁Singles": 22065, + "▁їх": 22066, + "chez": 22067, + "Receiver": 22068, + "▁patients": 22069, + "stringify": 22070, + "▁competed": 22071, + "bey": 22072, + "$;": 22073, + "▁Bd": 22074, + "hadoop": 22075, + "▁División": 22076, + "öld": 22077, + "▁restricted": 22078, + "▁commander": 22079, + "▁Highway": 22080, + "▁Česk": 22081, + "▁myth": 22082, + "чан": 22083, + "raham": 22084, + "▁enqu": 22085, + "▁pog": 22086, + "▁comuna": 22087, + "▁println": 22088, + "▁круп": 22089, + "▁depois": 22090, + "▁seats": 22091, + "▁neighb": 22092, + "циона": 22093, + "agine": 22094, + "▁clothes": 22095, + "▁Prior": 22096, + "Brain": 22097, + "FFFF": 22098, + "':'": 22099, + "features": 22100, + "▁filesystem": 22101, + "▁singles": 22102, + "▁Melbourne": 22103, + "▁destruction": 22104, + "▁Lyon": 22105, + "▁Insel": 22106, + "Nav": 22107, + "▁Replace": 22108, + "▁lé": 22109, + "Who": 22110, + "▁Estad": 22111, + "▁dimensional": 22112, + "▁öff": 22113, + "▁grands": 22114, + "джа": 22115, + "plane": 22116, + "ності": 22117, + "▁Origin": 22118, + "WI": 22119, + "änner": 22120, + "▁Cry": 22121, + "ITION": 22122, + "▁född": 22123, + "▁cultura": 22124, + "▁Rank": 22125, + "▁vuel": 22126, + "▁zag": 22127, + "▁Maxim": 22128, + "ону": 22129, + "()))": 22130, + "Raw": 22131, + "kirche": 22132, + "▁además": 22133, + "▁tie": 22134, + "▁Style": 22135, + "сков": 22136, + "istant": 22137, + "olph": 22138, + "▁Zür": 22139, + "▁Info": 22140, + "DOM": 22141, + "usc": 22142, + "nahm": 22143, + "▁Федера": 22144, + "▁Fot": 22145, + "▁specifying": 22146, + "▁titolo": 22147, + "▁Boys": 22148, + "iech": 22149, + "Place": 22150, + "▁Hoff": 22151, + "▁cached": 22152, + "валь": 22153, + "isher": 22154, + "rolling": 22155, + "opens": 22156, + "▁hr": 22157, + "------": 22158, + "▁maggior": 22159, + "▁transactions": 22160, + "▁criminal": 22161, + "▁retre": 22162, + "▁Campbell": 22163, + ")):": 22164, + "▁ned": 22165, + "Pager": 22166, + "▁Hero": 22167, + "(__": 22168, + "▁uncle": 22169, + "▁reaches": 22170, + "arto": 22171, + "▁hello": 22172, + "Preferences": 22173, + "▁затем": 22174, + "Named": 22175, + "▁readers": 22176, + "хі": 22177, + "kern": 22178, + "▁упо": 22179, + "кин": 22180, + "▁lav": 22181, + "▁nob": 22182, + "▁secre": 22183, + "▁ListView": 22184, + "вания": 22185, + "▁Mayor": 22186, + "borough": 22187, + "▁filosof": 22188, + "нення": 22189, + "фри": 22190, + "▁patr": 22191, + "FM": 22192, + "▁acid": 22193, + "▁Salvador": 22194, + "▁abb": 22195, + "▁Graham": 22196, + "policy": 22197, + "negative": 22198, + "ńskiego": 22199, + "▁Heimat": 22200, + "▁dazu": 22201, + "▁mely": 22202, + "▁ride": 22203, + "▁duties": 22204, + "overy": 22205, + "▁Proposition": 22206, + "▁Paolo": 22207, + "/'": 22208, + "▁Mau": 22209, + "imenti": 22210, + "Saint": 22211, + "father": 22212, + "▁equilib": 22213, + "phony": 22214, + "▁clas": 22215, + "▁отли": 22216, + "▁Buffered": 22217, + "rek": 22218, + "▁mitt": 22219, + "▁Hur": 22220, + "▁Harvard": 22221, + "▁demonstrate": 22222, + "uario": 22223, + "▁dolor": 22224, + "▁rejected": 22225, + "▁Müller": 22226, + "▁nac": 22227, + "▁Belle": 22228, + "▁gathered": 22229, + "nr": 22230, + "frika": 22231, + "öll": 22232, + "▁chemical": 22233, + "nig": 22234, + "▁calc": 22235, + "▁DEFAULT": 22236, + "▁philosophy": 22237, + "▁Laravel": 22238, + "▁alignment": 22239, + "EV": 22240, + "eor": 22241, + "▁dzie": 22242, + "▁mest": 22243, + "▁Io": 22244, + "CRE": 22245, + "зви": 22246, + "▁Medic": 22247, + "▁nä": 22248, + "▁zab": 22249, + "▁Slov": 22250, + "utlich": 22251, + "▁amplit": 22252, + "▁Frankreich": 22253, + "▁кіль": 22254, + "IND": 22255, + "execution": 22256, + "▁Karriere": 22257, + "dostęp": 22258, + "▁réal": 22259, + "engo": 22260, + "▁severe": 22261, + "зма": 22262, + "▁турни": 22263, + "▁Carter": 22264, + "▁Robinson": 22265, + "getElementsBy": 22266, + "▁prototype": 22267, + "▁japon": 22268, + "führung": 22269, + "▁consegu": 22270, + "▁studi": 22271, + "▁lire": 22272, + "▁schließ": 22273, + "▁Buff": 22274, + "▁redund": 22275, + "▁ern": 22276, + "▁myster": 22277, + "▁proprio": 22278, + "ateful": 22279, + "▁Parent": 22280, + "▁ladies": 22281, + "rack": 22282, + "тика": 22283, + "enburg": 22284, + "▁качестве": 22285, + "▁EF": 22286, + "▁stam": 22287, + "▁nueva": 22288, + "▁filtered": 22289, + "reten": 22290, + "▁Ian": 22291, + "▁Matthew": 22292, + "kih": 22293, + "▁ő": 22294, + "▁компози": 22295, + "▁forever": 22296, + "oires": 22297, + ":\\\\": 22298, + "▁études": 22299, + "▁soup": 22300, + "▁pleased": 22301, + ")}(": 22302, + "▁Stop": 22303, + "Setter": 22304, + "▁Help": 22305, + "▁bars": 22306, + "▁ERR": 22307, + "▁(?": 22308, + "▁poetry": 22309, + "▁Util": 22310, + "AK": 22311, + "▁fick": 22312, + "▁IM": 22313, + "▁proud": 22314, + "носи": 22315, + "▁muerte": 22316, + "▁Palmarès": 22317, + "▁Nas": 22318, + "щих": 22319, + "▁quer": 22320, + "▁apenas": 22321, + "]['": 22322, + "▁Konst": 22323, + "пон": 22324, + "▁Schiff": 22325, + "▁mp": 22326, + "▁благо": 22327, + "fram": 22328, + "▁household": 22329, + "▁tract": 22330, + "encoding": 22331, + "▁undert": 22332, + "▁Aug": 22333, + "ован": 22334, + "▁Arten": 22335, + "▁invoked": 22336, + "▁dynast": 22337, + "▁fleet": 22338, + "чество": 22339, + "▁Murray": 22340, + "▁gut": 22341, + "elihood": 22342, + "▁SSH": 22343, + "ответ": 22344, + "▁personally": 22345, + "прия": 22346, + "▁financi": 22347, + "▁Thompson": 22348, + "alu": 22349, + "identity": 22350, + "▁Grab": 22351, + "addle": 22352, + "Ét": 22353, + "▁Tob": 22354, + "▁verlor": 22355, + "▁Sainte": 22356, + "▁dop": 22357, + "▁вере": 22358, + "___": 22359, + "▁promotion": 22360, + "▁-=": 22361, + "▁отде": 22362, + "▁ambigu": 22363, + "ORDER": 22364, + "▁Communic": 22365, + "▁imply": 22366, + "oned": 22367, + "cluding": 22368, + "▁collision": 22369, + "▁fragments": 22370, + "scription": 22371, + "▁'{": 22372, + "лях": 22373, + "▁hans": 22374, + "ус": 22375, + "wire": 22376, + "namespace": 22377, + "▁sword": 22378, + "refresh": 22379, + "▁kwam": 22380, + "zs": 22381, + "commons": 22382, + "▁cosa": 22383, + "▁regime": 22384, + "grep": 22385, + "▁dioc": 22386, + "▁Contact": 22387, + "▁estas": 22388, + "▁Stewart": 22389, + "▁viele": 22390, + "това": 22391, + "▁Ran": 22392, + "annes": 22393, + "iday": 22394, + "▁snapshot": 22395, + "orrow": 22396, + "▁zač": 22397, + "▁участие": 22398, + "▁promised": 22399, + "Assembly": 22400, + "▁championship": 22401, + "▁Define": 22402, + "▁eren": 22403, + "▁ново": 22404, + "▁thinks": 22405, + "Age": 22406, + "▁gev": 22407, + "varchar": 22408, + "ività": 22409, + "compos": 22410, + "▁Mutter": 22411, + "CONT": 22412, + "armée": 22413, + "agnet": 22414, + "▁Brow": 22415, + ".—": 22416, + "▁Television": 22417, + "▁Для": 22418, + "▁vm": 22419, + "▁ordin": 22420, + "▁Михай": 22421, + "▁aproxim": 22422, + "')->": 22423, + "▁zoo": 22424, + "ippi": 22425, + "▁sino": 22426, + "▁Québec": 22427, + "rages": 22428, + "äck": 22429, + "eing": 22430, + "arlo": 22431, + "pios": 22432, + "▁Chan": 22433, + "▁elli": 22434, + "▁incons": 22435, + "gestellt": 22436, + "ppers": 22437, + "Jean": 22438, + "anstalt": 22439, + "▁Dance": 22440, + "▁toen": 22441, + "▁decis": 22442, + "▁Резу": 22443, + "▁officially": 22444, + "ätze": 22445, + "▁доро": 22446, + "▁enumer": 22447, + "▁troisième": 22448, + "typ": 22449, + "offs": 22450, + "боль": 22451, + "odn": 22452, + "▁Zar": 22453, + "▁друго": 22454, + "quia": 22455, + "▁Nicolas": 22456, + "пису": 22457, + "▁mob": 22458, + "paces": 22459, + "нього": 22460, + "Alg": 22461, + "éroï": 22462, + "Errors": 22463, + "▁гре": 22464, + "▁женщи": 22465, + "inch": 22466, + "▁Korean": 22467, + "▁Apost": 22468, + "▁Liver": 22469, + "▁elementary": 22470, + "▁DI": 22471, + "виси": 22472, + "▁soil": 22473, + "▁DLL": 22474, + "▁risp": 22475, + "▁Shakespe": 22476, + "▁Gaussian": 22477, + "▁Kurt": 22478, + "Vertex": 22479, + "ebol": 22480, + "organisation": 22481, + "ären": 22482, + "▁YES": 22483, + "CUR": 22484, + "▁началь": 22485, + "▁постро": 22486, + "▁Luigi": 22487, + "▁caching": 22488, + "preventDefault": 22489, + "amd": 22490, + "▁Vit": 22491, + "subst": 22492, + "▁строи": 22493, + "▁Campion": 22494, + "chr": 22495, + "фере": 22496, + "▁Список": 22497, + "NF": 22498, + "▁cím": 22499, + "▁hé": 22500, + "rebbe": 22501, + "ocy": 22502, + "below": 22503, + "▁bylo": 22504, + "▁Уи": 22505, + "▁\\({\\": 22506, + "▁`:": 22507, + "giore": 22508, + "San": 22509, + "▁Gate": 22510, + "▁вс": 22511, + "▁olimp": 22512, + "▁Matrix": 22513, + "▁hearing": 22514, + "rii": 22515, + "tfrac": 22516, + "▁allemand": 22517, + "▁Vue": 22518, + "лн": 22519, + "▁compiling": 22520, + "▁Ens": 22521, + "▁investigation": 22522, + "▁Ax": 22523, + "▁chars": 22524, + "▁targets": 22525, + "▁loud": 22526, + "usement": 22527, + "▁Nether": 22528, + "commerce": 22529, + "IGHT": 22530, + "ocoa": 22531, + "ifecycle": 22532, + "▁Leo": 22533, + "priv": 22534, + "▁goods": 22535, + "adamente": 22536, + "Austral": 22537, + "▁reboot": 22538, + "Gest": 22539, + "▁representations": 22540, + "ceu": 22541, + "▁doctrine": 22542, + "cers": 22543, + "▁Krak": 22544, + "▁advoc": 22545, + "▁squadra": 22546, + "▁arbeitete": 22547, + "üst": 22548, + "▁pill": 22549, + "Answer": 22550, + "▁квіт": 22551, + "▁Wa": 22552, + "umann": 22553, + "▁Dynam": 22554, + "Famil": 22555, + "▁tennis": 22556, + "▁Engineering": 22557, + "▁circles": 22558, + "▁Maryland": 22559, + "▁besta": 22560, + "▁bases": 22561, + "▁znajdu": 22562, + "ктора": 22563, + "▁arrest": 22564, + "лер": 22565, + "▁Gia": 22566, + "▁remarkable": 22567, + "▁могу": 22568, + "▁Supreme": 22569, + "▁`%": 22570, + "dor": 22571, + "▁aujourd": 22572, + "▁wis": 22573, + "WIDTH": 22574, + "▁misma": 22575, + "▁fluid": 22576, + "▁petite": 22577, + "▁Tow": 22578, + "Registry": 22579, + "emed": 22580, + "▁Wisconsin": 22581, + "▁Racing": 22582, + "▁registration": 22583, + "/%": 22584, + "third": 22585, + "▁monuments": 22586, + "чей": 22587, + "▁jet": 22588, + "▁Urban": 22589, + "álva": 22590, + "▁milieu": 22591, + "▁possess": 22592, + "▁germ": 22593, + "dependencies": 22594, + "▁enemies": 22595, + "▁samen": 22596, + "▁Werner": 22597, + "▁hizo": 22598, + "▁td": 22599, + "▁yesterday": 22600, + "▁Ад": 22601, + "▁hasn": 22602, + "cellation": 22603, + "ování": 22604, + "lika": 22605, + "Week": 22606, + "▁Ing": 22607, + "▁Email": 22608, + "▁mètres": 22609, + "▁OCLC": 22610, + "▁amongst": 22611, + "▁splend": 22612, + "fur": 22613, + "antics": 22614, + "▁XXX": 22615, + "▁группы": 22616, + "lach": 22617, + "▁cousin": 22618, + "▁invariant": 22619, + "ђу": 22620, + "▁Beispiel": 22621, + "▁harder": 22622, + "▁bell": 22623, + "▁orch": 22624, + "tb": 22625, + "Footnote": 22626, + "regon": 22627, + "Martin": 22628, + "▁incon": 22629, + "▁attacked": 22630, + "_{-": 22631, + "▁Tras": 22632, + "party": 22633, + "iteit": 22634, + "▁saint": 22635, + "rások": 22636, + "▁containers": 22637, + "Mo": 22638, + "▁Sn": 22639, + "quantity": 22640, + "▁ras": 22641, + "▁Canal": 22642, + "ccion": 22643, + "uvo": 22644, + "▁idx": 22645, + "typename": 22646, + "▁Rugby": 22647, + "▁Seems": 22648, + "▁transmit": 22649, + "▁Präsident": 22650, + "зне": 22651, + "▁Baker": 22652, + "inth": 22653, + "▁több": 22654, + "verein": 22655, + "▁especie": 22656, + ",(": 22657, + "▁téc": 22658, + "▁WITH": 22659, + "▁unos": 22660, + "▁politics": 22661, + "createElement": 22662, + "▁stats": 22663, + "▁Tennessee": 22664, + "▁Bedeutung": 22665, + "▁Screen": 22666, + "▁Straße": 22667, + "anze": 22668, + "▁partly": 22669, + "manuel": 22670, + "olation": 22671, + "horizontal": 22672, + "érieure": 22673, + "ampio": 22674, + "▁струк": 22675, + "Weight": 22676, + "Land": 22677, + "poly": 22678, + "▁Dak": 22679, + "▁Assume": 22680, + "\".$": 22681, + "▁casi": 22682, + "▁gross": 22683, + "▁entertain": 22684, + "▁década": 22685, + "'.$": 22686, + "encer": 22687, + "▁guaranteed": 22688, + "]$.": 22689, + "лися": 22690, + "▁acceptable": 22691, + "raise": 22692, + "irus": 22693, + "weit": 22694, + "▁Ана": 22695, + "▁hills": 22696, + "ipage": 22697, + "BIT": 22698, + "▁nucle": 22699, + "▁utilis": 22700, + "CAA": 22701, + "ènes": 22702, + "▁Schweiz": 22703, + "▁AA": 22704, + "ninger": 22705, + "▁bands": 22706, + "▁tender": 22707, + "som": 22708, + "Warning": 22709, + "▁Bischof": 22710, + "▁Arc": 22711, + "▁Woman": 22712, + "▁transmission": 22713, + "чни": 22714, + "istre": 22715, + "BY": 22716, + "▁SI": 22717, + "▁Пар": 22718, + "▁}).": 22719, + "▁presenta": 22720, + "▁René": 22721, + "▁happiness": 22722, + "▁Punk": 22723, + "cols": 22724, + "▁Desde": 22725, + "рёх": 22726, + "▁мона": 22727, + "▁scratch": 22728, + "▁tcp": 22729, + "êtes": 22730, + "itated": 22731, + "▁diferen": 22732, + "geh": 22733, + "nahmen": 22734, + "Пе": 22735, + "cki": 22736, + "▁Teatro": 22737, + "▁Remember": 22738, + "▁fright": 22739, + "▁Yam": 22740, + "western": 22741, + "leted": 22742, + "▁встре": 22743, + "▁település": 22744, + "зин": 22745, + "▁Quant": 22746, + "▁supre": 22747, + "ája": 22748, + "дія": 22749, + "▁carrera": 22750, + "kret": 22751, + "para": 22752, + "▁SUM": 22753, + "▁pit": 22754, + "źdz": 22755, + "éo": 22756, + "рення": 22757, + "▁Chor": 22758, + "▁voix": 22759, + "▁executive": 22760, + "▁allerdings": 22761, + "Maybe": 22762, + "▁день": 22763, + "▁flying": 22764, + "▁parliament": 22765, + "ждан": 22766, + "▁fram": 22767, + "▁жовт": 22768, + "▁ugly": 22769, + "▁буду": 22770, + "igny": 22771, + "\\|_{": 22772, + "▁bitter": 22773, + "sce": 22774, + "▁pole": 22775, + "Verlag": 22776, + "▁totalité": 22777, + "▁foundation": 22778, + "jt": 22779, + "▁slice": 22780, + "ifique": 22781, + "▁integrate": 22782, + "strij": 22783, + "▁asympt": 22784, + "▁ему": 22785, + "▁perturb": 22786, + "▁Flow": 22787, + "jboss": 22788, + "RIG": 22789, + "▁Aless": 22790, + "XXX": 22791, + "▁summ": 22792, + "sqlite": 22793, + "▁cheer": 22794, + "prob": 22795, + "▁GPU": 22796, + "ził": 22797, + "(*)": 22798, + "▁induct": 22799, + "RAY": 22800, + "blatt": 22801, + "questa": 22802, + "oru": 22803, + "▁Inside": 22804, + "▁McG": 22805, + "▁Nep": 22806, + "мп": 22807, + "▁inve": 22808, + "▁Animal": 22809, + "▁sob": 22810, + "ított": 22811, + "loyment": 22812, + "▁bund": 22813, + "Station": 22814, + "▁BEGIN": 22815, + "▁partiellement": 22816, + "igg": 22817, + "estore": 22818, + "▁coinc": 22819, + "▁Sommer": 22820, + "▁md": 22821, + "▁locked": 22822, + "mathchar": 22823, + "arma": 22824, + "pent": 22825, + "arium": 22826, + "▁ears": 22827, + "▁Songs": 22828, + "▁similarly": 22829, + "▁literally": 22830, + "▁inches": 22831, + "▁affection": 22832, + "lp": 22833, + "▁concluded": 22834, + "▁муніципалі": 22835, + "▁памя": 22836, + "estaur": 22837, + "▁Josh": 22838, + "▁Fritz": 22839, + "DBC": 22840, + "дён": 22841, + "posa": 22842, + "▁golden": 22843, + "▁pc": 22844, + "▁comte": 22845, + "▁Ziel": 22846, + "▁présente": 22847, + "marks": 22848, + "igneur": 22849, + "▁Drive": 22850, + "▁neglect": 22851, + "▁rozp": 22852, + "▁Five": 22853, + "spaces": 22854, + "▁Medi": 22855, + "▁existed": 22856, + "▁była": 22857, + "джи": 22858, + "▁frente": 22859, + "тник": 22860, + "odd": 22861, + "▁answering": 22862, + "bian": 22863, + "▁Eugen": 22864, + "▁Publications": 22865, + "▁Dia": 22866, + "lá": 22867, + "▁'_": 22868, + "▁recuper": 22869, + "ому": 22870, + "▁Append": 22871, + "obar": 22872, + "▁employees": 22873, + "▁compens": 22874, + "emetery": 22875, + "▁элект": 22876, + "MON": 22877, + "olin": 22878, + "▁historic": 22879, + "his": 22880, + "ąd": 22881, + "nm": 22882, + "▁Goth": 22883, + "▁stress": 22884, + "▁partecip": 22885, + "▁Aw": 22886, + "▁sar": 22887, + "▁hu": 22888, + "▁matplotlib": 22889, + "▁Myst": 22890, + "();`": 22891, + "schein": 22892, + "Longrightarrow": 22893, + "▁ря": 22894, + "▁Isra": 22895, + "[^": 22896, + "nou": 22897, + "▁synd": 22898, + "working": 22899, + "▁Nation": 22900, + "▁Pent": 22901, + "▁klass": 22902, + "▁applicable": 22903, + "▁Diam": 22904, + "▁brasile": 22905, + "▁pac": 22906, + "▁Height": 22907, + "Put": 22908, + "▁intro": 22909, + "▁unusual": 22910, + "nas": 22911, + "▁Gebäude": 22912, + "▁beam": 22913, + "▁Rect": 22914, + "▁Primera": 22915, + "▁haut": 22916, + "▁trait": 22917, + "prüft": 22918, + "inación": 22919, + "▁configurations": 22920, + "▁gilt": 22921, + "▁territoire": 22922, + "hez": 22923, + "▁alte": 22924, + "relative": 22925, + "Excel": 22926, + "▁Wright": 22927, + "GV": 22928, + "поли": 22929, + "Quant": 22930, + "▁gauge": 22931, + "▁multiply": 22932, + "ASS": 22933, + "ственно": 22934, + "ану": 22935, + "▁jeden": 22936, + "▁literary": 22937, + "▁Dro": 22938, + "▁advise": 22939, + "itzen": 22940, + "▁disag": 22941, + "website": 22942, + "▁дія": 22943, + "▁observer": 22944, + "▁január": 22945, + "vě": 22946, + "kup": 22947, + "▁Ses": 22948, + "▁wojew": 22949, + "▁stages": 22950, + "▁времени": 22951, + "łuż": 22952, + "нос": 22953, + "Download": 22954, + "ipo": 22955, + "▁graf": 22956, + "▁робо": 22957, + "▁Nikol": 22958, + "▁fic": 22959, + "▁joining": 22960, + "▁diversos": 22961, + "▁LIKE": 22962, + "▁Fitz": 22963, + "▁dimin": 22964, + "▁distrib": 22965, + "Sam": 22966, + "koz": 22967, + "▁alphabet": 22968, + "oser": 22969, + "OUR": 22970, + "uka": 22971, + "кая": 22972, + "▁steel": 22973, + "▁`--": 22974, + "▁tener": 22975, + "marker": 22976, + "▁Heaven": 22977, + "newcommand": 22978, + "▁prisoners": 22979, + "▁Knight": 22980, + "▁presents": 22981, + "▁questi": 22982, + "▁trains": 22983, + "opera": 22984, + "▁Linear": 22985, + "▁ME": 22986, + "▁Buc": 22987, + "Leg": 22988, + "▁agua": 22989, + "▁Griff": 22990, + "olg": 22991, + "dst": 22992, + ".\r": 22993, + "▁persones": 22994, + "Mal": 22995, + "бере": 22996, + "folge": 22997, + "▁acab": 22998, + "ctu": 22999, + "ptic": 23000, + "▁Navigation": 23001, + "Russ": 23002, + "галь": 23003, + "▁Ful": 23004, + "▁має": 23005, + "чная": 23006, + "wner": 23007, + "contra": 23008, + "▁joueur": 23009, + "▁Jess": 23010, + "▁renew": 23011, + "▁lap": 23012, + "▁casting": 23013, + "gal": 23014, + "▁tématu": 23015, + "▁называ": 23016, + "зах": 23017, + "чне": 23018, + ")-\\": 23019, + "▁часто": 23020, + "}$-": 23021, + "▁licz": 23022, + "▁emot": 23023, + "harm": 23024, + "▁occasionally": 23025, + "▁horror": 23026, + "east": 23027, + "▁printer": 23028, + "aran": 23029, + "▁Mississ": 23030, + "follow": 23031, + "▁Barry": 23032, + "▁investigate": 23033, + "gow": 23034, + "▁Americans": 23035, + "Since": 23036, + "▁відо": 23037, + "▁reun": 23038, + "osci": 23039, + "▁Chapter": 23040, + "▁bay": 23041, + "роме": 23042, + "ethe": 23043, + "édie": 23044, + "comot": 23045, + "▁miejscowo": 23046, + "▁studierte": 23047, + "ouvert": 23048, + "▁кур": 23049, + "▁DESC": 23050, + "▁touched": 23051, + "▁Jerry": 23052, + "uese": 23053, + "лище": 23054, + "authentication": 23055, + "▁colle": 23056, + "heart": 23057, + "▁regiment": 23058, + "cribed": 23059, + "▁Боль": 23060, + "▁проис": 23061, + "ceae": 23062, + "▁masses": 23063, + "▁scrolling": 23064, + "usto": 23065, + "SW": 23066, + "ovat": 23067, + "▁grâce": 23068, + "▁Архив": 23069, + "▁Север": 23070, + "avait": 23071, + "▁Marshall": 23072, + "▁HashMap": 23073, + "acon": 23074, + "ücken": 23075, + "[])": 23076, + "▁evangel": 23077, + "etzung": 23078, + "ttemberg": 23079, + "sters": 23080, + "TM": 23081, + "▁литера": 23082, + "quot": 23083, + "Pred": 23084, + "▁werk": 23085, + "▁haber": 23086, + "lava": 23087, + "vous": 23088, + "▁Late": 23089, + "cycle": 23090, + "тирова": 23091, + "▁проду": 23092, + "▁populations": 23093, + "▁Yan": 23094, + "Prefix": 23095, + "actéristiques": 23096, + "+'": 23097, + "()`](": 23098, + "▁Ль": 23099, + "филь": 23100, + "▁жизни": 23101, + "ftp": 23102, + "▁всех": 23103, + "▁gdzie": 23104, + "▁videa": 23105, + "oauth": 23106, + "▁pid": 23107, + "ům": 23108, + "▁pesso": 23109, + "▁tracking": 23110, + "izin": 23111, + "▁Morris": 23112, + "щий": 23113, + "▁Provinz": 23114, + "▁Mitte": 23115, + "▁artificial": 23116, + "brázky": 23117, + "▁дости": 23118, + "▁restored": 23119, + "▁communicate": 23120, + "agit": 23121, + "Recogn": 23122, + "▁lon": 23123, + "▁заня": 23124, + "▁Argument": 23125, + "flush": 23126, + "мана": 23127, + "seconds": 23128, + "UC": 23129, + "▁Ruth": 23130, + "▁tub": 23131, + "▁Bret": 23132, + "▁Pere": 23133, + "▁responsibility": 23134, + "ńczy": 23135, + "▁environments": 23136, + "kee": 23137, + "▁groot": 23138, + "▁painted": 23139, + "▁Éditions": 23140, + "cpy": 23141, + "árt": 23142, + "lichkeit": 23143, + "arda": 23144, + "Batch": 23145, + "▁Leopold": 23146, + "reason": 23147, + "noreferrer": 23148, + "sens": 23149, + "▁rocks": 23150, + "▁Hitler": 23151, + "лат": 23152, + "▁quoted": 23153, + "▁колле": 23154, + "▁уров": 23155, + "bag": 23156, + ".\")": 23157, + "▁ML": 23158, + "▁komt": 23159, + "▁[_": 23160, + "▁spectral": 23161, + "edo": 23162, + "▁insieme": 23163, + "▁suffering": 23164, + "slider": 23165, + "▁Kennedy": 23166, + "olate": 23167, + "▁Patri": 23168, + "зии": 23169, + "OH": 23170, + "▁теа": 23171, + "▁права": 23172, + "мах": 23173, + "rewrite": 23174, + "▁Einsatz": 23175, + "external": 23176, + "holds": 23177, + "▁Places": 23178, + "atype": 23179, + "▁vulner": 23180, + "▁abandoned": 23181, + "Origin": 23182, + "▁maximal": 23183, + "AAAA": 23184, + "▁Baseball": 23185, + "▁Close": 23186, + "▁painter": 23187, + "▁assigning": 23188, + "NB": 23189, + "blast": 23190, + "▁Künstler": 23191, + ")](": 23192, + "fach": 23193, + "▁Constantin": 23194, + "okes": 23195, + "▁nobody": 23196, + "▁subtract": 23197, + "▁fosse": 23198, + "▁certific": 23199, + "▁muse": 23200, + "/),": 23201, + "▁Profil": 23202, + "▁proxim": 23203, + "▁Jerusalem": 23204, + "▁simplicity": 23205, + "▁wsz": 23206, + "NUMBER": 23207, + "uttavia": 23208, + "UITableView": 23209, + "ichter": 23210, + "жан": 23211, + "▁Lav": 23212, + "itchen": 23213, + "▁Чем": 23214, + "Tu": 23215, + "▁geom": 23216, + "▁zvuky": 23217, + "▁Survey": 23218, + "ANCE": 23219, + "▁encrypted": 23220, + "prof": 23221, + "▁dare": 23222, + "▁Loren": 23223, + "тв": 23224, + "▁Алек": 23225, + "▁computers": 23226, + "▁expectation": 23227, + "▁substantial": 23228, + "▁Дми": 23229, + "▁`{": 23230, + "▁дра": 23231, + "ubble": 23232, + "▁performs": 23233, + "▁Krieg": 23234, + "▁incoming": 23235, + "▁Classification": 23236, + "WebView": 23237, + "▁episodes": 23238, + "apper": 23239, + "äufig": 23240, + "▁giov": 23241, + "▁Depart": 23242, + "бора": 23243, + "edly": 23244, + "ospod": 23245, + "▁ptr": 23246, + "▁dátum": 23247, + "▁estimation": 23248, + "icole": 23249, + "▁----": 23250, + "▁princes": 23251, + "HEAD": 23252, + "▁diffusion": 23253, + "▁drie": 23254, + "▁Ada": 23255, + "нице": 23256, + "nginx": 23257, + "shal": 23258, + "▁februari": 23259, + "▁Tat": 23260, + "looking": 23261, + "kund": 23262, + "▁Dean": 23263, + "mongodb": 23264, + "вших": 23265, + "▁Aur": 23266, + "▁Flora": 23267, + "▁Studios": 23268, + "ције": 23269, + "eil": 23270, + "Install": 23271, + "▁franch": 23272, + "▁HMS": 23273, + "▁practices": 23274, + "lej": 23275, + "dale": 23276, + "▁poste": 23277, + "▁Hels": 23278, + "▁reliable": 23279, + "ździer": 23280, + "▁verse": 23281, + "ermeister": 23282, + "▁quit": 23283, + "ético": 23284, + "ilis": 23285, + "edor": 23286, + "▁Cultural": 23287, + "дже": 23288, + "▁liked": 23289, + "▁mongodb": 23290, + "▁Broadway": 23291, + "▁IR": 23292, + "eszt": 23293, + "hov": 23294, + "▁míst": 23295, + "reiche": 23296, + "▁kB": 23297, + "стом": 23298, + "▁SQLite": 23299, + "▁torneo": 23300, + "\\.": 23301, + "Ord": 23302, + "▁Administration": 23303, + "▁зда": 23304, + "▁Hinter": 23305, + "▁Via": 23306, + "Decimal": 23307, + "orious": 23308, + "▁nécessaire": 23309, + "wx": 23310, + "▁tej": 23311, + "▁tema": 23312, + "Obrázky": 23313, + "рите": 23314, + "▁builds": 23315, + "▁laten": 23316, + "▁гг": 23317, + "Visibility": 23318, + "läu": 23319, + "▁sechs": 23320, + "▁луч": 23321, + "cera": 23322, + "Could": 23323, + "▁traject": 23324, + "}}^{": 23325, + "▁Japon": 23326, + "another": 23327, + "IK": 23328, + "▁belonging": 23329, + "▁facilities": 23330, + "▁Daily": 23331, + "▁dece": 23332, + "intro": 23333, + "▁случа": 23334, + "Namespace": 23335, + "▁Bak": 23336, + "locale": 23337, + "UG": 23338, + "=${": 23339, + "▁compañ": 23340, + "jąc": 23341, + "▁arithmetic": 23342, + "forum": 23343, + "▁porta": 23344, + "onk": 23345, + "▁gender": 23346, + "▁expects": 23347, + "бка": 23348, + "▁nak": 23349, + "▁Grace": 23350, + "▁stro": 23351, + "ividual": 23352, + "▁COM": 23353, + "▁Farm": 23354, + "▁canton": 23355, + "тому": 23356, + "javax": 23357, + "сей": 23358, + "▁briefly": 23359, + "Face": 23360, + "rotate": 23361, + "constant": 23362, + "▁gallery": 23363, + "astro": 23364, + "allery": 23365, + "▁DJ": 23366, + "charge": 23367, + "ходить": 23368, + "Cent": 23369, + "\\\",": 23370, + "▁donna": 23371, + "arca": 23372, + "lade": 23373, + "zin": 23374, + "▁Ned": 23375, + "▁hosting": 23376, + "idor": 23377, + "itative": 23378, + "igs": 23379, + "▁пря": 23380, + "▁ticket": 23381, + "▁studying": 23382, + "▁designer": 23383, + "lapsed": 23384, + "▁laat": 23385, + "▁dix": 23386, + "▁integrated": 23387, + "▁informed": 23388, + "▁behave": 23389, + "▁labour": 23390, + "estellt": 23391, + "calendar": 23392, + "▁killing": 23393, + "▁twitter": 23394, + "iae": 23395, + "▁historique": 23396, + "DEFAULT": 23397, + "iała": 23398, + "▁theoretical": 23399, + "▁unders": 23400, + "ляет": 23401, + "atan": 23402, + "▁surname": 23403, + "▁intercept": 23404, + "гласно": 23405, + "▁општини": 23406, + "▁tired": 23407, + "▁Beth": 23408, + "▁административ": 23409, + "Li": 23410, + "▁Тур": 23411, + "▁Scanner": 23412, + "▁Stern": 23413, + "▁вместе": 23414, + "▁reporting": 23415, + "▁sull": 23416, + "цией": 23417, + "berts": 23418, + "ogonal": 23419, + "ők": 23420, + "▁ipsum": 23421, + "▁seulement": 23422, + "▁Seiten": 23423, + "wordpress": 23424, + "▁featuring": 23425, + "istischen": 23426, + "jub": 23427, + "▁étr": 23428, + "▁tea": 23429, + "▁adapted": 23430, + "▁scales": 23431, + "▁nan": 23432, + "getValue": 23433, + "▁Blues": 23434, + "acles": 23435, + "▁stati": 23436, + "▁entitled": 23437, + "▁Ralph": 23438, + "gravity": 23439, + "▁entrepr": 23440, + "któber": 23441, + "limat": 23442, + "lis": 23443, + "Demo": 23444, + "relation": 23445, + "▁nep": 23446, + "prowad": 23447, + "itis": 23448, + "▁pup": 23449, + "nehmer": 23450, + "▁disappoint": 23451, + "▁etwas": 23452, + "annon": 23453, + "▁approved": 23454, + "▁clever": 23455, + "Loading": 23456, + "▁verz": 23457, + "resse": 23458, + "▁inspir": 23459, + "▁sampling": 23460, + "▁Bek": 23461, + "})$.": 23462, + "▁грома": 23463, + "▁specie": 23464, + "▁repub": 23465, + "▁loader": 23466, + "▁erf": 23467, + "▁shoulder": 23468, + "rais": 23469, + "▁мате": 23470, + "▁Month": 23471, + "Scene": 23472, + "▁blocking": 23473, + "▁ocean": 23474, + "geben": 23475, + "▁Kilometer": 23476, + "▁bedeut": 23477, + "▁Mix": 23478, + "fmt": 23479, + "▁Norweg": 23480, + "▁IDs": 23481, + "parallel": 23482, + "▁anticip": 23483, + "▁revis": 23484, + "хан": 23485, + "▁свет": 23486, + "CASE": 23487, + "▁führt": 23488, + "▁atomic": 23489, + "▁darkness": 23490, + "▁Fußballspieler": 23491, + "▁Жи": 23492, + "quisition": 23493, + "▁Sieg": 23494, + "Circ": 23495, + "▁cientí": 23496, + "nelle": 23497, + "SHA": 23498, + "▁urb": 23499, + "▁ksi": 23500, + "leqslant": 23501, + "▁фрон": 23502, + "▁defect": 23503, + "▁rá": 23504, + "▁stronger": 23505, + "▁pł": 23506, + "▁communities": 23507, + "нина": 23508, + "enas": 23509, + "iennent": 23510, + "▁safely": 23511, + "▁тя": 23512, + "▁benchmark": 23513, + "▁Braun": 23514, + "methods": 23515, + "argument": 23516, + "vos": 23517, + "obox": 23518, + "рови": 23519, + "▁recherche": 23520, + "mn": 23521, + "▁brings": 23522, + "machine": 23523, + "CESS": 23524, + "hosts": 23525, + "▁NY": 23526, + "Autow": 23527, + "▁современ": 23528, + "▁Gary": 23529, + "▁sensor": 23530, + "▁documented": 23531, + "▁prendre": 23532, + "▁peer": 23533, + "enix": 23534, + "hai": 23535, + "arbe": 23536, + "цент": 23537, + "_(": 23538, + "▁URI": 23539, + "ева": 23540, + "▁Regie": 23541, + "▁Monument": 23542, + "▁onderwerp": 23543, + "Bag": 23544, + "tit": 23545, + "▁stir": 23546, + "▁nerv": 23547, + "сторія": 23548, + "▁sov": 23549, + "▁writers": 23550, + "▁sorts": 23551, + "absolute": 23552, + "▁difficulties": 23553, + "▁parlament": 23554, + "▁IEnumerable": 23555, + "▁dissol": 23556, + "▁CHECK": 23557, + "arina": 23558, + "inburgh": 23559, + "DM": 23560, + "▁eind": 23561, + "▁budget": 23562, + "▁certains": 23563, + "▁första": 23564, + "anja": 23565, + "▁годов": 23566, + "▁тек": 23567, + "▁Duch": 23568, + "gui": 23569, + "▁Teams": 23570, + "▁многи": 23571, + "Marie": 23572, + "Integr": 23573, + "ThreadPool": 23574, + "rust": 23575, + "ík": 23576, + "%\"": 23577, + "enf": 23578, + "spl": 23579, + "▁begun": 23580, + "lou": 23581, + "▁RewriteRule": 23582, + "tuple": 23583, + "aneous": 23584, + "▁marine": 23585, + "attan": 23586, + "ikal": 23587, + "▁graduated": 23588, + "illé": 23589, + "▁прове": 23590, + "▁Роз": 23591, + "',\r": 23592, + "▁Pfarr": 23593, + "▁nivel": 23594, + "▁працю": 23595, + "music": 23596, + "▁setTimeout": 23597, + "ERS": 23598, + "▁Erik": 23599, + "pit": 23600, + "▁Хро": 23601, + "▁pił": 23602, + "▁peri": 23603, + "док": 23604, + "uszt": 23605, + "▁Bear": 23606, + "ClassName": 23607, + "▁Parlament": 23608, + "▁aix": 23609, + "▁invited": 23610, + "▁PATH": 23611, + "xter": 23612, + "▁Race": 23613, + "▁hecho": 23614, + "▁Tower": 23615, + "▁utf": 23616, + "actly": 23617, + "▁буде": 23618, + "▁angles": 23619, + "няя": 23620, + "ouvelles": 23621, + "▁climate": 23622, + "▁singing": 23623, + "▁navigate": 23624, + ">';": 23625, + "adows": 23626, + "▁leta": 23627, + "▁Sitz": 23628, + "▁partitions": 23629, + "▁dock": 23630, + "▁ży": 23631, + "▁allocate": 23632, + "▁benefits": 23633, + "▁nieder": 23634, + "xpath": 23635, + "meck": 23636, + "älle": 23637, + "▁coupling": 23638, + "жил": 23639, + "ForKey": 23640, + "argent": 23641, + "clou": 23642, + "▁instruments": 23643, + "▁enthus": 23644, + "▁még": 23645, + "▁Пав": 23646, + "▁Rach": 23647, + "-----": 23648, + "▁APIs": 23649, + "▁Vier": 23650, + "Cmd": 23651, + "itore": 23652, + "▁Cuba": 23653, + "▁dátummal": 23654, + "▁embedding": 23655, + "stdio": 23656, + "▁Gilbert": 23657, + "▁geprüft": 23658, + "▁stating": 23659, + "▁triggers": 23660, + "+=": 23661, + "▁spécial": 23662, + "▁deliber": 23663, + "мин": 23664, + "Produ": 23665, + "▁Stati": 23666, + "▁zus": 23667, + "ktionen": 23668, + "Dispatcher": 23669, + "idal": 23670, + "▁LP": 23671, + "optera": 23672, + "▁estar": 23673, + "▁значи": 23674, + "смо": 23675, + "ouses": 23676, + "engono": 23677, + "▁WPF": 23678, + "publish": 23679, + "▁teor": 23680, + "elif": 23681, + "▁erg": 23682, + "▁separation": 23683, + "Pan": 23684, + "▁Orchestra": 23685, + "Peter": 23686, + "bounds": 23687, + "▁Shakespeare": 23688, + "▁cantante": 23689, + "▁demi": 23690, + "▁Popular": 23691, + "фр": 23692, + "arring": 23693, + "цин": 23694, + "▁Ис": 23695, + "von": 23696, + "▁substitution": 23697, + "▁línea": 23698, + "\\}$.": 23699, + "como": 23700, + "▁важ": 23701, + "wagen": 23702, + "▁rarely": 23703, + "▁periods": 23704, + "glob": 23705, + "▁Frid": 23706, + "▁Terr": 23707, + "▁Release": 23708, + "Brainz": 23709, + "▁граф": 23710, + "DIS": 23711, + "compatible": 23712, + "▁poč": 23713, + "LIN": 23714, + "▁Källor": 23715, + "▁Arizona": 23716, + "ppy": 23717, + "Seq": 23718, + "▁Ain": 23719, + "▁Tourn": 23720, + "brow": 23721, + "▁Kör": 23722, + "▁ash": 23723, + "ogeneous": 23724, + "▁dialect": 23725, + "▁насеља": 23726, + "mysqli": 23727, + "цов": 23728, + "▁flor": 23729, + "▁фло": 23730, + "IAB": 23731, + "▁Within": 23732, + "^(": 23733, + "▁bois": 23734, + "▁tank": 23735, + "▁affili": 23736, + "▁hijo": 23737, + "▁Kate": 23738, + "▁Verl": 23739, + "▁Miami": 23740, + "▁typescript": 23741, + "њу": 23742, + "▁Vern": 23743, + "▁висо": 23744, + "iemann": 23745, + "▁coverage": 23746, + "brie": 23747, + "▁Starting": 23748, + "numpy": 23749, + "▁Jenkins": 23750, + "▁két": 23751, + "▁grup": 23752, + "▁Scient": 23753, + "▁interrupt": 23754, + "▁blob": 23755, + "ugel": 23756, + "▁Orth": 23757, + "abama": 23758, + "▁Bapt": 23759, + "ownik": 23760, + "▁быть": 23761, + "▁Julius": 23762, + "▁През": 23763, + "▁substitute": 23764, + "supported": 23765, + "chy": 23766, + "egyzetek": 23767, + "▁Performance": 23768, + "lessly": 23769, + "Constructor": 23770, + "▁extending": 23771, + "▁Muslim": 23772, + "Overflow": 23773, + "▁Jenn": 23774, + "▁produz": 23775, + "мії": 23776, + "▁países": 23777, + "▁eux": 23778, + "▁fate": 23779, + "ologe": 23780, + "ук": 23781, + "▁wobei": 23782, + "▁Sachsen": 23783, + "▁сайт": 23784, + "Models": 23785, + "▁Fast": 23786, + "besondere": 23787, + "▁FR": 23788, + "▁acon": 23789, + "▁Denkmal": 23790, + "▁anch": 23791, + "▁público": 23792, + "▁Tas": 23793, + "▁cand": 23794, + "▁paździer": 23795, + "▁Мон": 23796, + "▁versus": 23797, + "rut": 23798, + "GT": 23799, + "▁inserting": 23800, + "▁canad": 23801, + "єм": 23802, + "▁Metro": 23803, + "▁Herzog": 23804, + "Ignore": 23805, + "▁decrease": 23806, + "▁пун": 23807, + "▁Fischer": 23808, + "▁Mall": 23809, + "▁nörd": 23810, + "iostream": 23811, + "▁Luxemb": 23812, + "payload": 23813, + "▁Zeitung": 23814, + "▁modifying": 23815, + "▁Cher": 23816, + "▁Luci": 23817, + "nx": 23818, + "▁loose": 23819, + "▁topics": 23820, + "▁varied": 23821, + "▁pg": 23822, + "ajes": 23823, + "umm": 23824, + "Views": 23825, + "▁Beau": 23826, + "MAP": 23827, + "ipeline": 23828, + "▁Interest": 23829, + "arith": 23830, + "▁según": 23831, + "▁Gemeins": 23832, + "▁Attribute": 23833, + "community": 23834, + "▁центр": 23835, + "▁kilometer": 23836, + "▁économ": 23837, + "laration": 23838, + "▁къ": 23839, + "▁carriage": 23840, + "▁Lane": 23841, + "▁необ": 23842, + "kur": 23843, + "▁AF": 23844, + "INTER": 23845, + "))$": 23846, + "▁beide": 23847, + "destination": 23848, + "▁fonts": 23849, + "appendChild": 23850, + "▁MAR": 23851, + "▁gay": 23852, + "mil": 23853, + "lesh": 23854, + "èt": 23855, + "▁Wang": 23856, + "▁Years": 23857, + "▁Symbol": 23858, + "Live": 23859, + "quency": 23860, + "▁Users": 23861, + "▁Unicode": 23862, + "▁Sau": 23863, + "▁tons": 23864, + "▁Ні": 23865, + "▁краї": 23866, + "AXI": 23867, + "▁Pick": 23868, + "AI": 23869, + "▁hath": 23870, + "▁ainda": 23871, + "▁papa": 23872, + "▁Censo": 23873, + "▁Bald": 23874, + "▁Насеље": 23875, + "▁simulations": 23876, + "▁jaren": 23877, + "▁inherited": 23878, + "▁той": 23879, + "▁feels": 23880, + "ression": 23881, + "▁október": 23882, + "bid": 23883, + "ási": 23884, + "▁muss": 23885, + "ventory": 23886, + "▁meist": 23887, + "▁bore": 23888, + "▁slider": 23889, + "дели": 23890, + "\\;": 23891, + "▁extracted": 23892, + "кур": 23893, + "Edge": 23894, + "▁perf": 23895, + "▁Brigade": 23896, + "▁град": 23897, + "ienie": 23898, + "▁Norden": 23899, + "▁cancer": 23900, + "\"/": 23901, + "Cur": 23902, + "▁Сере": 23903, + "▁liquid": 23904, + "structure": 23905, + "▁choosing": 23906, + "▁Perl": 23907, + "Side": 23908, + "üs": 23909, + "ритор": 23910, + "▁kost": 23911, + "▁packets": 23912, + "▁которого": 23913, + "▁Comun": 23914, + "▁fingers": 23915, + "ográfica": 23916, + ">:": 23917, + "▁championnat": 23918, + "▁blieb": 23919, + "▁Situ": 23920, + "▁suic": 23921, + "andis": 23922, + "Fre": 23923, + "▁Conc": 23924, + "▁republic": 23925, + "▁armed": 23926, + "▁hell": 23927, + "▁hög": 23928, + "ragma": 23929, + "▁ense": 23930, + "▁acres": 23931, + "▁Від": 23932, + "▁Reform": 23933, + "MainActivity": 23934, + "keeper": 23935, + "erb": 23936, + "▁monaster": 23937, + "subsubsection": 23938, + "▁Див": 23939, + "▁creature": 23940, + "▁indicating": 23941, + "▁urls": 23942, + "▁kein": 23943, + "образ": 23944, + "pick": 23945, + "▁Admir": 23946, + "▁oldest": 23947, + "▁muz": 23948, + "▁contradiction": 23949, + "▁probabil": 23950, + "illiant": 23951, + "▁pav": 23952, + "▁papel": 23953, + "ubs": 23954, + "▁жена": 23955, + "AML": 23956, + "▁recip": 23957, + "▁COL": 23958, + "added": 23959, + "▁clue": 23960, + "▁Ukraine": 23961, + "▁jelent": 23962, + "чень": 23963, + "▁mathematics": 23964, + "Accept": 23965, + "▁сот": 23966, + "▁север": 23967, + "▁isolated": 23968, + "▁поя": 23969, + "wür": 23970, + "Router": 23971, + "CAT": 23972, + "rgb": 23973, + "▁Lov": 23974, + "mutable": 23975, + "▁Wes": 23976, + "▁Italien": 23977, + "Drag": 23978, + "enium": 23979, + "atting": 23980, + "tcp": 23981, + "▁erfolgte": 23982, + "▁Beit": 23983, + "гато": 23984, + "▁Systems": 23985, + "▁reserve": 23986, + "eree": 23987, + "▁Пари": 23988, + "▁зали": 23989, + "▁rent": 23990, + "▁sunt": 23991, + "▁Girls": 23992, + "▁Ernest": 23993, + "▁fits": 23994, + "▁oppon": 23995, + "▁живело": 23996, + "▁avaient": 23997, + "▁Florence": 23998, + "▁числе": 23999, + "▁engines": 24000, + "Dynamic": 24001, + "▁stycznia": 24002, + "▁bias": 24003, + "▁Exchange": 24004, + "дий": 24005, + "▁historiques": 24006, + "▁Hä": 24007, + "hod": 24008, + "▁wł": 24009, + "schap": 24010, + "▁lac": 24011, + "▁Foi": 24012, + "▁dwell": 24013, + "▁Unternehmen": 24014, + "URN": 24015, + "▁kilometres": 24016, + "▁Однако": 24017, + "кли": 24018, + "▁Sri": 24019, + "Groups": 24020, + "mind": 24021, + "oslov": 24022, + "fern": 24023, + "egu": 24024, + "abeled": 24025, + "Fiddle": 24026, + "▁Century": 24027, + "/-": 24028, + "▁Jegyzetek": 24029, + "Hen": 24030, + "ensemble": 24031, + "▁Gut": 24032, + "_{{\\": 24033, + "▁ranking": 24034, + "+$": 24035, + "ала": 24036, + "▁#{": 24037, + "imientos": 24038, + "achim": 24039, + "rides": 24040, + "▁Klaus": 24041, + "▁intend": 24042, + "▁Kentucky": 24043, + "cipe": 24044, + "▁Dienst": 24045, + "▁situated": 24046, + "▁póź": 24047, + "▁scrit": 24048, + "clip": 24049, + "нет": 24050, + "tables": 24051, + "▁Nied": 24052, + "▁McK": 24053, + "▁powst": 24054, + "▁kunnen": 24055, + "▁Evans": 24056, + "жды": 24057, + "вать": 24058, + "uchar": 24059, + "▁residents": 24060, + "iak": 24061, + "▁Resol": 24062, + "▁veces": 24063, + "▁satisfying": 24064, + "INF": 24065, + "▁син": 24066, + "▁crossing": 24067, + "iben": 24068, + "▁широ": 24069, + "pto": 24070, + "ILL": 24071, + "▁роль": 24072, + "▁aktiv": 24073, + "▁обращения": 24074, + "Wikispecies": 24075, + "▁Höhe": 24076, + "cro": 24077, + "════": 24078, + "altra": 24079, + "▁FILE": 24080, + "▁ups": 24081, + "▁allocation": 24082, + "Michael": 24083, + "▁acknowled": 24084, + "Linux": 24085, + "▁metros": 24086, + "tte": 24087, + "afen": 24088, + "▁xcode": 24089, + "▁тради": 24090, + "species": 24091, + "▁injury": 24092, + "▁самы": 24093, + "▁lattice": 24094, + "Material": 24095, + "andenburg": 24096, + "▁huvudstaden": 24097, + "story": 24098, + "▁varying": 24099, + "▁követ": 24100, + "▁Российской": 24101, + "irse": 24102, + "▁drum": 24103, + "Pressed": 24104, + "Lar": 24105, + "▁Agu": 24106, + "▁weil": 24107, + "▁commence": 24108, + "▁Según": 24109, + "Gesture": 24110, + "Shape": 24111, + "▁Vors": 24112, + "▁succès": 24113, + "▁corrected": 24114, + "Kar": 24115, + "▁cruel": 24116, + "▁politico": 24117, + "▁Schriftsteller": 24118, + "▁risult": 24119, + "etu": 24120, + "archiv": 24121, + "▁género": 24122, + "▁Lü": 24123, + "▁triumph": 24124, + "ORS": 24125, + "Lu": 24126, + "▁personnel": 24127, + "▁Hills": 24128, + "asset": 24129, + "domin": 24130, + "Receive": 24131, + "▁Oak": 24132, + "▁Kno": 24133, + "▁Theory": 24134, + "irie": 24135, + "owan": 24136, + "▁estava": 24137, + "▁executes": 24138, + "йт": 24139, + "ópez": 24140, + "поло": 24141, + "ética": 24142, + "▁название": 24143, + "▁converges": 24144, + "▁notre": 24145, + "▁populated": 24146, + "▁movements": 24147, + "▁statistical": 24148, + "▁Zweiten": 24149, + "quin": 24150, + "▁importantes": 24151, + "▁klein": 24152, + "▁Segunda": 24153, + "schließend": 24154, + "Failure": 24155, + "nar": 24156, + "dag": 24157, + "▁ruolo": 24158, + "▁fiction": 24159, + "▁использу": 24160, + "▁crisis": 24161, + "▁Getting": 24162, + ",%": 24163, + "▁армии": 24164, + "▁campus": 24165, + "▁footer": 24166, + "▁días": 24167, + "бан": 24168, + "▁liberty": 24169, + "▁gh": 24170, + "▁chamber": 24171, + "▁districts": 24172, + "▁excited": 24173, + "▁canción": 24174, + "tero": 24175, + "▁Working": 24176, + "▁części": 24177, + "льный": 24178, + "▁forum": 24179, + "▁Ehe": 24180, + "▁ката": 24181, + "itations": 24182, + "Tools": 24183, + "achiv": 24184, + "▁cres": 24185, + "asto": 24186, + "▁rever": 24187, + "▁nazionale": 24188, + "▁doors": 24189, + "▁Nancy": 24190, + "▁islands": 24191, + "Imp": 24192, + "▁Chair": 24193, + "▁vorm": 24194, + "sein": 24195, + "▁доку": 24196, + "erset": 24197, + "▁tätig": 24198, + "▁Krit": 24199, + "▁пя": 24200, + "▁conservation": 24201, + "▁Partido": 24202, + "minipage": 24203, + "Validator": 24204, + "▁recovery": 24205, + "▁NASA": 24206, + "▁breast": 24207, + "ilty": 24208, + "analy": 24209, + "elines": 24210, + "▁Saturday": 24211, + "emark": 24212, + "cej": 24213, + "Zero": 24214, + "▁Turner": 24215, + "secure": 24216, + "Exists": 24217, + "▁Rick": 24218, + "evalu": 24219, + "ctrl": 24220, + "▁compression": 24221, + "▁CURL": 24222, + "textcolor": 24223, + ")\\,": 24224, + "longrightarrow": 24225, + "▁Fernseh": 24226, + "icha": 24227, + "▁loi": 24228, + "▁Оте": 24229, + "▁cave": 24230, + "▁dozen": 24231, + "▁explaining": 24232, + "▁innov": 24233, + "▁Nicholas": 24234, + "▁diameter": 24235, + "▁Marian": 24236, + "▁fires": 24237, + "▁artifact": 24238, + "▁Parker": 24239, + "▁Bund": 24240, + "▁verte": 24241, + "▁talent": 24242, + "▁Lucas": 24243, + "reverse": 24244, + "▁folgenden": 24245, + "▁Sah": 24246, + "jections": 24247, + "▁invece": 24248, + "▁costitu": 24249, + "▁ssl": 24250, + "}}^": 24251, + "▁violent": 24252, + "▁spos": 24253, + "Rout": 24254, + "jdk": 24255, + "▁заме": 24256, + "▁furent": 24257, + "andal": 24258, + "Hom": 24259, + "▁Senior": 24260, + "▁pounds": 24261, + "▁Discogs": 24262, + "▁зе": 24263, + "'}[": 24264, + "▁Napoleon": 24265, + "ordinates": 24266, + "àn": 24267, + "▁kurz": 24268, + "▁vere": 24269, + "▁reuse": 24270, + "▁Ген": 24271, + "▁Syst": 24272, + "▁disappeared": 24273, + "▁Watch": 24274, + "bibliothek": 24275, + "▁корпу": 24276, + "▁Cs": 24277, + "▁}`": 24278, + "▁rör": 24279, + "▁дела": 24280, + "VB": 24281, + "▁calculus": 24282, + "рода": 24283, + "▁judgment": 24284, + "atile": 24285, + "▁longue": 24286, + "▁Hus": 24287, + "Jac": 24288, + "}})": 24289, + "RIPT": 24290, + "IABot": 24291, + "▁após": 24292, + "▁aston": 24293, + "Webachiv": 24294, + "▁URLs": 24295, + "▁coat": 24296, + "▁эконо": 24297, + "▁lear": 24298, + "extensions": 24299, + "▁Classic": 24300, + "TI": 24301, + "▁Tage": 24302, + "▁lá": 24303, + "▁semb": 24304, + "▁développement": 24305, + "ISTS": 24306, + "▁solves": 24307, + ",\\,": 24308, + "▁чемпі": 24309, + "ordinary": 24310, + "▁Bav": 24311, + "▁muchos": 24312, + "Self": 24313, + "▁Май": 24314, + "▁Diet": 24315, + "▁necessity": 24316, + "від": 24317, + "▁mano": 24318, + "▁Ср": 24319, + "▁carre": 24320, + "▁Camera": 24321, + "▁Narod": 24322, + "▁Phone": 24323, + "▁polym": 24324, + "imore": 24325, + "isEmpty": 24326, + "▁Houston": 24327, + "▁Rece": 24328, + "▁presentation": 24329, + "ниципа": 24330, + "▁Db": 24331, + "▁confident": 24332, + "▁}{": 24333, + "▁bullet": 24334, + "▁{},": 24335, + "ANGE": 24336, + "▁Notre": 24337, + "chin": 24338, + "▁Dragon": 24339, + "erca": 24340, + "iali": 24341, + "▁asset": 24342, + "▁muito": 24343, + "▁deeply": 24344, + "▁restriction": 24345, + "▁commerce": 24346, + "▁Bomb": 24347, + "caught": 24348, + "qq": 24349, + "▁Arag": 24350, + "▁немец": 24351, + "▁Analysis": 24352, + "▁článku": 24353, + "▁baby": 24354, + "▁echter": 24355, + "▁одного": 24356, + "жена": 24357, + "▁whitespace": 24358, + "çu": 24359, + "LIST": 24360, + "frique": 24361, + "▁varias": 24362, + "▁Wit": 24363, + "▁Licencia": 24364, + "Exit": 24365, + "▁sierp": 24366, + "▁assemb": 24367, + "▁splitting": 24368, + "▁palace": 24369, + "▁blocked": 24370, + "▁boundaries": 24371, + "▁iterations": 24372, + "▁Rotten": 24373, + "▁Verkehr": 24374, + "▁weer": 24375, + "Tests": 24376, + "ifting": 24377, + "▁regul": 24378, + "▁persist": 24379, + "▁Solution": 24380, + "pb": 24381, + "▁collapse": 24382, + "▁arrested": 24383, + "▁predicate": 24384, + "▁Zone": 24385, + "▁ingen": 24386, + "zález": 24387, + "▁banks": 24388, + "plant": 24389, + "▁Nella": 24390, + "▁бан": 24391, + "▁Snow": 24392, + "▁Kreuz": 24393, + "ício": 24394, + "▁enters": 24395, + "▁expose": 24396, + "či": 24397, + "шие": 24398, + "Qual": 24399, + "▁landscape": 24400, + "▁подацима": 24401, + "mai": 24402, + "stag": 24403, + "ований": 24404, + "DEF": 24405, + "[]{": 24406, + "▁dernière": 24407, + "icut": 24408, + "▁Xml": 24409, + "▁subgroup": 24410, + "▁Polsce": 24411, + "▁Warning": 24412, + "▁vehicles": 24413, + "iot": 24414, + "▁dll": 24415, + "ront": 24416, + "▁Louise": 24417, + "▁ara": 24418, + "▁Scala": 24419, + "▁canonical": 24420, + "▁placing": 24421, + "ERY": 24422, + "▁Jag": 24423, + "▁virus": 24424, + "emu": 24425, + "▁});\r": 24426, + "▁мм": 24427, + "▁Trying": 24428, + "▁Lexikon": 24429, + "abord": 24430, + "▁expedition": 24431, + "▁demanded": 24432, + "Zyg": 24433, + "lein": 24434, + "▁verwendet": 24435, + "рина": 24436, + "wol": 24437, + "▁pivot": 24438, + "▁однако": 24439, + "▁propriet": 24440, + "▁awards": 24441, + "tout": 24442, + "▁assim": 24443, + "▁Storm": 24444, + "Limit": 24445, + "elin": 24446, + "wealth": 24447, + "uez": 24448, + "▁rappresent": 24449, + "▁resta": 24450, + "▁gegründet": 24451, + "▁journalist": 24452, + "isie": 24453, + "▁facility": 24454, + "illed": 24455, + "ulk": 24456, + "▁PK": 24457, + "Anchor": 24458, + "▁_)": 24459, + "VF": 24460, + "LAB": 24461, + "▁nå": 24462, + "odos": 24463, + "▁billion": 24464, + "virti": 24465, + "▁Jeux": 24466, + "юза": 24467, + "tomcat": 24468, + "▁charts": 24469, + "▁Bundle": 24470, + "▁lst": 24471, + "▁exer": 24472, + "▁females": 24473, + "▁obliged": 24474, + "▁aby": 24475, + "rolled": 24476, + "dri": 24477, + "▁Sche": 24478, + "▁vessels": 24479, + "IMARY": 24480, + "▁reasoning": 24481, + "▁проте": 24482, + "FILES": 24483, + "verk": 24484, + "osos": 24485, + "▁комму": 24486, + "дії": 24487, + "▁dd": 24488, + "▁соответ": 24489, + "▁IOException": 24490, + "ských": 24491, + "▁CLI": 24492, + "▁ње": 24493, + "CM": 24494, + "TD": 24495, + "▁possibilities": 24496, + "▁Compos": 24497, + "half": 24498, + "▁webpage": 24499, + "▁swing": 24500, + "▁zas": 24501, + "▁cycl": 24502, + "leid": 24503, + "istica": 24504, + "▁Insert": 24505, + "▁Sweden": 24506, + "▁wanting": 24507, + "▁ال": 24508, + "▁eeuw": 24509, + "▁Administr": 24510, + "▁Warren": 24511, + "▁bs": 24512, + "▁pam": 24513, + "anus": 24514, + "Dra": 24515, + "expl": 24516, + "▁Kant": 24517, + "▁Austin": 24518, + "▁csak": 24519, + "▁theatre": 24520, + "▁compatibility": 24521, + "матиче": 24522, + "setState": 24523, + "бю": 24524, + "}{|": 24525, + "▁Dy": 24526, + "▁Zwischen": 24527, + "Alt": 24528, + "CLARE": 24529, + "steps": 24530, + "▁Lage": 24531, + "▁Mitt": 24532, + "▁Dublin": 24533, + "▁работы": 24534, + "deep": 24535, + "▁flows": 24536, + "▁Palace": 24537, + "unix": 24538, + "refs": 24539, + "umar": 24540, + "aset": 24541, + "cov": 24542, + "▁ping": 24543, + "▁Safari": 24544, + "flug": 24545, + "creens": 24546, + "{#": 24547, + "▁реа": 24548, + "adors": 24549, + "▁amor": 24550, + "uce": 24551, + "demic": 24552, + "▁Netherlands": 24553, + "▁clusters": 24554, + "▁enfor": 24555, + "marine": 24556, + "▁bugs": 24557, + "izzata": 24558, + "▁scra": 24559, + "Les": 24560, + "quick": 24561, + "▁turno": 24562, + "_*": 24563, + "ера": 24564, + "Generated": 24565, + ">[": 24566, + "▁estre": 24567, + "orde": 24568, + "▁verg": 24569, + "роз": 24570, + "▁pau": 24571, + "includes": 24572, + "assa": 24573, + "aders": 24574, + "▁Герма": 24575, + "▁estaven": 24576, + "▁earliest": 24577, + "▁resultado": 24578, + "mun": 24579, + "▁plots": 24580, + "din": 24581, + "sorted": 24582, + "▁preference": 24583, + "rió": 24584, + "туре": 24585, + "▁Ligue": 24586, + "▁завер": 24587, + "phr": 24588, + "▁pocket": 24589, + "▁parl": 24590, + "▁lak": 24591, + "▁powie": 24592, + "▁altres": 24593, + "$};": 24594, + "plain": 24595, + "▁Cred": 24596, + "itza": 24597, + "perp": 24598, + "Green": 24599, + "▁devoted": 24600, + "production": 24601, + "worker": 24602, + "elsen": 24603, + "▁vern": 24604, + "▁március": 24605, + "▁Confeder": 24606, + "▁Liverpool": 24607, + "▁музи": 24608, + "▁emails": 24609, + "▁distances": 24610, + "▁segments": 24611, + "▁anth": 24612, + "▁wrest": 24613, + "▁hoog": 24614, + "▁cinema": 24615, + "rror": 24616, + "▁geboren": 24617, + "▁éc": 24618, + "Marker": 24619, + "▁Compet": 24620, + "▁листо": 24621, + "allowed": 24622, + "volume": 24623, + "Espagne": 24624, + "Ze": 24625, + "▁fixes": 24626, + "▁rond": 24627, + "▁arrangement": 24628, + "/~": 24629, + ".](": 24630, + "▁Források": 24631, + "▁weiteren": 24632, + "excel": 24633, + "▁змі": 24634, + "▁moderne": 24635, + "English": 24636, + "▁Transfermarkt": 24637, + "▁bearing": 24638, + "▁cleared": 24639, + "▁сам": 24640, + "▁divs": 24641, + "ći": 24642, + "▁этой": 24643, + "▁Геор": 24644, + "scene": 24645, + "▁ages": 24646, + "GEN": 24647, + "rän": 24648, + "▁Toul": 24649, + "▁Abs": 24650, + "ját": 24651, + "▁mediante": 24652, + "▁empres": 24653, + "▁Employee": 24654, + "▁polynomials": 24655, + "▁optimize": 24656, + "▁выступа": 24657, + "fare": 24658, + "вей": 24659, + "xf": 24660, + "quez": 24661, + "▁botan": 24662, + "▁defend": 24663, + "▁Quart": 24664, + "Mont": 24665, + "vb": 24666, + "tick": 24667, + "WD": 24668, + "mine": 24669, + "▁modific": 24670, + "notification": 24671, + "▁denn": 24672, + "▁algo": 24673, + "▁Spo": 24674, + "▁mistrzost": 24675, + "/:": 24676, + "▁apresent": 24677, + "▁прод": 24678, + "Volume": 24679, + "ską": 24680, + "protected": 24681, + "▁Turkish": 24682, + "azy": 24683, + "▁pouv": 24684, + "▁período": 24685, + "skog": 24686, + "▁entropy": 24687, + "zed": 24688, + "тори": 24689, + "▁lij": 24690, + "boards": 24691, + "▁стату": 24692, + "Bool": 24693, + "▁polity": 24694, + "@\",": 24695, + "▁рік": 24696, + "née": 24697, + "▁Zug": 24698, + "▁Uniti": 24699, + "émet": 24700, + "atience": 24701, + "dimen": 24702, + "▁Steven": 24703, + "Ha": 24704, + "ACTION": 24705, + "▁wand": 24706, + "▁Navar": 24707, + "▁січня": 24708, + "Watch": 24709, + "▁Stuart": 24710, + "▁zde": 24711, + "▁контро": 24712, + "dataset": 24713, + "yó": 24714, + "▁Bush": 24715, + "▁себя": 24716, + "▁worthy": 24717, + "▁Ble": 24718, + "▁propor": 24719, + "▁Village": 24720, + "▁ry": 24721, + "▁voit": 24722, + "▁копия": 24723, + "▁zp": 24724, + "▁cura": 24725, + "▁Html": 24726, + "▁Dieser": 24727, + "▁Days": 24728, + "onnes": 24729, + "▁antigu": 24730, + "▁Staaten": 24731, + "▁faint": 24732, + "ongs": 24733, + "▁öst": 24734, + "Redirect": 24735, + "ель": 24736, + "atorial": 24737, + "▁bother": 24738, + "EditText": 24739, + "▁Giul": 24740, + "▁заво": 24741, + "▁pueblo": 24742, + "▁Mississippi": 24743, + "jak": 24744, + "▁wings": 24745, + "onc": 24746, + "ível": 24747, + "iencia": 24748, + "entlicht": 24749, + "▁BTW": 24750, + "ornal": 24751, + "▁Коро": 24752, + "▁одним": 24753, + "▁salv": 24754, + "▁finden": 24755, + "geo": 24756, + "▁авиа": 24757, + "attung": 24758, + "viv": 24759, + "▁Luther": 24760, + "▁общи": 24761, + "▁Rolle": 24762, + "▁Abraham": 24763, + "▁centered": 24764, + "▁slash": 24765, + "isat": 24766, + "emann": 24767, + "Os": 24768, + "парта": 24769, + "▁Pablo": 24770, + "▁collaboration": 24771, + "paths": 24772, + "édition": 24773, + "▁viewed": 24774, + "▁consisted": 24775, + "▁recovered": 24776, + "▁Mexican": 24777, + "▁Fix": 24778, + "▁spell": 24779, + "Special": 24780, + "▁Ст": 24781, + "esseur": 24782, + "▁Украины": 24783, + "former": 24784, + "▁św": 24785, + "▁zeros": 24786, + "▁Straßen": 24787, + "▁organisation": 24788, + "üssen": 24789, + "▁Sierra": 24790, + "▁Season": 24791, + "▁volont": 24792, + "BeanFactory": 24793, + "▁помощ": 24794, + "▁pressing": 24795, + "▁equivalence": 24796, + "▁catt": 24797, + "icity": 24798, + "▁accomplished": 24799, + "▁yo": 24800, + "▁sic": 24801, + "▁imports": 24802, + "▁accommod": 24803, + "▁Porto": 24804, + "▁яка": 24805, + "▁loan": 24806, + "тики": 24807, + "▁checkout": 24808, + "▁assess": 24809, + "▁Population": 24810, + "urent": 24811, + "clojure": 24812, + "▁Santos": 24813, + "▁információ": 24814, + "POS": 24815, + "▁gare": 24816, + "▁kick": 24817, + "▁radical": 24818, + "▁Peace": 24819, + "▁streaming": 24820, + "camp": 24821, + "ząt": 24822, + "говор": 24823, + "▁Regierung": 24824, + "▁proceeded": 24825, + "fm": 24826, + "лены": 24827, + "▁earnest": 24828, + "▁Parad": 24829, + "requests": 24830, + "▁Raum": 24831, + "šč": 24832, + "▁policies": 24833, + "▁Tig": 24834, + "▁sitt": 24835, + "▁Energy": 24836, + "▁purely": 24837, + "▁Haut": 24838, + "▁Speed": 24839, + "bio": 24840, + "▁orange": 24841, + "▁biggest": 24842, + "▁britannique": 24843, + "▁Notable": 24844, + "vu": 24845, + "лении": 24846, + "бин": 24847, + "▁Nash": 24848, + "щение": 24849, + "▁ciel": 24850, + "adémie": 24851, + "▁грудня": 24852, + "▁joue": 24853, + "▁voted": 24854, + "rico": 24855, + "▁гор": 24856, + "▁команду": 24857, + "itivity": 24858, + "▁ще": 24859, + "▁definite": 24860, + "uropa": 24861, + "!\");": 24862, + "Defaults": 24863, + "▁некоторы": 24864, + "édération": 24865, + "▁silly": 24866, + "▁talked": 24867, + "reu": 24868, + "▁Lomb": 24869, + "▁statue": 24870, + "кта": 24871, + "юр": 24872, + "umably": 24873, + "▁городе": 24874, + "▁Runtime": 24875, + "▁diagn": 24876, + "▁retro": 24877, + "▁Sverige": 24878, + "▁inicial": 24879, + "ienza": 24880, + "▁figlio": 24881, + "▁zog": 24882, + "▁rey": 24883, + "▁Rund": 24884, + "тный": 24885, + "▁ceased": 24886, + "erno": 24887, + "▁esa": 24888, + "▁trouv": 24889, + "▁Gemeinden": 24890, + "▁comercial": 24891, + "skap": 24892, + "enario": 24893, + "▁juris": 24894, + "TB": 24895, + "нала": 24896, + "▁vij": 24897, + "VO": 24898, + "▁clin": 24899, + "jör": 24900, + "сан": 24901, + "owała": 24902, + "ribución": 24903, + "▁ursprüng": 24904, + "▁condem": 24905, + "▁Stage": 24906, + "▁mixing": 24907, + "▁різ": 24908, + "▁fans": 24909, + "ház": 24910, + "social": 24911, + "zan": 24912, + "▁свой": 24913, + "Cookie": 24914, + "▁Roland": 24915, + "azionale": 24916, + "▁Sloven": 24917, + "▁Fiche": 24918, + "▁Sé": 24919, + "hä": 24920, + "▁officials": 24921, + "▁înt": 24922, + "Interceptor": 24923, + "Tables": 24924, + "▁davon": 24925, + "initialize": 24926, + "]=\"": 24927, + "▁Body": 24928, + "▁Upper": 24929, + "▁Collect": 24930, + "▁Zürich": 24931, + "Horizontal": 24932, + "Typ": 24933, + "▁político": 24934, + "▁RewriteCond": 24935, + "▁hoped": 24936, + "▁anxious": 24937, + "Liter": 24938, + "jahr": 24939, + "▁assemble": 24940, + "▁crypt": 24941, + "lahoma": 24942, + "ASH": 24943, + "▁Бри": 24944, + "▁Cic": 24945, + "twitter": 24946, + "hyper": 24947, + "▁Tell": 24948, + "ільки": 24949, + "вобо": 24950, + "▁bazie": 24951, + "▁contemporary": 24952, + "▁Parameter": 24953, + "stwa": 24954, + "▁bekend": 24955, + "cock": 24956, + "previous": 24957, + "enska": 24958, + "▁caller": 24959, + "]])": 24960, + "▁Raz": 24961, + "▁Selon": 24962, + "▁proposal": 24963, + "▁bý": 24964, + "▁Sied": 24965, + "▁Arbeits": 24966, + "▁pride": 24967, + "▁slope": 24968, + "idé": 24969, + "gradient": 24970, + "▁Джерела": 24971, + "▁SH": 24972, + "▁разрабо": 24973, + "iversity": 24974, + "сподар": 24975, + "\\{\\": 24976, + "▁стали": 24977, + "▁Einzel": 24978, + "▁rgba": 24979, + "▁Anim": 24980, + "▁alles": 24981, + "бар": 24982, + "erte": 24983, + "▁réalisé": 24984, + "Institut": 24985, + "▁markup": 24986, + "▁vars": 24987, + "▁gam": 24988, + "▁Василь": 24989, + "izza": 24990, + "▁Cob": 24991, + "▁Metal": 24992, + "▁leak": 24993, + "▁Lanc": 24994, + "Switch": 24995, + "Delay": 24996, + "atuur": 24997, + "▁четы": 24998, + "▁англий": 24999, + "▁legacy": 25000, + "▁desarroll": 25001, + "▁topological": 25002, + "▁jeweils": 25003, + "▁Nederlandse": 25004, + "▁atmosphere": 25005, + "urban": 25006, + "▁slov": 25007, + "▁lawyer": 25008, + "pecially": 25009, + "▁alternate": 25010, + "▁paramet": 25011, + "▁establishment": 25012, + "▁woods": 25013, + "PD": 25014, + "▁наи": 25015, + "▁mang": 25016, + "▁wechselte": 25017, + "ську": 25018, + ".=": 25019, + "▁fifteen": 25020, + "SUM": 25021, + "▁Fro": 25022, + "▁LED": 25023, + "owano": 25024, + "ствие": 25025, + "▁Données": 25026, + "tol": 25027, + "żyn": 25028, + "cref": 25029, + "ствии": 25030, + "horn": 25031, + "▁сооб": 25032, + "▁оборо": 25033, + "▁Complete": 25034, + "“)": 25035, + "▁kindly": 25036, + "▁Chamber": 25037, + "ség": 25038, + "WH": 25039, + "▁ambient": 25040, + "кро": 25041, + "▁cheval": 25042, + "▁написа": 25043, + "flu": 25044, + "▁Offiz": 25045, + "mate": 25046, + "natural": 25047, + "separ": 25048, + "empre": 25049, + "ViewHolder": 25050, + "fw": 25051, + "▁letech": 25052, + "▁trailing": 25053, + "atri": 25054, + "▁Gó": 25055, + "▁Bonn": 25056, + "▁unlikely": 25057, + "RAM": 25058, + "enst": 25059, + "Stats": 25060, + "▁политиче": 25061, + ")--(": 25062, + "▁trom": 25063, + "!...": 25064, + "▁Meanwhile": 25065, + "стана": 25066, + "▁Reino": 25067, + "▁Arist": 25068, + "$}}%": 25069, + "▁solem": 25070, + "closure": 25071, + "ignation": 25072, + "łod": 25073, + "▁divor": 25074, + "▁международ": 25075, + "=\"": 25230, + "Orientation": 25231, + "cid": 25232, + "Cart": 25233, + "▁murm": 25234, + "▁assez": 25235, + "▁linking": 25236, + "building": 25237, + "▁reconna": 25238, + "▁shook": 25239, + "managed": 25240, + "landa": 25241, + "▁León": 25242, + "▁création": 25243, + "дой": 25244, + "ocity": 25245, + "▁wij": 25246, + "▁wieś": 25247, + "xtart": 25248, + "▁Move": 25249, + "lungen": 25250, + "ствует": 25251, + "orney": 25252, + "optional": 25253, + "macro": 25254, + "Condition": 25255, + "▁squares": 25256, + "▁mistaken": 25257, + "ánt": 25258, + "▁Ris": 25259, + "▁sentences": 25260, + "erea": 25261, + "▁mij": 25262, + "Und": 25263, + "▁nombr": 25264, + "zA": 25265, + "▁Independent": 25266, + "▁preview": 25267, + "imas": 25268, + "▁males": 25269, + "inental": 25270, + "Thank": 25271, + "▁popol": 25272, + "▁pover": 25273, + "▁grasp": 25274, + "▁imped": 25275, + "▁campionato": 25276, + "▁Wei": 25277, + "▁titled": 25278, + "▁Además": 25279, + "▁Password": 25280, + "▁Pam": 25281, + "UILD": 25282, + "▁липня": 25283, + "werb": 25284, + "................": 25285, + "▁Río": 25286, + "▁teeth": 25287, + "bp": 25288, + "▁SW": 25289, + "ulaire": 25290, + "▁seized": 25291, + "▁Stef": 25292, + "úl": 25293, + "▁viz": 25294, + "iony": 25295, + "▁junt": 25296, + "▁která": 25297, + "▁września": 25298, + "<>": 25299, + "▁surg": 25300, + "▁tutte": 25301, + "▁Hob": 25302, + "повід": 25303, + "▁wohl": 25304, + "▁trag": 25305, + "▁Crown": 25306, + "▁trova": 25307, + "стову": 25308, + "▁Vienna": 25309, + "esehen": 25310, + "▁metropol": 25311, + "▁reflected": 25312, + "тета": 25313, + "▁traduc": 25314, + "▁Bast": 25315, + "▁erschien": 25316, + "woord": 25317, + "()\"": 25318, + "talet": 25319, + "▁roads": 25320, + "ведения": 25321, + "ührung": 25322, + "▁cogn": 25323, + "▁Valle": 25324, + "▁landing": 25325, + "▁Regex": 25326, + "▁Iowa": 25327, + "dział": 25328, + "▁erreichte": 25329, + "aum": 25330, + "▁founder": 25331, + "apolis": 25332, + "Compiler": 25333, + "▁kop": 25334, + "▁marc": 25335, + "▁територ": 25336, + "))`": 25337, + "▁lei": 25338, + "geon": 25339, + "▁weapons": 25340, + "▁horn": 25341, + "▁elif": 25342, + "▁Capital": 25343, + "će": 25344, + "▁forall": 25345, + "▁эта": 25346, + "preview": 25347, + "▁DNA": 25348, + "▁sid": 25349, + "orch": 25350, + "▁Ras": 25351, + "▁arab": 25352, + "Best": 25353, + "▁счита": 25354, + "▁López": 25355, + "ança": 25356, + "▁funkc": 25357, + "▁tienen": 25358, + ";&": 25359, + "museum": 25360, + "▁Err": 25361, + "▁resort": 25362, + "Nov": 25363, + "▁kal": 25364, + "MW": 25365, + "шь": 25366, + "anchor": 25367, + "▁роман": 25368, + "leading": 25369, + "▁manten": 25370, + "▁Silva": 25371, + "dade": 25372, + "▁designated": 25373, + "▁revista": 25374, + "Oct": 25375, + "percent": 25376, + "▁уні": 25377, + "identifier": 25378, + "mass": 25379, + "@@": 25380, + "ulsion": 25381, + "germeister": 25382, + "▁predicted": 25383, + "▁сви": 25384, + "жной": 25385, + "▁Ergeb": 25386, + "▁cust": 25387, + "▁removes": 25388, + "charg": 25389, + "пример": 25390, + "▁forming": 25391, + "asma": 25392, + "stdout": 25393, + "Fun": 25394, + "yme": 25395, + "tered": 25396, + "ursive": 25397, + "ighed": 25398, + "▁след": 25399, + "verband": 25400, + "▁LOG": 25401, + "rams": 25402, + "éon": 25403, + "endra": 25404, + "▁Bereich": 25405, + "▁temporal": 25406, + "▁langue": 25407, + "▁Inn": 25408, + "▁moreover": 25409, + "▁tutorials": 25410, + "Middle": 25411, + "▁советский": 25412, + "▁maintenance": 25413, + "asures": 25414, + "▁válto": 25415, + "BASE": 25416, + "▁disappear": 25417, + "ския": 25418, + "▁conocido": 25419, + "▁Нау": 25420, + "▁Libert": 25421, + "▁Harold": 25422, + "▁lifetime": 25423, + "▁Tür": 25424, + "▁zawod": 25425, + "omic": 25426, + "▁Retrieved": 25427, + "architecture": 25428, + "čka": 25429, + "iformes": 25430, + "development": 25431, + "ordnung": 25432, + "Inf": 25433, + "leben": 25434, + "▁Stars": 25435, + "signal": 25436, + "▁grammar": 25437, + "▁corso": 25438, + "▁Wagner": 25439, + "▁geht": 25440, + "▁royale": 25441, + "warn": 25442, + "umbled": 25443, + "▁instit": 25444, + "▁Ши": 25445, + "hh": 25446, + "▁refuge": 25447, + "▁favorite": 25448, + "ierto": 25449, + "▁condado": 25450, + "▁Ther": 25451, + "▁человека": 25452, + "▁Food": 25453, + "▁seizo": 25454, + "▁Initialize": 25455, + "▁connu": 25456, + "▁overlap": 25457, + "▁Emil": 25458, + "▁Martí": 25459, + "▁жовтня": 25460, + "erva": 25461, + "▁boats": 25462, + "ações": 25463, + "▁derrot": 25464, + "▁malloc": 25465, + "▁conject": 25466, + "jk": 25467, + "▁sare": 25468, + "лемен": 25469, + "▁sums": 25470, + "Authorization": 25471, + "▁Kun": 25472, + "]$,": 25473, + "gemeinde": 25474, + "odot": 25475, + "defin": 25476, + "▁emission": 25477, + "▁Крас": 25478, + "▁appart": 25479, + "▁stopping": 25480, + "▁Сред": 25481, + "▁conjug": 25482, + "▁insight": 25483, + "▁Broadcast": 25484, + "▁PMID": 25485, + "▁advantages": 25486, + "enes": 25487, + "▁residence": 25488, + "ljen": 25489, + "isseur": 25490, + "▁pubblicato": 25491, + "▁GitHub": 25492, + "▁Peru": 25493, + "▁galaxies": 25494, + "▁annotations": 25495, + "gas": 25496, + "▁répond": 25497, + "Js": 25498, + "▁independently": 25499, + "NP": 25500, + "▁inqu": 25501, + "▁grounds": 25502, + "Components": 25503, + "▁anten": 25504, + "▁вз": 25505, + "▁hos": 25506, + "▁sint": 25507, + "▁hiding": 25508, + "▁województ": 25509, + "Messages": 25510, + "▁показа": 25511, + "===": 25512, + "▁Abstract": 25513, + "▁läng": 25514, + "▁Formula": 25515, + "dawn": 25516, + "▁designs": 25517, + "Img": 25518, + "▁Portuguese": 25519, + "▁incluy": 25520, + "avigator": 25521, + "▁Brothers": 25522, + "▁continent": 25523, + "▁evidently": 25524, + "race": 25525, + "цького": 25526, + "▁reck": 25527, + "▁серпня": 25528, + "▁Grey": 25529, + "▁appeal": 25530, + "▁unlike": 25531, + "▁powershell": 25532, + "▁racc": 25533, + "fers": 25534, + "▁burning": 25535, + "fasst": 25536, + "installed": 25537, + "▁Give": 25538, + "▁colonial": 25539, + "▁€": 25540, + "▁Rö": 25541, + "▁christ": 25542, + "nehm": 25543, + "там": 25544, + "▁corpo": 25545, + "▁convirti": 25546, + "yter": 25547, + "Sym": 25548, + "▁Greece": 25549, + "▁moth": 25550, + "▁Johan": 25551, + "▁monarch": 25552, + "▁Download": 25553, + "▁craft": 25554, + "už": 25555, + "▁Luke": 25556, + "▁suffix": 25557, + "\\/": 25558, + "Have": 25559, + "▁карь": 25560, + "▁comfortable": 25561, + "▁tips": 25562, + "▁Після": 25563, + "▁броја": 25564, + "▁информа": 25565, + "MQ": 25566, + "бран": 25567, + "▁tx": 25568, + "▁slaves": 25569, + "▁firewall": 25570, + "▁Forces": 25571, + "atif": 25572, + "▁Quellen": 25573, + "▁théâtre": 25574, + "льных": 25575, + "▁расположен": 25576, + "▁Details": 25577, + "ką": 25578, + "▁longitud": 25579, + "INST": 25580, + "▁naval": 25581, + "Fernseh": 25582, + "essel": 25583, + "Grad": 25584, + "▁belang": 25585, + "▁aggi": 25586, + "ZygoteInit": 25587, + "łów": 25588, + "▁Sug": 25589, + "sil": 25590, + "▁exterior": 25591, + "щі": 25592, + "ORD": 25593, + "enser": 25594, + "▁rapide": 25595, + "▁темпера": 25596, + "incie": 25597, + "Si": 25598, + "avam": 25599, + "arded": 25600, + "▁Added": 25601, + "Endpoint": 25602, + "hardt": 25603, + "стран": 25604, + "▁estilo": 25605, + "▁Haz": 25606, + "▁musste": 25607, + "uo": 25608, + "iii": 25609, + "▁ří": 25610, + "anzen": 25611, + "жений": 25612, + "aha": 25613, + "ARNING": 25614, + "▁renov": 25615, + "▁divine": 25616, + "▁convinced": 25617, + "▁humans": 25618, + "▁departure": 25619, + "▁Mediter": 25620, + "qa": 25621, + "▁possessed": 25622, + "▁церкви": 25623, + "giv": 25624, + "▁свої": 25625, + "▁Ortste": 25626, + "Rich": 25627, + "puis": 25628, + "increment": 25629, + "▁Hannover": 25630, + "▁ucz": 25631, + "Done": 25632, + "▁alguns": 25633, + "FIX": 25634, + "▁Heritage": 25635, + "removeClass": 25636, + "фер": 25637, + "▁abc": 25638, + "Dr": 25639, + "▁семей": 25640, + "{:": 25641, + "▁seule": 25642, + "zeichnungen": 25643, + "addy": 25644, + "▁París": 25645, + "üsseld": 25646, + "▁reception": 25647, + "folio": 25648, + "tiny": 25649, + "▁recensement": 25650, + "▁Nur": 25651, + "▁kier": 25652, + "▁gmina": 25653, + "staat": 25654, + "ándose": 25655, + "ческая": 25656, + "▁speaker": 25657, + "▁exponential": 25658, + "▁Dieu": 25659, + "▁приз": 25660, + "▁Rafael": 25661, + "▁ggplot": 25662, + "▁Template": 25663, + "oure": 25664, + "▁Inner": 25665, + "ogne": 25666, + "igare": 25667, + "▁Arte": 25668, + "▁Cov": 25669, + "▁aufgrund": 25670, + "▁Бы": 25671, + "▁ceremony": 25672, + "▁Spart": 25673, + "jective": 25674, + "yi": 25675, + "▁inizi": 25676, + "▁latin": 25677, + "▁Nevertheless": 25678, + "▁Done": 25679, + "тря": 25680, + "▁Arr": 25681, + "season": 25682, + "▁складу": 25683, + "▁podczas": 25684, + "▁Beautiful": 25685, + "▁Weltkrieg": 25686, + "▁зо": 25687, + "▁overcome": 25688, + "▁Praha": 25689, + "▁району": 25690, + "▁subscription": 25691, + "igent": 25692, + "▁пока": 25693, + "latex": 25694, + "▁beach": 25695, + "▁роках": 25696, + "geg": 25697, + "▁probl": 25698, + "arguments": 25699, + "▁organizations": 25700, + "▁Nan": 25701, + "▁stones": 25702, + "▁Hunter": 25703, + "▁regularly": 25704, + "шого": 25705, + "▁flexible": 25706, + "opts": 25707, + "ář": 25708, + "witz": 25709, + "▁')": 25710, + "PASS": 25711, + "▁kraj": 25712, + "▁fake": 25713, + "heits": 25714, + "osph": 25715, + "parseInt": 25716, + "FALSE": 25717, + "▁profess": 25718, + "people": 25719, + "▁precip": 25720, + "dirname": 25721, + "▁perpet": 25722, + "▁Updated": 25723, + "rayed": 25724, + "▁provoc": 25725, + "▁травня": 25726, + "▁categorie": 25727, + "▁тео": 25728, + "сну": 25729, + "otr": 25730, + "▁Верхов": 25731, + "▁compét": 25732, + "Cost": 25733, + "▁wider": 25734, + "▁Obviously": 25735, + "писан": 25736, + "▁настоя": 25737, + "▁seeking": 25738, + "()),": 25739, + "▁équipe": 25740, + "▁commits": 25741, + "▁Svens": 25742, + "ябре": 25743, + "atern": 25744, + "▁heter": 25745, + "▁Bootstrap": 25746, + "éné": 25747, + "▁derivatives": 25748, + "▁Detroit": 25749, + "▁provincial": 25750, + "onomie": 25751, + "EB": 25752, + "▁cuer": 25753, + "▁относи": 25754, + "▁ней": 25755, + ")».": 25756, + "▁Ciudad": 25757, + "IAL": 25758, + "zyst": 25759, + ")\")": 25760, + "▁Alc": 25761, + "blogs": 25762, + "▁parmi": 25763, + "▁Albums": 25764, + "▁Boliv": 25765, + "▁clés": 25766, + "Products": 25767, + "uerdo": 25768, + "▁gelang": 25769, + "znik": 25770, + "hagen": 25771, + "anonymous": 25772, + "▁svg": 25773, + "▁Conseil": 25774, + "▁Ari": 25775, + "coli": 25776, + "▁czy": 25777, + "▁CV": 25778, + "▁ford": 25779, + "▁Außer": 25780, + "▁CI": 25781, + "▁tempt": 25782, + "▁Organisation": 25783, + "áš": 25784, + "▁cycles": 25785, + "▁geslacht": 25786, + "▁людей": 25787, + "ými": 25788, + "▁Spieler": 25789, + "efe": 25790, + "▁Marvel": 25791, + "▁portal": 25792, + "▁Серг": 25793, + "▁grado": 25794, + "▁handlers": 25795, + "▁Interface": 25796, + "AME": 25797, + "▁seriously": 25798, + "▁Binding": 25799, + "▁Rang": 25800, + "▁nada": 25801, + "oce": 25802, + "▁integra": 25803, + "ocracy": 25804, + "▁альбо": 25805, + "▁stability": 25806, + "Uns": 25807, + "▁veter": 25808, + "------+": 25809, + "▁serait": 25810, + "▁omitted": 25811, + "▁uncertainty": 25812, + "onian": 25813, + "▁resto": 25814, + "▁желез": 25815, + "▁одной": 25816, + "▁Bevölkerung": 25817, + "▁Kraft": 25818, + "стр": 25819, + "▁Moscow": 25820, + "lane": 25821, + "arab": 25822, + "▁spole": 25823, + "▁своего": 25824, + "?:": 25825, + "START": 25826, + "▁интер": 25827, + "▁sympt": 25828, + "▁Lorenzo": 25829, + "▁ejec": 25830, + "▁prosper": 25831, + "DAT": 25832, + "лимпий": 25833, + "▁shapes": 25834, + "valueOf": 25835, + "▁associate": 25836, + "▁Medien": 25837, + "ENV": 25838, + "▁сре": 25839, + "▁државе": 25840, + "▁theories": 25841, + "heb": 25842, + "▁Wayne": 25843, + "▁StringBuilder": 25844, + "iwers": 25845, + "▁Maps": 25846, + "Phys": 25847, + "\\}\\": 25848, + "▁Parte": 25849, + "▁Hudson": 25850, + "лон": 25851, + "Lng": 25852, + "▁ры": 25853, + "стей": 25854, + "lau": 25855, + "ancer": 25856, + "▁Coppa": 25857, + "▁війсь": 25858, + "▁ucc": 25859, + "▁Pattern": 25860, + "▁garbage": 25861, + "▁González": 25862, + "▁Encyclop": 25863, + "etten": 25864, + "External": 25865, + "REF": 25866, + ">;": 25867, + "lijke": 25868, + "▁intersect": 25869, + "▁Unless": 25870, + "▁deeper": 25871, + "▁жі": 25872, + "dent": 25873, + "lef": 25874, + "▁chanson": 25875, + "▁diffus": 25876, + "▁primi": 25877, + "▁Wieder": 25878, + "▁aws": 25879, + "owana": 25880, + "▁sociale": 25881, + "ikk": 25882, + "льной": 25883, + "▁divisions": 25884, + "лосо": 25885, + "▁Claud": 25886, + "▁Ya": 25887, + "▁voce": 25888, + "▁Branch": 25889, + "▁fitted": 25890, + "orr": 25891, + "ôtel": 25892, + "stroke": 25893, + "listener": 25894, + "iman": 25895, + "восто": 25896, + "▁Shah": 25897, + "Introduction": 25898, + "▁newline": 25899, + "▁tile": 25900, + "']))": 25901, + "▁travaux": 25902, + "CONFIG": 25903, + "▁quadratic": 25904, + "onneur": 25905, + "▁Giorg": 25906, + "▁identific": 25907, + "éricaine": 25908, + "▁UIView": 25909, + "▁Liberal": 25910, + "▁Koch": 25911, + "▁Berliner": 25912, + "▁notifications": 25913, + "▁Susan": 25914, + "▁cadre": 25915, + "▁Kloster": 25916, + "▁examine": 25917, + "▁един": 25918, + "▁UNION": 25919, + "▁alten": 25920, + "▁finit": 25921, + "▁pedig": 25922, + "cyk": 25923, + "▁mouvement": 25924, + "IOS": 25925, + "▁британ": 25926, + "▁bout": 25927, + "▁автор": 25928, + "ництво": 25929, + "ето": 25930, + "lera": 25931, + "cls": 25932, + "▁Ley": 25933, + "amy": 25934, + "agens": 25935, + "ashed": 25936, + "▁okrę": 25937, + "гро": 25938, + "ellett": 25939, + "▁Fellow": 25940, + "▁manifold": 25941, + "$),": 25942, + "lder": 25943, + "▁voz": 25944, + "▁begg": 25945, + "▁baron": 25946, + "▁fid": 25947, + "▁firing": 25948, + "ilda": 25949, + "dek": 25950, + "AU": 25951, + "itare": 25952, + "▁Ara": 25953, + "▁Exit": 25954, + "▁cinemat": 25955, + "▁intros": 25956, + "▁contacts": 25957, + "пени": 25958, + "▁möglich": 25959, + "▁Singapore": 25960, + "ström": 25961, + "▁Hern": 25962, + "▁sixth": 25963, + "▁publications": 25964, + "vie": 25965, + "▁Hat": 25966, + "▁accepting": 25967, + "ác": 25968, + "stwo": 25969, + "▁quietly": 25970, + "Photo": 25971, + "▁basket": 25972, + "▁eigenvalues": 25973, + "▁médec": 25974, + "▁Olimp": 25975, + "▁церков": 25976, + "alin": 25977, + "consum": 25978, + "▁lassen": 25979, + "▁анти": 25980, + "▁Seq": 25981, + "\";\r": 25982, + "rare": 25983, + "▁$|\\": 25984, + "▁nick": 25985, + "dflare": 25986, + "Vec": 25987, + "bindung": 25988, + "▁bg": 25989, + "changes": 25990, + "Days": 25991, + "▁Mouse": 25992, + "▁waited": 25993, + "▁Tomatoes": 25994, + "▁fas": 25995, + "verte": 25996, + "▁succession": 25997, + "сор": 25998, + "▁sols": 25999, + "▁Render": 26000, + "▁leadership": 26001, + "▁significance": 26002, + "▁gauche": 26003, + "cano": 26004, + "▁Pie": 26005, + "ensoort": 26006, + "▁cambio": 26007, + "▁уз": 26008, + "▁endeav": 26009, + "Completed": 26010, + "▁Архивная": 26011, + "jd": 26012, + "órico": 26013, + "▁churches": 26014, + "▁animate": 26015, + "SG": 26016, + "compute": 26017, + "▁uniformly": 26018, + "INIT": 26019, + "lles": 26020, + "HttpRequest": 26021, + "Ко": 26022, + "Diff": 26023, + "▁sah": 26024, + "airo": 26025, + "maybe": 26026, + "UTE": 26027, + "▁Dow": 26028, + "human": 26029, + "▁aurait": 26030, + "dark": 26031, + "▁repair": 26032, + "▁ner": 26033, + "▁Dabei": 26034, + "▁Botan": 26035, + "Original": 26036, + "ază": 26037, + "▁NAT": 26038, + "imper": 26039, + "▁Youth": 26040, + "thes": 26041, + "▁округа": 26042, + "▁Flo": 26043, + "▁breakfast": 26044, + "urls": 26045, + "▁übernahm": 26046, + "ários": 26047, + "▁Orange": 26048, + "▁Affairs": 26049, + "ske": 26050, + "▁notify": 26051, + "imoine": 26052, + "▁Arena": 26053, + "▁liberal": 26054, + "▁obec": 26055, + "ifa": 26056, + "guez": 26057, + "iono": 26058, + "ператор": 26059, + "▁retained": 26060, + "failed": 26061, + "bine": 26062, + "тных": 26063, + "▁CGRect": 26064, + "camera": 26065, + "idenote": 26066, + "KB": 26067, + "▁lights": 26068, + "▁Pictures": 26069, + "▁Squadron": 26070, + "▁Volk": 26071, + "▁burg": 26072, + ",]": 26073, + "Gi": 26074, + "êque": 26075, + "makeText": 26076, + "▁everybody": 26077, + "▁Hyper": 26078, + "▁Deux": 26079, + "▁glory": 26080, + "presentation": 26081, + "onica": 26082, + "▁frère": 26083, + "aget": 26084, + "▁hints": 26085, + "▁tunnel": 26086, + "▁Ej": 26087, + "ális": 26088, + "▁Viv": 26089, + "ственных": 26090, + "▁caps": 26091, + "PART": 26092, + "oci": 26093, + "▁prices": 26094, + "currency": 26095, + "▁achter": 26096, + "romagnet": 26097, + "gender": 26098, + "▁suis": 26099, + "versions": 26100, + "▁Training": 26101, + "inside": 26102, + "ege": 26103, + "▁totale": 26104, + "▁Daar": 26105, + "▁grudnia": 26106, + "▁Ier": 26107, + "▁occasions": 26108, + "▁kde": 26109, + "▁tensorflow": 26110, + "▁ór": 26111, + "Methods": 26112, + "▁looping": 26113, + "▁directeur": 26114, + "kę": 26115, + "▁isomorphism": 26116, + "▁João": 26117, + "▁aligned": 26118, + "онов": 26119, + "urger": 26120, + "▁nova": 26121, + "morrow": 26122, + "altern": 26123, + "HD": 26124, + "▁marqu": 26125, + "ativas": 26126, + "ggreg": 26127, + "▁ancien": 26128, + "nit": 26129, + "▁secured": 26130, + "mier": 26131, + "▁Ole": 26132, + "▁инте": 26133, + "▁minus": 26134, + "▁clearer": 26135, + "▁nello": 26136, + "▁információk": 26137, + "▁propre": 26138, + "{.": 26139, + "ilog": 26140, + "▁Quick": 26141, + "▁accus": 26142, + "employee": 26143, + "▁зу": 26144, + "цький": 26145, + "фіцій": 26146, + "▁публи": 26147, + "▁bent": 26148, + "▁позво": 26149, + "▁Пор": 26150, + "ází": 26151, + "ánico": 26152, + "emptyset": 26153, + "▁surtout": 26154, + "reno": 26155, + "unya": 26156, + "▁уез": 26157, + "▁Millionen": 26158, + "▁listopada": 26159, + "▁Maine": 26160, + "▁grupos": 26161, + "▁Storage": 26162, + "▁apple": 26163, + "▁Lö": 26164, + "oused": 26165, + "дро": 26166, + "sci": 26167, + "▁hibernate": 26168, + "dog": 26169, + "▁восто": 26170, + "▁intensity": 26171, + "legend": 26172, + "▁Wille": 26173, + "▁szerint": 26174, + "gesellschaft": 26175, + "▁Living": 26176, + "allo": 26177, + "▁Split": 26178, + "dru": 26179, + "need": 26180, + "▁Джон": 26181, + "▁Swiss": 26182, + "▁spraw": 26183, + "▁beho": 26184, + "▁fotograf": 26185, + "▁rencontre": 26186, + "▁kis": 26187, + "▁signing": 26188, + "akult": 26189, + "▁indexing": 26190, + "apor": 26191, + "▁conception": 26192, + "aggreg": 26193, + "▁Савез": 26194, + "▁affair": 26195, + "ění": 26196, + "August": 26197, + "▁секре": 26198, + "▁mieszkań": 26199, + "UIImage": 26200, + "▁bishop": 26201, + "▁servants": 26202, + "▁trail": 26203, + "digit": 26204, + "▁joins": 26205, + "▁Near": 26206, + "öffentlich": 26207, + ">{": 26208, + "▁skład": 26209, + "geführt": 26210, + "▁Holz": 26211, + "▁Militär": 26212, + "achi": 26213, + "Upper": 26214, + "pine": 26215, + "utzt": 26216, + "▁nuova": 26217, + "ibration": 26218, + "▁Bien": 26219, + "▁первый": 26220, + "▁Creating": 26221, + "Once": 26222, + "▁einmal": 26223, + "▁geometric": 26224, + "stvo": 26225, + "▁kW": 26226, + "▁decomposition": 26227, + "▁comedy": 26228, + "▁activation": 26229, + "▁angry": 26230, + "illeurs": 26231, + "▁instantly": 26232, + "▁suggesting": 26233, + "▁Clay": 26234, + "cot": 26235, + "▁Gén": 26236, + "($(": 26237, + "unwrap": 26238, + "▁lifted": 26239, + "▁Kit": 26240, + "▁linea": 26241, + "ок": 26242, + "hart": 26243, + "->_": 26244, + "▁nuit": 26245, + "▁Issue": 26246, + "лии": 26247, + "▁röm": 26248, + "Tasks": 26249, + "▁Sr": 26250, + "▁seis": 26251, + "asia": 26252, + "}}$.": 26253, + ":{": 26254, + "controls": 26255, + "▁Stim": 26256, + "▁Recht": 26257, + "ociación": 26258, + "▁Natal": 26259, + "▁Philippines": 26260, + "ulen": 26261, + "Fixed": 26262, + "▁switched": 26263, + "Zip": 26264, + "ospel": 26265, + "▁начале": 26266, + "▁Blan": 26267, + "urst": 26268, + "▁autour": 26269, + "Ca": 26270, + "▁latitude": 26271, + "▁Frei": 26272, + "▁Musée": 26273, + "▁Kurz": 26274, + "▁região": 26275, + "swap": 26276, + "▁hate": 26277, + "▁modifications": 26278, + "▁Ком": 26279, + "▁Antoine": 26280, + "uga": 26281, + "RECT": 26282, + "éter": 26283, + "GROUP": 26284, + "▁sacrific": 26285, + "▁Whe": 26286, + "▁Stevens": 26287, + "ologische": 26288, + "Summary": 26289, + "obs": 26290, + "hnen": 26291, + "<%=": 26292, + "dienst": 26293, + "remark": 26294, + "▁veröffentlicht": 26295, + "ел": 26296, + "▁Mock": 26297, + "▁Льв": 26298, + "▁três": 26299, + "gb": 26300, + "▁celebrated": 26301, + "▁Eb": 26302, + "▁costa": 26303, + "▁Geographic": 26304, + "▁attachment": 26305, + "mannschaft": 26306, + "▁dependence": 26307, + "��": 26308, + "▁attitude": 26309, + "etal": 26310, + "vic": 26311, + "baut": 26312, + "▁дов": 26313, + "▁interven": 26314, + "▁Gü": 26315, + "ónica": 26316, + "▁Pon": 26317, + "▁disponible": 26318, + "▁Feb": 26319, + "▁worship": 26320, + "▁Specifically": 26321, + "Hy": 26322, + "iju": 26323, + "▁cb": 26324, + "▁spac": 26325, + "leveland": 26326, + "▁localidad": 26327, + "▁preceding": 26328, + "▁Hessen": 26329, + "xp": 26330, + "▁Wein": 26331, + "▁Româ": 26332, + "▁giorno": 26333, + "▁квітня": 26334, + "llaços": 26335, + "▁Academia": 26336, + "▁kül": 26337, + "▁Års": 26338, + "▁нај": 26339, + "uclide": 26340, + "Internet": 26341, + "orton": 26342, + "▁corn": 26343, + "ями": 26344, + "▁\"*": 26345, + "▁Felix": 26346, + "apat": 26347, + "▁свои": 26348, + "MIT": 26349, + "made": 26350, + "▁locomot": 26351, + "хода": 26352, + "FP": 26353, + "▁pm": 26354, + ".*;": 26355, + "▁Hamm": 26356, + "`}": 26357, + "LayoutInflater": 26358, + "==\"": 26359, + "▁Eur": 26360, + "▁dogs": 26361, + "жении": 26362, + "▁azon": 26363, + "▁emulator": 26364, + "▁ricon": 26365, + "beeld": 26366, + "▁ну": 26367, + "▁approximate": 26368, + "LM": 26369, + "▁Bond": 26370, + "▁enh": 26371, + "ędz": 26372, + "▁solit": 26373, + "RelativeLayout": 26374, + "eteor": 26375, + "amentos": 26376, + "▁indirect": 26377, + "iből": 26378, + "▁gros": 26379, + "▁Originals": 26380, + "commands": 26381, + "Export": 26382, + "▁Avec": 26383, + "▁solemn": 26384, + "▁correction": 26385, + "▁проводи": 26386, + "▁Mosk": 26387, + "▁подо": 26388, + "▁gebied": 26389, + "▁następ": 26390, + "▁Driver": 26391, + "▁Ook": 26392, + "▁Vec": 26393, + "▁lungo": 26394, + "ficos": 26395, + "▁svol": 26396, + "▁kid": 26397, + "nja": 26398, + "▁Hr": 26399, + "▁поддер": 26400, + "▁visibility": 26401, + "▁Méd": 26402, + "▁cpu": 26403, + "discussion": 26404, + "Asset": 26405, + "▁defense": 26406, + "▁Anyone": 26407, + "▁Justin": 26408, + "iszt": 26409, + "▁Collins": 26410, + "▁Valent": 26411, + "▁Pale": 26412, + "▁fuel": 26413, + "▁nose": 26414, + "ríguez": 26415, + "▁Schles": 26416, + "▁Malays": 26417, + "▁commut": 26418, + "dro": 26419, + "uing": 26420, + "▁Rico": 26421, + "▁Emma": 26422, + "orp": 26423, + "▁Kirk": 26424, + "▁Quando": 26425, + "▁Neue": 26426, + "▁demande": 26427, + "▁Cover": 26428, + "▁rescue": 26429, + "▁gewählt": 26430, + "▁Calendar": 26431, + "▁Madonna": 26432, + "WP": 26433, + "oshi": 26434, + "▁Maven": 26435, + "▁belle": 26436, + "▁wx": 26437, + "▁sugar": 26438, + "▁Betrieb": 26439, + "▁equilibrium": 26440, + "EAR": 26441, + "▁texts": 26442, + "слов": 26443, + "▁czerwca": 26444, + "▁Düsseld": 26445, + "▁ELSE": 26446, + "▁amery": 26447, + "▁ani": 26448, + "▁obey": 26449, + "▁Nell": 26450, + "▁inne": 26451, + "▁тро": 26452, + "FD": 26453, + "cco": 26454, + "▁Zob": 26455, + "alette": 26456, + "▁május": 26457, + "ected": 26458, + "▁Turkey": 26459, + "▁Whether": 26460, + "qi": 26461, + "▁што": 26462, + "▁headquarters": 26463, + "endi": 26464, + "arus": 26465, + "opus": 26466, + "▁золо": 26467, + "▁destru": 26468, + "▁Lok": 26469, + "▁satisfaction": 26470, + "()\r": 26471, + "▁Тер": 26472, + "Jose": 26473, + "▁conquer": 26474, + "▁Effect": 26475, + "LayoutParams": 26476, + "iez": 26477, + "▁externs": 26478, + "▁gegenüber": 26479, + "▁ESP": 26480, + "olta": 26481, + "processor": 26482, + "▁Kult": 26483, + "▁Atlanta": 26484, + "▁tier": 26485, + "Operator": 26486, + "▁диа": 26487, + "▁пись": 26488, + "▁groß": 26489, + "▁hearts": 26490, + "▁millimeter": 26491, + "although": 26492, + "alles": 26493, + "▁Magic": 26494, + "training": 26495, + "oline": 26496, + "▁органі": 26497, + ">\\<^": 26498, + "ціаль": 26499, + "exports": 26500, + "Workbook": 26501, + "▁вересня": 26502, + "▁teles": 26503, + "▁economy": 26504, + "▁trap": 26505, + "▁refuse": 26506, + "▁stranger": 26507, + "▁instinct": 26508, + "пода": 26509, + "olan": 26510, + "▁ning": 26511, + "inflate": 26512, + "itatea": 26513, + "acks": 26514, + "▁Joy": 26515, + "FLAG": 26516, + "ailand": 26517, + "▁sorti": 26518, + "▁впер": 26519, + "▁pén": 26520, + "Nothing": 26521, + "▁száz": 26522, + "▁Áng": 26523, + "▁AUT": 26524, + "Actions": 26525, + "Every": 26526, + "▁червня": 26527, + "▁автомо": 26528, + "▁routine": 26529, + "▁estruct": 26530, + "▁Gang": 26531, + "▁holes": 26532, + "thesis": 26533, + "▁concl": 26534, + "▁pé": 26535, + "riers": 26536, + "ровой": 26537, + "adic": 26538, + "Speed": 26539, + "▁commanded": 26540, + "▁Nazionale": 26541, + "Managed": 26542, + "▁DECLARE": 26543, + "▁sedan": 26544, + "Strings": 26545, + "▁sacred": 26546, + "tersuch": 26547, + "▁abitanti": 26548, + "brit": 26549, + "▁NCAA": 26550, + "▁СП": 26551, + "▁aged": 26552, + "▁Chiesa": 26553, + "▁revision": 26554, + "opro": 26555, + "▁overwrite": 26556, + "embros": 26557, + "▁sortie": 26558, + "▁otten": 26559, + "xiv": 26560, + "▁deli": 26561, + "▁Asp": 26562, + "▁balls": 26563, + "kaf": 26564, + "▁brave": 26565, + "▁всего": 26566, + "egn": 26567, + "jpeg": 26568, + "▁Osten": 26569, + "Constants": 26570, + "▁Infantry": 26571, + "▁Nev": 26572, + "▁яких": 26573, + "▁муниципа": 26574, + "cija": 26575, + "▁poem": 26576, + "▁negro": 26577, + "хар": 26578, + "▁Ask": 26579, + "▁avo": 26580, + "▁Meyer": 26581, + "▁Westen": 26582, + "▁oko": 26583, + "agin": 26584, + "▁Süden": 26585, + "entries": 26586, + "▁Republik": 26587, + "CollectionView": 26588, + "-------": 26589, + "▁firefox": 26590, + "▁alcune": 26591, + "▁фото": 26592, + "▁отрима": 26593, + "~~~~~~~~": 26594, + "▁Раз": 26595, + "▁Complex": 26596, + "▁pia": 26597, + "▁publicada": 26598, + "wei": 26599, + "cedure": 26600, + "occupation": 26601, + "▁medicine": 26602, + "▁drove": 26603, + "Problem": 26604, + "▁beginner": 26605, + "▁thoroughly": 26606, + "uria": 26607, + "avant": 26608, + "ucha": 26609, + "▁lever": 26610, + "▁teatro": 26611, + "AVA": 26612, + "squ": 26613, + "trat": 26614, + "ivatal": 26615, + "▁dirty": 26616, + "▁seconde": 26617, + "▁gravit": 26618, + "▁proposition": 26619, + "hbar": 26620, + "omini": 26621, + "▁”": 26622, + "▁Camil": 26623, + "▁queen": 26624, + "modifier": 26625, + "Jan": 26626, + "▁lyr": 26627, + "ComboBox": 26628, + "ionic": 26629, + "▁holy": 26630, + "▁Sebastian": 26631, + "|_{": 26632, + "▁{@": 26633, + "▁можно": 26634, + "▁Creative": 26635, + "▁interess": 26636, + "▁CT": 26637, + "ições": 26638, + "▁chant": 26639, + "▁współ": 26640, + "▁Мексика": 26641, + "▁ranked": 26642, + "▁października": 26643, + "▁brut": 26644, + "▁farther": 26645, + "▁Verb": 26646, + "▁Seven": 26647, + "lbl": 26648, + "▁mentions": 26649, + "▁Fight": 26650, + "ifen": 26651, + "▁bog": 26652, + "▁regres": 26653, + "▁scoring": 26654, + "icane": 26655, + "▁Elli": 26656, + "▁pierw": 26657, + "measure": 26658, + "ńskiej": 26659, + "#{": 26660, + "▁деся": 26661, + "▁varmaste": 26662, + "▁Unix": 26663, + "IZ": 26664, + "itié": 26665, + "Primary": 26666, + "▁Springer": 26667, + "üng": 26668, + "▁anv": 26669, + "▁versione": 26670, + "▁shoulders": 26671, + "▁брига": 26672, + "▁jav": 26673, + "ltal": 26674, + "▁kallaste": 26675, + "▁Mitchell": 26676, + "▁wireless": 26677, + "▁Ál": 26678, + "respons": 26679, + "could": 26680, + "▁relax": 26681, + "Lond": 26682, + "ńcz": 26683, + "ствовал": 26684, + "▁polski": 26685, + "enç": 26686, + "zar": 26687, + "▁dtype": 26688, + "owned": 26689, + "unknown": 26690, + "▁mutable": 26691, + "▁siempre": 26692, + "▁Montreal": 26693, + "▁locate": 26694, + "▁traces": 26695, + "▁insgesamt": 26696, + "▁Nil": 26697, + "▁прода": 26698, + "▁Warner": 26699, + "▁Nau": 26700, + "triangle": 26701, + "▁concentration": 26702, + "▁gentlemen": 26703, + "ächt": 26704, + "filters": 26705, + "incipal": 26706, + "VALID": 26707, + "▁депута": 26708, + "adó": 26709, + "▁konst": 26710, + "gså": 26711, + "agas": 26712, + "▁meilleur": 26713, + "▁данным": 26714, + "єдна": 26715, + "encoded": 26716, + "<'": 26717, + "▁sheets": 26718, + "cuador": 26719, + "▁використову": 26720, + "▁Deput": 26721, + "▁manière": 26722, + "ąg": 26723, + "csol": 26724, + ")$-": 26725, + "UIView": 26726, + "▁millones": 26727, + "▁Ehren": 26728, + "Sil": 26729, + "▁atac": 26730, + "▁Cold": 26731, + "\"\\": 26732, + "▁approached": 26733, + "▁Årsmed": 26734, + "WM": 26735, + "▁Deport": 26736, + "mis": 26737, + "andbox": 26738, + "observ": 26739, + "setting": 26740, + "ható": 26741, + "▁strat": 26742, + "▁spre": 26743, + "▁personne": 26744, + "▁dirige": 26745, + "pull": 26746, + "dating": 26747, + "▁Fact": 26748, + "▁manipulate": 26749, + "▁MAC": 26750, + "▁dej": 26751, + "ultimo": 26752, + "FX": 26753, + "Life": 26754, + "▁crack": 26755, + "▁mí": 26756, + "▁пове": 26757, + "▁wore": 26758, + "université": 26759, + "▁formulas": 26760, + "▁Elisabeth": 26761, + "plots": 26762, + "mile": 26763, + "▁menor": 26764, + "тил": 26765, + "keyword": 26766, + "▁Baltimore": 26767, + "hrer": 26768, + "▁Clement": 26769, + "vim": 26770, + "rass": 26771, + "Take": 26772, + "▁című": 26773, + "▁Convention": 26774, + "atge": 26775, + "seed": 26776, + "▁Dí": 26777, + "▁Spider": 26778, + "ahoo": 26779, + "▁имеет": 26780, + "ührt": 26781, + "▁пописа": 26782, + "▁Cot": 26783, + "▁nobles": 26784, + "RESS": 26785, + "▁chemin": 26786, + "▁główn": 26787, + "GG": 26788, + "▁Germania": 26789, + "▁Alexandre": 26790, + "hens": 26791, + "swift": 26792, + "oop": 26793, + "Subview": 26794, + "▁requiring": 26795, + "ędzy": 26796, + "▁fict": 26797, + "▁Констан": 26798, + "▁déput": 26799, + "▁surprising": 26800, + "▁deix": 26801, + "▁unterschied": 26802, + "inson": 26803, + "▁Character": 26804, + "▁gestion": 26805, + "chus": 26806, + "comes": 26807, + "▁neur": 26808, + "▁yeux": 26809, + "ollar": 26810, + "▁parad": 26811, + "▁maggiore": 26812, + "TRAN": 26813, + "▁votre": 26814, + "▁descent": 26815, + "▁Icon": 26816, + "▁Judge": 26817, + "▁occupation": 26818, + "eping": 26819, + "▁tongue": 26820, + "▁Enllaços": 26821, + "ruf": 26822, + "▁protein": 26823, + "▁visitors": 26824, + "axy": 26825, + "esten": 26826, + "blica": 26827, + "hw": 26828, + "▁spirits": 26829, + "▁reduces": 26830, + "▁мен": 26831, + "▁Lamb": 26832, + "▁Mine": 26833, + "▁verified": 26834, + "▁Baby": 26835, + "▁prize": 26836, + "вър": 26837, + "▁ratings": 26838, + "▁fore": 26839, + "asha": 26840, + "urrence": 26841, + "▁intér": 26842, + "▁Olímp": 26843, + "cra": 26844, + "▁computational": 26845, + "irche": 26846, + ".: ": 26847, + "▁illustrated": 26848, + "▁Share": 26849, + "▁households": 26850, + "▁convolution": 26851, + "oemd": 26852, + "▁zdoby": 26853, + "ccc": 26854, + "▁quantities": 26855, + "Che": 26856, + "Should": 26857, + "▁genius": 26858, + "adj": 26859, + "хва": 26860, + "Петер": 26861, + "EMA": 26862, + "▁Rights": 26863, + "▁Eli": 26864, + "VAR": 26865, + "шло": 26866, + "▁збір": 26867, + "iftung": 26868, + "▁contributed": 26869, + "zef": 26870, + "▁CHAR": 26871, + "▁Sib": 26872, + "▁Mant": 26873, + "▁связи": 26874, + "▁javafx": 26875, + "▁cependant": 26876, + "▁intu": 26877, + "▁твор": 26878, + "▁Ó": 26879, + "guer": 26880, + "rado": 26881, + "▁Revol": 26882, + "▁fémin": 26883, + "▁Orleans": 26884, + "▁poj": 26885, + "▁prez": 26886, + "Tex": 26887, + "ouwd": 26888, + "?(": 26889, + "▁LIM": 26890, + "istique": 26891, + "esar": 26892, + "▁heures": 26893, + "icki": 26894, + "▁dbo": 26895, + "skih": 26896, + "confirm": 26897, + "▁világ": 26898, + "▁ciutat": 26899, + "▁DR": 26900, + "▁Hawai": 26901, + "ched": 26902, + "▁spher": 26903, + "▁Artikel": 26904, + "▁Multiple": 26905, + "ciu": 26906, + "▁мы": 26907, + "▁lipca": 26908, + "](/": 26909, + "Strategy": 26910, + "▁Alabama": 26911, + "SDK": 26912, + "UTC": 26913, + "__.": 26914, + "Arguments": 26915, + "▁setContentView": 26916, + "île": 26917, + "ByVal": 26918, + "▁JVM": 26919, + "ющего": 26920, + "▁Leonard": 26921, + "▁justify": 26922, + "цем": 26923, + "▁nab": 26924, + "CCESS": 26925, + "▁hopes": 26926, + ")&": 26927, + "sero": 26928, + "▁зай": 26929, + "слід": 26930, + "▁Rég": 26931, + "▁Sang": 26932, + "▁fung": 26933, + "baar": 26934, + "▁coffee": 26935, + "assembly": 26936, + "▁Він": 26937, + "эй": 26938, + "▁comprend": 26939, + "filled": 26940, + "рд": 26941, + "odia": 26942, + "▁gens": 26943, + "fluss": 26944, + "Drawable": 26945, + "▁surve": 26946, + "Setup": 26947, + "▁należ": 26948, + "▁conjunto": 26949, + "▁Его": 26950, + "▁oldal": 26951, + "▁verbose": 26952, + "▁Electric": 26953, + "▁Harrison": 26954, + "engen": 26955, + "paragraph": 26956, + "▁nouvelles": 26957, + "▁време": 26958, + "▁memor": 26959, + "▁mayoría": 26960, + "сад": 26961, + "▁bataille": 26962, + "▁thermal": 26963, + "▁Хронологи": 26964, + "▁Better": 26965, + "bye": 26966, + "▁театра": 26967, + "roe": 26968, + "▁segle": 26969, + "rott": 26970, + "▁opinions": 26971, + ")})": 26972, + "ühle": 26973, + "▁Gün": 26974, + "▁Щ": 26975, + "ból": 26976, + "▁Larry": 26977, + "▁solic": 26978, + "▁zwar": 26979, + "▁Caroline": 26980, + "▁Reichs": 26981, + "Extensions": 26982, + "migr": 26983, + ":@": 26984, + "▁enumerate": 26985, + "▁eigenen": 26986, + "▁explore": 26987, + "ému": 26988, + "▁gat": 26989, + "▁imperial": 26990, + "▁Usually": 26991, + "▁tud": 26992, + "▁укра": 26993, + "him": 26994, + "▁corners": 26995, + "▁SER": 26996, + "▁interpreter": 26997, + "▁Ice": 26998, + "▁amounts": 26999, + "▁Pala": 27000, + "▁tinha": 27001, + "vole": 27002, + "▁gle": 27003, + "ucci": 27004, + "▁siehe": 27005, + "Jack": 27006, + "▁woll": 27007, + "▁elder": 27008, + "▁кораб": 27009, + "▁engag": 27010, + "▁Laurent": 27011, + "▁achiev": 27012, + "istik": 27013, + "arct": 27014, + "тного": 27015, + "▁gir": 27016, + "▁Singh": 27017, + "mathop": 27018, + "USA": 27019, + "▁Projekt": 27020, + "▁debe": 27021, + "richtung": 27022, + "▁Tsch": 27023, + "uminate": 27024, + "▁szó": 27025, + "lyph": 27026, + "зидент": 27027, + "▁limitations": 27028, + "ющей": 27029, + "▁bila": 27030, + "Push": 27031, + "▁offering": 27032, + "iennes": 27033, + "Fri": 27034, + "▁postgresql": 27035, + "▁Tommy": 27036, + "▁particolare": 27037, + "▁století": 27038, + "▁arrib": 27039, + "▁Eva": 27040, + "school": 27041, + "▁vendor": 27042, + "▁Dallas": 27043, + "▁prolong": 27044, + "CREATE": 27045, + "▁suivante": 27046, + "STATUS": 27047, + "là": 27048, + "kv": 27049, + "▁häufig": 27050, + "▁Agricult": 27051, + "▁huit": 27052, + "▁inoltre": 27053, + "▁Lloyd": 27054, + "▁француз": 27055, + "▁выпол": 27056, + "▁faithful": 27057, + "▁Вар": 27058, + "▁verl": 27059, + "▁juego": 27060, + "▁Резултати": 27061, + ",...,": 27062, + "▁implicitly": 27063, + "irks": 27064, + "Calcul": 27065, + "▁meses": 27066, + "omed": 27067, + "▁pak": 27068, + "herit": 27069, + "▁optical": 27070, + "▁Історія": 27071, + "veis": 27072, + "▁capitale": 27073, + "placeholder": 27074, + "intrag": 27075, + "▁Atlas": 27076, + ")];": 27077, + "icons": 27078, + "▁Bent": 27079, + "▁Widget": 27080, + "▁volunt": 27081, + "avo": 27082, + "égr": 27083, + "lige": 27084, + "▁NAME": 27085, + "▁abstra": 27086, + "▁fís": 27087, + "▁Browser": 27088, + "▁bush": 27089, + "hall": 27090, + "▁clouds": 27091, + "▁SUB": 27092, + "▁tandis": 27093, + "▁Commonwealth": 27094, + "тая": 27095, + "▁exhaust": 27096, + "________________": 27097, + "▁Statistics": 27098, + "▁Religion": 27099, + "▁Muham": 27100, + "uals": 27101, + "goto": 27102, + "Digital": 27103, + "Family": 27104, + "▁Bun": 27105, + "letin": 27106, + "Management": 27107, + "▁capabilities": 27108, + "annten": 27109, + "▁себе": 27110, + "▁stays": 27111, + "kter": 27112, + "▁dost": 27113, + "▁Тре": 27114, + "лович": 27115, + "▁dying": 27116, + "sections": 27117, + "ános": 27118, + "▁apparten": 27119, + "▁zoals": 27120, + "▁dressed": 27121, + "▁compress": 27122, + "ńska": 27123, + "▁sierpnia": 27124, + "▁титу": 27125, + "dictionary": 27126, + "▁rabb": 27127, + "▁vérit": 27128, + "Во": 27129, + "▁singleton": 27130, + "▁vital": 27131, + "Refresh": 27132, + "мель": 27133, + "▁Zh": 27134, + "▁Afghan": 27135, + "inkel": 27136, + "aaaa": 27137, + "▁participants": 27138, + "arin": 27139, + "▁Mold": 27140, + "▁primeros": 27141, + "▁ран": 27142, + "▁Амери": 27143, + "▁restaurant": 27144, + "ével": 27145, + "▁SL": 27146, + "▁Rey": 27147, + "chas": 27148, + "▁electrons": 27149, + "▁Pitts": 27150, + "▁Jules": 27151, + "май": 27152, + "enant": 27153, + "-}": 27154, + "лад": 27155, + "▁Москва": 27156, + "gom": 27157, + "▁Fernández": 27158, + "fund": 27159, + "interno": 27160, + "▁Mari": 27161, + "▁rius": 27162, + "▁Prozent": 27163, + "стрі": 27164, + "▁внут": 27165, + "anterie": 27166, + "▁прис": 27167, + "▁обы": 27168, + "▁Marina": 27169, + "▁occurrence": 27170, + "rikt": 27171, + "▁физи": 27172, + "▁schwer": 27173, + "▁Гре": 27174, + "Reset": 27175, + "▁mucho": 27176, + "andr": 27177, + "▁Wies": 27178, + "▁Keith": 27179, + "▁Julian": 27180, + "▁cole": 27181, + "ciendo": 27182, + "▁Contempor": 27183, + "etry": 27184, + "elian": 27185, + "гии": 27186, + "▁голо": 27187, + "▁dél": 27188, + "▁decent": 27189, + "РСР": 27190, + "▁szeptember": 27191, + "мест": 27192, + "castle": 27193, + "▁держав": 27194, + "}\")": 27195, + "▁ASCII": 27196, + "▁Glen": 27197, + "itzerland": 27198, + "Toggle": 27199, + "▁tradicional": 27200, + "▁Plat": 27201, + "vee": 27202, + "abgerufen": 27203, + "(|": 27204, + "CLI": 27205, + "}}$,": 27206, + "▁Bowl": 27207, + "▁Male": 27208, + "▁Bres": 27209, + "▁пси": 27210, + "▁Challenge": 27211, + "zó": 27212, + "▁projekt": 27213, + "▁negoti": 27214, + "above": 27215, + "▁перио": 27216, + "▁longest": 27217, + "authentic": 27218, + "▁tradu": 27219, + "▁mujeres": 27220, + "▁Andre": 27221, + "▁hadn": 27222, + "▁Schule": 27223, + "odel": 27224, + "bled": 27225, + "▁Trade": 27226, + "▁mobil": 27227, + "▁algunas": 27228, + "▁Lak": 27229, + "▁Connecticut": 27230, + "▁alco": 27231, + "▁Selbst": 27232, + "ił": 27233, + "▁alb": 27234, + "ouverneur": 27235, + "▁sr": 27236, + "▁vba": 27237, + "loped": 27238, + "▁Partei": 27239, + "uate": 27240, + "▁Authentication": 27241, + "bei": 27242, + "}}.": 27243, + "▁konnten": 27244, + "▁допо": 27245, + "▁hyd": 27246, + "Office": 27247, + "données": 27248, + "▁Cleveland": 27249, + "rita": 27250, + "íos": 27251, + "▁выше": 27252, + "▁Roberts": 27253, + "▁élections": 27254, + "▁'')": 27255, + "▁publishing": 27256, + "▁bapt": 27257, + "<>();": 27258, + "missing": 27259, + "ровано": 27260, + "▁housing": 27261, + "▁inference": 27262, + "▁Renaissance": 27263, + "▁règ": 27264, + "▁Steph": 27265, + "CES": 27266, + "ERE": 27267, + "кет": 27268, + "OU": 27269, + "▁grouping": 27270, + "verkehr": 27271, + "jih": 27272, + "agli": 27273, + "▁milk": 27274, + "lait": 27275, + "Stage": 27276, + "▁byly": 27277, + "▁wooden": 27278, + "keley": 27279, + "etra": 27280, + "▁Peg": 27281, + "▁donné": 27282, + "adal": 27283, + "sequently": 27284, + "▁insbesondere": 27285, + "ELD": 27286, + "▁Mam": 27287, + "▁volte": 27288, + "▁prospect": 27289, + "нове": 27290, + "▁denoted": 27291, + "▁overlay": 27292, + "Permission": 27293, + "een": 27294, + "▁EM": 27295, + "▁uz": 27296, + "Mc": 27297, + "olit": 27298, + "▁servi": 27299, + "▁Heidel": 27300, + "▁Wiener": 27301, + "▁illegal": 27302, + "▁predictions": 27303, + "▁goog": 27304, + "hon": 27305, + "▁Cinema": 27306, + "▁револю": 27307, + "▁Rule": 27308, + "wod": 27309, + "▁radiation": 27310, + "oł": 27311, + "ової": 27312, + "▁Perform": 27313, + "▁prisoner": 27314, + "▁amet": 27315, + "▁figura": 27316, + "▁Commander": 27317, + "▁официаль": 27318, + "▁trov": 27319, + "▁acted": 27320, + "▁workflow": 27321, + "▁Республики": 27322, + "▁guidance": 27323, + "▁мене": 27324, + "National": 27325, + "▁Kel": 27326, + "webpack": 27327, + "простра": 27328, + "▁llamado": 27329, + "alog": 27330, + "terra": 27331, + "ixen": 27332, + "legraph": 27333, + "äischen": 27334, + "▁teachers": 27335, + "uden": 27336, + "▁også": 27337, + "possible": 27338, + "▁Soul": 27339, + "▁Geography": 27340, + "▁зада": 27341, + "hit": 27342, + "▁anger": 27343, + "▁remporte": 27344, + "Pod": 27345, + "чке": 27346, + "▁aria": 27347, + "▁Astronom": 27348, + "chapter": 27349, + "▁fork": 27350, + "▁Cuando": 27351, + "mense": 27352, + "▁Christians": 27353, + "gc": 27354, + "▁#(": 27355, + "Organ": 27356, + "▁steady": 27357, + "pse": 27358, + "жить": 27359, + "ignes": 27360, + "aterra": 27361, + "movie": 27362, + "posta": 27363, + "raste": 27364, + "▁Ressource": 27365, + "▁País": 27366, + "▁();": 27367, + "▁penalty": 27368, + "тт": 27369, + "▁trasfer": 27370, + "century": 27371, + "▁cleaner": 27372, + "selenium": 27373, + "ortheast": 27374, + "xic": 27375, + "лії": 27376, + "▁inglese": 27377, + "▁Tang": 27378, + "▁gods": 27379, + "frent": 27380, + "ciente": 27381, + "starts": 27382, + "▁musica": 27383, + "ymnasium": 27384, + "----+": 27385, + "▁terrest": 27386, + "▁retrieved": 27387, + "iare": 27388, + "unning": 27389, + "▁Marcus": 27390, + "▁promote": 27391, + "warning": 27392, + "тый": 27393, + "})$,": 27394, + "Transport": 27395, + "▁reson": 27396, + "▁Clo": 27397, + "▁erm": 27398, + "▁eliminate": 27399, + "heimer": 27400, + "▁saves": 27401, + "▁prayer": 27402, + "Classes": 27403, + "Express": 27404, + "▁Akademie": 27405, + "Else": 27406, + "Turn": 27407, + "▁ikke": 27408, + "▁rei": 27409, + "▁dirett": 27410, + "▁Rost": 27411, + "▁Papa": 27412, + "▁jsf": 27413, + "лением": 27414, + "▁Tul": 27415, + "▁Zak": 27416, + "▁niemieck": 27417, + "Tw": 27418, + "amour": 27419, + "nested": 27420, + "ppets": 27421, + "шп": 27422, + "dit": 27423, + "зен": 27424, + "zyma": 27425, + "hrte": 27426, + "Constraints": 27427, + "▁ownership": 27428, + "Arm": 27429, + "▁consumption": 27430, + "▁fet": 27431, + "ivari": 27432, + "chrom": 27433, + "setAttribute": 27434, + "▁compose": 27435, + "▁backing": 27436, + "▁Paz": 27437, + "▁scri": 27438, + "▁Mechan": 27439, + "▁Norway": 27440, + "▁Jup": 27441, + "▁mér": 27442, + "▁administrator": 27443, + "▁cabe": 27444, + "ivalent": 27445, + "▁throne": 27446, + "▁dues": 27447, + "▁humor": 27448, + "▁Adri": 27449, + "▁abort": 27450, + "ñas": 27451, + "▁Київ": 27452, + "jící": 27453, + "▁zweite": 27454, + "▁doub": 27455, + "ershell": 27456, + "шой": 27457, + "▁Fam": 27458, + "åk": 27459, + "▁tweede": 27460, + "▁Rib": 27461, + "▁før": 27462, + "pción": 27463, + "inned": 27464, + "rvm": 27465, + "▁Appar": 27466, + "▁Dj": 27467, + "▁Shang": 27468, + "Distance": 27469, + "▁dawn": 27470, + "▁Matth": 27471, + "▁errichtet": 27472, + "phantom": 27473, + "▁releases": 27474, + "Recognizer": 27475, + "▁Kop": 27476, + "▁Pul": 27477, + "ué": 27478, + "nats": 27479, + "relax": 27480, + "▁fled": 27481, + "▁experiences": 27482, + "щее": 27483, + "меня": 27484, + "▁персона": 27485, + "▁Identity": 27486, + "rets": 27487, + "kunft": 27488, + "larg": 27489, + "ListItem": 27490, + "vd": 27491, + "runner": 27492, + "lant": 27493, + "ipart": 27494, + "bay": 27495, + "iei": 27496, + "▁lengths": 27497, + "▁cattle": 27498, + "jets": 27499, + "▁sehen": 27500, + "Jul": 27501, + "fatt": 27502, + "▁surrender": 27503, + "▁Trump": 27504, + "дного": 27505, + "▁Fourier": 27506, + "ieben": 27507, + "_\"": 27508, + "▁früher": 27509, + "▁garant": 27510, + "uclidean": 27511, + "ägt": 27512, + "▁півден": 27513, + "Pages": 27514, + "▁rivers": 27515, + "▁donner": 27516, + "svn": 27517, + "▁ł": 27518, + "ově": 27519, + "▁Leist": 27520, + "arial": 27521, + "ových": 27522, + "▁filling": 27523, + "▁musicale": 27524, + "maxim": 27525, + "▁dashed": 27526, + "▁Нов": 27527, + "Drawer": 27528, + "▁Medicine": 27529, + "▁dokument": 27530, + "owel": 27531, + "vić": 27532, + "hely": 27533, + "▁elet": 27534, + "Seconds": 27535, + "▁Gonz": 27536, + "rou": 27537, + "▁finales": 27538, + "rn": 27539, + "fø": 27540, + "▁indexed": 27541, + "className": 27542, + "▁ober": 27543, + "▁duas": 27544, + "▁optimized": 27545, + "▁kdy": 27546, + "versary": 27547, + "energy": 27548, + "▁центра": 27549, + "▁currency": 27550, + "zyż": 27551, + "Like": 27552, + "▁Ги": 27553, + "sono": 27554, + "▁palab": 27555, + "▁pushing": 27556, + "ublik": 27557, + "▁Hass": 27558, + "}\\,\\": 27559, + "unker": 27560, + "▁Factory": 27561, + "▁Resources": 27562, + "datei": 27563, + "▁Tools": 27564, + "▁stehen": 27565, + "sime": 27566, + "▁Ху": 27567, + "▁hoch": 27568, + "▁Rodríguez": 27569, + "zeitig": 27570, + "▁Terry": 27571, + "▁обу": 27572, + "Usage": 27573, + "urchase": 27574, + "lö": 27575, + "▁Introduction": 27576, + "▁participation": 27577, + "ος": 27578, + "ogli": 27579, + "apy": 27580, + "▁hopefully": 27581, + "ponder": 27582, + "▁Yang": 27583, + "▁promises": 27584, + "▁верну": 27585, + "▁остров": 27586, + "^{+": 27587, + "▁mostra": 27588, + "▁CURLOPT": 27589, + "HH": 27590, + "▁stdout": 27591, + "▁brilliant": 27592, + "▁manuscript": 27593, + "▁decir": 27594, + "▁Bolog": 27595, + "▁места": 27596, + "▁invisible": 27597, + "▁Chal": 27598, + "▁analyze": 27599, + "prilis": 27600, + "attend": 27601, + "Mvc": 27602, + "than": 27603, + "cko": 27604, + "▁Quebec": 27605, + "▁planta": 27606, + "▁télévis": 27607, + "▁uninstall": 27608, + "ències": 27609, + "▁gminie": 27610, + "▁Pref": 27611, + "▁lequel": 27612, + "Invocation": 27613, + "▁Í": 27614, + "▁transformed": 27615, + "MAN": 27616, + "gebaut": 27617, + "▁сохра": 27618, + "▁второй": 27619, + "▁Lith": 27620, + "wendung": 27621, + "▁Politik": 27622, + "▁Senator": 27623, + "▁LL": 27624, + "ждение": 27625, + "ште": 27626, + "▁Cés": 27627, + "▁bande": 27628, + "▁historian": 27629, + "▁passwords": 27630, + "malloc": 27631, + "▁semif": 27632, + "▁rå": 27633, + "unicí": 27634, + "Available": 27635, + "Optional": 27636, + "▁Twe": 27637, + "▁kró": 27638, + "▁subsets": 27639, + "▁DAT": 27640, + "▁doubles": 27641, + "никами": 27642, + "▁зв": 27643, + "gegeben": 27644, + "▁Попис": 27645, + "▁július": 27646, + "▁meteor": 27647, + "Mount": 27648, + "ivent": 27649, + "▁Nathan": 27650, + "▁Schutz": 27651, + "egov": 27652, + "▁död": 27653, + "▁meat": 27654, + "▁пункт": 27655, + "▁minds": 27656, + "elivery": 27657, + "▁TLS": 27658, + "рем": 27659, + "ckså": 27660, + "▁stayed": 27661, + "▁Bin": 27662, + "▁Pia": 27663, + "▁имен": 27664, + "▁Bobby": 27665, + "▁produit": 27666, + "empio": 27667, + "▁reducing": 27668, + "▁Yu": 27669, + "▁Geschäft": 27670, + "▁perché": 27671, + "▁cors": 27672, + "▁icons": 27673, + "AppData": 27674, + "▁Hog": 27675, + "▁рів": 27676, + "▁Sans": 27677, + "▁siège": 27678, + "stellen": 27679, + "Brush": 27680, + "OFF": 27681, + "▁visitor": 27682, + "▁bath": 27683, + "▁fee": 27684, + "atisf": 27685, + "▁curv": 27686, + "▁folgender": 27687, + "▁conscience": 27688, + "▁Seattle": 27689, + "▁medieval": 27690, + "distribution": 27691, + "▁DM": 27692, + "▁мя": 27693, + "▁RUN": 27694, + "akov": 27695, + "ceil": 27696, + "▁letting": 27697, + "▁dov": 27698, + "▁оби": 27699, + "kiej": 27700, + "▁direkt": 27701, + "▁tm": 27702, + "colors": 27703, + "▁altro": 27704, + "▁tijdens": 27705, + "]{'": 27706, + "▁Bom": 27707, + "▁kunst": 27708, + "▁shelter": 27709, + "▁rav": 27710, + "predict": 27711, + "▁comenzó": 27712, + "▁świat": 27713, + "▁Durant": 27714, + "▁schemes": 27715, + "▁mesh": 27716, + "▁indicator": 27717, + "▁Emer": 27718, + "▁guilty": 27719, + "нец": 27720, + "▁consequences": 27721, + "cludes": 27722, + "▁Lower": 27723, + "▁поме": 27724, + "▁pace": 27725, + "даго": 27726, + "▁ambos": 27727, + "lb": 27728, + "▁educated": 27729, + "urale": 27730, + "anh": 27731, + "esség": 27732, + "▁associations": 27733, + "town": 27734, + "▁trif": 27735, + "samples": 27736, + "bos": 27737, + "▁Spect": 27738, + "▁Це": 27739, + "altung": 27740, + "▁Lob": 27741, + "▁curiosity": 27742, + "▁Weiter": 27743, + "estone": 27744, + "▁demol": 27745, + "▁apolog": 27746, + "▁Dynamic": 27747, + "Inner": 27748, + "esper": 27749, + "ecz": 27750, + "uellement": 27751, + "▁Hamiltonian": 27752, + "Atlas": 27753, + "▁argue": 27754, + "Foreign": 27755, + "collapse": 27756, + "▁términ": 27757, + "▁electronic": 27758, + "▁NR": 27759, + "▁corr": 27760, + "temps": 27761, + "IndexPath": 27762, + "яз": 27763, + "▁talál": 27764, + "today": 27765, + "wave": 27766, + "▁sib": 27767, + "▁спи": 27768, + "▁convey": 27769, + "▁Géographie": 27770, + "▁Нью": 27771, + "▁Hibernate": 27772, + "▁tin": 27773, + "dic": 27774, + "ppings": 27775, + "sweise": 27776, + "▁rolling": 27777, + "▁selects": 27778, + ")\\)": 27779, + "▁poeta": 27780, + "▁степени": 27781, + "▁Abr": 27782, + "▁höch": 27783, + "▁stern": 27784, + "▁fjär": 27785, + "▁installer": 27786, + "decl": 27787, + "▁miser": 27788, + "groupby": 27789, + "substr": 27790, + "▁phenomen": 27791, + "▁Wing": 27792, + "▁fills": 27793, + "▁único": 27794, + "Running": 27795, + "Come": 27796, + "irable": 27797, + "simeq": 27798, + "▁remp": 27799, + "kele": 27800, + "liers": 27801, + "▁kwietnia": 27802, + "▁interrupted": 27803, + "▁Jet": 27804, + "=\\{": 27805, + "ído": 27806, + "▁Taiwan": 27807, + "▁возра": 27808, + "▁alternatives": 27809, + "▁Tir": 27810, + "▁Reserve": 27811, + "▁Кур": 27812, + "▁Nobel": 27813, + "▁работал": 27814, + "▁axes": 27815, + "▁Cependant": 27816, + "ká": 27817, + "▁erneut": 27818, + "▁Demo": 27819, + "communic": 27820, + "constructor": 27821, + "▁Monday": 27822, + "Nil": 27823, + "HashMap": 27824, + "payment": 27825, + "▁fixing": 27826, + "▁ADD": 27827, + "review": 27828, + "▁possibil": 27829, + "▁grote": 27830, + "▁grouped": 27831, + "▁Lima": 27832, + "▁Augen": 27833, + "▁också": 27834, + "onas": 27835, + "▁debate": 27836, + "▁Ingl": 27837, + "Da": 27838, + "SOUR": 27839, + "ettbe": 27840, + "▁Battalion": 27841, + "▁Float": 27842, + "▁cone": 27843, + "readsheet": 27844, + "court": 27845, + "ligen": 27846, + "▁Beginn": 27847, + "▁LIMIT": 27848, + "▁enjoyed": 27849, + "▁Jakob": 27850, + "▁telt": 27851, + "backend": 27852, + "▁Gemeinsame": 27853, + "lint": 27854, + "alling": 27855, + "▁bör": 27856, + "grand": 27857, + "▁diverses": 27858, + "▁związ": 27859, + "▁Kompon": 27860, + "▁innerhalb": 27861, + "▁desarrollo": 27862, + "▁Masters": 27863, + "ioso": 27864, + "]`.": 27865, + "▁francesa": 27866, + "Aff": 27867, + "inek": 27868, + "▁dessin": 27869, + "`.`": 27870, + "▁ranks": 27871, + "берг": 27872, + "▁skal": 27873, + "▁Sultan": 27874, + "АН": 27875, + "▁способ": 27876, + "▁contradict": 27877, + "▁recom": 27878, + "▁Oklahoma": 27879, + "▁Vladimir": 27880, + "▁meters": 27881, + "transport": 27882, + "▁consulté": 27883, + "▁ATP": 27884, + "ebb": 27885, + "▁volunte": 27886, + "▁outline": 27887, + "LIC": 27888, + "▁euro": 27889, + "CharField": 27890, + "medium": 27891, + "▁Belgique": 27892, + "Proc": 27893, + "routes": 27894, + "▁contribu": 27895, + "!}": 27896, + "ším": 27897, + "▁Less": 27898, + "▁Kost": 27899, + "▁eredetiből": 27900, + "reven": 27901, + "verify": 27902, + "▁Salt": 27903, + "▁shooting": 27904, + "▁dispose": 27905, + "ují": 27906, + "▁tierra": 27907, + "▁poison": 27908, + "sak": 27909, + "perimental": 27910, + "▁Né": 27911, + "▁Kid": 27912, + "agyar": 27913, + "▁archiválva": 27914, + "bereich": 27915, + "íz": 27916, + "▁Ritter": 27917, + "▁Хронологија": 27918, + "zeum": 27919, + "дах": 27920, + "▁gründ": 27921, + "▁programmer": 27922, + "▁conseil": 27923, + "▁encrypt": 27924, + "integration": 27925, + "Culture": 27926, + "▁Circle": 27927, + "Observable": 27928, + "▁genomsnitt": 27929, + "▁Selection": 27930, + "▁irregular": 27931, + "Autres": 27932, + "Percent": 27933, + "fault": 27934, + "▁virtue": 27935, + "ąpi": 27936, + "▁sess": 27937, + "▁Также": 27938, + "Timestamp": 27939, + "▁littérature": 27940, + "▁moż": 27941, + "▁borrow": 27942, + "▁conced": 27943, + "чник": 27944, + "▁Lund": 27945, + "IONS": 27946, + "ynie": 27947, + "▁Shin": 27948, + "▁osob": 27949, + "bě": 27950, + "▁intuit": 27951, + "▁нап": 27952, + "▁proph": 27953, + "▁pitt": 27954, + "▁IBM": 27955, + "▁Till": 27956, + "▁hina": 27957, + "ittest": 27958, + "generator": 27959, + "▁Nin": 27960, + "▁Kot": 27961, + "▁passer": 27962, + "▁disposition": 27963, + "uning": 27964, + "▁fame": 27965, + "▁tenia": 27966, + "ancement": 27967, + "▁Suisse": 27968, + "`-": 27969, + "▁hombres": 27970, + "▁infinity": 27971, + "▁оконча": 27972, + "▁cosm": 27973, + "▁Dennis": 27974, + "baz": 27975, + "haupt": 27976, + "▁mighty": 27977, + "▁prede": 27978, + "usable": 27979, + "▁wszyst": 27980, + "▁lb": 27981, + "ABASE": 27982, + "jna": 27983, + "нев": 27984, + "▁ases": 27985, + "▁finalmente": 27986, + "йм": 27987, + "pection": 27988, + "▁Studien": 27989, + "▁Norwegian": 27990, + "cego": 27991, + "INDEX": 27992, + "orten": 27993, + "▁friendship": 27994, + "metro": 27995, + "thick": 27996, + "▁Zel": 27997, + "LOW": 27998, + "▁thereby": 27999, + "unted": 28000, + "▁surfaces": 28001, + "ющим": 28002, + "%).": 28003, + "▁Wonder": 28004, + "▁redundant": 28005, + "▁Gros": 28006, + "▁websites": 28007, + "▁vio": 28008, + "▁ocas": 28009, + "vés": 28010, + "▁Gam": 28011, + "dw": 28012, + "Indicator": 28013, + "▁Kob": 28014, + "▁jack": 28015, + "Hint": 28016, + "▁Apol": 28017, + "▁другие": 28018, + "▁NUM": 28019, + "▁ofic": 28020, + "ystycz": 28021, + "▁wereld": 28022, + "мости": 28023, + "LEFT": 28024, + "▁Types": 28025, + "seen": 28026, + "uncia": 28027, + "▁narod": 28028, + "▁этот": 28029, + "Sidenote": 28030, + "ueil": 28031, + "▁отме": 28032, + "▁courts": 28033, + "fir": 28034, + "urz": 28035, + "ченко": 28036, + "Credentials": 28037, + "▁imagination": 28038, + "itats": 28039, + "buff": 28040, + "flash": 28041, + "▁badly": 28042, + "▁worn": 28043, + "▁округу": 28044, + "catalog": 28045, + "lime": 28046, + "▁Gill": 28047, + "▁Sent": 28048, + "iella": 28049, + "▁Craig": 28050, + "▁Sele": 28051, + "▁Independ": 28052, + "▁provincie": 28053, + "ossen": 28054, + "▁запад": 28055, + "▁infant": 28056, + "▁prevents": 28057, + "▁provinces": 28058, + "afé": 28059, + "beg": 28060, + "▁colours": 28061, + "BF": 28062, + "ën": 28063, + "▁Между": 28064, + "în": 28065, + "Observer": 28066, + "forsch": 28067, + "ígen": 28068, + "umption": 28069, + "▁Illustr": 28070, + "рист": 28071, + "▁полови": 28072, + "▁`&": 28073, + "▁ore": 28074, + "▁supplies": 28075, + "▁parenthes": 28076, + "Foundation": 28077, + "▁vou": 28078, + "▁Tout": 28079, + "Donald": 28080, + "▁RET": 28081, + "weig": 28082, + "▁producción": 28083, + "mix": 28084, + "▁utwor": 28085, + "▁föl": 28086, + "▁então": 28087, + "▁Sister": 28088, + "Tags": 28089, + "▁Савезне": 28090, + "▁privileges": 28091, + "▁nazw": 28092, + "▁Rav": 28093, + "▁repro": 28094, + "▁Mason": 28095, + "▁Platform": 28096, + "▁пробле": 28097, + "▁Pérez": 28098, + "▁blanc": 28099, + "Behavior": 28100, + "фици": 28101, + "eken": 28102, + "▁meets": 28103, + "(.*": 28104, + "▁få": 28105, + "epen": 28106, + "maker": 28107, + "▁loyal": 28108, + "members": 28109, + "meisterschaft": 28110, + "goal": 28111, + "шлен": 28112, + "▁северо": 28113, + "iende": 28114, + "дні": 28115, + "Proof": 28116, + "▁explic": 28117, + "▁electro": 28118, + "iels": 28119, + "reload": 28120, + "▁eleven": 28121, + "▁partidos": 28122, + "îne": 28123, + "▁Regin": 28124, + "▁éx": 28125, + "▁Bulg": 28126, + "▁networking": 28127, + "▁separator": 28128, + "UserName": 28129, + "▁edificio": 28130, + "▁Mie": 28131, + "▁idle": 28132, + "yed": 28133, + "▁passengers": 28134, + "+)": 28135, + "meno": 28136, + "eggi": 28137, + "▁nicely": 28138, + "endencia": 28139, + "чий": 28140, + "étés": 28141, + "ightarrow": 28142, + "▁orthogonal": 28143, + "▁Half": 28144, + "▁fewer": 28145, + "▁propi": 28146, + "▁primit": 28147, + "icale": 28148, + "▁flower": 28149, + "merk": 28150, + "▁Отече": 28151, + "▁persistent": 28152, + "▁Ville": 28153, + "Men": 28154, + "gaben": 28155, + "▁Isaac": 28156, + "ativity": 28157, + "▁północ": 28158, + "▁rok": 28159, + "cards": 28160, + "дения": 28161, + "▁юго": 28162, + "▁extraordinary": 28163, + "▁kyr": 28164, + "(\",": 28165, + "))]": 28166, + "▁unix": 28167, + "кол": 28168, + "▁sink": 28169, + "apsed": 28170, + "▁kommen": 28171, + "▁forcing": 28172, + "About": 28173, + "▁Halle": 28174, + "▁Majesty": 28175, + "▁Switch": 28176, + "▁abroad": 28177, + "▁acceleration": 28178, + "urbed": 28179, + "▁остан": 28180, + "Ready": 28181, + "▁півні": 28182, + "Bra": 28183, + "▁цього": 28184, + "▁plut": 28185, + "▁Train": 28186, + "▁április": 28187, + "▁puesto": 28188, + "▁toss": 28189, + "▁irrelevant": 28190, + "▁dip": 28191, + "segment": 28192, + "opacity": 28193, + "▁lorsque": 28194, + "▁verschill": 28195, + "ена": 28196, + "▁Doc": 28197, + "%%%%%%%%": 28198, + "▁borders": 28199, + "gebras": 28200, + "▁ries": 28201, + "▁Olympedia": 28202, + "▁Generation": 28203, + "metros": 28204, + "▁horizon": 28205, + "▁adaptation": 28206, + "▁Zahl": 28207, + "▁nahe": 28208, + "▁Bug": 28209, + "Picture": 28210, + "љи": 28211, + "RGB": 28212, + "Owner": 28213, + "adin": 28214, + "▁Catalunya": 28215, + "ných": 28216, + "▁cualquier": 28217, + "▁Institution": 28218, + "insen": 28219, + "▁Brasile": 28220, + "▁fitting": 28221, + "Deleg": 28222, + "ictwo": 28223, + "▁Exper": 28224, + "ochastic": 28225, + "▁dus": 28226, + "▁пора": 28227, + "▁substring": 28228, + "ссии": 28229, + "oin": 28230, + "▁школа": 28231, + "▁cx": 28232, + "▁%)": 28233, + "▁Buddh": 28234, + "▁pending": 28235, + "▁Entry": 28236, + "▁Berl": 28237, + "▁cler": 28238, + "▁Soc": 28239, + "▁rounded": 28240, + "▁mv": 28241, + "ített": 28242, + "▁Diplom": 28243, + "▁französischen": 28244, + "▁Gan": 28245, + "▁Investig": 28246, + "▁indexPath": 28247, + "▁molti": 28248, + "persistence": 28249, + "▁XIXe": 28250, + "▁Electron": 28251, + "bü": 28252, + "gele": 28253, + "▁Maler": 28254, + "▁proyecto": 28255, + "▁Bath": 28256, + "ellers": 28257, + "▁GP": 28258, + "oning": 28259, + "cloudflare": 28260, + "▁při": 28261, + "▁ded": 28262, + "▁Odkazy": 28263, + "▁Msg": 28264, + "▁Being": 28265, + "▁Depuis": 28266, + "▁Primary": 28267, + "▁Appro": 28268, + "▁formally": 28269, + "ступил": 28270, + "▁fuera": 28271, + "▁Root": 28272, + "▁autonom": 28273, + "▁secretary": 28274, + "▁osób": 28275, + "▁cuales": 28276, + "▁Depending": 28277, + "▁asi": 28278, + "vera": 28279, + "▁russe": 28280, + "▁proves": 28281, + "▁presiden": 28282, + "RU": 28283, + "▁Watson": 28284, + "▁webpack": 28285, + "elligence": 28286, + "кам": 28287, + "▁Officer": 28288, + "▁delivery": 28289, + "ждён": 28290, + "▁импе": 28291, + "▁wil": 28292, + "▁vesc": 28293, + "usztus": 28294, + "▁Geoff": 28295, + "()}": 28296, + "▁Fore": 28297, + "▁wenig": 28298, + "▁Airl": 28299, + "▁Efter": 28300, + "▁Break": 28301, + "▁Städ": 28302, + "ismiss": 28303, + "íp": 28304, + "▁avoided": 28305, + "▁assertion": 28306, + "DN": 28307, + "▁teat": 28308, + "ína": 28309, + "▁mechanical": 28310, + "isu": 28311, + "@{": 28312, + "▁nou": 28313, + "Italie": 28314, + "sourceforge": 28315, + "▁svo": 28316, + "▁király": 28317, + "▁References": 28318, + "six": 28319, + "▁Archives": 28320, + "▁finishing": 28321, + "acje": 28322, + "état": 28323, + "iffs": 28324, + "▁stead": 28325, + "▁feas": 28326, + "aware": 28327, + "lande": 28328, + "Inject": 28329, + "▁Agent": 28330, + "▁Normdatei": 28331, + "▁amen": 28332, + "▁Architecture": 28333, + "aze": 28334, + "ște": 28335, + "▁usar": 28336, + "▁cores": 28337, + "лін": 28338, + "▁Castro": 28339, + "▁væ": 28340, + ">\",": 28341, + "omena": 28342, + "▁gesam": 28343, + "▁Martín": 28344, + "egung": 28345, + "▁společ": 28346, + "▁amplitude": 28347, + "▁importing": 28348, + "▁listview": 28349, + "THE": 28350, + "ziale": 28351, + "cedes": 28352, + "▁particulier": 28353, + "▁Расподела": 28354, + "▁край": 28355, + "▁divent": 28356, + "▁ké": 28357, + "quit": 28358, + "тором": 28359, + "CheckBox": 28360, + "▁Zobacz": 28361, + "phe": 28362, + "pta": 28363, + "▁sjö": 28364, + "▁розташ": 28365, + "▁tedesco": 28366, + "▁stal": 28367, + "▁Beruf": 28368, + "овая": 28369, + "▁svě": 28370, + "▁flush": 28371, + "▁відбу": 28372, + "▁radial": 28373, + "▁différentes": 28374, + "анта": 28375, + "▁Perry": 28376, + "Coll": 28377, + "liqu": 28378, + "▁Optional": 28379, + "▁Санкт": 28380, + "▁LINQ": 28381, + "▁Franc": 28382, + "cije": 28383, + "▁Guillaume": 28384, + "know": 28385, + "▁Units": 28386, + "olk": 28387, + "▁Système": 28388, + "▁Sales": 28389, + "▁ehemaligen": 28390, + "мирова": 28391, + "xhtml": 28392, + "setopt": 28393, + "▁mellan": 28394, + "▁zie": 28395, + "▁giant": 28396, + "Board": 28397, + "▁Caval": 28398, + "▁defence": 28399, + "----------": 28400, + "pshire": 28401, + "mart": 28402, + "▁Dioc": 28403, + "iskt": 28404, + "▁inse": 28405, + "▁épisode": 28406, + "чик": 28407, + "bars": 28408, + "Sito": 28409, + "▁integrity": 28410, + "auff": 28411, + "▁vär": 28412, + "Azure": 28413, + "▁starb": 28414, + "▁контра": 28415, + "▁Мексичка": 28416, + "▁запа": 28417, + "▁Mountains": 28418, + "}}=": 28419, + "▁pulling": 28420, + "▁satellite": 28421, + "▁atoms": 28422, + "▁profesor": 28423, + "▁repeatedly": 28424, + "▁invasion": 28425, + "programming": 28426, + "├──": 28427, + "▁Lip": 28428, + "вшие": 28429, + "▁keen": 28430, + "▁critics": 28431, + "▁Nicola": 28432, + "▁Cand": 28433, + "▁distint": 28434, + "▁heading": 28435, + "pragma": 28436, + "{|": 28437, + "ymen": 28438, + "▁terrain": 28439, + "iedenis": 28440, + "▁besonders": 28441, + "▁nominated": 28442, + "BOOL": 28443, + "▁Kay": 28444, + "cian": 28445, + "stelle": 28446, + "▁dispute": 28447, + "▁щ": 28448, + "DataSet": 28449, + "nothing": 28450, + "Autom": 28451, + "hören": 28452, + "▁shed": 28453, + "▁paused": 28454, + "san": 28455, + "▁nunca": 28456, + "!(\"": 28457, + "▁położ": 28458, + "Secret": 28459, + "▁Domain": 28460, + "▁возмож": 28461, + "XV": 28462, + "lv": 28463, + "ikh": 28464, + "▁Sony": 28465, + "mq": 28466, + "otrop": 28467, + "▁Logger": 28468, + "▁threat": 28469, + "asted": 28470, + "зько": 28471, + "▁freely": 28472, + "▁improvements": 28473, + "istema": 28474, + "▁illustrate": 28475, + "▁tact": 28476, + "▁figur": 28477, + "ués": 28478, + "riminal": 28479, + "odon": 28480, + "intendo": 28481, + "▁influenced": 28482, + "FFER": 28483, + "▁Ghost": 28484, + "▁совер": 28485, + "nad": 28486, + "ioned": 28487, + "▁Events": 28488, + "▁wrapping": 28489, + "---------+": 28490, + "fif": 28491, + "▁(**": 28492, + "={{": 28493, + "маль": 28494, + "▁losses": 28495, + "▁Galerie": 28496, + "tel": 28497, + "▁лютого": 28498, + "▁Kru": 28499, + "▁Polen": 28500, + "нім": 28501, + "near": 28502, + "▁shame": 28503, + "▁moyenne": 28504, + "▁CP": 28505, + "preis": 28506, + "▁passenger": 28507, + "lek": 28508, + "ionales": 28509, + "kafka": 28510, + "▁participe": 28511, + "▁membership": 28512, + "[_": 28513, + "lando": 28514, + "stelling": 28515, + "Sem": 28516, + "gon": 28517, + "▁Correct": 28518, + "▁valle": 28519, + "▁readily": 28520, + "▁Dokument": 28521, + "honneur": 28522, + "▁testim": 28523, + "ulative": 28524, + "doFilter": 28525, + "▁dominant": 28526, + "ammer": 28527, + "▁која": 28528, + "▁Monsieur": 28529, + "zeg": 28530, + "▁війни": 28531, + "▁Fo": 28532, + "▁Amy": 28533, + "▁¡": 28534, + "▁február": 28535, + "▁downloading": 28536, + "▁leng": 28537, + "\\}$,": 28538, + "▁neat": 28539, + "▁Cache": 28540, + "ICATION": 28541, + "▁deve": 28542, + "▁sorrow": 28543, + "slow": 28544, + "▁hinaus": 28545, + "▁reconoc": 28546, + "▁Linked": 28547, + "▁Shaw": 28548, + "market": 28549, + "▁Dic": 28550, + "▁Ski": 28551, + "▁delimiter": 28552, + "▁MainActivity": 28553, + "▁Musical": 28554, + "▁Reyn": 28555, + "ScrollView": 28556, + "▁conventional": 28557, + "ença": 28558, + "▁refactor": 28559, + "'-": 28560, + "▁Hed": 28561, + "sprech": 28562, + "▁athlet": 28563, + "▁especies": 28564, + "▁Schön": 28565, + "▁kleinen": 28566, + "шко": 28567, + "▁Йо": 28568, + "▁Happy": 28569, + "multirow": 28570, + "▁augusti": 28571, + "▁Gand": 28572, + "▁appointment": 28573, + "▁Mediabestanden": 28574, + "Three": 28575, + "▁Kenneth": 28576, + "NEW": 28577, + "▁Notification": 28578, + "▁Marx": 28579, + "▁insc": 28580, + "Mor": 28581, + "вый": 28582, + "väst": 28583, + "vidia": 28584, + "▁demonstrated": 28585, + "fonts": 28586, + "▁kamen": 28587, + "▁Ster": 28588, + "▁mieszkańców": 28589, + "▁Koh": 28590, + "~$\\": 28591, + "»).": 28592, + "rene": 28593, + "insic": 28594, + "ická": 28595, + "xygen": 28596, + "▁mn": 28597, + "▁sched": 28598, + "ASC": 28599, + "Ig": 28600, + "▁Constant": 28601, + "▁opportun": 28602, + "▁MyClass": 28603, + "sef": 28604, + "oped": 28605, + "▁injured": 28606, + "VIS": 28607, + "▁Pero": 28608, + "▁Until": 28609, + "▁flesh": 28610, + "orphism": 28611, + "▁Portal": 28612, + "▁gminy": 28613, + "▁власти": 28614, + "▁Nä": 28615, + "ктиче": 28616, + "▁hrab": 28617, + "▁Cub": 28618, + "avoir": 28619, + "▁Lars": 28620, + "▁Бело": 28621, + "▁seizoen": 28622, + "▁Genomsnitt": 28623, + "▁Lil": 28624, + "▁Pool": 28625, + "▁Dios": 28626, + "TX": 28627, + "aes": 28628, + "autore": 28629, + "Alpha": 28630, + "states": 28631, + "Lab": 28632, + "nederbörd": 28633, + "erton": 28634, + "▁brid": 28635, + "▁richt": 28636, + "▁Ela": 28637, + "▁сла": 28638, + "▁weapon": 28639, + "▁combatt": 28640, + "agar": 28641, + "▁regnig": 28642, + "▁utilisé": 28643, + "▁servir": 28644, + "▁brick": 28645, + "▁gateway": 28646, + "▁torraste": 28647, + "▁procedures": 28648, + "▁årsnederbörd": 28649, + "▁Genomsnittlig": 28650, + "чёт": 28651, + "▁områ": 28652, + "▁regnigaste": 28653, + "▁честь": 28654, + "▁amid": 28655, + "▁grateful": 28656, + "▁DIS": 28657, + "DAY": 28658, + "▁ору": 28659, + "▁rivière": 28660, + "heure": 28661, + "▁Richmond": 28662, + "▁Compar": 28663, + "▁Нор": 28664, + "DOC": 28665, + "esia": 28666, + "calc": 28667, + "▁IU": 28668, + "▁vorg": 28669, + "▁habían": 28670, + "çoit": 28671, + "▁arist": 28672, + "▁кли": 28673, + "▁Sue": 28674, + "▁Touch": 28675, + "▁Writing": 28676, + "ifiable": 28677, + "▁wc": 28678, + "▁withdraw": 28679, + "зар": 28680, + "▁presently": 28681, + "▁FK": 28682, + "▁prakt": 28683, + "▁colored": 28684, + "usb": 28685, + "▁Perú": 28686, + "▁plata": 28687, + "▁wishes": 28688, + "▁кам": 28689, + "azar": 28690, + "ável": 28691, + "▁lamp": 28692, + "bishop": 28693, + "▁inclusion": 28694, + "jq": 28695, + "arth": 28696, + "▁Flag": 28697, + "▁нор": 28698, + "ædia": 28699, + "UNCTION": 28700, + "▁Bahnhof": 28701, + "▁approaching": 28702, + "▁Gött": 28703, + "▁cube": 28704, + "▁argued": 28705, + "▁Things": 28706, + "Gui": 28707, + "дови": 28708, + "▁recre": 28709, + "▁réseau": 28710, + "▁significa": 28711, + "Git": 28712, + "gebracht": 28713, + "▁liga": 28714, + "▁assured": 28715, + "alus": 28716, + "рит": 28717, + "▁энциклопеди": 28718, + "▁%).": 28719, + "▁Première": 28720, + "▁declarations": 28721, + "▁tricky": 28722, + "▁profiles": 28723, + "▁Fon": 28724, + "▁Jas": 28725, + "âr": 28726, + "babel": 28727, + "▁Friday": 28728, + "▁június": 28729, + "▁cols": 28730, + "▁EXISTS": 28731, + "▁Italiana": 28732, + "▁authorization": 28733, + "▁sulle": 28734, + "▁Emb": 28735, + "▁Variable": 28736, + "trees": 28737, + "▁Fly": 28738, + "riors": 28739, + "▁damals": 28740, + "▁findet": 28741, + "▁Sept": 28742, + "▁mundial": 28743, + "▁removal": 28744, + "▁longitude": 28745, + "clic": 28746, + "▁fade": 28747, + "▁gradle": 28748, + "▁zák": 28749, + "▁timing": 28750, + "trightarrow": 28751, + "atia": 28752, + "-.": 28753, + "uche": 28754, + "▁serialize": 28755, + "▁Hmm": 28756, + "▁Representatives": 28757, + "bah": 28758, + "rend": 28759, + "assador": 28760, + "▁shield": 28761, + "ucion": 28762, + "▁américaine": 28763, + "zę": 28764, + "villa": 28765, + "▁hombre": 28766, + "áss": 28767, + "▁SF": 28768, + "▁repeating": 28769, + "▁criter": 28770, + "▁Struct": 28771, + "???": 28772, + "▁cheap": 28773, + "▁rings": 28774, + "abhäng": 28775, + "▁corte": 28776, + "▁administ": 28777, + "ixon": 28778, + "gypt": 28779, + "▁puntos": 28780, + "▁mezi": 28781, + "▁pochod": 28782, + "isko": 28783, + "nię": 28784, + "▁осу": 28785, + "▁ár": 28786, + "тельной": 28787, + "▁Metropolitan": 28788, + "jin": 28789, + "zess": 28790, + "▁віці": 28791, + "▁conflicts": 28792, + "ijst": 28793, + "▁Market": 28794, + "стров": 28795, + "▁\",\"": 28796, + "▁Scroll": 28797, + "gun": 28798, + "тара": 28799, + "▁amateur": 28800, + "▁róż": 28801, + "poss": 28802, + "▁generalized": 28803, + "▁Harm": 28804, + "cita": 28805, + "▁Switzerland": 28806, + "icola": 28807, + "▁muit": 28808, + "located": 28809, + "▁có": 28810, + "▁arose": 28811, + "▁communauté": 28812, + "})^": 28813, + "visibility": 28814, + "ída": 28815, + "▁FB": 28816, + "▁Freund": 28817, + "gat": 28818, + "\":{\"": 28819, + "intellij": 28820, + "ifie": 28821, + "hmen": 28822, + "▁édition": 28823, + "▁које": 28824, + "▁інших": 28825, + "oming": 28826, + "▁arquitect": 28827, + "▁Presidente": 28828, + "▁Під": 28829, + "▁cabin": 28830, + "Theorem": 28831, + "▁Gay": 28832, + "ifice": 28833, + "▁hect": 28834, + "lą": 28835, + "irmingham": 28836, + "▁semantic": 28837, + "▁Louisiana": 28838, + "▁sacrifice": 28839, + "▁Christoph": 28840, + "▁Executive": 28841, + "_+": 28842, + "ják": 28843, + "▁seria": 28844, + "▁Overflow": 28845, + "▁Lucy": 28846, + "▁melhor": 28847, + "▁voices": 28848, + "cza": 28849, + "▁капи": 28850, + "▁университета": 28851, + "INCT": 28852, + "▁coloc": 28853, + "▁prue": 28854, + "▁geomet": 28855, + "▁diretto": 28856, + "reso": 28857, + "▁Akt": 28858, + "▁unh": 28859, + "▁сери": 28860, + "▁Alert": 28861, + "Wel": 28862, + "audi": 28863, + "äler": 28864, + "▁guests": 28865, + "▁иде": 28866, + "Studio": 28867, + "▁кате": 28868, + "▁exponent": 28869, + "rze": 28870, + "pmod": 28871, + "rolle": 28872, + "▁Limited": 28873, + "Allemagne": 28874, + "▁pity": 28875, + "▁lä": 28876, + "▁runner": 28877, + "kende": 28878, + "EQ": 28879, + "▁MM": 28880, + "szág": 28881, + "поді": 28882, + "▁regret": 28883, + "▁publié": 28884, + "▁departamento": 28885, + "▁accused": 28886, + "hp": 28887, + "▁Pfl": 28888, + "▁Sint": 28889, + "▁ekonom": 28890, + "ractor": 28891, + "▁Пів": 28892, + "▁awful": 28893, + "ować": 28894, + "]->": 28895, + "▁Fine": 28896, + "Са": 28897, + "tis": 28898, + "éta": 28899, + "▁Роди": 28900, + "▁Düsseldorf": 28901, + "LOB": 28902, + "osas": 28903, + "werke": 28904, + "▁lance": 28905, + "▁листопада": 28906, + "▁incomplete": 28907, + "▁Picture": 28908, + "('\\": 28909, + "esters": 28910, + "▁belonged": 28911, + "▁Sank": 28912, + "ammed": 28913, + "▁repositories": 28914, + "▁addr": 28915, + "Collect": 28916, + "Hot": 28917, + "▁tyl": 28918, + "▁instanceof": 28919, + "▁bonus": 28920, + "ový": 28921, + "▁моря": 28922, + "▁interactive": 28923, + "▁Mys": 28924, + "▁Edmund": 28925, + "fileName": 28926, + "emor": 28927, + "▁Три": 28928, + "▁Rosen": 28929, + "▁Prima": 28930, + "▁voting": 28931, + "▁XP": 28932, + "▁Zero": 28933, + "▁Led": 28934, + "amsung": 28935, + "▁enables": 28936, + "▁redirects": 28937, + "AST": 28938, + "Paint": 28939, + "acker": 28940, + "lecht": 28941, + "▁chairman": 28942, + "▁Aven": 28943, + "▁Sach": 28944, + "(\"<": 28945, + "кер": 28946, + "▁mistakes": 28947, + "▁Weit": 28948, + "▁prowad": 28949, + "▁didnt": 28950, + "énario": 28951, + "unless": 28952, + "▁backwards": 28953, + "boa": 28954, + "duino": 28955, + "```": 28956, + "stor": 28957, + "Completion": 28958, + "puesta": 28959, + "▁dinast": 28960, + "últ": 28961, + "▁SY": 28962, + "ifolia": 28963, + "œuvres": 28964, + "▁racing": 28965, + "▁cabinet": 28966, + "▁cutting": 28967, + "▁thumb": 28968, + "▁Кара": 28969, + "highlight": 28970, + "куп": 28971, + "▁sd": 28972, + "▁національ": 28973, + "▁campagne": 28974, + "▁registers": 28975, + "▁educational": 28976, + "▁pesar": 28977, + "üge": 28978, + "▁oro": 28979, + "burgo": 28980, + "▁Athletics": 28981, + "▁MTV": 28982, + "getMessage": 28983, + "▁Hyp": 28984, + "▁victim": 28985, + "))\\": 28986, + "▁drums": 28987, + "hostname": 28988, + "tał": 28989, + "making": 28990, + "▁powiat": 28991, + "őd": 28992, + "threads": 28993, + "▁absolv": 28994, + "▁люди": 28995, + "▁stepped": 28996, + "exist": 28997, + "▁NK": 28998, + "▁ves": 28999, + "istiche": 29000, + "%'": 29001, + "ativos": 29002, + "▁такой": 29003, + "▁MongoDB": 29004, + "▁Ung": 29005, + "▁Рус": 29006, + "▁elim": 29007, + "▁Fif": 29008, + "icación": 29009, + "▁Tennis": 29010, + "▁Jefferson": 29011, + "ján": 29012, + "fog": 29013, + "anha": 29014, + "zor": 29015, + "▁університе": 29016, + "ahu": 29017, + "iada": 29018, + "Sdk": 29019, + "Setting": 29020, + "▁Kill": 29021, + "▁Wend": 29022, + "▁bald": 29023, + "▁Kub": 29024, + "▁visto": 29025, + "▁jeunes": 29026, + "collections": 29027, + "ací": 29028, + "вропей": 29029, + "▁arise": 29030, + "оні": 29031, + "MAIN": 29032, + "доступ": 29033, + "▁berg": 29034, + "▁criticism": 29035, + "▁Torre": 29036, + "▁descript": 29037, + "ières": 29038, + "▁estudio": 29039, + "▁ili": 29040, + "▁militare": 29041, + "▁Clara": 29042, + "▁Ellen": 29043, + "limited": 29044, + "лм": 29045, + "▁Españ": 29046, + "▁infinitely": 29047, + "America": 29048, + "ouc": 29049, + "glass": 29050, + "▁rud": 29051, + "▁zat": 29052, + "▁rin": 29053, + "▁Bibliografía": 29054, + "▁merchant": 29055, + "tensorflow": 29056, + "▁dér": 29057, + "▁ActiveRecord": 29058, + "IES": 29059, + "▁linker": 29060, + "▁estudios": 29061, + "cdnjs": 29062, + "▁Государ": 29063, + "ánchez": 29064, + "appe": 29065, + "club": 29066, + "▁další": 29067, + "▁Algorithm": 29068, + "dfs": 29069, + "▁Bac": 29070, + "▁кафе": 29071, + "▁&=\\": 29072, + "▁ат": 29073, + "▁Глав": 29074, + "▁Mou": 29075, + "Machine": 29076, + "(...)": 29077, + "▁compart": 29078, + "▁augusztus": 29079, + "avan": 29080, + "▁rolled": 29081, + "▁еди": 29082, + "Scan": 29083, + "▁регі": 29084, + "▁świata": 29085, + "▁mines": 29086, + "},{": 29087, + "▁Tier": 29088, + "Cannot": 29089, + "мін": 29090, + "▁NEW": 29091, + "▁Вол": 29092, + "▁Manh": 29093, + "▁Gregory": 29094, + "▁principe": 29095, + "ISO": 29096, + "prog": 29097, + "▁Fail": 29098, + "▁aa": 29099, + "▁fecha": 29100, + "▁WCF": 29101, + "▁magistr": 29102, + "▁Zach": 29103, + "▁unicode": 29104, + "▁converter": 29105, + "▁dispers": 29106, + "ksam": 29107, + "▁Uncle": 29108, + "PropertyChanged": 29109, + "▁lider": 29110, + "▁opts": 29111, + "▁там": 29112, + "locked": 29113, + "zak": 29114, + "▁counted": 29115, + "▁persone": 29116, + "▁hurried": 29117, + "ätter": 29118, + "▁outras": 29119, + "▁genu": 29120, + "BD": 29121, + "veg": 29122, + "due": 29123, + "▁Pract": 29124, + "▁posible": 29125, + "▁contribute": 29126, + "UMN": 29127, + "▁Bürger": 29128, + "▁wars": 29129, + "▁exhibition": 29130, + "hill": 29131, + "▁astr": 29132, + "▁музе": 29133, + "▁CASE": 29134, + "manifest": 29135, + "yellow": 29136, + "Fn": 29137, + "▁RC": 29138, + "▁sott": 29139, + "▁sujet": 29140, + "▁Socket": 29141, + "▁Chine": 29142, + "▁frameworks": 29143, + "Hold": 29144, + "êts": 29145, + "▁філь": 29146, + "Loaded": 29147, + "ophe": 29148, + "texte": 29149, + "▁expres": 29150, + "▁consume": 29151, + "▁Richtung": 29152, + "ografi": 29153, + "▁magnific": 29154, + "àt": 29155, + "▁indul": 29156, + "ryty": 29157, + "▁offici": 29158, + "▁assault": 29159, + "rund": 29160, + "▁variants": 29161, + "▁сельсов": 29162, + "▁excitement": 29163, + "Times": 29164, + "kotlin": 29165, + "▁gering": 29166, + "▁Engel": 29167, + "▁Timer": 29168, + "²).": 29169, + "▁Ng": 29170, + "ässt": 29171, + "schau": 29172, + "SError": 29173, + "▁Edwards": 29174, + "▁Terminal": 29175, + "lict": 29176, + "Under": 29177, + "▁spawn": 29178, + "ürgen": 29179, + "▁Außerdem": 29180, + "▁kitchen": 29181, + "fahrt": 29182, + "▁Colors": 29183, + "▁система": 29184, + "▁terminated": 29185, + "▁LaTeX": 29186, + "igkeiten": 29187, + "▁mesure": 29188, + "▁Amts": 29189, + "▁empir": 29190, + "▁striking": 29191, + "▁exclusive": 29192, + "тех": 29193, + "▁rez": 29194, + "▁quan": 29195, + "▁Glasgow": 29196, + "▁lecture": 29197, + "▁Testament": 29198, + "▁funds": 29199, + "▁stessa": 29200, + "▁tribes": 29201, + "▁parfois": 29202, + "▁treball": 29203, + "nitz": 29204, + "bove": 29205, + "▁заслу": 29206, + "▁absent": 29207, + "▁Lauf": 29208, + "Smith": 29209, + "▁Николай": 29210, + "▁européenne": 29211, + "lr": 29212, + "▁programma": 29213, + "▁midst": 29214, + "▁daughters": 29215, + "Syn": 29216, + "oben": 29217, + "ână": 29218, + "idan": 29219, + "▁ther": 29220, + "odore": 29221, + "sdl": 29222, + "▁Quint": 29223, + "▁casos": 29224, + "▁Zam": 29225, + "▁страны": 29226, + "▁sprite": 29227, + "кал": 29228, + "▁nasc": 29229, + "▁сотруд": 29230, + "▁trava": 29231, + "▁хозяй": 29232, + "▁Uruguay": 29233, + "▁sparse": 29234, + "▁поле": 29235, + "▁mystery": 29236, + "▁Mang": 29237, + "registr": 29238, + "▁CGFloat": 29239, + "▁submission": 29240, + "вана": 29241, + "▁\":": 29242, + "▁Traceback": 29243, + "▁Pit": 29244, + "▁Ehr": 29245, + "▁сра": 29246, + "▁Graphics": 29247, + "Updated": 29248, + "▁svensk": 29249, + "▁spacing": 29250, + "tritt": 29251, + "▁Guinea": 29252, + "▁França": 29253, + "Associ": 29254, + "▁Tová": 29255, + "stab": 29256, + "▁Learning": 29257, + "▁Bright": 29258, + "śc": 29259, + "▁idő": 29260, + "}}_{\\": 29261, + "▁droite": 29262, + "▁raising": 29263, + "getting": 29264, + "ythm": 29265, + "onyme": 29266, + "żs": 29267, + "▁blah": 29268, + "TagName": 29269, + "Vertical": 29270, + "▁aper": 29271, + "postgresql": 29272, + "▁Handle": 29273, + "zew": 29274, + "▁skulle": 29275, + "▁opere": 29276, + "layers": 29277, + "▁possono": 29278, + "▁relate": 29279, + "ąc": 29280, + "▁Mih": 29281, + "âge": 29282, + "▁Świ": 29283, + "isses": 29284, + "▁servlet": 29285, + "Los": 29286, + "▁Advanced": 29287, + "atica": 29288, + "▁ced": 29289, + "▁elementos": 29290, + "рона": 29291, + "iks": 29292, + "arf": 29293, + "ariat": 29294, + "Mobile": 29295, + "agua": 29296, + "▁timp": 29297, + "▁Comité": 29298, + "▁combining": 29299, + "wohl": 29300, + "▁Study": 29301, + "coordinate": 29302, + "▁recommendation": 29303, + "▁transformations": 29304, + "until": 29305, + "bounded": 29306, + "▁изу": 29307, + "hanced": 29308, + "▁вопро": 29309, + "▁Prés": 29310, + "▁coord": 29311, + "xty": 29312, + "▁$,": 29313, + "▁champions": 29314, + "Den": 29315, + "Mil": 29316, + "(',": 29317, + "▁Preis": 29318, + "▁eigh": 29319, + "▁markers": 29320, + "▁gewesen": 29321, + "ätten": 29322, + "▁pione": 29323, + "mv": 29324, + "▁ју": 29325, + "zeichnis": 29326, + "hoff": 29327, + "News": 29328, + "▁Stanisław": 29329, + "▁Brandenburg": 29330, + "▁Feuer": 29331, + "=&": 29332, + "жет": 29333, + "▁Neil": 29334, + "▁wirk": 29335, + "▁società": 29336, + "▁spare": 29337, + "▁civile": 29338, + "sprach": 29339, + "▁disse": 29340, + "▁gates": 29341, + "▁anom": 29342, + "▁Федерации": 29343, + "▁tib": 29344, + "▁fútbol": 29345, + "▁Wikiped": 29346, + "iate": 29347, + "Front": 29348, + "▁craw": 29349, + "▁Rak": 29350, + "▁зву": 29351, + "street": 29352, + "▁Agency": 29353, + "вало": 29354, + "▁Рас": 29355, + "▁mkdir": 29356, + "ację": 29357, + "▁shares": 29358, + "Story": 29359, + "▁remarks": 29360, + "▁keywords": 29361, + "Bob": 29362, + "▁toe": 29363, + "▁Vitt": 29364, + "▁rhs": 29365, + "ROP": 29366, + "oris": 29367, + "/@": 29368, + "сии": 29369, + "▁traverse": 29370, + "▁referencing": 29371, + "präsident": 29372, + "rong": 29373, + "'):": 29374, + "aties": 29375, + "AW": 29376, + "Outlet": 29377, + "▁évol": 29378, + "ikes": 29379, + "▁environmental": 29380, + "icum": 29381, + "▁Lied": 29382, + "▁warn": 29383, + "▁Butler": 29384, + "▁%),": 29385, + "▁Zeitschrift": 29386, + "▁Montr": 29387, + "важа": 29388, + "▁Mercur": 29389, + "jekte": 29390, + "meter": 29391, + "ducation": 29392, + "▁attributed": 29393, + "*$": 29394, + "▁unf": 29395, + "▁Vertrag": 29396, + "zien": 29397, + "▁Роб": 29398, + "lices": 29399, + "pply": 29400, + "ansen": 29401, + "▁zeit": 29402, + "▁immense": 29403, + "▁lutego": 29404, + "▁Bulgar": 29405, + "▁miembros": 29406, + "▁Националь": 29407, + "▁Allow": 29408, + "▁anglès": 29409, + "дви": 29410, + "▁Toy": 29411, + "туа": 29412, + "▁yard": 29413, + "(%": 29414, + "isser": 29415, + "▁golf": 29416, + "▁Ukrain": 29417, + "▁hosp": 29418, + "Include": 29419, + "▁Lisa": 29420, + "▁csal": 29421, + "▁Mira": 29422, + "recogn": 29423, + "▁Ке": 29424, + "▁hitting": 29425, + "кономі": 29426, + "▁Tournament": 29427, + "LOAD": 29428, + "▁Guardian": 29429, + "▁daher": 29430, + "▁timezone": 29431, + "▁tomcat": 29432, + "▁successor": 29433, + "▁Void": 29434, + "▁começ": 29435, + "▁converts": 29436, + "ächs": 29437, + "osex": 29438, + "xelles": 29439, + "aser": 29440, + "▁És": 29441, + "▁mou": 29442, + "▁ung": 29443, + "▁origen": 29444, + "▁Crow": 29445, + "▁Erd": 29446, + "▁sieben": 29447, + "lua": 29448, + "▁BB": 29449, + "RENT": 29450, + "▁piłkar": 29451, + "▁marque": 29452, + "▁Labour": 29453, + "viders": 29454, + "▁exempl": 29455, + "Sound": 29456, + "▁Wass": 29457, + "arrison": 29458, + "▁течение": 29459, + "▁Oficina": 29460, + "▁Daw": 29461, + "▁Kauf": 29462, + "ént": 29463, + "éső": 29464, + "▁=\"": 29465, + "▁kat": 29466, + "diction": 29467, + "▁Voll": 29468, + "▁highway": 29469, + "James": 29470, + "zeuge": 29471, + "▁modelo": 29472, + "Throw": 29473, + "▁Forum": 29474, + "(\"@": 29475, + "▁enfer": 29476, + "▁специаль": 29477, + "Numbers": 29478, + "▁Binary": 29479, + "▁Martínez": 29480, + "▁Stato": 29481, + "▁festiv": 29482, + "▁katol": 29483, + "▁Аб": 29484, + "▁limitation": 29485, + "▁STR": 29486, + "▁Официаль": 29487, + "ipes": 29488, + "▁Isn": 29489, + "▁ruled": 29490, + "▁cí": 29491, + "geber": 29492, + "▁lavoro": 29493, + "▁parentheses": 29494, + "оз": 29495, + "▁équipes": 29496, + "▁efficiently": 29497, + "▁Period": 29498, + "▁Regarding": 29499, + "leaf": 29500, + "▁similarity": 29501, + "▁gesture": 29502, + "datab": 29503, + "▁terminate": 29504, + "▁semantics": 29505, + "▁Alo": 29506, + "▁cig": 29507, + "▁OpenGL": 29508, + "▁heutigen": 29509, + "xaml": 29510, + "▁frequencies": 29511, + ")}.": 29512, + "▁threatened": 29513, + "тик": 29514, + "▁calcio": 29515, + "▁Riemann": 29516, + "slug": 29517, + "▁Finale": 29518, + "LR": 29519, + "▁Derby": 29520, + "▁още": 29521, + "▁deviation": 29522, + "ächen": 29523, + "▁Cris": 29524, + "ново": 29525, + "▁столі": 29526, + "▁relev": 29527, + "▁splendid": 29528, + "▁учё": 29529, + "erving": 29530, + "gable": 29531, + "▁générale": 29532, + "pom": 29533, + "▁Cheers": 29534, + "▁imprison": 29535, + "▁indent": 29536, + "▁analyz": 29537, + "▁revert": 29538, + "érer": 29539, + "▁phases": 29540, + "FirstName": 29541, + "▁mig": 29542, + "▁disturb": 29543, + "▁mixture": 29544, + "▁){": 29545, + "inture": 29546, + "▁Tried": 29547, + "▁sooner": 29548, + "▁pels": 29549, + "▁établ": 29550, + "etro": 29551, + "itie": 29552, + "▁quartier": 29553, + "▁гово": 29554, + "▁város": 29555, + "ufe": 29556, + "heten": 29557, + "хом": 29558, + "▁soap": 29559, + "utors": 29560, + "▁duch": 29561, + "syntax": 29562, + "▁tribe": 29563, + "▁chante": 29564, + "Tri": 29565, + "▁Mate": 29566, + "quality": 29567, + "uola": 29568, + "=\".": 29569, + "chk": 29570, + "▁всі": 29571, + "▁przeci": 29572, + "▁Meteor": 29573, + "▁scattered": 29574, + "Plus": 29575, + "trad": 29576, + "▁stackoverflow": 29577, + "▁retra": 29578, + "▁éditions": 29579, + "▁sain": 29580, + "cribe": 29581, + "ignon": 29582, + "ucker": 29583, + "▁мало": 29584, + "▁tenir": 29585, + "▁exports": 29586, + "▁auxili": 29587, + "▁]]": 29588, + "▁CBS": 29589, + "uniform": 29590, + "▁periodic": 29591, + "agrant": 29592, + "▁emple": 29593, + "Wil": 29594, + "▁fres": 29595, + "▁strutt": 29596, + "▁світ": 29597, + "▁betre": 29598, + "▁объек": 29599, + "тися": 29600, + "▁bisher": 29601, + "baum": 29602, + "ishi": 29603, + "▁Gazette": 29604, + "backgroundColor": 29605, + "jl": 29606, + "▁fiel": 29607, + "▁према": 29608, + "▁protagonista": 29609, + "▁Muhammad": 29610, + "▁simulate": 29611, + "▁Hook": 29612, + "fest": 29613, + "▁своих": 29614, + "Sender": 29615, + "▁listened": 29616, + "жі": 29617, + "jest": 29618, + "kord": 29619, + "Choice": 29620, + "▁hoofd": 29621, + "reducible": 29622, + "hpp": 29623, + "▁Wu": 29624, + "ši": 29625, + "▁Marse": 29626, + "▁soir": 29627, + "westen": 29628, + "emos": 29629, + "▁Duc": 29630, + "▁amerik": 29631, + "|}{": 29632, + "▁Gul": 29633, + "▁Sprache": 29634, + "▁mismatch": 29635, + "Scal": 29636, + "Pixel": 29637, + "EF": 29638, + "▁Sep": 29639, + "▁powiecie": 29640, + "urk": 29641, + "▁Napoli": 29642, + "▁neighbourhood": 29643, + "стоян": 29644, + "▁searches": 29645, + "yrus": 29646, + "пет": 29647, + "Help": 29648, + "pont": 29649, + "▁Orient": 29650, + "▁Alfonso": 29651, + "▁monitoring": 29652, + "iao": 29653, + "édé": 29654, + "▁César": 29655, + "шее": 29656, + "Shift": 29657, + "suit": 29658, + "coded": 29659, + "ното": 29660, + "▁Parti": 29661, + "▁lasci": 29662, + "▁awesome": 29663, + "usta": 29664, + "▁Сове": 29665, + "▁Fland": 29666, + "oom": 29667, + "▁devi": 29668, + "engelsk": 29669, + "endum": 29670, + "▁Pascal": 29671, + "▁Bind": 29672, + "▁siguientes": 29673, + "JB": 29674, + "▁Petersburg": 29675, + "▁incorrectly": 29676, + "▁Bash": 29677, + "▁pelos": 29678, + "▁zespo": 29679, + "NSURL": 29680, + "▁přek": 29681, + "▁Crime": 29682, + "nach": 29683, + "▁thrust": 29684, + "▁Cultura": 29685, + "WF": 29686, + "▁Solo": 29687, + "▁invas": 29688, + "▁individually": 29689, + "ibm": 29690, + "▁etapa": 29691, + "▁handed": 29692, + "▁wherever": 29693, + "▁interpolation": 29694, + "▁musée": 29695, + "▁CNN": 29696, + "idia": 29697, + "ństw": 29698, + "▁przew": 29699, + "ughing": 29700, + "▁actors": 29701, + "▁Oriental": 29702, + "▁convenience": 29703, + "▁miasta": 29704, + "brains": 29705, + "▁меся": 29706, + "▁infatti": 29707, + "▁AllMovie": 29708, + "▁critique": 29709, + "▁successo": 29710, + "ancouver": 29711, + "▁fá": 29712, + "ългар": 29713, + "▁wisdom": 29714, + "▁Phoenix": 29715, + "hole": 29716, + "▁información": 29717, + "▁Airlines": 29718, + ".«": 29719, + "mort": 29720, + "userId": 29721, + "▁*/\r": 29722, + "▁Congo": 29723, + "▁\"`": 29724, + "corr": 29725, + "▁problemas": 29726, + "▁bib": 29727, + "▁później": 29728, + "▁fileName": 29729, + "zott": 29730, + "macht": 29731, + "▁Ulrich": 29732, + "Cy": 29733, + "endpoint": 29734, + "▁sheep": 29735, + "▁ibn": 29736, + "Feed": 29737, + "▁sympathy": 29738, + "▁Ib": 29739, + "▁territorial": 29740, + "rating": 29741, + "дами": 29742, + "▁dst": 29743, + "ую": 29744, + "aho": 29745, + "▁sug": 29746, + "emia": 29747, + "▁ted": 29748, + "▁Api": 29749, + "▁Rica": 29750, + "▁MR": 29751, + "ńskim": 29752, + "▁Voor": 29753, + "▁devil": 29754, + "▁Фо": 29755, + "▁När": 29756, + "▁...)": 29757, + "▁vois": 29758, + "▁abbre": 29759, + "▁Männer": 29760, + "ximo": 29761, + "▁intellectual": 29762, + "▁tales": 29763, + "similar": 29764, + "neum": 29765, + "▁Orig": 29766, + "▁postal": 29767, + "▁hvor": 29768, + "▁identification": 29769, + "▁Од": 29770, + "uesto": 29771, + "▁../": 29772, + "▁bir": 29773, + "▁Лон": 29774, + "▁esempio": 29775, + "▁Eing": 29776, + "Expand": 29777, + "▁PRIMARY": 29778, + "▁Jin": 29779, + "▁však": 29780, + "ourses": 29781, + "▁Betty": 29782, + "▁WM": 29783, + "▁flask": 29784, + "hlen": 29785, + "▁Adel": 29786, + "laravel": 29787, + "▁дет": 29788, + "ською": 29789, + "▁Mundo": 29790, + "iczn": 29791, + "ifié": 29792, + "▁Мор": 29793, + "▁древ": 29794, + "DateFormat": 29795, + "ським": 29796, + "▁dated": 29797, + "коли": 29798, + "▁результате": 29799, + "\\).": 29800, + "▁delayed": 29801, + "sound": 29802, + "▁Мак": 29803, + "▁\"...": 29804, + "▁binnen": 29805, + "▁факуль": 29806, + "▁polygon": 29807, + "▁eggs": 29808, + "AtIndexPath": 29809, + "менталь": 29810, + "▁incred": 29811, + "chunk": 29812, + "webdriver": 29813, + "▁свобо": 29814, + "▁między": 29815, + "Received": 29816, + "▁Monde": 29817, + "▁JQuery": 29818, + "Butt": 29819, + "▁PDO": 29820, + "▁forec": 29821, + "▁discipline": 29822, + "chev": 29823, + "нат": 29824, + "▁redis": 29825, + "▁hunting": 29826, + "▁alk": 29827, + "▁proofs": 29828, + "PRI": 29829, + "▁chip": 29830, + "ésie": 29831, + "▁HO": 29832, + "▁rug": 29833, + "zos": 29834, + "▁sorte": 29835, + "▁zeigt": 29836, + "▁Physics": 29837, + "legte": 29838, + "▁proportional": 29839, + "▁toolbar": 29840, + "vement": 29841, + "notin": 29842, + "▁první": 29843, + "blah": 29844, + "▁présence": 29845, + "▁lloc": 29846, + "▁líder": 29847, + "▁Accept": 29848, + "▁Always": 29849, + "▁\"{": 29850, + "▁diversi": 29851, + "ikor": 29852, + "Period": 29853, + "жён": 29854, + "▁Alliance": 29855, + "▁relay": 29856, + "Bro": 29857, + "jön": 29858, + "▁Baud": 29859, + "▁Bian": 29860, + "')[": 29861, + "чив": 29862, + "▁Poss": 29863, + "▁Mitglieder": 29864, + "▁nev": 29865, + "Daniel": 29866, + "▁tends": 29867, + "▁compagnie": 29868, + "▁livres": 29869, + "lub": 29870, + "▁": 29871, + "e": 29872, + "t": 29873, + "a": 29874, + "i": 29875, + "n": 29876, + "o": 29877, + "r": 29878, + "s": 29879, + "l": 29880, + "d": 29881, + "h": 29882, + "c": 29883, + "u": 29884, + "m": 29885, + "p": 29886, + "g": 29887, + "f": 29888, + ".": 29889, + "b": 29890, + "y": 29891, + ",": 29892, + "w": 29893, + "v": 29894, + "k": 29895, + "1": 29896, + ")": 29897, + "(": 29898, + "-": 29899, + "0": 29900, + ":": 29901, + "I": 29902, + "S": 29903, + "о": 29904, + "\\": 29905, + "2": 29906, + "C": 29907, + "\"": 29908, + "A": 29909, + "а": 29910, + "T": 29911, + "{": 29912, + "}": 29913, + "/": 29914, + "'": 29915, + "x": 29916, + "и": 29917, + "_": 29918, + "е": 29919, + "z": 29920, + "н": 29921, + "=": 29922, + "E": 29923, + "M": 29924, + "P": 29925, + "j": 29926, + "р": 29927, + "D": 29928, + "9": 29929, + "*": 29930, + "L": 29931, + "т": 29932, + "B": 29933, + "R": 29934, + "с": 29935, + ";": 29936, + "#": 29937, + "$": 29938, + "q": 29939, + "N": 29940, + "3": 29941, + "в": 29942, + "F": 29943, + "л": 29944, + "5": 29945, + "4": 29946, + "8": 29947, + "é": 29948, + "O": 29949, + "H": 29950, + "к": 29951, + "`": 29952, + "6": 29953, + "G": 29954, + "7": 29955, + "W": 29956, + "д": 29957, + ">": 29958, + "м": 29959, + "у": 29960, + "[": 29961, + "]": 29962, + "V": 29963, + "п": 29964, + "U": 29965, + "<": 29966, + "J": 29967, + "K": 29968, + "г": 29969, + "я": 29970, + "і": 29971, + "з": 29972, + "?": 29973, + "+": 29974, + "б": 29975, + "á": 29976, + "й": 29977, + "ь": 29978, + "Y": 29979, + "ó": 29980, + "ч": 29981, + "ы": 29982, + "í": 29983, + "Q": 29984, + "^": 29985, + "ä": 29986, + "&": 29987, + "х": 29988, + "|": 29989, + "X": 29990, + "!": 29991, + "@": 29992, + "ü": 29993, + "–": 29994, + "%": 29995, + "ц": 29996, + "ö": 29997, + "ж": 29998, + "Z": 29999, + "è": 30000, + "à": 30001, + "ш": 30002, + "—": 30003, + "\r": 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, + "オ": 30514, + "¼": 30515, + "ե": 30516, + "バ": 30517, + "ָ": 30518, + "ŋ": 30519, + "ŭ": 30520, + "グ": 30521, + "⁶": 30522, + "Ь": 30523, + "⁰": 30524, + "方": 30525, + "บ": 30526, + "—": 30527, + "高": 30528, + "ệ": 30529, + "Ν": 30530, + "ѣ": 30531, + "ィ": 30532, + "地": 30533, + "月": 30534, + "Ô": 30535, + "™": 30536, + "ウ": 30537, + "き": 30538, + "公": 30539, + "ạ": 30540, + "ო": 30541, + "ɾ": 30542, + "่": 30543, + "出": 30544, + "法": 30545, + "Θ": 30546, + "ส": 30547, + "名": 30548, + "ย": 30549, + "ത": 30550, + "Φ": 30551, + "↓": 30552, + "れ": 30553, + "ג": 30554, + "Ё": 30555, + "ơ": 30556, + "下": 30557, + "ә": 30558, + "ψ": 30559, + "┼": 30560, + "ャ": 30561, + "√": 30562, + "¥": 30563, + "社": 30564, + "ṇ": 30565, + "さ": 30566, + "ِ": 30567, + "く": 30568, + "े": 30569, + "Ы": 30570, + "ἐ": 30571, + "テ": 30572, + "为": 30573, + "乡": 30574, + "川": 30575, + "ナ": 30576, + "之": 30577, + "字": 30578, + "ム": 30579, + "ी": 30580, + "海": 30581, + "ブ": 30582, + "≈": 30583, + "!": 30584, + "پ": 30585, + "¯": 30586, + "ἀ": 30587, + "ƒ": 30588, + "こ": 30589, + "ְ": 30590, + "東": 30591, + "明": 30592, + "ὶ": 30593, + "时": 30594, + "ท": 30595, + "ɨ": 30596, + "デ": 30597, + "️": 30598, + "ʊ": 30599, + "エ": 30600, + "南": 30601, + "西": 30602, + "ल": 30603, + "メ": 30604, + "プ": 30605, + "平": 30606, + "式": 30607, + "ῖ": 30608, + "қ": 30609, + "व": 30610, + "غ": 30611, + "Ò": 30612, + "家": 30613, + "ʒ": 30614, + "サ": 30615, + "≡": 30616, + "ダ": 30617, + "ต": 30618, + "∃": 30619, + "₹": 30620, + "प": 30621, + "第": 30622, + "ര": 30623, + "ض": 30624, + "▄": 30625, + "城": 30626, + "ミ": 30627, + "ɐ": 30628, + "¦": 30629, + "美": 30630, + "件": 30631, + "ნ": 30632, + "Ð": 30633, + "ַ": 30634, + "ニ": 30635, + "部": 30636, + "ņ": 30637, + "ǐ": 30638, + "ט": 30639, + "य": 30640, + "あ": 30641, + "¾": 30642, + "ả": 30643, + "ち": 30644, + "ュ": 30645, + "÷": 30646, + "女": 30647, + "神": 30648, + "♦": 30649, + "¢": 30650, + "以": 30651, + "้": 30652, + "র": 30653, + "太": 30654, + "্": 30655, + "チ": 30656, + "յ": 30657, + "前": 30658, + "金": 30659, + "ւ": 30660, + "野": 30661, + "北": 30662, + "ห": 30663, + "‰": 30664, + "っ": 30665, + "加": 30666, + "原": 30667, + "ʲ": 30668, + "置": 30669, + "安": 30670, + "ガ": 30671, + "我": 30672, + "Ḥ": 30673, + "യ": 30674, + "京": 30675, + "▀": 30676, + "მ": 30677, + "ვ": 30678, + "ʾ": 30679, + "∨": 30680, + "ִ": 30681, + "可": 30682, + "取": 30683, + "县": 30684, + "二": 30685, + "▒": 30686, + "理": 30687, + "自": 30688, + "信": 30689, + "代": 30690, + "ี": 30691, + "צ": 30692, + "်": 30693, + "द": 30694, + "⁸": 30695, + "̯": 30696, + "お": 30697, + "要": 30698, + "ῦ": 30699, + "க": 30700, + "ễ": 30701, + "ु": 30702, + "ƒ": 30703, + "ʰ": 30704, + "化": 30705, + "✓": 30706, + "പ": 30707, + "의": 30708, + "다": 30709, + "木": 30710, + "ُ": 30711, + "̀": 30712, + "ˌ": 30713, + "ह": 30714, + "パ": 30715, + "水": 30716, + "ế": 30717, + "ด": 30718, + "ズ": 30719, + "⁹": 30720, + "島": 30721, + "‍": 30722, + "も": 30723, + "正": 30724, + "■": 30725, + "آ": 30726, + "พ": 30727, + "内": 30728, + "Ì": 30729, + "ǔ": 30730, + "┬": 30731, + "作": 30732, + "合": 30733, + "ὸ": 30734, + "み": 30735, + "▼": 30736, + "ῶ": 30737, + "⊙": 30738, + "~": 30739, + "ị": 30740, + "ْ": 30741, + "回": 30742, + "了": 30743, + "所": 30744, + "事": 30745, + "表": 30746, + "ำ": 30747, + "分": 30748, + "⁷": 30749, + "ү": 30750, + "€": 30751, + "入": 30752, + "全": 30753, + "إ": 30754, + "里": 30755, + "Χ": 30756, + "ं": 30757, + "ハ": 30758, + "ค": 30759, + "⁻": 30760, + "モ": 30761, + "郎": 30762, + "据": 30763, + "●": 30764, + "州": 30765, + "∩": 30766, + "者": 30767, + "通": 30768, + "都": 30769, + "ℤ": 30770, + "♭": 30771, + "╌": 30772, + "つ": 30773, + "ḍ": 30774, + "江": 30775, + "ז": 30776, + "Ý": 30777, + "ө": 30778, + "์": 30779, + "到": 30780, + "ி": 30781, + "ʂ": 30782, + "对": 30783, + "스": 30784, + "使": 30785, + "ি": 30786, + "よ": 30787, + "Ἀ": 30788, + "Ï": 30789, + "∘": 30790, + "사": 30791, + "ন": 30792, + "世": 30793, + "ɕ": 30794, + "կ": 30795, + "უ": 30796, + "ട": 30797, + "ბ": 30798, + "ो": 30799, + "വ": 30800, + "果": 30801, + "十": 30802, + "ุ": 30803, + "藤": 30804, + "来": 30805, + "面": 30806, + "け": 30807, + "ĕ": 30808, + "ビ": 30809, + "这": 30810, + "지": 30811, + "ം": 30812, + "街": 30813, + "石": 30814, + "能": 30815, + "空": 30816, + "տ": 30817, + "ئ": 30818, + "武": 30819, + "ʹ": 30820, + "ϕ": 30821, + "后": 30822, + "ะ": 30823, + "元": 30824, + "ʔ": 30825, + "리": 30826, + "기": 30827, + "河": 30828, + "町": 30829, + "花": 30830, + "ὐ": 30831, + "类": 30832, + "░": 30833, + "物": 30834, + "Η": 30835, + "¸": 30836, + "ு": 30837, + "თ": 30838, + "ث": 30839, + "െ": 30840, + "╠": 30841, + "⊆": 30842, + "》": 30843, + "ツ": 30844, + "版": 30845, + "动": 30846, + "如": 30847, + "真": 30848, + "ɲ": 30849, + "号": 30850, + "ذ": 30851, + "정": 30852, + "林": 30853, + "書": 30854, + "民": 30855, + "口": 30856, + "ّ": 30857, + "示": 30858, + "മ": 30859, + "아": 30860, + "图": 30861, + "∪": 30862, + "戦": 30863, + "李": 30864, + "ല": 30865, + "《": 30866, + "光": 30867, + "白": 30868, + "心": 30869, + "த": 30870, + "ज": 30871, + "设": 30872, + "ί": 30873, + "路": 30874, + "ग": 30875, + "∥": 30876, + "한": 30877, + "最": 30878, + "Ћ": 30879, + "手": 30880, + "ս": 30881, + "?": 30882, + "型": 30883, + "ầ": 30884, + "セ": 30885, + "建": 30886, + "ェ": 30887, + "主": 30888, + "시": 30889, + "대": 30890, + "ῆ": 30891, + "‡": 30892, + "集": 30893, + "დ": 30894, + "目": 30895, + "Ρ": 30896, + "ァ": 30897, + "度": 30898, + "長": 30899, + "星": 30900, + "ノ": 30901, + "ộ": 30902, + "가": 30903, + "五": 30904, + "چ": 30905, + "로": 30906, + "ョ": 30907, + "重": 30908, + "于": 30909, + "发": 30910, + "史": 30911, + "ظ": 30912, + "ช": 30913, + "え": 30914, + "國": 30915, + "ĭ": 30916, + "ப": 30917, + "인": 30918, + "你": 30919, + "駅": 30920, + "‒": 30921, + "♥": 30922, + "多": 30923, + "ħ": 30924, + "Қ": 30925, + "ồ": 30926, + "士": 30927, + "四": 30928, + "┴": 30929, + "ம": 30930, + "司": 30931, + "ে": 30932, + "ὰ": 30933, + "∂": 30934, + "╬": 30935, + "次": 30936, + "Ľ": 30937, + "⟶": 30938, + "立": 30939, + "点": 30940, + "音": 30941, + "⠀": 30942, + "器": 30943, + "하": 30944, + "井": 30945, + "存": 30946, + "ֹ": 30947, + "当": 30948, + "Ë": 30949, + "★": 30950, + "寺": 30951, + "性": 30952, + "也": 30953, + "め": 30954, + "だ": 30955, + "位": 30956, + "ങ": 30957, + "ہ": 30958, + "值": 30959, + "古": 30960, + "გ": 30961, + "ব": 30962, + "院": 30963, + "േ": 30964, + "▶": 30965, + "ர": 30966, + "界": 30967, + "語": 30968, + "സ": 30969, + "수": 30970, + "ǒ": 30971, + "愛": 30972, + "✔": 30973, + "時": 30974, + "ọ": 30975, + "റ": 30976, + "մ": 30977, + "ケ": 30978, + "东": 30979, + "同": 30980, + "주": 30981, + "保": 30982, + "Õ": 30983, + "ố": 30984, + "ἰ": 30985, + "青": 30986, + "ゴ": 30987, + "体": 30988, + "清": 30989, + "相": 30990, + "จ": 30991, + "ء": 30992, + "情": 30993, + "𝕜": 30994, + "ক": 30995, + "ḫ": 30996, + "ờ": 30997, + "将": 30998, + "族": 30999, + "동": 31000, + "Υ": 31001, + "┌": 31002, + "ボ": 31003, + "宮": 31004, + "』": 31005, + "ম": 31006, + "『": 31007, + "ļ": 31008, + "श": 31009, + "ป": 31010, + "Ա": 31011, + "ब": 31012, + "자": 31013, + "政": 31014, + "ா": 31015, + "间": 31016, + "fi": 31017, + "松": 31018, + "ṃ": 31019, + "始": 31020, + "息": 31021, + "少": 31022, + "教": 31023, + "获": 31024, + "列": 31025, + "开": 31026, + "ტ": 31027, + "ワ": 31028, + "კ": 31029, + "科": 31030, + "春": 31031, + "治": 31032, + "吉": 31033, + "ས": 31034, + "ศ": 31035, + "ɒ": 31036, + "台": 31037, + "ネ": 31038, + "း": 31039, + "ĩ": 31040, + "工": 31041, + "ά": 31042, + "知": 31043, + "八": 31044, + "場": 31045, + "画": 31046, + "百": 31047, + "☆": 31048, + "記": 31049, + "得": 31050, + "ソ": 31051, + "氏": 31052, + "ာ": 31053, + "에": 31054, + "ল": 31055, + "ṛ": 31056, + "关": 31057, + "ġ": 31058, + "έ": 31059, + "∑": 31060, + "ベ": 31061, + "标": 31062, + "니": 31063, + "ὴ": 31064, + "ֵ": 31065, + "外": 31066, + "♠": 31067, + "わ": 31068, + "間": 31069, + "ภ": 31070, + "校": 31071, + "制": 31072, + "แ": 31073, + "力": 31074, + "門": 31075, + "好": 31076, + "ғ": 31077, + "Ù": 31078, + "ℓ": 31079, + "ֶ": 31080, + "는": 31081, + "┐": 31082, + "∗": 31083, + "指": 31084, + "色": 31085, + "返": 31086, + "馬": 31087, + "请": 31088, + "≫": 31089, + "風": 31090, + "ό": 31091, + "接": 31092, + "서": 31093, + "↳": 31094, + "せ": 31095, + "志": 31096, + "̲": 31097, + "魔": 31098, + "ң": 31099, + "更": 31100, + "程": 31101, + "김": 31102, + "郡": 31103, + "ོ": 31104, + "ũ": 31105, + "ച": 31106, + "利": 31107, + "県": 31108, + "周": 31109, + "そ": 31110, + "や": 31111, + "谷": 31112, + "香": 31113, + "♯": 31114, + "じ": 31115, + "،": 31116, + "期": 31117, + "∅": 31118, + "┘": 31119, + "初": 31120, + "福": 31121, + "片": 31122, + "ザ": 31123, + "動": 31124, + "参": 31125, + "성": 31126, + "Ə": 31127, + "╦": 31128, + "어": 31129, + "ხ": 31130, + "義": 31131, + "च": 31132, + "象": 31133, + "功": 31134, + "♂": 31135, + "도": 31136, + "고": 31137, + "过": 31138, + "վ": 31139, + "皇": 31140, + "特": 31141, + "ậ": 31142, + "长": 31143, + "英": 31144, + "ấ": 31145, + "ണ": 31146, + "Ъ": 31147, + "স": 31148, + "其": 31149, + "ত": 31150, + "流": 31151, + "除": 31152, + "일": 31153, + "ু": 31154, + "្": 31155, + "永": 31156, + "直": 31157, + "상": 31158, + "千": 31159, + "ắ": 31160, + "館": 31161, + "Ť": 31162, + "朝": 31163, + "ட": 31164, + "ɣ": 31165, + "单": 31166, + "ʀ": 31167, + "格": 31168, + "德": 31169, + "전": 31170, + "☺": 31171, + "ピ": 31172, + "歌": 31173, + "进": 31174, + "限": 31175, + "夫": 31176, + "트": 31177, + "⊢": 31178, + "園": 31179, + "量": 31180, + "土": 31181, + "放": 31182, + "码": 31183, + "等": 31184, + "系": 31185, + "∼": 31186, + "華": 31187, + "↵": 31188, + "소": 31189, + "常": 31190, + "否": 31191, + "見": 31192, + "源": 31193, + "ׁ": 31194, + "实": 31195, + "博": 31196, + "라": 31197, + "원": 31198, + "보": 31199, + "⊕": 31200, + "解": 31201, + "〜": 31202, + "男": 31203, + "দ": 31204, + "ポ": 31205, + "ろ": 31206, + "나": 31207, + "ག": 31208, + "無": 31209, + "Û": 31210, + "̥": 31211, + "ұ": 31212, + "查": 31213, + "̣": 31214, + "╗": 31215, + "╩": 31216, + "条": 31217, + "য": 31218, + "ὁ": 31219, + "後": 31220, + "他": 31221, + "网": 31222, + "ல": 31223, + "≃": 31224, + "화": 31225, + "ە": 31226, + "阿": 31227, + "ေ": 31228, + "户": 31229, + "∫": 31230, + "구": 31231, + "ར": 31232, + "မ": 31233, + "▸": 31234, + "լ": 31235, + "○": 31236, + "命": 31237, + "就": 31238, + "龍": 31239, + "君": 31240, + "夏": 31241, + "": 31242, + "言": 31243, + "先": 31244, + "➜": 31245, + "შ": 31246, + "ძ": 31247, + "ਾ": 31248, + "வ": 31249, + "ど": 31250, + "ヒ": 31251, + "ไ": 31252, + "ன": 31253, + "ば": 31254, + "ギ": 31255, + "գ": 31256, + "ἄ": 31257, + "ヤ": 31258, + "典": 31259, + "府": 31260, + "̄": 31261, + "신": 31262, + "组": 31263, + "改": 31264, + "ὲ": 31265, + "华": 31266, + "与": 31267, + "调": 31268, + "╝": 31269, + "ヴ": 31270, + "ქ": 31271, + "由": 31272, + "修": 31273, + "學": 31274, + "♣": 31275, + "消": 31276, + "符": 31277, + "ʌ": 31278, + "부": 31279, + "ớ": 31280, + "‾": 31281, + "▲": 31282, + "录": 31283, + "ള": 31284, + "연": 31285, + "을": 31286, + "ひ": 31287, + "영": 31288, + "┤": 31289, + "已": 31290, + "陽": 31291, + "င": 31292, + "국": 31293, + "容": 31294, + "未": 31295, + "宗": 31296, + "ᴇ": 31297, + "び": 31298, + "장": 31299, + "龙": 31300, + "්": 31301, + "提": 31302, + "ĝ": 31303, + "六": 31304, + "形": 31305, + "제": 31306, + "Հ": 31307, + "伊": 31308, + "ϵ": 31309, + "ข": 31310, + "Ű": 31311, + "ゃ": 31312, + "火": 31313, + "Ṣ": 31314, + "佐": 31315, + "⊥": 31316, + "̪": 31317, + "ứ": 31318, + "□": 31319, + "结": 31320, + "九": 31321, + "雄": 31322, + "թ": 31323, + "ា": 31324, + "而": 31325, + "བ": 31326, + "우": 31327, + "张": 31328, + "ट": 31329, + "ष": 31330, + "向": 31331, + "ῥ": 31332, + "选": 31333, + "공": 31334, + "ゲ": 31335, + "ʐ": 31336, + "仁": 31337, + "堂": 31338, + "ך": 31339, + "ု": 31340, + "ἔ": 31341, + "അ": 31342, + "ề": 31343, + "ད": 31344, + "선": 31345, + "오": 31346, + "久": 31347, + "œ": 31348, + "义": 31349, + "अ": 31350, + "╔": 31351, + "无": 31352, + "
": 31353, + "은": 31354, + "ʷ": 31355, + "那": 31356, + "線": 31357, + "务": 31358, + "基": 31359, + "属": 31360, + "配": 31361, + "미": 31362, + "軍": 31363, + "โ": 31364, + "津": 31365, + "完": 31366, + "研": 31367, + "注": 31368, + "失": 31369, + "应": 31370, + "က": 31371, + "╚": 31372, + "友": 31373, + "章": 31374, + "Ψ": 31375, + "求": 31376, + "ण": 31377, + "경": 31378, + "‬": 31379, + "भ": 31380, + "们": 31381, + "模": 31382, + "需": 31383, + "ச": 31384, + "電": 31385, + "প": 31386, + "դ": 31387, + "へ": 31388, + "此": 31389, + "夜": 31390, + "或": 31391, + "橋": 31392, + "根": 31393, + "Ī": 31394, + "玉": 31395, + "ู": 31396, + "ṅ": 31397, + "交": 31398, + "品": 31399, + "良": 31400, + "ང": 31401, + "ォ": 31402, + "则": 31403, + "開": 31404, + "Ζ": 31405, + "문": 31406, + "被": 31407, + "조": 31408, + "株": 31409, + "记": 31410, + "會": 31411, + "经": 31412, + "ू": 31413, + "ょ": 31414, + "转": 31415, + "崎": 31416, + "마": 31417, + "⌘": 31418, + "比": 31419, + "造": 31420, + "ܐ": 31421, + "ื": 31422, + "没": 31423, + "现": 31424, + "七": 31425, + "Ά": 31426, + "商": 31427, + "ை": 31428, + "机": 31429, + "阳": 31430, + "ĉ": 31431, + "角": 31432, + "站": 31433, + "բ": 31434, + "해": 31435, + "及": 31436, + "ध": 31437, + "術": 31438, + "认": 31439, + "‘": 31440, + "创": 31441, + "編": 31442, + "ղ": 31443, + "ḩ": 31444, + "伝": 31445, + "岡": 31446, + "ड": 31447, + "ホ": 31448, + "港": 31449, + "任": 31450, + "登": 31451, + "ི": 31452, + "็": 31453, + "布": 31454, + "究": 31455, + "帝": 31456, + "여": 31457, + "산": 31458, + "န": 31459, + "◦": 31460, + "密": 31461, + "变": 31462, + "序": 31463, + "♀": 31464, + "∣": 31465, + "计": 31466, + "曲": 31467, + "Ă": 31468, + "ύ": 31469, + "ʋ": 31470, + "传": 31471, + "】": 31472, + "包": 31473, + "意": 31474, + "去": 31475, + "沙": 31476, + "⸮": 31477, + "【": 31478, + "写": 31479, + "超": 31480, + "ய": 31481, + "今": 31482, + "┈": 31483, + "森": 31484, + "ි": 31485, + "⊗": 31486, + "비": 31487, + "հ": 31488, + "Ḩ": 31489, + "ǫ": 31490, + "黄": 31491, + "∙": 31492, + "드": 31493, + "🌍": 31494, + "景": 31495, + "湖": 31496, + "ք": 31497, + "ိ": 31498, + "ⁿ": 31499, + "̂": 31500, + "ペ": 31501, + "何": 31502, + "宇": 31503, + "張": 31504, + "语": 31505, + "老": 31506, + "例": 31507, + "Ṭ": 31508, + "鉄": 31509, + "克": 31510, + "☉": 31511, + "™": 31512, + "ɹ": 31513, + "ἱ": 31514, + "ⴰ": 31515, + "然": 31516, + "를": 31517, + "ǧ": 31518, + "報": 31519, + "服": 31520, + "Ď": 31521, + "想": 31522, + "‖": 31523, + "ユ": 31524, + "実": 31525, + "载": 31526, + "요": 31527, + "ℚ": 31528, + "波": 31529, + "马": 31530, + "状": 31531, + "线": 31532, + "유": 31533, + "洋": 31534, + "万": 31535, + "진": 31536, + "জ": 31537, + "添": 31538, + "球": 31539, + "機": 31540, + "支": 31541, + "显": 31542, + "拉": 31543, + "ὑ": 31544, + "送": 31545, + "隊": 31546, + "ธ": 31547, + "处": 31548, + "師": 31549, + "⊂": 31550, + "像": 31551, + "়": 31552, + "黒": 31553, + "ց": 31554, + "": 31555, + "ủ": 31556, + "只": 31557, + "起": 31558, + "段": 31559, + "တ": 31560, + "區": 31561, + "選": 31562, + "천": 31563, + "業": 31564, + "算": 31565, + "广": 31566, + "រ": 31567, + "视": 31568, + "秋": 31569, + "因": 31570, + "년": 31571, + "ے": 31572, + "输": 31573, + "̱": 31574, + "Մ": 31575, + "∆": 31576, + "康": 31577, + "세": 31578, + "思": 31579, + "死": 31580, + "聖": 31581, + "민": 31582, + "-": 31583, + "头": 31584, + "ർ": 31585, + "∉": 31586, + "車": 31587, + "┃": 31588, + "▇": 31589, + "按": 31590, + "⍵": 31591, + "夢": 31592, + "汉": 31593, + "从": 31594, + "ী": 31595, + "题": 31596, + "ˆ": 31597, + "ἡ": 31598, + "展": 31599, + "省": 31600, + "ུ": 31601, + "葉": 31602, + "호": 31603, + "ਰ": 31604, + "素": 31605, + "関": 31606, + "그": 31607, + ";": 31608, + "න": 31609, + "页": 31610, + "共": 31611, + "宿": 31612, + "态": 31613, + "ན": 31614, + "技": 31615, + "乐": 31616, + "控": 31617, + "移": 31618, + "影": 31619, + "ụ": 31620, + "ゆ": 31621, + "ご": 31622, + "್": 31623, + "管": 31624, + "ൾ": 31625, + "╣": 31626, + "戸": 31627, + "⇔": 31628, + "函": 31629, + "ẓ": 31630, + "尾": 31631, + "场": 31632, + "介": 31633, + "": 31634, + "育": 31635, + "ර": 31636, + "泉": 31637, + "ൽ": 31638, + "说": 31639, + "换": 31640, + "必": 31641, + "紀": 31642, + "མ": 31643, + "ེ": 31644, + "ợ": 31645, + "ൻ": 31646, + "宝": 31647, + "気": 31648, + "门": 31649, + "令": 31650, + "左": 31651, + "漢": 31652, + "若": 31653, + "屋": 31654, + "局": 31655, + "打": 31656, + "発": 31657, + "问": 31658, + "恋": 31659, + "兵": 31660, + "別": 31661, + "ા": 31662, + "Ս": 31663, + "߬": 31664, + "গ": 31665, + "并": 31666, + "ख": 31667, + "ή": 31668, + "节": 31669, + "ʑ": 31670, + "ץ": 31671, + "Ḫ": 31672, + "ℂ": 31673, + "引": 31674, + "统": 31675, + "智": 31676, + "̩": 31677, + "ै": 31678, + "电": 31679, + "현": 31680, + "✅": 31681, + "赤": 31682, + "断": 31683, + "ね": 31684, + "称": 31685, + "শ": 31686, + "身": 31687, + "首": 31688, + "付": 31689, + "⅓": 31690, + "ਸ": 31691, + "連": 31692, + "ზ": 31693, + "官": 31694, + "持": 31695, + "奈": 31696, + "御": 31697, + "親": 31698, + "군": 31699, + "库": 31700, + "秀": 31701, + "址": 31702, + "守": 31703, + "活": 31704, + "ལ": 31705, + "ふ": 31706, + "藏": 31707, + "ស": 31708, + "竹": 31709, + "草": 31710, + "結": 31711, + "ා": 31712, + "昌": 31713, + "樹": 31714, + "ள": 31715, + "무": 31716, + "হ": 31717, + "ゼ": 31718, + "̈": 31719, + "շ": 31720, + "勝": 31721, + "足": 31722, + "ရ": 31723, + "위": 31724, + "į": 31725, + "Ἰ": 31726, + "航": 31727, + "陳": 31728, + "业": 31729, + "富": 31730, + "雪": 31731, + "आ": 31732, + "再": 31733, + "안": 31734, + "默": 31735, + "박": 31736, + "용": 31737, + "✿": 31738, + "楽": 31739, + "沢": 31740, + "羅": 31741, + "Ė": 31742, + "ʎ": 31743, + "忠": 31744, + "错": 31745, + "단": 31746, + "면": 31747, + "ķ": 31748, + "桥": 31749, + "雲": 31750, + "该": 31751, + "ṯ": 31752, + "岩": 31753, + "남": 31754, + "ỹ": 31755, + "专": 31756, + "切": 31757, + "店": 31758, + "朱": 31759, + "ף": 31760, + "ず": 31761, + "幸": 31762, + "母": 31763, + "ɫ": 31764, + "々": 31765, + "∷": 31766, + "串": 31767, + "击": 31768, + "Ἐ": 31769, + "設": 31770, + "⊤": 31771, + "ₗ": 31772, + "經": 31773, + "강": 31774, + "ပ": 31775, + "।": 31776, + "ѐ": 31777, + "ᾶ": 31778, + "➖": 31779, + "座": 31780, + "씨": 31781, + "ぶ": 31782, + "Ţ": 31783, + "云": 31784, + "告": 31785, + "変": 31786, + "试": 31787, + "隆": 31788, + "개": 31789, + "պ": 31790, + "判": 31791, + "劉": 31792, + "˜": 31793, + "ˠ": 31794, + "编": 31795, + "ณ": 31796, + "ữ": 31797, + "达": 31798, + "Ě": 31799, + "ܝ": 31800, + "ြ": 31801, + "ḷ": 31802, + "右": 31803, + "들": 31804, + "ŝ": 31805, + "ӏ": 31806, + "్": 31807, + "എ": 31808, + "ற": 31809, + "复": 31810, + "看": 31811, + "話": 31812, + "坂": 31813, + "尔": 31814, + "衛": 31815, + "զ": 31816, + "차": 31817, + "丸": 31818, + "样": 31819, + "鬼": 31820, + "़": 31821, + "학": 31822, + "喜": 31823, + "斯": 31824, + "銀": 31825, + "만": 31826, + "Ξ": 31827, + "ც": 31828, + "群": 31829, + "近": 31830, + "塔": 31831, + "ϊ": 31832, + "ந": 31833, + "む": 31834, + "确": 31835, + "索": 31836, + "∇": 31837, + "非": 31838, + "望": 31839, + "❯": 31840, + "希": 31841, + "ỳ": 31842, + "甲": 31843, + "越": 31844, + "鳥": 31845, + "麻": 31846, + "雅": 31847, + "拳": 31848, + "ក": 31849, + "溪": 31850, + "测": 31851, + "话": 31852, + "池": 31853, + "菜": 31854, + "食": 31855, + "터": 31856, + "ਿ": 31857, + "渡": 31858, + "速": 31859, + "ھ": 31860, + "ರ": 31861, + "陈": 31862, + "健": 31863, + "ো": 31864, + "ක": 31865, + "ὺ": 31866, + "军": 31867, + "庄": 31868, + "红": 31869, + "Ħ": 31870, + "論": 31871, + "Ÿ": 31872, + "Έ": 31873, + "ự": 31874, + "孝": 31875, + "頭": 31876, + "飛": 31877, + "˚": 31878, + "▓": 31879, + "ً": 31880, + "‭": 31881, + "么": 31882, + "達": 31883, + "ѫ": 31884, + "巴": 31885, + "洞": 31886, + "貴": 31887, + "项": 31888, + "ദ": 31889, + "ɵ": 31890, + "̍": 31891, + "ҡ": 31892, + "种": 31893, + "运": 31894, + "식": 31895, + "ྱ": 31896, + "ḳ": 31897, + "彦": 31898, + "⥤": 31899, + "书": 31900, + "构": 31901, + "米": 31902, + "连": 31903, + "操": 31904, + "装": 31905, + "과": 31906, + "ぐ": 31907, + "反": 31908, + "̌": 31909, + "仮": 31910, + "员": 31911, + "昭": 31912, + "ശ": 31913, + "兴": 31914, + "客": 31915, + "删": 31916, + "ම": 31917, + "ව": 31918, + "პ": 31919, + "ċ": 31920, + "ഷ": 31921, + "သ": 31922, + "ᵉ": 31923, + "居": 31924, + "타": 31925, + "𝓝": 31926, + "थ": 31927, + "現": 31928, + "ˇ": 31929, + "종": 31930, + "助": 31931, + "唐": 31932, + "瀬": 31933, + "ន": 31934, + "微": 31935, + "1": 31936, + "Ġ": 31937, + "ほ": 31938, + "舞": 31939, + "내": 31940, + "중": 31941, + "Ē": 31942, + "导": 31943, + "效": 31944, + "방": 31945, + "ḏ": 31946, + "深": 31947, + "梅": 31948, + "料": 31949, + "월": 31950, + "每": 31951, + "洲": 31952, + "회": 31953, + "茶": 31954, + "败": 31955, + "ഞ": 31956, + "ể": 31957, + "ヨ": 31958, + "些": 31959, + "双": 31960, + "嘉": 31961, + "모": 31962, + "바": 31963, + "ษ": 31964, + "進": 31965, + "음": 31966, + "ญ": 31967, + "丁": 31968, + "故": 31969, + "計": 31970, + "遠": 31971, + "교": 31972, + "재": 31973, + "候": 31974, + "房": 31975, + "명": 31976, + "两": 31977, + "ფ": 31978, + "才": 31979, + "합": 31980, + "止": 31981, + "番": 31982, + "ɯ": 31983, + "奇": 31984, + "怪": 31985, + "联": 31986, + "역": 31987, + "泰": 31988, + "백": 31989, + "ὀ": 31990, + "げ": 31991, + "べ": 31992, + "边": 31993, + "还": 31994, + "黃": 31995, + "왕": 31996, + "收": 31997, + "弘": 31998, + "给": 31999 + }, + "merges": [ + [ + "▁", + "t" + ], + [ + "e", + "r" + ], + [ + "i", + "n" + ], + [ + "▁", + "a" + ], + [ + "e", + "n" + ], + [ + "o", + "n" + ], + [ + "▁t", + "h" + ], + [ + "▁", + "th" + ], + [ + "e", + "s" + ], + [ + "▁", + "s" + ], + [ + "▁", + "d" + ], + [ + "a", + "t" + ], + [ + "o", + "r" + ], + [ + "a", + "n" + ], + [ + "▁", + "c" + ], + [ + "i", + "s" + ], + [ + "r", + "e" + ], + [ + "i", + "t" + ], + [ + "▁t", + "he" + ], + [ + "▁th", + "e" + ], + [ + "▁", + "the" + ], + [ + "a", + "r" + ], + [ + "l", + "e" + ], + [ + "▁", + "w" + ], + [ + "▁", + "p" + ], + [ + "o", + "u" + ], + [ + "a", + "l" + ], + [ + "▁", + "f" + ], + [ + "▁", + "m" + ], + [ + "e", + "d" + ], + [ + "▁", + "o" + ], + [ + "▁", + "b" + ], + [ + "o", + "m" + ], + [ + "io", + "n" + ], + [ + "i", + "on" + ], + [ + "in", + "g" + ], + [ + "i", + "ng" + ], + [ + "i", + "c" + ], + [ + "a", + "s" + ], + [ + "e", + "l" + ], + [ + "en", + "t" + ], + [ + "e", + "nt" + ], + [ + "▁i", + "n" + ], + [ + "▁", + "in" + ], + [ + "▁", + "h" + ], + [ + "n", + "d" + ], + [ + "e", + "t" + ], + [ + "▁", + "l" + ], + [ + "▁", + "n" + ], + [ + "s", + "t" + ], + [ + "▁t", + "o" + ], + [ + "▁", + "to" + ], + [ + "c", + "h" + ], + [ + "▁", + "I" + ], + [ + "r", + "o" + ], + [ + "i", + "l" + ], + [ + "▁o", + "f" + ], + [ + "▁", + "of" + ], + [ + "d", + "e" + ], + [ + "c", + "t" + ], + [ + "▁", + "(" + ], + [ + "a", + "m" + ], + [ + "▁", + "C" + ], + [ + "▁d", + "e" + ], + [ + "▁", + "de" + ], + [ + "▁", + "S" + ], + [ + "▁", + "u" + ], + [ + "▁", + "A" + ], + [ + "▁", + "\\" + ], + [ + "▁", + "e" + ], + [ + "▁a", + "nd" + ], + [ + "▁an", + "d" + ], + [ + "▁", + "and" + ], + [ + "▁", + "T" + ], + [ + "o", + "l" + ], + [ + "▁", + "v" + ], + [ + "i", + "m" + ], + [ + "o", + "t" + ], + [ + "a", + "d" + ], + [ + "u", + "t" + ], + [ + "▁", + "g" + ], + [ + "e", + "m" + ], + [ + "u", + "r" + ], + [ + "i", + "d" + ], + [ + "▁", + "*" + ], + [ + "i", + "g" + ], + [ + "r", + "a" + ], + [ + "▁r", + "e" + ], + [ + "▁", + "re" + ], + [ + "▁i", + "s" + ], + [ + "▁", + "is" + ], + [ + "q", + "u" + ], + [ + "o", + "w" + ], + [ + "▁", + "M" + ], + [ + "es", + "t" + ], + [ + "e", + "st" + ], + [ + "▁", + "y" + ], + [ + "s", + "e" + ], + [ + "v", + "e" + ], + [ + "c", + "e" + ], + [ + "i", + "e" + ], + [ + "u", + "n" + ], + [ + "▁", + "P" + ], + [ + "▁", + "B" + ], + [ + "a", + "g" + ], + [ + "u", + "l" + ], + [ + "▁", + "=" + ], + [ + "h", + "e" + ], + [ + "en", + "d" + ], + [ + "e", + "nd" + ], + [ + "od", + "e" + ], + [ + "o", + "de" + ], + [ + "te", + "r" + ], + [ + "t", + "er" + ], + [ + "me", + "nt" + ], + [ + "men", + "t" + ], + [ + "m", + "ent" + ], + [ + "o", + "s" + ], + [ + "▁", + "D" + ], + [ + "i", + "f" + ], + [ + "at", + "ion" + ], + [ + "ati", + "on" + ], + [ + "atio", + "n" + ], + [ + "a", + "tion" + ], + [ + "▁f", + "or" + ], + [ + "▁fo", + "r" + ], + [ + "▁", + "for" + ], + [ + "▁", + "r" + ], + [ + "▁", + "L" + ], + [ + "▁y", + "ou" + ], + [ + "▁yo", + "u" + ], + [ + "▁", + "you" + ], + [ + "▁b", + "e" + ], + [ + "▁", + "be" + ], + [ + "l", + "y" + ], + [ + "ve", + "r" + ], + [ + "v", + "er" + ], + [ + "a", + "b" + ], + [ + "t", + "e" + ], + [ + "▁i", + "t" + ], + [ + "▁", + "it" + ], + [ + "▁o", + "n" + ], + [ + "▁", + "on" + ], + [ + "r", + "i" + ], + [ + "u", + "s" + ], + [ + "▁", + "\"" + ], + [ + "▁w", + "h" + ], + [ + "▁", + "wh" + ], + [ + "▁c", + "on" + ], + [ + "▁co", + "n" + ], + [ + "▁", + "con" + ], + [ + "▁", + "H" + ], + [ + "▁s", + "t" + ], + [ + "▁", + "st" + ], + [ + "i", + "r" + ], + [ + "▁", + "E" + ], + [ + "▁", + "F" + ], + [ + "c", + "k" + ], + [ + "▁a", + "n" + ], + [ + "▁", + "an" + ], + [ + "t", + "h" + ], + [ + "e", + "g" + ], + [ + "a", + "y" + ], + [ + "it", + "h" + ], + [ + "i", + "th" + ], + [ + "▁", + "R" + ], + [ + "is", + "t" + ], + [ + "i", + "st" + ], + [ + "an", + "d" + ], + [ + "a", + "nd" + ], + [ + "▁t", + "hat" + ], + [ + "▁th", + "at" + ], + [ + "▁", + "that" + ], + [ + "▁a", + "l" + ], + [ + "▁", + "al" + ], + [ + "▁", + "$" + ], + [ + "▁", + "#" + ], + [ + "o", + "d" + ], + [ + "u", + "m" + ], + [ + "▁", + "W" + ], + [ + "h", + "t" + ], + [ + "co", + "de" + ], + [ + "cod", + "e" + ], + [ + "c", + "ode" + ], + [ + "▁", + "G" + ], + [ + "at", + "e" + ], + [ + "a", + "te" + ], + [ + "es", + "s" + ], + [ + "e", + "ss" + ], + [ + "▁", + "N" + ], + [ + "er", + "e" + ], + [ + "e", + "re" + ], + [ + "p", + "p" + ], + [ + "▁a", + "s" + ], + [ + "▁", + "as" + ], + [ + "▁s", + "e" + ], + [ + "▁", + "se" + ], + [ + "▁p", + "ro" + ], + [ + "▁pr", + "o" + ], + [ + "▁", + "pro" + ], + [ + "▁w", + "ith" + ], + [ + "▁wit", + "h" + ], + [ + "▁", + "with" + ], + [ + "p", + "e" + ], + [ + "▁", + "k" + ], + [ + "er", + "s" + ], + [ + "e", + "rs" + ], + [ + "p", + "t" + ], + [ + ")", + ";" + ], + [ + "l", + "o" + ], + [ + "▁c", + "om" + ], + [ + "▁co", + "m" + ], + [ + "▁", + "com" + ], + [ + "am", + "e" + ], + [ + "a", + "me" + ], + [ + "▁", + "`" + ], + [ + "▁C", + "om" + ], + [ + "▁Co", + "m" + ], + [ + "▁", + "Com" + ], + [ + "i", + "a" + ], + [ + "an", + "t" + ], + [ + "a", + "nt" + ], + [ + "▁l", + "a" + ], + [ + "▁", + "la" + ], + [ + "▁", + "{" + ], + [ + "▁e", + "n" + ], + [ + "▁", + "en" + ], + [ + "ct", + "ion" + ], + [ + "c", + "tion" + ], + [ + "▁e", + "x" + ], + [ + "▁", + "ex" + ], + [ + "l", + "d" + ], + [ + "u", + "b" + ], + [ + "▁", + "j" + ], + [ + "l", + "a" + ], + [ + "u", + "e" + ], + [ + "▁", + "J" + ], + [ + "ic", + "h" + ], + [ + "i", + "ch" + ], + [ + "▁d", + "o" + ], + [ + "▁", + "do" + ], + [ + "▁", + "O" + ], + [ + "▁q", + "u" + ], + [ + "▁", + "qu" + ], + [ + "i", + "v" + ], + [ + "or", + "t" + ], + [ + "o", + "rt" + ], + [ + "ar", + "t" + ], + [ + "a", + "rt" + ], + [ + "▁u", + "n" + ], + [ + "▁", + "un" + ], + [ + "▁#", + "#" + ], + [ + "▁", + "##" + ], + [ + "▁t", + "his" + ], + [ + "▁th", + "is" + ], + [ + "▁", + "this" + ], + [ + "k", + "e" + ], + [ + "▁h", + "a" + ], + [ + "▁", + "ha" + ], + [ + "▁", + "-" + ], + [ + "ou", + "t" + ], + [ + "o", + "ut" + ], + [ + "▁T", + "he" + ], + [ + "▁Th", + "e" + ], + [ + "▁", + "The" + ], + [ + "▁n", + "ot" + ], + [ + "▁no", + "t" + ], + [ + "▁", + "not" + ], + [ + "▁n", + "e" + ], + [ + "▁", + "ne" + ], + [ + "il", + "l" + ], + [ + "i", + "ll" + ], + [ + "▁l", + "e" + ], + [ + "▁", + "le" + ], + [ + "c", + "i" + ], + [ + "ro", + "m" + ], + [ + "r", + "om" + ], + [ + "in", + "e" + ], + [ + "i", + "ne" + ], + [ + "/", + "/" + ], + [ + "o", + "p" + ], + [ + "eg", + "in" + ], + [ + "e", + "gin" + ], + [ + "▁Com", + "ment" + ], + [ + "▁Comm", + "ent" + ], + [ + "▁", + "Comment" + ], + [ + "be", + "gin" + ], + [ + "beg", + "in" + ], + [ + "b", + "egin" + ], + [ + "с", + "т" + ], + [ + "as", + "s" + ], + [ + "a", + "ss" + ], + [ + "i", + "z" + ], + [ + ")", + "." + ], + [ + "o", + "g" + ], + [ + "▁", + "п" + ], + [ + "▁o", + "r" + ], + [ + "▁", + "or" + ], + [ + "▁w", + "as" + ], + [ + "▁wa", + "s" + ], + [ + "▁", + "was" + ], + [ + "▁a", + "t" + ], + [ + "▁", + "at" + ], + [ + "ou", + "r" + ], + [ + "o", + "ur" + ], + [ + "▁", + "i" + ], + [ + "ai", + "n" + ], + [ + "a", + "in" + ], + [ + "▁", + "K" + ], + [ + "н", + "а" + ], + [ + "▁", + "V" + ], + [ + "g", + "e" + ], + [ + "▁s", + "u" + ], + [ + "▁", + "su" + ], + [ + "a", + "p" + ], + [ + "ag", + "e" + ], + [ + "a", + "ge" + ], + [ + "ou", + "ld" + ], + [ + "oul", + "d" + ], + [ + "o", + "uld" + ], + [ + "n", + "e" + ], + [ + "a", + "v" + ], + [ + "x", + "t" + ], + [ + "or", + "e" + ], + [ + "o", + "re" + ], + [ + "il", + "e" + ], + [ + "i", + "le" + ], + [ + "-", + "-" + ], + [ + "▁", + "в" + ], + [ + "▁b", + "y" + ], + [ + "▁", + "by" + ], + [ + "l", + "i" + ], + [ + "at", + "h" + ], + [ + "a", + "th" + ], + [ + "р", + "а" + ], + [ + "be", + "r" + ], + [ + "b", + "er" + ], + [ + "ac", + "h" + ], + [ + "a", + "ch" + ], + [ + "al", + "l" + ], + [ + "a", + "ll" + ], + [ + "▁T", + "h" + ], + [ + "▁", + "Th" + ], + [ + "ul", + "t" + ], + [ + "u", + "lt" + ], + [ + "▁", + "}" + ], + [ + "▁", + "U" + ], + [ + "▁u", + "s" + ], + [ + "▁", + "us" + ], + [ + "▁", + "z" + ], + [ + "us", + "t" + ], + [ + "u", + "st" + ], + [ + "▁h", + "ave" + ], + [ + "▁ha", + "ve" + ], + [ + "▁hav", + "e" + ], + [ + "▁", + "have" + ], + [ + "li", + "c" + ], + [ + "l", + "ic" + ], + [ + "н", + "и" + ], + [ + "▁c", + "an" + ], + [ + "▁ca", + "n" + ], + [ + "▁", + "can" + ], + [ + "t", + "r" + ], + [ + "co", + "m" + ], + [ + "c", + "om" + ], + [ + ")", + "," + ], + [ + "▁I", + "n" + ], + [ + "▁", + "In" + ], + [ + "in", + "d" + ], + [ + "i", + "nd" + ], + [ + "el", + "l" + ], + [ + "e", + "ll" + ], + [ + "▁f", + "rom" + ], + [ + "▁fr", + "om" + ], + [ + "▁fro", + "m" + ], + [ + "▁", + "from" + ], + [ + "о", + "в" + ], + [ + "t", + "o" + ], + [ + "▁", + "[" + ], + [ + "ab", + "le" + ], + [ + "abl", + "e" + ], + [ + "a", + "ble" + ], + [ + "os", + "t" + ], + [ + "o", + "st" + ], + [ + "▁c", + "h" + ], + [ + "▁", + "ch" + ], + [ + "ec", + "t" + ], + [ + "e", + "ct" + ], + [ + "ig", + "ht" + ], + [ + "igh", + "t" + ], + [ + "in", + "t" + ], + [ + "i", + "nt" + ], + [ + "▁", + "'" + ], + [ + "▁a", + "re" + ], + [ + "▁ar", + "e" + ], + [ + "▁", + "are" + ], + [ + "▁i", + "m" + ], + [ + "▁", + "im" + ], + [ + "▁s", + "h" + ], + [ + "▁", + "sh" + ], + [ + "▁", + "<" + ], + [ + "▁A", + "n" + ], + [ + "▁", + "An" + ], + [ + "▁", + "с" + ], + [ + "at", + "a" + ], + [ + "a", + "ta" + ], + [ + "ir", + "e" + ], + [ + "i", + "re" + ], + [ + "▁t", + "r" + ], + [ + "▁", + "tr" + ], + [ + "co", + "n" + ], + [ + "c", + "on" + ], + [ + "or", + "d" + ], + [ + "o", + "rd" + ], + [ + "it", + "y" + ], + [ + "i", + "ty" + ], + [ + "ar", + "d" + ], + [ + "a", + "rd" + ], + [ + "▁h", + "e" + ], + [ + "▁", + "he" + ], + [ + "▁b", + "ut" + ], + [ + "▁bu", + "t" + ], + [ + "▁", + "but" + ], + [ + "o", + "c" + ], + [ + "=", + "\"" + ], + [ + "▁p", + "r" + ], + [ + "▁", + "pr" + ], + [ + "ur", + "e" + ], + [ + "u", + "re" + ], + [ + "pe", + "r" + ], + [ + "p", + "er" + ], + [ + "ac", + "k" + ], + [ + "a", + "ck" + ], + [ + "or", + "k" + ], + [ + "on", + "g" + ], + [ + "o", + "ng" + ], + [ + "an", + "s" + ], + [ + "a", + "ns" + ], + [ + "к", + "о" + ], + [ + "pl", + "e" + ], + [ + "p", + "le" + ], + [ + "▁d", + "es" + ], + [ + "▁de", + "s" + ], + [ + "▁", + "des" + ], + [ + "o", + "k" + ], + [ + "or", + "m" + ], + [ + "o", + "rm" + ], + [ + "we", + "r" + ], + [ + "w", + "er" + ], + [ + "a", + "k" + ], + [ + "p", + "r" + ], + [ + "as", + "e" + ], + [ + "a", + "se" + ], + [ + "▁e", + "l" + ], + [ + "▁", + "el" + ], + [ + "p", + "h" + ], + [ + "a", + "c" + ], + [ + "▁u", + "nd" + ], + [ + "▁un", + "d" + ], + [ + "▁", + "und" + ], + [ + "▁a", + "r" + ], + [ + "▁", + "ar" + ], + [ + "▁i", + "f" + ], + [ + "▁", + "if" + ], + [ + "u", + "d" + ], + [ + "p", + "s" + ], + [ + "it", + "e" + ], + [ + "i", + "te" + ], + [ + "bl", + "e" + ], + [ + "b", + "le" + ], + [ + "н", + "о" + ], + [ + "fe", + "r" + ], + [ + "f", + "er" + ], + [ + "p", + "l" + ], + [ + "iv", + "e" + ], + [ + "i", + "ve" + ], + [ + "an", + "g" + ], + [ + "a", + "ng" + ], + [ + "en", + "s" + ], + [ + "e", + "ns" + ], + [ + "р", + "о" + ], + [ + "▁s", + "o" + ], + [ + "▁", + "so" + ], + [ + "s", + "o" + ], + [ + "as", + "t" + ], + [ + "a", + "st" + ], + [ + "(", + ")" + ], + [ + "sw", + "er" + ], + [ + "s", + "wer" + ], + [ + "r", + "u" + ], + [ + "ie", + "s" + ], + [ + "i", + "es" + ], + [ + "▁", + ":" + ], + [ + "a", + "u" + ], + [ + "o", + "v" + ], + [ + "р", + "е" + ], + [ + "г", + "о" + ], + [ + "▁d", + "er" + ], + [ + "▁de", + "r" + ], + [ + "▁", + "der" + ], + [ + "▁m", + "y" + ], + [ + "▁", + "my" + ], + [ + "▁w", + "e" + ], + [ + "▁", + "we" + ], + [ + "▁m", + "e" + ], + [ + "▁", + "me" + ], + [ + "n", + "t" + ], + [ + "▁a", + "d" + ], + [ + "▁", + "ad" + ], + [ + "ur", + "n" + ], + [ + "u", + "rn" + ], + [ + "▁y", + "our" + ], + [ + "▁you", + "r" + ], + [ + "▁yo", + "ur" + ], + [ + "▁", + "your" + ], + [ + ":/", + "/" + ], + [ + ":", + "//" + ], + [ + "ar", + "e" + ], + [ + "a", + "re" + ], + [ + "▁a", + "ll" + ], + [ + "▁al", + "l" + ], + [ + "▁", + "all" + ], + [ + "f", + "f" + ], + [ + "i", + "o" + ], + [ + "es", + "tion" + ], + [ + "est", + "ion" + ], + [ + "esti", + "on" + ], + [ + "im", + "e" + ], + [ + "i", + "me" + ], + [ + "▁e", + "r" + ], + [ + "▁", + "er" + ], + [ + "la", + "ss" + ], + [ + "las", + "s" + ], + [ + "l", + "ass" + ], + [ + "▁", + "и" + ], + [ + "▁wh", + "ich" + ], + [ + "▁", + "which" + ], + [ + "om", + "e" + ], + [ + "o", + "me" + ], + [ + "on", + "t" + ], + [ + "o", + "nt" + ], + [ + "▁p", + "ar" + ], + [ + "▁pa", + "r" + ], + [ + "▁", + "par" + ], + [ + "▁m", + "a" + ], + [ + "▁", + "ma" + ], + [ + "▁", + "Y" + ], + [ + "\"", + "," + ], + [ + "▁", + "о" + ], + [ + "f", + "t" + ], + [ + "ia", + "l" + ], + [ + "i", + "al" + ], + [ + "c", + "c" + ], + [ + "ou", + "nd" + ], + [ + "oun", + "d" + ], + [ + "o", + "und" + ], + [ + "▁l", + "i" + ], + [ + "▁", + "li" + ], + [ + "▁re", + "s" + ], + [ + "▁r", + "es" + ], + [ + "▁", + "res" + ], + [ + "et", + "h" + ], + [ + "e", + "th" + ], + [ + "je", + "ct" + ], + [ + "j", + "ect" + ], + [ + "▁a", + "pp" + ], + [ + "▁ap", + "p" + ], + [ + "▁", + "app" + ], + [ + "▁S", + "t" + ], + [ + "▁", + "St" + ], + [ + "ic", + "e" + ], + [ + "i", + "ce" + ], + [ + "▁a", + "m" + ], + [ + "▁", + "am" + ], + [ + "ac", + "t" + ], + [ + "a", + "ct" + ], + [ + "▁d", + "el" + ], + [ + "▁de", + "l" + ], + [ + "▁", + "del" + ], + [ + "g", + "r" + ], + [ + "at", + "ed" + ], + [ + "ate", + "d" + ], + [ + "a", + "ted" + ], + [ + "ie", + "r" + ], + [ + "i", + "er" + ], + [ + "▁a", + "b" + ], + [ + "▁", + "ab" + ], + [ + "▁e", + "t" + ], + [ + "▁", + "et" + ], + [ + "al", + "ly" + ], + [ + "all", + "y" + ], + [ + ".", + "." + ], + [ + "po", + "rt" + ], + [ + "por", + "t" + ], + [ + "p", + "ort" + ], + [ + "i", + "k" + ], + [ + "▁p", + "er" + ], + [ + "▁pe", + "r" + ], + [ + "▁", + "per" + ], + [ + "▁c", + "ont" + ], + [ + "▁con", + "t" + ], + [ + "▁co", + "nt" + ], + [ + "▁", + "cont" + ], + [ + "р", + "и" + ], + [ + "к", + "а" + ], + [ + "se", + "r" + ], + [ + "s", + "er" + ], + [ + "л", + "и" + ], + [ + "l", + "l" + ], + [ + "ie", + "w" + ], + [ + "i", + "ew" + ], + [ + "ig", + "n" + ], + [ + "i", + "gn" + ], + [ + "_", + "{" + ], + [ + "pu", + "t" + ], + [ + "p", + "ut" + ], + [ + "on", + "e" + ], + [ + "o", + "ne" + ], + [ + "un", + "ction" + ], + [ + "unc", + "tion" + ], + [ + "unct", + "ion" + ], + [ + "▁d", + "i" + ], + [ + "▁", + "di" + ], + [ + "ar", + "y" + ], + [ + "a", + "ry" + ], + [ + "it", + "ion" + ], + [ + "iti", + "on" + ], + [ + "i", + "tion" + ], + [ + "m", + "a" + ], + [ + "е", + "н" + ], + [ + "ge", + "t" + ], + [ + "g", + "et" + ], + [ + "▁l", + "o" + ], + [ + "▁", + "lo" + ], + [ + "▁v", + "al" + ], + [ + "▁va", + "l" + ], + [ + "▁", + "val" + ], + [ + "▁", + "Q" + ], + [ + "ra", + "n" + ], + [ + "r", + "an" + ], + [ + "▁", + "д" + ], + [ + "en", + "ce" + ], + [ + "enc", + "e" + ], + [ + "▁w", + "ork" + ], + [ + "▁wor", + "k" + ], + [ + "▁", + "work" + ], + [ + "▁н", + "а" + ], + [ + "▁", + "на" + ], + [ + "i", + "p" + ], + [ + "it", + "em" + ], + [ + "ite", + "m" + ], + [ + "i", + "tem" + ], + [ + "yp", + "e" + ], + [ + "y", + "pe" + ], + [ + "▁", + "&" + ], + [ + "▁h", + "is" + ], + [ + "▁hi", + "s" + ], + [ + "▁", + "his" + ], + [ + "▁u", + "se" + ], + [ + "▁us", + "e" + ], + [ + "▁", + "use" + ], + [ + "de", + "r" + ], + [ + "d", + "er" + ], + [ + "▁An", + "swer" + ], + [ + "▁Ans", + "wer" + ], + [ + "▁", + "Answer" + ], + [ + "▁w", + "ill" + ], + [ + "▁wil", + "l" + ], + [ + "▁", + "will" + ], + [ + "iz", + "e" + ], + [ + "i", + "ze" + ], + [ + "т", + "а" + ], + [ + "lo", + "w" + ], + [ + "l", + "ow" + ], + [ + "▁C", + "h" + ], + [ + "▁", + "Ch" + ], + [ + "▁g", + "et" + ], + [ + "▁ge", + "t" + ], + [ + "▁", + "get" + ], + [ + "id", + "e" + ], + [ + "i", + "de" + ], + [ + "ou", + "s" + ], + [ + "o", + "us" + ], + [ + "in", + "k" + ], + [ + "pt", + "ion" + ], + [ + "p", + "tion" + ], + [ + "л", + "а" + ], + [ + "tu", + "rn" + ], + [ + "t", + "urn" + ], + [ + "un", + "g" + ], + [ + "u", + "ng" + ], + [ + "e", + "c" + ], + [ + "u", + "g" + ], + [ + "fo", + "rm" + ], + [ + "for", + "m" + ], + [ + "f", + "orm" + ], + [ + "re", + "s" + ], + [ + "r", + "es" + ], + [ + "ht", + "t" + ], + [ + "h", + "tt" + ], + [ + "ou", + "g" + ], + [ + "o", + "ug" + ], + [ + "л", + "ь" + ], + [ + "▁n", + "o" + ], + [ + "▁", + "no" + ], + [ + "c", + "l" + ], + [ + "▁r", + "o" + ], + [ + "▁", + "ro" + ], + [ + "▁o", + "ne" + ], + [ + "▁on", + "e" + ], + [ + "▁", + "one" + ], + [ + "t", + "t" + ], + [ + "cr", + "i" + ], + [ + "c", + "ri" + ], + [ + "d", + "u" + ], + [ + "▁u", + "p" + ], + [ + "▁", + "up" + ], + [ + "т", + "о" + ], + [ + "(", + "\"" + ], + [ + "▁o", + "b" + ], + [ + "▁", + "ob" + ], + [ + "w", + "e" + ], + [ + "or", + "y" + ], + [ + "o", + "ry" + ], + [ + "▁e", + "st" + ], + [ + "▁es", + "t" + ], + [ + "▁", + "est" + ], + [ + "er", + "y" + ], + [ + "e", + "ry" + ], + [ + "ie", + "l" + ], + [ + "i", + "el" + ], + [ + "st", + "r" + ], + [ + "s", + "tr" + ], + [ + "o", + "b" + ], + [ + "▁qu", + "e" + ], + [ + "▁q", + "ue" + ], + [ + "▁", + "que" + ], + [ + "ia", + "n" + ], + [ + "i", + "an" + ], + [ + "▁o", + "ut" + ], + [ + "▁ou", + "t" + ], + [ + "▁", + "out" + ], + [ + "▁p", + "l" + ], + [ + "▁", + "pl" + ], + [ + "▁n", + "ew" + ], + [ + "▁ne", + "w" + ], + [ + "▁", + "new" + ], + [ + "к", + "и" + ], + [ + "▁", + "+" + ], + [ + "r", + "y" + ], + [ + "ot", + "h" + ], + [ + "o", + "th" + ], + [ + "th", + "er" + ], + [ + "the", + "r" + ], + [ + "t", + "her" + ], + [ + "▁v", + "ar" + ], + [ + "▁va", + "r" + ], + [ + "▁", + "var" + ], + [ + "▁w", + "ould" + ], + [ + "▁wo", + "uld" + ], + [ + "▁s", + "er" + ], + [ + "▁se", + "r" + ], + [ + "▁", + "ser" + ], + [ + "ter", + "n" + ], + [ + "te", + "rn" + ], + [ + "t", + "ern" + ], + [ + "te", + "xt" + ], + [ + "tex", + "t" + ], + [ + "t", + "ext" + ], + [ + "▁t", + "here" + ], + [ + "▁th", + "ere" + ], + [ + "▁the", + "re" + ], + [ + "▁ther", + "e" + ], + [ + "▁", + "there" + ], + [ + "is", + "h" + ], + [ + "i", + "sh" + ], + [ + "ro", + "r" + ], + [ + "r", + "or" + ], + [ + "т", + "е" + ], + [ + "▁s", + "et" + ], + [ + "▁se", + "t" + ], + [ + "▁", + "set" + ], + [ + "▁", + "@" + ], + [ + "▁п", + "о" + ], + [ + "▁", + "по" + ], + [ + "▁t", + "e" + ], + [ + "▁", + "te" + ], + [ + "e", + "x" + ], + [ + "▁re", + "turn" + ], + [ + "▁ret", + "urn" + ], + [ + "▁", + "return" + ], + [ + "ai", + "l" + ], + [ + "a", + "il" + ], + [ + "▁a", + "ny" + ], + [ + "▁an", + "y" + ], + [ + "▁", + "any" + ], + [ + "▁I", + "t" + ], + [ + "▁", + "It" + ], + [ + "▁f", + "unction" + ], + [ + "▁fun", + "ction" + ], + [ + "▁func", + "tion" + ], + [ + "▁", + "function" + ], + [ + "{", + "\\" + ], + [ + "'", + "," + ], + [ + "é", + "s" + ], + [ + "al", + "e" + ], + [ + "a", + "le" + ], + [ + "а", + "н" + ], + [ + "▁w", + "hen" + ], + [ + "▁wh", + "en" + ], + [ + "▁whe", + "n" + ], + [ + "▁", + "when" + ], + [ + "i", + "b" + ], + [ + "▁g", + "o" + ], + [ + "▁", + "go" + ], + [ + "an", + "ce" + ], + [ + "anc", + "e" + ], + [ + "▁h", + "ad" + ], + [ + "▁ha", + "d" + ], + [ + "▁", + "had" + ], + [ + "▁Q", + "u" + ], + [ + "▁", + "Qu" + ], + [ + "▁c", + "omp" + ], + [ + "▁com", + "p" + ], + [ + "▁co", + "mp" + ], + [ + "▁", + "comp" + ], + [ + "л", + "е" + ], + [ + "▁", + "з" + ], + [ + "ma", + "th" + ], + [ + "mat", + "h" + ], + [ + "m", + "ath" + ], + [ + "▁h", + "as" + ], + [ + "▁ha", + "s" + ], + [ + "▁", + "has" + ], + [ + "▁", + "м" + ], + [ + "▁p", + "re" + ], + [ + "▁pr", + "e" + ], + [ + "▁", + "pre" + ], + [ + "en", + "er" + ], + [ + "ene", + "r" + ], + [ + "e", + "ner" + ], + [ + "▁p", + "art" + ], + [ + "▁par", + "t" + ], + [ + "▁pa", + "rt" + ], + [ + "▁", + "part" + ], + [ + "el", + "f" + ], + [ + "▁d", + "ie" + ], + [ + "▁di", + "e" + ], + [ + "▁", + "die" + ], + [ + "▁l", + "ike" + ], + [ + "▁li", + "ke" + ], + [ + "▁lik", + "e" + ], + [ + "▁", + "like" + ], + [ + "ra", + "y" + ], + [ + "r", + "ay" + ], + [ + "ir", + "st" + ], + [ + "irs", + "t" + ], + [ + "▁d", + "is" + ], + [ + "▁di", + "s" + ], + [ + "▁", + "dis" + ], + [ + "▁m", + "an" + ], + [ + "▁ma", + "n" + ], + [ + "▁", + "man" + ], + [ + "ri", + "t" + ], + [ + "r", + "it" + ], + [ + "▁t", + "hen" + ], + [ + "▁th", + "en" + ], + [ + "▁the", + "n" + ], + [ + "▁", + "then" + ], + [ + "▁c", + "lass" + ], + [ + "▁cl", + "ass" + ], + [ + "▁cla", + "ss" + ], + [ + "▁clas", + "s" + ], + [ + "▁", + "class" + ], + [ + "pr", + "o" + ], + [ + "p", + "ro" + ], + [ + "▁p", + "o" + ], + [ + "▁", + "po" + ], + [ + "▁u", + "sing" + ], + [ + "▁us", + "ing" + ], + [ + "▁", + "using" + ], + [ + "e", + "b" + ], + [ + "▁c", + "ode" + ], + [ + "▁co", + "de" + ], + [ + "▁cod", + "e" + ], + [ + "▁", + "code" + ], + [ + "ow", + "n" + ], + [ + "o", + "wn" + ], + [ + "▁s", + "ome" + ], + [ + "▁so", + "me" + ], + [ + "▁som", + "e" + ], + [ + "▁", + "some" + ], + [ + "ce", + "s" + ], + [ + "c", + "es" + ], + [ + "▁$", + "\\" + ], + [ + "▁", + "$\\" + ], + [ + "е", + "р" + ], + [ + "le", + "ct" + ], + [ + "l", + "ect" + ], + [ + "▁a", + "u" + ], + [ + "▁", + "au" + ], + [ + "is", + "ch" + ], + [ + "isc", + "h" + ], + [ + "i", + "sch" + ], + [ + "▁c", + "ol" + ], + [ + "▁co", + "l" + ], + [ + "▁", + "col" + ], + [ + "▁", + "–" + ], + [ + "u", + "p" + ], + [ + "on", + "s" + ], + [ + "o", + "ns" + ], + [ + "▁a", + "dd" + ], + [ + "▁ad", + "d" + ], + [ + "▁", + "add" + ], + [ + "il", + "d" + ], + [ + "i", + "ld" + ], + [ + "is", + "s" + ], + [ + "i", + "ss" + ], + [ + "va", + "l" + ], + [ + "v", + "al" + ], + [ + "ou", + "nt" + ], + [ + "oun", + "t" + ], + [ + "o", + "unt" + ], + [ + "le", + "s" + ], + [ + "l", + "es" + ], + [ + "ve", + "nt" + ], + [ + "ven", + "t" + ], + [ + "v", + "ent" + ], + [ + "▁", + "Z" + ], + [ + "I", + "n" + ], + [ + "ro", + "w" + ], + [ + "r", + "ow" + ], + [ + "ea", + "r" + ], + [ + "e", + "ar" + ], + [ + "at", + "ions" + ], + [ + "ation", + "s" + ], + [ + "ati", + "ons" + ], + [ + "atio", + "ns" + ], + [ + "a", + "h" + ], + [ + "qu", + "e" + ], + [ + "q", + "ue" + ], + [ + "ub", + "lic" + ], + [ + "u", + "blic" + ], + [ + "an", + "k" + ], + [ + "▁s", + "p" + ], + [ + "▁", + "sp" + ], + [ + "▁W", + "h" + ], + [ + "▁", + "Wh" + ], + [ + "--", + "--" + ], + [ + "---", + "-" + ], + [ + "-", + "---" + ], + [ + "s", + "k" + ], + [ + "e", + "w" + ], + [ + "ag", + "s" + ], + [ + "a", + "gs" + ], + [ + "т", + "и" + ], + [ + "an", + "n" + ], + [ + "a", + "nn" + ], + [ + "▁", + "—" + ], + [ + "er", + "t" + ], + [ + "e", + "rt" + ], + [ + "ac", + "e" + ], + [ + "a", + "ce" + ], + [ + "sc", + "h" + ], + [ + "s", + "ch" + ], + [ + "▁n", + "eed" + ], + [ + "▁ne", + "ed" + ], + [ + "▁", + "need" + ], + [ + "▁", + "à" + ], + [ + "ie", + "n" + ], + [ + "i", + "en" + ], + [ + "ou", + "gh" + ], + [ + "oug", + "h" + ], + [ + "o", + "ugh" + ], + [ + "н", + "е" + ], + [ + "▁d", + "ef" + ], + [ + "▁de", + "f" + ], + [ + "▁", + "def" + ], + [ + "i", + "j" + ], + [ + "er", + "n" + ], + [ + "e", + "rn" + ], + [ + "▁w", + "hat" + ], + [ + "▁wh", + "at" + ], + [ + "▁", + "what" + ], + [ + "▁A", + "r" + ], + [ + "▁", + "Ar" + ], + [ + "w", + "o" + ], + [ + "m", + "l" + ], + [ + "<", + "/" + ], + [ + "▁R", + "e" + ], + [ + "▁", + "Re" + ], + [ + "▁e", + "s" + ], + [ + "▁", + "es" + ], + [ + "▁in", + "st" + ], + [ + "▁ins", + "t" + ], + [ + "▁", + "inst" + ], + [ + "b", + "o" + ], + [ + "a", + "z" + ], + [ + "▁#", + "##" + ], + [ + "▁##", + "#" + ], + [ + "▁", + "б" + ], + [ + "er", + "m" + ], + [ + "e", + "rm" + ], + [ + "▁A", + "l" + ], + [ + "▁", + "Al" + ], + [ + "le", + "d" + ], + [ + "l", + "ed" + ], + [ + "д", + "а" + ], + [ + "te", + "n" + ], + [ + "t", + "en" + ], + [ + "se", + "t" + ], + [ + "s", + "et" + ], + [ + "л", + "о" + ], + [ + "▁c", + "omm" + ], + [ + "▁com", + "m" + ], + [ + "▁co", + "mm" + ], + [ + "▁", + "comm" + ], + [ + "s", + "h" + ], + [ + "в", + "а" + ], + [ + "▁", + "/" + ], + [ + "▁d", + "ata" + ], + [ + "▁da", + "ta" + ], + [ + "▁dat", + "a" + ], + [ + "▁", + "data" + ], + [ + "▁/", + "/" + ], + [ + "▁", + "//" + ], + [ + "]", + "(" + ], + [ + "▁s", + "tr" + ], + [ + "▁st", + "r" + ], + [ + "▁", + "str" + ], + [ + "os", + "e" + ], + [ + "o", + "se" + ], + [ + "▁U", + "n" + ], + [ + "▁", + "Un" + ], + [ + "ve", + "n" + ], + [ + "v", + "en" + ], + [ + "S", + "t" + ], + [ + "..", + "." + ], + [ + ".", + ".." + ], + [ + "▁", + "С" + ], + [ + "ys", + "t" + ], + [ + "y", + "st" + ], + [ + "▁", + "«" + ], + [ + "ic", + "k" + ], + [ + "i", + "ck" + ], + [ + "i", + "x" + ], + [ + "pa", + "r" + ], + [ + "p", + "ar" + ], + [ + "▁", + "у" + ], + [ + "▁w", + "ant" + ], + [ + "▁wa", + "nt" + ], + [ + "n", + "g" + ], + [ + "ot", + "e" + ], + [ + "o", + "te" + ], + [ + "▁g", + "r" + ], + [ + "▁", + "gr" + ], + [ + "▁d", + "u" + ], + [ + "▁", + "du" + ], + [ + "▁", + "." + ], + [ + "un", + "d" + ], + [ + "u", + "nd" + ], + [ + "▁on", + "ly" + ], + [ + "▁", + "only" + ], + [ + "▁s", + "a" + ], + [ + "▁", + "sa" + ], + [ + "el", + "y" + ], + [ + "e", + "ly" + ], + [ + "ve", + "rs" + ], + [ + "ver", + "s" + ], + [ + "v", + "ers" + ], + [ + "▁e", + "nt" + ], + [ + "▁en", + "t" + ], + [ + "▁", + "ent" + ], + [ + ")", + ")" + ], + [ + "(", + "'" + ], + [ + "▁m", + "od" + ], + [ + "▁mo", + "d" + ], + [ + "▁", + "mod" + ], + [ + "av", + "a" + ], + [ + "a", + "va" + ], + [ + "to", + "n" + ], + [ + "t", + "on" + ], + [ + "▁sh", + "ould" + ], + [ + "▁sho", + "uld" + ], + [ + "▁", + "should" + ], + [ + "em", + "ent" + ], + [ + "eme", + "nt" + ], + [ + "emen", + "t" + ], + [ + "e", + "ment" + ], + [ + "▁f", + "orm" + ], + [ + "▁for", + "m" + ], + [ + "▁fo", + "rm" + ], + [ + "▁", + "form" + ], + [ + "▁al", + "so" + ], + [ + "▁als", + "o" + ], + [ + "▁", + "also" + ], + [ + "▁s", + "c" + ], + [ + "▁", + "sc" + ], + [ + "in", + "gs" + ], + [ + "ing", + "s" + ], + [ + "▁Y", + "ou" + ], + [ + "▁", + "You" + ], + [ + "ó", + "n" + ], + [ + "▁k", + "n" + ], + [ + "▁", + "kn" + ], + [ + "()", + ";" + ], + [ + "(", + ");" + ], + [ + "▁", + "|" + ], + [ + "▁w", + "ere" + ], + [ + "▁we", + "re" + ], + [ + "▁wer", + "e" + ], + [ + "s", + "s" + ], + [ + "▁Qu", + "estion" + ], + [ + "▁", + "Question" + ], + [ + "is", + "e" + ], + [ + "i", + "se" + ], + [ + "▁th", + "ey" + ], + [ + "▁the", + "y" + ], + [ + "▁", + "they" + ], + [ + "▁D", + "e" + ], + [ + "▁", + "De" + ], + [ + "on", + "d" + ], + [ + "o", + "nd" + ], + [ + "▁s", + "ol" + ], + [ + "▁so", + "l" + ], + [ + "▁", + "sol" + ], + [ + "▁f", + "ol" + ], + [ + "▁fo", + "l" + ], + [ + "▁", + "fol" + ], + [ + "▁m", + "ore" + ], + [ + "▁mo", + "re" + ], + [ + "▁mor", + "e" + ], + [ + "▁", + "more" + ], + [ + "▁h", + "er" + ], + [ + "▁he", + "r" + ], + [ + "▁", + "her" + ], + [ + "▁", + "_" + ], + [ + "▁", + "é" + ], + [ + "at", + "ch" + ], + [ + "ft", + "er" + ], + [ + "fte", + "r" + ], + [ + "f", + "ter" + ], + [ + "▁c", + "re" + ], + [ + "▁cr", + "e" + ], + [ + "▁", + "cre" + ], + [ + "lo", + "ck" + ], + [ + "loc", + "k" + ], + [ + "l", + "ock" + ], + [ + "tr", + "ing" + ], + [ + "tri", + "ng" + ], + [ + "t", + "ring" + ], + [ + "▁T", + "his" + ], + [ + "▁Th", + "is" + ], + [ + "▁", + "This" + ], + [ + "z", + "e" + ], + [ + "ad", + "o" + ], + [ + "a", + "do" + ], + [ + "ul", + "l" + ], + [ + "u", + "ll" + ], + [ + "ge", + "r" + ], + [ + "g", + "er" + ], + [ + "b", + "e" + ], + [ + "▁o", + "ther" + ], + [ + "▁ot", + "her" + ], + [ + "▁", + "other" + ], + [ + "▁T", + "ags" + ], + [ + "▁Tag", + "s" + ], + [ + "▁Ta", + "gs" + ], + [ + "▁", + "Tags" + ], + [ + "ut", + "ion" + ], + [ + "uti", + "on" + ], + [ + "u", + "tion" + ], + [ + "ic", + "t" + ], + [ + "i", + "ct" + ], + [ + "▁h", + "ow" + ], + [ + "▁ho", + "w" + ], + [ + "▁", + "how" + ], + [ + "▁", + "x" + ], + [ + "▁S", + "e" + ], + [ + "▁", + "Se" + ], + [ + "▁c", + "he" + ], + [ + "▁ch", + "e" + ], + [ + "▁", + "che" + ], + [ + "cri", + "pt" + ], + [ + "cr", + "ipt" + ], + [ + "▁j", + "ust" + ], + [ + "▁ju", + "st" + ], + [ + "▁", + "just" + ], + [ + "▁p", + "os" + ], + [ + "▁po", + "s" + ], + [ + "▁", + "pos" + ], + [ + "an", + "ge" + ], + [ + "ang", + "e" + ], + [ + "if", + "ic" + ], + [ + "ifi", + "c" + ], + [ + "i", + "fic" + ], + [ + "re", + "e" + ], + [ + "r", + "ee" + ], + [ + "}", + "}" + ], + [ + "▁t", + "ime" + ], + [ + "▁tim", + "e" + ], + [ + "▁ti", + "me" + ], + [ + "▁", + "time" + ], + [ + "ap", + "p" + ], + [ + "a", + "pp" + ], + [ + "н", + "ы" + ], + [ + "▁f", + "ile" + ], + [ + "▁fil", + "e" + ], + [ + "▁fi", + "le" + ], + [ + "▁", + "file" + ], + [ + "ar", + "k" + ], + [ + "ic", + "al" + ], + [ + "ica", + "l" + ], + [ + "i", + "cal" + ], + [ + "▁f", + "irst" + ], + [ + "▁fir", + "st" + ], + [ + "▁", + "first" + ], + [ + "▁in", + "t" + ], + [ + "▁i", + "nt" + ], + [ + "▁", + "int" + ], + [ + "▁", + "В" + ], + [ + "▁H", + "e" + ], + [ + "▁", + "He" + ], + [ + "t", + "a" + ], + [ + "um", + "ent" + ], + [ + "ume", + "nt" + ], + [ + "umen", + "t" + ], + [ + "u", + "ment" + ], + [ + "or", + "s" + ], + [ + "o", + "rs" + ], + [ + "le", + "ment" + ], + [ + "lem", + "ent" + ], + [ + "l", + "ement" + ], + [ + "ra", + "c" + ], + [ + "r", + "ac" + ], + [ + "▁a", + "g" + ], + [ + "▁", + "ag" + ], + [ + "▁do", + "es" + ], + [ + "▁", + "does" + ], + [ + "y", + "n" + ], + [ + "re", + "ad" + ], + [ + "rea", + "d" + ], + [ + "r", + "ead" + ], + [ + "ua", + "l" + ], + [ + "u", + "al" + ], + [ + "▁L", + "e" + ], + [ + "▁", + "Le" + ], + [ + "y", + "s" + ], + [ + "▁e", + "m" + ], + [ + "▁", + "em" + ], + [ + "▁n", + "um" + ], + [ + "▁nu", + "m" + ], + [ + "▁", + "num" + ], + [ + "ve", + "l" + ], + [ + "v", + "el" + ], + [ + "д", + "и" + ], + [ + "ov", + "er" + ], + [ + "ove", + "r" + ], + [ + "o", + "ver" + ], + [ + "▁d", + "if" + ], + [ + "▁di", + "f" + ], + [ + "et", + "hod" + ], + [ + "eth", + "od" + ], + [ + "▁I", + "f" + ], + [ + "▁", + "If" + ], + [ + "▁s", + "pe" + ], + [ + "▁sp", + "e" + ], + [ + "▁", + "spe" + ], + [ + "y", + "m" + ], + [ + "▁t", + "hem" + ], + [ + "▁th", + "em" + ], + [ + "▁the", + "m" + ], + [ + "▁in", + "to" + ], + [ + "▁int", + "o" + ], + [ + "▁", + "into" + ], + [ + "▁l", + "es" + ], + [ + "▁le", + "s" + ], + [ + "▁", + "les" + ], + [ + "▁it", + "s" + ], + [ + "▁i", + "ts" + ], + [ + "▁", + "its" + ], + [ + "es", + "e" + ], + [ + "e", + "se" + ], + [ + "ie", + "ld" + ], + [ + "iel", + "d" + ], + [ + "i", + "eld" + ], + [ + "▁p", + "ublic" + ], + [ + "▁pub", + "lic" + ], + [ + "▁pu", + "blic" + ], + [ + "▁publi", + "c" + ], + [ + "▁", + "public" + ], + [ + "▁", + "П" + ], + [ + "▁d", + "en" + ], + [ + "▁de", + "n" + ], + [ + "▁", + "den" + ], + [ + "yst", + "em" + ], + [ + "ys", + "tem" + ], + [ + "o", + "f" + ], + [ + "▁o", + "ver" + ], + [ + "▁ov", + "er" + ], + [ + "▁", + "over" + ], + [ + "-", + ">" + ], + [ + "▁f", + "il" + ], + [ + "▁fi", + "l" + ], + [ + "▁", + "fil" + ], + [ + "na", + "me" + ], + [ + "nam", + "e" + ], + [ + "n", + "ame" + ], + [ + "in", + "al" + ], + [ + "ina", + "l" + ], + [ + "i", + "nal" + ], + [ + "▁i", + "l" + ], + [ + "▁", + "il" + ], + [ + "am", + "ple" + ], + [ + "amp", + "le" + ], + [ + "▁w", + "ay" + ], + [ + "▁wa", + "y" + ], + [ + "▁", + "way" + ], + [ + "ic", + "a" + ], + [ + "i", + "ca" + ], + [ + "в", + "о" + ], + [ + "ce", + "ss" + ], + [ + "ces", + "s" + ], + [ + "c", + "ess" + ], + [ + "it", + "t" + ], + [ + "i", + "tt" + ], + [ + "uc", + "h" + ], + [ + "u", + "ch" + ], + [ + "▁w", + "here" + ], + [ + "▁wh", + "ere" + ], + [ + "▁whe", + "re" + ], + [ + "▁", + "where" + ], + [ + "м", + "и" + ], + [ + "or", + "g" + ], + [ + "o", + "rg" + ], + [ + "htt", + "ps" + ], + [ + "http", + "s" + ], + [ + "▁v", + "o" + ], + [ + "▁", + "vo" + ], + [ + "ie", + "nt" + ], + [ + "ien", + "t" + ], + [ + "i", + "ent" + ], + [ + "ov", + "e" + ], + [ + "o", + "ve" + ], + [ + "▁val", + "ue" + ], + [ + "▁valu", + "e" + ], + [ + "▁", + "value" + ], + [ + "en", + "g" + ], + [ + "e", + "ng" + ], + [ + "▁L", + "a" + ], + [ + "▁", + "La" + ], + [ + "^", + "{" + ], + [ + "re", + "f" + ], + [ + "r", + "ef" + ], + [ + "ie", + "d" + ], + [ + "i", + "ed" + ], + [ + "E", + "R" + ], + [ + "▁s", + "tat" + ], + [ + "▁st", + "at" + ], + [ + "▁sta", + "t" + ], + [ + "▁", + "stat" + ], + [ + "fi", + "g" + ], + [ + "f", + "ig" + ], + [ + "m", + "e" + ], + [ + "▁v", + "on" + ], + [ + "▁vo", + "n" + ], + [ + "▁", + "von" + ], + [ + "▁in", + "ter" + ], + [ + "▁int", + "er" + ], + [ + "▁inte", + "r" + ], + [ + "▁", + "inter" + ], + [ + "ro", + "id" + ], + [ + "r", + "oid" + ], + [ + "at", + "er" + ], + [ + "ate", + "r" + ], + [ + "a", + "ter" + ], + [ + "▁the", + "ir" + ], + [ + "▁b", + "et" + ], + [ + "▁be", + "t" + ], + [ + "▁", + "bet" + ], + [ + "▁e", + "in" + ], + [ + "▁", + "ein" + ], + [ + "}", + "\\" + ], + [ + "\"", + ">" + ], + [ + "▁s", + "ub" + ], + [ + "▁su", + "b" + ], + [ + "▁", + "sub" + ], + [ + "▁o", + "p" + ], + [ + "▁", + "op" + ], + [ + "▁d", + "on" + ], + [ + "▁do", + "n" + ], + [ + "▁", + "don" + ], + [ + "t", + "y" + ], + [ + "▁t", + "ry" + ], + [ + "▁tr", + "y" + ], + [ + "▁", + "try" + ], + [ + "▁P", + "ro" + ], + [ + "▁Pr", + "o" + ], + [ + "▁", + "Pro" + ], + [ + "▁t", + "ra" + ], + [ + "▁tr", + "a" + ], + [ + "▁", + "tra" + ], + [ + "▁s", + "ame" + ], + [ + "▁sa", + "me" + ], + [ + "▁sam", + "e" + ], + [ + "▁", + "same" + ], + [ + "e", + "p" + ], + [ + "▁t", + "wo" + ], + [ + "▁tw", + "o" + ], + [ + "▁", + "two" + ], + [ + "▁n", + "ame" + ], + [ + "▁na", + "me" + ], + [ + "▁nam", + "e" + ], + [ + "▁", + "name" + ], + [ + "ol", + "d" + ], + [ + "o", + "ld" + ], + [ + "le", + "t" + ], + [ + "l", + "et" + ], + [ + "▁s", + "im" + ], + [ + "▁si", + "m" + ], + [ + "▁", + "sim" + ], + [ + "s", + "p" + ], + [ + "▁a", + "v" + ], + [ + "▁", + "av" + ], + [ + "br", + "e" + ], + [ + "b", + "re" + ], + [ + "ble", + "m" + ], + [ + "bl", + "em" + ], + [ + "b", + "lem" + ], + [ + "e", + "y" + ], + [ + "▁c", + "ould" + ], + [ + "▁co", + "uld" + ], + [ + "▁cou", + "ld" + ], + [ + "▁", + "could" + ], + [ + "▁c", + "or" + ], + [ + "▁co", + "r" + ], + [ + "▁", + "cor" + ], + [ + "▁a", + "cc" + ], + [ + "▁ac", + "c" + ], + [ + "▁", + "acc" + ], + [ + "ay", + "s" + ], + [ + "a", + "ys" + ], + [ + "cr", + "e" + ], + [ + "c", + "re" + ], + [ + "ur", + "r" + ], + [ + "u", + "rr" + ], + [ + "s", + "i" + ], + [ + "▁con", + "st" + ], + [ + "▁cons", + "t" + ], + [ + "▁", + "const" + ], + [ + "ue", + "s" + ], + [ + "u", + "es" + ], + [ + "}", + "$" + ], + [ + "V", + "iew" + ], + [ + "▁a", + "ct" + ], + [ + "▁ac", + "t" + ], + [ + "▁", + "act" + ], + [ + "▁b", + "o" + ], + [ + "▁", + "bo" + ], + [ + "▁к", + "о" + ], + [ + "▁", + "ко" + ], + [ + "▁s", + "om" + ], + [ + "▁so", + "m" + ], + [ + "▁", + "som" + ], + [ + "▁ab", + "out" + ], + [ + "▁", + "about" + ], + [ + "la", + "nd" + ], + [ + "lan", + "d" + ], + [ + "l", + "and" + ], + [ + "me", + "r" + ], + [ + "m", + "er" + ], + [ + "▁l", + "ist" + ], + [ + "▁li", + "st" + ], + [ + "▁", + "list" + ], + [ + "ca", + "l" + ], + [ + "c", + "al" + ], + [ + "▁im", + "port" + ], + [ + "▁imp", + "ort" + ], + [ + "▁", + "import" + ], + [ + "co", + "l" + ], + [ + "c", + "ol" + ], + [ + "▁n", + "a" + ], + [ + "▁", + "na" + ], + [ + "n", + "a" + ], + [ + ":", + ":" + ], + [ + "▁w", + "ho" + ], + [ + "▁wh", + "o" + ], + [ + "▁", + "who" + ], + [ + "▁e", + "rror" + ], + [ + "▁er", + "ror" + ], + [ + "▁err", + "or" + ], + [ + "▁", + "error" + ], + [ + "▁", + "X" + ], + [ + "at", + "or" + ], + [ + "ato", + "r" + ], + [ + "a", + "tor" + ], + [ + "ex", + "t" + ], + [ + "e", + "xt" + ], + [ + "▁b", + "een" + ], + [ + "▁be", + "en" + ], + [ + "é", + "r" + ], + [ + "▁r", + "un" + ], + [ + "▁ru", + "n" + ], + [ + "▁", + "run" + ], + [ + "po", + "s" + ], + [ + "p", + "os" + ], + [ + "▁c", + "l" + ], + [ + "▁", + "cl" + ], + [ + "*", + "*" + ], + [ + "▁", + "К" + ], + [ + "ul", + "ar" + ], + [ + "ula", + "r" + ], + [ + "u", + "lar" + ], + [ + "au", + "se" + ], + [ + "aus", + "e" + ], + [ + "a", + "use" + ], + [ + "▁re", + "g" + ], + [ + "▁r", + "eg" + ], + [ + "▁", + "reg" + ], + [ + "▁k", + "now" + ], + [ + "▁kn", + "ow" + ], + [ + "▁", + "know" + ], + [ + "▁s", + "ee" + ], + [ + "▁se", + "e" + ], + [ + "▁", + "see" + ], + [ + "▁h", + "im" + ], + [ + "▁hi", + "m" + ], + [ + "▁", + "him" + ], + [ + "ni", + "ng" + ], + [ + "n", + "ing" + ], + [ + "▁з", + "а" + ], + [ + "▁", + "за" + ], + [ + "at", + "es" + ], + [ + "ate", + "s" + ], + [ + "a", + "tes" + ], + [ + "fo", + "re" + ], + [ + "for", + "e" + ], + [ + "f", + "ore" + ], + [ + "ion", + "s" + ], + [ + "io", + "ns" + ], + [ + "i", + "ons" + ], + [ + "▁h", + "el" + ], + [ + "▁he", + "l" + ], + [ + "▁", + "hel" + ], + [ + "ut", + "e" + ], + [ + "u", + "te" + ], + [ + "▁re", + "m" + ], + [ + "▁r", + "em" + ], + [ + "▁", + "rem" + ], + [ + "▁г", + "о" + ], + [ + "▁", + "го" + ], + [ + "▁M", + "ar" + ], + [ + "▁Ma", + "r" + ], + [ + "▁", + "Mar" + ], + [ + "р", + "у" + ], + [ + "vi", + "ce" + ], + [ + "vic", + "e" + ], + [ + "v", + "ice" + ], + [ + "ir", + "ect" + ], + [ + "ire", + "ct" + ], + [ + "i", + "rect" + ], + [ + "ne", + "r" + ], + [ + "n", + "er" + ], + [ + "▁u", + "nder" + ], + [ + "▁un", + "der" + ], + [ + "▁und", + "er" + ], + [ + "▁", + "under" + ], + [ + "ri", + "b" + ], + [ + "r", + "ib" + ], + [ + "h", + "r" + ], + [ + "ч", + "е" + ], + [ + "▁A", + "s" + ], + [ + "▁", + "As" + ], + [ + "▁e", + "nd" + ], + [ + "▁en", + "d" + ], + [ + "▁", + "end" + ], + [ + "em", + "ber" + ], + [ + "emb", + "er" + ], + [ + "▁", + "а" + ], + [ + "▁a", + "tt" + ], + [ + "▁at", + "t" + ], + [ + "▁", + "att" + ], + [ + "in", + "a" + ], + [ + "i", + "na" + ], + [ + "so", + "n" + ], + [ + "s", + "on" + ], + [ + "▁f", + "ollow" + ], + [ + "▁fol", + "low" + ], + [ + "▁", + "follow" + ], + [ + "▁S", + "ch" + ], + [ + "▁Sc", + "h" + ], + [ + "▁", + "Sch" + ], + [ + "pe", + "ct" + ], + [ + "pec", + "t" + ], + [ + "p", + "ect" + ], + [ + "▁re", + "l" + ], + [ + "▁r", + "el" + ], + [ + "▁", + "rel" + ], + [ + "▁S", + "o" + ], + [ + "▁", + "So" + ], + [ + "▁l", + "ook" + ], + [ + "▁lo", + "ok" + ], + [ + "▁", + "look" + ], + [ + "ab", + "el" + ], + [ + "abe", + "l" + ], + [ + "a", + "bel" + ], + [ + "▁pro", + "blem" + ], + [ + "▁prob", + "lem" + ], + [ + "▁proble", + "m" + ], + [ + "▁probl", + "em" + ], + [ + "▁", + "problem" + ], + [ + "▁v", + "an" + ], + [ + "▁va", + "n" + ], + [ + "▁", + "van" + ], + [ + "st", + "rong" + ], + [ + "str", + "ong" + ], + [ + "c", + "o" + ], + [ + "po", + "n" + ], + [ + "p", + "on" + ], + [ + "c", + "a" + ], + [ + "ad", + "a" + ], + [ + "a", + "da" + ], + [ + "\"", + ":" + ], + [ + "con", + "d" + ], + [ + "co", + "nd" + ], + [ + "c", + "ond" + ], + [ + "am", + "b" + ], + [ + "a", + "mb" + ], + [ + "}", + "," + ], + [ + "qu", + "est" + ], + [ + "que", + "st" + ], + [ + "ques", + "t" + ], + [ + "q", + "uest" + ], + [ + "▁a", + "ut" + ], + [ + "▁au", + "t" + ], + [ + "▁", + "aut" + ], + [ + "▁res", + "ult" + ], + [ + "▁", + "result" + ], + [ + "▁m", + "ay" + ], + [ + "▁ma", + "y" + ], + [ + "▁", + "may" + ], + [ + "R", + "e" + ], + [ + "ht", + "tp" + ], + [ + "htt", + "p" + ], + [ + "h", + "ttp" + ], + [ + ")", + ":" + ], + [ + "▁A", + "nd" + ], + [ + "▁An", + "d" + ], + [ + "▁", + "And" + ], + [ + "re", + "d" + ], + [ + "r", + "ed" + ], + [ + "▁H", + "ow" + ], + [ + "▁Ho", + "w" + ], + [ + "▁", + "How" + ], + [ + "p", + "o" + ], + [ + "ск", + "о" + ], + [ + "с", + "ко" + ], + [ + "at", + "t" + ], + [ + "a", + "tt" + ], + [ + "ou", + "p" + ], + [ + "o", + "up" + ], + [ + "ce", + "d" + ], + [ + "c", + "ed" + ], + [ + "▁t", + "ype" + ], + [ + "▁typ", + "e" + ], + [ + "▁ty", + "pe" + ], + [ + "▁", + "type" + ], + [ + "▁t", + "han" + ], + [ + "▁th", + "an" + ], + [ + "▁", + "than" + ], + [ + "▁c", + "ons" + ], + [ + "▁con", + "s" + ], + [ + "▁co", + "ns" + ], + [ + "▁", + "cons" + ], + [ + "u", + "f" + ], + [ + "ц", + "и" + ], + [ + "▁qu", + "estion" + ], + [ + "▁quest", + "ion" + ], + [ + "▁questi", + "on" + ], + [ + "▁", + "question" + ], + [ + "ra", + "ph" + ], + [ + "rap", + "h" + ], + [ + "r", + "aph" + ], + [ + "ig", + "h" + ], + [ + "i", + "gh" + ], + [ + "▁", + "М" + ], + [ + "▁h", + "tt" + ], + [ + "▁", + "htt" + ], + [ + "in", + "s" + ], + [ + "i", + "ns" + ], + [ + "de", + "n" + ], + [ + "d", + "en" + ], + [ + "▁d", + "a" + ], + [ + "▁", + "da" + ], + [ + "▁v", + "er" + ], + [ + "▁ve", + "r" + ], + [ + "▁", + "ver" + ], + [ + "o", + "h" + ], + [ + "▁=", + ">" + ], + [ + "▁", + "=>" + ], + [ + "ri", + "v" + ], + [ + "r", + "iv" + ], + [ + "ud", + "e" + ], + [ + "u", + "de" + ], + [ + "▁F", + "or" + ], + [ + "▁Fo", + "r" + ], + [ + "▁", + "For" + ], + [ + "▁r", + "a" + ], + [ + "▁", + "ra" + ], + [ + "fr", + "ac" + ], + [ + "fra", + "c" + ], + [ + "f", + "rac" + ], + [ + "м", + "а" + ], + [ + "▁a", + "fter" + ], + [ + "▁af", + "ter" + ], + [ + "▁", + "after" + ], + [ + "}", + "{" + ], + [ + "▁m", + "ethod" + ], + [ + "▁met", + "hod" + ], + [ + "▁", + "method" + ], + [ + "\"", + ")" + ], + [ + "am", + "p" + ], + [ + "a", + "mp" + ], + [ + "as", + "h" + ], + [ + "a", + "sh" + ], + [ + "▁re", + "c" + ], + [ + "▁r", + "ec" + ], + [ + "▁", + "rec" + ], + [ + "▁d", + "iffer" + ], + [ + "▁dif", + "fer" + ], + [ + "▁diff", + "er" + ], + [ + "O", + "N" + ], + [ + "a", + "x" + ], + [ + "am", + "ent" + ], + [ + "ame", + "nt" + ], + [ + "amen", + "t" + ], + [ + "a", + "ment" + ], + [ + "our", + "ce" + ], + [ + "Co", + "n" + ], + [ + "C", + "on" + ], + [ + "it", + "s" + ], + [ + "i", + "ts" + ], + [ + "Na", + "me" + ], + [ + "N", + "ame" + ], + [ + "ma", + "n" + ], + [ + "m", + "an" + ], + [ + "▁b", + "ec" + ], + [ + "▁be", + "c" + ], + [ + "▁", + "bec" + ], + [ + "ch", + "e" + ], + [ + "c", + "he" + ], + [ + "▁E", + "n" + ], + [ + "▁", + "En" + ], + [ + "a", + "j" + ], + [ + "▁g", + "ener" + ], + [ + "▁ge", + "ner" + ], + [ + "▁gen", + "er" + ], + [ + "▁gene", + "r" + ], + [ + "▁", + "gener" + ], + [ + "I", + "N" + ], + [ + "▁i", + "d" + ], + [ + "▁", + "id" + ], + [ + "ag", + "es" + ], + [ + "age", + "s" + ], + [ + "a", + "ges" + ], + [ + "▁l", + "oc" + ], + [ + "▁lo", + "c" + ], + [ + "▁", + "loc" + ], + [ + "f", + "o" + ], + [ + "b", + "r" + ], + [ + "▁s", + "he" + ], + [ + "▁sh", + "e" + ], + [ + "▁", + "she" + ], + [ + "Pr", + "o" + ], + [ + "P", + "ro" + ], + [ + "▁u", + "na" + ], + [ + "▁un", + "a" + ], + [ + "▁", + "una" + ], + [ + "▁", + "к" + ], + [ + "et", + "a" + ], + [ + "e", + "ta" + ], + [ + "lo", + "g" + ], + [ + "l", + "og" + ], + [ + "ol", + "og" + ], + [ + "olo", + "g" + ], + [ + "o", + "log" + ], + [ + "▁s", + "ur" + ], + [ + "▁su", + "r" + ], + [ + "▁", + "sur" + ], + [ + "ar", + "g" + ], + [ + "a", + "rg" + ], + [ + "▁-", + "-" + ], + [ + "▁", + "--" + ], + [ + "k", + "t" + ], + [ + "(", + "\\" + ], + [ + "mi", + "n" + ], + [ + "m", + "in" + ], + [ + "▁l", + "ine" + ], + [ + "▁li", + "ne" + ], + [ + "▁lin", + "e" + ], + [ + "▁", + "line" + ], + [ + "▁v", + "ari" + ], + [ + "▁var", + "i" + ], + [ + "▁va", + "ri" + ], + [ + "▁", + "vari" + ], + [ + "с", + "я" + ], + [ + "ic", + "s" + ], + [ + "i", + "cs" + ], + [ + "н", + "я" + ], + [ + "ve", + "ry" + ], + [ + "ver", + "y" + ], + [ + "v", + "ery" + ], + [ + "ad", + "d" + ], + [ + "a", + "dd" + ], + [ + "▁o", + "bject" + ], + [ + "▁ob", + "ject" + ], + [ + "▁obj", + "ect" + ], + [ + "▁", + "object" + ], + [ + "I", + "d" + ], + [ + "▁B", + "ut" + ], + [ + "▁Bu", + "t" + ], + [ + "▁", + "But" + ], + [ + "▁c", + "ase" + ], + [ + "▁cas", + "e" + ], + [ + "▁ca", + "se" + ], + [ + "▁", + "case" + ], + [ + "▁m", + "ake" + ], + [ + "▁ma", + "ke" + ], + [ + "▁mak", + "e" + ], + [ + "▁", + "make" + ], + [ + "▁c", + "al" + ], + [ + "▁ca", + "l" + ], + [ + "▁", + "cal" + ], + [ + "▁p", + "ass" + ], + [ + "▁pas", + "s" + ], + [ + "▁pa", + "ss" + ], + [ + "▁", + "pass" + ], + [ + "с", + "ь" + ], + [ + "ess", + "ion" + ], + [ + "ne", + "t" + ], + [ + "n", + "et" + ], + [ + ".", + "\"" + ], + [ + "▁", + "г" + ], + [ + "ä", + "r" + ], + [ + "д", + "е" + ], + [ + "n", + "o" + ], + [ + "at", + "ing" + ], + [ + "ati", + "ng" + ], + [ + "atin", + "g" + ], + [ + "a", + "ting" + ], + [ + "at", + "o" + ], + [ + "a", + "to" + ], + [ + "li", + "ne" + ], + [ + "lin", + "e" + ], + [ + "l", + "ine" + ], + [ + "в", + "и" + ], + [ + "▁E", + "x" + ], + [ + "▁", + "Ex" + ], + [ + "▁a", + "ss" + ], + [ + "▁as", + "s" + ], + [ + "▁", + "ass" + ], + [ + "▁v", + "ers" + ], + [ + "▁ver", + "s" + ], + [ + "▁ve", + "rs" + ], + [ + "▁", + "vers" + ], + [ + "л", + "я" + ], + [ + "▁e", + "d" + ], + [ + "▁", + "ed" + ], + [ + "um", + "n" + ], + [ + "u", + "mn" + ], + [ + "ot", + "her" + ], + [ + "oth", + "er" + ], + [ + "othe", + "r" + ], + [ + "o", + "ther" + ], + [ + "ст", + "а" + ], + [ + "с", + "та" + ], + [ + "at", + "ive" + ], + [ + "ativ", + "e" + ], + [ + "ati", + "ve" + ], + [ + "St", + "ring" + ], + [ + "Str", + "ing" + ], + [ + "S", + "tring" + ], + [ + "▁l", + "os" + ], + [ + "▁lo", + "s" + ], + [ + "▁", + "los" + ], + [ + "w", + "n" + ], + [ + "▁an", + "swer" + ], + [ + "▁ans", + "wer" + ], + [ + "▁", + "answer" + ], + [ + "▁l", + "et" + ], + [ + "▁le", + "t" + ], + [ + "▁", + "let" + ], + [ + "▁p", + "e" + ], + [ + "▁", + "pe" + ], + [ + "en", + "ts" + ], + [ + "ent", + "s" + ], + [ + "▁f", + "e" + ], + [ + "▁", + "fe" + ], + [ + "in", + "ce" + ], + [ + "inc", + "e" + ], + [ + "n", + "i" + ], + [ + "id", + "er" + ], + [ + "ide", + "r" + ], + [ + "i", + "der" + ], + [ + "ow", + "s" + ], + [ + "o", + "ws" + ], + [ + "▁t", + "est" + ], + [ + "▁te", + "st" + ], + [ + "▁", + "test" + ], + [ + "▁h", + "ere" + ], + [ + "▁he", + "re" + ], + [ + "▁her", + "e" + ], + [ + "▁", + "here" + ], + [ + "ro", + "ll" + ], + [ + "rol", + "l" + ], + [ + "r", + "oll" + ], + [ + "▁c", + "all" + ], + [ + "▁cal", + "l" + ], + [ + "▁ca", + "ll" + ], + [ + "▁", + "call" + ], + [ + "ru", + "ct" + ], + [ + "r", + "uct" + ], + [ + "▁p", + "ol" + ], + [ + "▁po", + "l" + ], + [ + "▁", + "pol" + ], + [ + "ai", + "t" + ], + [ + "a", + "it" + ], + [ + "▁b", + "ack" + ], + [ + "▁ba", + "ck" + ], + [ + "▁", + "back" + ], + [ + "h", + "o" + ], + [ + "E", + "x" + ], + [ + "re", + "ss" + ], + [ + "res", + "s" + ], + [ + "r", + "ess" + ], + [ + "S", + "T" + ], + [ + "ri", + "ed" + ], + [ + "rie", + "d" + ], + [ + "r", + "ied" + ], + [ + "da", + "te" + ], + [ + "dat", + "e" + ], + [ + "d", + "ate" + ], + [ + "е", + "т" + ], + [ + "▁d", + "id" + ], + [ + "▁di", + "d" + ], + [ + "▁", + "did" + ], + [ + "ti", + "ng" + ], + [ + "t", + "ing" + ], + [ + "▁E", + "l" + ], + [ + "▁", + "El" + ], + [ + "▁d", + "em" + ], + [ + "▁de", + "m" + ], + [ + "▁", + "dem" + ], + [ + ")", + "$" + ], + [ + "ов", + "а" + ], + [ + "о", + "ва" + ], + [ + "ur", + "rent" + ], + [ + "urr", + "ent" + ], + [ + "urre", + "nt" + ], + [ + "la", + "ce" + ], + [ + "lac", + "e" + ], + [ + "l", + "ace" + ], + [ + "rig", + "ht" + ], + [ + "r", + "ight" + ], + [ + "re", + "n" + ], + [ + "r", + "en" + ], + [ + "п", + "о" + ], + [ + "▁e", + "ach" + ], + [ + "▁", + "each" + ], + [ + "c", + "y" + ], + [ + "bl", + "ock" + ], + [ + "blo", + "ck" + ], + [ + "b", + "lock" + ], + [ + "da", + "ta" + ], + [ + "dat", + "a" + ], + [ + "d", + "ata" + ], + [ + "▁", + "%" + ], + [ + "▁a", + "c" + ], + [ + "▁", + "ac" + ], + [ + "▁=", + "=" + ], + [ + "▁", + "==" + ], + [ + "ü", + "r" + ], + [ + "▁p", + "or" + ], + [ + "▁po", + "r" + ], + [ + "▁", + "por" + ], + [ + "as", + "k" + ], + [ + "a", + "sk" + ], + [ + "ar", + "ch" + ], + [ + "arc", + "h" + ], + [ + "am", + "es" + ], + [ + "ame", + "s" + ], + [ + "a", + "mes" + ], + [ + "▁C", + "on" + ], + [ + "▁Co", + "n" + ], + [ + "▁", + "Con" + ], + [ + "ч", + "а" + ], + [ + "▁o", + "ff" + ], + [ + "▁of", + "f" + ], + [ + "▁", + "off" + ], + [ + "▁f", + "ind" + ], + [ + "▁fin", + "d" + ], + [ + "▁fi", + "nd" + ], + [ + "▁", + "find" + ], + [ + "con", + "t" + ], + [ + "co", + "nt" + ], + [ + "c", + "ont" + ], + [ + "▁n", + "ow" + ], + [ + "▁no", + "w" + ], + [ + "▁", + "now" + ], + [ + "wor", + "k" + ], + [ + "w", + "ork" + ], + [ + "at", + "ional" + ], + [ + "ation", + "al" + ], + [ + "ati", + "onal" + ], + [ + "atio", + "nal" + ], + [ + "d", + "d" + ], + [ + "ci", + "ón" + ], + [ + "ció", + "n" + ], + [ + "c", + "ión" + ], + [ + "▁", + "А" + ], + [ + "au", + "lt" + ], + [ + "a", + "ult" + ], + [ + "Li", + "st" + ], + [ + "L", + "ist" + ], + [ + "▁e", + "xt" + ], + [ + "▁ex", + "t" + ], + [ + "▁", + "ext" + ], + [ + "ur", + "s" + ], + [ + "u", + "rs" + ], + [ + "ak", + "e" + ], + [ + "a", + "ke" + ], + [ + "ul", + "e" + ], + [ + "u", + "le" + ], + [ + "▁p", + "oint" + ], + [ + "▁po", + "int" + ], + [ + "▁poi", + "nt" + ], + [ + "▁", + "point" + ], + [ + "A", + "T" + ], + [ + "au", + "t" + ], + [ + "a", + "ut" + ], + [ + "▁tr", + "ans" + ], + [ + "▁tra", + "ns" + ], + [ + "▁tran", + "s" + ], + [ + "▁", + "trans" + ], + [ + "▁c", + "o" + ], + [ + "▁", + "co" + ], + [ + "▁re", + "ad" + ], + [ + "▁r", + "ead" + ], + [ + "▁", + "read" + ], + [ + "▁u", + "sed" + ], + [ + "▁us", + "ed" + ], + [ + "▁use", + "d" + ], + [ + "▁", + "used" + ], + [ + "ск", + "и" + ], + [ + "с", + "ки" + ], + [ + "ar", + "i" + ], + [ + "a", + "ri" + ], + [ + "L", + "E" + ], + [ + "et", + "er" + ], + [ + "ete", + "r" + ], + [ + "e", + "ter" + ], + [ + "ou", + "n" + ], + [ + "o", + "un" + ], + [ + "ev", + "er" + ], + [ + "e", + "ver" + ], + [ + "sel", + "f" + ], + [ + "s", + "elf" + ], + [ + "in", + "ed" + ], + [ + "ine", + "d" + ], + [ + "i", + "ned" + ], + [ + "id", + "th" + ], + [ + "u", + "x" + ], + [ + "j", + "s" + ], + [ + "▁s", + "uch" + ], + [ + "▁su", + "ch" + ], + [ + "▁suc", + "h" + ], + [ + "▁", + "such" + ], + [ + "▁I", + "s" + ], + [ + "▁", + "Is" + ], + [ + "é", + "e" + ], + [ + "fu", + "l" + ], + [ + "f", + "ul" + ], + [ + "▁d", + "ist" + ], + [ + "▁di", + "st" + ], + [ + "▁dis", + "t" + ], + [ + "▁", + "dist" + ], + [ + "▁b", + "u" + ], + [ + "▁", + "bu" + ], + [ + "item", + "ize" + ], + [ + "Con", + "t" + ], + [ + "Co", + "nt" + ], + [ + "C", + "ont" + ], + [ + "j", + "e" + ], + [ + "с", + "и" + ], + [ + "▁p", + "rov" + ], + [ + "▁pro", + "v" + ], + [ + "▁pr", + "ov" + ], + [ + "▁", + "prov" + ], + [ + "b", + "b" + ], + [ + "wa", + "rd" + ], + [ + "war", + "d" + ], + [ + "w", + "ard" + ], + [ + "es", + "ent" + ], + [ + "ese", + "nt" + ], + [ + "esen", + "t" + ], + [ + "e", + "sent" + ], + [ + "er", + "son" + ], + [ + "ers", + "on" + ], + [ + "an", + "ks" + ], + [ + "ank", + "s" + ], + [ + "w", + "h" + ], + [ + "no", + "t" + ], + [ + "n", + "ot" + ], + [ + "▁W", + "e" + ], + [ + "▁", + "We" + ], + [ + "k", + "a" + ], + [ + "ro", + "p" + ], + [ + "r", + "op" + ], + [ + "at", + "ur" + ], + [ + "atu", + "r" + ], + [ + "al", + "s" + ], + [ + "a", + "ls" + ], + [ + "▁b", + "el" + ], + [ + "▁be", + "l" + ], + [ + "▁", + "bel" + ], + [ + "ö", + "r" + ], + [ + "f", + "r" + ], + [ + "▁ex", + "ample" + ], + [ + "▁exam", + "ple" + ], + [ + "▁", + "example" + ], + [ + "▁in", + "cl" + ], + [ + "▁inc", + "l" + ], + [ + "am", + "il" + ], + [ + "ami", + "l" + ], + [ + "a", + "mil" + ], + [ + "▁р", + "а" + ], + [ + "▁", + "ра" + ], + [ + "▁", + "“" + ], + [ + "▁s", + "tring" + ], + [ + "▁st", + "ring" + ], + [ + "▁str", + "ing" + ], + [ + "▁stri", + "ng" + ], + [ + "▁", + "string" + ], + [ + "▁th", + "ink" + ], + [ + "▁thin", + "k" + ], + [ + "T", + "h" + ], + [ + "▁t", + "em" + ], + [ + "▁te", + "m" + ], + [ + "▁", + "tem" + ], + [ + "av", + "e" + ], + [ + "a", + "ve" + ], + [ + "▁F", + "ran" + ], + [ + "▁Fr", + "an" + ], + [ + "▁Fra", + "n" + ], + [ + "▁", + "Fran" + ], + [ + "▁n", + "umber" + ], + [ + "▁num", + "ber" + ], + [ + "▁", + "number" + ], + [ + "▁s", + "i" + ], + [ + "▁", + "si" + ], + [ + "im", + "es" + ], + [ + "ime", + "s" + ], + [ + "i", + "mes" + ], + [ + "te", + "m" + ], + [ + "t", + "em" + ], + [ + "m", + "y" + ], + [ + "le", + "r" + ], + [ + "l", + "er" + ], + [ + "lo", + "ad" + ], + [ + "=", + "=" + ], + [ + "▁h", + "and" + ], + [ + "▁ha", + "nd" + ], + [ + "▁han", + "d" + ], + [ + "▁", + "hand" + ], + [ + "z", + "a" + ], + [ + "▁b", + "ecause" + ], + [ + "▁bec", + "ause" + ], + [ + "▁", + "because" + ], + [ + "▁s", + "ch" + ], + [ + "▁sc", + "h" + ], + [ + "▁", + "sch" + ], + [ + "v", + "o" + ], + [ + "th", + "is" + ], + [ + "t", + "his" + ], + [ + "I", + "D" + ], + [ + "ã", + "o" + ], + [ + "▁st", + "art" + ], + [ + "▁star", + "t" + ], + [ + "▁sta", + "rt" + ], + [ + "▁", + "start" + ], + [ + "▁w", + "ar" + ], + [ + "▁wa", + "r" + ], + [ + "▁", + "war" + ], + [ + "▁he", + "lp" + ], + [ + "▁hel", + "p" + ], + [ + "▁", + "help" + ], + [ + "t", + "s" + ], + [ + "▁c", + "har" + ], + [ + "▁ch", + "ar" + ], + [ + "▁cha", + "r" + ], + [ + "▁", + "char" + ], + [ + "▁p", + "h" + ], + [ + "▁", + "ph" + ], + [ + "▁m", + "in" + ], + [ + "▁mi", + "n" + ], + [ + "▁", + "min" + ], + [ + "ti", + "l" + ], + [ + "t", + "il" + ], + [ + "ri", + "te" + ], + [ + "rit", + "e" + ], + [ + "r", + "ite" + ], + [ + "--", + "------" + ], + [ + "----", + "----" + ], + [ + "---", + "-----" + ], + [ + "------", + "--" + ], + [ + "-----", + "---" + ], + [ + "-------", + "-" + ], + [ + "-", + "-------" + ], + [ + "el", + "s" + ], + [ + "e", + "ls" + ], + [ + "▁m", + "it" + ], + [ + "▁mi", + "t" + ], + [ + "▁", + "mit" + ], + [ + "ed", + "ia" + ], + [ + "edi", + "a" + ], + [ + "e", + "dia" + ], + [ + "к", + "у" + ], + [ + "▁S", + "h" + ], + [ + "▁", + "Sh" + ], + [ + "an", + "y" + ], + [ + "a", + "ny" + ], + [ + "]", + ";" + ], + [ + "▁", + "Б" + ], + [ + "iqu", + "e" + ], + [ + "i", + "que" + ], + [ + "d", + "a" + ], + [ + "e", + "f" + ], + [ + "de", + "x" + ], + [ + "d", + "ex" + ], + [ + "▁p", + "rodu" + ], + [ + "▁pro", + "du" + ], + [ + "▁pr", + "odu" + ], + [ + "▁prod", + "u" + ], + [ + "▁", + "produ" + ], + [ + "▁", + "Н" + ], + [ + "gr", + "am" + ], + [ + "gra", + "m" + ], + [ + "g", + "ram" + ], + [ + "▁O", + "r" + ], + [ + "▁", + "Or" + ], + [ + "▁g", + "re" + ], + [ + "▁gr", + "e" + ], + [ + "▁", + "gre" + ], + [ + "qu", + "ote" + ], + [ + "quot", + "e" + ], + [ + "le", + "g" + ], + [ + "l", + "eg" + ], + [ + "or", + "n" + ], + [ + "o", + "rn" + ], + [ + "▁in", + "d" + ], + [ + "▁i", + "nd" + ], + [ + "▁", + "ind" + ], + [ + "▁p", + "ost" + ], + [ + "▁po", + "st" + ], + [ + "▁pos", + "t" + ], + [ + "▁", + "post" + ], + [ + "▁d", + "ep" + ], + [ + "▁de", + "p" + ], + [ + "▁", + "dep" + ], + [ + "]", + "," + ], + [ + "v", + "i" + ], + [ + "▁u", + "ser" + ], + [ + "▁us", + "er" + ], + [ + "▁use", + "r" + ], + [ + "▁", + "user" + ], + [ + "▁", + ">" + ], + [ + "li", + "ck" + ], + [ + "lic", + "k" + ], + [ + "l", + "ick" + ], + [ + "▁v", + "ery" + ], + [ + "▁ver", + "y" + ], + [ + "▁ve", + "ry" + ], + [ + "▁", + "very" + ], + [ + "et", + "hing" + ], + [ + "eth", + "ing" + ], + [ + "e", + "thing" + ], + [ + "▁ar", + "ray" + ], + [ + "▁arr", + "ay" + ], + [ + "▁", + "array" + ], + [ + "▁g", + "u" + ], + [ + "▁", + "gu" + ], + [ + "▁d", + "ur" + ], + [ + "▁du", + "r" + ], + [ + "`", + "." + ], + [ + "т", + "ь" + ], + [ + "li", + "cation" + ], + [ + "lic", + "ation" + ], + [ + "lica", + "tion" + ], + [ + "ст", + "и" + ], + [ + "с", + "ти" + ], + [ + "e", + "k" + ], + [ + "ic", + "o" + ], + [ + "i", + "co" + ], + [ + "▁d", + "at" + ], + [ + "▁da", + "t" + ], + [ + "▁", + "dat" + ], + [ + "о", + "р" + ], + [ + "ht", + "ml" + ], + [ + "htm", + "l" + ], + [ + "h", + "tml" + ], + [ + "ion", + "e" + ], + [ + "io", + "ne" + ], + [ + "i", + "one" + ], + [ + "▁d", + "ifferent" + ], + [ + "▁differ", + "ent" + ], + [ + "▁c", + "heck" + ], + [ + "▁che", + "ck" + ], + [ + "▁", + "check" + ], + [ + "▁f", + "r" + ], + [ + "▁", + "fr" + ], + [ + "▁E", + "r" + ], + [ + "▁", + "Er" + ], + [ + "▁t", + "ext" + ], + [ + "▁te", + "xt" + ], + [ + "▁tex", + "t" + ], + [ + "▁", + "text" + ], + [ + "н", + "і" + ], + [ + "ic", + "ht" + ], + [ + "ich", + "t" + ], + [ + "i", + "cht" + ], + [ + "st", + "ack" + ], + [ + "sta", + "ck" + ], + [ + "E", + "N" + ], + [ + "ra", + "g" + ], + [ + "r", + "ag" + ], + [ + "▁e", + "very" + ], + [ + "▁ev", + "ery" + ], + [ + "▁ever", + "y" + ], + [ + "▁", + "every" + ], + [ + "A", + "r" + ], + [ + "▁be", + "fore" + ], + [ + "▁bef", + "ore" + ], + [ + "▁", + "before" + ], + [ + "al", + "se" + ], + [ + "als", + "e" + ], + [ + "▁f", + "in" + ], + [ + "▁fi", + "n" + ], + [ + "▁", + "fin" + ], + [ + "▁d", + "é" + ], + [ + "▁th", + "ese" + ], + [ + "▁the", + "se" + ], + [ + "▁d", + "et" + ], + [ + "▁de", + "t" + ], + [ + "▁", + "det" + ], + [ + "V", + "al" + ], + [ + "ce", + "ption" + ], + [ + "cept", + "ion" + ], + [ + "cep", + "tion" + ], + [ + "▁and", + "roid" + ], + [ + "▁", + "android" + ], + [ + "block", + "quote" + ], + [ + "▁j", + "e" + ], + [ + "▁", + "je" + ], + [ + "fil", + "e" + ], + [ + "fi", + "le" + ], + [ + "f", + "ile" + ], + [ + "at", + "s" + ], + [ + "a", + "ts" + ], + [ + "▁д", + "о" + ], + [ + "▁", + "до" + ], + [ + "ess", + "age" + ], + [ + "essa", + "ge" + ], + [ + "▁ag", + "ain" + ], + [ + "a", + "w" + ], + [ + "C", + "h" + ], + [ + "we", + "en" + ], + [ + "w", + "een" + ], + [ + "▁", + "Д" + ], + [ + "fo", + "r" + ], + [ + "f", + "or" + ], + [ + "ci", + "al" + ], + [ + "cia", + "l" + ], + [ + "c", + "ial" + ], + [ + "pl", + "ay" + ], + [ + "pla", + "y" + ], + [ + "p", + "lay" + ], + [ + "pr", + "e" + ], + [ + "p", + "re" + ], + [ + "id", + "a" + ], + [ + "i", + "da" + ], + [ + "▁P", + "ar" + ], + [ + "▁Pa", + "r" + ], + [ + "▁", + "Par" + ], + [ + "n", + "y" + ], + [ + "ra", + "ct" + ], + [ + "rac", + "t" + ], + [ + "r", + "act" + ], + [ + "▁s", + "upp" + ], + [ + "▁su", + "pp" + ], + [ + "▁sup", + "p" + ], + [ + "▁", + "supp" + ], + [ + "as", + "ed" + ], + [ + "ase", + "d" + ], + [ + "a", + "sed" + ], + [ + "le", + "ction" + ], + [ + "lect", + "ion" + ], + [ + "l", + "ection" + ], + [ + "▁d", + "ans" + ], + [ + "▁da", + "ns" + ], + [ + "▁dan", + "s" + ], + [ + "ai", + "r" + ], + [ + "a", + "ir" + ], + [ + "ro", + "l" + ], + [ + "r", + "ol" + ], + [ + "▁t", + "hr" + ], + [ + "▁th", + "r" + ], + [ + "Dat", + "a" + ], + [ + "Da", + "ta" + ], + [ + "D", + "ata" + ], + [ + "li", + "ch" + ], + [ + "lic", + "h" + ], + [ + "l", + "ich" + ], + [ + "▁п", + "ро" + ], + [ + "▁пр", + "о" + ], + [ + "▁", + "про" + ], + [ + "▁l", + "ong" + ], + [ + "▁lo", + "ng" + ], + [ + "▁lon", + "g" + ], + [ + "▁", + "long" + ], + [ + "▁se", + "cond" + ], + [ + "▁sec", + "ond" + ], + [ + "▁", + "second" + ], + [ + "ual", + "ly" + ], + [ + "u", + "ally" + ], + [ + "in", + "es" + ], + [ + "ine", + "s" + ], + [ + "i", + "nes" + ], + [ + "▁f", + "ound" + ], + [ + "▁fo", + "und" + ], + [ + "▁fou", + "nd" + ], + [ + "▁", + "found" + ], + [ + "eng", + "th" + ], + [ + "y", + "p" + ], + [ + "ea", + "d" + ], + [ + "e", + "ad" + ], + [ + "▁l", + "og" + ], + [ + "▁lo", + "g" + ], + [ + "▁", + "log" + ], + [ + "u", + "i" + ], + [ + "ne", + "w" + ], + [ + "n", + "ew" + ], + [ + "▁", + "Р" + ], + [ + "g", + "o" + ], + [ + "au", + "s" + ], + [ + "a", + "us" + ], + [ + "od", + "y" + ], + [ + "o", + "dy" + ], + [ + "▁s", + "on" + ], + [ + "▁so", + "n" + ], + [ + "▁", + "son" + ], + [ + "м", + "е" + ], + [ + "er", + "o" + ], + [ + "e", + "ro" + ], + [ + "ve", + "d" + ], + [ + "v", + "ed" + ], + [ + "su", + "b" + ], + [ + "s", + "ub" + ], + [ + "▁r", + "ight" + ], + [ + "▁rig", + "ht" + ], + [ + "▁", + "right" + ], + [ + "vi", + "ew" + ], + [ + "vie", + "w" + ], + [ + "v", + "iew" + ], + [ + "▁follow", + "ing" + ], + [ + "'", + ")" + ], + [ + "\")", + ";" + ], + [ + "\"", + ");" + ], + [ + "▁sa", + "id" + ], + [ + "ж", + "е" + ], + [ + "ч", + "и" + ], + [ + "т", + "у" + ], + [ + "ot", + "t" + ], + [ + "o", + "tt" + ], + [ + "с", + "е" + ], + [ + "ar", + "s" + ], + [ + "a", + "rs" + ], + [ + "$", + "." + ], + [ + "g", + "g" + ], + [ + "▁b", + "r" + ], + [ + "▁", + "br" + ], + [ + "oo", + "l" + ], + [ + "o", + "ol" + ], + [ + "yl", + "e" + ], + [ + "y", + "le" + ], + [ + "us", + "e" + ], + [ + "u", + "se" + ], + [ + "▁s", + "how" + ], + [ + "▁sh", + "ow" + ], + [ + "▁sho", + "w" + ], + [ + "▁", + "show" + ], + [ + "le", + "ase" + ], + [ + "lea", + "se" + ], + [ + "ci", + "a" + ], + [ + "c", + "ia" + ], + [ + "▁d", + "irect" + ], + [ + "▁di", + "rect" + ], + [ + "▁dire", + "ct" + ], + [ + "▁dir", + "ect" + ], + [ + "▁", + "direct" + ], + [ + "do", + "c" + ], + [ + "d", + "oc" + ], + [ + "а", + "р" + ], + [ + "m", + "s" + ], + [ + "▁g", + "iv" + ], + [ + "▁gi", + "v" + ], + [ + "▁", + "giv" + ], + [ + "▁e", + "xp" + ], + [ + "▁ex", + "p" + ], + [ + "▁", + "exp" + ], + [ + "q", + "l" + ], + [ + "д", + "у" + ], + [ + "в", + "е" + ], + [ + "▁B", + "e" + ], + [ + "▁", + "Be" + ], + [ + "Co", + "m" + ], + [ + "C", + "om" + ], + [ + "it", + "er" + ], + [ + "ite", + "r" + ], + [ + "i", + "ter" + ], + [ + "R", + "E" + ], + [ + "m", + "p" + ], + [ + "me", + "n" + ], + [ + "m", + "en" + ], + [ + "▁R", + "o" + ], + [ + "▁", + "Ro" + ], + [ + "M", + "A" + ], + [ + "▁C", + "ol" + ], + [ + "▁Co", + "l" + ], + [ + "▁", + "Col" + ], + [ + "is", + "ter" + ], + [ + "ist", + "er" + ], + [ + "iste", + "r" + ], + [ + "i", + "ster" + ], + [ + "▁w", + "ell" + ], + [ + "▁we", + "ll" + ], + [ + "▁wel", + "l" + ], + [ + "▁", + "well" + ], + [ + "▁<", + "/" + ], + [ + "▁", + "" + ], + [ + "▁", + "->" + ], + [ + "en", + "e" + ], + [ + "e", + "ne" + ], + [ + "▁m", + "on" + ], + [ + "▁mo", + "n" + ], + [ + "▁", + "mon" + ], + [ + "▁d", + "ec" + ], + [ + "▁de", + "c" + ], + [ + "▁", + "dec" + ], + [ + "▁st", + "ill" + ], + [ + "▁о", + "б" + ], + [ + "▁", + "об" + ], + [ + "▁T", + "r" + ], + [ + "▁", + "Tr" + ], + [ + "▁", + "ф" + ], + [ + "if", + "e" + ], + [ + "i", + "fe" + ], + [ + "is", + "m" + ], + [ + "i", + "sm" + ], + [ + "b", + "y" + ], + [ + "ra", + "w" + ], + [ + "r", + "aw" + ], + [ + "io", + "r" + ], + [ + "i", + "or" + ], + [ + "▁m", + "ed" + ], + [ + "▁me", + "d" + ], + [ + "▁", + "med" + ], + [ + "or", + "ld" + ], + [ + "▁com", + "ple" + ], + [ + "▁comp", + "le" + ], + [ + "▁compl", + "e" + ], + [ + "▁", + "comple" + ], + [ + "w", + "w" + ], + [ + "▁a", + "rt" + ], + [ + "▁ar", + "t" + ], + [ + "▁", + "art" + ], + [ + "ro", + "n" + ], + [ + "r", + "on" + ], + [ + "▁", + "Г" + ], + [ + "▁M", + "y" + ], + [ + "▁", + "My" + ], + [ + "▁a", + "ls" + ], + [ + "▁al", + "s" + ], + [ + "▁", + "als" + ], + [ + "re", + "ct" + ], + [ + "rec", + "t" + ], + [ + "r", + "ect" + ], + [ + "▁a", + "uf" + ], + [ + "▁au", + "f" + ], + [ + "▁", + "auf" + ], + [ + "▁d", + "own" + ], + [ + "▁do", + "wn" + ], + [ + "▁dow", + "n" + ], + [ + "▁", + "down" + ], + [ + "at", + "her" + ], + [ + "ath", + "er" + ], + [ + "a", + "ther" + ], + [ + "Co", + "l" + ], + [ + "C", + "ol" + ], + [ + "Te", + "xt" + ], + [ + "Tex", + "t" + ], + [ + "T", + "ext" + ], + [ + "ba", + "ck" + ], + [ + "b", + "ack" + ], + [ + "$", + "," + ], + [ + "▁y", + "ear" + ], + [ + "▁ye", + "ar" + ], + [ + "▁", + "year" + ], + [ + "м", + "о" + ], + [ + "p", + "i" + ], + [ + "▁G", + "r" + ], + [ + "▁", + "Gr" + ], + [ + "re", + "am" + ], + [ + "rea", + "m" + ], + [ + "▁re", + "p" + ], + [ + "▁r", + "ep" + ], + [ + "▁", + "rep" + ], + [ + "b", + "f" + ], + [ + "ww", + "w" + ], + [ + "w", + "ww" + ], + [ + "▁w", + "ur" + ], + [ + "▁o", + "rg" + ], + [ + "▁or", + "g" + ], + [ + "▁", + "org" + ], + [ + "in", + "ter" + ], + [ + "int", + "er" + ], + [ + "inte", + "r" + ], + [ + "▁D", + "ie" + ], + [ + "▁Di", + "e" + ], + [ + "▁", + "Die" + ], + [ + "▁b", + "eing" + ], + [ + "▁be", + "ing" + ], + [ + "▁bei", + "ng" + ], + [ + "\"", + "." + ], + [ + "la", + "bel" + ], + [ + "lab", + "el" + ], + [ + "l", + "abel" + ], + [ + "▁c", + "ent" + ], + [ + "▁ce", + "nt" + ], + [ + "▁", + "cent" + ], + [ + "ja", + "va" + ], + [ + "jav", + "a" + ], + [ + "j", + "ava" + ], + [ + "ba", + "r" + ], + [ + "b", + "ar" + ], + [ + "an", + "te" + ], + [ + "ant", + "e" + ], + [ + "an", + "a" + ], + [ + "a", + "na" + ], + [ + "_", + "_" + ], + [ + "▁sol", + "ution" + ], + [ + "▁", + "О" + ], + [ + "▁f", + "l" + ], + [ + "▁", + "fl" + ], + [ + "▁c", + "reate" + ], + [ + "▁cre", + "ate" + ], + [ + "▁", + "create" + ], + [ + "ic", + "i" + ], + [ + "i", + "ci" + ], + [ + "st", + "e" + ], + [ + "s", + "te" + ], + [ + "yth", + "on" + ], + [ + "yt", + "hon" + ], + [ + "un", + "t" + ], + [ + "u", + "nt" + ], + [ + "as", + "on" + ], + [ + "aso", + "n" + ], + [ + "a", + "son" + ], + [ + "fer", + "ence" + ], + [ + "fe", + "rence" + ], + [ + "S", + "E" + ], + [ + "▁n", + "on" + ], + [ + "▁no", + "n" + ], + [ + "▁", + "non" + ], + [ + "an", + "e" + ], + [ + "a", + "ne" + ], + [ + "▁in", + "s" + ], + [ + "▁i", + "ns" + ], + [ + "▁", + "ins" + ], + [ + "ad", + "er" + ], + [ + "ade", + "r" + ], + [ + "a", + "der" + ], + [ + "_{", + "\\" + ], + [ + "_", + "{\\" + ], + [ + "Re", + "s" + ], + [ + "R", + "es" + ], + [ + "▁m", + "ain" + ], + [ + "▁ma", + "in" + ], + [ + "▁mai", + "n" + ], + [ + "▁", + "main" + ], + [ + "п", + "и" + ], + [ + "▁T", + "here" + ], + [ + "▁The", + "re" + ], + [ + "▁Th", + "ere" + ], + [ + "▁Ther", + "e" + ], + [ + "▁", + "There" + ], + [ + "▁p", + "our" + ], + [ + "▁po", + "ur" + ], + [ + "▁pou", + "r" + ], + [ + "R", + "O" + ], + [ + "`", + "," + ], + [ + "li", + "sh" + ], + [ + "lis", + "h" + ], + [ + "l", + "ish" + ], + [ + "b", + "ject" + ], + [ + "cc", + "ess" + ], + [ + "c", + "cess" + ], + [ + "▁o", + "rig" + ], + [ + "▁or", + "ig" + ], + [ + "▁", + "orig" + ], + [ + "is", + "chen" + ], + [ + "isch", + "en" + ], + [ + "ische", + "n" + ], + [ + "isc", + "hen" + ], + [ + "i", + "schen" + ], + [ + "ow", + "er" + ], + [ + "owe", + "r" + ], + [ + "o", + "wer" + ], + [ + "▁h", + "et" + ], + [ + "▁he", + "t" + ], + [ + "▁", + "het" + ], + [ + "u", + "c" + ], + [ + "▁el", + "se" + ], + [ + "▁els", + "e" + ], + [ + "▁", + "else" + ], + [ + "»", + "." + ], + [ + "▁о", + "т" + ], + [ + "▁", + "от" + ], + [ + "eq", + "u" + ], + [ + "e", + "qu" + ], + [ + "si", + "ble" + ], + [ + "s", + "ible" + ], + [ + "te", + "st" + ], + [ + "tes", + "t" + ], + [ + "t", + "est" + ], + [ + "st", + "and" + ], + [ + "sta", + "nd" + ], + [ + "stan", + "d" + ], + [ + "é", + "n" + ], + [ + "et", + "s" + ], + [ + "e", + "ts" + ], + [ + "G", + "E" + ], + [ + "id", + "ent" + ], + [ + "ide", + "nt" + ], + [ + "iden", + "t" + ], + [ + "i", + "dent" + ], + [ + "▁", + "е" + ], + [ + "▁п", + "ри" + ], + [ + "▁пр", + "и" + ], + [ + "▁", + "при" + ], + [ + ".", + "," + ], + [ + "▁d", + "as" + ], + [ + "▁da", + "s" + ], + [ + "▁", + "das" + ], + [ + "oc", + "k" + ], + [ + "o", + "ck" + ], + [ + ",", + "\"" + ], + [ + "▁v", + "ol" + ], + [ + "▁vo", + "l" + ], + [ + "▁", + "vol" + ], + [ + "▁f", + "o" + ], + [ + "▁", + "fo" + ], + [ + "▁p", + "ara" + ], + [ + "▁par", + "a" + ], + [ + "▁pa", + "ra" + ], + [ + "▁", + "para" + ], + [ + "▁", + "Т" + ], + [ + "▁C", + "ar" + ], + [ + "▁Ca", + "r" + ], + [ + "▁", + "Car" + ], + [ + "ra", + "l" + ], + [ + "r", + "al" + ], + [ + "▁S", + "p" + ], + [ + "▁", + "Sp" + ], + [ + "va", + "r" + ], + [ + "v", + "ar" + ], + [ + "▁p", + "lay" + ], + [ + "▁pl", + "ay" + ], + [ + "▁pla", + "y" + ], + [ + "▁", + "play" + ], + [ + "ou", + "se" + ], + [ + "ous", + "e" + ], + [ + "o", + "use" + ], + [ + "▁т", + "а" + ], + [ + "▁", + "та" + ], + [ + "ic", + "ally" + ], + [ + "ical", + "ly" + ], + [ + "▁con", + "tain" + ], + [ + "▁cont", + "ain" + ], + [ + "pon", + "se" + ], + [ + "▁S", + "tring" + ], + [ + "▁St", + "ring" + ], + [ + "▁Str", + "ing" + ], + [ + "▁", + "String" + ], + [ + "á", + "n" + ], + [ + "▁b", + "oth" + ], + [ + "▁bo", + "th" + ], + [ + "▁bot", + "h" + ], + [ + "▁", + "both" + ], + [ + "ke", + "n" + ], + [ + "k", + "en" + ], + [ + "A", + "R" + ], + [ + "ер", + "е" + ], + [ + "е", + "ре" + ], + [ + "▁I", + "l" + ], + [ + "▁", + "Il" + ], + [ + "▁is", + "s" + ], + [ + "▁i", + "ss" + ], + [ + "▁", + "iss" + ], + [ + "▁o", + "pen" + ], + [ + "▁op", + "en" + ], + [ + "▁", + "open" + ], + [ + "▁", + ")" + ], + [ + "▁W", + "hat" + ], + [ + "▁Wh", + "at" + ], + [ + "▁", + "What" + ], + [ + "f", + "e" + ], + [ + "riv", + "ate" + ], + [ + "re", + "g" + ], + [ + "r", + "eg" + ], + [ + "▁with", + "out" + ], + [ + "▁", + "without" + ], + [ + "▁z", + "u" + ], + [ + "▁", + "zu" + ], + [ + "vi", + "s" + ], + [ + "v", + "is" + ], + [ + "fl", + "ow" + ], + [ + "f", + "low" + ], + [ + "▁h", + "ttp" + ], + [ + "▁htt", + "p" + ], + [ + "▁", + "http" + ], + [ + "ab", + "ase" + ], + [ + "aba", + "se" + ], + [ + "a", + "base" + ], + [ + "▁w", + "ord" + ], + [ + "▁wor", + "d" + ], + [ + "▁wo", + "rd" + ], + [ + "▁", + "word" + ], + [ + "▁ch", + "ange" + ], + [ + "▁chang", + "e" + ], + [ + "▁", + "change" + ], + [ + "▁work", + "s" + ], + [ + "▁wor", + "ks" + ], + [ + "▁", + "works" + ], + [ + "▁g", + "e" + ], + [ + "▁", + "ge" + ], + [ + "▁", + "!" + ], + [ + "▁e", + "en" + ], + [ + "▁", + "een" + ], + [ + "it", + "le" + ], + [ + "▁e", + "vent" + ], + [ + "▁even", + "t" + ], + [ + "▁ev", + "ent" + ], + [ + "▁", + "event" + ], + [ + "wo", + "rd" + ], + [ + "wor", + "d" + ], + [ + "w", + "ord" + ], + [ + "an", + "do" + ], + [ + "and", + "o" + ], + [ + "S", + "B" + ], + [ + "re", + "m" + ], + [ + "r", + "em" + ], + [ + "▁f", + "ield" + ], + [ + "▁fi", + "eld" + ], + [ + "▁fiel", + "d" + ], + [ + "▁", + "field" + ], + [ + "vi", + "ng" + ], + [ + "vin", + "g" + ], + [ + "v", + "ing" + ], + [ + "Se", + "r" + ], + [ + "S", + "er" + ], + [ + "▁o", + "ur" + ], + [ + "▁ou", + "r" + ], + [ + "▁", + "our" + ], + [ + "▁qu", + "i" + ], + [ + "▁q", + "ui" + ], + [ + "▁", + "qui" + ], + [ + "▁o", + "per" + ], + [ + "▁op", + "er" + ], + [ + "▁", + "oper" + ], + [ + "▁is", + "t" + ], + [ + "▁i", + "st" + ], + [ + "▁", + "ist" + ], + [ + "de", + "f" + ], + [ + "d", + "ef" + ], + [ + "▁m", + "ade" + ], + [ + "▁ma", + "de" + ], + [ + "▁mad", + "e" + ], + [ + "▁", + "made" + ], + [ + "ни", + "е" + ], + [ + "p", + "x" + ], + [ + "▁m", + "en" + ], + [ + "▁me", + "n" + ], + [ + "▁", + "men" + ], + [ + "r", + "m" + ], + [ + "ai", + "s" + ], + [ + "a", + "is" + ], + [ + "ce", + "nt" + ], + [ + "cen", + "t" + ], + [ + "c", + "ent" + ], + [ + "li", + "st" + ], + [ + "lis", + "t" + ], + [ + "l", + "ist" + ], + [ + "T", + "o" + ], + [ + "▁T", + "o" + ], + [ + "▁", + "To" + ], + [ + "j", + "a" + ], + [ + "ve", + "rt" + ], + [ + "ver", + "t" + ], + [ + "v", + "ert" + ], + [ + "▁m", + "ar" + ], + [ + "▁ma", + "r" + ], + [ + "▁", + "mar" + ], + [ + "val", + "ue" + ], + [ + "valu", + "e" + ], + [ + "▁", + "„" + ], + [ + "\"", + ";" + ], + [ + "▁a", + "us" + ], + [ + "▁au", + "s" + ], + [ + "▁", + "aus" + ], + [ + "▁B", + "r" + ], + [ + "▁", + "Br" + ], + [ + "ol", + "e" + ], + [ + "o", + "le" + ], + [ + "▁m", + "ult" + ], + [ + "▁mu", + "lt" + ], + [ + "▁mul", + "t" + ], + [ + "▁", + "mult" + ], + [ + "oug", + "ht" + ], + [ + "ough", + "t" + ], + [ + "▁m", + "at" + ], + [ + "▁ma", + "t" + ], + [ + "▁", + "mat" + ], + [ + "▁v", + "iew" + ], + [ + "▁vi", + "ew" + ], + [ + "▁vie", + "w" + ], + [ + "▁", + "view" + ], + [ + "fi", + "l" + ], + [ + "f", + "il" + ], + [ + "▁с", + "о" + ], + [ + "▁", + "со" + ], + [ + "г", + "а" + ], + [ + "▁v", + "oid" + ], + [ + "▁vo", + "id" + ], + [ + "▁", + "void" + ], + [ + "▁g", + "ood" + ], + [ + "▁go", + "od" + ], + [ + "▁", + "good" + ], + [ + "б", + "о" + ], + [ + "C", + "T" + ], + [ + "▁m", + "any" + ], + [ + "▁ma", + "ny" + ], + [ + "▁man", + "y" + ], + [ + "▁", + "many" + ], + [ + "be", + "n" + ], + [ + "b", + "en" + ], + [ + "▁в", + "о" + ], + [ + "▁", + "во" + ], + [ + "▁к", + "а" + ], + [ + "▁", + "ка" + ], + [ + "▁s", + "ystem" + ], + [ + "▁sys", + "tem" + ], + [ + "▁syst", + "em" + ], + [ + "▁", + "system" + ], + [ + "in", + "o" + ], + [ + "i", + "no" + ], + [ + "▁an", + "other" + ], + [ + "▁ano", + "ther" + ], + [ + "▁", + "another" + ], + [ + "▁re", + "st" + ], + [ + "▁r", + "est" + ], + [ + "▁res", + "t" + ], + [ + "▁", + "rest" + ], + [ + "us", + "er" + ], + [ + "use", + "r" + ], + [ + "u", + "ser" + ], + [ + "il", + "ity" + ], + [ + "ili", + "ty" + ], + [ + "a", + "i" + ], + [ + "▁m", + "ight" + ], + [ + "▁mig", + "ht" + ], + [ + "us", + "tom" + ], + [ + "ust", + "om" + ], + [ + "usto", + "m" + ], + [ + "▁or", + "der" + ], + [ + "▁ord", + "er" + ], + [ + "▁", + "order" + ], + [ + "▁V", + "er" + ], + [ + "▁Ve", + "r" + ], + [ + "▁", + "Ver" + ], + [ + "S", + "S" + ], + [ + "}", + ")" + ], + [ + "▁e", + "ff" + ], + [ + "▁", + "eff" + ], + [ + "д", + "о" + ], + [ + "et", + "t" + ], + [ + "e", + "tt" + ], + [ + "▁s", + "ign" + ], + [ + "▁si", + "gn" + ], + [ + "▁sig", + "n" + ], + [ + "▁", + "sign" + ], + [ + "м", + "у" + ], + [ + "I", + "T" + ], + [ + "st", + "ring" + ], + [ + "str", + "ing" + ], + [ + "s", + "tring" + ], + [ + "el", + "le" + ], + [ + "ell", + "e" + ], + [ + "e", + "lle" + ], + [ + "▁s", + "ing" + ], + [ + "▁si", + "ng" + ], + [ + "▁sin", + "g" + ], + [ + "▁", + "sing" + ], + [ + "cu", + "l" + ], + [ + "c", + "ul" + ], + [ + "▁tr", + "ying" + ], + [ + "▁try", + "ing" + ], + [ + "▁b", + "eg" + ], + [ + "▁be", + "g" + ], + [ + "▁", + "beg" + ], + [ + "▁p", + "age" + ], + [ + "▁pa", + "ge" + ], + [ + "▁pag", + "e" + ], + [ + "▁", + "page" + ], + [ + "х", + "о" + ], + [ + "▁C", + "an" + ], + [ + "▁Ca", + "n" + ], + [ + "▁", + "Can" + ], + [ + "▁S", + "er" + ], + [ + "▁Se", + "r" + ], + [ + "▁", + "Ser" + ], + [ + "+", + "+" + ], + [ + "▁m", + "ust" + ], + [ + "▁mus", + "t" + ], + [ + "▁mu", + "st" + ], + [ + "▁", + "must" + ], + [ + "▁val", + "ues" + ], + [ + "▁value", + "s" + ], + [ + "▁valu", + "es" + ], + [ + "▁", + "values" + ], + [ + "▁k", + "ey" + ], + [ + "▁ke", + "y" + ], + [ + "▁", + "key" + ], + [ + "ib", + "le" + ], + [ + "i", + "ble" + ], + [ + "]", + "." + ], + [ + "ir", + "d" + ], + [ + "i", + "rd" + ], + [ + "▁pro", + "gram" + ], + [ + "▁pr", + "ogram" + ], + [ + "▁", + "program" + ], + [ + "roll", + "er" + ], + [ + "rol", + "ler" + ], + [ + "rolle", + "r" + ], + [ + "▁c", + "onne" + ], + [ + "▁con", + "ne" + ], + [ + "▁conn", + "e" + ], + [ + "▁", + "conne" + ], + [ + "▁s", + "ay" + ], + [ + "▁sa", + "y" + ], + [ + "▁", + "say" + ], + [ + "▁p", + "aram" + ], + [ + "▁par", + "am" + ], + [ + "▁para", + "m" + ], + [ + "▁pa", + "ram" + ], + [ + "▁", + "param" + ], + [ + "ach", + "e" + ], + [ + "ac", + "he" + ], + [ + "a", + "che" + ], + [ + "ve", + "lop" + ], + [ + "vel", + "op" + ], + [ + "▁s", + "elect" + ], + [ + "▁se", + "lect" + ], + [ + "▁sel", + "ect" + ], + [ + "▁sele", + "ct" + ], + [ + "▁", + "select" + ], + [ + "▁f", + "amil" + ], + [ + "▁fa", + "mil" + ], + [ + "▁fam", + "il" + ], + [ + "▁", + "famil" + ], + [ + "▁l", + "ast" + ], + [ + "▁la", + "st" + ], + [ + "▁las", + "t" + ], + [ + "▁", + "last" + ], + [ + "▁Th", + "anks" + ], + [ + "▁Thank", + "s" + ], + [ + "▁", + "Thanks" + ], + [ + "▁p", + "op" + ], + [ + "▁po", + "p" + ], + [ + "▁", + "pop" + ], + [ + "}", + "." + ], + [ + "e", + "q" + ], + [ + "▁does", + "n" + ], + [ + "[", + "'" + ], + [ + "▁t", + "erm" + ], + [ + "▁te", + "rm" + ], + [ + "▁ter", + "m" + ], + [ + "▁", + "term" + ], + [ + "▁r", + "é" + ], + [ + "▁", + "ré" + ], + [ + "▁d", + "ocument" + ], + [ + "▁doc", + "ument" + ], + [ + "▁", + "document" + ], + [ + "п", + "а" + ], + [ + "л", + "у" + ], + [ + "at", + "eg" + ], + [ + "ate", + "g" + ], + [ + ".", + ")" + ], + [ + "li", + "ng" + ], + [ + "lin", + "g" + ], + [ + "l", + "ing" + ], + [ + "ion", + "al" + ], + [ + "io", + "nal" + ], + [ + "iona", + "l" + ], + [ + "i", + "onal" + ], + [ + "ab", + "les" + ], + [ + "able", + "s" + ], + [ + "abl", + "es" + ], + [ + "a", + "bles" + ], + [ + "▁t", + "ak" + ], + [ + "▁ta", + "k" + ], + [ + "ut", + "ton" + ], + [ + "utt", + "on" + ], + [ + "utto", + "n" + ], + [ + "▁a", + "rg" + ], + [ + "▁ar", + "g" + ], + [ + "▁", + "arg" + ], + [ + "ty", + "pe" + ], + [ + "typ", + "e" + ], + [ + "t", + "ype" + ], + [ + "▁s", + "ure" + ], + [ + "▁su", + "re" + ], + [ + "▁sur", + "e" + ], + [ + "▁re", + "al" + ], + [ + "▁", + "real" + ], + [ + "▁w", + "eb" + ], + [ + "▁we", + "b" + ], + [ + "▁", + "web" + ], + [ + "▁c", + "urrent" + ], + [ + "▁cur", + "rent" + ], + [ + "▁curr", + "ent" + ], + [ + "▁", + "current" + ], + [ + "▁P", + "l" + ], + [ + "▁", + "Pl" + ], + [ + "ch", + "o" + ], + [ + "c", + "ho" + ], + [ + "ment", + "s" + ], + [ + "men", + "ts" + ], + [ + "m", + "ents" + ], + [ + "▁J", + "oh" + ], + [ + "▁Jo", + "h" + ], + [ + "ot", + "s" + ], + [ + "o", + "ts" + ], + [ + "▁ex", + "ist" + ], + [ + "▁", + "exist" + ], + [ + "н", + "у" + ], + [ + "▁f", + "ür" + ], + [ + "▁", + "für" + ], + [ + "▁и", + "з" + ], + [ + "▁", + "из" + ], + [ + "d", + "o" + ], + [ + "но", + "го" + ], + [ + "ног", + "о" + ], + [ + "н", + "ого" + ], + [ + "▁l", + "as" + ], + [ + "▁la", + "s" + ], + [ + "▁", + "las" + ], + [ + "▁n", + "ull" + ], + [ + "▁nu", + "ll" + ], + [ + "▁", + "null" + ], + [ + "▁in", + "form" + ], + [ + "▁inf", + "orm" + ], + [ + "▁info", + "rm" + ], + [ + "▁", + "Л" + ], + [ + "▁v", + "ersion" + ], + [ + "▁vers", + "ion" + ], + [ + "▁", + "version" + ], + [ + "▁c", + "hang" + ], + [ + "▁ch", + "ang" + ], + [ + "▁cha", + "ng" + ], + [ + "ag", + "er" + ], + [ + "age", + "r" + ], + [ + "a", + "ger" + ], + [ + "▁C", + "omm" + ], + [ + "▁Com", + "m" + ], + [ + "▁Co", + "mm" + ], + [ + "▁", + "Comm" + ], + [ + "л", + "і" + ], + [ + "us", + "h" + ], + [ + "u", + "sh" + ], + [ + "▁G", + "e" + ], + [ + "▁", + "Ge" + ], + [ + "▁h", + "igh" + ], + [ + "▁hi", + "gh" + ], + [ + "▁", + "high" + ], + [ + "▁in", + "put" + ], + [ + "▁", + "input" + ], + [ + "og", + "le" + ], + [ + "o", + "gle" + ], + [ + "ro", + "s" + ], + [ + "r", + "os" + ], + [ + "bo", + "x" + ], + [ + "b", + "ox" + ], + [ + "ge", + "n" + ], + [ + "g", + "en" + ], + [ + "▁s", + "te" + ], + [ + "▁st", + "e" + ], + [ + "▁", + "ste" + ], + [ + "▁l", + "ocal" + ], + [ + "▁lo", + "cal" + ], + [ + "▁loc", + "al" + ], + [ + "▁", + "local" + ], + [ + "I", + "m" + ], + [ + "▁pro", + "cess" + ], + [ + "▁proc", + "ess" + ], + [ + "▁proces", + "s" + ], + [ + "▁", + "process" + ], + [ + "ter", + "nal" + ], + [ + "tern", + "al" + ], + [ + "t", + "ernal" + ], + [ + "iz", + "ed" + ], + [ + "ize", + "d" + ], + [ + "i", + "zed" + ], + [ + "г", + "и" + ], + [ + "é", + "t" + ], + [ + "▁I", + "nd" + ], + [ + "▁In", + "d" + ], + [ + "▁", + "Ind" + ], + [ + "▁o", + "ch" + ], + [ + "▁oc", + "h" + ], + [ + "▁", + "och" + ], + [ + "l", + "t" + ], + [ + "▁col", + "umn" + ], + [ + "▁", + "column" + ], + [ + "▁t", + "ried" + ], + [ + "▁tr", + "ied" + ], + [ + "▁tri", + "ed" + ], + [ + "▁comm", + "and" + ], + [ + "▁comma", + "nd" + ], + [ + "▁", + "command" + ], + [ + "▁b", + "est" + ], + [ + "▁be", + "st" + ], + [ + "▁bes", + "t" + ], + [ + "▁", + "best" + ], + [ + "as", + "ter" + ], + [ + "ast", + "er" + ], + [ + "aste", + "r" + ], + [ + "a", + "ster" + ], + [ + "з", + "а" + ], + [ + "▁p", + "rim" + ], + [ + "▁pr", + "im" + ], + [ + "▁pri", + "m" + ], + [ + "▁", + "prim" + ], + [ + "▁m", + "odel" + ], + [ + "▁mod", + "el" + ], + [ + "▁mo", + "del" + ], + [ + "▁mode", + "l" + ], + [ + "▁", + "model" + ], + [ + "▁", + "і" + ], + [ + "▁th", + "ose" + ], + [ + "it", + "ies" + ], + [ + "iti", + "es" + ], + [ + "itie", + "s" + ], + [ + "i", + "ties" + ], + [ + "è", + "re" + ], + [ + "▁р", + "е" + ], + [ + "▁", + "ре" + ], + [ + "ј", + "е" + ], + [ + "ш", + "и" + ], + [ + "qu", + "es" + ], + [ + "que", + "s" + ], + [ + "q", + "ues" + ], + [ + "▁A", + "m" + ], + [ + "▁", + "Am" + ], + [ + "▁o", + "wn" + ], + [ + "▁ow", + "n" + ], + [ + "▁", + "own" + ], + [ + "li", + "n" + ], + [ + "l", + "in" + ], + [ + "з", + "и" + ], + [ + "Val", + "ue" + ], + [ + "th", + "ing" + ], + [ + "t", + "hing" + ], + [ + "▁", + "," + ], + [ + "▁T", + "e" + ], + [ + "▁", + "Te" + ], + [ + "▁st", + "ud" + ], + [ + "▁", + "stud" + ], + [ + "▁u", + "m" + ], + [ + "▁", + "um" + ], + [ + "▁ser", + "ver" + ], + [ + "▁serv", + "er" + ], + [ + "▁serve", + "r" + ], + [ + "▁", + "server" + ], + [ + "il", + "le" + ], + [ + "ill", + "e" + ], + [ + "i", + "lle" + ], + [ + "▁p", + "ut" + ], + [ + "▁pu", + "t" + ], + [ + "▁", + "put" + ], + [ + "at", + "iv" + ], + [ + "ati", + "v" + ], + [ + "g", + "y" + ], + [ + "ов", + "и" + ], + [ + "о", + "ви" + ], + [ + "ra", + "f" + ], + [ + "r", + "af" + ], + [ + "ов", + "о" + ], + [ + "о", + "во" + ], + [ + "▁wur", + "de" + ], + [ + "▁W", + "hen" + ], + [ + "▁Wh", + "en" + ], + [ + "▁Whe", + "n" + ], + [ + "▁", + "When" + ], + [ + "▁d", + "iv" + ], + [ + "▁di", + "v" + ], + [ + "▁", + "div" + ], + [ + "an", + "ts" + ], + [ + "ant", + "s" + ], + [ + "▁t", + "er" + ], + [ + "▁te", + "r" + ], + [ + "▁", + "ter" + ], + [ + "▁part", + "ic" + ], + [ + "▁parti", + "c" + ], + [ + "▁", + "т" + ], + [ + "▁D", + "o" + ], + [ + "▁", + "Do" + ], + [ + "▁N", + "o" + ], + [ + "▁", + "No" + ], + [ + "se", + "rt" + ], + [ + "ser", + "t" + ], + [ + "s", + "ert" + ], + [ + "id", + "o" + ], + [ + "i", + "do" + ], + [ + "math", + "cal" + ], + [ + "ad", + "e" + ], + [ + "a", + "de" + ], + [ + "▁I", + "I" + ], + [ + "▁", + "II" + ], + [ + "le", + "ar" + ], + [ + "lea", + "r" + ], + [ + "l", + "ear" + ], + [ + "og", + "raph" + ], + [ + "o", + "graph" + ], + [ + "en", + "se" + ], + [ + "ens", + "e" + ], + [ + "▁r", + "ow" + ], + [ + "▁ro", + "w" + ], + [ + "▁", + "row" + ], + [ + "nu", + "m" + ], + [ + "n", + "um" + ], + [ + "▁pos", + "sible" + ], + [ + "▁poss", + "ible" + ], + [ + "▁possib", + "le" + ], + [ + "▁", + "possible" + ], + [ + "▁s", + "ince" + ], + [ + "▁sin", + "ce" + ], + [ + "▁", + "since" + ], + [ + "▁B", + "o" + ], + [ + "▁", + "Bo" + ], + [ + "ct", + "ions" + ], + [ + "ction", + "s" + ], + [ + "▁I", + "m" + ], + [ + "▁", + "Im" + ], + [ + "O", + "R" + ], + [ + "ц", + "і" + ], + [ + "▁i", + "de" + ], + [ + "▁id", + "e" + ], + [ + "▁", + "ide" + ], + [ + "ma", + "p" + ], + [ + "m", + "ap" + ], + [ + "▁cor", + "rect" + ], + [ + "▁corre", + "ct" + ], + [ + "▁corr", + "ect" + ], + [ + "▁", + "correct" + ], + [ + "ve", + "s" + ], + [ + "v", + "es" + ], + [ + "ph", + "p" + ], + [ + "p", + "hp" + ], + [ + "▁out", + "put" + ], + [ + "▁", + "output" + ], + [ + "▁P", + "h" + ], + [ + "▁", + "Ph" + ], + [ + "A", + "L" + ], + [ + "ar", + "ed" + ], + [ + "are", + "d" + ], + [ + "a", + "red" + ], + [ + "\\", + "\\" + ], + [ + "▁im", + "age" + ], + [ + "▁imag", + "e" + ], + [ + "▁", + "image" + ], + [ + "es", + "ch" + ], + [ + "esc", + "h" + ], + [ + "e", + "sch" + ], + [ + "ж", + "и" + ], + [ + "▁con", + "f" + ], + [ + "▁", + "conf" + ], + [ + "po", + "r" + ], + [ + "p", + "or" + ], + [ + "qu", + "ery" + ], + [ + "que", + "ry" + ], + [ + "quer", + "y" + ], + [ + "ur", + "es" + ], + [ + "ure", + "s" + ], + [ + "u", + "res" + ], + [ + "iu", + "m" + ], + [ + "i", + "um" + ], + [ + "en", + "ds" + ], + [ + "end", + "s" + ], + [ + "▁A", + "b" + ], + [ + "▁", + "Ab" + ], + [ + "SB", + "N" + ], + [ + "і", + "д" + ], + [ + "et", + "her" + ], + [ + "eth", + "er" + ], + [ + "ethe", + "r" + ], + [ + "e", + "ther" + ], + [ + "pt", + "ions" + ], + [ + "ption", + "s" + ], + [ + "it", + "u" + ], + [ + "i", + "tu" + ], + [ + "li", + "b" + ], + [ + "l", + "ib" + ], + [ + "n", + "s" + ], + [ + "k", + "i" + ], + [ + "▁work", + "ing" + ], + [ + "▁wor", + "king" + ], + [ + "▁", + "working" + ], + [ + "▁c", + "omo" + ], + [ + "▁com", + "o" + ], + [ + "▁co", + "mo" + ], + [ + "▁", + "como" + ], + [ + "▁T", + "hen" + ], + [ + "▁The", + "n" + ], + [ + "▁Th", + "en" + ], + [ + "▁", + "Then" + ], + [ + "M", + "L" + ], + [ + "ke", + "y" + ], + [ + "k", + "ey" + ], + [ + "cl", + "ass" + ], + [ + "cla", + "ss" + ], + [ + "c", + "lass" + ], + [ + "op", + "le" + ], + [ + "o", + "ple" + ], + [ + "itt", + "le" + ], + [ + "▁m", + "atch" + ], + [ + "▁mat", + "ch" + ], + [ + "▁", + "match" + ], + [ + "way", + "s" + ], + [ + "wa", + "ys" + ], + [ + "w", + "ays" + ], + [ + "math", + "bb" + ], + [ + "▁re", + "quire" + ], + [ + "▁requ", + "ire" + ], + [ + "▁", + "require" + ], + [ + "al", + "t" + ], + [ + "a", + "lt" + ], + [ + "▁v", + "is" + ], + [ + "▁vi", + "s" + ], + [ + "▁", + "vis" + ], + [ + "▁b", + "l" + ], + [ + "▁", + "bl" + ], + [ + "▁c", + "alled" + ], + [ + "▁cal", + "led" + ], + [ + "▁call", + "ed" + ], + [ + "▁", + "called" + ], + [ + "It", + "em" + ], + [ + "I", + "tem" + ], + [ + "ur", + "a" + ], + [ + "u", + "ra" + ], + [ + "ve", + "c" + ], + [ + "v", + "ec" + ], + [ + "em", + "e" + ], + [ + "e", + "me" + ], + [ + "▁d", + "ella" + ], + [ + "▁de", + "lla" + ], + [ + "▁del", + "la" + ], + [ + "▁dell", + "a" + ], + [ + "em", + "bre" + ], + [ + "emb", + "re" + ], + [ + "ur", + "g" + ], + [ + "u", + "rg" + ], + [ + "S", + "e" + ], + [ + "▁re", + "quest" + ], + [ + "▁requ", + "est" + ], + [ + "▁req", + "uest" + ], + [ + "▁", + "request" + ], + [ + "is", + "che" + ], + [ + "isch", + "e" + ], + [ + "isc", + "he" + ], + [ + "i", + "sche" + ], + [ + "▁p", + "ort" + ], + [ + "▁po", + "rt" + ], + [ + "▁por", + "t" + ], + [ + "▁", + "port" + ], + [ + "▁inst", + "ead" + ], + [ + "=", + "\\" + ], + [ + "▁", + "У" + ], + [ + "ho", + "r" + ], + [ + "h", + "or" + ], + [ + "en", + "te" + ], + [ + "ent", + "e" + ], + [ + "um", + "e" + ], + [ + "u", + "me" + ], + [ + "er", + "d" + ], + [ + "e", + "rd" + ], + [ + "с", + "а" + ], + [ + "▁w", + "hy" + ], + [ + "▁wh", + "y" + ], + [ + "▁", + "why" + ], + [ + "ri", + "st" + ], + [ + "ris", + "t" + ], + [ + "r", + "ist" + ], + [ + "▁p", + "erson" + ], + [ + "▁per", + "son" + ], + [ + "▁pers", + "on" + ], + [ + "▁", + "person" + ], + [ + "▁.", + ".." + ], + [ + "▁..", + "." + ], + [ + "▁", + "..." + ], + [ + "▁p", + "rivate" + ], + [ + "▁priv", + "ate" + ], + [ + "▁", + "private" + ], + [ + "▁t", + "ot" + ], + [ + "▁to", + "t" + ], + [ + "▁", + "tot" + ], + [ + "ph", + "a" + ], + [ + "p", + "ha" + ], + [ + "if", + "t" + ], + [ + "i", + "ft" + ], + [ + "it", + "a" + ], + [ + "i", + "ta" + ], + [ + "lo", + "c" + ], + [ + "l", + "oc" + ], + [ + "▁o", + "ld" + ], + [ + "▁ol", + "d" + ], + [ + "▁", + "old" + ], + [ + "о", + "н" + ], + [ + "▁n", + "el" + ], + [ + "▁ne", + "l" + ], + [ + "▁", + "nel" + ], + [ + "'", + "]" + ], + [ + "t", + "i" + ], + [ + "ie", + "t" + ], + [ + "i", + "et" + ], + [ + "ci", + "te" + ], + [ + "cit", + "e" + ], + [ + "c", + "ite" + ], + [ + "ple", + "ment" + ], + [ + "pl", + "ement" + ], + [ + "p", + "lement" + ], + [ + "▁a", + "bove" + ], + [ + "▁ab", + "ove" + ], + [ + "▁", + "above" + ], + [ + "k", + "s" + ], + [ + "re", + "ady" + ], + [ + "read", + "y" + ], + [ + "rea", + "dy" + ], + [ + "▁c", + "ome" + ], + [ + "▁com", + "e" + ], + [ + "▁co", + "me" + ], + [ + "▁", + "come" + ], + [ + "se", + "ction" + ], + [ + "sec", + "tion" + ], + [ + "sect", + "ion" + ], + [ + "s", + "ection" + ], + [ + "▁P", + "ol" + ], + [ + "▁Po", + "l" + ], + [ + "▁", + "Pol" + ], + [ + "▁w", + "rit" + ], + [ + "▁wr", + "it" + ], + [ + "▁", + "writ" + ], + [ + "▁htt", + "ps" + ], + [ + "▁http", + "s" + ], + [ + "▁", + "https" + ], + [ + "▁$", + "$" + ], + [ + "▁", + "$$" + ], + [ + "▁", + "»" + ], + [ + "▁bu", + "ild" + ], + [ + "▁", + "build" + ], + [ + "it", + "o" + ], + [ + "i", + "to" + ], + [ + "▁cons", + "ider" + ], + [ + "▁consid", + "er" + ], + [ + "af", + "t" + ], + [ + "a", + "ft" + ], + [ + "Ap", + "p" + ], + [ + "A", + "pp" + ], + [ + ",", + "\\" + ], + [ + "ind", + "ows" + ], + [ + "indow", + "s" + ], + [ + "indo", + "ws" + ], + [ + "com", + "m" + ], + [ + "co", + "mm" + ], + [ + "c", + "omm" + ], + [ + "▁", + ";" + ], + [ + "gr", + "ound" + ], + [ + "gro", + "und" + ], + [ + "g", + "round" + ], + [ + "▁p", + "lace" + ], + [ + "▁pl", + "ace" + ], + [ + "▁pla", + "ce" + ], + [ + "▁", + "place" + ], + [ + "B", + "y" + ], + [ + "▁pro", + "ject" + ], + [ + "▁", + "project" + ], + [ + "Ob", + "ject" + ], + [ + "Obj", + "ect" + ], + [ + "O", + "bject" + ], + [ + "▁re", + "pr" + ], + [ + "▁rep", + "r" + ], + [ + "en", + "ces" + ], + [ + "ence", + "s" + ], + [ + "enc", + "es" + ], + [ + "ind", + "ow" + ], + [ + "indo", + "w" + ], + [ + "z", + "t" + ], + [ + "▁f", + "iles" + ], + [ + "▁file", + "s" + ], + [ + "▁fil", + "es" + ], + [ + "▁fi", + "les" + ], + [ + "▁", + "files" + ], + [ + "c", + "z" + ], + [ + "iv", + "ity" + ], + [ + "ivi", + "ty" + ], + [ + "i", + "vity" + ], + [ + "▁in", + "it" + ], + [ + "▁i", + "nit" + ], + [ + "▁", + "init" + ], + [ + "▁p", + "rob" + ], + [ + "▁pro", + "b" + ], + [ + "▁pr", + "ob" + ], + [ + "▁", + "prob" + ], + [ + "▁s", + "k" + ], + [ + "▁", + "sk" + ], + [ + "or", + "th" + ], + [ + "ort", + "h" + ], + [ + "im", + "ent" + ], + [ + "ime", + "nt" + ], + [ + "imen", + "t" + ], + [ + "i", + "ment" + ], + [ + "ou", + "ble" + ], + [ + "at", + "al" + ], + [ + "ata", + "l" + ], + [ + "a", + "tal" + ], + [ + "ir", + "c" + ], + [ + "i", + "rc" + ], + [ + "▁", + "è" + ], + [ + "▁b", + "re" + ], + [ + "▁br", + "e" + ], + [ + "▁", + "bre" + ], + [ + "is", + "ta" + ], + [ + "ist", + "a" + ], + [ + "i", + "sta" + ], + [ + "in", + "put" + ], + [ + "▁", + "И" + ], + [ + "но", + "й" + ], + [ + "su", + "m" + ], + [ + "s", + "um" + ], + [ + "pa", + "th" + ], + [ + "pat", + "h" + ], + [ + "p", + "ath" + ], + [ + "▁c", + "our" + ], + [ + "▁co", + "ur" + ], + [ + "▁cou", + "r" + ], + [ + "▁t", + "oo" + ], + [ + "▁to", + "o" + ], + [ + "▁A", + "d" + ], + [ + "▁", + "Ad" + ], + [ + "▁G", + "u" + ], + [ + "▁", + "Gu" + ], + [ + "▁f", + "alse" + ], + [ + "▁fal", + "se" + ], + [ + "▁", + "false" + ], + [ + "▁f", + "un" + ], + [ + "▁fu", + "n" + ], + [ + "▁", + "fun" + ], + [ + "▁с", + "т" + ], + [ + "▁", + "ст" + ], + [ + "oo", + "d" + ], + [ + "o", + "od" + ], + [ + "è", + "s" + ], + [ + "▁e", + "nc" + ], + [ + "▁en", + "c" + ], + [ + "▁", + "enc" + ], + [ + "bo", + "l" + ], + [ + "b", + "ol" + ], + [ + "r", + "l" + ], + [ + "ar", + "get" + ], + [ + "arg", + "et" + ], + [ + "or", + "der" + ], + [ + "ord", + "er" + ], + [ + "orde", + "r" + ], + [ + "▁me", + "an" + ], + [ + "▁", + "mean" + ], + [ + "п", + "е" + ], + [ + "ig", + "en" + ], + [ + "ige", + "n" + ], + [ + "i", + "gen" + ], + [ + "▁п", + "ре" + ], + [ + "▁пр", + "е" + ], + [ + "▁", + "пре" + ], + [ + "wid", + "th" + ], + [ + "w", + "idth" + ], + [ + ";", + "\r" + ], + [ + "it", + "or" + ], + [ + "ito", + "r" + ], + [ + "i", + "tor" + ], + [ + "▁st", + "ate" + ], + [ + "▁stat", + "e" + ], + [ + "▁sta", + "te" + ], + [ + "▁", + "state" + ], + [ + "▁gre", + "at" + ], + [ + "en", + "n" + ], + [ + "e", + "nn" + ], + [ + "bi", + "n" + ], + [ + "b", + "in" + ], + [ + "E", + "r" + ], + [ + "Mo", + "d" + ], + [ + "M", + "od" + ], + [ + "o", + "z" + ], + [ + "▁w", + "on" + ], + [ + "▁wo", + "n" + ], + [ + "▁", + "won" + ], + [ + "▁f", + "act" + ], + [ + "▁fa", + "ct" + ], + [ + "▁fac", + "t" + ], + [ + "▁", + "fact" + ], + [ + "▁j", + "ava" + ], + [ + "▁ja", + "va" + ], + [ + "▁jav", + "a" + ], + [ + "▁", + "java" + ], + [ + "▁Un", + "ivers" + ], + [ + "▁", + "Univers" + ], + [ + "▁c", + "ap" + ], + [ + "▁ca", + "p" + ], + [ + "▁", + "cap" + ], + [ + "is", + "tor" + ], + [ + "ist", + "or" + ], + [ + "isto", + "r" + ], + [ + "i", + "stor" + ], + [ + "}", + "(" + ], + [ + "k", + "u" + ], + [ + "it", + "her" + ], + [ + "ith", + "er" + ], + [ + "i", + "ther" + ], + [ + "al", + "es" + ], + [ + "ale", + "s" + ], + [ + "a", + "les" + ], + [ + "▁o", + "u" + ], + [ + "▁", + "ou" + ], + [ + "ro", + "ss" + ], + [ + "ros", + "s" + ], + [ + "r", + "oss" + ], + [ + "▁t", + "ake" + ], + [ + "▁tak", + "e" + ], + [ + "▁ta", + "ke" + ], + [ + "▁", + "take" + ], + [ + "ri", + "x" + ], + [ + "r", + "ix" + ], + [ + "lo", + "b" + ], + [ + "l", + "ob" + ], + [ + "▁e", + "ine" + ], + [ + "▁ein", + "e" + ], + [ + "as", + "es" + ], + [ + "ase", + "s" + ], + [ + "▁a", + "ccess" + ], + [ + "▁acc", + "ess" + ], + [ + "▁ac", + "cess" + ], + [ + "▁", + "access" + ], + [ + "it", + "é" + ], + [ + "i", + "té" + ], + [ + "is", + "tr" + ], + [ + "ist", + "r" + ], + [ + "i", + "str" + ], + [ + "iz", + "ation" + ], + [ + "iza", + "tion" + ], + [ + "▁app", + "ro" + ], + [ + "▁ap", + "pro" + ], + [ + "▁", + "appro" + ], + [ + "ba", + "ll" + ], + [ + "bal", + "l" + ], + [ + "b", + "all" + ], + [ + "▁m", + "ak" + ], + [ + "▁ma", + "k" + ], + [ + "}", + "^" + ], + [ + "▁C", + "ons" + ], + [ + "▁Con", + "s" + ], + [ + "▁Co", + "ns" + ], + [ + "▁", + "Cons" + ], + [ + "pr", + "ess" + ], + [ + "pre", + "ss" + ], + [ + "pres", + "s" + ], + [ + "p", + "ress" + ], + [ + "se", + "rv" + ], + [ + "ser", + "v" + ], + [ + "s", + "erv" + ], + [ + "()", + "." + ], + [ + "(", + ")." + ], + [ + "a", + "f" + ], + [ + "▁re", + "f" + ], + [ + "▁r", + "ef" + ], + [ + "▁", + "ref" + ], + [ + ")", + "\\" + ], + [ + "▁cont", + "in" + ], + [ + "s", + "u" + ], + [ + "iv", + "er" + ], + [ + "ive", + "r" + ], + [ + "i", + "ver" + ], + [ + "▁c", + "ond" + ], + [ + "▁con", + "d" + ], + [ + "▁co", + "nd" + ], + [ + "▁", + "cond" + ], + [ + "▁ex", + "pect" + ], + [ + "▁exp", + "ect" + ], + [ + "▁", + "expect" + ], + [ + "▁char", + "act" + ], + [ + "▁cha", + "ract" + ], + [ + "ber", + "t" + ], + [ + "be", + "rt" + ], + [ + "b", + "ert" + ], + [ + "el", + "t" + ], + [ + "e", + "lt" + ], + [ + "ter", + "s" + ], + [ + "te", + "rs" + ], + [ + "t", + "ers" + ], + [ + "scri", + "pt" + ], + [ + "scr", + "ipt" + ], + [ + "s", + "cript" + ], + [ + "▁E", + "d" + ], + [ + "▁", + "Ed" + ], + [ + "ap", + "t" + ], + [ + "a", + "pt" + ], + [ + "')", + ";" + ], + [ + "'", + ");" + ], + [ + "pr", + "int" + ], + [ + "▁s", + "ize" + ], + [ + "▁si", + "ze" + ], + [ + "▁", + "size" + ], + [ + "▁s", + "ich" + ], + [ + "▁si", + "ch" + ], + [ + "▁sic", + "h" + ], + [ + "fa", + "ce" + ], + [ + "fac", + "e" + ], + [ + "f", + "ace" + ], + [ + "en", + "den" + ], + [ + "end", + "en" + ], + [ + "ende", + "n" + ], + [ + "▁A", + "mer" + ], + [ + "▁Am", + "er" + ], + [ + "▁", + "Amer" + ], + [ + "if", + "ied" + ], + [ + "ifi", + "ed" + ], + [ + "ifie", + "d" + ], + [ + "ó", + "w" + ], + [ + "▁S", + "u" + ], + [ + "▁", + "Su" + ], + [ + "te", + "s" + ], + [ + "t", + "es" + ], + [ + "me", + "d" + ], + [ + "m", + "ed" + ], + [ + "▁R", + "eg" + ], + [ + "▁Re", + "g" + ], + [ + "▁", + "Reg" + ], + [ + "so", + "le" + ], + [ + "sol", + "e" + ], + [ + "s", + "ole" + ], + [ + "▁in", + "clud" + ], + [ + "▁incl", + "ud" + ], + [ + "▁inclu", + "d" + ], + [ + "▁", + "includ" + ], + [ + "in", + "i" + ], + [ + "i", + "ni" + ], + [ + "in", + "ci" + ], + [ + "inc", + "i" + ], + [ + "▁p", + "la" + ], + [ + "▁pl", + "a" + ], + [ + "▁", + "pla" + ], + [ + "▁l", + "eft" + ], + [ + "▁le", + "ft" + ], + [ + "▁", + "left" + ], + [ + "d", + "f" + ], + [ + "Pa", + "r" + ], + [ + "P", + "ar" + ], + [ + "▁A", + "ll" + ], + [ + "▁Al", + "l" + ], + [ + "▁", + "All" + ], + [ + "▁o", + "cc" + ], + [ + "▁oc", + "c" + ], + [ + "▁", + "occ" + ], + [ + "▁A", + "t" + ], + [ + "▁", + "At" + ], + [ + "▁c", + "r" + ], + [ + "▁", + "cr" + ], + [ + "Q", + "u" + ], + [ + "▁g", + "iven" + ], + [ + "▁giv", + "en" + ], + [ + "▁give", + "n" + ], + [ + "▁gi", + "ven" + ], + [ + "▁S", + "ystem" + ], + [ + "▁Syst", + "em" + ], + [ + "▁", + "System" + ], + [ + "ic", + "an" + ], + [ + "ica", + "n" + ], + [ + "i", + "can" + ], + [ + "▁f", + "inal" + ], + [ + "▁fin", + "al" + ], + [ + "▁fi", + "nal" + ], + [ + "▁", + "final" + ], + [ + "it", + "ions" + ], + [ + "ition", + "s" + ], + [ + "iti", + "ons" + ], + [ + "▁б", + "ы" + ], + [ + "▁", + "бы" + ], + [ + "▁per", + "form" + ], + [ + "▁perf", + "orm" + ], + [ + "▁", + "perform" + ], + [ + "A", + "N" + ], + [ + "▁M", + "e" + ], + [ + "▁", + "Me" + ], + [ + "ur", + "o" + ], + [ + "u", + "ro" + ], + [ + "▁T", + "hat" + ], + [ + "▁Th", + "at" + ], + [ + "▁", + "That" + ], + [ + "г", + "ра" + ], + [ + "▁П", + "о" + ], + [ + "▁", + "По" + ], + [ + "▁в", + "и" + ], + [ + "▁", + "ви" + ], + [ + "ab", + "ly" + ], + [ + "abl", + "y" + ], + [ + "▁pr", + "esent" + ], + [ + "▁pre", + "sent" + ], + [ + "▁pres", + "ent" + ], + [ + "▁", + "present" + ], + [ + "du", + "ct" + ], + [ + "d", + "uct" + ], + [ + "ri", + "c" + ], + [ + "r", + "ic" + ], + [ + "▁E", + "ng" + ], + [ + "▁En", + "g" + ], + [ + "▁", + "Eng" + ], + [ + "tr", + "y" + ], + [ + "t", + "ry" + ], + [ + "▁l", + "ar" + ], + [ + "▁la", + "r" + ], + [ + "▁", + "lar" + ], + [ + "b", + "l" + ], + [ + "id", + "d" + ], + [ + "i", + "dd" + ], + [ + "▁ä", + "r" + ], + [ + "▁", + "är" + ], + [ + "or", + "a" + ], + [ + "o", + "ra" + ], + [ + "L", + "L" + ], + [ + "os", + "s" + ], + [ + "o", + "ss" + ], + [ + "▁I", + "SBN" + ], + [ + "▁", + "ISBN" + ], + [ + "▁th", + "ree" + ], + [ + "▁thr", + "ee" + ], + [ + "▁thre", + "e" + ], + [ + "▁", + "three" + ], + [ + "j", + "o" + ], + [ + "n", + "í" + ], + [ + "r", + "c" + ], + [ + "▁f", + "ar" + ], + [ + "▁fa", + "r" + ], + [ + "▁", + "far" + ], + [ + "▁N", + "ot" + ], + [ + "▁No", + "t" + ], + [ + "▁", + "Not" + ], + [ + "▁l", + "ittle" + ], + [ + "▁litt", + "le" + ], + [ + "di", + "s" + ], + [ + "d", + "is" + ], + [ + "at", + "i" + ], + [ + "a", + "ti" + ], + [ + "fun", + "ction" + ], + [ + "func", + "tion" + ], + [ + "f", + "unction" + ], + [ + "▁a", + "ble" + ], + [ + "▁ab", + "le" + ], + [ + "▁", + "able" + ], + [ + "le", + "ss" + ], + [ + "les", + "s" + ], + [ + "l", + "ess" + ], + [ + "с", + "о" + ], + [ + "▁p", + "ath" + ], + [ + "▁pat", + "h" + ], + [ + "▁pa", + "th" + ], + [ + "▁", + "path" + ], + [ + "▁p", + "res" + ], + [ + "▁pr", + "es" + ], + [ + "▁pre", + "s" + ], + [ + "▁", + "pres" + ], + [ + "lo", + "se" + ], + [ + "los", + "e" + ], + [ + "l", + "ose" + ], + [ + "P", + "I" + ], + [ + "▁iss", + "ue" + ], + [ + "▁issu", + "e" + ], + [ + "▁", + "issue" + ], + [ + "ack", + "age" + ], + [ + "ti", + "me" + ], + [ + "tim", + "e" + ], + [ + "t", + "ime" + ], + [ + "ig", + "e" + ], + [ + "i", + "ge" + ], + [ + "am", + "s" + ], + [ + "a", + "ms" + ], + [ + "▁C", + "l" + ], + [ + "▁", + "Cl" + ], + [ + "ail", + "s" + ], + [ + "ai", + "ls" + ], + [ + "a", + "ils" + ], + [ + "al", + "k" + ], + [ + "i", + "i" + ], + [ + "ш", + "е" + ], + [ + "pe", + "n" + ], + [ + "p", + "en" + ], + [ + "Q", + "L" + ], + [ + "▁e", + "as" + ], + [ + "R", + "L" + ], + [ + "ce", + "l" + ], + [ + "c", + "el" + ], + [ + "▁s", + "l" + ], + [ + "▁", + "sl" + ], + [ + "▁a", + "sk" + ], + [ + "▁as", + "k" + ], + [ + "▁", + "ask" + ], + [ + "▁n", + "om" + ], + [ + "▁no", + "m" + ], + [ + "▁", + "nom" + ], + [ + "▁t", + "op" + ], + [ + "▁to", + "p" + ], + [ + "▁", + "top" + ], + [ + "id", + "es" + ], + [ + "ide", + "s" + ], + [ + "i", + "des" + ], + [ + "in", + "dex" + ], + [ + "ind", + "ex" + ], + [ + "inde", + "x" + ], + [ + "é", + "m" + ], + [ + "▁h", + "app" + ], + [ + "▁ha", + "pp" + ], + [ + "o", + "x" + ], + [ + "c", + "d" + ], + [ + "▁b", + "etter" + ], + [ + "▁bet", + "ter" + ], + [ + "▁lo", + "ad" + ], + [ + "▁", + "load" + ], + [ + "ad", + "os" + ], + [ + "ado", + "s" + ], + [ + "ze", + "n" + ], + [ + "z", + "en" + ], + [ + "▁c", + "e" + ], + [ + "▁", + "ce" + ], + [ + "▁f", + "a" + ], + [ + "▁", + "fa" + ], + [ + "▁J", + "ohn" + ], + [ + "▁Joh", + "n" + ], + [ + "▁Jo", + "hn" + ], + [ + "▁", + "John" + ], + [ + "IM", + "A" + ], + [ + "I", + "MA" + ], + [ + "▁B", + "ar" + ], + [ + "▁Ba", + "r" + ], + [ + "▁", + "Bar" + ], + [ + "over", + "flow" + ], + [ + "▁д", + "е" + ], + [ + "▁", + "де" + ], + [ + "ne", + "ss" + ], + [ + "nes", + "s" + ], + [ + "n", + "ess" + ], + [ + "ce", + "r" + ], + [ + "c", + "er" + ], + [ + "▁H", + "ere" + ], + [ + "▁He", + "re" + ], + [ + "▁Her", + "e" + ], + [ + "▁", + "Here" + ], + [ + "re", + "t" + ], + [ + "r", + "et" + ], + [ + "▁s", + "z" + ], + [ + "▁", + "sz" + ], + [ + "amb", + "da" + ], + [ + "op", + "y" + ], + [ + "o", + "py" + ], + [ + "ur", + "l" + ], + [ + "u", + "rl" + ], + [ + "p", + "y" + ], + [ + "r", + "t" + ], + [ + "▁under", + "stand" + ], + [ + "a", + "ł" + ], + [ + "he", + "r" + ], + [ + "h", + "er" + ], + [ + "#", + "#" + ], + [ + "▁ch", + "ild" + ], + [ + "▁chi", + "ld" + ], + [ + "▁", + "child" + ], + [ + "▁ex", + "ec" + ], + [ + "▁", + "exec" + ], + [ + "▁app", + "lication" + ], + [ + "▁applic", + "ation" + ], + [ + "▁", + "application" + ], + [ + "▁st", + "ruct" + ], + [ + "▁str", + "uct" + ], + [ + "▁stru", + "ct" + ], + [ + "▁", + "struct" + ], + [ + "▁", + "я" + ], + [ + "Fil", + "e" + ], + [ + "Fi", + "le" + ], + [ + "F", + "ile" + ], + [ + "▁c", + "ert" + ], + [ + "▁ce", + "rt" + ], + [ + "▁cer", + "t" + ], + [ + "▁", + "cert" + ], + [ + "is", + "on" + ], + [ + "iso", + "n" + ], + [ + "i", + "son" + ], + [ + "▁vari", + "able" + ], + [ + "▁", + "variable" + ], + [ + "D", + "E" + ], + [ + "r", + "s" + ], + [ + "▁re", + "ally" + ], + [ + "▁real", + "ly" + ], + [ + "Po", + "rt" + ], + [ + "P", + "ort" + ], + [ + "b", + "a" + ], + [ + "▁B", + "er" + ], + [ + "▁Be", + "r" + ], + [ + "▁", + "Ber" + ], + [ + "▁in", + "te" + ], + [ + "▁int", + "e" + ], + [ + "▁", + "inte" + ], + [ + "▁st", + "atic" + ], + [ + "▁stat", + "ic" + ], + [ + "▁stati", + "c" + ], + [ + "▁", + "static" + ], + [ + "▁con", + "fig" + ], + [ + "▁conf", + "ig" + ], + [ + "▁", + "config" + ], + [ + "▁S", + "he" + ], + [ + "▁Sh", + "e" + ], + [ + "▁", + "She" + ], + [ + "est", + "ions" + ], + [ + "estion", + "s" + ], + [ + "esti", + "ons" + ], + [ + "▁p", + "lus" + ], + [ + "▁pl", + "us" + ], + [ + "▁", + "plus" + ], + [ + "▁h", + "ab" + ], + [ + "▁ha", + "b" + ], + [ + "▁", + "hab" + ], + [ + "op", + "e" + ], + [ + "o", + "pe" + ], + [ + "▁m", + "us" + ], + [ + "▁mu", + "s" + ], + [ + "▁", + "mus" + ], + [ + "▁c", + "ount" + ], + [ + "▁co", + "unt" + ], + [ + "▁coun", + "t" + ], + [ + "▁cou", + "nt" + ], + [ + "▁", + "count" + ], + [ + "M", + "E" + ], + [ + "▁su", + "pport" + ], + [ + "▁supp", + "ort" + ], + [ + "▁sup", + "port" + ], + [ + "▁", + "support" + ], + [ + "▁pe", + "ople" + ], + [ + "▁", + "people" + ], + [ + "▁b", + "eh" + ], + [ + "▁be", + "h" + ], + [ + "▁al", + "ready" + ], + [ + "T", + "r" + ], + [ + "▁d", + "one" + ], + [ + "▁do", + "ne" + ], + [ + "▁don", + "e" + ], + [ + "▁", + "done" + ], + [ + "de", + "m" + ], + [ + "d", + "em" + ], + [ + "si", + "ze" + ], + [ + "s", + "ize" + ], + [ + "al", + "pha" + ], + [ + "alph", + "a" + ], + [ + "▁d", + "isc" + ], + [ + "▁di", + "sc" + ], + [ + "▁dis", + "c" + ], + [ + "]", + ")" + ], + [ + "▁M", + "an" + ], + [ + "▁Ma", + "n" + ], + [ + "▁", + "Man" + ], + [ + "▁m", + "il" + ], + [ + "▁mi", + "l" + ], + [ + "▁", + "mil" + ], + [ + "▁st", + "and" + ], + [ + "▁sta", + "nd" + ], + [ + "▁stan", + "d" + ], + [ + "▁", + "stand" + ], + [ + "▁gr", + "oup" + ], + [ + "▁gro", + "up" + ], + [ + "▁", + "group" + ], + [ + "▁sm", + "all" + ], + [ + "▁", + "small" + ], + [ + "▁m", + "ag" + ], + [ + "▁ma", + "g" + ], + [ + "▁", + "mag" + ], + [ + "ст", + "ь" + ], + [ + "с", + "ть" + ], + [ + "▁de", + "fault" + ], + [ + "▁def", + "ault" + ], + [ + "▁", + "default" + ], + [ + "▁sing", + "le" + ], + [ + "▁sin", + "gle" + ], + [ + "▁", + "single" + ], + [ + "lin", + "k" + ], + [ + "l", + "ink" + ], + [ + "cl", + "ude" + ], + [ + "clud", + "e" + ], + [ + "▁e", + "ar" + ], + [ + "▁", + "ear" + ], + [ + "il", + "ar" + ], + [ + "ila", + "r" + ], + [ + "i", + "lar" + ], + [ + "**", + "**" + ], + [ + "***", + "*" + ], + [ + "*", + "***" + ], + [ + "▁f", + "ix" + ], + [ + "▁fi", + "x" + ], + [ + "▁", + "fix" + ], + [ + "le", + "y" + ], + [ + "l", + "ey" + ], + [ + "▁p", + "as" + ], + [ + "▁pa", + "s" + ], + [ + "▁", + "pas" + ], + [ + "ни", + "й" + ], + [ + "iss", + "ion" + ], + [ + "▁im", + "plement" + ], + [ + "▁imp", + "lement" + ], + [ + "▁impl", + "ement" + ], + [ + "it", + "ch" + ], + [ + "▁го", + "да" + ], + [ + "▁год", + "а" + ], + [ + "▁al", + "ways" + ], + [ + "▁", + "always" + ], + [ + "▁J", + "ah" + ], + [ + "▁Ja", + "h" + ], + [ + "pr", + "ing" + ], + [ + "p", + "ring" + ], + [ + "ç", + "ão" + ], + [ + "pl", + "ate" + ], + [ + "pla", + "te" + ], + [ + "p", + "late" + ], + [ + "▁de", + "scri" + ], + [ + "▁des", + "cri" + ], + [ + "▁desc", + "ri" + ], + [ + "▁h", + "ead" + ], + [ + "▁he", + "ad" + ], + [ + "▁", + "head" + ], + [ + "in", + "it" + ], + [ + "ini", + "t" + ], + [ + "i", + "nit" + ], + [ + "og", + "raf" + ], + [ + "▁qu", + "ery" + ], + [ + "▁que", + "ry" + ], + [ + "▁quer", + "y" + ], + [ + "▁", + "query" + ], + [ + "iv", + "ed" + ], + [ + "ive", + "d" + ], + [ + "i", + "ved" + ], + [ + "▁in", + "g" + ], + [ + "▁i", + "ng" + ], + [ + "▁", + "ing" + ], + [ + "pt", + "y" + ], + [ + "p", + "ty" + ], + [ + "h", + "a" + ], + [ + "▁m", + "ov" + ], + [ + "▁mo", + "v" + ], + [ + "▁", + "mov" + ], + [ + "▁", + "э" + ], + [ + "et", + "te" + ], + [ + "ett", + "e" + ], + [ + "e", + "tte" + ], + [ + "il", + "y" + ], + [ + "i", + "ly" + ], + [ + "▁g", + "ot" + ], + [ + "▁go", + "t" + ], + [ + "▁", + "got" + ], + [ + "il", + "ed" + ], + [ + "ile", + "d" + ], + [ + "i", + "led" + ], + [ + "ic", + "ro" + ], + [ + "i", + "cro" + ], + [ + "▁w", + "r" + ], + [ + "▁", + "wr" + ], + [ + "р", + "я" + ], + [ + "▁n", + "ever" + ], + [ + "▁ne", + "ver" + ], + [ + "▁nev", + "er" + ], + [ + "or", + "es" + ], + [ + "ore", + "s" + ], + [ + "o", + "res" + ], + [ + "▁b", + "as" + ], + [ + "▁ba", + "s" + ], + [ + "▁", + "bas" + ], + [ + "io", + "s" + ], + [ + "i", + "os" + ], + [ + "la", + "ck" + ], + [ + "lac", + "k" + ], + [ + "l", + "ack" + ], + [ + "ain", + "t" + ], + [ + "ai", + "nt" + ], + [ + "a", + "int" + ], + [ + "vi", + "ous" + ], + [ + "v", + "ious" + ], + [ + "▁g", + "ive" + ], + [ + "▁giv", + "e" + ], + [ + "▁gi", + "ve" + ], + [ + "id", + "ad" + ], + [ + "ida", + "d" + ], + [ + "E", + "n" + ], + [ + "ны", + "й" + ], + [ + "н", + "ый" + ], + [ + "ta", + "ble" + ], + [ + "tab", + "le" + ], + [ + "t", + "able" + ], + [ + "▁Н", + "а" + ], + [ + "▁", + "На" + ], + [ + "▁p", + "at" + ], + [ + "▁pa", + "t" + ], + [ + "▁", + "pat" + ], + [ + "то", + "р" + ], + [ + "т", + "ор" + ], + [ + "an", + "gu" + ], + [ + "ang", + "u" + ], + [ + "lo", + "y" + ], + [ + "l", + "oy" + ], + [ + "▁s", + "eg" + ], + [ + "▁se", + "g" + ], + [ + "▁", + "seg" + ], + [ + "ar", + "ray" + ], + [ + "arr", + "ay" + ], + [ + "▁F", + "l" + ], + [ + "▁", + "Fl" + ], + [ + "▁in", + "dex" + ], + [ + "▁ind", + "ex" + ], + [ + "▁inde", + "x" + ], + [ + "▁", + "index" + ], + [ + "▁s", + "w" + ], + [ + "▁", + "sw" + ], + [ + "IMA", + "GE" + ], + [ + "IM", + "AGE" + ], + [ + "▁k", + "m" + ], + [ + "▁", + "km" + ], + [ + "б", + "и" + ], + [ + "Cl", + "ass" + ], + [ + "Cla", + "ss" + ], + [ + "C", + "lass" + ], + [ + "en", + "a" + ], + [ + "e", + "na" + ], + [ + "ме", + "н" + ], + [ + "м", + "ен" + ], + [ + "com", + "p" + ], + [ + "co", + "mp" + ], + [ + "c", + "omp" + ], + [ + "at", + "us" + ], + [ + "atu", + "s" + ], + [ + "ra", + "p" + ], + [ + "r", + "ap" + ], + [ + "▁L", + "ist" + ], + [ + "▁Li", + "st" + ], + [ + "▁Lis", + "t" + ], + [ + "▁", + "List" + ], + [ + "Er", + "ror" + ], + [ + "Err", + "or" + ], + [ + "E", + "rror" + ], + [ + "▁t", + "yp" + ], + [ + "▁ty", + "p" + ], + [ + "▁", + "typ" + ], + [ + "▁м", + "а" + ], + [ + "▁", + "ма" + ], + [ + "c", + "s" + ], + [ + "'", + ":" + ], + [ + "j", + "i" + ], + [ + "▁How", + "ever" + ], + [ + "▁", + "However" + ], + [ + "▁т", + "е" + ], + [ + "▁", + "те" + ], + [ + "▁be", + "low" + ], + [ + "▁bel", + "ow" + ], + [ + "▁", + "below" + ], + [ + "▁A", + "pp" + ], + [ + "▁Ap", + "p" + ], + [ + "▁", + "App" + ], + [ + "щ", + "е" + ], + [ + "}", + "_" + ], + [ + "bu", + "m" + ], + [ + "b", + "um" + ], + [ + "vi", + "r" + ], + [ + "v", + "ir" + ], + [ + "ée", + "s" + ], + [ + "é", + "es" + ], + [ + "▁re", + "cord" + ], + [ + "▁rec", + "ord" + ], + [ + "▁", + "record" + ], + [ + "ta", + "in" + ], + [ + "t", + "ain" + ], + [ + "le", + "m" + ], + [ + "l", + "em" + ], + [ + "it", + "al" + ], + [ + "ita", + "l" + ], + [ + "i", + "tal" + ], + [ + "▁i", + "mp" + ], + [ + "▁im", + "p" + ], + [ + "▁", + "imp" + ], + [ + "eg", + "o" + ], + [ + "e", + "go" + ], + [ + "▁o", + "d" + ], + [ + "▁", + "od" + ], + [ + "▁re", + "ce" + ], + [ + "▁rec", + "e" + ], + [ + "▁", + "rece" + ], + [ + "mi", + "t" + ], + [ + "m", + "it" + ], + [ + "ff", + "ic" + ], + [ + "f", + "fic" + ], + [ + "stack", + "overflow" + ], + [ + "ie", + "ve" + ], + [ + "iev", + "e" + ], + [ + "▁", + "З" + ], + [ + "▁n", + "ov" + ], + [ + "▁no", + "v" + ], + [ + "▁", + "nov" + ], + [ + "ц", + "е" + ], + [ + "▁In", + "tern" + ], + [ + "▁Int", + "ern" + ], + [ + "▁Inter", + "n" + ], + [ + "▁", + "Intern" + ], + [ + "b", + "u" + ], + [ + "▁s", + "ugg" + ], + [ + "▁su", + "gg" + ], + [ + "▁sug", + "g" + ], + [ + "▁l", + "oop" + ], + [ + "▁lo", + "op" + ], + [ + "▁", + "loop" + ], + [ + "ri", + "de" + ], + [ + "rid", + "e" + ], + [ + "r", + "ide" + ], + [ + "▁$", + "(" + ], + [ + "▁", + "$(" + ], + [ + "▁s", + "uper" + ], + [ + "▁su", + "per" + ], + [ + "▁sup", + "er" + ], + [ + "▁", + "super" + ], + [ + "ri", + "d" + ], + [ + "r", + "id" + ], + [ + "ны", + "х" + ], + [ + "н", + "ых" + ], + [ + "▁P", + "er" + ], + [ + "▁Pe", + "r" + ], + [ + "▁", + "Per" + ], + [ + "▁d", + "om" + ], + [ + "▁do", + "m" + ], + [ + "▁", + "dom" + ], + [ + "=", + "'" + ], + [ + "ut", + "sch" + ], + [ + "uts", + "ch" + ], + [ + "le", + "n" + ], + [ + "l", + "en" + ], + [ + "▁w", + "rite" + ], + [ + "▁writ", + "e" + ], + [ + "▁wr", + "ite" + ], + [ + "▁", + "write" + ], + [ + "▁in", + "v" + ], + [ + "▁", + "inv" + ], + [ + "ou", + "th" + ], + [ + "out", + "h" + ], + [ + "o", + "uth" + ], + [ + "▁H", + "er" + ], + [ + "▁He", + "r" + ], + [ + "▁", + "Her" + ], + [ + "▁y", + "ears" + ], + [ + "▁year", + "s" + ], + [ + "▁ye", + "ars" + ], + [ + "▁or", + "iginal" + ], + [ + "▁orig", + "inal" + ], + [ + "▁origin", + "al" + ], + [ + "▁", + "original" + ], + [ + "eg", + "a" + ], + [ + "e", + "ga" + ], + [ + "▁S", + "te" + ], + [ + "▁St", + "e" + ], + [ + "▁", + "Ste" + ], + [ + "▁se", + "ems" + ], + [ + "▁see", + "ms" + ], + [ + "▁seem", + "s" + ], + [ + "é", + "g" + ], + [ + "▁n", + "ext" + ], + [ + "▁ne", + "xt" + ], + [ + "▁", + "next" + ], + [ + "ed", + "er" + ], + [ + "ede", + "r" + ], + [ + "e", + "der" + ], + [ + "▁N", + "e" + ], + [ + "▁", + "Ne" + ], + [ + "av", + "as" + ], + [ + "ava", + "s" + ], + [ + "a", + "vas" + ], + [ + "ific", + "ation" + ], + [ + "ifi", + "cation" + ], + [ + "ifica", + "tion" + ], + [ + "Ex", + "ception" + ], + [ + "▁D", + "er" + ], + [ + "▁De", + "r" + ], + [ + "▁", + "Der" + ], + [ + "▁v", + "e" + ], + [ + "▁", + "ve" + ], + [ + "at", + "ic" + ], + [ + "ati", + "c" + ], + [ + "ha", + "t" + ], + [ + "h", + "at" + ], + [ + "br", + "ary" + ], + [ + "bra", + "ry" + ], + [ + "re", + "turn" + ], + [ + "ret", + "urn" + ], + [ + "ur", + "ch" + ], + [ + "is", + "ion" + ], + [ + "isi", + "on" + ], + [ + "m", + "i" + ], + [ + "oi", + "nt" + ], + [ + "oin", + "t" + ], + [ + "o", + "int" + ], + [ + "▁d", + "ay" + ], + [ + "▁da", + "y" + ], + [ + "▁", + "day" + ], + [ + "ic", + "tion" + ], + [ + "ict", + "ion" + ], + [ + "i", + "ction" + ], + [ + "á", + "l" + ], + [ + "▁é", + "s" + ], + [ + "▁", + "és" + ], + [ + "▁th", + "ough" + ], + [ + "▁thou", + "gh" + ], + [ + "▁", + "though" + ], + [ + "ac", + "tion" + ], + [ + "act", + "ion" + ], + [ + "a", + "ction" + ], + [ + "í", + "t" + ], + [ + "un", + "gen" + ], + [ + "ung", + "en" + ], + [ + "unge", + "n" + ], + [ + "ou", + "rs" + ], + [ + "our", + "s" + ], + [ + "o", + "urs" + ], + [ + "▁s", + "cript" + ], + [ + "▁scr", + "ipt" + ], + [ + "▁scri", + "pt" + ], + [ + "▁", + "script" + ], + [ + "▁in", + "formation" + ], + [ + "▁inform", + "ation" + ], + [ + "▁", + "information" + ], + [ + "▁mult", + "i" + ], + [ + "▁mul", + "ti" + ], + [ + "▁", + "multi" + ], + [ + "▁\\", + "\\" + ], + [ + "▁", + "\\\\" + ], + [ + "st", + "er" + ], + [ + "ste", + "r" + ], + [ + "s", + "ter" + ], + [ + "к", + "е" + ], + [ + "A", + "C" + ], + [ + "ci", + "es" + ], + [ + "cie", + "s" + ], + [ + "c", + "ies" + ], + [ + "▁dis", + "play" + ], + [ + "▁disp", + "lay" + ], + [ + "▁", + "display" + ], + [ + "om", + "an" + ], + [ + "oma", + "n" + ], + [ + "o", + "man" + ], + [ + "Tim", + "e" + ], + [ + "T", + "ime" + ], + [ + "iu", + "s" + ], + [ + "i", + "us" + ], + [ + "))", + ";" + ], + [ + ")", + ");" + ], + [ + "tr", + "e" + ], + [ + "t", + "re" + ], + [ + "▁l", + "im" + ], + [ + "▁li", + "m" + ], + [ + "▁", + "lim" + ], + [ + "at", + "ely" + ], + [ + "ate", + "ly" + ], + [ + "atel", + "y" + ], + [ + "é", + "d" + ], + [ + "is", + "te" + ], + [ + "ist", + "e" + ], + [ + "i", + "ste" + ], + [ + "▁с", + "а" + ], + [ + "▁", + "са" + ], + [ + "pos", + "t" + ], + [ + "po", + "st" + ], + [ + "p", + "ost" + ], + [ + "ue", + "l" + ], + [ + "u", + "el" + ], + [ + "im", + "g" + ], + [ + "▁", + "ч" + ], + [ + "ск", + "а" + ], + [ + "с", + "ка" + ], + [ + "el", + "d" + ], + [ + "e", + "ld" + ], + [ + "pp", + "er" + ], + [ + "ppe", + "r" + ], + [ + "p", + "per" + ], + [ + "ul", + "a" + ], + [ + "u", + "la" + ], + [ + "▁gener", + "al" + ], + [ + "▁gen", + "eral" + ], + [ + "▁gene", + "ral" + ], + [ + "▁", + "general" + ], + [ + "A", + "l" + ], + [ + "For", + "m" + ], + [ + "F", + "orm" + ], + [ + "▁u", + "pon" + ], + [ + "▁up", + "on" + ], + [ + "z", + "o" + ], + [ + "am", + "ente" + ], + [ + "ament", + "e" + ], + [ + "amen", + "te" + ], + [ + "a", + "mente" + ], + [ + "▁p", + "rom" + ], + [ + "▁pro", + "m" + ], + [ + "▁pr", + "om" + ], + [ + "▁", + "prom" + ], + [ + "▁", + "ü" + ], + [ + "le", + "x" + ], + [ + "l", + "ex" + ], + [ + "▁t", + "urn" + ], + [ + "▁tu", + "rn" + ], + [ + "▁tur", + "n" + ], + [ + "▁", + "turn" + ], + [ + "▁м", + "е" + ], + [ + "▁", + "ме" + ], + [ + "en", + "tion" + ], + [ + "ent", + "ion" + ], + [ + "enti", + "on" + ], + [ + "ле", + "н" + ], + [ + "л", + "ен" + ], + [ + "▁a", + "f" + ], + [ + "▁", + "af" + ], + [ + "ic", + "le" + ], + [ + "i", + "cle" + ], + [ + "ст", + "в" + ], + [ + "с", + "тв" + ], + [ + "▁F", + "il" + ], + [ + "▁", + "Fil" + ], + [ + "▁", + "Ф" + ], + [ + "ava", + "script" + ], + [ + "avas", + "cript" + ], + [ + "Ma", + "n" + ], + [ + "M", + "an" + ], + [ + "ar", + "a" + ], + [ + "a", + "ra" + ], + [ + "wa", + "re" + ], + [ + "war", + "e" + ], + [ + "w", + "are" + ], + [ + "al", + "ign" + ], + [ + "ali", + "gn" + ], + [ + "an", + "gle" + ], + [ + "ang", + "le" + ], + [ + "▁S", + "c" + ], + [ + "▁", + "Sc" + ], + [ + "un", + "ic" + ], + [ + "uni", + "c" + ], + [ + "u", + "nic" + ], + [ + "▁f", + "ran" + ], + [ + "▁fr", + "an" + ], + [ + "▁fra", + "n" + ], + [ + "▁", + "fran" + ], + [ + "U", + "n" + ], + [ + "z", + "i" + ], + [ + "me", + "t" + ], + [ + "m", + "et" + ], + [ + "Ad", + "d" + ], + [ + "A", + "dd" + ], + [ + "▁p", + "ub" + ], + [ + "▁pu", + "b" + ], + [ + "▁", + "pub" + ], + [ + "ко", + "в" + ], + [ + "к", + "ов" + ], + [ + "▁g", + "en" + ], + [ + "▁ge", + "n" + ], + [ + "▁", + "gen" + ], + [ + "▁p", + "od" + ], + [ + "▁po", + "d" + ], + [ + "▁", + "pod" + ], + [ + "▁s", + "um" + ], + [ + "▁su", + "m" + ], + [ + "▁", + "sum" + ], + [ + "▁h", + "aving" + ], + [ + "▁ha", + "ving" + ], + [ + "▁hav", + "ing" + ], + [ + "▁a", + "vec" + ], + [ + "▁av", + "ec" + ], + [ + "▁ave", + "c" + ], + [ + "s", + "l" + ], + [ + "▁f", + "ig" + ], + [ + "▁fi", + "g" + ], + [ + "▁", + "fig" + ], + [ + "▁R", + "es" + ], + [ + "▁Re", + "s" + ], + [ + "▁", + "Res" + ], + [ + "Dat", + "e" + ], + [ + "Da", + "te" + ], + [ + "D", + "ate" + ], + [ + "ul", + "es" + ], + [ + "ule", + "s" + ], + [ + "u", + "les" + ], + [ + "wi", + "th" + ], + [ + "w", + "ith" + ], + [ + "ски", + "й" + ], + [ + "с", + "кий" + ], + [ + "g", + "u" + ], + [ + "E", + "T" + ], + [ + "▁b", + "ro" + ], + [ + "▁br", + "o" + ], + [ + "▁", + "bro" + ], + [ + "ri", + "e" + ], + [ + "r", + "ie" + ], + [ + "ap", + "s" + ], + [ + "a", + "ps" + ], + [ + "en", + "ding" + ], + [ + "end", + "ing" + ], + [ + "endi", + "ng" + ], + [ + "ma", + "il" + ], + [ + "mai", + "l" + ], + [ + "m", + "ail" + ], + [ + "oo", + "k" + ], + [ + "o", + "ok" + ], + [ + "▁su", + "ccess" + ], + [ + "▁succ", + "ess" + ], + [ + "▁suc", + "cess" + ], + [ + "▁", + "success" + ], + [ + "ber", + "g" + ], + [ + "be", + "rg" + ], + [ + "b", + "erg" + ], + [ + "▁d", + "eb" + ], + [ + "▁de", + "b" + ], + [ + "▁", + "deb" + ], + [ + "el", + "ta" + ], + [ + "elt", + "a" + ], + [ + "()", + "`" + ], + [ + "(", + ")`" + ], + [ + "ent", + "ial" + ], + [ + "enti", + "al" + ], + [ + "fr", + "ame" + ], + [ + "fra", + "me" + ], + [ + "fram", + "e" + ], + [ + "f", + "rame" + ], + [ + "Ke", + "y" + ], + [ + "K", + "ey" + ], + [ + "in", + "n" + ], + [ + "i", + "nn" + ], + [ + "▁sim", + "ple" + ], + [ + "▁simp", + "le" + ], + [ + "▁simpl", + "e" + ], + [ + "▁", + "simple" + ], + [ + "iv", + "al" + ], + [ + "iva", + "l" + ], + [ + "i", + "val" + ], + [ + "▁c", + "are" + ], + [ + "▁car", + "e" + ], + [ + "▁ca", + "re" + ], + [ + "▁", + "care" + ], + [ + "▁W", + "eb" + ], + [ + "▁We", + "b" + ], + [ + "▁", + "Web" + ], + [ + "\")", + "." + ], + [ + "\"", + ")." + ], + [ + "><", + "/" + ], + [ + ">", + "" + ], + [ + "▁", + "/>" + ], + [ + "k", + "o" + ], + [ + "▁ex", + "per" + ], + [ + "▁exp", + "er" + ], + [ + "▁se", + "par" + ], + [ + "▁sep", + "ar" + ], + [ + "▁", + "separ" + ], + [ + "y", + "l" + ], + [ + "ou", + "rn" + ], + [ + "our", + "n" + ], + [ + "o", + "urn" + ], + [ + "▁d", + "ev" + ], + [ + "▁de", + "v" + ], + [ + "▁", + "dev" + ], + [ + "▁a", + "uch" + ], + [ + "▁au", + "ch" + ], + [ + "▁auc", + "h" + ], + [ + "▁", + "auch" + ], + [ + "▁b", + "lock" + ], + [ + "▁bl", + "ock" + ], + [ + "▁blo", + "ck" + ], + [ + "▁", + "block" + ], + [ + "bo", + "ok" + ], + [ + "b", + "ook" + ], + [ + "▁m", + "ap" + ], + [ + "▁ma", + "p" + ], + [ + "▁", + "map" + ], + [ + "il", + "la" + ], + [ + "ill", + "a" + ], + [ + "i", + "lla" + ], + [ + "▁com", + "put" + ], + [ + "▁comp", + "ut" + ], + [ + "▁", + "comput" + ], + [ + "▁s", + "pace" + ], + [ + "▁sp", + "ace" + ], + [ + "▁spac", + "e" + ], + [ + "▁", + "space" + ], + [ + "res", + "ult" + ], + [ + ")", + "}" + ], + [ + "▁e", + "cho" + ], + [ + "▁ec", + "ho" + ], + [ + "▁", + "echo" + ], + [ + "con", + "fig" + ], + [ + "conf", + "ig" + ], + [ + "h", + "i" + ], + [ + "▁lar", + "ge" + ], + [ + "▁larg", + "e" + ], + [ + "▁", + "large" + ], + [ + "▁w", + "idth" + ], + [ + "▁wid", + "th" + ], + [ + "▁", + "width" + ], + [ + "▁G", + "o" + ], + [ + "▁", + "Go" + ], + [ + "ma", + "t" + ], + [ + "m", + "at" + ], + [ + "▁d", + "iff" + ], + [ + "▁di", + "ff" + ], + [ + "▁dif", + "f" + ], + [ + "▁", + "diff" + ], + [ + "▁k", + "ind" + ], + [ + "▁ki", + "nd" + ], + [ + "▁kin", + "d" + ], + [ + "▁", + "kind" + ], + [ + "an", + "ces" + ], + [ + "ance", + "s" + ], + [ + "anc", + "es" + ], + [ + "yn", + "am" + ], + [ + "yna", + "m" + ], + [ + "y", + "nam" + ], + [ + "▁col", + "or" + ], + [ + "▁co", + "lor" + ], + [ + "▁", + "color" + ], + [ + "In", + "t" + ], + [ + "I", + "nt" + ], + [ + "so", + "l" + ], + [ + "s", + "ol" + ], + [ + "▁p", + "i" + ], + [ + "▁", + "pi" + ], + [ + "▁char", + "acter" + ], + [ + "▁charact", + "er" + ], + [ + "▁", + "character" + ], + [ + "om", + "ent" + ], + [ + "ome", + "nt" + ], + [ + "omen", + "t" + ], + [ + "o", + "ment" + ], + [ + "▁res", + "ponse" + ], + [ + "▁respons", + "e" + ], + [ + "▁", + "response" + ], + [ + "ig", + "ma" + ], + [ + "ward", + "s" + ], + [ + "war", + "ds" + ], + [ + "w", + "ards" + ], + [ + "ar", + "row" + ], + [ + "arr", + "ow" + ], + [ + "с", + "у" + ], + [ + "ti", + "es" + ], + [ + "t", + "ies" + ], + [ + "▁ü", + "ber" + ], + [ + "▁", + "über" + ], + [ + "Im", + "age" + ], + [ + "y", + "d" + ], + [ + "▁п", + "ере" + ], + [ + "▁пер", + "е" + ], + [ + "▁пе", + "ре" + ], + [ + "▁", + "пере" + ], + [ + "▁n", + "ode" + ], + [ + "▁no", + "de" + ], + [ + "▁nod", + "e" + ], + [ + "▁", + "node" + ], + [ + "▁it", + "em" + ], + [ + "▁i", + "tem" + ], + [ + "▁", + "item" + ], + [ + "ach", + "ine" + ], + [ + "achi", + "ne" + ], + [ + "im", + "a" + ], + [ + "i", + "ma" + ], + [ + "▁v", + "a" + ], + [ + "▁", + "va" + ], + [ + "▁appro", + "ach" + ], + [ + "▁w", + "er" + ], + [ + "▁we", + "r" + ], + [ + "▁", + "wer" + ], + [ + "▁ч", + "е" + ], + [ + "▁", + "че" + ], + [ + "O", + "n" + ], + [ + "ol", + "low" + ], + [ + "oll", + "ow" + ], + [ + "он", + "а" + ], + [ + "о", + "на" + ], + [ + "ct", + "ed" + ], + [ + "c", + "ted" + ], + [ + "ur", + "ed" + ], + [ + "ure", + "d" + ], + [ + "u", + "red" + ], + [ + "Cont", + "roller" + ], + [ + "Control", + "ler" + ], + [ + "li", + "ed" + ], + [ + "lie", + "d" + ], + [ + "l", + "ied" + ], + [ + "▁j", + "o" + ], + [ + "▁", + "jo" + ], + [ + "▁d", + "al" + ], + [ + "▁da", + "l" + ], + [ + "▁", + "dal" + ], + [ + "un", + "k" + ], + [ + "▁", + "î" + ], + [ + "st", + "art" + ], + [ + "sta", + "rt" + ], + [ + "star", + "t" + ], + [ + "ol", + "a" + ], + [ + "o", + "la" + ], + [ + "▁com", + "pon" + ], + [ + "▁comp", + "on" + ], + [ + "I", + "C" + ], + [ + "bi", + "t" + ], + [ + "b", + "it" + ], + [ + "▁b", + "ase" + ], + [ + "▁bas", + "e" + ], + [ + "▁ba", + "se" + ], + [ + "▁", + "base" + ], + [ + "п", + "у" + ], + [ + "▁id", + "ea" + ], + [ + "▁ide", + "a" + ], + [ + "▁", + "idea" + ], + [ + "▁d", + "ire" + ], + [ + "▁di", + "re" + ], + [ + "▁dir", + "e" + ], + [ + "▁", + "dire" + ], + [ + "▁r", + "ad" + ], + [ + "▁ra", + "d" + ], + [ + "▁", + "rad" + ], + [ + "gr", + "oup" + ], + [ + "gro", + "up" + ], + [ + "▁W", + "ith" + ], + [ + "▁Wi", + "th" + ], + [ + "▁Wit", + "h" + ], + [ + "▁", + "With" + ], + [ + "ser", + "ver" + ], + [ + "serv", + "er" + ], + [ + "serve", + "r" + ], + [ + "si", + "de" + ], + [ + "s", + "ide" + ], + [ + "si", + "ng" + ], + [ + "sin", + "g" + ], + [ + "s", + "ing" + ], + [ + "▁d", + "ies" + ], + [ + "▁di", + "es" + ], + [ + "▁die", + "s" + ], + [ + "▁n", + "ear" + ], + [ + "▁ne", + "ar" + ], + [ + "▁", + "near" + ], + [ + "▁v", + "oor" + ], + [ + "▁vo", + "or" + ], + [ + "▁", + "voor" + ], + [ + "▁arg", + "ument" + ], + [ + "▁", + "argument" + ], + [ + "▁}", + "," + ], + [ + "▁", + "}," + ], + [ + "▁l", + "and" + ], + [ + "▁la", + "nd" + ], + [ + "▁lan", + "d" + ], + [ + "▁", + "land" + ], + [ + "▁n", + "ames" + ], + [ + "▁name", + "s" + ], + [ + "▁na", + "mes" + ], + [ + "▁nam", + "es" + ], + [ + "▁", + "names" + ], + [ + "▁o", + "ption" + ], + [ + "▁op", + "tion" + ], + [ + "▁opt", + "ion" + ], + [ + "▁", + "option" + ], + [ + "ith", + "ub" + ], + [ + "pp", + "ed" + ], + [ + "ppe", + "d" + ], + [ + "p", + "ped" + ], + [ + "au", + "g" + ], + [ + "a", + "ug" + ], + [ + "▁l", + "inks" + ], + [ + "▁link", + "s" + ], + [ + "▁lin", + "ks" + ], + [ + "▁", + "links" + ], + [ + "▁f", + "ull" + ], + [ + "▁fu", + "ll" + ], + [ + "▁ful", + "l" + ], + [ + "▁", + "full" + ], + [ + "▁s", + "itu" + ], + [ + "▁si", + "tu" + ], + [ + "▁sit", + "u" + ], + [ + "▁con", + "sole" + ], + [ + "▁cons", + "ole" + ], + [ + "▁", + "console" + ], + [ + "▁e", + "tc" + ], + [ + "▁et", + "c" + ], + [ + "▁", + "etc" + ], + [ + "au", + "x" + ], + [ + "a", + "ux" + ], + [ + "▁C", + "or" + ], + [ + "▁Co", + "r" + ], + [ + "▁", + "Cor" + ], + [ + "icro", + "soft" + ], + [ + "▁c", + "ame" + ], + [ + "▁cam", + "e" + ], + [ + "▁ca", + "me" + ], + [ + "lo", + "cal" + ], + [ + "loc", + "al" + ], + [ + "l", + "ocal" + ], + [ + "▁k", + "nown" + ], + [ + "▁kn", + "own" + ], + [ + "▁know", + "n" + ], + [ + "▁", + "known" + ], + [ + "▁multi", + "ple" + ], + [ + "▁multip", + "le" + ], + [ + "▁", + "multiple" + ], + [ + "angu", + "age" + ], + [ + "▁t", + "otal" + ], + [ + "▁to", + "tal" + ], + [ + "▁tot", + "al" + ], + [ + "▁", + "total" + ], + [ + "ol", + "ogy" + ], + [ + "olog", + "y" + ], + [ + "olo", + "gy" + ], + [ + "ä", + "t" + ], + [ + "▁", + "Х" + ], + [ + "▁f", + "re" + ], + [ + "▁fr", + "e" + ], + [ + "▁", + "fre" + ], + [ + "▁t", + "en" + ], + [ + "▁te", + "n" + ], + [ + "▁", + "ten" + ], + [ + "ide", + "o" + ], + [ + "▁b", + "es" + ], + [ + "▁be", + "s" + ], + [ + "▁", + "bes" + ], + [ + "tr", + "ue" + ], + [ + "Qu", + "ery" + ], + [ + "Que", + "ry" + ], + [ + "om", + "m" + ], + [ + "o", + "mm" + ], + [ + "▁A", + "rt" + ], + [ + "▁Ar", + "t" + ], + [ + "▁", + "Art" + ], + [ + "▁ke", + "ep" + ], + [ + "▁", + "keep" + ], + [ + "▁Un", + "iversity" + ], + [ + "▁Univers", + "ity" + ], + [ + "re", + "ate" + ], + [ + "rea", + "te" + ], + [ + "pp", + "ort" + ], + [ + "ppo", + "rt" + ], + [ + "p", + "port" + ], + [ + "▁p", + "ython" + ], + [ + "▁", + "python" + ], + [ + "tr", + "a" + ], + [ + "t", + "ra" + ], + [ + "ect", + "or" + ], + [ + "ec", + "tor" + ], + [ + "e", + "ctor" + ], + [ + "р", + "і" + ], + [ + "op", + "h" + ], + [ + "o", + "ph" + ], + [ + "▁c", + "onc" + ], + [ + "▁con", + "c" + ], + [ + "▁co", + "nc" + ], + [ + "▁f", + "our" + ], + [ + "▁fo", + "ur" + ], + [ + "▁fou", + "r" + ], + [ + "▁", + "four" + ], + [ + "vi", + "ron" + ], + [ + "vir", + "on" + ], + [ + "▁v", + "ia" + ], + [ + "▁vi", + "a" + ], + [ + "▁", + "via" + ], + [ + "?", + "\"" + ], + [ + "im", + "age" + ], + [ + "ima", + "ge" + ], + [ + "ol", + "l" + ], + [ + "o", + "ll" + ], + [ + "ны", + "е" + ], + [ + "н", + "ые" + ], + [ + "▁con", + "text" + ], + [ + "▁cont", + "ext" + ], + [ + "▁conte", + "xt" + ], + [ + "▁", + "context" + ], + [ + "▁s", + "em" + ], + [ + "▁se", + "m" + ], + [ + "▁", + "sem" + ], + [ + ".", + "_" + ], + [ + "▁e", + "ng" + ], + [ + "▁en", + "g" + ], + [ + "▁", + "eng" + ], + [ + "ma", + "r" + ], + [ + "m", + "ar" + ], + [ + "A", + "D" + ], + [ + "▁m", + "or" + ], + [ + "▁mo", + "r" + ], + [ + "▁", + "mor" + ], + [ + "▁C", + "al" + ], + [ + "▁Ca", + "l" + ], + [ + "▁", + "Cal" + ], + [ + "▁c", + "ell" + ], + [ + "▁ce", + "ll" + ], + [ + "▁cel", + "l" + ], + [ + "▁", + "cell" + ], + [ + "im", + "al" + ], + [ + "ima", + "l" + ], + [ + "i", + "mal" + ], + [ + "AT", + "E" + ], + [ + "A", + "TE" + ], + [ + "▁in", + "f" + ], + [ + "▁", + "inf" + ], + [ + "ö", + "n" + ], + [ + "uf", + "fer" + ], + [ + "uff", + "er" + ], + [ + "s", + "q" + ], + [ + "..", + ".." + ], + [ + "...", + "." + ], + [ + ".", + "..." + ], + [ + "▁z", + "ur" + ], + [ + "▁zu", + "r" + ], + [ + "W", + "ith" + ], + [ + "ра", + "н" + ], + [ + "р", + "ан" + ], + [ + "ch", + "n" + ], + [ + "c", + "hn" + ], + [ + "▁d", + "oor" + ], + [ + "▁do", + "or" + ], + [ + "▁", + "door" + ], + [ + "cont", + "ent" + ], + [ + "▁m", + "iss" + ], + [ + "▁mi", + "ss" + ], + [ + "▁mis", + "s" + ], + [ + "▁", + "miss" + ], + [ + "▁s", + "imp" + ], + [ + "▁sim", + "p" + ], + [ + "▁si", + "mp" + ], + [ + "▁", + "simp" + ], + [ + "á", + "r" + ], + [ + "ir", + "a" + ], + [ + "i", + "ra" + ], + [ + "▁h", + "at" + ], + [ + "▁ha", + "t" + ], + [ + "▁", + "hat" + ], + [ + "Te", + "st" + ], + [ + "T", + "est" + ], + [ + "▁c", + "ertain" + ], + [ + "▁cert", + "ain" + ], + [ + "▁cer", + "tain" + ], + [ + "▁", + "certain" + ], + [ + "N", + "S" + ], + [ + "▁c", + "ho" + ], + [ + "▁ch", + "o" + ], + [ + "▁", + "cho" + ], + [ + "▁ad", + "v" + ], + [ + "▁", + "adv" + ], + [ + "wh", + "ere" + ], + [ + "w", + "here" + ], + [ + "▁lo", + "oking" + ], + [ + "▁look", + "ing" + ], + [ + "▁", + "looking" + ], + [ + "▁t", + "imes" + ], + [ + "▁time", + "s" + ], + [ + "▁tim", + "es" + ], + [ + "▁ti", + "mes" + ], + [ + "▁", + "times" + ], + [ + "ни", + "х" + ], + [ + "н", + "их" + ], + [ + "ut", + "o" + ], + [ + "u", + "to" + ], + [ + "▁", + "É" + ], + [ + "ca", + "n" + ], + [ + "c", + "an" + ], + [ + "ho", + "st" + ], + [ + "hos", + "t" + ], + [ + "h", + "ost" + ], + [ + "▁(", + "*" + ], + [ + "▁", + "(*" + ], + [ + "lo", + "at" + ], + [ + "▁n", + "icht" + ], + [ + "▁ni", + "cht" + ], + [ + "▁nic", + "ht" + ], + [ + "▁nich", + "t" + ], + [ + "Fi", + "eld" + ], + [ + "F", + "ield" + ], + [ + "bu", + "rg" + ], + [ + "bur", + "g" + ], + [ + "b", + "urg" + ], + [ + "con", + "st" + ], + [ + "cons", + "t" + ], + [ + "ad", + "es" + ], + [ + "ade", + "s" + ], + [ + "a", + "des" + ], + [ + "▁M", + "us" + ], + [ + "▁Mu", + "s" + ], + [ + "▁", + "Mus" + ], + [ + "▁n", + "othing" + ], + [ + "▁not", + "hing" + ], + [ + "▁no", + "thing" + ], + [ + "▁", + "nothing" + ], + [ + "▁in", + "cre" + ], + [ + "▁inc", + "re" + ], + [ + "▁M", + "in" + ], + [ + "▁Mi", + "n" + ], + [ + "▁", + "Min" + ], + [ + "▁p", + "ower" + ], + [ + "▁po", + "wer" + ], + [ + "▁pow", + "er" + ], + [ + "▁", + "power" + ], + [ + "▁Amer", + "ican" + ], + [ + "▁America", + "n" + ], + [ + "▁", + "American" + ], + [ + "l", + "n" + ], + [ + "val", + "id" + ], + [ + "un", + "gs" + ], + [ + "ung", + "s" + ], + [ + "▁N", + "ational" + ], + [ + "▁Nat", + "ional" + ], + [ + "▁Nation", + "al" + ], + [ + "▁", + "National" + ], + [ + "▁S", + "an" + ], + [ + "▁Sa", + "n" + ], + [ + "▁", + "San" + ], + [ + "▁Y", + "ork" + ], + [ + "Re", + "quest" + ], + [ + "ch", + "ar" + ], + [ + "cha", + "r" + ], + [ + "c", + "har" + ], + [ + "▁Z", + "e" + ], + [ + "▁", + "Ze" + ], + [ + "but", + "ton" + ], + [ + "b", + "utton" + ], + [ + "▁a", + "lg" + ], + [ + "▁al", + "g" + ], + [ + "▁", + "alg" + ], + [ + "SO", + "N" + ], + [ + "S", + "ON" + ], + [ + "▁a", + "p" + ], + [ + "▁", + "ap" + ], + [ + "uf", + "f" + ], + [ + "u", + "ff" + ], + [ + "ab", + "ility" + ], + [ + "abil", + "ity" + ], + [ + "е", + "м" + ], + [ + "▁any", + "thing" + ], + [ + "el", + "a" + ], + [ + "e", + "la" + ], + [ + "()", + ")" + ], + [ + "(", + "))" + ], + [ + "б", + "а" + ], + [ + "amp", + "ion" + ], + [ + "ampio", + "n" + ], + [ + "▁p", + "ot" + ], + [ + "▁po", + "t" + ], + [ + "▁", + "pot" + ], + [ + "▁f", + "ut" + ], + [ + "▁fu", + "t" + ], + [ + "ail", + "able" + ], + [ + "▁p", + "rop" + ], + [ + "▁pro", + "p" + ], + [ + "▁pr", + "op" + ], + [ + "▁", + "prop" + ], + [ + "\"", + "]" + ], + [ + "▁l", + "ess" + ], + [ + "▁le", + "ss" + ], + [ + "▁les", + "s" + ], + [ + "▁", + "less" + ], + [ + "la", + "g" + ], + [ + "l", + "ag" + ], + [ + "▁A", + "ugust" + ], + [ + "▁Aug", + "ust" + ], + [ + "▁", + "August" + ], + [ + "I", + "t" + ], + [ + "▁p", + "lease" + ], + [ + "▁ple", + "ase" + ], + [ + "▁st", + "yle" + ], + [ + "▁sty", + "le" + ], + [ + "▁", + "style" + ], + [ + "▁Al", + "so" + ], + [ + "▁Als", + "o" + ], + [ + "▁", + "Also" + ], + [ + "b", + "t" + ], + [ + "▁pro", + "bably" + ], + [ + "▁prob", + "ably" + ], + [ + "▁O", + "ne" + ], + [ + "▁On", + "e" + ], + [ + "▁", + "One" + ], + [ + "▁p", + "oss" + ], + [ + "▁po", + "ss" + ], + [ + "▁pos", + "s" + ], + [ + "▁", + "poss" + ], + [ + "U", + "I" + ], + [ + "ui", + "t" + ], + [ + "u", + "it" + ], + [ + "▁W", + "est" + ], + [ + "▁We", + "st" + ], + [ + "▁Wes", + "t" + ], + [ + "▁", + "West" + ], + [ + "h", + "n" + ], + [ + "+", + "\\" + ], + [ + "But", + "ton" + ], + [ + "Butt", + "on" + ], + [ + "B", + "utton" + ], + [ + "js", + "on" + ], + [ + "j", + "son" + ], + [ + "er", + "r" + ], + [ + "e", + "rr" + ], + [ + "ra", + "me" + ], + [ + "ram", + "e" + ], + [ + "r", + "ame" + ], + [ + "do", + "m" + ], + [ + "d", + "om" + ], + [ + "il", + "on" + ], + [ + "ilo", + "n" + ], + [ + "i", + "lon" + ], + [ + "al", + "f" + ], + [ + "▁c", + "lient" + ], + [ + "▁cl", + "ient" + ], + [ + "▁cli", + "ent" + ], + [ + "▁", + "client" + ], + [ + "▁cont", + "inu" + ], + [ + "▁contin", + "u" + ], + [ + "▁", + "continu" + ], + [ + "x", + "ml" + ], + [ + "pe", + "c" + ], + [ + "p", + "ec" + ], + [ + "ad", + "or" + ], + [ + "ado", + "r" + ], + [ + "a", + "dor" + ], + [ + "l", + "s" + ], + [ + "▁how", + "ever" + ], + [ + "▁A", + "ny" + ], + [ + "▁An", + "y" + ], + [ + "▁", + "Any" + ], + [ + "än", + "d" + ], + [ + "ä", + "nd" + ], + [ + "math", + "rm" + ], + [ + "▁u", + "rl" + ], + [ + "▁ur", + "l" + ], + [ + "▁", + "url" + ], + [ + "▁b", + "ook" + ], + [ + "▁bo", + "ok" + ], + [ + "▁", + "book" + ], + [ + "▁g", + "l" + ], + [ + "▁", + "gl" + ], + [ + "iv", + "es" + ], + [ + "ive", + "s" + ], + [ + "i", + "ves" + ], + [ + "g", + "i" + ], + [ + "▁t", + "ro" + ], + [ + "▁tr", + "o" + ], + [ + "▁U", + "S" + ], + [ + "▁", + "US" + ], + [ + "po", + "int" + ], + [ + "p", + "oint" + ], + [ + "op", + "en" + ], + [ + "ope", + "n" + ], + [ + "o", + "pen" + ], + [ + "▁c", + "ur" + ], + [ + "▁cu", + "r" + ], + [ + "▁", + "cur" + ], + [ + "▁e", + "ra" + ], + [ + "▁er", + "a" + ], + [ + "▁", + "era" + ], + [ + "▁part", + "icular" + ], + [ + "▁partic", + "ular" + ], + [ + "▁particul", + "ar" + ], + [ + "▁parti", + "cular" + ], + [ + "▁H", + "T" + ], + [ + "▁", + "HT" + ], + [ + "oo", + "t" + ], + [ + "o", + "ot" + ], + [ + "el", + "lo" + ], + [ + "ell", + "o" + ], + [ + "lo", + "bal" + ], + [ + "lob", + "al" + ], + [ + "▁a", + "ction" + ], + [ + "▁act", + "ion" + ], + [ + "▁ac", + "tion" + ], + [ + "▁", + "action" + ], + [ + "▁I", + "nt" + ], + [ + "▁In", + "t" + ], + [ + "▁", + "Int" + ], + [ + "▁in", + "clude" + ], + [ + "▁incl", + "ude" + ], + [ + "▁includ", + "e" + ], + [ + "▁inclu", + "de" + ], + [ + "▁", + "include" + ], + [ + "▁el", + "ements" + ], + [ + "▁element", + "s" + ], + [ + "▁ele", + "ments" + ], + [ + "▁elem", + "ents" + ], + [ + "▁", + "elements" + ], + [ + "на", + "я" + ], + [ + "ar", + "ds" + ], + [ + "ard", + "s" + ], + [ + "▁B", + "l" + ], + [ + "▁", + "Bl" + ], + [ + "▁h", + "um" + ], + [ + "▁hu", + "m" + ], + [ + "▁", + "hum" + ], + [ + "fr", + "om" + ], + [ + "f", + "rom" + ], + [ + "ch", + "ange" + ], + [ + "chan", + "ge" + ], + [ + "▁function", + "s" + ], + [ + "▁fun", + "ctions" + ], + [ + "▁", + "functions" + ], + [ + "he", + "n" + ], + [ + "h", + "en" + ], + [ + "Ser", + "vice" + ], + [ + "Serv", + "ice" + ], + [ + "▁he", + "ight" + ], + [ + "▁", + "height" + ], + [ + "▁L", + "and" + ], + [ + "▁La", + "nd" + ], + [ + "▁Lan", + "d" + ], + [ + "▁", + "Land" + ], + [ + "ia", + "s" + ], + [ + "i", + "as" + ], + [ + "g", + "s" + ], + [ + "ió", + "n" + ], + [ + "i", + "ón" + ], + [ + "ло", + "в" + ], + [ + "л", + "ов" + ], + [ + "no", + "de" + ], + [ + "n", + "ode" + ], + [ + ".", + "”" + ], + [ + "ha", + "nd" + ], + [ + "han", + "d" + ], + [ + "h", + "and" + ], + [ + "▁б", + "у" + ], + [ + "▁", + "бу" + ], + [ + "▁a", + "mb" + ], + [ + "▁am", + "b" + ], + [ + "▁", + "amb" + ], + [ + "▁L", + "u" + ], + [ + "▁", + "Lu" + ], + [ + "▁th", + "row" + ], + [ + "▁thr", + "ow" + ], + [ + "▁thro", + "w" + ], + [ + "▁", + "throw" + ], + [ + "▁m", + "ot" + ], + [ + "▁mo", + "t" + ], + [ + "▁", + "mot" + ], + [ + "▁A", + "ct" + ], + [ + "▁Ac", + "t" + ], + [ + "▁", + "Act" + ], + [ + "▁w", + "orld" + ], + [ + "▁wor", + "ld" + ], + [ + "▁", + "world" + ], + [ + "_", + "\\" + ], + [ + "ba", + "se" + ], + [ + "bas", + "e" + ], + [ + "b", + "ase" + ], + [ + "▁C", + "o" + ], + [ + "▁", + "Co" + ], + [ + "▁ar", + "ch" + ], + [ + "▁arc", + "h" + ], + [ + "▁", + "arch" + ], + [ + "▁##", + "##" + ], + [ + "▁###", + "#" + ], + [ + "▁", + "####" + ], + [ + "ge", + "d" + ], + [ + "g", + "ed" + ], + [ + "pr", + "il" + ], + [ + "p", + "ril" + ], + [ + "ol", + "der" + ], + [ + "old", + "er" + ], + [ + "o", + "lder" + ], + [ + "Mod", + "el" + ], + [ + "Mode", + "l" + ], + [ + "Mo", + "del" + ], + [ + "M", + "odel" + ], + [ + "▁sever", + "al" + ], + [ + "li", + "e" + ], + [ + "l", + "ie" + ], + [ + "che", + "ck" + ], + [ + "c", + "heck" + ], + [ + "]", + "{" + ], + [ + "con", + "s" + ], + [ + "co", + "ns" + ], + [ + "c", + "ons" + ], + [ + "▁T", + "ra" + ], + [ + "▁Tr", + "a" + ], + [ + "▁", + "Tra" + ], + [ + "he", + "ck" + ], + [ + "▁l", + "east" + ], + [ + "▁le", + "ast" + ], + [ + "do", + "wn" + ], + [ + "d", + "own" + ], + [ + "eb", + "ru" + ], + [ + "e", + "bru" + ], + [ + "De", + "f" + ], + [ + "D", + "ef" + ], + [ + "par", + "am" + ], + [ + "pa", + "ram" + ], + [ + "para", + "m" + ], + [ + "p", + "aram" + ], + [ + "is", + "cher" + ], + [ + "isch", + "er" + ], + [ + "ische", + "r" + ], + [ + "isc", + "her" + ], + [ + "i", + "scher" + ], + [ + "▁c", + "as" + ], + [ + "▁ca", + "s" + ], + [ + "▁", + "cas" + ], + [ + "C", + "H" + ], + [ + "▁add", + "ress" + ], + [ + "▁addr", + "ess" + ], + [ + "▁", + "address" + ], + [ + "▁ра", + "з" + ], + [ + "▁", + "раз" + ], + [ + "uf", + "en" + ], + [ + "ufe", + "n" + ], + [ + "u", + "fen" + ], + [ + "ur", + "ope" + ], + [ + "uro", + "pe" + ], + [ + "urop", + "e" + ], + [ + "е", + "й" + ], + [ + "▁b", + "ound" + ], + [ + "▁bo", + "und" + ], + [ + "▁bou", + "nd" + ], + [ + "▁", + "bound" + ], + [ + "C", + "O" + ], + [ + "▁A", + "ng" + ], + [ + "▁An", + "g" + ], + [ + "▁", + "Ang" + ], + [ + "▁M", + "a" + ], + [ + "▁", + "Ma" + ], + [ + "In", + "dex" + ], + [ + "Ind", + "ex" + ], + [ + "co", + "re" + ], + [ + "cor", + "e" + ], + [ + "c", + "ore" + ], + [ + "ou", + "ch" + ], + [ + "ouc", + "h" + ], + [ + "o", + "uch" + ], + [ + "at", + "abase" + ], + [ + "ata", + "base" + ], + [ + "rib", + "ution" + ], + [ + "ribu", + "tion" + ], + [ + "doc", + "ument" + ], + [ + "d", + "ocument" + ], + [ + "L", + "e" + ], + [ + "}_", + "{" + ], + [ + "}", + "_{" + ], + [ + "ve", + "rn" + ], + [ + "ver", + "n" + ], + [ + "v", + "ern" + ], + [ + "▁stat", + "ement" + ], + [ + "▁state", + "ment" + ], + [ + "▁", + "statement" + ], + [ + "▁B", + "rit" + ], + [ + "▁Br", + "it" + ], + [ + "on", + "o" + ], + [ + "o", + "no" + ], + [ + "ps", + "ilon" + ], + [ + "psi", + "lon" + ], + [ + "▁le", + "vel" + ], + [ + "▁lev", + "el" + ], + [ + "▁", + "level" + ], + [ + "▁pro", + "duct" + ], + [ + "▁produ", + "ct" + ], + [ + "▁prod", + "uct" + ], + [ + "▁", + "product" + ], + [ + "I", + "S" + ], + [ + "▁c", + "ourse" + ], + [ + "▁cour", + "se" + ], + [ + "▁cours", + "e" + ], + [ + "▁", + "course" + ], + [ + "▁M", + "r" + ], + [ + "▁", + "Mr" + ], + [ + ">", + "\r" + ], + [ + "▁back", + "ground" + ], + [ + "▁", + "background" + ], + [ + "▁re", + "t" + ], + [ + "▁r", + "et" + ], + [ + "▁", + "ret" + ], + [ + "er", + "ing" + ], + [ + "eri", + "ng" + ], + [ + "e", + "ring" + ], + [ + "mo", + "st" + ], + [ + "mos", + "t" + ], + [ + "m", + "ost" + ], + [ + "сь", + "ко" + ], + [ + "ськ", + "о" + ], + [ + "▁th", + "read" + ], + [ + "▁thr", + "ead" + ], + [ + "▁thre", + "ad" + ], + [ + "▁", + "thread" + ], + [ + "it", + "ional" + ], + [ + "ition", + "al" + ], + [ + "iti", + "onal" + ], + [ + "it", + "es" + ], + [ + "ite", + "s" + ], + [ + "i", + "tes" + ], + [ + "P", + "l" + ], + [ + "▁d", + "os" + ], + [ + "▁do", + "s" + ], + [ + "g", + "a" + ], + [ + "da", + "y" + ], + [ + "d", + "ay" + ], + [ + "▁G", + "ener" + ], + [ + "▁Ge", + "ner" + ], + [ + "▁Gen", + "er" + ], + [ + "▁Gene", + "r" + ], + [ + "▁", + "Gener" + ], + [ + "▁t", + "w" + ], + [ + "▁", + "tw" + ], + [ + "A", + "d" + ], + [ + "\">", + "<" + ], + [ + "\"", + "><" + ], + [ + "▁(", + "$" + ], + [ + "▁", + "($" + ], + [ + "▁m", + "oment" + ], + [ + "▁mo", + "ment" + ], + [ + "▁mom", + "ent" + ], + [ + "tit", + "le" + ], + [ + "t", + "itle" + ], + [ + "cre", + "ate" + ], + [ + "c", + "reate" + ], + [ + "vers", + "ion" + ], + [ + "v", + "ersion" + ], + [ + "Man", + "ager" + ], + [ + "▁f", + "ur" + ], + [ + "▁fu", + "r" + ], + [ + "▁", + "fur" + ], + [ + "pp", + "ing" + ], + [ + "ppi", + "ng" + ], + [ + "p", + "ping" + ], + [ + "ij", + "n" + ], + [ + "о", + "с" + ], + [ + "▁r", + "ather" + ], + [ + "▁ra", + "ther" + ], + [ + "▁rat", + "her" + ], + [ + "pt", + "ember" + ], + [ + "O", + "S" + ], + [ + "▁s", + "ite" + ], + [ + "▁si", + "te" + ], + [ + "▁sit", + "e" + ], + [ + "▁", + "site" + ], + [ + "▁c", + "aus" + ], + [ + "▁ca", + "us" + ], + [ + "an", + "i" + ], + [ + "a", + "ni" + ], + [ + "▁h", + "ome" + ], + [ + "▁hom", + "e" + ], + [ + "▁ho", + "me" + ], + [ + "▁", + "home" + ], + [ + "м", + "і" + ], + [ + "▁sh", + "ort" + ], + [ + "▁sho", + "rt" + ], + [ + "▁", + "short" + ], + [ + "p", + "a" + ], + [ + "▁l", + "ead" + ], + [ + "▁le", + "ad" + ], + [ + "is", + "hed" + ], + [ + "ish", + "ed" + ], + [ + "ci", + "ng" + ], + [ + "cin", + "g" + ], + [ + "c", + "ing" + ], + [ + "or", + "ding" + ], + [ + "ord", + "ing" + ], + [ + "ordin", + "g" + ], + [ + "▁p", + "rote" + ], + [ + "▁pro", + "te" + ], + [ + "▁pr", + "ote" + ], + [ + "▁prot", + "e" + ], + [ + "▁", + "prote" + ], + [ + "с", + "ле" + ], + [ + "LE", + "CT" + ], + [ + "L", + "ECT" + ], + [ + "▁di", + "dn" + ], + [ + "▁did", + "n" + ], + [ + "pos", + "ition" + ], + [ + "p", + "osition" + ], + [ + "\",", + "\"" + ], + [ + "\"", + ",\"" + ], + [ + "()", + "," + ], + [ + "(", + ")," + ], + [ + "tr", + "ans" + ], + [ + "tra", + "ns" + ], + [ + "▁l", + "ot" + ], + [ + "▁lo", + "t" + ], + [ + "▁", + "lot" + ], + [ + "▁о", + "д" + ], + [ + "▁", + "од" + ], + [ + "A", + "S" + ], + [ + "▁s", + "at" + ], + [ + "▁sa", + "t" + ], + [ + "▁po", + "ints" + ], + [ + "▁point", + "s" + ], + [ + "▁", + "points" + ], + [ + "g", + "ithub" + ], + [ + "st", + "yle" + ], + [ + "sty", + "le" + ], + [ + "▁го", + "ду" + ], + [ + "▁год", + "у" + ], + [ + "▁D", + "is" + ], + [ + "▁Di", + "s" + ], + [ + "▁", + "Dis" + ], + [ + "pon", + "ent" + ], + [ + "om", + "et" + ], + [ + "ome", + "t" + ], + [ + "o", + "met" + ], + [ + "ze", + "r" + ], + [ + "z", + "er" + ], + [ + "UL", + "L" + ], + [ + "U", + "LL" + ], + [ + "▁p", + "a" + ], + [ + "▁", + "pa" + ], + [ + "A", + "P" + ], + [ + "ac", + "es" + ], + [ + "ace", + "s" + ], + [ + "a", + "ces" + ], + [ + "▁Un", + "ited" + ], + [ + "▁Unit", + "ed" + ], + [ + "am", + "a" + ], + [ + "a", + "ma" + ], + [ + "et", + "y" + ], + [ + "e", + "ty" + ], + [ + "Col", + "or" + ], + [ + "Co", + "lor" + ], + [ + "▁en", + "ough" + ], + [ + "U", + "S" + ], + [ + "▁l", + "ength" + ], + [ + "▁leng", + "th" + ], + [ + "▁", + "length" + ], + [ + "()", + ");" + ], + [ + "())", + ";" + ], + [ + "(", + "));" + ], + [ + "^{", + "\\" + ], + [ + "^", + "{\\" + ], + [ + "ft", + "y" + ], + [ + "f", + "ty" + ], + [ + "Bo", + "x" + ], + [ + "B", + "ox" + ], + [ + "ap", + "ter" + ], + [ + "apt", + "er" + ], + [ + "▁comp", + "let" + ], + [ + "▁comple", + "t" + ], + [ + "▁compl", + "et" + ], + [ + "ни", + "к" + ], + [ + "ma", + "x" + ], + [ + "m", + "ax" + ], + [ + "ob", + "ject" + ], + [ + "obj", + "ect" + ], + [ + "o", + "bject" + ], + [ + "(", + "{" + ], + [ + "img", + "ur" + ], + [ + "it", + "ive" + ], + [ + "iti", + "ve" + ], + [ + "un", + "ch" + ], + [ + "unc", + "h" + ], + [ + "▁S", + "ub" + ], + [ + "▁Su", + "b" + ], + [ + "▁", + "Sub" + ], + [ + "en", + "de" + ], + [ + "end", + "e" + ], + [ + "e", + "nde" + ], + [ + "г", + "у" + ], + [ + "ateg", + "ory" + ], + [ + "ategor", + "y" + ], + [ + "т", + "ы" + ], + [ + "ia", + "no" + ], + [ + "ian", + "o" + ], + [ + "i", + "ano" + ], + [ + "▁u", + "pd" + ], + [ + "▁up", + "d" + ], + [ + "▁A", + "ust" + ], + [ + "▁Aus", + "t" + ], + [ + "▁Au", + "st" + ], + [ + "}{", + "\\" + ], + [ + "}", + "{\\" + ], + [ + "to", + "p" + ], + [ + "t", + "op" + ], + [ + "la", + "s" + ], + [ + "l", + "as" + ], + [ + "pi", + "s" + ], + [ + "p", + "is" + ], + [ + "in", + "ess" + ], + [ + "ine", + "ss" + ], + [ + "ines", + "s" + ], + [ + "i", + "ness" + ], + [ + "▁{", + "\r" + ], + [ + "▁", + "{\r" + ], + [ + "▁", + "Е" + ], + [ + "G", + "r" + ], + [ + "▁A", + "S" + ], + [ + "▁", + "AS" + ], + [ + "▁в", + "е" + ], + [ + "▁", + "ве" + ], + [ + "th", + "ers" + ], + [ + "ther", + "s" + ], + [ + "the", + "rs" + ], + [ + "▁d", + "efined" + ], + [ + "▁def", + "ined" + ], + [ + "▁define", + "d" + ], + [ + "▁defin", + "ed" + ], + [ + "▁", + "defined" + ], + [ + "az", + "ione" + ], + [ + "azi", + "one" + ], + [ + "a", + "zione" + ], + [ + "▁o", + "ffic" + ], + [ + "▁of", + "fic" + ], + [ + "▁off", + "ic" + ], + [ + "▁au", + "tom" + ], + [ + "▁aut", + "om" + ], + [ + "▁auto", + "m" + ], + [ + "▁", + "autom" + ], + [ + "ü", + "n" + ], + [ + "▁b", + "row" + ], + [ + "▁br", + "ow" + ], + [ + "▁bro", + "w" + ], + [ + "▁", + "brow" + ], + [ + "▁s", + "erv" + ], + [ + "▁se", + "rv" + ], + [ + "▁ser", + "v" + ], + [ + "▁", + "serv" + ], + [ + "▁re", + "move" + ], + [ + "▁rem", + "ove" + ], + [ + "▁remov", + "e" + ], + [ + "▁", + "remove" + ], + [ + "ir", + "o" + ], + [ + "i", + "ro" + ], + [ + "▁B", + "ibli" + ], + [ + "▁Bib", + "li" + ], + [ + "E", + "D" + ], + [ + "▁w", + "hole" + ], + [ + "▁wh", + "ole" + ], + [ + "▁who", + "le" + ], + [ + "▁", + "ш" + ], + [ + "▁J", + "ava" + ], + [ + "▁Ja", + "va" + ], + [ + "▁", + "Java" + ], + [ + "▁z", + "um" + ], + [ + "▁zu", + "m" + ], + [ + "u", + "a" + ], + [ + "p", + "m" + ], + [ + "de", + "v" + ], + [ + "d", + "ev" + ], + [ + "к", + "ра" + ], + [ + "ol", + "ds" + ], + [ + "old", + "s" + ], + [ + "▁W", + "ar" + ], + [ + "▁Wa", + "r" + ], + [ + "ä", + "n" + ], + [ + "pa", + "ss" + ], + [ + "pas", + "s" + ], + [ + "p", + "ass" + ], + [ + "u", + "z" + ], + [ + "[", + "\"" + ], + [ + "▁t", + "ri" + ], + [ + "▁tr", + "i" + ], + [ + "▁", + "tri" + ], + [ + "is", + "ed" + ], + [ + "ise", + "d" + ], + [ + "i", + "sed" + ], + [ + "х", + "а" + ], + [ + "▁mem", + "ory" + ], + [ + "▁memor", + "y" + ], + [ + "▁", + "memory" + ], + [ + "▁P", + "ort" + ], + [ + "▁Po", + "rt" + ], + [ + "▁Por", + "t" + ], + [ + "▁", + "Port" + ], + [ + "op", + "er" + ], + [ + "ope", + "r" + ], + [ + "o", + "per" + ], + [ + "U", + "p" + ], + [ + "▁Th", + "ank" + ], + [ + "▁", + "Thank" + ], + [ + "▁M", + "ich" + ], + [ + "▁Mi", + "ch" + ], + [ + "▁Mic", + "h" + ], + [ + "▁", + "Mich" + ], + [ + "yc", + "h" + ], + [ + "y", + "ch" + ], + [ + "bo", + "ard" + ], + [ + "boa", + "rd" + ], + [ + "б", + "у" + ], + [ + "In", + "st" + ], + [ + "▁b", + "egin" + ], + [ + "▁be", + "gin" + ], + [ + "▁beg", + "in" + ], + [ + "▁", + "begin" + ], + [ + "in", + "ation" + ], + [ + "ina", + "tion" + ], + [ + "▁M", + "od" + ], + [ + "▁Mo", + "d" + ], + [ + "▁", + "Mod" + ], + [ + "_", + "," + ], + [ + "▁D", + "en" + ], + [ + "▁De", + "n" + ], + [ + "▁", + "Den" + ], + [ + "op", + "tion" + ], + [ + "opt", + "ion" + ], + [ + "o", + "ption" + ], + [ + "▁con", + "struct" + ], + [ + "▁const", + "ruct" + ], + [ + "▁constru", + "ct" + ], + [ + "▁", + "construct" + ], + [ + "▁J", + "ust" + ], + [ + "▁Ju", + "st" + ], + [ + "▁", + "Just" + ], + [ + "Ma", + "p" + ], + [ + "M", + "ap" + ], + [ + "ru", + "n" + ], + [ + "r", + "un" + ], + [ + "▁re", + "spect" + ], + [ + "▁res", + "pect" + ], + [ + "▁resp", + "ect" + ], + [ + "ha", + "m" + ], + [ + "h", + "am" + ], + [ + "ма", + "н" + ], + [ + "м", + "ан" + ], + [ + "im", + "edia" + ], + [ + "ime", + "dia" + ], + [ + "i", + "media" + ], + [ + "▁a", + "pply" + ], + [ + "▁app", + "ly" + ], + [ + "▁ap", + "ply" + ], + [ + "▁", + "apply" + ], + [ + "cri", + "ption" + ], + [ + "cript", + "ion" + ], + [ + "ma", + "in" + ], + [ + "mai", + "n" + ], + [ + "m", + "ain" + ], + [ + "▁К", + "а" + ], + [ + "▁", + "Ка" + ], + [ + "oi", + "d" + ], + [ + "o", + "id" + ], + [ + "Co", + "de" + ], + [ + "C", + "ode" + ], + [ + "}", + ";" + ], + [ + "In", + "fo" + ], + [ + "Inf", + "o" + ], + [ + "▁for", + "mat" + ], + [ + "▁form", + "at" + ], + [ + "▁forma", + "t" + ], + [ + "▁", + "format" + ], + [ + "Lo", + "g" + ], + [ + "L", + "og" + ], + [ + "▁с", + "у" + ], + [ + "▁", + "су" + ], + [ + "▁l", + "at" + ], + [ + "▁la", + "t" + ], + [ + "▁", + "lat" + ], + [ + "ut", + "or" + ], + [ + "uto", + "r" + ], + [ + "u", + "tor" + ], + [ + "▁re", + "ference" + ], + [ + "▁refer", + "ence" + ], + [ + "▁", + "reference" + ], + [ + "▁cal", + "cul" + ], + [ + "▁calc", + "ul" + ], + [ + "▁", + "calcul" + ], + [ + "on", + "n" + ], + [ + "o", + "nn" + ], + [ + "L", + "o" + ], + [ + "in", + "fty" + ], + [ + "inf", + "ty" + ], + [ + "▁a", + "long" + ], + [ + "▁al", + "ong" + ], + [ + "▁", + "č" + ], + [ + "▁t", + "ask" + ], + [ + "▁ta", + "sk" + ], + [ + "▁", + "task" + ], + [ + "▁e", + "v" + ], + [ + "▁", + "ev" + ], + [ + "th", + "eta" + ], + [ + "the", + "ta" + ], + [ + "ra", + "s" + ], + [ + "r", + "as" + ], + [ + "jo", + "r" + ], + [ + "j", + "or" + ], + [ + "▁б", + "о" + ], + [ + "▁", + "бо" + ], + [ + "▁princi", + "p" + ], + [ + "▁prin", + "cip" + ], + [ + "M", + "y" + ], + [ + "▁e", + "iner" + ], + [ + "▁ein", + "er" + ], + [ + "▁eine", + "r" + ], + [ + "▁E", + "s" + ], + [ + "▁", + "Es" + ], + [ + "om", + "b" + ], + [ + "o", + "mb" + ], + [ + "qu", + "ad" + ], + [ + "qua", + "d" + ], + [ + "^{", + "-" + ], + [ + "^", + "{-" + ], + [ + "um", + "p" + ], + [ + "u", + "mp" + ], + [ + "▁t", + "ill" + ], + [ + "▁til", + "l" + ], + [ + "▁ti", + "ll" + ], + [ + "д", + "і" + ], + [ + "▁lo", + "oks" + ], + [ + "▁look", + "s" + ], + [ + "▁o", + "k" + ], + [ + "▁", + "ok" + ], + [ + "ц", + "а" + ], + [ + "n", + "u" + ], + [ + "Fi", + "l" + ], + [ + "F", + "il" + ], + [ + "▁s", + "ont" + ], + [ + "▁so", + "nt" + ], + [ + "▁son", + "t" + ], + [ + "▁M", + "ed" + ], + [ + "▁Me", + "d" + ], + [ + "▁", + "Med" + ], + [ + "ag", + "ue" + ], + [ + "agu", + "e" + ], + [ + "a", + "gue" + ], + [ + "▁c", + "ost" + ], + [ + "▁co", + "st" + ], + [ + "▁cos", + "t" + ], + [ + "▁", + "cost" + ], + [ + "▁S", + "im" + ], + [ + "▁Si", + "m" + ], + [ + "▁", + "Sim" + ], + [ + "▁com", + "ment" + ], + [ + "▁comm", + "ent" + ], + [ + "▁comme", + "nt" + ], + [ + "▁", + "comment" + ], + [ + "▁(", + "\\" + ], + [ + "▁", + "(\\" + ], + [ + "eg", + "en" + ], + [ + "ege", + "n" + ], + [ + "e", + "gen" + ], + [ + "▁para", + "meter" + ], + [ + "▁param", + "eter" + ], + [ + "▁paramet", + "er" + ], + [ + "▁", + "parameter" + ], + [ + "▁F", + "rance" + ], + [ + "▁Fran", + "ce" + ], + [ + "▁Fr", + "ance" + ], + [ + "▁Franc", + "e" + ], + [ + "▁", + "France" + ], + [ + "re", + "p" + ], + [ + "r", + "ep" + ], + [ + "▁T", + "H" + ], + [ + "▁", + "TH" + ], + [ + "▁y", + "et" + ], + [ + "▁ye", + "t" + ], + [ + "▁a", + "way" + ], + [ + "▁aw", + "ay" + ], + [ + "▁", + "away" + ], + [ + "▁c", + "irc" + ], + [ + "▁ci", + "rc" + ], + [ + "▁cir", + "c" + ], + [ + "▁", + "circ" + ], + [ + "▁A", + "PI" + ], + [ + "▁AP", + "I" + ], + [ + "▁", + "API" + ], + [ + "em", + "p" + ], + [ + "e", + "mp" + ], + [ + "в", + "і" + ], + [ + "L", + "ayout" + ], + [ + "▁l", + "ines" + ], + [ + "▁li", + "nes" + ], + [ + "▁line", + "s" + ], + [ + "▁lin", + "es" + ], + [ + "▁", + "lines" + ], + [ + "▁P", + "art" + ], + [ + "▁Par", + "t" + ], + [ + "▁Pa", + "rt" + ], + [ + "▁", + "Part" + ], + [ + "em", + "pt" + ], + [ + "emp", + "t" + ], + [ + "▁B", + "i" + ], + [ + "▁", + "Bi" + ], + [ + "▁m", + "ind" + ], + [ + "▁min", + "d" + ], + [ + "▁mi", + "nd" + ], + [ + "▁", + "mind" + ], + [ + "k", + "y" + ], + [ + "gi", + "ng" + ], + [ + "gin", + "g" + ], + [ + "g", + "ing" + ], + [ + "▁re", + "port" + ], + [ + "▁rep", + "ort" + ], + [ + "▁repo", + "rt" + ], + [ + "▁", + "report" + ], + [ + "▁A", + "dd" + ], + [ + "▁Ad", + "d" + ], + [ + "▁", + "Add" + ], + [ + "ро", + "д" + ], + [ + "р", + "од" + ], + [ + "▁r", + "ange" + ], + [ + "▁ran", + "ge" + ], + [ + "▁rang", + "e" + ], + [ + "▁", + "range" + ], + [ + "ci", + "as" + ], + [ + "cia", + "s" + ], + [ + "c", + "ias" + ], + [ + "li", + "p" + ], + [ + "l", + "ip" + ], + [ + "▁K", + "ar" + ], + [ + "▁Ka", + "r" + ], + [ + "▁", + "Kar" + ], + [ + "▁Comm", + "ons" + ], + [ + "▁Common", + "s" + ], + [ + "ger", + "ufen" + ], + [ + "af", + "f" + ], + [ + "a", + "ff" + ], + [ + "se", + "c" + ], + [ + "s", + "ec" + ], + [ + "▁h", + "tml" + ], + [ + "▁", + "html" + ], + [ + "li", + "g" + ], + [ + "l", + "ig" + ], + [ + "▁w", + "indow" + ], + [ + "▁wind", + "ow" + ], + [ + "▁", + "window" + ], + [ + "in", + "ition" + ], + [ + "ini", + "tion" + ], + [ + "init", + "ion" + ], + [ + "ci", + "s" + ], + [ + "c", + "is" + ], + [ + "▁u", + "t" + ], + [ + "▁", + "ut" + ], + [ + "el", + "n" + ], + [ + "e", + "ln" + ], + [ + "▁a", + "ux" + ], + [ + "▁au", + "x" + ], + [ + "▁", + "aux" + ], + [ + "▁n", + "eg" + ], + [ + "▁ne", + "g" + ], + [ + "▁", + "neg" + ], + [ + "Ha", + "nd" + ], + [ + "H", + "and" + ], + [ + "▁)", + ";" + ], + [ + "▁", + ");" + ], + [ + "▁a", + "nal" + ], + [ + "▁an", + "al" + ], + [ + "▁", + "anal" + ], + [ + "▁f", + "ri" + ], + [ + "▁fr", + "i" + ], + [ + "▁", + "fri" + ], + [ + "▁с", + "и" + ], + [ + "▁", + "си" + ], + [ + "et", + "ch" + ], + [ + "etc", + "h" + ], + [ + "m", + "d" + ], + [ + "pa", + "ge" + ], + [ + "pag", + "e" + ], + [ + "p", + "age" + ], + [ + "▁l", + "ibrary" + ], + [ + "▁li", + "brary" + ], + [ + "▁", + "library" + ], + [ + "▁:", + "=" + ], + [ + "▁", + ":=" + ], + [ + "RO", + "M" + ], + [ + "R", + "OM" + ], + [ + "Y", + "ou" + ], + [ + "sp", + "ace" + ], + [ + "s", + "pace" + ], + [ + "▁d", + "urch" + ], + [ + "▁dur", + "ch" + ], + [ + "▁h", + "ost" + ], + [ + "▁ho", + "st" + ], + [ + "▁hos", + "t" + ], + [ + "▁", + "host" + ], + [ + "av", + "en" + ], + [ + "ave", + "n" + ], + [ + "a", + "ven" + ], + [ + "▁F", + "ile" + ], + [ + "▁Fil", + "e" + ], + [ + "▁", + "File" + ], + [ + "al", + "le" + ], + [ + "all", + "e" + ], + [ + "a", + "lle" + ], + [ + "ти", + "в" + ], + [ + "▁p", + "ap" + ], + [ + "▁pa", + "p" + ], + [ + "ст", + "во" + ], + [ + "ств", + "о" + ], + [ + "с", + "тво" + ], + [ + "mar", + "k" + ], + [ + "m", + "ark" + ], + [ + "▁m", + "ais" + ], + [ + "▁ma", + "is" + ], + [ + "▁mai", + "s" + ], + [ + "er", + "man" + ], + [ + "erm", + "an" + ], + [ + "Si", + "ze" + ], + [ + "S", + "ize" + ], + [ + "е", + "к" + ], + [ + "▁М", + "а" + ], + [ + "▁", + "Ма" + ], + [ + "▁is", + "n" + ], + [ + "▁i", + "sn" + ], + [ + "▁c", + "opy" + ], + [ + "▁co", + "py" + ], + [ + "▁cop", + "y" + ], + [ + "▁", + "copy" + ], + [ + "st", + "en" + ], + [ + "ste", + "n" + ], + [ + "s", + "ten" + ], + [ + "ri", + "ver" + ], + [ + "riv", + "er" + ], + [ + "rive", + "r" + ], + [ + "r", + "iver" + ], + [ + "▁w", + "ent" + ], + [ + "▁we", + "nt" + ], + [ + "▁wen", + "t" + ], + [ + "▁j", + "avascript" + ], + [ + "▁java", + "script" + ], + [ + "▁", + "javascript" + ], + [ + "▁s", + "am" + ], + [ + "▁sa", + "m" + ], + [ + "▁", + "sam" + ], + [ + "▁f", + "rame" + ], + [ + "▁fr", + "ame" + ], + [ + "▁fra", + "me" + ], + [ + "▁fram", + "e" + ], + [ + "▁", + "frame" + ], + [ + "▁v", + "i" + ], + [ + "▁", + "vi" + ], + [ + "▁pre", + "vious" + ], + [ + "▁prev", + "ious" + ], + [ + "▁", + "previous" + ], + [ + "ro", + "du" + ], + [ + "rod", + "u" + ], + [ + "r", + "odu" + ], + [ + "▁method", + "s" + ], + [ + "▁", + "methods" + ], + [ + "▁ne", + "cess" + ], + [ + "▁neces", + "s" + ], + [ + "▁", + "necess" + ], + [ + "N", + "A" + ], + [ + "ck", + "et" + ], + [ + "cke", + "t" + ], + [ + "c", + "ket" + ], + [ + "▁o", + "pt" + ], + [ + "▁op", + "t" + ], + [ + "▁", + "opt" + ], + [ + "Lo", + "c" + ], + [ + "L", + "oc" + ], + [ + "ho", + "w" + ], + [ + "h", + "ow" + ], + [ + "▁î", + "n" + ], + [ + "▁", + "în" + ], + [ + "sh", + "ip" + ], + [ + "s", + "hip" + ], + [ + "▁it", + "self" + ], + [ + "▁its", + "elf" + ], + [ + "▁P", + "lease" + ], + [ + "▁Ple", + "ase" + ], + [ + "▁", + "Please" + ], + [ + "ie", + "ne" + ], + [ + "ien", + "e" + ], + [ + "i", + "ene" + ], + [ + "ве", + "р" + ], + [ + "в", + "ер" + ], + [ + "▁<", + "<" + ], + [ + "▁", + "<<" + ], + [ + "▁m", + "ill" + ], + [ + "▁mil", + "l" + ], + [ + "▁mi", + "ll" + ], + [ + "▁", + "mill" + ], + [ + "▁t", + "rad" + ], + [ + "▁tr", + "ad" + ], + [ + "▁tra", + "d" + ], + [ + "▁", + "trad" + ], + [ + "pa", + "ce" + ], + [ + "p", + "ace" + ], + [ + "▁H", + "ar" + ], + [ + "▁Ha", + "r" + ], + [ + "▁", + "Har" + ], + [ + "it", + "en" + ], + [ + "ite", + "n" + ], + [ + "i", + "ten" + ], + [ + "wi", + "se" + ], + [ + "w", + "ise" + ], + [ + "writ", + "e" + ], + [ + "wr", + "ite" + ], + [ + "w", + "rite" + ], + [ + "ци", + "и" + ], + [ + "р", + "ы" + ], + [ + "Lin", + "e" + ], + [ + "Li", + "ne" + ], + [ + "L", + "ine" + ], + [ + "ol", + "o" + ], + [ + "o", + "lo" + ], + [ + "▁ac", + "cept" + ], + [ + "▁", + "accept" + ], + [ + "he", + "ight" + ], + [ + "▁e", + "lect" + ], + [ + "▁el", + "ect" + ], + [ + "▁ele", + "ct" + ], + [ + "▁", + "elect" + ], + [ + "el", + "la" + ], + [ + "ell", + "a" + ], + [ + "e", + "lla" + ], + [ + "▁p", + "å" + ], + [ + "Se", + "lect" + ], + [ + "S", + "elect" + ], + [ + "▁", + "ли" + ], + [ + "▁\\", + "<" + ], + [ + "▁", + "\\<" + ], + [ + "(", + "(" + ], + [ + "▁I", + "D" + ], + [ + "▁", + "ID" + ], + [ + "op", + "s" + ], + [ + "o", + "ps" + ], + [ + "ва", + "н" + ], + [ + "в", + "ан" + ], + [ + "i", + "ó" + ], + [ + "T", + "P" + ], + [ + "»", + "," + ], + [ + "ne", + "ction" + ], + [ + "nect", + "ion" + ], + [ + "n", + "ection" + ], + [ + "par", + "ent" + ], + [ + "pa", + "rent" + ], + [ + "▁M", + "ag" + ], + [ + "▁Ma", + "g" + ], + [ + "▁", + "Mag" + ], + [ + "Tab", + "le" + ], + [ + "T", + "able" + ], + [ + "O", + "ver" + ], + [ + "▁n", + "etwork" + ], + [ + "▁net", + "work" + ], + [ + "▁", + "network" + ], + [ + "с", + "по" + ], + [ + "▁as", + "sign" + ], + [ + "▁ass", + "ign" + ], + [ + "▁", + "assign" + ], + [ + "ig", + "ger" + ], + [ + "igg", + "er" + ], + [ + "ir", + "m" + ], + [ + "i", + "rm" + ], + [ + ")", + "`" + ], + [ + "ot", + "tom" + ], + [ + "ott", + "om" + ], + [ + "otto", + "m" + ], + [ + "be", + "ta" + ], + [ + "bet", + "a" + ], + [ + "b", + "eta" + ], + [ + "▁d", + "ell" + ], + [ + "▁de", + "ll" + ], + [ + "▁del", + "l" + ], + [ + "▁b", + "ody" + ], + [ + "▁bo", + "dy" + ], + [ + "▁bod", + "y" + ], + [ + "▁", + "body" + ], + [ + "▁д", + "а" + ], + [ + "▁", + "да" + ], + [ + "▁Y", + "our" + ], + [ + "▁You", + "r" + ], + [ + "▁", + "Your" + ], + [ + "▁f", + "ue" + ], + [ + "▁fu", + "e" + ], + [ + "▁p", + "ackage" + ], + [ + "▁pack", + "age" + ], + [ + "▁", + "package" + ], + [ + "▁l", + "ight" + ], + [ + "▁lig", + "ht" + ], + [ + "▁", + "light" + ], + [ + "▁*", + "*" + ], + [ + "▁", + "**" + ], + [ + "M", + "P" + ], + [ + "▁c", + "ou" + ], + [ + "▁co", + "u" + ], + [ + "▁", + "cou" + ], + [ + "ye", + "s" + ], + [ + "y", + "es" + ], + [ + ":", + "\\" + ], + [ + "▁", + "Ч" + ], + [ + "▁m", + "ention" + ], + [ + "▁men", + "tion" + ], + [ + "▁ment", + "ion" + ], + [ + "en", + "sch" + ], + [ + "ens", + "ch" + ], + [ + "▁d", + "eg" + ], + [ + "▁de", + "g" + ], + [ + "▁", + "deg" + ], + [ + "▁con", + "vert" + ], + [ + "▁conver", + "t" + ], + [ + "▁conv", + "ert" + ], + [ + "▁", + "convert" + ], + [ + "▁D", + "av" + ], + [ + "▁Da", + "v" + ], + [ + "ad", + "t" + ], + [ + "a", + "dt" + ], + [ + "Res", + "ult" + ], + [ + "th", + "ough" + ], + [ + "▁b", + "us" + ], + [ + "▁bu", + "s" + ], + [ + "▁", + "bus" + ], + [ + "x", + "y" + ], + [ + "▁s", + "een" + ], + [ + "▁se", + "en" + ], + [ + "▁see", + "n" + ], + [ + "▁", + "seen" + ], + [ + "Al", + "l" + ], + [ + "A", + "ll" + ], + [ + "pu", + "blic" + ], + [ + "pub", + "lic" + ], + [ + "p", + "ublic" + ], + [ + "iv", + "ely" + ], + [ + "ive", + "ly" + ], + [ + "ivel", + "y" + ], + [ + "▁R", + "ec" + ], + [ + "▁Re", + "c" + ], + [ + "▁", + "Rec" + ], + [ + "▁H", + "is" + ], + [ + "▁Hi", + "s" + ], + [ + "si", + "m" + ], + [ + "s", + "im" + ], + [ + "▁f", + "ör" + ], + [ + "▁fö", + "r" + ], + [ + "▁", + "för" + ], + [ + "▁h", + "istor" + ], + [ + "▁his", + "tor" + ], + [ + "▁hi", + "stor" + ], + [ + "▁hist", + "or" + ], + [ + "▁", + "histor" + ], + [ + "▁s", + "ett" + ], + [ + "▁se", + "tt" + ], + [ + "▁set", + "t" + ], + [ + "▁", + "sett" + ], + [ + "ra", + "t" + ], + [ + "r", + "at" + ], + [ + "ab", + "led" + ], + [ + "able", + "d" + ], + [ + "abl", + "ed" + ], + [ + "a", + "bled" + ], + [ + "▁»", + "," + ], + [ + "▁", + "»," + ], + [ + "go", + "ogle" + ], + [ + "We", + "b" + ], + [ + "W", + "eb" + ], + [ + "é", + "l" + ], + [ + "▁t", + "itle" + ], + [ + "▁tit", + "le" + ], + [ + "▁", + "title" + ], + [ + "▁J", + "anu" + ], + [ + "▁Jan", + "u" + ], + [ + "▁Ja", + "nu" + ], + [ + "ј", + "а" + ], + [ + "▁t", + "ook" + ], + [ + "▁to", + "ok" + ], + [ + "▁too", + "k" + ], + [ + "id", + "en" + ], + [ + "ide", + "n" + ], + [ + "i", + "den" + ], + [ + "s", + "z" + ], + [ + "▁G", + "et" + ], + [ + "▁Ge", + "t" + ], + [ + "▁", + "Get" + ], + [ + "▁object", + "s" + ], + [ + "▁", + "objects" + ], + [ + "▁com", + "mon" + ], + [ + "▁comm", + "on" + ], + [ + "▁", + "common" + ], + [ + "▁ch", + "anges" + ], + [ + "▁change", + "s" + ], + [ + "▁chang", + "es" + ], + [ + "▁", + "changes" + ], + [ + "▁L", + "ond" + ], + [ + "▁Lo", + "nd" + ], + [ + "▁", + "Lond" + ], + [ + "▁ex", + "tern" + ], + [ + "▁ext", + "ern" + ], + [ + "▁j", + "u" + ], + [ + "▁", + "ju" + ], + [ + "I", + "s" + ], + [ + "▁av", + "ailable" + ], + [ + "▁avail", + "able" + ], + [ + "▁", + "available" + ], + [ + "tr", + "i" + ], + [ + "t", + "ri" + ], + [ + "▁m", + "ás" + ], + [ + "▁má", + "s" + ], + [ + "os", + "a" + ], + [ + "o", + "sa" + ], + [ + "B", + "e" + ], + [ + "▁D", + "ata" + ], + [ + "▁Da", + "ta" + ], + [ + "▁Dat", + "a" + ], + [ + "▁", + "Data" + ], + [ + "ur", + "al" + ], + [ + "ura", + "l" + ], + [ + "u", + "ral" + ], + [ + "▁h", + "om" + ], + [ + "▁ho", + "m" + ], + [ + "▁", + "hom" + ], + [ + "▁acc", + "ount" + ], + [ + "▁ac", + "count" + ], + [ + "▁", + "account" + ], + [ + "o", + "o" + ], + [ + "▁p", + "erm" + ], + [ + "▁per", + "m" + ], + [ + "▁pe", + "rm" + ], + [ + "▁", + "perm" + ], + [ + "res", + "pond" + ], + [ + "resp", + "ond" + ], + [ + "y", + "t" + ], + [ + "▁s", + "end" + ], + [ + "▁se", + "nd" + ], + [ + "▁sen", + "d" + ], + [ + "▁", + "send" + ], + [ + "▁return", + "s" + ], + [ + "▁", + "returns" + ], + [ + "iv", + "id" + ], + [ + "ivi", + "d" + ], + [ + "i", + "vid" + ], + [ + "▁ex", + "pla" + ], + [ + "▁exp", + "la" + ], + [ + "▁expl", + "a" + ], + [ + "í", + "n" + ], + [ + "▁n", + "or" + ], + [ + "▁no", + "r" + ], + [ + "▁", + "nor" + ], + [ + "I", + "f" + ], + [ + "▁F", + "rom" + ], + [ + "▁Fr", + "om" + ], + [ + "▁Fro", + "m" + ], + [ + "▁", + "From" + ], + [ + "▁t", + "arget" + ], + [ + "▁tar", + "get" + ], + [ + "▁", + "target" + ], + [ + "fe", + "ct" + ], + [ + "f", + "ect" + ], + [ + "ен", + "т" + ], + [ + "▁u", + "it" + ], + [ + "▁ui", + "t" + ], + [ + "▁", + "uit" + ], + [ + "▁J", + "o" + ], + [ + "▁", + "Jo" + ], + [ + "▁vari", + "ables" + ], + [ + "▁variable", + "s" + ], + [ + "▁", + "variables" + ], + [ + "▁s", + "eries" + ], + [ + "▁se", + "ries" + ], + [ + "▁ser", + "ies" + ], + [ + "▁serie", + "s" + ], + [ + "▁", + "series" + ], + [ + "▁f", + "unc" + ], + [ + "▁fun", + "c" + ], + [ + "▁fu", + "nc" + ], + [ + "▁", + "func" + ], + [ + "▁him", + "self" + ], + [ + "▁ч", + "а" + ], + [ + "▁", + "ча" + ], + [ + "an", + "ti" + ], + [ + "ant", + "i" + ], + [ + "▁a", + "ch" + ], + [ + "▁ac", + "h" + ], + [ + "▁", + "ach" + ], + [ + "ia", + "log" + ], + [ + "ial", + "og" + ], + [ + "i", + "alog" + ], + [ + "▁s", + "td" + ], + [ + "▁st", + "d" + ], + [ + "▁", + "std" + ], + [ + "a", + "e" + ], + [ + "▁f", + "oot" + ], + [ + "▁fo", + "ot" + ], + [ + "▁foo", + "t" + ], + [ + "▁", + "foot" + ], + [ + "▁un", + "ter" + ], + [ + "▁", + "unter" + ], + [ + "gr", + "ess" + ], + [ + "gres", + "s" + ], + [ + "gre", + "ss" + ], + [ + "g", + "ress" + ], + [ + "No", + "t" + ], + [ + "N", + "ot" + ], + [ + "ra", + "d" + ], + [ + "r", + "ad" + ], + [ + "f", + "ér" + ], + [ + "▁u", + "til" + ], + [ + "▁ut", + "il" + ], + [ + "▁", + "util" + ], + [ + "or", + "em" + ], + [ + "ore", + "m" + ], + [ + "o", + "rem" + ], + [ + "▁s", + "ou" + ], + [ + "▁so", + "u" + ], + [ + "op", + "t" + ], + [ + "o", + "pt" + ], + [ + "▁o", + "g" + ], + [ + "▁", + "og" + ], + [ + "▁u", + "ma" + ], + [ + "▁um", + "a" + ], + [ + "▁", + "uma" + ], + [ + "it", + "ar" + ], + [ + "ita", + "r" + ], + [ + "i", + "tar" + ], + [ + "▁O", + "k" + ], + [ + "▁", + "Ok" + ], + [ + "ü", + "ck" + ], + [ + "sq", + "rt" + ], + [ + "▁a", + "nt" + ], + [ + "▁an", + "t" + ], + [ + "▁", + "ant" + ], + [ + "▁wer", + "den" + ], + [ + "▁werd", + "en" + ], + [ + "å", + "r" + ], + [ + "})", + ";" + ], + [ + "}", + ");" + ], + [ + "▁P", + "aris" + ], + [ + "▁Par", + "is" + ], + [ + "▁Pa", + "ris" + ], + [ + "▁ex", + "ception" + ], + [ + "▁except", + "ion" + ], + [ + "▁", + "exception" + ], + [ + "▁de", + "term" + ], + [ + "▁det", + "erm" + ], + [ + "▁V", + "ol" + ], + [ + "▁Vo", + "l" + ], + [ + "▁", + "Vol" + ], + [ + "▁S", + "am" + ], + [ + "▁Sa", + "m" + ], + [ + "▁", + "Sam" + ], + [ + "▁e", + "ss" + ], + [ + "▁es", + "s" + ], + [ + "▁", + "ess" + ], + [ + "li", + "es" + ], + [ + "lie", + "s" + ], + [ + "l", + "ies" + ], + [ + "ion", + "i" + ], + [ + "io", + "ni" + ], + [ + "i", + "oni" + ], + [ + "od", + "ing" + ], + [ + "odi", + "ng" + ], + [ + "o", + "ding" + ], + [ + "id", + "get" + ], + [ + "idge", + "t" + ], + [ + "▁p", + "ri" + ], + [ + "▁pr", + "i" + ], + [ + "▁wh", + "ether" + ], + [ + "▁whe", + "ther" + ], + [ + "▁п", + "од" + ], + [ + "▁по", + "д" + ], + [ + "▁num", + "bers" + ], + [ + "▁number", + "s" + ], + [ + "▁", + "numbers" + ], + [ + "▁", + "~" + ], + [ + "ev", + "ent" + ], + [ + "even", + "t" + ], + [ + "e", + "vent" + ], + [ + "▁sh", + "ows" + ], + [ + "▁show", + "s" + ], + [ + "▁sho", + "ws" + ], + [ + "at", + "ures" + ], + [ + "atur", + "es" + ], + [ + "ature", + "s" + ], + [ + "atu", + "res" + ], + [ + "▁h", + "ouse" + ], + [ + "▁ho", + "use" + ], + [ + "▁hous", + "e" + ], + [ + "▁", + "house" + ], + [ + "▁f", + "ace" + ], + [ + "▁fa", + "ce" + ], + [ + "▁fac", + "e" + ], + [ + "▁", + "face" + ], + [ + "▁s", + "ię" + ], + [ + "▁si", + "ę" + ], + [ + "viron", + "ment" + ], + [ + "va", + "n" + ], + [ + "v", + "an" + ], + [ + "▁in", + "cluding" + ], + [ + "▁includ", + "ing" + ], + [ + "▁inclu", + "ding" + ], + [ + "▁", + "including" + ], + [ + "▁<", + "-" + ], + [ + "▁", + "<-" + ], + [ + "ti", + "mes" + ], + [ + "time", + "s" + ], + [ + "tim", + "es" + ], + [ + "t", + "imes" + ], + [ + "no", + "w" + ], + [ + "n", + "ow" + ], + [ + "▁p", + "ur" + ], + [ + "▁pu", + "r" + ], + [ + "▁", + "pur" + ], + [ + "if", + "ier" + ], + [ + "ifi", + "er" + ], + [ + "ifie", + "r" + ], + [ + "▁e", + "mp" + ], + [ + "▁em", + "p" + ], + [ + "▁", + "emp" + ], + [ + "▁c", + "la" + ], + [ + "▁cl", + "a" + ], + [ + "▁", + "cla" + ], + [ + "mo", + "n" + ], + [ + "m", + "on" + ], + [ + "▁D", + "as" + ], + [ + "▁Da", + "s" + ], + [ + "ad", + "y" + ], + [ + "a", + "dy" + ], + [ + "▁в", + "ід" + ], + [ + "▁ві", + "д" + ], + [ + "▁", + "від" + ], + [ + "▁", + "ц" + ], + [ + "ab", + "or" + ], + [ + "a", + "bor" + ], + [ + "OS", + "T" + ], + [ + "O", + "ST" + ], + [ + "▁b", + "and" + ], + [ + "▁ban", + "d" + ], + [ + "▁ba", + "nd" + ], + [ + "▁", + "band" + ], + [ + "▁", + "ú" + ], + [ + "▁ex", + "actly" + ], + [ + "▁exact", + "ly" + ], + [ + "ie", + "rt" + ], + [ + "ier", + "t" + ], + [ + "i", + "ert" + ], + [ + "av", + "ig" + ], + [ + "avi", + "g" + ], + [ + "▁re", + "du" + ], + [ + "▁r", + "edu" + ], + [ + "▁red", + "u" + ], + [ + "▁", + "redu" + ], + [ + "▁S", + "E" + ], + [ + "▁", + "SE" + ], + [ + "lish", + "ed" + ], + [ + "lis", + "hed" + ], + [ + "l", + "ished" + ], + [ + "B", + "u" + ], + [ + "Mess", + "age" + ], + [ + "M", + "essage" + ], + [ + "ce", + "ll" + ], + [ + "cel", + "l" + ], + [ + "c", + "ell" + ], + [ + "ful", + "ly" + ], + [ + "full", + "y" + ], + [ + "▁s", + "v" + ], + [ + "▁", + "sv" + ], + [ + "▁m", + "akes" + ], + [ + "▁ma", + "kes" + ], + [ + "▁make", + "s" + ], + [ + "▁mak", + "es" + ], + [ + "po", + "l" + ], + [ + "p", + "ol" + ], + [ + "▁re", + "quired" + ], + [ + "▁require", + "d" + ], + [ + "▁requ", + "ired" + ], + [ + "▁", + "required" + ], + [ + "fer", + "rer" + ], + [ + "▁p", + "ers" + ], + [ + "▁per", + "s" + ], + [ + "▁pe", + "rs" + ], + [ + "▁", + "pers" + ], + [ + "▁m", + "i" + ], + [ + "▁", + "mi" + ], + [ + "F", + "I" + ], + [ + "▁Pa", + "ul" + ], + [ + "▁", + "Paul" + ], + [ + "▁U", + "I" + ], + [ + "▁", + "UI" + ], + [ + "▁B", + "el" + ], + [ + "▁Be", + "l" + ], + [ + "▁", + "Bel" + ], + [ + "in", + "c" + ], + [ + "i", + "nc" + ], + [ + "▁cont", + "ains" + ], + [ + "▁contain", + "s" + ], + [ + "▁", + "contains" + ], + [ + "O", + "ut" + ], + [ + "as", + "ure" + ], + [ + "p", + "u" + ], + [ + "ot", + "o" + ], + [ + "o", + "to" + ], + [ + "▁g", + "ame" + ], + [ + "▁ga", + "me" + ], + [ + "▁gam", + "e" + ], + [ + "▁", + "game" + ], + [ + "z", + "n" + ], + [ + "▁W", + "hy" + ], + [ + "▁Wh", + "y" + ], + [ + "▁", + "Why" + ], + [ + "or", + "ith" + ], + [ + "ori", + "th" + ], + [ + "bi", + "g" + ], + [ + "b", + "ig" + ], + [ + "ки", + "й" + ], + [ + "sig", + "ma" + ], + [ + "s", + "igma" + ], + [ + "▁qu", + "ite" + ], + [ + "▁qui", + "te" + ], + [ + "▁quit", + "e" + ], + [ + "▁j", + "ed" + ], + [ + "▁je", + "d" + ], + [ + "▁", + "jed" + ], + [ + "re", + "c" + ], + [ + "r", + "ec" + ], + [ + "▁S", + "QL" + ], + [ + "▁", + "SQL" + ], + [ + "б", + "е" + ], + [ + "▁M", + "art" + ], + [ + "▁Mar", + "t" + ], + [ + "▁Ma", + "rt" + ], + [ + "▁", + "Mart" + ], + [ + "y", + "a" + ], + [ + "▁sch", + "ool" + ], + [ + "▁", + "school" + ], + [ + "▁sim", + "ply" + ], + [ + "▁simp", + "ly" + ], + [ + "▁simpl", + "y" + ], + [ + "▁v", + "or" + ], + [ + "▁vo", + "r" + ], + [ + "▁", + "vor" + ], + [ + "▁d", + "ouble" + ], + [ + "▁dou", + "ble" + ], + [ + "▁doub", + "le" + ], + [ + "▁", + "double" + ], + [ + "ра", + "в" + ], + [ + "▁S", + "tr" + ], + [ + "▁St", + "r" + ], + [ + "▁", + "Str" + ], + [ + "ie", + "m" + ], + [ + "i", + "em" + ], + [ + "▁al", + "bum" + ], + [ + "▁alb", + "um" + ], + [ + "▁", + "album" + ], + [ + "▁re", + "sol" + ], + [ + "▁res", + "ol" + ], + [ + "▁", + "resol" + ], + [ + "▁d", + "ei" + ], + [ + "▁de", + "i" + ], + [ + "▁W", + "ik" + ], + [ + "▁Wi", + "k" + ], + [ + "▁", + "Wik" + ], + [ + "▁a", + "w" + ], + [ + "▁", + "aw" + ], + [ + "um", + "b" + ], + [ + "u", + "mb" + ], + [ + "ol", + "s" + ], + [ + "o", + "ls" + ], + [ + "▁*", + "/" + ], + [ + "▁", + "*/" + ], + [ + "▁z", + "e" + ], + [ + "▁", + "ze" + ], + [ + "▁a", + "nim" + ], + [ + "▁an", + "im" + ], + [ + "▁ani", + "m" + ], + [ + "▁", + "anim" + ], + [ + "/", + ">" + ], + [ + "ri", + "s" + ], + [ + "r", + "is" + ], + [ + "re", + "sh" + ], + [ + "res", + "h" + ], + [ + "r", + "esh" + ], + [ + "N", + "o" + ], + [ + "ique", + "s" + ], + [ + "iqu", + "es" + ], + [ + "i", + "ques" + ], + [ + "cur", + "rent" + ], + [ + "curr", + "ent" + ], + [ + "c", + "urrent" + ], + [ + "▁per", + "iod" + ], + [ + "▁peri", + "od" + ], + [ + "▁", + "period" + ], + [ + "▁A", + "pril" + ], + [ + "▁Ap", + "ril" + ], + [ + "▁st", + "ore" + ], + [ + "▁stor", + "e" + ], + [ + "▁sto", + "re" + ], + [ + "▁", + "store" + ], + [ + "',", + "'" + ], + [ + "'", + ",'" + ], + [ + "▁S", + "et" + ], + [ + "▁Se", + "t" + ], + [ + "▁", + "Set" + ], + [ + "=", + "{" + ], + [ + "ach", + "ed" + ], + [ + "ac", + "hed" + ], + [ + "ache", + "d" + ], + [ + "a", + "ched" + ], + [ + "▁M", + "al" + ], + [ + "▁Ma", + "l" + ], + [ + "▁", + "Mal" + ], + [ + "▁P", + "al" + ], + [ + "▁Pa", + "l" + ], + [ + "▁", + "Pal" + ], + [ + "an", + "tes" + ], + [ + "ant", + "es" + ], + [ + "ante", + "s" + ], + [ + "ate", + "rial" + ], + [ + "ater", + "ial" + ], + [ + "▁work", + "ed" + ], + [ + "▁wor", + "ked" + ], + [ + "le", + "q" + ], + [ + "l", + "eq" + ], + [ + "ore", + "ferrer" + ], + [ + "▁h", + "appen" + ], + [ + "▁ha", + "ppen" + ], + [ + "▁happ", + "en" + ], + [ + "▁b", + "ox" + ], + [ + "▁bo", + "x" + ], + [ + "▁", + "box" + ], + [ + "ne", + "y" + ], + [ + "n", + "ey" + ], + [ + "▁c", + "lose" + ], + [ + "▁cl", + "ose" + ], + [ + "▁clos", + "e" + ], + [ + "▁clo", + "se" + ], + [ + "▁", + "close" + ], + [ + "▁g", + "ran" + ], + [ + "▁gr", + "an" + ], + [ + "▁gra", + "n" + ], + [ + "▁l", + "ie" + ], + [ + "▁li", + "e" + ], + [ + "▁", + "lie" + ], + [ + "▁i", + "r" + ], + [ + "▁", + "ir" + ], + [ + "▁ex", + "pected" + ], + [ + "▁exp", + "ected" + ], + [ + "▁expect", + "ed" + ], + [ + "▁", + "expected" + ], + [ + "▁д", + "ля" + ], + [ + "cl", + "ick" + ], + [ + "cli", + "ck" + ], + [ + "clic", + "k" + ], + [ + "c", + "lick" + ], + [ + "ș", + "i" + ], + [ + "▁p", + "arte" + ], + [ + "▁par", + "te" + ], + [ + "▁part", + "e" + ], + [ + "og", + "n" + ], + [ + "o", + "gn" + ], + [ + "▁F", + "orm" + ], + [ + "▁For", + "m" + ], + [ + "▁Fo", + "rm" + ], + [ + "▁", + "Form" + ], + [ + "▁m", + "emb" + ], + [ + "▁me", + "mb" + ], + [ + "▁mem", + "b" + ], + [ + "▁p", + "lan" + ], + [ + "▁pl", + "an" + ], + [ + "▁pla", + "n" + ], + [ + "▁", + "plan" + ], + [ + "▁te", + "am" + ], + [ + "▁tea", + "m" + ], + [ + "▁", + "team" + ], + [ + "]", + "[" + ], + [ + "▁c", + "ommun" + ], + [ + "▁com", + "mun" + ], + [ + "▁comm", + "un" + ], + [ + "or", + "ry" + ], + [ + "orr", + "y" + ], + [ + "en", + "cy" + ], + [ + "enc", + "y" + ], + [ + "g", + "l" + ], + [ + "in", + "ary" + ], + [ + "ina", + "ry" + ], + [ + "inar", + "y" + ], + [ + "cd", + "ot" + ], + [ + "c", + "dot" + ], + [ + "^", + "\\" + ], + [ + "▁F", + "irst" + ], + [ + "▁Fir", + "st" + ], + [ + "▁", + "First" + ], + [ + "an", + "der" + ], + [ + "and", + "er" + ], + [ + "ande", + "r" + ], + [ + "a", + "nder" + ], + [ + "▁D", + "ec" + ], + [ + "▁De", + "c" + ], + [ + "▁", + "Dec" + ], + [ + "re", + "quest" + ], + [ + "req", + "uest" + ], + [ + "ст", + "ва" + ], + [ + "ств", + "а" + ], + [ + "с", + "тва" + ], + [ + "▁str", + "ucture" + ], + [ + "▁struct", + "ure" + ], + [ + "▁", + "structure" + ], + [ + "▁|", + "|" + ], + [ + "▁", + "||" + ], + [ + "▁C", + "omp" + ], + [ + "▁Com", + "p" + ], + [ + "▁Co", + "mp" + ], + [ + "▁", + "Comp" + ], + [ + "act", + "ory" + ], + [ + "actor", + "y" + ], + [ + "▁M", + "il" + ], + [ + "▁Mi", + "l" + ], + [ + "▁", + "Mil" + ], + [ + "▁S", + "ome" + ], + [ + "▁So", + "me" + ], + [ + "▁Som", + "e" + ], + [ + "▁", + "Some" + ], + [ + "St", + "ream" + ], + [ + "▁as", + "sum" + ], + [ + "▁ass", + "um" + ], + [ + "ue", + "n" + ], + [ + "u", + "en" + ], + [ + "▁w", + "ords" + ], + [ + "▁word", + "s" + ], + [ + "▁wor", + "ds" + ], + [ + "▁", + "words" + ], + [ + "▁Se", + "ptember" + ], + [ + "▁Sept", + "ember" + ], + [ + "▁К", + "о" + ], + [ + "▁", + "Ко" + ], + [ + "▁d", + "ays" + ], + [ + "▁da", + "ys" + ], + [ + "▁day", + "s" + ], + [ + "▁", + "days" + ], + [ + "or", + "ies" + ], + [ + "ori", + "es" + ], + [ + "orie", + "s" + ], + [ + "o", + "ries" + ], + [ + "ста", + "в" + ], + [ + "s", + "m" + ], + [ + "vi", + "n" + ], + [ + "v", + "in" + ], + [ + "part", + "ial" + ], + [ + "▁par", + "ent" + ], + [ + "▁pa", + "rent" + ], + [ + "▁pare", + "nt" + ], + [ + "▁", + "parent" + ], + [ + "o", + "j" + ], + [ + "ни", + "и" + ], + [ + "!", + "\"" + ], + [ + "ug", + "in" + ], + [ + "u", + "gin" + ], + [ + "▁W", + "indows" + ], + [ + "▁Wind", + "ows" + ], + [ + "▁Window", + "s" + ], + [ + "▁", + "Windows" + ], + [ + "E", + "d" + ], + [ + ":", + "}" + ], + [ + "▁", + "q" + ], + [ + "▁b", + "en" + ], + [ + "▁be", + "n" + ], + [ + "▁", + "ben" + ], + [ + "ia", + "na" + ], + [ + "ian", + "a" + ], + [ + "i", + "ana" + ], + [ + "▁l", + "abel" + ], + [ + "▁la", + "bel" + ], + [ + "▁lab", + "el" + ], + [ + "▁", + "label" + ], + [ + "st", + "ate" + ], + [ + "sta", + "te" + ], + [ + "stat", + "e" + ], + [ + "ut", + "ed" + ], + [ + "ute", + "d" + ], + [ + "u", + "ted" + ], + [ + "▁(", + ")" + ], + [ + "▁", + "()" + ], + [ + "▁с", + "во" + ], + [ + "▁e", + "dit" + ], + [ + "▁ed", + "it" + ], + [ + "▁", + "edit" + ], + [ + "ur", + "ing" + ], + [ + "uri", + "ng" + ], + [ + "u", + "ring" + ], + [ + "▁N", + "S" + ], + [ + "▁", + "NS" + ], + [ + "▁J", + "ahr" + ], + [ + "▁Jah", + "r" + ], + [ + "▁Ja", + "hr" + ], + [ + "▁prov", + "ide" + ], + [ + "H", + "e" + ], + [ + "▁Y", + "es" + ], + [ + "▁Ye", + "s" + ], + [ + "▁", + "Yes" + ], + [ + "an", + "el" + ], + [ + "ane", + "l" + ], + [ + "a", + "nel" + ], + [ + "en", + "ame" + ], + [ + "ena", + "me" + ], + [ + "e", + "name" + ], + [ + "▁D", + "on" + ], + [ + "▁Do", + "n" + ], + [ + "▁", + "Don" + ], + [ + "is", + "k" + ], + [ + "i", + "sk" + ], + [ + "gr", + "a" + ], + [ + "g", + "ra" + ], + [ + "el", + "ij" + ], + [ + "eli", + "j" + ], + [ + "e", + "lij" + ], + [ + "▁r", + "oot" + ], + [ + "▁ro", + "ot" + ], + [ + "▁", + "root" + ], + [ + "*", + "/" + ], + [ + "▁F", + "re" + ], + [ + "▁Fr", + "e" + ], + [ + "▁", + "Fre" + ], + [ + "▁M", + "or" + ], + [ + "▁Mo", + "r" + ], + [ + "▁", + "Mor" + ], + [ + "us", + "ed" + ], + [ + "use", + "d" + ], + [ + "u", + "sed" + ], + [ + "ran", + "ge" + ], + [ + "r", + "ange" + ], + [ + "▁t", + "amb" + ], + [ + "▁ta", + "mb" + ], + [ + "▁tam", + "b" + ], + [ + "▁mod", + "ule" + ], + [ + "▁", + "module" + ], + [ + "▁d", + "irectory" + ], + [ + "▁direct", + "ory" + ], + [ + "▁director", + "y" + ], + [ + "▁", + "directory" + ], + [ + "ound", + "s" + ], + [ + "oun", + "ds" + ], + [ + "Act", + "ivity" + ], + [ + "Activ", + "ity" + ], + [ + "▁m", + "u" + ], + [ + "▁", + "mu" + ], + [ + "in", + "fo" + ], + [ + "inf", + "o" + ], + [ + "▁f", + "ree" + ], + [ + "▁fr", + "ee" + ], + [ + "▁fre", + "e" + ], + [ + "▁", + "free" + ], + [ + "or", + "ge" + ], + [ + "org", + "e" + ], + [ + "ta", + "b" + ], + [ + "t", + "ab" + ], + [ + ")", + "=" + ], + [ + "la", + "ng" + ], + [ + "lan", + "g" + ], + [ + "l", + "ang" + ], + [ + "▁о", + "с" + ], + [ + "▁", + "ос" + ], + [ + "▁F", + "ROM" + ], + [ + "▁FR", + "OM" + ], + [ + "▁", + "FROM" + ], + [ + "▁en", + "ter" + ], + [ + "▁ent", + "er" + ], + [ + "▁", + "enter" + ], + [ + "▁bec", + "ame" + ], + [ + "id", + "ae" + ], + [ + "ida", + "e" + ], + [ + "х", + "и" + ], + [ + "▁St", + "ates" + ], + [ + "▁State", + "s" + ], + [ + "▁Stat", + "es" + ], + [ + "▁Sta", + "tes" + ], + [ + "ver", + "se" + ], + [ + "vers", + "e" + ], + [ + "▁ex", + "pl" + ], + [ + "▁exp", + "l" + ], + [ + "▁", + "expl" + ], + [ + "yn", + "t" + ], + [ + "y", + "nt" + ], + [ + "U", + "N" + ], + [ + "e", + "e" + ], + [ + "en", + "dent" + ], + [ + "end", + "ent" + ], + [ + "enden", + "t" + ], + [ + "ende", + "nt" + ], + [ + "▁m", + "aking" + ], + [ + "▁ma", + "king" + ], + [ + "▁mak", + "ing" + ], + [ + "▁", + "making" + ], + [ + "▁\"", + "$" + ], + [ + "un", + "i" + ], + [ + "u", + "ni" + ], + [ + "qu", + "ence" + ], + [ + "▁l", + "ui" + ], + [ + "▁lu", + "i" + ], + [ + "H", + "T" + ], + [ + "▁us", + "es" + ], + [ + "▁use", + "s" + ], + [ + "▁", + "uses" + ], + [ + "zi", + "e" + ], + [ + "z", + "ie" + ], + [ + "ni", + "a" + ], + [ + "n", + "ia" + ], + [ + "Cont", + "ent" + ], + [ + "▁C", + "ount" + ], + [ + "▁Co", + "unt" + ], + [ + "▁Coun", + "t" + ], + [ + "▁Cou", + "nt" + ], + [ + "▁", + "Count" + ], + [ + "▁stand", + "ard" + ], + [ + "▁", + "standard" + ], + [ + "EN", + "T" + ], + [ + "E", + "NT" + ], + [ + "▁ко", + "н" + ], + [ + "▁к", + "он" + ], + [ + "▁", + "кон" + ], + [ + "fo", + "rt" + ], + [ + "for", + "t" + ], + [ + "f", + "ort" + ], + [ + "ad", + "as" + ], + [ + "ada", + "s" + ], + [ + "a", + "das" + ], + [ + "з", + "у" + ], + [ + "S", + "ystem" + ], + [ + "▁S", + "w" + ], + [ + "▁", + "Sw" + ], + [ + "▁e", + "ver" + ], + [ + "▁ev", + "er" + ], + [ + "▁", + "ever" + ], + [ + "L", + "O" + ], + [ + "▁cor", + "respond" + ], + [ + "▁P", + "o" + ], + [ + "▁", + "Po" + ], + [ + "ar", + "gin" + ], + [ + "arg", + "in" + ], + [ + "к", + "т" + ], + [ + "і", + "й" + ], + [ + "▁re", + "main" + ], + [ + "▁rem", + "ain" + ], + [ + "ci", + "o" + ], + [ + "c", + "io" + ], + [ + "▁act", + "ual" + ], + [ + "▁actu", + "al" + ], + [ + "▁", + "actual" + ], + [ + "ст", + "у" + ], + [ + "с", + "ту" + ], + [ + "▁s", + "ind" + ], + [ + "▁si", + "nd" + ], + [ + "▁sin", + "d" + ], + [ + "▁P", + "e" + ], + [ + "▁", + "Pe" + ], + [ + "▁ch", + "anged" + ], + [ + "▁change", + "d" + ], + [ + "▁chang", + "ed" + ], + [ + "▁", + "changed" + ], + [ + "▁N", + "ote" + ], + [ + "▁No", + "te" + ], + [ + "▁Not", + "e" + ], + [ + "▁", + "Note" + ], + [ + "sk", + "ie" + ], + [ + "ski", + "e" + ], + [ + "s", + "kie" + ], + [ + "▁famil", + "y" + ], + [ + "▁fam", + "ily" + ], + [ + "▁", + "family" + ], + [ + "it", + "à" + ], + [ + "co", + "s" + ], + [ + "c", + "os" + ], + [ + "tx", + "t" + ], + [ + "t", + "xt" + ], + [ + "ke", + "r" + ], + [ + "k", + "er" + ], + [ + "ce", + "ed" + ], + [ + "c", + "eed" + ], + [ + "▁a", + "rr" + ], + [ + "▁ar", + "r" + ], + [ + "▁", + "arr" + ], + [ + "▁c", + "am" + ], + [ + "▁ca", + "m" + ], + [ + "▁", + "cam" + ], + [ + "iz", + "er" + ], + [ + "ize", + "r" + ], + [ + "i", + "zer" + ], + [ + "▁D", + "an" + ], + [ + "▁Da", + "n" + ], + [ + "▁", + "Dan" + ], + [ + "he", + "l" + ], + [ + "h", + "el" + ], + [ + "ic", + "ult" + ], + [ + "icul", + "t" + ], + [ + "H", + "P" + ], + [ + "il", + "er" + ], + [ + "ile", + "r" + ], + [ + "i", + "ler" + ], + [ + "▁S", + "al" + ], + [ + "▁Sa", + "l" + ], + [ + "▁", + "Sal" + ], + [ + "▁con", + "nection" + ], + [ + "▁conne", + "ction" + ], + [ + "▁connect", + "ion" + ], + [ + "▁conn", + "ection" + ], + [ + "▁", + "connection" + ], + [ + "us", + "ion" + ], + [ + "k", + "n" + ], + [ + "R", + "I" + ], + [ + "▁v", + "om" + ], + [ + "▁vo", + "m" + ], + [ + "List", + "ener" + ], + [ + "▁", + "ö" + ], + [ + "▁d", + "im" + ], + [ + "▁di", + "m" + ], + [ + "▁", + "dim" + ], + [ + "▁p", + "ress" + ], + [ + "▁pr", + "ess" + ], + [ + "▁pre", + "ss" + ], + [ + "▁pres", + "s" + ], + [ + "▁", + "press" + ], + [ + "▁e", + "sc" + ], + [ + "▁es", + "c" + ], + [ + "▁", + "esc" + ], + [ + "▁T", + "ry" + ], + [ + "▁Tr", + "y" + ], + [ + "▁", + "Try" + ], + [ + "at", + "alog" + ], + [ + "ata", + "log" + ], + [ + "atal", + "og" + ], + [ + "▁th", + "anks" + ], + [ + "▁than", + "ks" + ], + [ + "▁thank", + "s" + ], + [ + "D", + "O" + ], + [ + "▁w", + "ritten" + ], + [ + "▁writ", + "ten" + ], + [ + "▁wr", + "itten" + ], + [ + "▁", + "written" + ], + [ + "di", + "r" + ], + [ + "d", + "ir" + ], + [ + "re", + "w" + ], + [ + "r", + "ew" + ], + [ + "▁f", + "ire" + ], + [ + "▁fi", + "re" + ], + [ + "▁fir", + "e" + ], + [ + "▁", + "fire" + ], + [ + "▁N", + "ach" + ], + [ + "▁Na", + "ch" + ], + [ + "▁", + "á" + ], + [ + "en", + "c" + ], + [ + "e", + "nc" + ], + [ + "▁or", + "igin" + ], + [ + "▁orig", + "in" + ], + [ + "▁", + "origin" + ], + [ + "▁Nov", + "ember" + ], + [ + "▁}", + ";" + ], + [ + "▁", + "};" + ], + [ + "Co", + "unt" + ], + [ + "C", + "ount" + ], + [ + "▁З", + "а" + ], + [ + "▁", + "За" + ], + [ + "▁g", + "raph" + ], + [ + "▁gr", + "aph" + ], + [ + "▁gra", + "ph" + ], + [ + "▁", + "graph" + ], + [ + "▁m", + "is" + ], + [ + "▁mi", + "s" + ], + [ + "▁", + "mis" + ], + [ + "▁Ex", + "ternal" + ], + [ + "▁Ext", + "ernal" + ], + [ + "▁Extern", + "al" + ], + [ + "▁Externa", + "l" + ], + [ + "▁", + "External" + ], + [ + "▁o", + "ptions" + ], + [ + "▁option", + "s" + ], + [ + "▁opt", + "ions" + ], + [ + "▁", + "options" + ], + [ + "▁U", + "RL" + ], + [ + "▁", + "URL" + ], + [ + "▁p", + "hp" + ], + [ + "▁ph", + "p" + ], + [ + "▁", + "php" + ], + [ + "▁in", + "tegr" + ], + [ + "▁int", + "egr" + ], + [ + "▁inte", + "gr" + ], + [ + "▁", + "integr" + ], + [ + "Con", + "fig" + ], + [ + "Conf", + "ig" + ], + [ + "▁T", + "ext" + ], + [ + "▁Te", + "xt" + ], + [ + "▁Tex", + "t" + ], + [ + "▁", + "Text" + ], + [ + "in", + "ner" + ], + [ + "inn", + "er" + ], + [ + "▁c", + "rit" + ], + [ + "▁cr", + "it" + ], + [ + "▁cri", + "t" + ], + [ + "▁", + "crit" + ], + [ + ",", + "”" + ], + [ + "▁t", + "og" + ], + [ + "▁to", + "g" + ], + [ + "$", + "$" + ], + [ + "no", + "f" + ], + [ + "n", + "of" + ], + [ + "▁s", + "es" + ], + [ + "▁se", + "s" + ], + [ + "üh", + "r" + ], + [ + "ü", + "hr" + ], + [ + "▁S", + "ince" + ], + [ + "▁Sin", + "ce" + ], + [ + "▁", + "Since" + ], + [ + "De", + "s" + ], + [ + "D", + "es" + ], + [ + "ub", + "e" + ], + [ + "u", + "be" + ], + [ + "▁s", + "ection" + ], + [ + "▁se", + "ction" + ], + [ + "▁sec", + "tion" + ], + [ + "▁sect", + "ion" + ], + [ + "▁", + "section" + ], + [ + "▁g", + "i" + ], + [ + "▁", + "gi" + ], + [ + "fo", + "rd" + ], + [ + "for", + "d" + ], + [ + "f", + "ord" + ], + [ + "▁A", + "ss" + ], + [ + "▁As", + "s" + ], + [ + "▁", + "Ass" + ], + [ + "ain", + "er" + ], + [ + "ai", + "ner" + ], + [ + "aine", + "r" + ], + [ + "a", + "iner" + ], + [ + "tt", + "p" + ], + [ + "t", + "tp" + ], + [ + "▁be", + "hav" + ], + [ + "▁beh", + "av" + ], + [ + "port", + "s" + ], + [ + "por", + "ts" + ], + [ + "dr", + "aw" + ], + [ + "dra", + "w" + ], + [ + "d", + "raw" + ], + [ + "Th", + "is" + ], + [ + "T", + "his" + ], + [ + "ran", + "ch" + ], + [ + "r", + "anch" + ], + [ + "in", + "ding" + ], + [ + "ind", + "ing" + ], + [ + "indi", + "ng" + ], + [ + "▁e", + "stab" + ], + [ + "▁est", + "ab" + ], + [ + "▁es", + "tab" + ], + [ + "▁esta", + "b" + ], + [ + "▁ob", + "tain" + ], + [ + "▁obt", + "ain" + ], + [ + "ri", + "ch" + ], + [ + "ric", + "h" + ], + [ + "r", + "ich" + ], + [ + "li", + "cit" + ], + [ + "lic", + "it" + ], + [ + "е", + "в" + ], + [ + "▁qu", + "al" + ], + [ + "▁q", + "ual" + ], + [ + "▁", + "qual" + ], + [ + "▁z", + "a" + ], + [ + "▁", + "za" + ], + [ + "▁h", + "ar" + ], + [ + "▁ha", + "r" + ], + [ + "▁", + "har" + ], + [ + "▁f", + "ac" + ], + [ + "▁fa", + "c" + ], + [ + "▁", + "fac" + ], + [ + "aa", + "r" + ], + [ + "a", + "ar" + ], + [ + "je", + "t" + ], + [ + "j", + "et" + ], + [ + "ic", + "les" + ], + [ + "icle", + "s" + ], + [ + "i", + "cles" + ], + [ + "▁A", + "us" + ], + [ + "▁Au", + "s" + ], + [ + "▁", + "Aus" + ], + [ + "▁h", + "or" + ], + [ + "▁ho", + "r" + ], + [ + "▁", + "hor" + ], + [ + "▁re", + "mov" + ], + [ + "▁rem", + "ov" + ], + [ + "▁w", + "ie" + ], + [ + "▁", + "wie" + ], + [ + "Cl", + "ient" + ], + [ + "C", + "lient" + ], + [ + "▁n", + "atur" + ], + [ + "▁nat", + "ur" + ], + [ + "hi", + "p" + ], + [ + "h", + "ip" + ], + [ + "Su", + "b" + ], + [ + "S", + "ub" + ], + [ + "▁r", + "andom" + ], + [ + "▁ran", + "dom" + ], + [ + "▁rand", + "om" + ], + [ + "▁", + "random" + ], + [ + "D", + "F" + ], + [ + "▁a", + "rea" + ], + [ + "▁are", + "a" + ], + [ + "▁ar", + "ea" + ], + [ + "▁", + "area" + ], + [ + "ta", + "g" + ], + [ + "t", + "ag" + ], + [ + "P", + "r" + ], + [ + "▁I", + "tal" + ], + [ + "▁It", + "al" + ], + [ + "▁", + "Ital" + ], + [ + "▁r", + "oku" + ], + [ + "▁ro", + "ku" + ], + [ + "▁rok", + "u" + ], + [ + "no", + "follow" + ], + [ + "nof", + "ollow" + ], + [ + "*", + "}" + ], + [ + "▁o", + "thers" + ], + [ + "▁other", + "s" + ], + [ + "▁l", + "imit" + ], + [ + "▁li", + "mit" + ], + [ + "▁lim", + "it" + ], + [ + "▁", + "limit" + ], + [ + "▁s", + "il" + ], + [ + "▁si", + "l" + ], + [ + "▁", + "sil" + ], + [ + "▁s", + "av" + ], + [ + "▁sa", + "v" + ], + [ + "▁o", + "ften" + ], + [ + "▁of", + "ten" + ], + [ + "▁oft", + "en" + ], + [ + "▁re", + "nder" + ], + [ + "▁r", + "ender" + ], + [ + "▁ren", + "der" + ], + [ + "▁rend", + "er" + ], + [ + "▁rende", + "r" + ], + [ + "▁", + "render" + ], + [ + "D", + "B" + ], + [ + "▁M", + "c" + ], + [ + "▁", + "Mc" + ], + [ + "▁z", + "ijn" + ], + [ + "▁zij", + "n" + ], + [ + "же", + "н" + ], + [ + "ж", + "ен" + ], + [ + "▁t", + "ag" + ], + [ + "▁ta", + "g" + ], + [ + "▁", + "tag" + ], + [ + "min", + "g" + ], + [ + "mi", + "ng" + ], + [ + "m", + "ing" + ], + [ + "li", + "chen" + ], + [ + "lic", + "hen" + ], + [ + "lich", + "en" + ], + [ + "liche", + "n" + ], + [ + "l", + "ichen" + ], + [ + "pa", + "ck" + ], + [ + "p", + "ack" + ], + [ + "▁A", + "g" + ], + [ + "▁", + "Ag" + ], + [ + "▁s", + "ense" + ], + [ + "▁sens", + "e" + ], + [ + "▁sen", + "se" + ], + [ + "p", + "g" + ], + [ + "Met", + "hod" + ], + [ + "M", + "ethod" + ], + [ + "ag", + "ed" + ], + [ + "age", + "d" + ], + [ + "a", + "ged" + ], + [ + "á", + "g" + ], + [ + "ł", + "a" + ], + [ + "▁inter", + "est" + ], + [ + "▁inte", + "rest" + ], + [ + "▁as", + "soci" + ], + [ + "▁ass", + "oci" + ], + [ + "▁", + "associ" + ], + [ + "vol", + "ution" + ], + [ + "▁em", + "pty" + ], + [ + "▁emp", + "ty" + ], + [ + "▁", + "empty" + ], + [ + "ic", + "he" + ], + [ + "ich", + "e" + ], + [ + "i", + "che" + ], + [ + "▁g", + "ro" + ], + [ + "▁gr", + "o" + ], + [ + "▁", + "gro" + ], + [ + "▁t", + "ypes" + ], + [ + "▁type", + "s" + ], + [ + "▁typ", + "es" + ], + [ + "▁ty", + "pes" + ], + [ + "▁", + "types" + ], + [ + "▁S", + "ie" + ], + [ + "▁Si", + "e" + ], + [ + "In", + "ter" + ], + [ + "Int", + "er" + ], + [ + "▁n", + "oreferrer" + ], + [ + "▁", + "noreferrer" + ], + [ + "▁g", + "ives" + ], + [ + "▁giv", + "es" + ], + [ + "▁give", + "s" + ], + [ + "▁gi", + "ves" + ], + [ + "ha", + "l" + ], + [ + "h", + "al" + ], + [ + "▁s", + "ave" + ], + [ + "▁sa", + "ve" + ], + [ + "▁sav", + "e" + ], + [ + "▁", + "save" + ], + [ + "▁f", + "ont" + ], + [ + "▁fo", + "nt" + ], + [ + "▁fon", + "t" + ], + [ + "▁", + "font" + ], + [ + "ru", + "ction" + ], + [ + "ruct", + "ion" + ], + [ + "S", + "cript" + ], + [ + "▁a", + "lla" + ], + [ + "▁al", + "la" + ], + [ + "▁all", + "a" + ], + [ + "▁", + "alla" + ], + [ + "▁s", + "ays" + ], + [ + "▁sa", + "ys" + ], + [ + "▁say", + "s" + ], + [ + "▁f", + "u" + ], + [ + "▁", + "fu" + ], + [ + "ap", + "e" + ], + [ + "a", + "pe" + ], + [ + "▁l", + "anguage" + ], + [ + "▁", + "language" + ], + [ + "ig", + "er" + ], + [ + "ige", + "r" + ], + [ + "i", + "ger" + ], + [ + "▁K", + "ing" + ], + [ + "▁Ki", + "ng" + ], + [ + "▁Kin", + "g" + ], + [ + "bo", + "r" + ], + [ + "b", + "or" + ], + [ + "u", + "v" + ], + [ + "▁s", + "hall" + ], + [ + "▁sh", + "all" + ], + [ + "▁E", + "urope" + ], + [ + "▁Europ", + "e" + ], + [ + "▁Euro", + "pe" + ], + [ + "▁Eur", + "ope" + ], + [ + "▁", + "Europe" + ], + [ + "▁ein", + "em" + ], + [ + "▁eine", + "m" + ], + [ + "▁w", + "ater" + ], + [ + "▁wa", + "ter" + ], + [ + "▁wat", + "er" + ], + [ + "▁", + "water" + ], + [ + "▁g", + "overn" + ], + [ + "▁go", + "vern" + ], + [ + "▁gover", + "n" + ], + [ + "an", + "z" + ], + [ + "at", + "ors" + ], + [ + "ator", + "s" + ], + [ + "ato", + "rs" + ], + [ + "▁mon", + "th" + ], + [ + "▁mo", + "nth" + ], + [ + "▁mont", + "h" + ], + [ + "▁", + "month" + ], + [ + "y", + "e" + ], + [ + "▁import", + "ant" + ], + [ + "▁", + "important" + ], + [ + "at", + "z" + ], + [ + "a", + "tz" + ], + [ + "fir", + "st" + ], + [ + "f", + "irst" + ], + [ + "▁Tr", + "ans" + ], + [ + "▁Tra", + "ns" + ], + [ + "▁", + "Trans" + ], + [ + "▁M", + "ad" + ], + [ + "▁Ma", + "d" + ], + [ + "▁", + "Mad" + ], + [ + "▁b", + "ra" + ], + [ + "▁br", + "a" + ], + [ + "▁", + "bra" + ], + [ + "ik", + "a" + ], + [ + "i", + "ka" + ], + [ + "▁S", + "aint" + ], + [ + "▁Sa", + "int" + ], + [ + "▁Sain", + "t" + ], + [ + "▁", + "Saint" + ], + [ + "or", + "ia" + ], + [ + "ori", + "a" + ], + [ + "o", + "ria" + ], + [ + "kr", + "e" + ], + [ + "k", + "re" + ], + [ + "em", + "ents" + ], + [ + "ement", + "s" + ], + [ + "emen", + "ts" + ], + [ + "e", + "ments" + ], + [ + "▁B", + "en" + ], + [ + "▁Be", + "n" + ], + [ + "▁", + "Ben" + ], + [ + "la", + "v" + ], + [ + "l", + "av" + ], + [ + "▁ad", + "min" + ], + [ + "▁adm", + "in" + ], + [ + "▁", + "admin" + ], + [ + "▁H", + "en" + ], + [ + "▁He", + "n" + ], + [ + "▁", + "Hen" + ], + [ + "ri", + "l" + ], + [ + "r", + "il" + ], + [ + "▁S", + "m" + ], + [ + "▁", + "Sm" + ], + [ + "ca", + "t" + ], + [ + "c", + "at" + ], + [ + "▁Re", + "fer" + ], + [ + "▁Ref", + "er" + ], + [ + "▁", + "Ш" + ], + [ + "▁p", + "ract" + ], + [ + "▁pr", + "act" + ], + [ + "▁pra", + "ct" + ], + [ + "▁prac", + "t" + ], + [ + "▁P", + "at" + ], + [ + "▁Pa", + "t" + ], + [ + "▁", + "Pat" + ], + [ + "▁G", + "re" + ], + [ + "▁Gr", + "e" + ], + [ + "▁", + "Gre" + ], + [ + "▁you", + "ng" + ], + [ + "▁yo", + "ung" + ], + [ + "▁In", + "ter" + ], + [ + "▁Int", + "er" + ], + [ + "▁", + "Inter" + ], + [ + "om", + "a" + ], + [ + "o", + "ma" + ], + [ + "te", + "ger" + ], + [ + "ib", + "ility" + ], + [ + "ibil", + "ity" + ], + [ + "▁param", + "eters" + ], + [ + "▁parameter", + "s" + ], + [ + "▁paramet", + "ers" + ], + [ + "▁", + "parameters" + ], + [ + "▁every", + "thing" + ], + [ + "da", + "t" + ], + [ + "d", + "at" + ], + [ + "ur", + "op" + ], + [ + "uro", + "p" + ], + [ + "u", + "rop" + ], + [ + "ole", + "an" + ], + [ + "o", + "lean" + ], + [ + "▁return", + "ed" + ], + [ + "▁C", + "lass" + ], + [ + "▁Cl", + "ass" + ], + [ + "▁Cla", + "ss" + ], + [ + "▁", + "Class" + ], + [ + "ac", + "y" + ], + [ + "a", + "cy" + ], + [ + "##", + "##" + ], + [ + "▁p", + "ř" + ], + [ + "▁f", + "older" + ], + [ + "▁fol", + "der" + ], + [ + "▁fo", + "lder" + ], + [ + "▁", + "folder" + ], + [ + "▁k", + "on" + ], + [ + "▁ko", + "n" + ], + [ + "▁", + "kon" + ], + [ + "▁gu", + "ess" + ], + [ + "g", + "t" + ], + [ + "je", + "n" + ], + [ + "j", + "en" + ], + [ + "an", + "nel" + ], + [ + "ann", + "el" + ], + [ + "anne", + "l" + ], + [ + "ic", + "on" + ], + [ + "ico", + "n" + ], + [ + "i", + "con" + ], + [ + "▁c", + "omb" + ], + [ + "▁com", + "b" + ], + [ + "▁co", + "mb" + ], + [ + "▁", + "comb" + ], + [ + "ri", + "ct" + ], + [ + "ric", + "t" + ], + [ + "r", + "ict" + ], + [ + "▁h", + "ij" + ], + [ + "▁hi", + "j" + ], + [ + "▁aut", + "hor" + ], + [ + "▁auth", + "or" + ], + [ + "▁", + "author" + ], + [ + "se", + "e" + ], + [ + "s", + "ee" + ], + [ + "he", + "re" + ], + [ + "her", + "e" + ], + [ + "h", + "ere" + ], + [ + "st", + "ra" + ], + [ + "str", + "a" + ], + [ + "s", + "tra" + ], + [ + "▁ent", + "ire" + ], + [ + "▁direct", + "ly" + ], + [ + "ra", + "ft" + ], + [ + "raf", + "t" + ], + [ + "r", + "aft" + ], + [ + "he", + "et" + ], + [ + "es", + "ter" + ], + [ + "est", + "er" + ], + [ + "este", + "r" + ], + [ + "e", + "ster" + ], + [ + "▁м", + "и" + ], + [ + "▁", + "ми" + ], + [ + "▁m", + "ass" + ], + [ + "▁ma", + "ss" + ], + [ + "▁mas", + "s" + ], + [ + "▁", + "mass" + ], + [ + "un", + "tu" + ], + [ + "unt", + "u" + ], + [ + "▁u", + "sers" + ], + [ + "▁us", + "ers" + ], + [ + "▁use", + "rs" + ], + [ + "▁user", + "s" + ], + [ + "▁", + "users" + ], + [ + "ch", + "i" + ], + [ + "c", + "hi" + ], + [ + "P", + "E" + ], + [ + "▁com", + "ponent" + ], + [ + "▁compon", + "ent" + ], + [ + "▁", + "component" + ], + [ + "Cl", + "ick" + ], + [ + "C", + "lick" + ], + [ + "At", + "t" + ], + [ + "A", + "tt" + ], + [ + "▁s", + "obre" + ], + [ + "▁so", + "bre" + ], + [ + "▁sob", + "re" + ], + [ + "an", + "ds" + ], + [ + "and", + "s" + ], + [ + "▁H", + "ol" + ], + [ + "▁Ho", + "l" + ], + [ + "▁", + "Hol" + ], + [ + "▁S", + "ant" + ], + [ + "▁San", + "t" + ], + [ + "▁Sa", + "nt" + ], + [ + "or", + "i" + ], + [ + "o", + "ri" + ], + [ + "▁s", + "ua" + ], + [ + "▁su", + "a" + ], + [ + "st", + "d" + ], + [ + "s", + "td" + ], + [ + "ent", + "ic" + ], + [ + "enti", + "c" + ], + [ + "C", + "C" + ], + [ + "▁fil", + "ter" + ], + [ + "▁", + "filter" + ], + [ + "S", + "QL" + ], + [ + "▁G", + "od" + ], + [ + "▁Go", + "d" + ], + [ + "A", + "t" + ], + [ + "▁м", + "у" + ], + [ + "▁", + "му" + ], + [ + "▁per", + "formance" + ], + [ + "▁perform", + "ance" + ], + [ + "del", + "ta" + ], + [ + "d", + "elta" + ], + [ + "an", + "de" + ], + [ + "and", + "e" + ], + [ + "a", + "nde" + ], + [ + "am", + "er" + ], + [ + "ame", + "r" + ], + [ + "a", + "mer" + ], + [ + "д", + "ы" + ], + [ + "▁c", + "ult" + ], + [ + "▁cu", + "lt" + ], + [ + "▁cul", + "t" + ], + [ + "▁N", + "or" + ], + [ + "▁No", + "r" + ], + [ + "bu", + "t" + ], + [ + "b", + "ut" + ], + [ + "▁l", + "ik" + ], + [ + "▁li", + "k" + ], + [ + "▁", + "lik" + ], + [ + "****", + "****" + ], + [ + "ст", + "вен" + ], + [ + "ств", + "ен" + ], + [ + "стве", + "н" + ], + [ + "▁com", + "me" + ], + [ + "▁comm", + "e" + ], + [ + "▁d", + "r" + ], + [ + "▁", + "dr" + ], + [ + "im", + "er" + ], + [ + "ime", + "r" + ], + [ + "i", + "mer" + ], + [ + "or", + "din" + ], + [ + "ord", + "in" + ], + [ + "▁cond", + "ition" + ], + [ + "▁", + "condition" + ], + [ + "es", + "te" + ], + [ + "est", + "e" + ], + [ + "e", + "ste" + ], + [ + "(", + "[" + ], + [ + "F", + "F" + ], + [ + "ть", + "ся" + ], + [ + "im", + "o" + ], + [ + "i", + "mo" + ], + [ + "ra", + "b" + ], + [ + "r", + "ab" + ], + [ + "і", + "ль" + ], + [ + "▁h", + "alf" + ], + [ + "▁hal", + "f" + ], + [ + "▁", + "half" + ], + [ + "ea", + "ch" + ], + [ + "e", + "ach" + ], + [ + "Di", + "s" + ], + [ + "D", + "is" + ], + [ + "▁r", + "ows" + ], + [ + "▁ro", + "ws" + ], + [ + "▁row", + "s" + ], + [ + "▁", + "rows" + ], + [ + "▁h", + "on" + ], + [ + "▁ho", + "n" + ], + [ + "▁", + "hon" + ], + [ + "▁t", + "ogether" + ], + [ + "▁tog", + "ether" + ], + [ + "▁", + "și" + ], + [ + "me", + "di" + ], + [ + "med", + "i" + ], + [ + "m", + "edi" + ], + [ + "ag", + "n" + ], + [ + "a", + "gn" + ], + [ + "al", + "led" + ], + [ + "all", + "ed" + ], + [ + "alle", + "d" + ], + [ + "▁v", + "ill" + ], + [ + "▁vi", + "ll" + ], + [ + "▁vil", + "l" + ], + [ + "IN", + "G" + ], + [ + "I", + "NG" + ], + [ + "id", + "den" + ], + [ + "idd", + "en" + ], + [ + "▁d", + "raw" + ], + [ + "▁dr", + "aw" + ], + [ + "▁dra", + "w" + ], + [ + "▁", + "draw" + ], + [ + "yn", + "tax" + ], + [ + "ynt", + "ax" + ], + [ + "▁att", + "empt" + ], + [ + "UR", + "L" + ], + [ + "U", + "RL" + ], + [ + "pos", + "e" + ], + [ + "po", + "se" + ], + [ + "p", + "ose" + ], + [ + "▁in", + "dic" + ], + [ + "▁ind", + "ic" + ], + [ + "ни", + "ка" + ], + [ + "ник", + "а" + ], + [ + "▁Eng", + "lish" + ], + [ + "▁", + "English" + ], + [ + "▁d", + "éc" + ], + [ + "▁dé", + "c" + ], + [ + "▁ne", + "eds" + ], + [ + "▁need", + "s" + ], + [ + "▁n", + "ormal" + ], + [ + "▁nor", + "mal" + ], + [ + "▁norm", + "al" + ], + [ + "▁", + "normal" + ], + [ + "ur", + "t" + ], + [ + "u", + "rt" + ], + [ + "▁н", + "о" + ], + [ + "▁", + "но" + ], + [ + "}}", + "\\" + ], + [ + "}", + "}\\" + ], + [ + "la", + "st" + ], + [ + "las", + "t" + ], + [ + "l", + "ast" + ], + [ + "▁F", + "in" + ], + [ + "▁", + "Fin" + ], + [ + "▁F", + "ebru" + ], + [ + "▁Fe", + "bru" + ], + [ + "▁Feb", + "ru" + ], + [ + "il", + "a" + ], + [ + "i", + "la" + ], + [ + "▁c", + "ountry" + ], + [ + "▁count", + "ry" + ], + [ + "▁coun", + "try" + ], + [ + "▁", + "country" + ], + [ + "▁field", + "s" + ], + [ + "▁fiel", + "ds" + ], + [ + "▁", + "fields" + ], + [ + "▁m", + "ax" + ], + [ + "▁ma", + "x" + ], + [ + "▁", + "max" + ], + [ + "lé", + "s" + ], + [ + "l", + "és" + ], + [ + "ow", + "ie" + ], + [ + "owi", + "e" + ], + [ + "o", + "wie" + ], + [ + "▁de", + "ux" + ], + [ + "▁bu", + "ilt" + ], + [ + "▁", + "built" + ], + [ + "▁M", + "ain" + ], + [ + "▁Ma", + "in" + ], + [ + "▁Mai", + "n" + ], + [ + "▁", + "Main" + ], + [ + "▁c", + "amp" + ], + [ + "▁cam", + "p" + ], + [ + "▁ca", + "mp" + ], + [ + "▁", + "camp" + ], + [ + "iv", + "o" + ], + [ + "i", + "vo" + ], + [ + "iv", + "a" + ], + [ + "i", + "va" + ], + [ + "ic", + "y" + ], + [ + "i", + "cy" + ], + [ + "zi", + "one" + ], + [ + "z", + "ione" + ], + [ + "No", + "de" + ], + [ + "N", + "ode" + ], + [ + "▁:", + ")" + ], + [ + "▁", + ":)" + ], + [ + "▁am", + "ong" + ], + [ + "▁O", + "b" + ], + [ + "▁", + "Ob" + ], + [ + "▁c", + "ases" + ], + [ + "▁case", + "s" + ], + [ + "▁cas", + "es" + ], + [ + "▁", + "cases" + ], + [ + "ha", + "ps" + ], + [ + "h", + "aps" + ], + [ + "se", + "rs" + ], + [ + "ser", + "s" + ], + [ + "s", + "ers" + ], + [ + "ar", + "ter" + ], + [ + "art", + "er" + ], + [ + "arte", + "r" + ], + [ + "śc", + "i" + ], + [ + "ś", + "ci" + ], + [ + "▁it", + "er" + ], + [ + "▁i", + "ter" + ], + [ + "▁", + "iter" + ], + [ + "▁n", + "amed" + ], + [ + "▁name", + "d" + ], + [ + "▁na", + "med" + ], + [ + "▁nam", + "ed" + ], + [ + "▁", + "named" + ], + [ + "ex", + "ec" + ], + [ + "exe", + "c" + ], + [ + "▁se", + "ason" + ], + [ + "▁sea", + "son" + ], + [ + "▁", + "season" + ], + [ + "to", + "t" + ], + [ + "t", + "ot" + ], + [ + "=", + ">" + ], + [ + "gr", + "aph" + ], + [ + "gra", + "ph" + ], + [ + "g", + "raph" + ], + [ + "▁n", + "il" + ], + [ + "▁ni", + "l" + ], + [ + "▁", + "nil" + ], + [ + "ac", + "ional" + ], + [ + "acion", + "al" + ], + [ + "aci", + "onal" + ], + [ + "▁N", + "ULL" + ], + [ + "▁", + "NULL" + ], + [ + "▁spe", + "cial" + ], + [ + "▁spec", + "ial" + ], + [ + "▁", + "special" + ], + [ + "ст", + "е" + ], + [ + "с", + "те" + ], + [ + "cs", + "s" + ], + [ + "c", + "ss" + ], + [ + "▁\\", + "(" + ], + [ + "v", + "s" + ], + [ + "ae", + "l" + ], + [ + "a", + "el" + ], + [ + "▁c", + "ity" + ], + [ + "▁ci", + "ty" + ], + [ + "▁cit", + "y" + ], + [ + "▁", + "city" + ], + [ + "ov", + "a" + ], + [ + "o", + "va" + ], + [ + "▁art", + "icle" + ], + [ + "▁", + "article" + ], + [ + "▁S", + "outh" + ], + [ + "▁So", + "uth" + ], + [ + "▁Sou", + "th" + ], + [ + "Act", + "ion" + ], + [ + "Ac", + "tion" + ], + [ + "A", + "ction" + ], + [ + "ç", + "a" + ], + [ + "sp", + "ring" + ], + [ + "spr", + "ing" + ], + [ + "s", + "pring" + ], + [ + "it", + "ude" + ], + [ + "itu", + "de" + ], + [ + "itud", + "e" + ], + [ + "▁com", + "plex" + ], + [ + "▁comp", + "lex" + ], + [ + "▁comple", + "x" + ], + [ + "▁compl", + "ex" + ], + [ + "▁", + "complex" + ], + [ + "▁ч", + "то" + ], + [ + "bu", + "ild" + ], + [ + "g", + "amma" + ], + [ + "▁E", + "nt" + ], + [ + "▁En", + "t" + ], + [ + "▁", + "Ent" + ], + [ + "ie", + "rs" + ], + [ + "ier", + "s" + ], + [ + "i", + "ers" + ], + [ + "'", + "." + ], + [ + "ca", + "r" + ], + [ + "c", + "ar" + ], + [ + "ap", + "ache" + ], + [ + "apa", + "che" + ], + [ + "in", + "gen" + ], + [ + "ing", + "en" + ], + [ + "inge", + "n" + ], + [ + "In", + "put" + ], + [ + ":", + " " + ], + [ + "▁d", + "ynam" + ], + [ + "▁dy", + "nam" + ], + [ + "al", + "ls" + ], + [ + "all", + "s" + ], + [ + "sh", + "ow" + ], + [ + "s", + "how" + ], + [ + "|", + "\\" + ], + [ + "▁w", + "ird" + ], + [ + "▁wir", + "d" + ], + [ + "B", + "ar" + ], + [ + "al", + "th" + ], + [ + "alt", + "h" + ], + [ + "mod", + "el" + ], + [ + "mo", + "del" + ], + [ + "mode", + "l" + ], + [ + "m", + "odel" + ], + [ + "Tr", + "ans" + ], + [ + "Tra", + "ns" + ], + [ + "Ro", + "w" + ], + [ + "R", + "ow" + ], + [ + "ab", + "e" + ], + [ + "a", + "be" + ], + [ + "▁l", + "ib" + ], + [ + "▁li", + "b" + ], + [ + "▁", + "lib" + ], + [ + "nu", + "ll" + ], + [ + "n", + "ull" + ], + [ + "ra", + "gment" + ], + [ + "rag", + "ment" + ], + [ + "▁St", + "ate" + ], + [ + "▁Stat", + "e" + ], + [ + "▁Sta", + "te" + ], + [ + "▁", + "State" + ], + [ + "▁l", + "aw" + ], + [ + "▁la", + "w" + ], + [ + "▁", + "law" + ], + [ + "Fr", + "ame" + ], + [ + "F", + "rame" + ], + [ + "▁L", + "o" + ], + [ + "▁", + "Lo" + ], + [ + "ge", + "b" + ], + [ + "g", + "eb" + ], + [ + "}$", + "." + ], + [ + "}", + "$." + ], + [ + "▁ne", + "eded" + ], + [ + "▁need", + "ed" + ], + [ + "▁con", + "tr" + ], + [ + "▁cont", + "r" + ], + [ + "▁", + "contr" + ], + [ + "ar", + "ies" + ], + [ + "ari", + "es" + ], + [ + "arie", + "s" + ], + [ + "a", + "ries" + ], + [ + "▁s", + "creen" + ], + [ + "▁sc", + "reen" + ], + [ + "▁scr", + "een" + ], + [ + "▁", + "screen" + ], + [ + "y", + "r" + ], + [ + "m", + "m" + ], + [ + "▁sh", + "own" + ], + [ + "▁show", + "n" + ], + [ + "▁sho", + "wn" + ], + [ + "▁b", + "ad" + ], + [ + "▁ba", + "d" + ], + [ + "▁", + "bad" + ], + [ + "▁c", + "ast" + ], + [ + "▁cas", + "t" + ], + [ + "▁ca", + "st" + ], + [ + "▁", + "cast" + ], + [ + "▁T", + "est" + ], + [ + "▁Te", + "st" + ], + [ + "▁", + "Test" + ], + [ + "▁A", + "uf" + ], + [ + "▁Au", + "f" + ], + [ + "▁qu", + "ant" + ], + [ + "▁quan", + "t" + ], + [ + "▁", + "quant" + ], + [ + "ig", + "a" + ], + [ + "i", + "ga" + ], + [ + "▁re", + "n" + ], + [ + "▁r", + "en" + ], + [ + "▁", + "ren" + ], + [ + "▁M", + "ac" + ], + [ + "▁Ma", + "c" + ], + [ + "▁", + "Mac" + ], + [ + "▁trans", + "form" + ], + [ + "▁", + "transform" + ], + [ + "▁d", + "ifference" + ], + [ + "▁dif", + "ference" + ], + [ + "▁differ", + "ence" + ], + [ + "▁t", + "it" + ], + [ + "▁ti", + "t" + ], + [ + "▁", + "tit" + ], + [ + "T", + "E" + ], + [ + "▁st", + "ep" + ], + [ + "▁ste", + "p" + ], + [ + "▁", + "step" + ], + [ + "▁c", + "apt" + ], + [ + "▁cap", + "t" + ], + [ + "▁ca", + "pt" + ], + [ + "▁", + "capt" + ], + [ + "▁col", + "lection" + ], + [ + "▁coll", + "ection" + ], + [ + "▁collect", + "ion" + ], + [ + "▁colle", + "ction" + ], + [ + "▁", + "collection" + ], + [ + "iction", + "ary" + ], + [ + "▁T", + "om" + ], + [ + "▁To", + "m" + ], + [ + "▁", + "Tom" + ], + [ + "ri", + "er" + ], + [ + "rie", + "r" + ], + [ + "r", + "ier" + ], + [ + "▁m", + "ove" + ], + [ + "▁mov", + "e" + ], + [ + "▁mo", + "ve" + ], + [ + "▁", + "move" + ], + [ + "co", + "pe" + ], + [ + "cop", + "e" + ], + [ + "c", + "ope" + ], + [ + "or", + "ds" + ], + [ + "ord", + "s" + ], + [ + "▁fur", + "ther" + ], + [ + "▁column", + "s" + ], + [ + "▁", + "columns" + ], + [ + "▁L", + "in" + ], + [ + "▁Li", + "n" + ], + [ + "▁", + "Lin" + ], + [ + "▁f", + "ixed" + ], + [ + "▁fix", + "ed" + ], + [ + "▁", + "fixed" + ], + [ + "▁child", + "ren" + ], + [ + "▁", + "children" + ], + [ + "M", + "S" + ], + [ + "m", + "o" + ], + [ + "un", + "a" + ], + [ + "u", + "na" + ], + [ + "▁ind", + "ivid" + ], + [ + "tt", + "y" + ], + [ + "t", + "ty" + ], + [ + "as", + "te" + ], + [ + "ast", + "e" + ], + [ + "a", + "ste" + ], + [ + "sr", + "c" + ], + [ + "s", + "rc" + ], + [ + "mat", + "ch" + ], + [ + "m", + "atch" + ], + [ + "w", + "i" + ], + [ + "▁", + "х" + ], + [ + "▁д", + "и" + ], + [ + "▁", + "ди" + ], + [ + "▁o", + "rd" + ], + [ + "▁or", + "d" + ], + [ + "▁", + "ord" + ], + [ + "iv", + "ing" + ], + [ + "ivi", + "ng" + ], + [ + "i", + "ving" + ], + [ + "▁B", + "ro" + ], + [ + "▁Br", + "o" + ], + [ + "▁", + "Bro" + ], + [ + "▁al", + "most" + ], + [ + "▁P", + "res" + ], + [ + "▁Pr", + "es" + ], + [ + "▁Pre", + "s" + ], + [ + "▁", + "Pres" + ], + [ + "re", + "ci" + ], + [ + "rec", + "i" + ], + [ + "ar", + "ing" + ], + [ + "ari", + "ng" + ], + [ + "arin", + "g" + ], + [ + "a", + "ring" + ], + [ + "▁/", + "//" + ], + [ + "▁//", + "/" + ], + [ + "▁", + "///" + ], + [ + "ет", + "ся" + ], + [ + "е", + "тся" + ], + [ + "▁s", + "ig" + ], + [ + "▁si", + "g" + ], + [ + "▁", + "sig" + ], + [ + "lig", + "ht" + ], + [ + "l", + "ight" + ], + [ + "▁R", + "ed" + ], + [ + "▁Re", + "d" + ], + [ + "▁", + "Red" + ], + [ + "▁sugg", + "est" + ], + [ + "▁sug", + "gest" + ], + [ + "ol", + "f" + ], + [ + "▁é", + "té" + ], + [ + "▁ét", + "é" + ], + [ + "▁", + "été" + ], + [ + "is", + "ation" + ], + [ + "isa", + "tion" + ], + [ + "isat", + "ion" + ], + [ + "з", + "на" + ], + [ + "Ne", + "w" + ], + [ + "N", + "ew" + ], + [ + "ст", + "ан" + ], + [ + "ста", + "н" + ], + [ + "с", + "тан" + ], + [ + "L", + "A" + ], + [ + "un", + "icip" + ], + [ + "unic", + "ip" + ], + [ + "uni", + "cip" + ], + [ + "▁fig", + "ure" + ], + [ + "▁figur", + "e" + ], + [ + "▁", + "figure" + ], + [ + "m", + "t" + ], + [ + "ia", + "le" + ], + [ + "ial", + "e" + ], + [ + "i", + "ale" + ], + [ + "▁c", + "atch" + ], + [ + "▁cat", + "ch" + ], + [ + "▁", + "catch" + ], + [ + "de", + "fault" + ], + [ + "def", + "ault" + ], + [ + "▁t", + "ele" + ], + [ + "▁te", + "le" + ], + [ + "▁tel", + "e" + ], + [ + "▁", + "tele" + ], + [ + "▁m", + "atter" + ], + [ + "▁mat", + "ter" + ], + [ + "ca", + "st" + ], + [ + "cas", + "t" + ], + [ + "c", + "ast" + ], + [ + "▁R", + "ich" + ], + [ + "▁Ric", + "h" + ], + [ + "▁Ri", + "ch" + ], + [ + "▁", + "Rich" + ], + [ + "▁hand", + "le" + ], + [ + "▁", + "handle" + ], + [ + "val", + "u" + ], + [ + "va", + "lu" + ], + [ + "v", + "alu" + ], + [ + "$", + "-" + ], + [ + "о", + "б" + ], + [ + "▁j", + "son" + ], + [ + "▁js", + "on" + ], + [ + "▁", + "json" + ], + [ + "Cre", + "ate" + ], + [ + "C", + "reate" + ], + [ + "▁ex", + "am" + ], + [ + "ал", + "ь" + ], + [ + "а", + "ль" + ], + [ + "ю", + "т" + ], + [ + "or", + "ed" + ], + [ + "ore", + "d" + ], + [ + "o", + "red" + ], + [ + "id", + "os" + ], + [ + "ido", + "s" + ], + [ + "ap", + "pend" + ], + [ + "app", + "end" + ], + [ + "appen", + "d" + ], + [ + "appe", + "nd" + ], + [ + "▁Ar", + "ray" + ], + [ + "▁Arr", + "ay" + ], + [ + "▁", + "Array" + ], + [ + "к", + "с" + ], + [ + "}", + "[" + ], + [ + "ri", + "ve" + ], + [ + "riv", + "e" + ], + [ + "r", + "ive" + ], + [ + "▁c", + "lub" + ], + [ + "▁cl", + "ub" + ], + [ + "▁", + "club" + ], + [ + "ma", + "nn" + ], + [ + "man", + "n" + ], + [ + "m", + "ann" + ], + [ + "▁e", + "ste" + ], + [ + "▁est", + "e" + ], + [ + "▁es", + "te" + ], + [ + "▁", + "este" + ], + [ + "es", + "ta" + ], + [ + "est", + "a" + ], + [ + "e", + "sta" + ], + [ + "▁G", + "i" + ], + [ + "▁", + "Gi" + ], + [ + "▁J", + "ap" + ], + [ + "▁Ja", + "p" + ], + [ + "▁N", + "ame" + ], + [ + "▁Na", + "me" + ], + [ + "▁Nam", + "e" + ], + [ + "▁", + "Name" + ], + [ + "Col", + "umn" + ], + [ + "ou", + "ps" + ], + [ + "oup", + "s" + ], + [ + "o", + "ups" + ], + [ + "is", + "mo" + ], + [ + "ism", + "o" + ], + [ + "▁C", + "ity" + ], + [ + "▁Ci", + "ty" + ], + [ + "▁Cit", + "y" + ], + [ + "▁", + "City" + ], + [ + "▁class", + "es" + ], + [ + "▁classe", + "s" + ], + [ + "▁", + "classes" + ], + [ + "▁in", + "fl" + ], + [ + "▁inf", + "l" + ], + [ + "▁", + "infl" + ], + [ + "h", + "l" + ], + [ + "ро", + "м" + ], + [ + "р", + "ом" + ], + [ + "▁ad", + "ding" + ], + [ + "▁add", + "ing" + ], + [ + "▁", + "adding" + ], + [ + "▁f", + "ail" + ], + [ + "▁fa", + "il" + ], + [ + "▁", + "fail" + ], + [ + "x", + "x" + ], + [ + "õ", + "es" + ], + [ + "S", + "c" + ], + [ + "ut", + "il" + ], + [ + "uti", + "l" + ], + [ + "u", + "til" + ], + [ + "▁l", + "ocation" + ], + [ + "▁lo", + "cation" + ], + [ + "▁loc", + "ation" + ], + [ + "▁", + "location" + ], + [ + "le", + "ge" + ], + [ + "leg", + "e" + ], + [ + "l", + "ege" + ], + [ + "ag", + "o" + ], + [ + "a", + "go" + ], + [ + "▁pro", + "perties" + ], + [ + "▁proper", + "ties" + ], + [ + "▁", + "properties" + ], + [ + "ab", + "il" + ], + [ + "abi", + "l" + ], + [ + "a", + "bil" + ], + [ + "va", + "s" + ], + [ + "v", + "as" + ], + [ + "}$", + "," + ], + [ + "}", + "$," + ], + [ + "it", + "ted" + ], + [ + "itt", + "ed" + ], + [ + "itte", + "d" + ], + [ + "ó", + "d" + ], + [ + "▁D", + "em" + ], + [ + "▁De", + "m" + ], + [ + "▁as", + "ked" + ], + [ + "▁ask", + "ed" + ], + [ + "▁t", + "ab" + ], + [ + "▁ta", + "b" + ], + [ + "▁", + "tab" + ], + [ + "S", + "ource" + ], + [ + "▁error", + "s" + ], + [ + "▁err", + "ors" + ], + [ + "▁", + "errors" + ], + [ + "ograph", + "ie" + ], + [ + "▁ж", + "и" + ], + [ + "▁", + "жи" + ], + [ + "▁m", + "al" + ], + [ + "▁ma", + "l" + ], + [ + "▁", + "mal" + ], + [ + "st", + "ract" + ], + [ + "str", + "act" + ], + [ + "stra", + "ct" + ], + [ + "▁d", + "ro" + ], + [ + "▁dr", + "o" + ], + [ + "▁", + "dro" + ], + [ + "ra", + "k" + ], + [ + "r", + "ak" + ], + [ + "▁n", + "ote" + ], + [ + "▁not", + "e" + ], + [ + "▁no", + "te" + ], + [ + "▁", + "note" + ], + [ + "▁set", + "ting" + ], + [ + "▁sett", + "ing" + ], + [ + "▁", + "setting" + ], + [ + "▁f", + "em" + ], + [ + "▁fe", + "m" + ], + [ + "▁s", + "aw" + ], + [ + "▁sa", + "w" + ], + [ + "ia", + "r" + ], + [ + "i", + "ar" + ], + [ + "HE", + "R" + ], + [ + "H", + "ER" + ], + [ + "е", + "с" + ], + [ + "▁p", + "red" + ], + [ + "▁pr", + "ed" + ], + [ + "▁pre", + "d" + ], + [ + "▁", + "pred" + ], + [ + "▁O", + "ut" + ], + [ + "▁", + "Out" + ], + [ + "▁it", + "ems" + ], + [ + "▁item", + "s" + ], + [ + "▁", + "items" + ], + [ + "ла", + "н" + ], + [ + "л", + "ан" + ], + [ + "▁w", + "erd" + ], + [ + "▁we", + "rd" + ], + [ + "▁wer", + "d" + ], + [ + "ers", + "ion" + ], + [ + "li", + "a" + ], + [ + "l", + "ia" + ], + [ + "▁s", + "in" + ], + [ + "▁si", + "n" + ], + [ + "▁", + "sin" + ], + [ + "ich", + "te" + ], + [ + "icht", + "e" + ], + [ + "i", + "chte" + ], + [ + "▁fe", + "el" + ], + [ + "▁fee", + "l" + ], + [ + "▁п", + "ра" + ], + [ + "▁пр", + "а" + ], + [ + "▁", + "пра" + ], + [ + "▁o", + "der" + ], + [ + "▁od", + "er" + ], + [ + "▁", + "oder" + ], + [ + "U", + "E" + ], + [ + "oc", + "ument" + ], + [ + "▁m", + "ode" + ], + [ + "▁mod", + "e" + ], + [ + "▁mo", + "de" + ], + [ + "▁", + "mode" + ], + [ + "▁N", + "a" + ], + [ + "▁", + "Na" + ], + [ + "де", + "н" + ], + [ + "д", + "ен" + ], + [ + "me", + "s" + ], + [ + "m", + "es" + ], + [ + "frame", + "work" + ], + [ + "▁a", + "uto" + ], + [ + "▁au", + "to" + ], + [ + "▁aut", + "o" + ], + [ + "▁", + "auto" + ], + [ + "ны", + "м" + ], + [ + "н", + "ым" + ], + [ + "ub", + "y" + ], + [ + "u", + "by" + ], + [ + "▁tem", + "plate" + ], + [ + "▁temp", + "late" + ], + [ + "▁", + "template" + ], + [ + "▁m", + "ess" + ], + [ + "▁me", + "ss" + ], + [ + "▁mes", + "s" + ], + [ + "▁", + "mess" + ], + [ + "ie", + "der" + ], + [ + "ied", + "er" + ], + [ + "i", + "eder" + ], + [ + "▁rel", + "ated" + ], + [ + "▁rela", + "ted" + ], + [ + "▁relate", + "d" + ], + [ + "▁", + "related" + ], + [ + "ok", + "en" + ], + [ + "oke", + "n" + ], + [ + "o", + "ken" + ], + [ + "▁follow", + "s" + ], + [ + "se", + "arch" + ], + [ + "s", + "earch" + ], + [ + "am", + "i" + ], + [ + "a", + "mi" + ], + [ + "▁w", + "ait" + ], + [ + "▁wa", + "it" + ], + [ + "▁", + "wait" + ], + [ + "ig", + "r" + ], + [ + "i", + "gr" + ], + [ + "▁l", + "ow" + ], + [ + "▁lo", + "w" + ], + [ + "▁", + "low" + ], + [ + "ски", + "х" + ], + [ + "ск", + "их" + ], + [ + "с", + "ких" + ], + [ + "ска", + "я" + ], + [ + "с", + "кая" + ], + [ + "▁M", + "ark" + ], + [ + "▁Mar", + "k" + ], + [ + "▁", + "Mark" + ], + [ + "▁i", + "ll" + ], + [ + "▁il", + "l" + ], + [ + "▁", + "ill" + ], + [ + "am", + "ento" + ], + [ + "ament", + "o" + ], + [ + "amen", + "to" + ], + [ + "\\", + "<" + ], + [ + "▁d", + "f" + ], + [ + "▁", + "df" + ], + [ + "os", + "ition" + ], + [ + "osi", + "tion" + ], + [ + "▁В", + "и" + ], + [ + "is", + "f" + ], + [ + "i", + "sf" + ], + [ + "▁De", + "utsch" + ], + [ + "ah", + "l" + ], + [ + "a", + "hl" + ], + [ + "wa", + "r" + ], + [ + "w", + "ar" + ], + [ + "it", + "ect" + ], + [ + "ite", + "ct" + ], + [ + "▁s", + "al" + ], + [ + "▁sa", + "l" + ], + [ + "▁", + "sal" + ], + [ + "el", + "en" + ], + [ + "ele", + "n" + ], + [ + "e", + "len" + ], + [ + "By", + "Id" + ], + [ + "▁g", + "ru" + ], + [ + "▁gr", + "u" + ], + [ + "▁", + "gru" + ], + [ + "s", + "v" + ], + [ + "▁pass", + "ed" + ], + [ + "▁pas", + "sed" + ], + [ + "▁passe", + "d" + ], + [ + "▁a", + "ñ" + ], + [ + "▁", + "añ" + ], + [ + "Sc", + "h" + ], + [ + "S", + "ch" + ], + [ + "▁sol", + "ve" + ], + [ + "we", + "ise" + ], + [ + "weis", + "e" + ], + [ + "wei", + "se" + ], + [ + "at", + "os" + ], + [ + "ato", + "s" + ], + [ + "▁m", + "eg" + ], + [ + "▁me", + "g" + ], + [ + "▁m", + "ember" + ], + [ + "▁mem", + "ber" + ], + [ + "▁memb", + "er" + ], + [ + "▁", + "member" + ], + [ + "er", + "name" + ], + [ + "ern", + "ame" + ], + [ + "erna", + "me" + ], + [ + "▁con", + "nect" + ], + [ + "▁conne", + "ct" + ], + [ + "▁conn", + "ect" + ], + [ + "▁", + "connect" + ], + [ + "ip", + "s" + ], + [ + "i", + "ps" + ], + [ + "▁r", + "ound" + ], + [ + "▁ro", + "und" + ], + [ + "▁rou", + "nd" + ], + [ + "▁", + "round" + ], + [ + "▁", + "]" + ], + [ + "ne", + "s" + ], + [ + "n", + "es" + ], + [ + "▁d", + "ir" + ], + [ + "▁di", + "r" + ], + [ + "▁", + "dir" + ], + [ + "▁Lond", + "on" + ], + [ + "d", + "y" + ], + [ + "F", + "A" + ], + [ + "▁rece", + "ived" + ], + [ + "▁receive", + "d" + ], + [ + "re", + "et" + ], + [ + "ree", + "t" + ], + [ + "▁L", + "og" + ], + [ + "▁Lo", + "g" + ], + [ + "▁", + "Log" + ], + [ + "▁Sch", + "ool" + ], + [ + "an", + "go" + ], + [ + "ang", + "o" + ], + [ + "▁The", + "se" + ], + [ + "▁Th", + "ese" + ], + [ + "▁M", + "ont" + ], + [ + "▁Mon", + "t" + ], + [ + "▁Mo", + "nt" + ], + [ + "▁", + "Mont" + ], + [ + "▁e", + "ner" + ], + [ + "▁en", + "er" + ], + [ + "▁", + "ener" + ], + [ + "la", + "d" + ], + [ + "l", + "ad" + ], + [ + "▁def", + "ine" + ], + [ + "▁defin", + "e" + ], + [ + "▁", + "define" + ], + [ + "si", + "gn" + ], + [ + "sig", + "n" + ], + [ + "s", + "ign" + ], + [ + "▁c", + "le" + ], + [ + "▁cl", + "e" + ], + [ + "▁", + "cle" + ], + [ + "fig", + "ure" + ], + [ + "▁V", + "iew" + ], + [ + "▁Vi", + "ew" + ], + [ + "▁Vie", + "w" + ], + [ + "▁", + "View" + ], + [ + "text", + "bf" + ], + [ + "$", + "\\" + ], + [ + "з", + "ы" + ], + [ + "num", + "ber" + ], + [ + "n", + "umber" + ], + [ + "▁d", + "in" + ], + [ + "▁di", + "n" + ], + [ + "▁", + "din" + ], + [ + "el", + "ler" + ], + [ + "ell", + "er" + ], + [ + "elle", + "r" + ], + [ + "orith", + "m" + ], + [ + "ori", + "thm" + ], + [ + "fal", + "se" + ], + [ + "f", + "alse" + ], + [ + "fo", + "l" + ], + [ + "f", + "ol" + ], + [ + "ffic", + "ient" + ], + [ + "▁HT", + "ML" + ], + [ + "▁", + "HTML" + ], + [ + "li", + "che" + ], + [ + "lic", + "he" + ], + [ + "lich", + "e" + ], + [ + "l", + "iche" + ], + [ + "▁M", + "o" + ], + [ + "▁", + "Mo" + ], + [ + "▁int", + "rodu" + ], + [ + "▁intr", + "odu" + ], + [ + "▁intro", + "du" + ], + [ + "ex", + "p" + ], + [ + "e", + "xp" + ], + [ + "▁st", + "rong" + ], + [ + "▁str", + "ong" + ], + [ + "▁stro", + "ng" + ], + [ + "▁", + "strong" + ], + [ + "▁t", + "hus" + ], + [ + "▁th", + "us" + ], + [ + "/", + ")" + ], + [ + "▁e", + "le" + ], + [ + "▁el", + "e" + ], + [ + "▁", + "ele" + ], + [ + "▁та", + "к" + ], + [ + "▁", + "так" + ], + [ + "▁п", + "а" + ], + [ + "▁", + "па" + ], + [ + "▁d", + "ont" + ], + [ + "▁do", + "nt" + ], + [ + "▁don", + "t" + ], + [ + "▁c", + "ause" + ], + [ + "▁caus", + "e" + ], + [ + "▁ca", + "use" + ], + [ + "Num", + "ber" + ], + [ + "N", + "umber" + ], + [ + "▁im", + "ages" + ], + [ + "▁image", + "s" + ], + [ + "▁imag", + "es" + ], + [ + "▁", + "images" + ], + [ + "▁s", + "ample" + ], + [ + "▁sam", + "ple" + ], + [ + "▁", + "sample" + ], + [ + "▁s", + "ci" + ], + [ + "▁sc", + "i" + ], + [ + "▁", + "sci" + ], + [ + "li", + "ke" + ], + [ + "lik", + "e" + ], + [ + "l", + "ike" + ], + [ + "▁L", + "ou" + ], + [ + "▁Lo", + "u" + ], + [ + "▁", + "Lou" + ], + [ + "di", + "v" + ], + [ + "d", + "iv" + ], + [ + "an", + "c" + ], + [ + "a", + "nc" + ], + [ + "▁f", + "ront" + ], + [ + "▁fr", + "ont" + ], + [ + "▁fro", + "nt" + ], + [ + "▁", + "front" + ], + [ + "ne", + "n" + ], + [ + "n", + "en" + ], + [ + "▁miss", + "ing" + ], + [ + "▁mis", + "sing" + ], + [ + "▁", + "missing" + ], + [ + "ar", + "ia" + ], + [ + "ari", + "a" + ], + [ + "a", + "ria" + ], + [ + "pr", + "es" + ], + [ + "pre", + "s" + ], + [ + "p", + "res" + ], + [ + "▁п", + "ред" + ], + [ + "▁пре", + "д" + ], + [ + "D", + "I" + ], + [ + "fil", + "ter" + ], + [ + "▁M", + "it" + ], + [ + "▁Mi", + "t" + ], + [ + "U", + "R" + ], + [ + "▁o", + "pp" + ], + [ + "▁op", + "p" + ], + [ + "▁", + "opp" + ], + [ + "▁s", + "ql" + ], + [ + "▁sq", + "l" + ], + [ + "▁", + "sql" + ], + [ + "▁ро", + "ку" + ], + [ + "er", + "en" + ], + [ + "ere", + "n" + ], + [ + "e", + "ren" + ], + [ + "em", + "at" + ], + [ + "ema", + "t" + ], + [ + "e", + "mat" + ], + [ + "í", + "s" + ], + [ + "▁Je", + "an" + ], + [ + "▁", + "Jean" + ], + [ + "é", + "c" + ], + [ + "▁c", + "i" + ], + [ + "▁", + "ci" + ], + [ + "en", + "ne" + ], + [ + "enn", + "e" + ], + [ + "at", + "form" + ], + [ + "▁t", + "aken" + ], + [ + "▁tak", + "en" + ], + [ + "▁take", + "n" + ], + [ + "▁ta", + "ken" + ], + [ + "▁O", + "f" + ], + [ + "▁", + "Of" + ], + [ + "▁на", + "се" + ], + [ + "▁e", + "rr" + ], + [ + "▁er", + "r" + ], + [ + "▁", + "err" + ], + [ + "O", + "P" + ], + [ + "Fr", + "om" + ], + [ + "F", + "rom" + ], + [ + "De", + "fault" + ], + [ + "Def", + "ault" + ], + [ + "▁Gener", + "al" + ], + [ + "▁Gen", + "eral" + ], + [ + "▁Gene", + "ral" + ], + [ + "▁", + "General" + ], + [ + "wik", + "i" + ], + [ + "wi", + "ki" + ], + [ + "w", + "iki" + ], + [ + "▁g", + "rand" + ], + [ + "▁gr", + "and" + ], + [ + "▁gra", + "nd" + ], + [ + "▁gran", + "d" + ], + [ + "▁", + "grand" + ], + [ + "▁e", + "inen" + ], + [ + "▁ein", + "en" + ], + [ + "▁eine", + "n" + ], + [ + "Re", + "g" + ], + [ + "R", + "eg" + ], + [ + "Hand", + "ler" + ], + [ + "Handle", + "r" + ], + [ + "con", + "om" + ], + [ + "co", + "nom" + ], + [ + "cono", + "m" + ], + [ + "c", + "onom" + ], + [ + "an", + "ger" + ], + [ + "ang", + "er" + ], + [ + "ange", + "r" + ], + [ + "▁бы", + "л" + ], + [ + "▁L", + "os" + ], + [ + "▁Lo", + "s" + ], + [ + "▁", + "Los" + ], + [ + "▁ex", + "pression" + ], + [ + "▁exp", + "ression" + ], + [ + "▁express", + "ion" + ], + [ + "▁expr", + "ession" + ], + [ + "▁", + "expression" + ], + [ + "ш", + "а" + ], + [ + "ya", + "l" + ], + [ + "y", + "al" + ], + [ + "▁$", + "('" + ], + [ + "▁$(", + "'" + ], + [ + "▁sw", + "itch" + ], + [ + "▁", + "switch" + ], + [ + "▁v", + "ector" + ], + [ + "▁ve", + "ctor" + ], + [ + "▁vec", + "tor" + ], + [ + "▁", + "vector" + ], + [ + "▁T", + "hom" + ], + [ + "▁Th", + "om" + ], + [ + "▁v", + "irt" + ], + [ + "▁vi", + "rt" + ], + [ + "▁vir", + "t" + ], + [ + "▁", + "virt" + ], + [ + "le", + "ased" + ], + [ + "lease", + "d" + ], + [ + "lea", + "sed" + ], + [ + "▁c", + "over" + ], + [ + "▁co", + "ver" + ], + [ + "▁cov", + "er" + ], + [ + "▁", + "cover" + ], + [ + "▁re", + "sp" + ], + [ + "▁r", + "esp" + ], + [ + "▁res", + "p" + ], + [ + "▁", + "resp" + ], + [ + "ak", + "o" + ], + [ + "a", + "ko" + ], + [ + "ren", + "ch" + ], + [ + "ot", + "a" + ], + [ + "o", + "ta" + ], + [ + "C", + "ell" + ], + [ + "an", + "ged" + ], + [ + "ang", + "ed" + ], + [ + "ange", + "d" + ], + [ + "▁+", + "=" + ], + [ + "▁", + "+=" + ], + [ + "la", + "c" + ], + [ + "l", + "ac" + ], + [ + "sk", + "a" + ], + [ + "s", + "ka" + ], + [ + "ne", + "xt" + ], + [ + "nex", + "t" + ], + [ + "n", + "ext" + ], + [ + "▁Intern", + "ational" + ], + [ + "▁W", + "il" + ], + [ + "▁Wi", + "l" + ], + [ + "▁", + "Wil" + ], + [ + "▁o", + "nt" + ], + [ + "▁on", + "t" + ], + [ + "▁", + "ont" + ], + [ + "ib", + "r" + ], + [ + "i", + "br" + ], + [ + "us", + "tr" + ], + [ + "ust", + "r" + ], + [ + "u", + "str" + ], + [ + "▁b", + "lack" + ], + [ + "▁bl", + "ack" + ], + [ + "▁bla", + "ck" + ], + [ + "▁", + "black" + ], + [ + "▁select", + "ed" + ], + [ + "▁sel", + "ected" + ], + [ + "▁sele", + "cted" + ], + [ + "▁", + "selected" + ], + [ + "ch", + "er" + ], + [ + "che", + "r" + ], + [ + "c", + "her" + ], + [ + "▁l", + "iter" + ], + [ + "▁li", + "ter" + ], + [ + "▁lit", + "er" + ], + [ + "▁", + "liter" + ], + [ + "ro", + "ot" + ], + [ + "r", + "oot" + ], + [ + "л", + "ся" + ], + [ + "▁L", + "ife" + ], + [ + "▁Li", + "fe" + ], + [ + "▁", + "Life" + ], + [ + "▁in", + "sert" + ], + [ + "▁ins", + "ert" + ], + [ + "▁inser", + "t" + ], + [ + "▁inse", + "rt" + ], + [ + "▁", + "insert" + ], + [ + "▁mat", + "rix" + ], + [ + "▁", + "matrix" + ], + [ + "is", + "es" + ], + [ + "ise", + "s" + ], + [ + ")", + "]" + ], + [ + "▁p", + "el" + ], + [ + "▁pe", + "l" + ], + [ + "▁", + "pel" + ], + [ + "Over", + "ride" + ], + [ + "ry", + "pt" + ], + [ + "▁for", + "mer" + ], + [ + "▁form", + "er" + ], + [ + "▁forme", + "r" + ], + [ + "▁", + "former" + ], + [ + "▁Fil", + "m" + ], + [ + "▁N", + "orth" + ], + [ + "▁Nor", + "th" + ], + [ + "cl", + "ient" + ], + [ + "cli", + "ent" + ], + [ + "c", + "lient" + ], + [ + "▁n", + "ight" + ], + [ + "▁", + "night" + ], + [ + "хо", + "ди" + ], + [ + "ход", + "и" + ], + [ + "▁A", + "ustral" + ], + [ + "▁Aust", + "ral" + ], + [ + "▁", + "Austral" + ], + [ + "▁R", + "et" + ], + [ + "▁Re", + "t" + ], + [ + "▁", + "Ret" + ], + [ + "rh", + "o" + ], + [ + "r", + "ho" + ], + [ + "▁п", + "ер" + ], + [ + "▁пе", + "р" + ], + [ + "▁", + "пер" + ], + [ + "ip", + "edia" + ], + [ + "ipe", + "dia" + ], + [ + "▁ex", + "press" + ], + [ + "▁exp", + "ress" + ], + [ + "▁expr", + "ess" + ], + [ + "▁expres", + "s" + ], + [ + "▁", + "express" + ], + [ + "▁th", + "ird" + ], + [ + "▁", + "third" + ], + [ + "▁ma", + "jor" + ], + [ + "▁maj", + "or" + ], + [ + "▁", + "major" + ], + [ + "▁g", + "rad" + ], + [ + "▁gr", + "ad" + ], + [ + "▁gra", + "d" + ], + [ + "▁", + "grad" + ], + [ + "ow", + "e" + ], + [ + "o", + "we" + ], + [ + "▁bel", + "ieve" + ], + [ + "our", + "nal" + ], + [ + "ourn", + "al" + ], + [ + "▁st", + "atus" + ], + [ + "▁stat", + "us" + ], + [ + "▁", + "status" + ], + [ + "un", + "c" + ], + [ + "u", + "nc" + ], + [ + "▁d", + "ou" + ], + [ + "▁do", + "u" + ], + [ + "▁J", + "SON" + ], + [ + "▁JS", + "ON" + ], + [ + "▁", + "JSON" + ], + [ + "ui", + "s" + ], + [ + "u", + "is" + ], + [ + "▁pop", + "ulation" + ], + [ + "▁popula", + "tion" + ], + [ + "▁popul", + "ation" + ], + [ + "en", + "z" + ], + [ + "▁Will", + "iam" + ], + [ + "s", + "f" + ], + [ + "▁O", + "bject" + ], + [ + "▁Ob", + "ject" + ], + [ + "▁", + "Object" + ], + [ + "▁c", + "in" + ], + [ + "▁ci", + "n" + ], + [ + "▁", + "cin" + ], + [ + "▁D", + "i" + ], + [ + "▁", + "Di" + ], + [ + "cur", + "ity" + ], + [ + "c", + "urity" + ], + [ + "▁O", + "pen" + ], + [ + "▁Op", + "en" + ], + [ + "▁", + "Open" + ], + [ + "▁", + "ле" + ], + [ + "la", + "r" + ], + [ + "l", + "ar" + ], + [ + "ad", + "ding" + ], + [ + "add", + "ing" + ], + [ + "▁k", + "om" + ], + [ + "▁ko", + "m" + ], + [ + "▁", + "kom" + ], + [ + "}(", + "\\" + ], + [ + "}", + "(\\" + ], + [ + "▁k", + "il" + ], + [ + "▁ki", + "l" + ], + [ + "▁", + "kil" + ], + [ + "um", + "er" + ], + [ + "ume", + "r" + ], + [ + "u", + "mer" + ], + [ + "\"/", + ">" + ], + [ + "\"", + "/>" + ], + [ + "▁fe", + "ature" + ], + [ + "▁", + "feature" + ], + [ + "▁A", + "re" + ], + [ + "▁Ar", + "e" + ], + [ + "▁", + "Are" + ], + [ + "ck", + "s" + ], + [ + "c", + "ks" + ], + [ + "▁Intern", + "et" + ], + [ + "▁Inter", + "net" + ], + [ + "▁", + "Internet" + ], + [ + "▁i", + "h" + ], + [ + "▁", + "ih" + ], + [ + "▁start", + "ed" + ], + [ + "▁star", + "ted" + ], + [ + "▁ear", + "ly" + ], + [ + "▁be", + "gan" + ], + [ + "▁beg", + "an" + ], + [ + "T", + "H" + ], + [ + "p", + "ython" + ], + [ + "as", + "p" + ], + [ + "a", + "sp" + ], + [ + "▁F", + "r" + ], + [ + "▁", + "Fr" + ], + [ + "▁c", + "los" + ], + [ + "▁cl", + "os" + ], + [ + "▁clo", + "s" + ], + [ + "▁", + "clos" + ], + [ + "ist", + "ic" + ], + [ + "isti", + "c" + ], + [ + "▁mus", + "ic" + ], + [ + "▁", + "music" + ], + [ + "▁d", + "ig" + ], + [ + "▁di", + "g" + ], + [ + "▁", + "dig" + ], + [ + "▁it", + "al" + ], + [ + "▁i", + "tal" + ], + [ + "▁", + "ital" + ], + [ + "▁D", + "avid" + ], + [ + "▁Dav", + "id" + ], + [ + "▁Da", + "vid" + ], + [ + "▁", + "David" + ], + [ + "▁web", + "site" + ], + [ + "▁", + "website" + ], + [ + "▁cont", + "roller" + ], + [ + "▁control", + "ler" + ], + [ + "▁", + "controller" + ], + [ + "▁M", + "er" + ], + [ + "▁Me", + "r" + ], + [ + "▁", + "Mer" + ], + [ + "con", + "text" + ], + [ + "cont", + "ext" + ], + [ + "pro", + "duct" + ], + [ + "produ", + "ct" + ], + [ + "prod", + "uct" + ], + [ + "os", + "p" + ], + [ + "o", + "sp" + ], + [ + "▁j", + "un" + ], + [ + "▁ju", + "n" + ], + [ + "ro", + "wn" + ], + [ + "row", + "n" + ], + [ + "r", + "own" + ], + [ + "▁A", + "z" + ], + [ + "▁", + "Az" + ], + [ + "\":", + "\"" + ], + [ + "\"", + ":\"" + ], + [ + "▁a", + "an" + ], + [ + "▁aa", + "n" + ], + [ + "▁D", + "ate" + ], + [ + "▁Da", + "te" + ], + [ + "▁Dat", + "e" + ], + [ + "▁", + "Date" + ], + [ + "mu", + "lt" + ], + [ + "mul", + "t" + ], + [ + "m", + "ult" + ], + [ + "▁b", + "rowser" + ], + [ + "▁brow", + "ser" + ], + [ + "▁", + "browser" + ], + [ + "ре", + "д" + ], + [ + "wh", + "ich" + ], + [ + "R", + "A" + ], + [ + "qu", + "are" + ], + [ + "qua", + "re" + ], + [ + "▁R", + "uss" + ], + [ + "▁Ru", + "ss" + ], + [ + "▁Rus", + "s" + ], + [ + "▁", + "Russ" + ], + [ + "▁s", + "oon" + ], + [ + "▁so", + "on" + ], + [ + "▁P", + "re" + ], + [ + "▁Pr", + "e" + ], + [ + "▁", + "Pre" + ], + [ + "ta", + "u" + ], + [ + "t", + "au" + ], + [ + "▁we", + "ek" + ], + [ + "▁", + "week" + ], + [ + "▁б", + "а" + ], + [ + "▁", + "ба" + ], + [ + "▁o", + "ct" + ], + [ + "▁oc", + "t" + ], + [ + "▁", + "oct" + ], + [ + "▁t", + "own" + ], + [ + "▁to", + "wn" + ], + [ + "▁", + "town" + ], + [ + "ro", + "y" + ], + [ + "r", + "oy" + ], + [ + "▁e", + "ls" + ], + [ + "▁el", + "s" + ], + [ + "▁", + "els" + ], + [ + "bl", + "ic" + ], + [ + "b", + "lic" + ], + [ + "und", + "le" + ], + [ + "▁H", + "istor" + ], + [ + "▁His", + "tor" + ], + [ + "▁Hi", + "stor" + ], + [ + "▁Hist", + "or" + ], + [ + "▁f", + "oi" + ], + [ + "▁fo", + "i" + ], + [ + "▁mod", + "els" + ], + [ + "▁model", + "s" + ], + [ + "▁mode", + "ls" + ], + [ + "▁", + "models" + ], + [ + "з", + "о" + ], + [ + "on", + "ym" + ], + [ + "ony", + "m" + ], + [ + "o", + "nym" + ], + [ + "Par", + "am" + ], + [ + "Pa", + "ram" + ], + [ + "P", + "aram" + ], + [ + "▁M", + "et" + ], + [ + "▁Me", + "t" + ], + [ + "▁", + "Met" + ], + [ + "ge", + "ner" + ], + [ + "gen", + "er" + ], + [ + "g", + "ener" + ], + [ + "j", + "ą" + ], + [ + "▁e", + "spe" + ], + [ + "▁es", + "pe" + ], + [ + "▁esp", + "e" + ], + [ + "C", + "E" + ], + [ + "▁de", + "vice" + ], + [ + "▁dev", + "ice" + ], + [ + "▁devi", + "ce" + ], + [ + "▁", + "device" + ], + [ + "el", + "low" + ], + [ + "ell", + "ow" + ], + [ + "ello", + "w" + ], + [ + "▁de", + "bug" + ], + [ + "▁deb", + "ug" + ], + [ + "▁", + "debug" + ], + [ + "ér", + "ie" + ], + [ + "éri", + "e" + ], + [ + "é", + "rie" + ], + [ + "us", + "ing" + ], + [ + "u", + "sing" + ], + [ + "ан", + "г" + ], + [ + "а", + "нг" + ], + [ + "▁*", + ")" + ], + [ + "▁", + "*)" + ], + [ + "ud", + "i" + ], + [ + "u", + "di" + ], + [ + "▁M", + "iss" + ], + [ + "▁Mi", + "ss" + ], + [ + "▁Mis", + "s" + ], + [ + "▁", + "Miss" + ], + [ + "ко", + "м" + ], + [ + "к", + "ом" + ], + [ + "pos", + "ed" + ], + [ + "po", + "sed" + ], + [ + "pose", + "d" + ], + [ + "p", + "osed" + ], + [ + "▁z", + "we" + ], + [ + "▁zw", + "e" + ], + [ + "і", + "н" + ], + [ + "▁Ro", + "bert" + ], + [ + "▁Rob", + "ert" + ], + [ + "▁O", + "ct" + ], + [ + "▁", + "Oct" + ], + [ + "lo", + "p" + ], + [ + "l", + "op" + ], + [ + "ja", + "r" + ], + [ + "j", + "ar" + ], + [ + "▁a", + "ver" + ], + [ + "▁av", + "er" + ], + [ + "▁ave", + "r" + ], + [ + "▁", + "aver" + ], + [ + "▁ha", + "bit" + ], + [ + "▁hab", + "it" + ], + [ + "▁:", + ":" + ], + [ + "▁", + "::" + ], + [ + "än", + "g" + ], + [ + "ä", + "ng" + ], + [ + "St", + "art" + ], + [ + "Star", + "t" + ], + [ + "▁p", + "ow" + ], + [ + "▁po", + "w" + ], + [ + "▁", + "pow" + ], + [ + "▁s", + "rc" + ], + [ + "▁sr", + "c" + ], + [ + "▁", + "src" + ], + [ + "▁pat", + "tern" + ], + [ + "▁", + "pattern" + ], + [ + "▁", + "Э" + ], + [ + "▁b", + "i" + ], + [ + "▁", + "bi" + ], + [ + "ot", + "es" + ], + [ + "ote", + "s" + ], + [ + "o", + "tes" + ], + [ + "▁_", + "_" + ], + [ + "▁", + "__" + ], + [ + "▁s", + "ens" + ], + [ + "▁se", + "ns" + ], + [ + "▁sen", + "s" + ], + [ + "▁", + "sens" + ], + [ + "▁a", + "void" + ], + [ + "▁av", + "oid" + ], + [ + "▁avo", + "id" + ], + [ + "ex", + "ample" + ], + [ + "ut", + "t" + ], + [ + "u", + "tt" + ], + [ + "La", + "bel" + ], + [ + "Lab", + "el" + ], + [ + "L", + "abel" + ], + [ + "te", + "x" + ], + [ + "t", + "ex" + ], + [ + "bo", + "ot" + ], + [ + "b", + "oot" + ], + [ + "es", + "to" + ], + [ + "est", + "o" + ], + [ + "e", + "sto" + ], + [ + "▁M", + "arch" + ], + [ + "▁Mar", + "ch" + ], + [ + "▁Marc", + "h" + ], + [ + "▁e", + "asy" + ], + [ + "▁eas", + "y" + ], + [ + "ict", + "ure" + ], + [ + "Gr", + "oup" + ], + [ + "▁f", + "ather" + ], + [ + "▁fa", + "ther" + ], + [ + "▁fat", + "her" + ], + [ + "▁", + "father" + ], + [ + "▁up", + "dated" + ], + [ + "▁update", + "d" + ], + [ + "▁upd", + "ated" + ], + [ + "▁", + "updated" + ], + [ + "▁V", + "o" + ], + [ + "▁I", + "II" + ], + [ + "▁II", + "I" + ], + [ + "▁", + "III" + ], + [ + "om", + "ega" + ], + [ + "ome", + "ga" + ], + [ + "▁a", + "lle" + ], + [ + "▁al", + "le" + ], + [ + "▁all", + "e" + ], + [ + "▁", + "alle" + ], + [ + "Re", + "c" + ], + [ + "R", + "ec" + ], + [ + "y", + "g" + ], + [ + "з", + "е" + ], + [ + "▁D", + "im" + ], + [ + "▁Di", + "m" + ], + [ + "▁", + "Dim" + ], + [ + "ne", + "ct" + ], + [ + "n", + "ect" + ], + [ + "▁T", + "or" + ], + [ + "▁To", + "r" + ], + [ + "▁de", + "utsch" + ], + [ + "▁", + "deutsch" + ], + [ + "▁wh", + "ite" + ], + [ + "▁", + "white" + ], + [ + "▁n", + "ational" + ], + [ + "▁nation", + "al" + ], + [ + "▁nat", + "ional" + ], + [ + "pp", + "e" + ], + [ + "p", + "pe" + ], + [ + "▁a", + "ir" + ], + [ + "▁ai", + "r" + ], + [ + "▁", + "air" + ], + [ + "▁pass", + "word" + ], + [ + "▁", + "password" + ], + [ + "de", + "t" + ], + [ + "d", + "et" + ], + [ + "▁b", + "ig" + ], + [ + "▁bi", + "g" + ], + [ + "▁", + "big" + ], + [ + "▁U", + "se" + ], + [ + "▁Us", + "e" + ], + [ + "▁", + "Use" + ], + [ + "cal", + "l" + ], + [ + "ca", + "ll" + ], + [ + "c", + "all" + ], + [ + "▁ex", + "tra" + ], + [ + "▁ext", + "ra" + ], + [ + "▁extr", + "a" + ], + [ + "▁", + "extra" + ], + [ + "W", + "e" + ], + [ + "an", + "ia" + ], + [ + "ani", + "a" + ], + [ + "a", + "nia" + ], + [ + "▁h", + "old" + ], + [ + "▁ho", + "ld" + ], + [ + "▁hol", + "d" + ], + [ + "▁", + "hold" + ], + [ + "Cont", + "rol" + ], + [ + "▁C", + "O" + ], + [ + "▁", + "CO" + ], + [ + "▁м", + "і" + ], + [ + "▁", + "мі" + ], + [ + "it", + "i" + ], + [ + "i", + "ti" + ], + [ + "▁K", + "e" + ], + [ + "▁", + "Ke" + ], + [ + "en", + "u" + ], + [ + "e", + "nu" + ], + [ + "▁P", + "ark" + ], + [ + "▁Par", + "k" + ], + [ + "то", + "м" + ], + [ + "т", + "ом" + ], + [ + "▁a", + "uth" + ], + [ + "▁au", + "th" + ], + [ + "▁aut", + "h" + ], + [ + "▁", + "auth" + ], + [ + "▁c", + "enter" + ], + [ + "▁cent", + "er" + ], + [ + "▁", + "center" + ], + [ + "P", + "h" + ], + [ + "то", + "в" + ], + [ + "т", + "ов" + ], + [ + "id", + "ing" + ], + [ + "idi", + "ng" + ], + [ + "i", + "ding" + ], + [ + "▁a", + "cross" + ], + [ + "▁ac", + "ross" + ], + [ + "▁s", + "ong" + ], + [ + "▁so", + "ng" + ], + [ + "▁son", + "g" + ], + [ + "▁", + "song" + ], + [ + "▁ph", + "ys" + ], + [ + "▁", + "phys" + ], + [ + "▁n", + "umer" + ], + [ + "▁num", + "er" + ], + [ + "▁nu", + "mer" + ], + [ + "▁", + "numer" + ], + [ + "щ", + "а" + ], + [ + "▁A", + "lex" + ], + [ + "▁Al", + "ex" + ], + [ + "▁Ale", + "x" + ], + [ + "▁", + "Alex" + ], + [ + "▁problem", + "s" + ], + [ + "▁proble", + "ms" + ], + [ + "▁probl", + "ems" + ], + [ + "▁E", + "rror" + ], + [ + "▁Er", + "ror" + ], + [ + "▁Err", + "or" + ], + [ + "▁", + "Error" + ], + [ + "form", + "at" + ], + [ + "for", + "mat" + ], + [ + "▁A", + "cc" + ], + [ + "▁Ac", + "c" + ], + [ + "▁", + "Acc" + ], + [ + "▁s", + "ix" + ], + [ + "▁si", + "x" + ], + [ + "▁", + "six" + ], + [ + "▁d", + "b" + ], + [ + "▁", + "db" + ], + [ + "▁C", + "ast" + ], + [ + "▁Cas", + "t" + ], + [ + "▁Ca", + "st" + ], + [ + "▁", + "Cast" + ], + [ + "om", + "s" + ], + [ + "o", + "ms" + ], + [ + "pro", + "ject" + ], + [ + "proj", + "ect" + ], + [ + "▁v", + "ert" + ], + [ + "▁ver", + "t" + ], + [ + "▁ve", + "rt" + ], + [ + "▁", + "vert" + ], + [ + "cre", + "t" + ], + [ + "cr", + "et" + ], + [ + "c", + "ret" + ], + [ + "▁he", + "ader" + ], + [ + "▁head", + "er" + ], + [ + "▁", + "header" + ], + [ + "▁st", + "ream" + ], + [ + "▁stre", + "am" + ], + [ + "▁", + "stream" + ], + [ + "id", + "s" + ], + [ + "i", + "ds" + ], + [ + "▁t", + "or" + ], + [ + "▁to", + "r" + ], + [ + "▁", + "tor" + ], + [ + "▁se", + "pt" + ], + [ + "▁sep", + "t" + ], + [ + "▁est", + "im" + ], + [ + "▁es", + "tim" + ], + [ + "▁de", + "cl" + ], + [ + "▁dec", + "l" + ], + [ + "▁", + "decl" + ], + [ + "▁g", + "ave" + ], + [ + "▁ga", + "ve" + ], + [ + "▁p", + "layer" + ], + [ + "▁pl", + "ayer" + ], + [ + "▁play", + "er" + ], + [ + "▁pla", + "yer" + ], + [ + "▁", + "player" + ], + [ + "ys", + "is" + ], + [ + "▁д", + "ру" + ], + [ + "▁др", + "у" + ], + [ + "am", + "m" + ], + [ + "a", + "mm" + ], + [ + "щ", + "о" + ], + [ + "▁(", + "\"" + ], + [ + "▁", + "(\"" + ], + [ + "▁a", + "x" + ], + [ + "▁", + "ax" + ], + [ + "Pro", + "perty" + ], + [ + "us", + "r" + ], + [ + "u", + "sr" + ], + [ + "▁some", + "one" + ], + [ + "▁im", + "pro" + ], + [ + "▁imp", + "ro" + ], + [ + "▁impr", + "o" + ], + [ + "ad", + "en" + ], + [ + "ade", + "n" + ], + [ + "a", + "den" + ], + [ + "ro", + "te" + ], + [ + "rot", + "e" + ], + [ + "r", + "ote" + ], + [ + "▁М", + "и" + ], + [ + "i", + "h" + ], + [ + "++", + ")" + ], + [ + "+", + "+)" + ], + [ + "▁v", + "ideo" + ], + [ + "▁vide", + "o" + ], + [ + "▁", + "video" + ], + [ + "▁ex", + "ists" + ], + [ + "▁exist", + "s" + ], + [ + "▁", + "exists" + ], + [ + "к", + "ла" + ], + [ + "▁comp", + "lete" + ], + [ + "▁comple", + "te" + ], + [ + "▁complet", + "e" + ], + [ + "▁compl", + "ete" + ], + [ + "▁", + "complete" + ], + [ + "▁s", + "ession" + ], + [ + "▁sess", + "ion" + ], + [ + "▁", + "session" + ], + [ + "▁const", + "ant" + ], + [ + "▁", + "constant" + ], + [ + "ic", + "os" + ], + [ + "ico", + "s" + ], + [ + "i", + "cos" + ], + [ + "▁p", + "ack" + ], + [ + "▁pa", + "ck" + ], + [ + "▁pac", + "k" + ], + [ + "▁", + "pack" + ], + [ + "ro", + "me" + ], + [ + "rom", + "e" + ], + [ + "r", + "ome" + ], + [ + "eg", + "r" + ], + [ + "e", + "gr" + ], + [ + "App", + "lication" + ], + [ + "▁y", + "es" + ], + [ + "▁ye", + "s" + ], + [ + "▁", + "yes" + ], + [ + "▁e", + "lle" + ], + [ + "▁el", + "le" + ], + [ + "▁ell", + "e" + ], + [ + "▁", + "elle" + ], + [ + "▁e", + "mail" + ], + [ + "▁em", + "ail" + ], + [ + "▁", + "email" + ], + [ + "or", + "f" + ], + [ + "o", + "rf" + ], + [ + "ca", + "se" + ], + [ + "cas", + "e" + ], + [ + "c", + "ase" + ], + [ + "▁po", + "inter" + ], + [ + "▁point", + "er" + ], + [ + "▁", + "pointer" + ], + [ + "▁reg", + "ard" + ], + [ + "se", + "n" + ], + [ + "s", + "en" + ], + [ + "st", + "atus" + ], + [ + "stat", + "us" + ], + [ + "▁m", + "es" + ], + [ + "▁me", + "s" + ], + [ + "▁", + "mes" + ], + [ + "▁d", + "elle" + ], + [ + "▁de", + "lle" + ], + [ + "▁del", + "le" + ], + [ + "▁dell", + "e" + ], + [ + "ing", + "ton" + ], + [ + "ingt", + "on" + ], + [ + "▁B", + "as" + ], + [ + "▁Ba", + "s" + ], + [ + "▁", + "Bas" + ], + [ + ")", + "^" + ], + [ + "de", + "velop" + ], + [ + "▁for", + "ce" + ], + [ + "▁", + "force" + ], + [ + "▁char", + "acters" + ], + [ + "▁charact", + "ers" + ], + [ + "▁character", + "s" + ], + [ + "▁c", + "ross" + ], + [ + "▁cr", + "oss" + ], + [ + "▁cro", + "ss" + ], + [ + "▁", + "cross" + ], + [ + "▁de", + "ath" + ], + [ + "▁t", + "akes" + ], + [ + "▁tak", + "es" + ], + [ + "▁take", + "s" + ], + [ + "▁ta", + "kes" + ], + [ + "ér", + "i" + ], + [ + "é", + "ri" + ], + [ + "ig", + "ne" + ], + [ + "ign", + "e" + ], + [ + "че", + "н" + ], + [ + "ч", + "ен" + ], + [ + "U", + "P" + ], + [ + ".", + ":" + ], + [ + "Th", + "read" + ], + [ + "j", + "u" + ], + [ + "in", + "y" + ], + [ + "i", + "ny" + ], + [ + "▁det", + "ails" + ], + [ + "▁detail", + "s" + ], + [ + "▁", + "details" + ], + [ + "▁x", + "ml" + ], + [ + "▁", + "xml" + ], + [ + "ta", + "it" + ], + [ + "t", + "ait" + ], + [ + "out", + "put" + ], + [ + "mess", + "age" + ], + [ + "m", + "essage" + ], + [ + "'", + "'" + ], + [ + "▁Brit", + "ish" + ], + [ + "vi", + "lle" + ], + [ + "vil", + "le" + ], + [ + "v", + "ille" + ], + [ + "▁D", + "iv" + ], + [ + "▁Di", + "v" + ], + [ + "▁", + "Div" + ], + [ + "▁U", + "ser" + ], + [ + "▁Use", + "r" + ], + [ + "▁Us", + "er" + ], + [ + "▁", + "User" + ], + [ + "c", + "m" + ], + [ + "ч", + "но" + ], + [ + "col", + "umn" + ], + [ + "eq", + "ref" + ], + [ + "ó", + "r" + ], + [ + "on", + "om" + ], + [ + "ono", + "m" + ], + [ + "o", + "nom" + ], + [ + "▁P", + "ost" + ], + [ + "▁Po", + "st" + ], + [ + "▁Pos", + "t" + ], + [ + "▁", + "Post" + ], + [ + "el", + "len" + ], + [ + "ell", + "en" + ], + [ + "elle", + "n" + ], + [ + "A", + "b" + ], + [ + "ul", + "té" + ], + [ + "ult", + "é" + ], + [ + "▁per", + "fect" + ], + [ + "▁perf", + "ect" + ], + [ + "()", + "{" + ], + [ + "(", + "){" + ], + [ + "vis", + "ion" + ], + [ + "v", + "ision" + ], + [ + "act", + "ive" + ], + [ + "activ", + "e" + ], + [ + "li", + "er" + ], + [ + "lie", + "r" + ], + [ + "l", + "ier" + ], + [ + "ri", + "j" + ], + [ + "r", + "ij" + ], + [ + "s", + "d" + ], + [ + "▁k", + "ö" + ], + [ + "▁", + "kö" + ], + [ + "▁n", + "ie" + ], + [ + "▁ni", + "e" + ], + [ + "▁", + "nie" + ], + [ + "▁re", + "lig" + ], + [ + "▁rel", + "ig" + ], + [ + "▁reli", + "g" + ], + [ + "▁o", + "t" + ], + [ + "▁", + "ot" + ], + [ + "▁m", + "achine" + ], + [ + "▁mach", + "ine" + ], + [ + "▁", + "machine" + ], + [ + "▁h", + "eld" + ], + [ + "▁he", + "ld" + ], + [ + "▁hel", + "d" + ], + [ + ")$", + "." + ], + [ + ")", + "$." + ], + [ + "====", + "====" + ], + [ + "ck", + "er" + ], + [ + "cke", + "r" + ], + [ + "c", + "ker" + ], + [ + "в", + "ы" + ], + [ + "bo", + "rn" + ], + [ + "bor", + "n" + ], + [ + "b", + "orn" + ], + [ + "▁p", + "ast" + ], + [ + "▁pas", + "t" + ], + [ + "▁pa", + "st" + ], + [ + "ри", + "я" + ], + [ + "▁D", + "r" + ], + [ + "▁", + "Dr" + ], + [ + "▁reg", + "ular" + ], + [ + "▁regul", + "ar" + ], + [ + "▁", + "regular" + ], + [ + "▁prov", + "ided" + ], + [ + "▁provide", + "d" + ], + [ + "TE", + "R" + ], + [ + "T", + "ER" + ], + [ + "▁un", + "ivers" + ], + [ + "▁", + "univers" + ], + [ + "▁g", + "ets" + ], + [ + "▁get", + "s" + ], + [ + "▁ge", + "ts" + ], + [ + "▁", + "gets" + ], + [ + "▁n", + "u" + ], + [ + "▁", + "nu" + ], + [ + "▁/", + "*" + ], + [ + "▁", + "/*" + ], + [ + "ob", + "er" + ], + [ + "obe", + "r" + ], + [ + "o", + "ber" + ], + [ + "fi", + "n" + ], + [ + "f", + "in" + ], + [ + "▁n", + "ella" + ], + [ + "▁ne", + "lla" + ], + [ + "▁nel", + "la" + ], + [ + "▁nell", + "a" + ], + [ + "▁be", + "come" + ], + [ + "▁bec", + "ome" + ], + [ + "▁becom", + "e" + ], + [ + "▁`", + "`" + ], + [ + "▁", + "``" + ], + [ + "▁h", + "istory" + ], + [ + "▁histor", + "y" + ], + [ + "▁hi", + "story" + ], + [ + "▁hist", + "ory" + ], + [ + "▁", + "history" + ], + [ + "▁S", + "ol" + ], + [ + "▁So", + "l" + ], + [ + "▁", + "Sol" + ], + [ + "▁R", + "ad" + ], + [ + "▁Ra", + "d" + ], + [ + "▁", + "Rad" + ], + [ + "▁term", + "s" + ], + [ + "▁ter", + "ms" + ], + [ + "▁even", + "ts" + ], + [ + "▁event", + "s" + ], + [ + "▁ev", + "ents" + ], + [ + "▁", + "events" + ], + [ + "ly", + "mp" + ], + [ + "))", + ")" + ], + [ + ")", + "))" + ], + [ + "ро", + "ва" + ], + [ + "ров", + "а" + ], + [ + "р", + "ова" + ], + [ + "▁ab", + "sol" + ], + [ + "▁abs", + "ol" + ], + [ + "▁so", + "ft" + ], + [ + "▁", + "soft" + ], + [ + "lin", + "ks" + ], + [ + "link", + "s" + ], + [ + "l", + "inks" + ], + [ + "▁h", + "ope" + ], + [ + "▁ho", + "pe" + ], + [ + "▁hop", + "e" + ], + [ + "▁su", + "bject" + ], + [ + "▁sub", + "ject" + ], + [ + "▁", + "subject" + ], + [ + "\")", + "," + ], + [ + "\"", + ")," + ], + [ + "▁cre", + "ating" + ], + [ + "▁}", + "\r" + ], + [ + "▁", + "}\r" + ], + [ + "▁S", + "k" + ], + [ + "▁", + "Sk" + ], + [ + "▁f", + "low" + ], + [ + "▁fl", + "ow" + ], + [ + "▁flo", + "w" + ], + [ + "▁", + "flow" + ], + [ + "▁Р", + "а" + ], + [ + "▁as", + "sert" + ], + [ + "▁ass", + "ert" + ], + [ + "▁asse", + "rt" + ], + [ + "▁", + "assert" + ], + [ + "ze", + "t" + ], + [ + "z", + "et" + ], + [ + "▁F", + "rank" + ], + [ + "▁Fran", + "k" + ], + [ + "▁Fr", + "ank" + ], + [ + "s", + "a" + ], + [ + "▁dist", + "ribution" + ], + [ + "▁distribu", + "tion" + ], + [ + "▁distrib", + "ution" + ], + [ + "▁", + "distribution" + ], + [ + "c", + "u" + ], + [ + "ba", + "nd" + ], + [ + "ban", + "d" + ], + [ + "b", + "and" + ], + [ + "iz", + "z" + ], + [ + "i", + "zz" + ], + [ + "▁j", + "ob" + ], + [ + "▁jo", + "b" + ], + [ + "▁", + "job" + ], + [ + "in", + "er" + ], + [ + "ine", + "r" + ], + [ + "i", + "ner" + ], + [ + "st", + "ruct" + ], + [ + "str", + "uct" + ], + [ + "stru", + "ct" + ], + [ + "á", + "k" + ], + [ + "T", + "O" + ], + [ + "au", + "f" + ], + [ + "a", + "uf" + ], + [ + "▁ext", + "ends" + ], + [ + "▁extend", + "s" + ], + [ + "▁G", + "ra" + ], + [ + "▁Gr", + "a" + ], + [ + "dis", + "play" + ], + [ + "▁sign", + "ific" + ], + [ + "on", + "ey" + ], + [ + "one", + "y" + ], + [ + "o", + "ney" + ], + [ + "s", + "ource" + ], + [ + "m", + "icrosoft" + ], + [ + "in", + "der" + ], + [ + "ind", + "er" + ], + [ + "inde", + "r" + ], + [ + "i", + "nder" + ], + [ + "▁qu", + "ick" + ], + [ + "▁qui", + "ck" + ], + [ + "▁", + "quick" + ], + [ + "▁w", + "onder" + ], + [ + "▁won", + "der" + ], + [ + "▁wo", + "nder" + ], + [ + "Inst", + "ance" + ], + [ + "el", + "les" + ], + [ + "ell", + "es" + ], + [ + "elle", + "s" + ], + [ + "e", + "lles" + ], + [ + "è", + "me" + ], + [ + "▁comp", + "any" + ], + [ + "▁compan", + "y" + ], + [ + "▁", + "company" + ], + [ + "u", + "ß" + ], + [ + ".", + "}" + ], + [ + "▁separ", + "ate" + ], + [ + "U", + "M" + ], + [ + "HER", + "E" + ], + [ + "HE", + "RE" + ], + [ + "H", + "ERE" + ], + [ + "▁writ", + "ing" + ], + [ + "▁wr", + "iting" + ], + [ + "▁", + "writing" + ], + [ + "it", + "ution" + ], + [ + "itu", + "tion" + ], + [ + "itut", + "ion" + ], + [ + "▁G", + "esch" + ], + [ + "▁Ge", + "sch" + ], + [ + "▁Ges", + "ch" + ], + [ + "м", + "я" + ], + [ + "▁J", + "ames" + ], + [ + "▁Ja", + "mes" + ], + [ + "▁Jam", + "es" + ], + [ + "▁", + "James" + ], + [ + "▁D", + "E" + ], + [ + "▁", + "DE" + ], + [ + "▁S", + "pe" + ], + [ + "▁Sp", + "e" + ], + [ + "▁", + "Spe" + ], + [ + "pro", + "cess" + ], + [ + "proc", + "ess" + ], + [ + "St", + "r" + ], + [ + "S", + "tr" + ], + [ + "▁s", + "ym" + ], + [ + "▁sy", + "m" + ], + [ + "▁", + "sym" + ], + [ + "▁a", + "o" + ], + [ + "▁", + "ao" + ], + [ + "▁w", + "y" + ], + [ + "▁", + "wy" + ], + [ + "▁any", + "one" + ], + [ + "▁U", + "p" + ], + [ + "▁", + "Up" + ], + [ + "use", + "um" + ], + [ + "ar", + "on" + ], + [ + "aro", + "n" + ], + [ + "a", + "ron" + ], + [ + "▁def", + "inition" + ], + [ + "▁defin", + "ition" + ], + [ + "▁definit", + "ion" + ], + [ + "▁", + "definition" + ], + [ + "▁`", + "$" + ], + [ + "▁f", + "av" + ], + [ + "▁fa", + "v" + ], + [ + "rib", + "utes" + ], + [ + "ribute", + "s" + ], + [ + "ribu", + "tes" + ], + [ + "▁R", + "é" + ], + [ + "ograf", + "ia" + ], + [ + "ografi", + "a" + ], + [ + "el", + "ement" + ], + [ + "ele", + "ment" + ], + [ + "elem", + "ent" + ], + [ + "e", + "lement" + ], + [ + "ca", + "p" + ], + [ + "c", + "ap" + ], + [ + "pa", + "t" + ], + [ + "p", + "at" + ], + [ + "▁B", + "ra" + ], + [ + "▁Br", + "a" + ], + [ + "▁", + "Bra" + ], + [ + ")", + "(" + ], + [ + "▁acc", + "ording" + ], + [ + "▁accord", + "ing" + ], + [ + "г", + "е" + ], + [ + "▁p", + "ie" + ], + [ + "▁pi", + "e" + ], + [ + "▁", + "pie" + ], + [ + "el", + "i" + ], + [ + "e", + "li" + ], + [ + "}", + "\"" + ], + [ + "▁act", + "iv" + ], + [ + "▁", + "activ" + ], + [ + "▁s", + "top" + ], + [ + "▁st", + "op" + ], + [ + "▁sto", + "p" + ], + [ + "▁", + "stop" + ], + [ + "pat", + "ch" + ], + [ + "p", + "atch" + ], + [ + "т", + "і" + ], + [ + "▁J", + "ose" + ], + [ + "▁Jo", + "se" + ], + [ + "▁Jos", + "e" + ], + [ + "▁", + "Jose" + ], + [ + "En", + "d" + ], + [ + "E", + "nd" + ], + [ + "▁p", + "rze" + ], + [ + "▁pr", + "ze" + ], + [ + "▁prz", + "e" + ], + [ + "▁a", + "ge" + ], + [ + "▁ag", + "e" + ], + [ + "▁", + "age" + ], + [ + "it", + "ory" + ], + [ + "ito", + "ry" + ], + [ + "itor", + "y" + ], + [ + "▁P", + "HP" + ], + [ + "▁", + "PHP" + ], + [ + "ag", + "ement" + ], + [ + "age", + "ment" + ], + [ + "agem", + "ent" + ], + [ + "▁`", + "." + ], + [ + "▁", + "`." + ], + [ + "▁pre", + "tty" + ], + [ + "▁pret", + "ty" + ], + [ + "▁re", + "comm" + ], + [ + "▁rec", + "omm" + ], + [ + "▁recom", + "m" + ], + [ + "▁s", + "ud" + ], + [ + "▁su", + "d" + ], + [ + "▁re", + "qu" + ], + [ + "▁r", + "equ" + ], + [ + "▁req", + "u" + ], + [ + "▁об", + "ла" + ], + [ + "at", + "ives" + ], + [ + "ative", + "s" + ], + [ + "ativ", + "es" + ], + [ + "ati", + "ves" + ], + [ + "▁H", + "igh" + ], + [ + "▁Hi", + "gh" + ], + [ + "▁", + "High" + ], + [ + "á", + "z" + ], + [ + "ou", + "l" + ], + [ + "o", + "ul" + ], + [ + "re", + "st" + ], + [ + "res", + "t" + ], + [ + "r", + "est" + ], + [ + "▁T", + "er" + ], + [ + "▁Te", + "r" + ], + [ + "un", + "der" + ], + [ + "und", + "er" + ], + [ + "unde", + "r" + ], + [ + "u", + "nder" + ], + [ + "th", + "ern" + ], + [ + "ther", + "n" + ], + [ + "the", + "rn" + ], + [ + "cent", + "er" + ], + [ + "cen", + "ter" + ], + [ + "cente", + "r" + ], + [ + "c", + "enter" + ], + [ + "▁u", + "r" + ], + [ + "▁", + "ur" + ], + [ + "la", + "t" + ], + [ + "l", + "at" + ], + [ + "▁inter", + "face" + ], + [ + "▁", + "interface" + ], + [ + "▁и", + "н" + ], + [ + "▁", + "ин" + ], + [ + "▁wh", + "ose" + ], + [ + "▁who", + "se" + ], + [ + "ic", + "as" + ], + [ + "ica", + "s" + ], + [ + "i", + "cas" + ], + [ + "am", + "en" + ], + [ + "ame", + "n" + ], + [ + "a", + "men" + ], + [ + "Fil", + "ter" + ], + [ + "▁st", + "ation" + ], + [ + "▁stat", + "ion" + ], + [ + "▁sta", + "tion" + ], + [ + "▁stati", + "on" + ], + [ + "▁", + "station" + ], + [ + "Pa", + "ge" + ], + [ + "P", + "age" + ], + [ + "▁a", + "rm" + ], + [ + "▁ar", + "m" + ], + [ + "▁", + "arm" + ], + [ + "▁e", + "yes" + ], + [ + "▁eye", + "s" + ], + [ + "▁ра", + "й" + ], + [ + "▁s", + "eu" + ], + [ + "▁se", + "u" + ], + [ + "ol", + "i" + ], + [ + "o", + "li" + ], + [ + "wi", + "n" + ], + [ + "w", + "in" + ], + [ + "li", + "k" + ], + [ + "l", + "ik" + ], + [ + "ge", + "x" + ], + [ + "g", + "ex" + ], + [ + "ch", + "an" + ], + [ + "cha", + "n" + ], + [ + "c", + "han" + ], + [ + "id", + "ence" + ], + [ + "iden", + "ce" + ], + [ + "ar", + "gs" + ], + [ + "arg", + "s" + ], + [ + "ak", + "ing" + ], + [ + "aki", + "ng" + ], + [ + "a", + "king" + ], + [ + "▁Go", + "ogle" + ], + [ + "▁", + "Google" + ], + [ + "▁St", + "ud" + ], + [ + "▁Stu", + "d" + ], + [ + "▁h", + "o" + ], + [ + "▁", + "ho" + ], + [ + "то", + "ры" + ], + [ + "тор", + "ы" + ], + [ + "S", + "u" + ], + [ + "▁autom", + "at" + ], + [ + "▁auto", + "mat" + ], + [ + "êm", + "e" + ], + [ + "ê", + "me" + ], + [ + "▁c", + "y" + ], + [ + "▁", + "cy" + ], + [ + "lo", + "r" + ], + [ + "l", + "or" + ], + [ + "▁st", + "ack" + ], + [ + "▁sta", + "ck" + ], + [ + "▁", + "stack" + ], + [ + "▁SE", + "LECT" + ], + [ + "▁", + "SELECT" + ], + [ + "A", + "F" + ], + [ + "▁>", + ">" + ], + [ + "▁", + ">>" + ], + [ + "▁com", + "pet" + ], + [ + "▁comp", + "et" + ], + [ + "▁p", + "air" + ], + [ + "▁pa", + "ir" + ], + [ + "▁", + "pair" + ], + [ + "▁ing", + "lés" + ], + [ + "Res", + "ponse" + ], + [ + "▁F", + "ig" + ], + [ + "▁", + "Fig" + ], + [ + "gr", + "ad" + ], + [ + "gra", + "d" + ], + [ + "g", + "rad" + ], + [ + "▁document", + "ation" + ], + [ + "▁", + "documentation" + ], + [ + "▁c", + "ant" + ], + [ + "▁can", + "t" + ], + [ + "▁ca", + "nt" + ], + [ + "▁app", + "reci" + ], + [ + "å", + "n" + ], + [ + "▁le", + "arn" + ], + [ + "▁lear", + "n" + ], + [ + "▁", + "learn" + ], + [ + "▁in", + "dep" + ], + [ + "▁ind", + "ep" + ], + [ + "▁inde", + "p" + ], + [ + "▁p", + "al" + ], + [ + "▁pa", + "l" + ], + [ + "▁", + "pal" + ], + [ + "pack", + "age" + ], + [ + "p", + "ackage" + ], + [ + "ar", + "es" + ], + [ + "are", + "s" + ], + [ + "a", + "res" + ], + [ + "▁Ber", + "lin" + ], + [ + "▁Berl", + "in" + ], + [ + "б", + "ли" + ], + [ + "re", + "ich" + ], + [ + "rei", + "ch" + ], + [ + "ё", + "н" + ], + [ + "▁s", + "atisf" + ], + [ + "▁sat", + "isf" + ], + [ + "▁reg", + "ion" + ], + [ + "▁", + "region" + ], + [ + "▁fri", + "end" + ], + [ + "▁", + "friend" + ], + [ + "▁Ge", + "orge" + ], + [ + "▁Georg", + "e" + ], + [ + "▁В", + "о" + ], + [ + "▁", + "Во" + ], + [ + "▁\"", + "\"" + ], + [ + "▁", + "\"\"" + ], + [ + "▁des", + "de" + ], + [ + "Fact", + "ory" + ], + [ + "F", + "actory" + ], + [ + "▁Count", + "y" + ], + [ + "▁Coun", + "ty" + ], + [ + "ou", + "v" + ], + [ + "o", + "uv" + ], + [ + "▁", + "‘" + ], + [ + "▁inst", + "alled" + ], + [ + "▁install", + "ed" + ], + [ + "▁instal", + "led" + ], + [ + "▁", + "installed" + ], + [ + "▁w", + "anted" + ], + [ + "▁want", + "ed" + ], + [ + "▁P", + "ython" + ], + [ + "▁", + "Python" + ], + [ + "▁inter", + "pre" + ], + [ + "▁in", + "cluded" + ], + [ + "▁includ", + "ed" + ], + [ + "▁include", + "d" + ], + [ + "▁inclu", + "ded" + ], + [ + "▁(", + "(" + ], + [ + "▁", + "((" + ], + [ + "▁al", + "tern" + ], + [ + "▁alt", + "ern" + ], + [ + "▁alter", + "n" + ], + [ + "▁alte", + "rn" + ], + [ + "▁", + "altern" + ], + [ + "is", + "to" + ], + [ + "ist", + "o" + ], + [ + "i", + "sto" + ], + [ + "g", + "n" + ], + [ + "▁b", + "order" + ], + [ + "▁bor", + "der" + ], + [ + "▁bord", + "er" + ], + [ + "▁", + "border" + ], + [ + "pd", + "f" + ], + [ + "p", + "df" + ], + [ + "▁d", + "up" + ], + [ + "▁du", + "p" + ], + [ + "▁", + "dup" + ], + [ + "▁down", + "load" + ], + [ + "▁", + "download" + ], + [ + "ju", + "st" + ], + [ + "jus", + "t" + ], + [ + "j", + "ust" + ], + [ + "▁m", + "embers" + ], + [ + "▁mem", + "bers" + ], + [ + "▁memb", + "ers" + ], + [ + "▁member", + "s" + ], + [ + "▁", + "members" + ], + [ + "ch", + "ild" + ], + [ + "chi", + "ld" + ], + [ + "▁p", + "ay" + ], + [ + "▁pa", + "y" + ], + [ + "▁", + "pay" + ], + [ + "▁c", + "er" + ], + [ + "▁ce", + "r" + ], + [ + "▁", + "cer" + ], + [ + "▁lo", + "oked" + ], + [ + "▁look", + "ed" + ], + [ + "▁correct", + "ly" + ], + [ + "au", + "th" + ], + [ + "aut", + "h" + ], + [ + "a", + "uth" + ], + [ + "▁с", + "тан" + ], + [ + "▁ст", + "ан" + ], + [ + "▁ста", + "н" + ], + [ + "▁", + "стан" + ], + [ + "▁e", + "sp" + ], + [ + "▁es", + "p" + ], + [ + "▁", + "esp" + ], + [ + "▁d", + "esc" + ], + [ + "▁de", + "sc" + ], + [ + "▁des", + "c" + ], + [ + "▁", + "desc" + ], + [ + "eb", + "en" + ], + [ + "e", + "ben" + ], + [ + "▁qu", + "estions" + ], + [ + "▁question", + "s" + ], + [ + "▁quest", + "ions" + ], + [ + "▁questi", + "ons" + ], + [ + "▁", + "questions" + ], + [ + "ma", + "l" + ], + [ + "m", + "al" + ], + [ + "▁ab", + "gerufen" + ], + [ + "▁", + "abgerufen" + ], + [ + "▁B", + "and" + ], + [ + "▁Ba", + "nd" + ], + [ + "▁Ban", + "d" + ], + [ + "▁[", + "]" + ], + [ + "▁", + "[]" + ], + [ + "Bas", + "e" + ], + [ + "B", + "ase" + ], + [ + "▁r", + "is" + ], + [ + "▁ri", + "s" + ], + [ + "▁", + "ris" + ], + [ + "▁f", + "ort" + ], + [ + "▁for", + "t" + ], + [ + "▁fo", + "rt" + ], + [ + "▁", + "fort" + ], + [ + "▁I", + "d" + ], + [ + "▁", + "Id" + ], + [ + "▁var", + "ious" + ], + [ + "▁vari", + "ous" + ], + [ + "▁Le", + "ague" + ], + [ + "▁H", + "and" + ], + [ + "▁Ha", + "nd" + ], + [ + "▁Han", + "d" + ], + [ + "▁", + "Hand" + ], + [ + "▁T", + "ype" + ], + [ + "▁Ty", + "pe" + ], + [ + "▁Typ", + "e" + ], + [ + "▁", + "Type" + ], + [ + "ir", + "l" + ], + [ + "i", + "rl" + ], + [ + "▁F", + "e" + ], + [ + "▁", + "Fe" + ], + [ + "i", + "én" + ], + [ + "it", + "ter" + ], + [ + "itt", + "er" + ], + [ + "itte", + "r" + ], + [ + "▁f", + "ast" + ], + [ + "▁fa", + "st" + ], + [ + "▁fas", + "t" + ], + [ + "▁", + "fast" + ], + [ + "st", + "a" + ], + [ + "s", + "ta" + ], + [ + "▁ex", + "cept" + ], + [ + "▁", + "except" + ], + [ + "ic", + "z" + ], + [ + "i", + "cz" + ], + [ + "▁F", + "rench" + ], + [ + "▁en", + "vironment" + ], + [ + "▁environ", + "ment" + ], + [ + "▁", + "environment" + ], + [ + "▁con", + "se" + ], + [ + "▁cons", + "e" + ], + [ + "у", + "р" + ], + [ + "о", + "го" + ], + [ + "▁necess", + "ary" + ], + [ + "tar", + "get" + ], + [ + "t", + "arget" + ], + [ + "▁re", + "ading" + ], + [ + "▁read", + "ing" + ], + [ + "▁", + "reading" + ], + [ + "ho", + "me" + ], + [ + "hom", + "e" + ], + [ + "h", + "ome" + ], + [ + "ze", + "ich" + ], + [ + "▁e", + "qual" + ], + [ + "▁equ", + "al" + ], + [ + "▁eq", + "ual" + ], + [ + "▁", + "equal" + ], + [ + "▁pi", + "ù" + ], + [ + "▁p", + "rem" + ], + [ + "▁pr", + "em" + ], + [ + "▁pre", + "m" + ], + [ + "▁diff", + "icult" + ], + [ + "▁u", + "nit" + ], + [ + "▁un", + "it" + ], + [ + "▁", + "unit" + ], + [ + "▁re", + "place" + ], + [ + "▁rep", + "lace" + ], + [ + "▁repla", + "ce" + ], + [ + "▁", + "replace" + ], + [ + "▁he", + "art" + ], + [ + "▁hear", + "t" + ], + [ + "▁", + "heart" + ], + [ + "▁t", + "alk" + ], + [ + "▁tal", + "k" + ], + [ + "A", + "M" + ], + [ + "▁R", + "E" + ], + [ + "▁", + "RE" + ], + [ + "▁P", + "erson" + ], + [ + "▁Per", + "son" + ], + [ + "▁Pers", + "on" + ], + [ + "▁", + "Person" + ], + [ + "end", + "ency" + ], + [ + "enden", + "cy" + ], + [ + "▁i", + "mm" + ], + [ + "▁im", + "m" + ], + [ + "▁", + "imm" + ], + [ + "▁h", + "uman" + ], + [ + "▁hum", + "an" + ], + [ + "▁hu", + "man" + ], + [ + "▁", + "human" + ], + [ + "d", + "n" + ], + [ + "▁K", + "ir" + ], + [ + "▁Ki", + "r" + ], + [ + "▁A", + "ut" + ], + [ + "▁Au", + "t" + ], + [ + "▁", + "Aut" + ], + [ + "kn", + "own" + ], + [ + "know", + "n" + ], + [ + "k", + "nown" + ], + [ + "▁fr", + "equ" + ], + [ + "▁fre", + "qu" + ], + [ + "sys", + "tem" + ], + [ + "s", + "ystem" + ], + [ + "ла", + "в" + ], + [ + "▁S", + "z" + ], + [ + "▁G", + "al" + ], + [ + "▁Ga", + "l" + ], + [ + "но", + "е" + ], + [ + "sel", + "ves" + ], + [ + "right", + "arrow" + ], + [ + "r", + "ightarrow" + ], + [ + "▁С", + "а" + ], + [ + "▁", + "Са" + ], + [ + "=\"", + "@" + ], + [ + "▁build", + "ing" + ], + [ + "▁", + "building" + ], + [ + "im", + "port" + ], + [ + "imp", + "ort" + ], + [ + "▁f", + "am" + ], + [ + "▁fa", + "m" + ], + [ + "▁de", + "lete" + ], + [ + "▁del", + "ete" + ], + [ + "▁delet", + "e" + ], + [ + "▁", + "delete" + ], + [ + "air", + "e" + ], + [ + "ai", + "re" + ], + [ + "a", + "ire" + ], + [ + "ma", + "ry" + ], + [ + "mar", + "y" + ], + [ + "m", + "ary" + ], + [ + "▁f", + "und" + ], + [ + "▁fun", + "d" + ], + [ + "▁fu", + "nd" + ], + [ + "▁", + "fund" + ], + [ + "▁part", + "icip" + ], + [ + "▁partic", + "ip" + ], + [ + "▁parti", + "cip" + ], + [ + "▁partici", + "p" + ], + [ + "▁s", + "yn" + ], + [ + "▁sy", + "n" + ], + [ + "▁", + "syn" + ], + [ + "si", + "n" + ], + [ + "s", + "in" + ], + [ + "▁l", + "ower" + ], + [ + "▁lo", + "wer" + ], + [ + "▁low", + "er" + ], + [ + "▁", + "lower" + ], + [ + "▁z", + "ero" + ], + [ + "▁ze", + "ro" + ], + [ + "▁", + "zero" + ], + [ + "▁s", + "ec" + ], + [ + "▁se", + "c" + ], + [ + "▁", + "sec" + ], + [ + "▁f", + "ra" + ], + [ + "▁fr", + "a" + ], + [ + "▁", + "fra" + ], + [ + "Po", + "int" + ], + [ + "P", + "oint" + ], + [ + "▁fa", + "iled" + ], + [ + "▁fail", + "ed" + ], + [ + "▁", + "failed" + ], + [ + "ien", + "to" + ], + [ + "ient", + "o" + ], + [ + "i", + "ento" + ], + [ + "cu", + "p" + ], + [ + "c", + "up" + ], + [ + "▁s", + "low" + ], + [ + "▁sl", + "ow" + ], + [ + "▁slo", + "w" + ], + [ + "▁", + "slow" + ], + [ + "▁n", + "ation" + ], + [ + "▁na", + "tion" + ], + [ + "▁nat", + "ion" + ], + [ + "äh", + "r" + ], + [ + "ä", + "hr" + ], + [ + "▁in", + "fo" + ], + [ + "▁inf", + "o" + ], + [ + "▁", + "info" + ], + [ + "▁P", + "ublic" + ], + [ + "▁Pub", + "lic" + ], + [ + "▁Pu", + "blic" + ], + [ + "▁", + "Public" + ], + [ + "▁de", + "cla" + ], + [ + "▁dec", + "la" + ], + [ + "▁decl", + "a" + ], + [ + "▁Т", + "а" + ], + [ + "▁s", + "old" + ], + [ + "▁so", + "ld" + ], + [ + "▁sol", + "d" + ], + [ + "▁R", + "em" + ], + [ + "▁Re", + "m" + ], + [ + "▁", + "Rem" + ], + [ + "▁Ph", + "il" + ], + [ + "ст", + "ра" + ], + [ + "стр", + "а" + ], + [ + "с", + "тра" + ], + [ + "▁me", + "hr" + ], + [ + "▁W", + "ork" + ], + [ + "▁Wor", + "k" + ], + [ + "▁", + "Work" + ], + [ + "▁N", + "ord" + ], + [ + "▁No", + "rd" + ], + [ + "▁Nor", + "d" + ], + [ + "▁f", + "ait" + ], + [ + "▁fa", + "it" + ], + [ + "▁g", + "ew" + ], + [ + "▁ge", + "w" + ], + [ + "▁", + "gew" + ], + [ + "print", + "ln" + ], + [ + "ob", + "ile" + ], + [ + "obil", + "e" + ], + [ + "obi", + "le" + ], + [ + "▁K", + "on" + ], + [ + "▁Ko", + "n" + ], + [ + "▁ass", + "ume" + ], + [ + "▁assum", + "e" + ], + [ + "land", + "s" + ], + [ + "lan", + "ds" + ], + [ + "l", + "ands" + ], + [ + "▁a", + "mount" + ], + [ + "▁am", + "ount" + ], + [ + "▁", + "amount" + ], + [ + "▁P", + "ress" + ], + [ + "▁Pr", + "ess" + ], + [ + "▁Pres", + "s" + ], + [ + "▁Pre", + "ss" + ], + [ + "▁", + "Press" + ], + [ + "ý", + "ch" + ], + [ + "▁ma", + "xim" + ], + [ + "▁max", + "im" + ], + [ + "▁", + "maxim" + ], + [ + "▁Ch", + "ampion" + ], + [ + "▁Champ", + "ion" + ], + [ + "li", + "brary" + ], + [ + "l", + "ibrary" + ], + [ + "a", + "ñ" + ], + [ + "▁W", + "al" + ], + [ + "▁Wa", + "l" + ], + [ + "Com", + "m" + ], + [ + "Co", + "mm" + ], + [ + "C", + "omm" + ], + [ + "]", + "]" + ], + [ + "▁z", + "w" + ], + [ + "▁", + "zw" + ], + [ + "▁so", + "cial" + ], + [ + "▁soci", + "al" + ], + [ + "▁soc", + "ial" + ], + [ + "▁", + "social" + ], + [ + "L", + "I" + ], + [ + "▁Un", + "ter" + ], + [ + "vo", + "r" + ], + [ + "v", + "or" + ], + [ + "Del", + "ta" + ], + [ + "D", + "elta" + ], + [ + "em", + "ail" + ], + [ + "ema", + "il" + ], + [ + "e", + "mail" + ], + [ + "ra", + "int" + ], + [ + "rain", + "t" + ], + [ + "rai", + "nt" + ], + [ + "r", + "aint" + ], + [ + "on", + "i" + ], + [ + "o", + "ni" + ], + [ + "▁a", + "lt" + ], + [ + "▁al", + "t" + ], + [ + "▁", + "alt" + ], + [ + "▁n", + "é" + ], + [ + "▁", + "né" + ], + [ + "ци", + "я" + ], + [ + "ograph", + "y" + ], + [ + "▁mention", + "ed" + ], + [ + "▁ment", + "ioned" + ], + [ + "▁<", + "=" + ], + [ + "▁", + "<=" + ], + [ + "▁c", + "ette" + ], + [ + "▁ce", + "tte" + ], + [ + "▁cet", + "te" + ], + [ + "▁current", + "ly" + ], + [ + "▁curr", + "ently" + ], + [ + "va", + "re" + ], + [ + "var", + "e" + ], + [ + "v", + "are" + ], + [ + "iz", + "ing" + ], + [ + "izi", + "ng" + ], + [ + "izin", + "g" + ], + [ + "i", + "zing" + ], + [ + "▁D", + "ef" + ], + [ + "▁De", + "f" + ], + [ + "▁", + "Def" + ], + [ + "ic", + "ol" + ], + [ + "ico", + "l" + ], + [ + "i", + "col" + ], + [ + "ün", + "d" + ], + [ + "ü", + "nd" + ], + [ + "▁config", + "uration" + ], + [ + "▁configur", + "ation" + ], + [ + "▁", + "configuration" + ], + [ + "est", + "ig" + ], + [ + "esti", + "g" + ], + [ + "II", + "I" + ], + [ + "I", + "II" + ], + [ + "la", + "m" + ], + [ + "l", + "am" + ], + [ + "i", + "ère" + ], + [ + "▁E", + "ar" + ], + [ + "▁t", + "u" + ], + [ + "▁", + "tu" + ], + [ + "En", + "t" + ], + [ + "E", + "nt" + ], + [ + "▁U", + "sing" + ], + [ + "▁Us", + "ing" + ], + [ + "▁", + "Using" + ], + [ + "▁ко", + "м" + ], + [ + "▁к", + "ом" + ], + [ + "▁", + "ком" + ], + [ + "ci", + "e" + ], + [ + "c", + "ie" + ], + [ + "▁pro", + "of" + ], + [ + "▁", + "proof" + ], + [ + "▁in", + "vol" + ], + [ + "▁inv", + "ol" + ], + [ + "▁H", + "istory" + ], + [ + "▁Histor", + "y" + ], + [ + "▁Hi", + "story" + ], + [ + "▁Hist", + "ory" + ], + [ + "▁", + "History" + ], + [ + ">", + "<" + ], + [ + "▁A", + "ND" + ], + [ + "▁AN", + "D" + ], + [ + "▁", + "AND" + ], + [ + "av", + "y" + ], + [ + "a", + "vy" + ], + [ + "▁rel", + "ations" + ], + [ + "▁relation", + "s" + ], + [ + "$", + "{" + ], + [ + "▁com", + "es" + ], + [ + "▁co", + "mes" + ], + [ + "▁come", + "s" + ], + [ + "▁", + "comes" + ], + [ + "▁d", + "irection" + ], + [ + "▁direct", + "ion" + ], + [ + "▁dire", + "ction" + ], + [ + "▁dir", + "ection" + ], + [ + "▁", + "direction" + ], + [ + "▁J", + "une" + ], + [ + "▁Ju", + "ne" + ], + [ + "▁Jun", + "e" + ], + [ + "▁W", + "ay" + ], + [ + "▁Wa", + "y" + ], + [ + "Com", + "ponent" + ], + [ + "ec", + "h" + ], + [ + "e", + "ch" + ], + [ + "▁P", + "eter" + ], + [ + "▁Pe", + "ter" + ], + [ + "▁Pet", + "er" + ], + [ + "▁", + "Peter" + ], + [ + "s", + "g" + ], + [ + "▁s", + "tra" + ], + [ + "▁st", + "ra" + ], + [ + "▁str", + "a" + ], + [ + "▁", + "stra" + ], + [ + "uc", + "t" + ], + [ + "u", + "ct" + ], + [ + "▁im", + "plementation" + ], + [ + "▁implement", + "ation" + ], + [ + "▁", + "implementation" + ], + [ + "att", + "le" + ], + [ + "▁c", + "z" + ], + [ + "▁", + "cz" + ], + [ + "pl", + "ot" + ], + [ + "p", + "lot" + ], + [ + "▁play", + "ed" + ], + [ + "▁pla", + "yed" + ], + [ + "\">", + "<", + "/" + ], + [ + "\"", + ">", + "(" + ], + [ + "▁g", + "round" + ], + [ + "▁gr", + "ound" + ], + [ + "▁gro", + "und" + ], + [ + "▁", + "ground" + ], + [ + "un", + "n" + ], + [ + "u", + "nn" + ], + [ + "ro", + "d" + ], + [ + "r", + "od" + ], + [ + "sp", + "e" + ], + [ + "s", + "pe" + ], + [ + "urs", + "or" + ], + [ + "▁le", + "ave" + ], + [ + "er", + "k" + ], + [ + "▁t", + "al" + ], + [ + "▁ta", + "l" + ], + [ + "▁", + "tal" + ], + [ + "▁b", + "ottom" + ], + [ + "▁bot", + "tom" + ], + [ + "▁bott", + "om" + ], + [ + "▁", + "bottom" + ], + [ + "I", + "O" + ], + [ + "▁pop", + "ular" + ], + [ + "▁popula", + "r" + ], + [ + "▁popul", + "ar" + ], + [ + "ig", + "o" + ], + [ + "i", + "go" + ], + [ + "▁T", + "ime" + ], + [ + "▁Tim", + "e" + ], + [ + "▁Ti", + "me" + ], + [ + "▁", + "Time" + ], + [ + "val", + "ues" + ], + [ + "value", + "s" + ], + [ + "valu", + "es" + ], + [ + "▁L", + "oc" + ], + [ + "▁Lo", + "c" + ], + [ + "▁", + "Loc" + ], + [ + "▁C", + "lub" + ], + [ + "▁Cl", + "ub" + ], + [ + "▁an", + "che" + ], + [ + "▁anc", + "he" + ], + [ + "▁anch", + "e" + ], + [ + "▁", + "anche" + ], + [ + "ia", + "ł" + ], + [ + "i", + "ał" + ], + [ + "і", + "ї" + ], + [ + "Om", + "ega" + ], + [ + "▁loc", + "ated" + ], + [ + "▁locate", + "d" + ], + [ + "▁", + "located" + ], + [ + "U", + "rl" + ], + [ + "▁E", + "sp" + ], + [ + "▁Es", + "p" + ], + [ + "▁", + "Esp" + ], + [ + "л", + "ы" + ], + [ + "ц", + "ь" + ], + [ + "ul", + "ate" + ], + [ + "ula", + "te" + ], + [ + "u", + "late" + ], + [ + "▁j", + "oin" + ], + [ + "▁jo", + "in" + ], + [ + "▁", + "join" + ], + [ + "av", + "es" + ], + [ + "ave", + "s" + ], + [ + "a", + "ves" + ], + [ + "ve", + "t" + ], + [ + "v", + "et" + ], + [ + "li", + "o" + ], + [ + "l", + "io" + ], + [ + "re", + "move" + ], + [ + "rem", + "ove" + ], + [ + "▁t", + "oken" + ], + [ + "▁to", + "ken" + ], + [ + "▁", + "token" + ], + [ + "▁op", + "tim" + ], + [ + "▁opt", + "im" + ], + [ + "▁", + "optim" + ], + [ + "▁c", + "laim" + ], + [ + "▁cla", + "im" + ], + [ + "olog", + "ical" + ], + [ + "▁c", + "ss" + ], + [ + "▁cs", + "s" + ], + [ + "▁", + "css" + ], + [ + "▁al", + "though" + ], + [ + "▁", + "although" + ], + [ + "▁p", + "riv" + ], + [ + "▁pr", + "iv" + ], + [ + "▁pri", + "v" + ], + [ + "▁", + "priv" + ], + [ + "▁B", + "a" + ], + [ + "ü", + "l" + ], + [ + "entic", + "ation" + ], + [ + "enti", + "cation" + ], + [ + "▁v", + "en" + ], + [ + "▁ve", + "n" + ], + [ + "▁", + "ven" + ], + [ + "Ser", + "ver" + ], + [ + "Serv", + "er" + ], + [ + "▁C", + "ong" + ], + [ + "▁Con", + "g" + ], + [ + "▁Co", + "ng" + ], + [ + "NE", + "T" + ], + [ + "N", + "ET" + ], + [ + "CO", + "N" + ], + [ + "C", + "ON" + ], + [ + "d", + "t" + ], + [ + "per", + "ties" + ], + [ + "pert", + "ies" + ], + [ + "▁e", + "pis" + ], + [ + "▁ep", + "is" + ], + [ + "wik", + "ipedia" + ], + [ + "▁eng", + "ine" + ], + [ + "▁", + "engine" + ], + [ + "▁f", + "er" + ], + [ + "▁fe", + "r" + ], + [ + "▁", + "fer" + ], + [ + "get", + "Element" + ], + [ + "▁C", + "la" + ], + [ + "▁Cl", + "a" + ], + [ + "▁", + "Cla" + ], + [ + "ř", + "í" + ], + [ + "▁r", + "om" + ], + [ + "▁ro", + "m" + ], + [ + "▁", + "rom" + ], + [ + "var", + "epsilon" + ], + [ + "vare", + "psilon" + ], + [ + "▁pr", + "ime" + ], + [ + "▁prim", + "e" + ], + [ + "▁pri", + "me" + ], + [ + "▁", + "prime" + ], + [ + "is", + "try" + ], + [ + "ist", + "ry" + ], + [ + "istr", + "y" + ], + [ + "pe", + "cted" + ], + [ + "pect", + "ed" + ], + [ + "pec", + "ted" + ], + [ + "p", + "ected" + ], + [ + "or", + "age" + ], + [ + "ora", + "ge" + ], + [ + "o", + "rage" + ], + [ + "▁t", + "ouch" + ], + [ + "▁to", + "uch" + ], + [ + "▁tou", + "ch" + ], + [ + "▁", + "touch" + ], + [ + "▁[", + "'" + ], + [ + "▁", + "['" + ], + [ + "▁d", + "an" + ], + [ + "▁da", + "n" + ], + [ + "▁", + "dan" + ], + [ + "E", + "m" + ], + [ + "ac", + "iones" + ], + [ + "acion", + "es" + ], + [ + "aci", + "ones" + ], + [ + "a", + "ciones" + ], + [ + "Ca", + "n" + ], + [ + "C", + "an" + ], + [ + "▁w", + "hom" + ], + [ + "▁wh", + "om" + ], + [ + "▁who", + "m" + ], + [ + "▁be", + "havior" + ], + [ + "▁behav", + "ior" + ], + [ + "▁str", + "ings" + ], + [ + "▁string", + "s" + ], + [ + "▁", + "strings" + ], + [ + "▁E", + "urop" + ], + [ + "▁Euro", + "p" + ], + [ + "▁Eu", + "rop" + ], + [ + "▁Eur", + "op" + ], + [ + "▁R", + "om" + ], + [ + "▁Ro", + "m" + ], + [ + "ci", + "rc" + ], + [ + "cir", + "c" + ], + [ + "c", + "irc" + ], + [ + "▁p", + "un" + ], + [ + "▁pu", + "n" + ], + [ + "▁reg", + "ister" + ], + [ + "▁", + "register" + ], + [ + "b", + "untu" + ], + [ + "ra", + "in" + ], + [ + "rai", + "n" + ], + [ + "r", + "ain" + ], + [ + "O", + "b" + ], + [ + "T", + "A" + ], + [ + "▁s", + "ometimes" + ], + [ + "▁some", + "times" + ], + [ + "▁somet", + "imes" + ], + [ + "▁m", + "ent" + ], + [ + "▁me", + "nt" + ], + [ + "▁men", + "t" + ], + [ + "▁", + "ment" + ], + [ + "▁in", + "teger" + ], + [ + "▁inte", + "ger" + ], + [ + "▁", + "integer" + ], + [ + "▁J", + "ac" + ], + [ + "▁Ja", + "c" + ], + [ + "▁", + "Jac" + ], + [ + "le", + "gate" + ], + [ + "leg", + "ate" + ], + [ + "ot", + "hing" + ], + [ + "oth", + "ing" + ], + [ + "o", + "thing" + ], + [ + "▁s", + "ound" + ], + [ + "▁so", + "und" + ], + [ + "▁sou", + "nd" + ], + [ + "▁", + "sound" + ], + [ + "la", + "ces" + ], + [ + "lace", + "s" + ], + [ + "lac", + "es" + ], + [ + "l", + "aces" + ], + [ + "▁Б", + "а" + ], + [ + "r", + "b" + ], + [ + "d", + "i" + ], + [ + "ле", + "ния" + ], + [ + "▁them", + "selves" + ], + [ + "▁B", + "lack" + ], + [ + "▁Bl", + "ack" + ], + [ + "▁Bla", + "ck" + ], + [ + "▁", + "Black" + ], + [ + "▁s", + "ettings" + ], + [ + "▁sett", + "ings" + ], + [ + "▁setting", + "s" + ], + [ + "▁", + "settings" + ], + [ + "▁n", + "orm" + ], + [ + "▁no", + "rm" + ], + [ + "▁nor", + "m" + ], + [ + "▁", + "norm" + ], + [ + "▁r", + "uns" + ], + [ + "▁run", + "s" + ], + [ + "▁ru", + "ns" + ], + [ + "▁N", + "OT" + ], + [ + "▁NO", + "T" + ], + [ + "▁", + "NOT" + ], + [ + "K", + "E" + ], + [ + "▁per", + "haps" + ], + [ + "▁", + "Я" + ], + [ + "▁m", + "ol" + ], + [ + "▁mo", + "l" + ], + [ + "▁a", + "ns" + ], + [ + "▁an", + "s" + ], + [ + "▁", + "ans" + ], + [ + "at", + "re" + ], + [ + "atr", + "e" + ], + [ + "a", + "tre" + ], + [ + "▁D", + "ies" + ], + [ + "▁Die", + "s" + ], + [ + "▁Di", + "es" + ], + [ + "To", + "ken" + ], + [ + "T", + "oken" + ], + [ + "an", + "ie" + ], + [ + "ani", + "e" + ], + [ + "a", + "nie" + ], + [ + "▁all", + "owed" + ], + [ + "▁allow", + "ed" + ], + [ + "▁allo", + "wed" + ], + [ + "▁", + "allowed" + ], + [ + "R", + "ange" + ], + [ + "▁G", + "ro" + ], + [ + "▁Gr", + "o" + ], + [ + "vi", + "a" + ], + [ + "v", + "ia" + ], + [ + "ut", + "orial" + ], + [ + "uto", + "rial" + ], + [ + "utor", + "ial" + ], + [ + "ens", + "or" + ], + [ + "enso", + "r" + ], + [ + "est", + "ival" + ], + [ + "esti", + "val" + ], + [ + ");", + "\r" + ], + [ + ")", + ";\r" + ], + [ + "кра", + "ї" + ], + [ + "▁turn", + "ed" + ], + [ + "▁tur", + "ned" + ], + [ + "sc", + "ope" + ], + [ + "scop", + "e" + ], + [ + "s", + "cope" + ], + [ + "▁b", + "ien" + ], + [ + "▁bi", + "en" + ], + [ + "=", + "$" + ], + [ + "▁ext", + "ension" + ], + [ + "▁extens", + "ion" + ], + [ + "▁", + "extension" + ], + [ + "at", + "ore" + ], + [ + "ator", + "e" + ], + [ + "ato", + "re" + ], + [ + "▁Р", + "о" + ], + [ + "▁spec", + "ify" + ], + [ + "ed", + "u" + ], + [ + "e", + "du" + ], + [ + "Dat", + "os" + ], + [ + "D", + "atos" + ], + [ + "▁st", + "ored" + ], + [ + "▁stor", + "ed" + ], + [ + "▁store", + "d" + ], + [ + "▁sto", + "red" + ], + [ + "▁p", + "arse" + ], + [ + "▁par", + "se" + ], + [ + "▁", + "parse" + ], + [ + "▁an", + "swers" + ], + [ + "▁answer", + "s" + ], + [ + "▁ans", + "wers" + ], + [ + "il", + "ls" + ], + [ + "ill", + "s" + ], + [ + "▁he", + "ard" + ], + [ + "▁hear", + "d" + ], + [ + "l", + "u" + ], + [ + "▁T", + "HE" + ], + [ + "▁TH", + "E" + ], + [ + "▁", + "THE" + ], + [ + "▁g", + "én" + ], + [ + "▁gé", + "n" + ], + [ + "▁f", + "ul" + ], + [ + "▁fu", + "l" + ], + [ + "▁", + "ful" + ], + [ + "e", + "z" + ], + [ + "▁P", + "rem" + ], + [ + "▁Pr", + "em" + ], + [ + "▁Pre", + "m" + ], + [ + "th", + "en" + ], + [ + "the", + "n" + ], + [ + "t", + "hen" + ], + [ + "d", + "p" + ], + [ + "сь", + "кого" + ], + [ + "сько", + "го" + ], + [ + "ськ", + "ого" + ], + [ + "▁S", + "i" + ], + [ + "▁", + "Si" + ], + [ + "ç", + "o" + ], + [ + "Ed", + "it" + ], + [ + "E", + "dit" + ], + [ + "кі", + "в" + ], + [ + "к", + "ів" + ], + [ + "▁Л", + "и" + ], + [ + "▁S", + "ing" + ], + [ + "▁Si", + "ng" + ], + [ + "▁Sin", + "g" + ], + [ + "▁", + "Sing" + ], + [ + "▁c", + "ateg" + ], + [ + "▁cat", + "eg" + ], + [ + "Eq", + "u" + ], + [ + "E", + "qu" + ], + [ + "▁g", + "uer" + ], + [ + "▁gu", + "er" + ], + [ + "▁", + "guer" + ], + [ + "W", + "idth" + ], + [ + "▁Christ", + "ian" + ], + [ + "st", + "at" + ], + [ + "sta", + "t" + ], + [ + "s", + "tat" + ], + [ + "W", + "rite" + ], + [ + "▁w", + "oman" + ], + [ + "▁wo", + "man" + ], + [ + "wo", + "od" + ], + [ + "w", + "ood" + ], + [ + "V", + "is" + ], + [ + "ра", + "з" + ], + [ + "▁$", + "$\\" + ], + [ + "▁$$", + "\\" + ], + [ + "ode", + "r" + ], + [ + "od", + "er" + ], + [ + "o", + "der" + ], + [ + "▁b", + "ool" + ], + [ + "▁bo", + "ol" + ], + [ + "▁", + "bool" + ], + [ + "▁intern", + "ational" + ], + [ + "но", + "сть" + ], + [ + "ност", + "ь" + ], + [ + "нос", + "ть" + ], + [ + "▁Rich", + "ard" + ], + [ + "▁Ric", + "hard" + ], + [ + "▁add", + "ition" + ], + [ + "▁Mus", + "ic" + ], + [ + "▁", + "Music" + ], + [ + "▁a", + "ber" + ], + [ + "▁ab", + "er" + ], + [ + "t", + "ó" + ], + [ + "▁h", + "ier" + ], + [ + "▁hi", + "er" + ], + [ + "ug", + "h" + ], + [ + "u", + "gh" + ], + [ + "▁p", + "ob" + ], + [ + "▁po", + "b" + ], + [ + "▁t", + "ables" + ], + [ + "▁table", + "s" + ], + [ + "▁tab", + "les" + ], + [ + "▁ta", + "bles" + ], + [ + "▁", + "tables" + ], + [ + "D", + "o" + ], + [ + "▁high", + "er" + ], + [ + "ps", + "i" + ], + [ + "p", + "si" + ], + [ + "r", + "á" + ], + [ + "▁act", + "ive" + ], + [ + "▁activ", + "e" + ], + [ + "▁", + "active" + ], + [ + "▁T", + "able" + ], + [ + "▁Ta", + "ble" + ], + [ + "▁Tab", + "le" + ], + [ + "▁", + "Table" + ], + [ + "њ", + "е" + ], + [ + "▁de", + "scription" + ], + [ + "▁des", + "cription" + ], + [ + "▁descri", + "ption" + ], + [ + "▁descript", + "ion" + ], + [ + "▁", + "description" + ], + [ + "▁se", + "emed" + ], + [ + "▁see", + "med" + ], + [ + "▁seem", + "ed" + ], + [ + "ís", + "t" + ], + [ + "í", + "st" + ], + [ + "▁my", + "self" + ], + [ + "▁m", + "enu" + ], + [ + "▁me", + "nu" + ], + [ + "▁men", + "u" + ], + [ + "▁", + "menu" + ], + [ + "de", + "l" + ], + [ + "d", + "el" + ], + [ + "▁", + "ž" + ], + [ + "el", + "e" + ], + [ + "e", + "le" + ], + [ + "A", + "ut" + ], + [ + "▁г", + "ру" + ], + [ + "mu", + "t" + ], + [ + "m", + "ut" + ], + [ + "oo", + "n" + ], + [ + "o", + "on" + ], + [ + "as", + "c" + ], + [ + "a", + "sc" + ], + [ + "bu", + "g" + ], + [ + "b", + "ug" + ], + [ + "▁m", + "oved" + ], + [ + "▁mov", + "ed" + ], + [ + "▁mo", + "ved" + ], + [ + "▁move", + "d" + ], + [ + "C", + "L" + ], + [ + "▁data", + "s" + ], + [ + "▁dat", + "as" + ], + [ + "▁", + "datas" + ], + [ + "S", + "O" + ], + [ + "о", + "ло" + ], + [ + "▁Ge", + "org" + ], + [ + "▁re", + "ach" + ], + [ + "▁r", + "each" + ], + [ + ":", + "\"" + ], + [ + "▁e", + "valu" + ], + [ + "▁ev", + "alu" + ], + [ + "▁eval", + "u" + ], + [ + "▁", + "evalu" + ], + [ + "▁H", + "el" + ], + [ + "▁He", + "l" + ], + [ + "▁", + "Hel" + ], + [ + "▁R", + "iver" + ], + [ + "▁Riv", + "er" + ], + [ + "▁Ri", + "ver" + ], + [ + "▁А", + "р" + ], + [ + "▁", + "Ар" + ], + [ + "//", + "//" + ], + [ + "///", + "/" + ], + [ + "/", + "///" + ], + [ + "▁s", + "ets" + ], + [ + "▁se", + "ts" + ], + [ + "▁set", + "s" + ], + [ + "▁", + "sets" + ], + [ + "▁O", + "lymp" + ], + [ + "Ad", + "apter" + ], + [ + ".", + "'" + ], + [ + "ov", + "ern" + ], + [ + "over", + "n" + ], + [ + "ove", + "rn" + ], + [ + "o", + "vern" + ], + [ + "▁L", + "ord" + ], + [ + "▁Lo", + "rd" + ], + [ + "▁Lor", + "d" + ], + [ + "!", + "--" + ], + [ + "jp", + "g" + ], + [ + "j", + "pg" + ], + [ + "im", + "ento" + ], + [ + "iment", + "o" + ], + [ + "imen", + "to" + ], + [ + "▁Pro", + "f" + ], + [ + "▁Pr", + "of" + ], + [ + "▁ach", + "ieve" + ], + [ + "▁achiev", + "e" + ], + [ + "}", + ":" + ], + [ + "▁in", + "cor" + ], + [ + "▁inc", + "or" + ], + [ + "▁o", + "nder" + ], + [ + "▁on", + "der" + ], + [ + "▁onde", + "r" + ], + [ + "▁", + "onder" + ], + [ + "en", + "gl" + ], + [ + "eng", + "l" + ], + [ + "AB", + "LE" + ], + [ + "▁M", + "ary" + ], + [ + "▁Mar", + "y" + ], + [ + "▁Ma", + "ry" + ], + [ + "▁w", + "aren" + ], + [ + "▁war", + "en" + ], + [ + "▁wa", + "ren" + ], + [ + "la", + "ge" + ], + [ + "lag", + "e" + ], + [ + "l", + "age" + ], + [ + "De", + "c" + ], + [ + "D", + "ec" + ], + [ + "анг", + "л" + ], + [ + "en", + "cias" + ], + [ + "enc", + "ias" + ], + [ + "encia", + "s" + ], + [ + "enci", + "as" + ], + [ + "ле", + "й" + ], + [ + "л", + "ей" + ], + [ + "▁M", + "achine" + ], + [ + "▁Mach", + "ine" + ], + [ + "▁", + "Machine" + ], + [ + "▁А", + "н" + ], + [ + "ud", + "a" + ], + [ + "u", + "da" + ], + [ + "▁", + "ś" + ], + [ + "▁X", + "X" + ], + [ + "▁", + "XX" + ], + [ + "on", + "ly" + ], + [ + "ле", + "ние" + ], + [ + "▁tamb", + "ién" + ], + [ + "ne", + "j" + ], + [ + "n", + "ej" + ], + [ + "▁rel", + "ative" + ], + [ + "▁relativ", + "e" + ], + [ + "▁", + "relative" + ], + [ + "▁h", + "ours" + ], + [ + "▁ho", + "urs" + ], + [ + "▁hour", + "s" + ], + [ + "▁ind", + "eed" + ], + [ + "▁inde", + "ed" + ], + [ + "un", + "do" + ], + [ + "und", + "o" + ], + [ + "in", + "gu" + ], + [ + "ing", + "u" + ], + [ + "ar", + "ea" + ], + [ + "are", + "a" + ], + [ + "a", + "rea" + ], + [ + "▁C", + "reate" + ], + [ + "▁Cre", + "ate" + ], + [ + "▁", + "Create" + ], + [ + "be", + "it" + ], + [ + "bei", + "t" + ], + [ + "▁rem", + "oved" + ], + [ + "▁remove", + "d" + ], + [ + "▁remov", + "ed" + ], + [ + "ma", + "ster" + ], + [ + "mas", + "ter" + ], + [ + "maste", + "r" + ], + [ + "m", + "aster" + ], + [ + "ha", + "us" + ], + [ + "h", + "aus" + ], + [ + "▁B", + "ern" + ], + [ + "▁Be", + "rn" + ], + [ + "▁Ber", + "n" + ], + [ + "▁sp", + "eed" + ], + [ + "▁spe", + "ed" + ], + [ + "▁", + "speed" + ], + [ + "▁B", + "ay" + ], + [ + "▁Ba", + "y" + ], + [ + "▁A", + "tt" + ], + [ + "▁At", + "t" + ], + [ + "▁", + "Att" + ], + [ + "▁N", + "one" + ], + [ + "▁No", + "ne" + ], + [ + "▁Non", + "e" + ], + [ + "▁", + "None" + ], + [ + "app", + "lication" + ], + [ + "ü", + "d" + ], + [ + "▁f", + "it" + ], + [ + "▁fi", + "t" + ], + [ + "▁", + "fit" + ], + [ + "▁M", + "aria" + ], + [ + "▁Mar", + "ia" + ], + [ + "▁Ma", + "ria" + ], + [ + "▁Mari", + "a" + ], + [ + "▁n", + "ord" + ], + [ + "▁no", + "rd" + ], + [ + "▁nor", + "d" + ], + [ + "▁s", + "plit" + ], + [ + "▁sp", + "lit" + ], + [ + "▁spl", + "it" + ], + [ + "▁", + "split" + ], + [ + "▁st", + "ru" + ], + [ + "▁str", + "u" + ], + [ + "▁", + "stru" + ], + [ + "▁o", + "fficial" + ], + [ + "▁off", + "icial" + ], + [ + "▁offic", + "ial" + ], + [ + "▁offici", + "al" + ], + [ + "▁exec", + "ute" + ], + [ + "▁execut", + "e" + ], + [ + "▁", + "execute" + ], + [ + "ou", + "ve" + ], + [ + "ouv", + "e" + ], + [ + "o", + "uve" + ], + [ + "{", + "{" + ], + [ + "▁A", + "p" + ], + [ + "▁", + "Ap" + ], + [ + "▁к", + "у" + ], + [ + "▁", + "ку" + ], + [ + "I", + "L" + ], + [ + "▁", + "^" + ], + [ + "di", + "m" + ], + [ + "d", + "im" + ], + [ + "▁set", + "up" + ], + [ + "▁", + "setup" + ], + [ + "с", + "к" + ], + [ + "▁sh", + "are" + ], + [ + "▁", + "share" + ], + [ + "▁min", + "utes" + ], + [ + "▁minute", + "s" + ], + [ + "gl", + "e" + ], + [ + "g", + "le" + ], + [ + "oc", + "o" + ], + [ + "o", + "co" + ], + [ + "st", + "ell" + ], + [ + "ste", + "ll" + ], + [ + "▁C", + "oun" + ], + [ + "▁Co", + "un" + ], + [ + "▁Cou", + "n" + ], + [ + "▁tem", + "per" + ], + [ + "▁temp", + "er" + ], + [ + "▁", + "temper" + ], + [ + "ke", + "it" + ], + [ + "сь", + "кий" + ], + [ + "a", + "o" + ], + [ + "▁L", + "ong" + ], + [ + "▁Lo", + "ng" + ], + [ + "▁", + "Long" + ], + [ + "(", + "&" + ], + [ + "ка", + "н" + ], + [ + "к", + "ан" + ], + [ + "▁d", + "ens" + ], + [ + "▁de", + "ns" + ], + [ + "▁den", + "s" + ], + [ + "▁", + "dens" + ], + [ + "Bu", + "t" + ], + [ + "B", + "ut" + ], + [ + "X", + "X" + ], + [ + "DA", + "TE" + ], + [ + "DAT", + "E" + ], + [ + "D", + "ATE" + ], + [ + "ga", + "n" + ], + [ + "g", + "an" + ], + [ + ".)", + "." + ], + [ + ".", + ")." + ], + [ + "▁en", + "try" + ], + [ + "▁ent", + "ry" + ], + [ + "▁entr", + "y" + ], + [ + "▁", + "entry" + ], + [ + "inst", + "all" + ], + [ + "▁з", + "на" + ], + [ + "▁", + "зна" + ], + [ + "▁S", + "om" + ], + [ + "▁So", + "m" + ], + [ + "Comm", + "and" + ], + [ + "ße", + "n" + ], + [ + "ß", + "en" + ], + [ + "▁start", + "ing" + ], + [ + "▁star", + "ting" + ], + [ + "▁s", + "to" + ], + [ + "▁st", + "o" + ], + [ + "▁", + "sto" + ], + [ + "I", + "G" + ], + [ + "▁min", + "im" + ], + [ + "▁mi", + "nim" + ], + [ + "▁mini", + "m" + ], + [ + "▁exp", + "licit" + ], + [ + "▁explic", + "it" + ], + [ + "▁by", + "tes" + ], + [ + "▁byte", + "s" + ], + [ + "▁", + "bytes" + ], + [ + "▁par", + "ty" + ], + [ + "▁part", + "y" + ], + [ + "▁", + "party" + ], + [ + "to", + "ber" + ], + [ + "t", + "ober" + ], + [ + "▁G", + "rand" + ], + [ + "▁Gr", + "and" + ], + [ + "▁Gra", + "nd" + ], + [ + "▁Gran", + "d" + ], + [ + "▁V", + "or" + ], + [ + "▁Vo", + "r" + ], + [ + "▁", + "Vor" + ], + [ + "▁l", + "eur" + ], + [ + "▁le", + "ur" + ], + [ + "▁", + "leur" + ], + [ + "Doc", + "ument" + ], + [ + "D", + "ocument" + ], + [ + "er", + "c" + ], + [ + "e", + "rc" + ], + [ + "ens", + "ive" + ], + [ + "C", + "P" + ], + [ + "en", + "v" + ], + [ + "▁arg", + "uments" + ], + [ + "▁argument", + "s" + ], + [ + "▁", + "arguments" + ], + [ + "▁G", + "ran" + ], + [ + "▁Gr", + "an" + ], + [ + "▁Gra", + "n" + ], + [ + "ar", + "ily" + ], + [ + "ari", + "ly" + ], + [ + "▁l", + "in" + ], + [ + "▁li", + "n" + ], + [ + "▁", + "lin" + ], + [ + "t", + "n" + ], + [ + "(", + "-" + ], + [ + "ge", + "q" + ], + [ + "g", + "eq" + ], + [ + "▁F", + "amil" + ], + [ + "▁Fa", + "mil" + ], + [ + "▁Fam", + "il" + ], + [ + "▁", + "Famil" + ], + [ + "▁Б", + "о" + ], + [ + "▁t", + "our" + ], + [ + "▁to", + "ur" + ], + [ + "▁tou", + "r" + ], + [ + "▁n", + "av" + ], + [ + "▁na", + "v" + ], + [ + "▁", + "nav" + ], + [ + "▁proper", + "ly" + ], + [ + "▁M", + "rs" + ], + [ + "▁Mr", + "s" + ], + [ + "▁M", + "el" + ], + [ + "▁Me", + "l" + ], + [ + "▁sc", + "ale" + ], + [ + "▁scal", + "e" + ], + [ + "▁", + "scale" + ], + [ + "ast", + "ic" + ], + [ + "d", + "s" + ], + [ + "▁S", + "ir" + ], + [ + "▁Si", + "r" + ], + [ + "▁Ch", + "urch" + ], + [ + "}^", + "{\\" + ], + [ + "}^{", + "\\" + ], + [ + "}", + "^{\\" + ], + [ + "yo", + "u" + ], + [ + "y", + "ou" + ], + [ + "/", + "." + ], + [ + "S", + "o" + ], + [ + "▁br", + "ought" + ], + [ + "▁r", + "ole" + ], + [ + "▁ro", + "le" + ], + [ + "▁rol", + "e" + ], + [ + "▁", + "role" + ], + [ + "▁S", + "ur" + ], + [ + "▁Su", + "r" + ], + [ + "▁", + "Sur" + ], + [ + "▁f", + "ond" + ], + [ + "▁fo", + "nd" + ], + [ + "▁fon", + "d" + ], + [ + "▁g", + "es" + ], + [ + "▁ge", + "s" + ], + [ + "▁", + "ges" + ], + [ + "ż", + "e" + ], + [ + "et", + "en" + ], + [ + "ete", + "n" + ], + [ + "e", + "ten" + ], + [ + "▁é", + "tait" + ], + [ + "▁ét", + "ait" + ], + [ + "▁", + "était" + ], + [ + "SE", + "R" + ], + [ + "S", + "ER" + ], + [ + "▁ко", + "торы" + ], + [ + "▁кото", + "ры" + ], + [ + "▁equ", + "ation" + ], + [ + "▁", + "equation" + ], + [ + "as", + "px" + ], + [ + "asp", + "x" + ], + [ + "▁A", + "fr" + ], + [ + "▁Af", + "r" + ], + [ + "▁d", + "it" + ], + [ + "▁di", + "t" + ], + [ + "▁", + "dit" + ], + [ + "em", + "pty" + ], + [ + "emp", + "ty" + ], + [ + "empt", + "y" + ], + [ + "al", + "ement" + ], + [ + "ale", + "ment" + ], + [ + "alem", + "ent" + ], + [ + "a", + "lement" + ], + [ + "wr", + "ap" + ], + [ + "w", + "rap" + ], + [ + "▁B", + "et" + ], + [ + "▁Be", + "t" + ], + [ + "▁col", + "lect" + ], + [ + "▁coll", + "ect" + ], + [ + "▁colle", + "ct" + ], + [ + "▁", + "collect" + ], + [ + "▁g", + "it" + ], + [ + "▁gi", + "t" + ], + [ + "▁", + "git" + ], + [ + "▁v", + "ie" + ], + [ + "▁vi", + "e" + ], + [ + "▁", + "vie" + ], + [ + "▁.", + "." + ], + [ + "▁", + ".." + ], + [ + "ро", + "й" + ], + [ + "▁<", + "?" + ], + [ + "▁", + "" + ], + [ + "▁В", + "а" + ], + [ + "no", + "st" + ], + [ + "nos", + "t" + ], + [ + "n", + "ost" + ], + [ + "▁n", + "em" + ], + [ + "▁ne", + "m" + ], + [ + "▁", + "nem" + ], + [ + "▁p", + "en" + ], + [ + "▁pe", + "n" + ], + [ + "▁", + "pen" + ], + [ + "Op", + "en" + ], + [ + "O", + "pen" + ], + [ + "▁ch", + "urch" + ], + [ + "ко", + "н" + ], + [ + "к", + "он" + ], + [ + "▁a", + "verage" + ], + [ + "▁aver", + "age" + ], + [ + "▁ave", + "rage" + ], + [ + "▁com", + "ments" + ], + [ + "▁comm", + "ents" + ], + [ + "▁comment", + "s" + ], + [ + "▁", + "comments" + ], + [ + "▁correspond", + "ing" + ], + [ + "lev", + "ant" + ], + [ + "▁b", + "ed" + ], + [ + "▁be", + "d" + ], + [ + "▁", + "bed" + ], + [ + "▁mean", + "ing" + ], + [ + "V", + "ersion" + ], + [ + "Lin", + "k" + ], + [ + "L", + "ink" + ], + [ + "be", + "l" + ], + [ + "b", + "el" + ], + [ + "▁ext", + "ract" + ], + [ + "▁extra", + "ct" + ], + [ + "▁extr", + "act" + ], + [ + "▁", + "extract" + ], + [ + "ś", + "ć" + ], + [ + "▁I", + "V" + ], + [ + "▁", + "IV" + ], + [ + "▁I", + "r" + ], + [ + "▁comp", + "uter" + ], + [ + "▁comput", + "er" + ], + [ + "▁compute", + "r" + ], + [ + "▁a", + "ffect" + ], + [ + "▁af", + "fect" + ], + [ + "▁aff", + "ect" + ], + [ + "▁С", + "та" + ], + [ + "▁Ст", + "а" + ], + [ + "A", + "X" + ], + [ + "so", + "rt" + ], + [ + "s", + "ort" + ], + [ + "▁s", + "pecies" + ], + [ + "▁spe", + "cies" + ], + [ + "▁spec", + "ies" + ], + [ + "▁specie", + "s" + ], + [ + "▁", + "species" + ], + [ + "▁O", + "per" + ], + [ + "▁Op", + "er" + ], + [ + "▁", + "Oper" + ], + [ + "▁h", + "ash" + ], + [ + "▁ha", + "sh" + ], + [ + "▁has", + "h" + ], + [ + "▁", + "hash" + ], + [ + "ch", + "es" + ], + [ + "che", + "s" + ], + [ + "c", + "hes" + ], + [ + "▁Einz", + "eln" + ], + [ + "▁Einzel", + "n" + ], + [ + "▁ke", + "ys" + ], + [ + "▁key", + "s" + ], + [ + "▁", + "keys" + ], + [ + "▁mar", + "zo" + ], + [ + "▁inter", + "pret" + ], + [ + "▁interpre", + "t" + ], + [ + "ho", + "od" + ], + [ + "h", + "ood" + ], + [ + "▁co", + "ordin" + ], + [ + "▁coord", + "in" + ], + [ + "ö", + "s" + ], + [ + "ra", + "ge" + ], + [ + "rag", + "e" + ], + [ + "r", + "age" + ], + [ + "et", + "z" + ], + [ + "e", + "tz" + ], + [ + "iz", + "a" + ], + [ + "i", + "za" + ], + [ + "де", + "р" + ], + [ + "д", + "ер" + ], + [ + "ü", + "t" + ], + [ + "^", + "*" + ], + [ + "▁mod", + "ify" + ], + [ + "▁term", + "in" + ], + [ + "▁ter", + "min" + ], + [ + "▁", + "termin" + ], + [ + "▁c", + "red" + ], + [ + "▁cre", + "d" + ], + [ + "▁cr", + "ed" + ], + [ + "▁", + "cred" + ], + [ + "zo", + "n" + ], + [ + "z", + "on" + ], + [ + "ну", + "ю" + ], + [ + "н", + "ую" + ], + [ + "▁m", + "ie" + ], + [ + "▁mi", + "e" + ], + [ + "▁'", + "'" + ], + [ + "▁", + "''" + ], + [ + "▁M", + "os" + ], + [ + "▁Mo", + "s" + ], + [ + "▁conne", + "cted" + ], + [ + "▁connect", + "ed" + ], + [ + "▁conn", + "ected" + ], + [ + "▁", + "connected" + ], + [ + "N", + "O" + ], + [ + "▁comp", + "ile" + ], + [ + "▁", + "compile" + ], + [ + "▁\"", + "\\" + ], + [ + "▁", + "\"\\" + ], + [ + "▁c", + "at" + ], + [ + "▁ca", + "t" + ], + [ + "▁", + "cat" + ], + [ + "f", + "iddle" + ], + [ + "ut", + "a" + ], + [ + "u", + "ta" + ], + [ + "Acc", + "ess" + ], + [ + "Ac", + "cess" + ], + [ + "A", + "ccess" + ], + [ + "▁S", + "to" + ], + [ + "▁St", + "o" + ], + [ + "▁", + "Sto" + ], + [ + "▁B", + "ur" + ], + [ + "▁Bu", + "r" + ], + [ + "▁n", + "orth" + ], + [ + "▁nor", + "th" + ], + [ + "G", + "amma" + ], + [ + "▁al", + "loc" + ], + [ + "▁all", + "oc" + ], + [ + "▁allo", + "c" + ], + [ + "▁", + "alloc" + ], + [ + "In", + "it" + ], + [ + "I", + "nit" + ], + [ + "▁L", + "ink" + ], + [ + "▁Lin", + "k" + ], + [ + "▁", + "Link" + ], + [ + "ial", + "ize" + ], + [ + "iali", + "ze" + ], + [ + "Im", + "pl" + ], + [ + "Imp", + "l" + ], + [ + "ou", + "pe" + ], + [ + "oup", + "e" + ], + [ + "rop", + "ri" + ], + [ + "▁G", + "old" + ], + [ + "▁Go", + "ld" + ], + [ + "▁Gol", + "d" + ], + [ + "▁s", + "olo" + ], + [ + "▁so", + "lo" + ], + [ + "▁sol", + "o" + ], + [ + "▁D", + "ist" + ], + [ + "▁Dis", + "t" + ], + [ + "▁Di", + "st" + ], + [ + "▁", + "Dist" + ], + [ + ",", + "-" + ], + [ + "na", + "v" + ], + [ + "n", + "av" + ], + [ + "▁al", + "ert" + ], + [ + "▁ale", + "rt" + ], + [ + "▁", + "alert" + ], + [ + "es", + "is" + ], + [ + "esi", + "s" + ], + [ + "▁O", + "s" + ], + [ + "▁", + "Os" + ], + [ + "//", + "/" + ], + [ + "/", + "//" + ], + [ + "▁f", + "eb" + ], + [ + "▁fe", + "b" + ], + [ + "▁-", + "->" + ], + [ + "▁--", + ">" + ], + [ + "▁", + "-->" + ], + [ + "fo", + "ot" + ], + [ + "foo", + "t" + ], + [ + "f", + "oot" + ], + [ + "▁F", + "ried" + ], + [ + "▁Fr", + "ied" + ], + [ + "▁Fri", + "ed" + ], + [ + "▁Einzeln", + "ach" + ], + [ + "▁Einzel", + "nach" + ], + [ + "▁re", + "v" + ], + [ + "▁r", + "ev" + ], + [ + "▁", + "rev" + ], + [ + "ze", + "it" + ], + [ + "▁S", + "tat" + ], + [ + "▁St", + "at" + ], + [ + "▁Sta", + "t" + ], + [ + "▁", + "Stat" + ], + [ + "▁S", + "eg" + ], + [ + "▁Se", + "g" + ], + [ + "▁", + "Seg" + ], + [ + "▁b", + "lo" + ], + [ + "▁bl", + "o" + ], + [ + "▁", + "blo" + ], + [ + "wi", + "ck" + ], + [ + "w", + "ick" + ], + [ + "E", + "L" + ], + [ + "ca", + "ption" + ], + [ + "cap", + "tion" + ], + [ + "capt", + "ion" + ], + [ + "he", + "ader" + ], + [ + "head", + "er" + ], + [ + "▁pres", + "ident" + ], + [ + "▁presiden", + "t" + ], + [ + "▁mult", + "ip" + ], + [ + "▁multi", + "p" + ], + [ + "▁mul", + "tip" + ], + [ + "▁", + "multip" + ], + [ + "▁Einzelnach", + "weise" + ], + [ + "▁se", + "ine" + ], + [ + "▁sein", + "e" + ], + [ + "▁sei", + "ne" + ], + [ + "?", + "”" + ], + [ + "Func", + "tion" + ], + [ + "Fun", + "ction" + ], + [ + "F", + "unction" + ], + [ + "▁St", + "and" + ], + [ + "▁Sta", + "nd" + ], + [ + "▁Stan", + "d" + ], + [ + "▁", + "Stand" + ], + [ + "▁F", + "unction" + ], + [ + "▁Fun", + "ction" + ], + [ + "▁", + "Function" + ], + [ + "▁?", + ">" + ], + [ + "▁", + "?>" + ], + [ + "▁B", + "ill" + ], + [ + "▁Bi", + "ll" + ], + [ + "▁Bil", + "l" + ], + [ + "▁s", + "pect" + ], + [ + "▁sp", + "ect" + ], + [ + "▁spe", + "ct" + ], + [ + "▁spec", + "t" + ], + [ + "▁", + "spect" + ], + [ + "▁re", + "direct" + ], + [ + "▁red", + "irect" + ], + [ + "▁", + "redirect" + ], + [ + "ru", + "pt" + ], + [ + "rup", + "t" + ], + [ + "r", + "upt" + ], + [ + "▁w", + "alk" + ], + [ + "▁wal", + "k" + ], + [ + "▁", + "walk" + ], + [ + "в", + "ши" + ], + [ + "spring", + "framework" + ], + [ + "pl", + "ace" + ], + [ + "pla", + "ce" + ], + [ + "p", + "lace" + ], + [ + "é", + "ho" + ], + [ + "Ent", + "ity" + ], + [ + "▁Ser", + "vice" + ], + [ + "▁Serv", + "ice" + ], + [ + "▁", + "Service" + ], + [ + "in", + "te" + ], + [ + "int", + "e" + ], + [ + "▁tr", + "aining" + ], + [ + "▁tra", + "ining" + ], + [ + "▁train", + "ing" + ], + [ + "▁", + "training" + ], + [ + "▁(", + "`" + ], + [ + "▁", + "(`" + ], + [ + "фо", + "р" + ], + [ + "ф", + "ор" + ], + [ + "▁к", + "ра" + ], + [ + "▁", + "кра" + ], + [ + "au", + "r" + ], + [ + "a", + "ur" + ], + [ + "▁f", + "etch" + ], + [ + "▁fet", + "ch" + ], + [ + "▁", + "fetch" + ], + [ + "▁", + "†" + ], + [ + "▁m", + "ême" + ], + [ + "▁", + "même" + ], + [ + "▁(", + "'" + ], + [ + "▁", + "('" + ], + [ + "at", + "ively" + ], + [ + "ative", + "ly" + ], + [ + "ativ", + "ely" + ], + [ + "▁exec", + "ut" + ], + [ + "ä", + "ch" + ], + [ + "▁Catalog", + "ue" + ], + [ + "ba", + "sed" + ], + [ + "base", + "d" + ], + [ + "bas", + "ed" + ], + [ + "b", + "ased" + ], + [ + "Att", + "ribute" + ], + [ + "▁s", + "pring" + ], + [ + "▁sp", + "ring" + ], + [ + "▁spr", + "ing" + ], + [ + "▁", + "spring" + ], + [ + "ph", + "one" + ], + [ + "phon", + "e" + ], + [ + "т", + "ра" + ], + [ + "▁п", + "и" + ], + [ + "▁", + "пи" + ], + [ + "те", + "ра" + ], + [ + "тер", + "а" + ], + [ + "т", + "ера" + ], + [ + "▁`", + "\\" + ], + [ + "▁O", + "d" + ], + [ + "On", + "e" + ], + [ + "O", + "ne" + ], + [ + "se", + "nd" + ], + [ + "sen", + "d" + ], + [ + "s", + "end" + ], + [ + "bo", + "n" + ], + [ + "b", + "on" + ], + [ + "▁", + "°" + ], + [ + "M", + "O" + ], + [ + "▁as", + "king" + ], + [ + "▁ask", + "ing" + ], + [ + "▁o", + "ù" + ], + [ + "▁ing", + "år" + ], + [ + "▁test", + "ing" + ], + [ + "▁", + "testing" + ], + [ + "▁ф", + "а" + ], + [ + "▁", + "фа" + ], + [ + "▁B", + "ook" + ], + [ + "▁Bo", + "ok" + ], + [ + "▁", + "Book" + ], + [ + "im", + "m" + ], + [ + "i", + "mm" + ], + [ + "▁pro", + "gress" + ], + [ + "▁", + "progress" + ], + [ + "br", + "o" + ], + [ + "b", + "ro" + ], + [ + "F", + "irst" + ], + [ + "▁p", + "hot" + ], + [ + "▁ph", + "ot" + ], + [ + "▁O", + "N" + ], + [ + "▁", + "ON" + ], + [ + "Tem", + "plate" + ], + [ + "Temp", + "late" + ], + [ + "develop", + "er" + ], + [ + "an", + "not" + ], + [ + "ann", + "ot" + ], + [ + "anno", + "t" + ], + [ + "▁>", + "=" + ], + [ + "▁", + ">=" + ], + [ + "miss", + "ion" + ], + [ + "m", + "ission" + ], + [ + "▁k", + "tó" + ], + [ + "▁", + "któ" + ], + [ + "p", + "c" + ], + [ + "ba", + "ch" + ], + [ + "b", + "ach" + ], + [ + "ze", + "nt" + ], + [ + "zen", + "t" + ], + [ + "z", + "ent" + ], + [ + "ue", + "d" + ], + [ + "u", + "ed" + ], + [ + "▁o", + "nes" + ], + [ + "▁on", + "es" + ], + [ + "▁one", + "s" + ], + [ + "▁", + "ones" + ], + [ + "ј", + "и" + ], + [ + "▁r", + "out" + ], + [ + "▁ro", + "ut" + ], + [ + "▁rou", + "t" + ], + [ + "▁", + "rout" + ], + [ + "▁К", + "и" + ], + [ + "Pos", + "t" + ], + [ + "Po", + "st" + ], + [ + "P", + "ost" + ], + [ + "ці", + "ї" + ], + [ + "ц", + "ії" + ], + [ + "▁V", + "ir" + ], + [ + "▁Vi", + "r" + ], + [ + "ne", + "k" + ], + [ + "n", + "ek" + ], + [ + "ag", + "ing" + ], + [ + "agi", + "ng" + ], + [ + "agin", + "g" + ], + [ + "a", + "ging" + ], + [ + "▁о", + "к" + ], + [ + "▁", + "ок" + ], + [ + "iz", + "ont" + ], + [ + "izo", + "nt" + ], + [ + "izon", + "t" + ], + [ + "▁ag", + "osto" + ], + [ + "▁ago", + "sto" + ], + [ + "▁cho", + "ose" + ], + [ + "▁", + "choose" + ], + [ + "▁", + "\r" + ], + [ + "▁system", + "s" + ], + [ + "▁syst", + "ems" + ], + [ + "lo", + "ss" + ], + [ + "los", + "s" + ], + [ + "l", + "oss" + ], + [ + "ien", + "te" + ], + [ + "ient", + "e" + ], + [ + "i", + "ente" + ], + [ + "▁C", + "re" + ], + [ + "▁Cr", + "e" + ], + [ + "▁", + "Cre" + ], + [ + "▁con", + "tra" + ], + [ + "▁cont", + "ra" + ], + [ + "▁contr", + "a" + ], + [ + "▁", + "contra" + ], + [ + "um", + "s" + ], + [ + "u", + "ms" + ], + [ + "▁begin", + "ning" + ], + [ + "em", + "y" + ], + [ + "e", + "my" + ], + [ + "ist", + "ics" + ], + [ + "istic", + "s" + ], + [ + "isti", + "cs" + ], + [ + "▁s", + "erved" + ], + [ + "▁ser", + "ved" + ], + [ + "▁serv", + "ed" + ], + [ + "▁serve", + "d" + ], + [ + "Do", + "wn" + ], + [ + "D", + "own" + ], + [ + "option", + "s" + ], + [ + "opt", + "ions" + ], + [ + "o", + "ptions" + ], + [ + "▁G", + "overn" + ], + [ + "▁Go", + "vern" + ], + [ + "▁B", + "Y" + ], + [ + "▁", + "BY" + ], + [ + "▁j", + "est" + ], + [ + "▁je", + "st" + ], + [ + "▁", + "jest" + ], + [ + "t", + "é" + ], + [ + "▁cont", + "inue" + ], + [ + "▁contin", + "ue" + ], + [ + "▁continu", + "e" + ], + [ + "▁", + "continue" + ], + [ + "pe", + "rs" + ], + [ + "per", + "s" + ], + [ + "p", + "ers" + ], + [ + "▁eas", + "ier" + ], + [ + "▁c", + "os" + ], + [ + "▁co", + "s" + ], + [ + "▁", + "cos" + ], + [ + "es", + "so" + ], + [ + "ess", + "o" + ], + [ + ">", + ">" + ], + [ + "Ne", + "t" + ], + [ + "N", + "et" + ], + [ + "▁B", + "or" + ], + [ + "▁Bo", + "r" + ], + [ + "▁C", + "r" + ], + [ + "▁", + "Cr" + ], + [ + "▁trans", + "fer" + ], + [ + "▁C", + "SS" + ], + [ + "▁CS", + "S" + ], + [ + "▁", + "CSS" + ], + [ + "▁fin", + "ns" + ], + [ + "▁х", + "о" + ], + [ + "▁", + "хо" + ], + [ + "us", + "ername" + ], + [ + "user", + "name" + ], + [ + "▁con", + "stru" + ], + [ + "▁const", + "ru" + ], + [ + "▁p", + "ain" + ], + [ + "▁pa", + "in" + ], + [ + "▁T", + "em" + ], + [ + "▁Te", + "m" + ], + [ + "▁", + "Tem" + ], + [ + "▁spec", + "ified" + ], + [ + "▁b", + "rit" + ], + [ + "▁br", + "it" + ], + [ + "▁", + "brit" + ], + [ + "ски", + "е" + ], + [ + "с", + "кие" + ], + [ + "ir", + "k" + ], + [ + "ra", + "pper" + ], + [ + "rap", + "per" + ], + [ + "r", + "apper" + ], + [ + "▁c", + "ounter" + ], + [ + "▁co", + "unter" + ], + [ + "▁count", + "er" + ], + [ + "▁coun", + "ter" + ], + [ + "▁", + "counter" + ], + [ + "▁[", + "\"" + ], + [ + "▁", + "[\"" + ], + [ + "ode", + "d" + ], + [ + "od", + "ed" + ], + [ + "o", + "ded" + ], + [ + "да", + "н" + ], + [ + "д", + "ан" + ], + [ + "pro", + "perty" + ], + [ + "ha", + "rd" + ], + [ + "har", + "d" + ], + [ + "h", + "ard" + ], + [ + "ist", + "rict" + ], + [ + "istr", + "ict" + ], + [ + ")", + "/" + ], + [ + "▁P", + "our" + ], + [ + "▁Po", + "ur" + ], + [ + "▁W", + "here" + ], + [ + "▁Wh", + "ere" + ], + [ + "▁Whe", + "re" + ], + [ + "▁", + "Where" + ], + [ + "▁=", + "==" + ], + [ + "▁==", + "=" + ], + [ + "▁", + "===" + ], + [ + "▁s", + "owie" + ], + [ + "▁so", + "wie" + ], + [ + "▁sow", + "ie" + ], + [ + "▁П", + "ро" + ], + [ + "▁d", + "ess" + ], + [ + "▁de", + "ss" + ], + [ + "▁des", + "s" + ], + [ + "▁", + "dess" + ], + [ + "▁t", + "ras" + ], + [ + "▁tr", + "as" + ], + [ + "▁tra", + "s" + ], + [ + "▁", + "tras" + ], + [ + "▁у", + "ча" + ], + [ + "▁O", + "ver" + ], + [ + "▁", + "Over" + ], + [ + "no", + "te" + ], + [ + "not", + "e" + ], + [ + "n", + "ote" + ], + [ + "▁Amer", + "ica" + ], + [ + "▁", + "America" + ], + [ + "c", + "p" + ], + [ + "▁gr", + "ande" + ], + [ + "▁gra", + "nde" + ], + [ + "▁gran", + "de" + ], + [ + "▁grand", + "e" + ], + [ + "M", + "e" + ], + [ + ")", + "-" + ], + [ + "Mod", + "e" + ], + [ + "Mo", + "de" + ], + [ + "M", + "ode" + ], + [ + "▁pass", + "ing" + ], + [ + "▁pas", + "sing" + ], + [ + "▁g", + "iving" + ], + [ + "▁giv", + "ing" + ], + [ + "▁gi", + "ving" + ], + [ + "C", + "l" + ], + [ + "}", + "/" + ], + [ + "Me", + "nu" + ], + [ + "Men", + "u" + ], + [ + "M", + "enu" + ], + [ + "!", + "!" + ], + [ + "ang", + "ular" + ], + [ + "angu", + "lar" + ], + [ + "▁la", + "unch" + ], + [ + "▁", + "launch" + ], + [ + "var", + "phi" + ], + [ + "▁Joh", + "ann" + ], + [ + "▁Johan", + "n" + ], + [ + "▁for", + "each" + ], + [ + "▁fore", + "ach" + ], + [ + "▁", + "foreach" + ], + [ + "r", + "ó" + ], + [ + "se", + "qu" + ], + [ + "seq", + "u" + ], + [ + "s", + "equ" + ], + [ + "if", + "i" + ], + [ + "i", + "fi" + ], + [ + "A", + "m" + ], + [ + "ar", + "p" + ], + [ + "a", + "rp" + ], + [ + "▁b", + "uffer" + ], + [ + "▁buf", + "fer" + ], + [ + "▁buff", + "er" + ], + [ + "▁", + "buffer" + ], + [ + "▁n", + "i" + ], + [ + "▁", + "ni" + ], + [ + "▁m", + "ix" + ], + [ + "▁mi", + "x" + ], + [ + "▁", + "mix" + ], + [ + "▁M", + "useum" + ], + [ + "▁Muse", + "um" + ], + [ + "▁me", + "ant" + ], + [ + "▁mean", + "t" + ], + [ + "as", + "i" + ], + [ + "a", + "si" + ], + [ + "▁k", + "an" + ], + [ + "▁ka", + "n" + ], + [ + "▁", + "kan" + ], + [ + "пра", + "в" + ], + [ + "п", + "рав" + ], + [ + "Com", + "p" + ], + [ + "Co", + "mp" + ], + [ + "C", + "omp" + ], + [ + "is", + "toire" + ], + [ + "ist", + "oire" + ], + [ + "isto", + "ire" + ], + [ + "if", + "ul" + ], + [ + "i", + "ful" + ], + [ + "je", + "r" + ], + [ + "j", + "er" + ], + [ + "iss", + "ions" + ], + [ + "ission", + "s" + ], + [ + "Re", + "source" + ], + [ + "Res", + "ource" + ], + [ + "▁в", + "оз" + ], + [ + "▁во", + "з" + ], + [ + "▁S", + "T" + ], + [ + "▁", + "ST" + ], + [ + "▁sol", + "utions" + ], + [ + "▁solution", + "s" + ], + [ + "▁be", + "long" + ], + [ + "▁bel", + "ong" + ], + [ + "▁As", + "soci" + ], + [ + "▁Ass", + "oci" + ], + [ + "▁", + "Associ" + ], + [ + "c", + "f" + ], + [ + "▁M", + "är" + ], + [ + "▁g", + "rid" + ], + [ + "▁gr", + "id" + ], + [ + "▁", + "grid" + ], + [ + "M", + "ult" + ], + [ + "▁require", + "s" + ], + [ + "▁requ", + "ires" + ], + [ + "k", + "k" + ], + [ + "▁t", + "each" + ], + [ + "▁te", + "ach" + ], + [ + "▁tea", + "ch" + ], + [ + "eme", + "inde" + ], + [ + "emein", + "de" + ], + [ + "▁s", + "quare" + ], + [ + "▁squ", + "are" + ], + [ + "▁", + "square" + ], + [ + "▁ко", + "ман" + ], + [ + "▁ком", + "ан" + ], + [ + "▁E", + "vent" + ], + [ + "▁Ev", + "ent" + ], + [ + "▁Even", + "t" + ], + [ + "▁", + "Event" + ], + [ + "▁r", + "ules" + ], + [ + "▁rule", + "s" + ], + [ + "▁ru", + "les" + ], + [ + "▁", + "rules" + ], + [ + "▁b", + "ur" + ], + [ + "▁bu", + "r" + ], + [ + "▁", + "bur" + ], + [ + "▁e", + "ing" + ], + [ + "▁ein", + "g" + ], + [ + "▁", + "eing" + ], + [ + "▁M", + "ai" + ], + [ + "▁Ma", + "i" + ], + [ + "▁n", + "am" + ], + [ + "▁na", + "m" + ], + [ + "▁", + "nam" + ], + [ + "▁s", + "lä" + ], + [ + "▁sl", + "ä" + ], + [ + "hö", + "r" + ], + [ + "h", + "ör" + ], + [ + "▁t", + "ip" + ], + [ + "▁ti", + "p" + ], + [ + "▁", + "tip" + ], + [ + "▁Liter", + "atur" + ], + [ + "▁s", + "cope" + ], + [ + "▁sc", + "ope" + ], + [ + "▁scop", + "e" + ], + [ + "▁", + "scope" + ], + [ + "over", + "line" + ], + [ + "▁ex", + "it" + ], + [ + "▁", + "exit" + ], + [ + ")", + "?" + ], + [ + "be", + "t" + ], + [ + "b", + "et" + ], + [ + "▁v", + "ict" + ], + [ + "▁vi", + "ct" + ], + [ + "▁vic", + "t" + ], + [ + "Of", + "f" + ], + [ + "O", + "ff" + ], + [ + "▁appro", + "xim" + ], + [ + "▁G", + "eb" + ], + [ + "▁Ge", + "b" + ], + [ + "kt", + "op" + ], + [ + "k", + "top" + ], + [ + "he", + "it" + ], + [ + "▁", + "Ю" + ], + [ + "tem", + "plate" + ], + [ + "temp", + "late" + ], + [ + "ро", + "н" + ], + [ + "р", + "он" + ], + [ + "▁u", + "no" + ], + [ + "▁un", + "o" + ], + [ + "▁", + "uno" + ], + [ + "Ser", + "v" + ], + [ + "Se", + "rv" + ], + [ + "S", + "erv" + ], + [ + "▁frame", + "work" + ], + [ + "▁", + "framework" + ], + [ + "oper", + "ator" + ], + [ + "opera", + "tor" + ], + [ + "▁gener", + "ally" + ], + [ + "▁general", + "ly" + ], + [ + "▁h", + "undred" + ], + [ + "▁d", + "ivers" + ], + [ + "▁di", + "vers" + ], + [ + "▁div", + "ers" + ], + [ + "▁diver", + "s" + ], + [ + "ov", + "i" + ], + [ + "o", + "vi" + ], + [ + "▁r", + "és" + ], + [ + "▁ré", + "s" + ], + [ + "▁", + "rés" + ], + [ + "ab", + "s" + ], + [ + "a", + "bs" + ], + [ + "▁g", + "al" + ], + [ + "▁ga", + "l" + ], + [ + "▁", + "gal" + ], + [ + "ça", + "is" + ], + [ + "ç", + "ais" + ], + [ + "▁fe", + "et" + ], + [ + "▁fee", + "t" + ], + [ + "▁v", + "irtual" + ], + [ + "▁virt", + "ual" + ], + [ + "▁", + "virtual" + ], + [ + "cz", + "y" + ], + [ + "c", + "zy" + ], + [ + "ск", + "у" + ], + [ + "с", + "ку" + ], + [ + ".", + "/" + ], + [ + "h", + "u" + ], + [ + "an", + "cy" + ], + [ + "anc", + "y" + ], + [ + "▁recomm", + "end" + ], + [ + "▁п", + "ід" + ], + [ + "▁пі", + "д" + ], + [ + "▁m", + "oney" + ], + [ + "▁mon", + "ey" + ], + [ + "▁mo", + "ney" + ], + [ + "▁vers", + "ions" + ], + [ + "▁version", + "s" + ], + [ + "▁", + "versions" + ], + [ + "▁hel", + "ps" + ], + [ + "▁help", + "s" + ], + [ + "▁H", + "or" + ], + [ + "▁Ho", + "r" + ], + [ + "▁", + "Hor" + ], + [ + "Item", + "s" + ], + [ + "It", + "ems" + ], + [ + "lo", + "ok" + ], + [ + "l", + "ook" + ], + [ + "con", + "nect" + ], + [ + "conne", + "ct" + ], + [ + "conn", + "ect" + ], + [ + "an", + "ges" + ], + [ + "ang", + "es" + ], + [ + "ange", + "s" + ], + [ + "View", + "Controller" + ], + [ + "el", + "ijk" + ], + [ + "elij", + "k" + ], + [ + "eli", + "jk" + ], + [ + "e", + "lijk" + ], + [ + "▁occ", + "up" + ], + [ + "▁oc", + "cup" + ], + [ + "▁", + "occup" + ], + [ + "▁ed", + "itor" + ], + [ + "▁edit", + "or" + ], + [ + "▁", + "editor" + ], + [ + "au", + "to" + ], + [ + "aut", + "o" + ], + [ + "a", + "uto" + ], + [ + "ö", + "g" + ], + [ + "▁second", + "s" + ], + [ + "▁sec", + "onds" + ], + [ + "▁", + "seconds" + ], + [ + "▁ob", + "vious" + ], + [ + "v", + "m" + ], + [ + "ak", + "es" + ], + [ + "ake", + "s" + ], + [ + "a", + "kes" + ], + [ + "▁g", + "egen" + ], + [ + "▁ge", + "gen" + ], + [ + "▁geg", + "en" + ], + [ + "▁t", + "il" + ], + [ + "▁ti", + "l" + ], + [ + "▁", + "til" + ], + [ + "ject", + "ion" + ], + [ + "je", + "ction" + ], + [ + "j", + "ection" + ], + [ + "ле", + "ння" + ], + [ + "лен", + "ня" + ], + [ + "▁oper", + "ations" + ], + [ + "▁operation", + "s" + ], + [ + "▁E", + "ast" + ], + [ + "og", + "y" + ], + [ + "o", + "gy" + ], + [ + "▁P", + "olit" + ], + [ + "▁Pol", + "it" + ], + [ + "▁Po", + "lit" + ], + [ + "ut", + "en" + ], + [ + "ute", + "n" + ], + [ + "u", + "ten" + ], + [ + "▁Jose", + "ph" + ], + [ + "\"", + "`" + ], + [ + "▁Comp", + "any" + ], + [ + "▁", + "Company" + ], + [ + "▁call", + "back" + ], + [ + "▁", + "callback" + ], + [ + "▁s", + "en" + ], + [ + "▁se", + "n" + ], + [ + "▁", + "sen" + ], + [ + "cc", + "ión" + ], + [ + "cció", + "n" + ], + [ + "c", + "ción" + ], + [ + "▁associ", + "ated" + ], + [ + "▁associate", + "d" + ], + [ + "▁cont", + "aining" + ], + [ + "▁contain", + "ing" + ], + [ + "▁pract", + "ice" + ], + [ + "elij", + "ke" + ], + [ + "elijk", + "e" + ], + [ + "e", + "lijke" + ], + [ + "ok", + "e" + ], + [ + "o", + "ke" + ], + [ + "ér", + "a" + ], + [ + "é", + "ra" + ], + [ + "un", + "s" + ], + [ + "u", + "ns" + ], + [ + "an", + "ta" + ], + [ + "ant", + "a" + ], + [ + "ve", + "y" + ], + [ + "v", + "ey" + ], + [ + "z", + "u" + ], + [ + "▁B", + "es" + ], + [ + "▁Be", + "s" + ], + [ + "▁F", + "lor" + ], + [ + "▁Fl", + "or" + ], + [ + "▁Flo", + "r" + ], + [ + "me", + "m" + ], + [ + "m", + "em" + ], + [ + "yc", + "z" + ], + [ + "y", + "cz" + ], + [ + "▁arch", + "itect" + ], + [ + "▁an", + "ni" + ], + [ + "▁ann", + "i" + ], + [ + "▁", + "anni" + ], + [ + "▁cont", + "act" + ], + [ + "▁", + "contact" + ], + [ + "Y", + "PE" + ], + [ + "▁C", + "as" + ], + [ + "▁Ca", + "s" + ], + [ + "▁по", + "лу" + ], + [ + "▁пол", + "у" + ], + [ + "ov", + "o" + ], + [ + "o", + "vo" + ], + [ + "▁b", + "ring" + ], + [ + "▁br", + "ing" + ], + [ + "▁con", + "cept" + ], + [ + "▁conce", + "pt" + ], + [ + "▁j", + "s" + ], + [ + "▁", + "js" + ], + [ + "▁Refer", + "encias" + ], + [ + "em", + "ble" + ], + [ + "emb", + "le" + ], + [ + "embl", + "e" + ], + [ + "▁", + "н" + ], + [ + "▁supp", + "orted" + ], + [ + "▁support", + "ed" + ], + [ + "▁", + "supported" + ], + [ + "Bi", + "g" + ], + [ + "B", + "ig" + ], + [ + "▁H", + "ans" + ], + [ + "▁Ha", + "ns" + ], + [ + "▁Han", + "s" + ], + [ + "er", + "v" + ], + [ + "e", + "rv" + ], + [ + "▁M", + "aj" + ], + [ + "▁Ma", + "j" + ], + [ + "▁ar", + "riv" + ], + [ + "▁arr", + "iv" + ], + [ + "▁H", + "ave" + ], + [ + "▁Ha", + "ve" + ], + [ + "▁Hav", + "e" + ], + [ + "▁", + "Have" + ], + [ + "▁prob", + "ability" + ], + [ + "▁probabil", + "ity" + ], + [ + "▁P", + "op" + ], + [ + "▁Po", + "p" + ], + [ + "▁", + "Pop" + ], + [ + "▁P", + "ass" + ], + [ + "▁Pa", + "ss" + ], + [ + "▁Pas", + "s" + ], + [ + "▁", + "Pass" + ], + [ + "to", + "ken" + ], + [ + "tok", + "en" + ], + [ + "t", + "oken" + ], + [ + "Pro", + "vider" + ], + [ + "▁R", + "a" + ], + [ + "Re", + "ader" + ], + [ + "Read", + "er" + ], + [ + "oot", + "h" + ], + [ + "oo", + "th" + ], + [ + "o", + "oth" + ], + [ + "la", + "p" + ], + [ + "l", + "ap" + ], + [ + "▁ass", + "ist" + ], + [ + "ad", + "ow" + ], + [ + "ado", + "w" + ], + [ + "▁t", + "ests" + ], + [ + "▁test", + "s" + ], + [ + "▁", + "tests" + ], + [ + "сс", + "и" + ], + [ + "с", + "си" + ], + [ + "▁k", + "ing" + ], + [ + "▁ki", + "ng" + ], + [ + "▁kin", + "g" + ], + [ + "▁", + "king" + ], + [ + "lang", + "le" + ], + [ + "lan", + "gle" + ], + [ + "l", + "angle" + ], + [ + "▁S", + "um" + ], + [ + "▁Su", + "m" + ], + [ + "▁", + "Sum" + ], + [ + "O", + "IN" + ], + [ + "▁se", + "curity" + ], + [ + "▁sec", + "urity" + ], + [ + "▁", + "security" + ], + [ + "ni", + "s" + ], + [ + "n", + "is" + ], + [ + "..", + "/" + ], + [ + ".", + "./" + ], + [ + "▁bas", + "ic" + ], + [ + "▁", + "basic" + ], + [ + "un", + "ity" + ], + [ + "uni", + "ty" + ], + [ + "unit", + "y" + ], + [ + "`", + ":" + ], + [ + "▁ко", + "то" + ], + [ + "ko", + "w" + ], + [ + "k", + "ow" + ], + [ + "▁Bibli", + "othèque" + ], + [ + "as", + "ion" + ], + [ + "asi", + "on" + ], + [ + "al", + "o" + ], + [ + "a", + "lo" + ], + [ + "if", + "est" + ], + [ + "ife", + "st" + ], + [ + "i", + "fest" + ], + [ + "▁nov", + "embre" + ], + [ + "▁p", + "eu" + ], + [ + "▁pe", + "u" + ], + [ + "▁", + "Ж" + ], + [ + "en", + "schaft" + ], + [ + "ensch", + "aft" + ], + [ + "cl", + "us" + ], + [ + "c", + "lus" + ], + [ + "ј", + "у" + ], + [ + "He", + "ight" + ], + [ + "ú", + "n" + ], + [ + "▁t", + "ur" + ], + [ + "▁tu", + "r" + ], + [ + "▁ide", + "as" + ], + [ + "▁idea", + "s" + ], + [ + "▁c", + "es" + ], + [ + "▁ce", + "s" + ], + [ + "▁", + "ces" + ], + [ + "fr", + "ak" + ], + [ + "fra", + "k" + ], + [ + "f", + "rak" + ], + [ + "▁pre", + "mier" + ], + [ + "▁prem", + "ier" + ], + [ + "▁premi", + "er" + ], + [ + "it", + "ation" + ], + [ + "ita", + "tion" + ], + [ + "itat", + "ion" + ], + [ + "▁s", + "é" + ], + [ + "HT", + "ML" + ], + [ + "▁Ro", + "yal" + ], + [ + "▁Roy", + "al" + ], + [ + "сь", + "кої" + ], + [ + "сько", + "ї" + ], + [ + "▁by", + "te" + ], + [ + "▁", + "byte" + ], + [ + "P", + "S" + ], + [ + "▁s", + "egu" + ], + [ + "▁se", + "gu" + ], + [ + "▁seg", + "u" + ], + [ + "▁", + "segu" + ], + [ + "in", + "en" + ], + [ + "ine", + "n" + ], + [ + "i", + "nen" + ], + [ + "▁Gre", + "at" + ], + [ + "▁К", + "у" + ], + [ + "▁ex", + "ternal" + ], + [ + "▁ext", + "ernal" + ], + [ + "▁extern", + "al" + ], + [ + "▁", + "external" + ], + [ + "T", + "itle" + ], + [ + "To", + "p" + ], + [ + "T", + "op" + ], + [ + "Pro", + "cess" + ], + [ + "Proc", + "ess" + ], + [ + "it", + "ät" + ], + [ + "itä", + "t" + ], + [ + "▁`", + "/" + ], + [ + "▁se", + "cret" + ], + [ + "▁sec", + "ret" + ], + [ + "▁secre", + "t" + ], + [ + "▁", + "secret" + ], + [ + "pos", + "itory" + ], + [ + "▁pot", + "ential" + ], + [ + "▁B", + "ud" + ], + [ + "▁Bu", + "d" + ], + [ + "name", + "s" + ], + [ + "na", + "mes" + ], + [ + "nam", + "es" + ], + [ + "n", + "ames" + ], + [ + "as", + "ons" + ], + [ + "ason", + "s" + ], + [ + "aso", + "ns" + ], + [ + "stack", + "exchange" + ], + [ + "back", + "ground" + ], + [ + "пе", + "р" + ], + [ + "п", + "ер" + ], + [ + "со", + "в" + ], + [ + "с", + "ов" + ], + [ + "aft", + "er" + ], + [ + "af", + "ter" + ], + [ + "a", + "fter" + ], + [ + "▁p", + "ero" + ], + [ + "▁per", + "o" + ], + [ + "▁pe", + "ro" + ], + [ + "▁so", + "ftware" + ], + [ + "▁soft", + "ware" + ], + [ + "▁", + "software" + ], + [ + "▁s", + "ed" + ], + [ + "▁se", + "d" + ], + [ + "▁", + "sed" + ], + [ + "▁array", + "s" + ], + [ + "▁arr", + "ays" + ], + [ + "tm", + "p" + ], + [ + "t", + "mp" + ], + [ + "▁a", + "sp" + ], + [ + "▁as", + "p" + ], + [ + "▁", + "asp" + ], + [ + "sc", + "ale" + ], + [ + "scal", + "e" + ], + [ + "▁L", + "at" + ], + [ + "▁La", + "t" + ], + [ + "▁", + "Lat" + ], + [ + "an", + "al" + ], + [ + "ana", + "l" + ], + [ + "a", + "nal" + ], + [ + "▁g", + "em" + ], + [ + "▁ge", + "m" + ], + [ + "▁", + "gem" + ], + [ + "P", + "U" + ], + [ + "▁Al", + "tri" + ], + [ + "▁Alt", + "ri" + ], + [ + "Th", + "at" + ], + [ + "T", + "hat" + ], + [ + "▁Н", + "и" + ], + [ + "if", + "act" + ], + [ + "ifa", + "ct" + ], + [ + "i", + "fact" + ], + [ + "Add", + "ress" + ], + [ + "▁s", + "outh" + ], + [ + "▁so", + "uth" + ], + [ + "▁sou", + "th" + ], + [ + "▁sout", + "h" + ], + [ + "▁form", + "ula" + ], + [ + "▁Col", + "leg" + ], + [ + "▁Coll", + "eg" + ], + [ + "▁і", + "н" + ], + [ + "▁", + "ін" + ], + [ + "kt", + "ion" + ], + [ + "k", + "tion" + ], + [ + "▁s", + "ac" + ], + [ + "▁sa", + "c" + ], + [ + "S", + "H" + ], + [ + "aj", + "o" + ], + [ + "a", + "jo" + ], + [ + "et", + "c" + ], + [ + "e", + "tc" + ], + [ + "v", + "c" + ], + [ + "`", + "](" + ], + [ + "▁D", + "ur" + ], + [ + "▁Du", + "r" + ], + [ + "▁М", + "е" + ], + [ + "▁Sm", + "ith" + ], + [ + "▁", + "Smith" + ], + [ + "it", + "ems" + ], + [ + "ite", + "ms" + ], + [ + "item", + "s" + ], + [ + "C", + "K" + ], + [ + "el", + "o" + ], + [ + "e", + "lo" + ], + [ + "▁pl", + "ugin" + ], + [ + "▁plug", + "in" + ], + [ + "▁", + "plugin" + ], + [ + "▁s", + "erie" + ], + [ + "▁se", + "rie" + ], + [ + "▁ser", + "ie" + ], + [ + "▁", + "serie" + ], + [ + "ien", + "ne" + ], + [ + "ienn", + "e" + ], + [ + "i", + "enne" + ], + [ + "▁и", + "ли" + ], + [ + "Ma", + "r" + ], + [ + "M", + "ar" + ], + [ + "▁Im", + "age" + ], + [ + "▁", + "Image" + ], + [ + "go", + "t" + ], + [ + "g", + "ot" + ], + [ + "an", + "das" + ], + [ + "and", + "as" + ], + [ + "anda", + "s" + ], + [ + "▁mat", + "ches" + ], + [ + "▁match", + "es" + ], + [ + "▁", + "matches" + ], + [ + "▁w", + "orth" + ], + [ + "▁wor", + "th" + ], + [ + "▁", + "worth" + ], + [ + "▁D", + "eb" + ], + [ + "▁De", + "b" + ], + [ + "▁", + "Deb" + ], + [ + "▁c", + "ache" + ], + [ + "▁ca", + "che" + ], + [ + "▁", + "cache" + ], + [ + "▁f", + "elt" + ], + [ + "▁fe", + "lt" + ], + [ + "▁fel", + "t" + ], + [ + "er", + "sch" + ], + [ + "ers", + "ch" + ], + [ + "iz", + "es" + ], + [ + "ize", + "s" + ], + [ + "i", + "zes" + ], + [ + "Op", + "er" + ], + [ + "O", + "per" + ], + [ + "▁Jah", + "re" + ], + [ + "▁Jahr", + "e" + ], + [ + "▁Ja", + "hre" + ], + [ + "▁comm", + "une" + ], + [ + "▁commun", + "e" + ], + [ + "th", + "read" + ], + [ + "▁n", + "y" + ], + [ + "▁", + "ny" + ], + [ + "de", + "c" + ], + [ + "d", + "ec" + ], + [ + "ou", + "w" + ], + [ + "o", + "uw" + ], + [ + "▁sur", + "face" + ], + [ + "▁P", + "or" + ], + [ + "▁Po", + "r" + ], + [ + "▁St", + "reet" + ], + [ + "▁Stre", + "et" + ], + [ + "пр", + "и" + ], + [ + "п", + "ри" + ], + [ + "▁c", + "andid" + ], + [ + "▁can", + "did" + ], + [ + "▁cand", + "id" + ], + [ + "▁Re", + "turn" + ], + [ + "▁Ret", + "urn" + ], + [ + "▁", + "Return" + ], + [ + "▁K", + "om" + ], + [ + "▁Ko", + "m" + ], + [ + "gr", + "u" + ], + [ + "g", + "ru" + ], + [ + "▁т", + "и" + ], + [ + "▁", + "ти" + ], + [ + "[", + "\\" + ], + [ + "▁dep", + "ends" + ], + [ + "▁depend", + "s" + ], + [ + "▁in", + "flu" + ], + [ + "▁inf", + "lu" + ], + [ + "▁infl", + "u" + ], + [ + "▁to", + "wards" + ], + [ + "▁toward", + "s" + ], + [ + "ain", + "ed" + ], + [ + "ai", + "ned" + ], + [ + "aine", + "d" + ], + [ + "a", + "ined" + ], + [ + "▁r", + "ank" + ], + [ + "▁ran", + "k" + ], + [ + "▁", + "rank" + ], + [ + "▁Janu", + "ar" + ], + [ + "▁com", + "ponents" + ], + [ + "▁compon", + "ents" + ], + [ + "▁component", + "s" + ], + [ + "▁", + "components" + ], + [ + "ge", + "st" + ], + [ + "ges", + "t" + ], + [ + "g", + "est" + ], + [ + "getElement", + "ById" + ], + [ + "▁check", + "ed" + ], + [ + "▁", + "checked" + ], + [ + "air", + "s" + ], + [ + "ai", + "rs" + ], + [ + "a", + "irs" + ], + [ + "jo", + "in" + ], + [ + "j", + "oin" + ], + [ + "▁d", + "ead" + ], + [ + "▁de", + "ad" + ], + [ + "▁h", + "it" + ], + [ + "▁hi", + "t" + ], + [ + "▁", + "hit" + ], + [ + "én", + "y" + ], + [ + "é", + "ny" + ], + [ + "▁equ", + "ivalent" + ], + [ + "▁equival", + "ent" + ], + [ + "▁П", + "ре" + ], + [ + "▁app", + "ropri" + ], + [ + "Pa", + "ss" + ], + [ + "P", + "ass" + ], + [ + "▁pr", + "imer" + ], + [ + "▁prim", + "er" + ], + [ + "▁pri", + "mer" + ], + [ + "▁prime", + "r" + ], + [ + "engl", + "isch" + ], + [ + "▁app", + "ar" + ], + [ + "▁ap", + "par" + ], + [ + "▁D", + "uring" + ], + [ + "▁Du", + "ring" + ], + [ + "▁Dur", + "ing" + ], + [ + "▁know", + "ledge" + ], + [ + "▁tr", + "igger" + ], + [ + "▁trig", + "ger" + ], + [ + "▁", + "trigger" + ], + [ + "▁c", + "ore" + ], + [ + "▁cor", + "e" + ], + [ + "▁co", + "re" + ], + [ + "▁", + "core" + ], + [ + "▁O", + "l" + ], + [ + "▁P", + "rodu" + ], + [ + "▁Pro", + "du" + ], + [ + "▁Pr", + "odu" + ], + [ + "▁", + "Produ" + ], + [ + "▁F", + "ern" + ], + [ + "▁Fe", + "rn" + ], + [ + "▁Fer", + "n" + ], + [ + "▁", + "Fern" + ], + [ + "▁на", + "ча" + ], + [ + "▁", + "нача" + ], + [ + "T", + "e" + ], + [ + "▁M", + "ot" + ], + [ + "▁Mo", + "t" + ], + [ + "er", + "ve" + ], + [ + "erv", + "e" + ], + [ + "тв", + "о" + ], + [ + "т", + "во" + ], + [ + "▁m", + "id" + ], + [ + "▁mi", + "d" + ], + [ + "▁", + "mid" + ], + [ + "▁fin", + "ally" + ], + [ + "▁final", + "ly" + ], + [ + "air", + "es" + ], + [ + "ai", + "res" + ], + [ + "aire", + "s" + ], + [ + "a", + "ires" + ], + [ + "▁es", + "pecially" + ], + [ + "▁espe", + "cially" + ], + [ + "▁especial", + "ly" + ], + [ + "▁t", + "ut" + ], + [ + "▁tu", + "t" + ], + [ + "▁rece", + "ive" + ], + [ + "ad", + "re" + ], + [ + "adr", + "e" + ], + [ + "▁ne", + "igh" + ], + [ + "▁nei", + "gh" + ], + [ + "kt", + "et" + ], + [ + "kte", + "t" + ], + [ + "il", + "de" + ], + [ + "ild", + "e" + ], + [ + "▁rad", + "io" + ], + [ + "▁radi", + "o" + ], + [ + "▁", + "radio" + ], + [ + "▁d", + "river" + ], + [ + "▁dr", + "iver" + ], + [ + "▁drive", + "r" + ], + [ + "▁dri", + "ver" + ], + [ + "▁driv", + "er" + ], + [ + "▁", + "driver" + ], + [ + "ли", + "сь" + ], + [ + "end", + "encies" + ], + [ + "enden", + "cies" + ], + [ + "▁I", + "E" + ], + [ + "▁", + "IE" + ], + [ + "▁s", + "aved" + ], + [ + "▁sa", + "ved" + ], + [ + "▁sav", + "ed" + ], + [ + "▁save", + "d" + ], + [ + "▁", + "saved" + ], + [ + "ff", + "ect" + ], + [ + "ffe", + "ct" + ], + [ + "f", + "fect" + ], + [ + "▁Way", + "back" + ], + [ + "ia", + "t" + ], + [ + "i", + "at" + ], + [ + "▁p", + "adding" + ], + [ + "▁pad", + "ding" + ], + [ + "▁", + "padding" + ], + [ + "wind", + "ow" + ], + [ + "w", + "indow" + ], + [ + "ти", + "че" + ], + [ + "▁m", + "ur" + ], + [ + "▁mu", + "r" + ], + [ + "ac", + "tor" + ], + [ + "act", + "or" + ], + [ + "a", + "ctor" + ], + [ + "▁H", + "an" + ], + [ + "▁Ha", + "n" + ], + [ + "он", + "аль" + ], + [ + "она", + "ль" + ], + [ + "о", + "наль" + ], + [ + "▁g", + "ar" + ], + [ + "▁ga", + "r" + ], + [ + "▁", + "gar" + ], + [ + "▁famil", + "jen" + ], + [ + "ó", + "s" + ], + [ + "▁n", + "ationale" + ], + [ + "▁national", + "e" + ], + [ + "▁nation", + "ale" + ], + [ + "▁nat", + "ionale" + ], + [ + "▁p", + "ré" + ], + [ + "▁pr", + "é" + ], + [ + "de", + "d" + ], + [ + "d", + "ed" + ], + [ + "on", + "al" + ], + [ + "ona", + "l" + ], + [ + "o", + "nal" + ], + [ + "▁Pres", + "ident" + ], + [ + "▁\\", + "," + ], + [ + "▁", + "\\," + ], + [ + "▁place", + "d" + ], + [ + "▁pla", + "ced" + ], + [ + "er", + "ni" + ], + [ + "ern", + "i" + ], + [ + "▁sign", + "al" + ], + [ + "▁sig", + "nal" + ], + [ + "▁", + "signal" + ], + [ + "na", + "b" + ], + [ + "n", + "ab" + ], + [ + "h", + "m" + ], + [ + "Mo", + "n" + ], + [ + "M", + "on" + ], + [ + "▁v", + "s" + ], + [ + "▁", + "vs" + ], + [ + "S", + "C" + ], + [ + "▁proget", + "ti" + ], + [ + "▁", + "Ü" + ], + [ + "▁for", + "ms" + ], + [ + "▁form", + "s" + ], + [ + "▁", + "forms" + ], + [ + "▁message", + "s" + ], + [ + "▁mess", + "ages" + ], + [ + "▁", + "messages" + ], + [ + "in", + "f" + ], + [ + "us", + "ers" + ], + [ + "use", + "rs" + ], + [ + "user", + "s" + ], + [ + "u", + "sers" + ], + [ + "GE", + "T" + ], + [ + "G", + "ET" + ], + [ + "▁d", + "els" + ], + [ + "▁de", + "ls" + ], + [ + "▁del", + "s" + ], + [ + "Col", + "lection" + ], + [ + "Coll", + "ection" + ], + [ + "Collect", + "ion" + ], + [ + "▁G", + "ood" + ], + [ + "▁Go", + "od" + ], + [ + "▁", + "Good" + ], + [ + "▁May", + "be" + ], + [ + "▁", + "Maybe" + ], + [ + "▁com", + "pr" + ], + [ + "▁comp", + "r" + ], + [ + "▁lar", + "ger" + ], + [ + "▁large", + "r" + ], + [ + "▁larg", + "er" + ], + [ + "gr", + "es" + ], + [ + "gre", + "s" + ], + [ + "g", + "res" + ], + [ + "ap", + "er" + ], + [ + "ape", + "r" + ], + [ + "a", + "per" + ], + [ + "▁П", + "ри" + ], + [ + "un", + "des" + ], + [ + "und", + "es" + ], + [ + "unde", + "s" + ], + [ + "▁s", + "ea" + ], + [ + "▁se", + "a" + ], + [ + "▁S", + "pring" + ], + [ + "▁Sp", + "ring" + ], + [ + "▁Spr", + "ing" + ], + [ + "▁", + "Spring" + ], + [ + "ul", + "o" + ], + [ + "u", + "lo" + ], + [ + "▁me", + "chan" + ], + [ + "▁s", + "ans" + ], + [ + "▁sa", + "ns" + ], + [ + "▁san", + "s" + ], + [ + "G", + "B" + ], + [ + "Val", + "id" + ], + [ + "▁comm", + "unic" + ], + [ + "▁commun", + "ic" + ], + [ + "▁", + "communic" + ], + [ + "▁p", + "ra" + ], + [ + "▁pr", + "a" + ], + [ + "vi", + "er" + ], + [ + "vie", + "r" + ], + [ + "v", + "ier" + ], + [ + "▁С", + "е" + ], + [ + "▁a", + "in" + ], + [ + "▁ai", + "n" + ], + [ + "▁", + "ain" + ], + [ + "ту", + "ра" + ], + [ + "тур", + "а" + ], + [ + "ko", + "m" + ], + [ + "k", + "om" + ], + [ + "sk", + "iego" + ], + [ + "ski", + "ego" + ], + [ + "skie", + "go" + ], + [ + "ко", + "во" + ], + [ + "ков", + "о" + ], + [ + "к", + "ово" + ], + [ + "ad", + "ata" + ], + [ + "ada", + "ta" + ], + [ + "a", + "data" + ], + [ + "▁Р", + "е" + ], + [ + "▁bo", + "olean" + ], + [ + "▁", + "boolean" + ], + [ + "se", + "ts" + ], + [ + "set", + "s" + ], + [ + "s", + "ets" + ], + [ + "▁eff", + "ort" + ], + [ + ".", + "[" + ], + [ + "▁z", + "ostał" + ], + [ + "P", + "A" + ], + [ + "▁V", + "ict" + ], + [ + "▁Vi", + "ct" + ], + [ + "▁Vic", + "t" + ], + [ + "S", + "D" + ], + [ + "ow", + "ał" + ], + [ + "owa", + "ł" + ], + [ + "▁e", + "mb" + ], + [ + "▁em", + "b" + ], + [ + "▁", + "emb" + ], + [ + "▁pr", + "ima" + ], + [ + "▁prim", + "a" + ], + [ + "▁pri", + "ma" + ], + [ + "▁h", + "our" + ], + [ + "▁ho", + "ur" + ], + [ + "▁", + "hour" + ], + [ + "sub", + "section" + ], + [ + "▁F", + "ort" + ], + [ + "▁For", + "t" + ], + [ + "▁Fo", + "rt" + ], + [ + "math", + "frak" + ], + [ + "ig", + "in" + ], + [ + "igi", + "n" + ], + [ + "i", + "gin" + ], + [ + "G", + "L" + ], + [ + ")", + "+" + ], + [ + "f", + "i" + ], + [ + "▁an", + "ci" + ], + [ + "▁anc", + "i" + ], + [ + "▁", + "anci" + ], + [ + "▁p", + "an" + ], + [ + "▁pa", + "n" + ], + [ + "▁", + "pan" + ], + [ + "\\", + ")" + ], + [ + "▁l", + "ug" + ], + [ + "▁lu", + "g" + ], + [ + "▁dep", + "loy" + ], + [ + "▁", + "deploy" + ], + [ + "do", + "main" + ], + [ + "dom", + "ain" + ], + [ + "▁s", + "light" + ], + [ + "▁sl", + "ight" + ], + [ + "JS", + "ON" + ], + [ + "J", + "SON" + ], + [ + "▁mor", + "ning" + ], + [ + "▁h", + "i" + ], + [ + "▁", + "hi" + ], + [ + "▁comp", + "are" + ], + [ + "▁compar", + "e" + ], + [ + "▁", + "compare" + ], + [ + "ij", + "e" + ], + [ + "i", + "je" + ], + [ + "▁bl", + "ue" + ], + [ + "▁", + "blue" + ], + [ + "▁A", + "c" + ], + [ + "▁", + "Ac" + ], + [ + "▁m", + "iddle" + ], + [ + "▁", + "middle" + ], + [ + "an", + "den" + ], + [ + "and", + "en" + ], + [ + "ande", + "n" + ], + [ + "▁sh", + "ared" + ], + [ + "▁share", + "d" + ], + [ + "▁", + "shared" + ], + [ + "▁C", + "amp" + ], + [ + "▁Cam", + "p" + ], + [ + "▁Ca", + "mp" + ], + [ + "▁", + "Á" + ], + [ + "ound", + "ed" + ], + [ + "oun", + "ded" + ], + [ + "u", + "w" + ], + [ + "ier", + "ung" + ], + [ + "St", + "ack" + ], + [ + "▁e", + "ines" + ], + [ + "▁ein", + "es" + ], + [ + "▁eine", + "s" + ], + [ + "▁D", + "a" + ], + [ + "▁", + "Da" + ], + [ + "li", + "j" + ], + [ + "l", + "ij" + ], + [ + "en", + "ti" + ], + [ + "ent", + "i" + ], + [ + "▁", + "й" + ], + [ + "U", + "til" + ], + [ + "▁exper", + "ience" + ], + [ + "▁experien", + "ce" + ], + [ + "▁a", + "wait" + ], + [ + "▁aw", + "ait" + ], + [ + "▁", + "await" + ], + [ + "ul", + "s" + ], + [ + "u", + "ls" + ], + [ + "▁request", + "s" + ], + [ + "▁requ", + "ests" + ], + [ + "▁", + "requests" + ], + [ + "▁im", + "pos" + ], + [ + "▁imp", + "os" + ], + [ + "▁const", + "raint" + ], + [ + "▁", + "constraint" + ], + [ + "Ch", + "ange" + ], + [ + "em", + "ph" + ], + [ + "emp", + "h" + ], + [ + "бе", + "р" + ], + [ + "б", + "ер" + ], + [ + "▁An", + "other" + ], + [ + "C", + "ustom" + ], + [ + "▁signific", + "ant" + ], + [ + "▁significa", + "nt" + ], + [ + "c", + "r" + ], + [ + "▁mill", + "ion" + ], + [ + "re", + "ek" + ], + [ + "ree", + "k" + ], + [ + "▁d", + "alla" + ], + [ + "▁da", + "lla" + ], + [ + "▁dal", + "la" + ], + [ + "▁dall", + "a" + ], + [ + "▁G", + "erm" + ], + [ + "▁Ge", + "rm" + ], + [ + "▁Ger", + "m" + ], + [ + "ot", + "al" + ], + [ + "ota", + "l" + ], + [ + "o", + "tal" + ], + [ + "at", + "eur" + ], + [ + "ate", + "ur" + ], + [ + "bt", + "n" + ], + [ + "b", + "tn" + ], + [ + "▁th", + "inking" + ], + [ + "▁think", + "ing" + ], + [ + "▁thin", + "king" + ], + [ + "▁inter", + "val" + ], + [ + "▁", + "interval" + ], + [ + "on", + "ne" + ], + [ + "onn", + "e" + ], + [ + "▁l", + "iv" + ], + [ + "▁li", + "v" + ], + [ + "▁", + "liv" + ], + [ + "()", + ":" + ], + [ + "(", + "):" + ], + [ + "▁В", + "е" + ], + [ + "o", + "e" + ], + [ + "▁E", + "v" + ], + [ + "me", + "ta" + ], + [ + "met", + "a" + ], + [ + "m", + "eta" + ], + [ + "▁b", + "road" + ], + [ + "▁bro", + "ad" + ], + [ + "Re", + "m" + ], + [ + "R", + "em" + ], + [ + "ap", + "ply" + ], + [ + "app", + "ly" + ], + [ + "a", + "pply" + ], + [ + "▁cou", + "ple" + ], + [ + "▁coup", + "le" + ], + [ + "▁te", + "chni" + ], + [ + "▁techn", + "i" + ], + [ + "id", + "ades" + ], + [ + "ida", + "des" + ], + [ + "idad", + "es" + ], + [ + "idade", + "s" + ], + [ + "▁go", + "al" + ], + [ + "▁", + "goal" + ], + [ + "▁C", + "D" + ], + [ + "▁", + "CD" + ], + [ + "ha", + "b" + ], + [ + "h", + "ab" + ], + [ + "▁ex", + "plan" + ], + [ + "▁exp", + "lan" + ], + [ + "▁expla", + "n" + ], + [ + "▁expl", + "an" + ], + [ + "an", + "ner" + ], + [ + "ann", + "er" + ], + [ + "anne", + "r" + ], + [ + "▁B", + "ecause" + ], + [ + "bl", + "og" + ], + [ + "blo", + "g" + ], + [ + "b", + "log" + ], + [ + "include", + "graphics" + ], + [ + "▁vo", + "ice" + ], + [ + "▁", + "voice" + ], + [ + "▁M", + "ap" + ], + [ + "▁Ma", + "p" + ], + [ + "▁", + "Map" + ], + [ + "vent", + "ion" + ], + [ + "ven", + "tion" + ], + [ + "v", + "ention" + ], + [ + "S", + "ession" + ], + [ + "▁L", + "iens" + ], + [ + "▁Li", + "ens" + ], + [ + "▁Lie", + "ns" + ], + [ + "▁s", + "or" + ], + [ + "▁so", + "r" + ], + [ + "c", + "ategory" + ], + [ + "ash", + "ington" + ], + [ + "▁Mär", + "z" + ], + [ + "po", + "p" + ], + [ + "p", + "op" + ], + [ + "il", + "let" + ], + [ + "ill", + "et" + ], + [ + "ille", + "t" + ], + [ + "▁z", + "wei" + ], + [ + "▁zwe", + "i" + ], + [ + "▁zw", + "ei" + ], + [ + "▁L", + "ie" + ], + [ + "▁Li", + "e" + ], + [ + "N", + "ull" + ], + [ + "add", + "ress" + ], + [ + "addr", + "ess" + ], + [ + "▁f", + "actor" + ], + [ + "▁fact", + "or" + ], + [ + "▁fa", + "ctor" + ], + [ + "▁fac", + "tor" + ], + [ + "▁", + "factor" + ], + [ + "▁l", + "igne" + ], + [ + "▁lig", + "ne" + ], + [ + "▁HT", + "TP" + ], + [ + "▁", + "HTTP" + ], + [ + "▁s", + "uf" + ], + [ + "▁su", + "f" + ], + [ + "▁person", + "al" + ], + [ + "▁pers", + "onal" + ], + [ + "▁persona", + "l" + ], + [ + "ci", + "p" + ], + [ + "c", + "ip" + ], + [ + "▁D", + "ar" + ], + [ + "▁Da", + "r" + ], + [ + "▁a", + "dm" + ], + [ + "▁ad", + "m" + ], + [ + "ко", + "й" + ], + [ + "▁E", + "xt" + ], + [ + "▁Ex", + "t" + ], + [ + "▁", + "Ext" + ], + [ + "▁g", + "od" + ], + [ + "▁go", + "d" + ], + [ + "▁", + "god" + ], + [ + "a", + "a" + ], + [ + "R", + "ight" + ], + [ + "ét", + "é" + ], + [ + "é", + "té" + ], + [ + "▁d", + "ynamic" + ], + [ + "▁dynam", + "ic" + ], + [ + "▁", + "dynamic" + ], + [ + "▁main", + "tain" + ], + [ + "to", + "r" + ], + [ + "t", + "or" + ], + [ + "####", + "####" + ], + [ + "▁F", + "ra" + ], + [ + "▁Fr", + "a" + ], + [ + "▁cho", + "ice" + ], + [ + "▁", + "choice" + ], + [ + "▁с", + "то" + ], + [ + "▁ст", + "о" + ], + [ + "▁", + "сто" + ], + [ + "С", + "Р" + ], + [ + "▁F", + "eder" + ], + [ + "▁Fe", + "der" + ], + [ + "▁Fed", + "er" + ], + [ + "st", + "on" + ], + [ + "sto", + "n" + ], + [ + "s", + "ton" + ], + [ + "▁f", + "lag" + ], + [ + "▁fl", + "ag" + ], + [ + "▁fla", + "g" + ], + [ + "▁", + "flag" + ], + [ + "ki", + "t" + ], + [ + "k", + "it" + ], + [ + "Mod", + "ule" + ], + [ + "▁с", + "по" + ], + [ + "▁сп", + "о" + ], + [ + "▁", + "спо" + ], + [ + "▁S", + "tra" + ], + [ + "▁St", + "ra" + ], + [ + "▁Str", + "a" + ], + [ + "ic", + "ks" + ], + [ + "ick", + "s" + ], + [ + "i", + "cks" + ], + [ + "▁h", + "aven" + ], + [ + "▁ha", + "ven" + ], + [ + "▁have", + "n" + ], + [ + "▁hav", + "en" + ], + [ + "▁M", + "ass" + ], + [ + "▁Ma", + "ss" + ], + [ + "▁Mas", + "s" + ], + [ + "▁E", + "mp" + ], + [ + "▁Em", + "p" + ], + [ + "▁", + "Emp" + ], + [ + "▁P", + "i" + ], + [ + "▁", + "Pi" + ], + [ + "▁P", + "en" + ], + [ + "▁Pe", + "n" + ], + [ + "Re", + "ct" + ], + [ + "Rec", + "t" + ], + [ + "R", + "ect" + ], + [ + "▁K", + "r" + ], + [ + "it", + "at" + ], + [ + "ita", + "t" + ], + [ + "i", + "tat" + ], + [ + "el", + "er" + ], + [ + "ele", + "r" + ], + [ + "e", + "ler" + ], + [ + "я", + "бря" + ], + [ + "it", + "et" + ], + [ + "ite", + "t" + ], + [ + "▁St", + "art" + ], + [ + "▁Sta", + "rt" + ], + [ + "▁Star", + "t" + ], + [ + "▁", + "Start" + ], + [ + "▁produ", + "ced" + ], + [ + "▁produce", + "d" + ], + [ + "▁по", + "л" + ], + [ + "▁", + "пол" + ], + [ + "(", + "_" + ], + [ + "▁de", + "let" + ], + [ + "▁del", + "et" + ], + [ + "▁h", + "ot" + ], + [ + "▁ho", + "t" + ], + [ + "▁", + "hot" + ], + [ + "▁Gesch", + "ichte" + ], + [ + "~", + "~" + ], + [ + "▁month", + "s" + ], + [ + "▁mont", + "hs" + ], + [ + "▁t", + "od" + ], + [ + "▁to", + "d" + ], + [ + "▁", + "tod" + ], + [ + "▁н", + "и" + ], + [ + "▁", + "ни" + ], + [ + "ú", + "s" + ], + [ + "te", + "mp" + ], + [ + "tem", + "p" + ], + [ + "t", + "emp" + ], + [ + "▁D", + "ez" + ], + [ + "▁De", + "z" + ], + [ + "ype", + "s" + ], + [ + "yp", + "es" + ], + [ + "y", + "pes" + ], + [ + "▁c", + "ui" + ], + [ + "▁cu", + "i" + ], + [ + "om", + "mun" + ], + [ + "omm", + "un" + ], + [ + "act", + "ions" + ], + [ + "action", + "s" + ], + [ + "a", + "ctions" + ], + [ + "▁e", + "igen" + ], + [ + "▁eig", + "en" + ], + [ + "▁immedi", + "ately" + ], + [ + "▁immediate", + "ly" + ], + [ + "P", + "L" + ], + [ + "▁Г", + "о" + ], + [ + "▁B", + "al" + ], + [ + "▁Ba", + "l" + ], + [ + "▁", + "Bal" + ], + [ + "љ", + "е" + ], + [ + "ul", + "ui" + ], + [ + "ulu", + "i" + ], + [ + "▁on", + "line" + ], + [ + "▁", + "online" + ], + [ + "▁a", + "ños" + ], + [ + "▁añ", + "os" + ], + [ + "▁año", + "s" + ], + [ + "▁name", + "space" + ], + [ + "▁names", + "pace" + ], + [ + "▁", + "namespace" + ], + [ + "▁m", + "ond" + ], + [ + "▁mon", + "d" + ], + [ + "▁mo", + "nd" + ], + [ + "▁", + "mond" + ], + [ + "▁B", + "ase" + ], + [ + "▁Bas", + "e" + ], + [ + "▁Ba", + "se" + ], + [ + "▁", + "Base" + ], + [ + "▁Can", + "ada" + ], + [ + "▁Canad", + "a" + ], + [ + "et", + "zt" + ], + [ + "etz", + "t" + ], + [ + "}", + "-" + ], + [ + "▁de", + "fin" + ], + [ + "▁def", + "in" + ], + [ + "▁", + "defin" + ], + [ + "▁dou", + "bt" + ], + [ + "▁doub", + "t" + ], + [ + "▁inv", + "estig" + ], + [ + "▁invest", + "ig" + ], + [ + "view", + "s" + ], + [ + "vie", + "ws" + ], + [ + "▁L", + "ine" + ], + [ + "▁Li", + "ne" + ], + [ + "▁Lin", + "e" + ], + [ + "▁", + "Line" + ], + [ + "▁st", + "age" + ], + [ + "▁sta", + "ge" + ], + [ + "▁stag", + "e" + ], + [ + "▁", + "stage" + ], + [ + "ett", + "ings" + ], + [ + "ub", + "re" + ], + [ + "u", + "bre" + ], + [ + "f", + "loat" + ], + [ + "▁P", + "lay" + ], + [ + "▁Pl", + "ay" + ], + [ + "▁Pla", + "y" + ], + [ + "▁", + "Play" + ], + [ + "▁L", + "as" + ], + [ + "▁La", + "s" + ], + [ + "pt", + "r" + ], + [ + "p", + "tr" + ], + [ + "▁be", + "comes" + ], + [ + "▁become", + "s" + ], + [ + "▁becom", + "es" + ], + [ + "est", + "amp" + ], + [ + "esta", + "mp" + ], + [ + "▁in", + "dependent" + ], + [ + "▁indep", + "endent" + ], + [ + "▁independ", + "ent" + ], + [ + "▁anal", + "ysis" + ], + [ + "▁", + "analysis" + ], + [ + "▁L", + "ook" + ], + [ + "▁Lo", + "ok" + ], + [ + "▁", + "Look" + ], + [ + "la", + "in" + ], + [ + "l", + "ain" + ], + [ + "▁ра", + "с" + ], + [ + "Re", + "ference" + ], + [ + "▁s", + "orry" + ], + [ + "▁sor", + "ry" + ], + [ + "▁supp", + "osed" + ], + [ + "▁suppose", + "d" + ], + [ + "▁sup", + "posed" + ], + [ + "û", + "t" + ], + [ + "▁deg", + "ree" + ], + [ + "ut", + "z" + ], + [ + "u", + "tz" + ], + [ + "M", + "M" + ], + [ + "▁des", + "ired" + ], + [ + "▁desire", + "d" + ], + [ + "ł", + "y" + ], + [ + "▁l", + "en" + ], + [ + "▁le", + "n" + ], + [ + "▁", + "len" + ], + [ + "▁al", + "one" + ], + [ + "▁", + "alone" + ], + [ + "sign", + "ed" + ], + [ + "sig", + "ned" + ], + [ + "s", + "igned" + ], + [ + "▁S", + "ta" + ], + [ + "▁St", + "a" + ], + [ + "Per", + "son" + ], + [ + "Pers", + "on" + ], + [ + "P", + "erson" + ], + [ + "▁app", + "lied" + ], + [ + "▁B", + "ack" + ], + [ + "▁Ba", + "ck" + ], + [ + "▁Bac", + "k" + ], + [ + "▁", + "Back" + ], + [ + "▁m", + "ars" + ], + [ + "▁ma", + "rs" + ], + [ + "▁mar", + "s" + ], + [ + "Par", + "t" + ], + [ + "Pa", + "rt" + ], + [ + "P", + "art" + ], + [ + "▁D", + "id" + ], + [ + "▁Di", + "d" + ], + [ + "▁", + "Did" + ], + [ + "▁extern", + "es" + ], + [ + "▁externe", + "s" + ], + [ + "▁n", + "p" + ], + [ + "▁", + "np" + ], + [ + "on", + "go" + ], + [ + "ong", + "o" + ], + [ + "▁e", + "sta" + ], + [ + "▁est", + "a" + ], + [ + "▁es", + "ta" + ], + [ + "▁", + "esta" + ], + [ + "Bl", + "ock" + ], + [ + "B", + "lock" + ], + [ + "▁p", + "ou" + ], + [ + "▁po", + "u" + ], + [ + "ad", + "ores" + ], + [ + "ado", + "res" + ], + [ + "ador", + "es" + ], + [ + "▁St", + "udio" + ], + [ + "▁Stud", + "io" + ], + [ + "▁", + "Studio" + ], + [ + ".", + "$" + ], + [ + "▁re", + "ached" + ], + [ + "▁reach", + "ed" + ], + [ + "bo", + "t" + ], + [ + "b", + "ot" + ], + [ + "▁J", + "uni" + ], + [ + "▁Ju", + "ni" + ], + [ + "▁Jun", + "i" + ], + [ + "to", + "ns" + ], + [ + "ton", + "s" + ], + [ + "t", + "ons" + ], + [ + "it", + "el" + ], + [ + "ite", + "l" + ], + [ + "i", + "tel" + ], + [ + "▁G", + "ar" + ], + [ + "▁Ga", + "r" + ], + [ + "▁art", + "icles" + ], + [ + "▁article", + "s" + ], + [ + "▁", + "articles" + ], + [ + "▁D", + "istrict" + ], + [ + "▁Dist", + "rict" + ], + [ + "▁tr", + "ouble" + ], + [ + "▁trou", + "ble" + ], + [ + "li", + "de" + ], + [ + "l", + "ide" + ], + [ + "▁F", + "ound" + ], + [ + "▁Fou", + "nd" + ], + [ + "▁Fo", + "und" + ], + [ + "▁", + "Found" + ], + [ + "á", + "d" + ], + [ + "▁e", + "quip" + ], + [ + "▁equ", + "ip" + ], + [ + "▁in", + "ternal" + ], + [ + "▁int", + "ernal" + ], + [ + "▁inter", + "nal" + ], + [ + "▁intern", + "al" + ], + [ + "▁", + "internal" + ], + [ + "']", + "," + ], + [ + "'", + "]," + ], + [ + "▁a", + "sync" + ], + [ + "▁as", + "ync" + ], + [ + "▁", + "async" + ], + [ + "U", + "B" + ], + [ + "ge", + "l" + ], + [ + "g", + "el" + ], + [ + "▁a", + "i" + ], + [ + "▁", + "ai" + ], + [ + "ens", + "ure" + ], + [ + "▁app", + "eared" + ], + [ + "▁appear", + "ed" + ], + [ + "▁appe", + "ared" + ], + [ + "▁$", + "_" + ], + [ + "▁", + "$_" + ], + [ + "▁max", + "imum" + ], + [ + "▁maxim", + "um" + ], + [ + "▁С", + "и" + ], + [ + "р", + "ь" + ], + [ + "▁ann", + "oun" + ], + [ + "▁anno", + "un" + ], + [ + "ла", + "сь" + ], + [ + "▁c", + "m" + ], + [ + "▁", + "cm" + ], + [ + "га", + "н" + ], + [ + "г", + "ан" + ], + [ + "au", + "pt" + ], + [ + "a", + "upt" + ], + [ + "▁l", + "atter" + ], + [ + "▁lat", + "ter" + ], + [ + "▁pl", + "atform" + ], + [ + "▁plat", + "form" + ], + [ + "▁", + "platform" + ], + [ + "▁d", + "ra" + ], + [ + "▁dr", + "a" + ], + [ + "▁", + "dra" + ], + [ + "▁cap", + "ital" + ], + [ + "▁capit", + "al" + ], + [ + "▁sol", + "ved" + ], + [ + "▁solve", + "d" + ], + [ + "ri", + "z" + ], + [ + "r", + "iz" + ], + [ + "ed", + "ic" + ], + [ + "edi", + "c" + ], + [ + "e", + "dic" + ], + [ + "▁M", + "ur" + ], + [ + "▁Mu", + "r" + ], + [ + "▁T", + "op" + ], + [ + "▁To", + "p" + ], + [ + "▁", + "Top" + ], + [ + "т", + "ся" + ], + [ + "Pa", + "nel" + ], + [ + "Pane", + "l" + ], + [ + "Pan", + "el" + ], + [ + "P", + "anel" + ], + [ + "ru", + "le" + ], + [ + "r", + "ule" + ], + [ + "et", + "ic" + ], + [ + "eti", + "c" + ], + [ + "▁R", + "en" + ], + [ + "▁Re", + "n" + ], + [ + "▁Wik", + "imedia" + ], + [ + "▁", + "Wikimedia" + ], + [ + "▁T", + "O" + ], + [ + "▁", + "TO" + ], + [ + "se", + "cond" + ], + [ + "sec", + "ond" + ], + [ + "is", + "l" + ], + [ + "i", + "sl" + ], + [ + "▁h", + "y" + ], + [ + "▁", + "hy" + ], + [ + "▁n", + "iet" + ], + [ + "▁nie", + "t" + ], + [ + "▁ni", + "et" + ], + [ + "▁lo", + "aded" + ], + [ + "▁load", + "ed" + ], + [ + "▁", + "loaded" + ], + [ + "di", + "g" + ], + [ + "d", + "ig" + ], + [ + "▁ma", + "yo" + ], + [ + "▁may", + "o" + ], + [ + "[", + ":" + ], + [ + "Ac", + "c" + ], + [ + "A", + "cc" + ], + [ + "▁b", + "ek" + ], + [ + "▁be", + "k" + ], + [ + "▁", + "bek" + ], + [ + "ни", + "ю" + ], + [ + "lo", + "gin" + ], + [ + "log", + "in" + ], + [ + "t", + "x" + ], + [ + "▁F", + "ur" + ], + [ + "▁Fu", + "r" + ], + [ + "▁S", + "anta" + ], + [ + "▁San", + "ta" + ], + [ + "▁Sant", + "a" + ], + [ + "az", + "z" + ], + [ + "a", + "zz" + ], + [ + "▁con", + "duct" + ], + [ + "▁cond", + "uct" + ], + [ + "▁condu", + "ct" + ], + [ + "▁In", + "dia" + ], + [ + "▁Ind", + "ia" + ], + [ + "Or", + "der" + ], + [ + "Ord", + "er" + ], + [ + "ir", + "th" + ], + [ + "irt", + "h" + ], + [ + "t", + "w" + ], + [ + "}", + "+" + ], + [ + "▁w", + "ieder" + ], + [ + "▁wie", + "der" + ], + [ + "▁E", + "du" + ], + [ + "▁Ed", + "u" + ], + [ + "A", + "V" + ], + [ + "▁`", + "``" + ], + [ + "▁``", + "`" + ], + [ + "▁", + "```" + ], + [ + "▁man", + "ually" + ], + [ + "▁manual", + "ly" + ], + [ + "▁R", + "ead" + ], + [ + "▁Re", + "ad" + ], + [ + "▁", + "Read" + ], + [ + "fortun", + "ately" + ], + [ + "▁R", + "un" + ], + [ + "▁Ru", + "n" + ], + [ + "▁", + "Run" + ], + [ + "▁A", + "ward" + ], + [ + "▁Aw", + "ard" + ], + [ + "▁F", + "oot" + ], + [ + "▁Foo", + "t" + ], + [ + "▁Fo", + "ot" + ], + [ + "▁", + "Foot" + ], + [ + "*", + ")" + ], + [ + "par", + "ams" + ], + [ + "param", + "s" + ], + [ + "pa", + "rams" + ], + [ + "para", + "ms" + ], + [ + "п", + "і" + ], + [ + "▁n", + "ative" + ], + [ + "▁nat", + "ive" + ], + [ + "▁", + "native" + ], + [ + "ri", + "ft" + ], + [ + "rif", + "t" + ], + [ + "r", + "ift" + ], + [ + "▁", + "ä" + ], + [ + "AT", + "H" + ], + [ + "A", + "TH" + ], + [ + "▁your", + "self" + ], + [ + "▁yours", + "elf" + ], + [ + "▁p", + "rior" + ], + [ + "▁pr", + "ior" + ], + [ + "▁pri", + "or" + ], + [ + "▁c", + "it" + ], + [ + "▁ci", + "t" + ], + [ + "▁", + "cit" + ], + [ + "ä", + "h" + ], + [ + "▁tre", + "at" + ], + [ + "▁me", + "as" + ], + [ + "rib", + "uted" + ], + [ + "ribute", + "d" + ], + [ + "ribu", + "ted" + ], + [ + "▁c", + "lar" + ], + [ + "▁cl", + "ar" + ], + [ + "▁cla", + "r" + ], + [ + "▁", + "clar" + ], + [ + "ca", + "rd" + ], + [ + "car", + "d" + ], + [ + "c", + "ard" + ], + [ + "RO", + "R" + ], + [ + "R", + "OR" + ], + [ + "il", + "les" + ], + [ + "ill", + "es" + ], + [ + "ille", + "s" + ], + [ + "i", + "lles" + ], + [ + "▁l", + "ayer" + ], + [ + "▁la", + "yer" + ], + [ + "▁lay", + "er" + ], + [ + "▁", + "layer" + ], + [ + "au", + "er" + ], + [ + "a", + "uer" + ], + [ + "▁r", + "at" + ], + [ + "▁ra", + "t" + ], + [ + "▁", + "rat" + ], + [ + "bern", + "ate" + ], + [ + "▁st", + "ato" + ], + [ + "▁stat", + "o" + ], + [ + "▁sta", + "to" + ], + [ + "▁Ch", + "ina" + ], + [ + "▁Chi", + "na" + ], + [ + "▁$", + "('#" + ], + [ + "▁$('", + "#" + ], + [ + "▁n", + "aar" + ], + [ + "▁na", + "ar" + ], + [ + "zi", + "p" + ], + [ + "z", + "ip" + ], + [ + "▁$", + "{\\" + ], + [ + "▁${", + "\\" + ], + [ + "▁appreci", + "ated" + ], + [ + "▁appreciate", + "d" + ], + [ + "▁и", + "ме" + ], + [ + "▁им", + "е" + ], + [ + "ż", + "y" + ], + [ + "▁prze", + "z" + ], + [ + "▁prz", + "ez" + ], + [ + "▁Ind", + "ian" + ], + [ + "▁India", + "n" + ], + [ + "▁T", + "od" + ], + [ + "▁To", + "d" + ], + [ + "▁S", + "ource" + ], + [ + "▁", + "Source" + ], + [ + "▁дру", + "ги" + ], + [ + "in", + "ternal" + ], + [ + "int", + "ernal" + ], + [ + "inter", + "nal" + ], + [ + "intern", + "al" + ], + [ + "ion", + "ale" + ], + [ + "ional", + "e" + ], + [ + "iona", + "le" + ], + [ + "Pro", + "duct" + ], + [ + "Produ", + "ct" + ], + [ + "▁M", + "en" + ], + [ + "▁Me", + "n" + ], + [ + "▁", + "Men" + ], + [ + "▁u", + "pper" + ], + [ + "▁up", + "per" + ], + [ + "▁upp", + "er" + ], + [ + "▁", + "upper" + ], + [ + "▁E", + "very" + ], + [ + "▁Ev", + "ery" + ], + [ + "▁Ever", + "y" + ], + [ + "▁", + "Every" + ], + [ + "},", + "\\" + ], + [ + "}", + ",\\" + ], + [ + "▁print", + "f" + ], + [ + "▁prin", + "tf" + ], + [ + "▁", + "printf" + ], + [ + "▁contin", + "ued" + ], + [ + "▁continu", + "ed" + ], + [ + "▁continue", + "d" + ], + [ + "▁n", + "odes" + ], + [ + "▁no", + "des" + ], + [ + "▁node", + "s" + ], + [ + "▁nod", + "es" + ], + [ + "▁", + "nodes" + ], + [ + "л", + "ки" + ], + [ + "▁n", + "ice" + ], + [ + "▁ni", + "ce" + ], + [ + "▁nic", + "e" + ], + [ + "▁", + "nice" + ], + [ + "mod", + "ules" + ], + [ + "module", + "s" + ], + [ + "ei", + "gn" + ], + [ + "e", + "ign" + ], + [ + "▁M", + "ex" + ], + [ + "▁Me", + "x" + ], + [ + "▁Acc", + "ording" + ], + [ + "▁un", + "defined" + ], + [ + "▁und", + "efined" + ], + [ + "▁", + "undefined" + ], + [ + "▁b", + "inary" + ], + [ + "▁bin", + "ary" + ], + [ + "▁", + "binary" + ], + [ + "cu", + "t" + ], + [ + "c", + "ut" + ], + [ + "Cur", + "rent" + ], + [ + "C", + "urrent" + ], + [ + "ed", + "y" + ], + [ + "e", + "dy" + ], + [ + "}}", + "{" + ], + [ + "}", + "}{" + ], + [ + "ble", + "s" + ], + [ + "bl", + "es" + ], + [ + "b", + "les" + ], + [ + "▁во", + "й" + ], + [ + "▁", + "вой" + ], + [ + "sc", + "ri" + ], + [ + "scr", + "i" + ], + [ + "s", + "cri" + ], + [ + "eq", + "n" + ], + [ + "Ch", + "anged" + ], + [ + "Change", + "d" + ], + [ + "▁kö", + "z" + ], + [ + "▁rem", + "ote" + ], + [ + "▁", + "remote" + ], + [ + "в", + "ля" + ], + [ + "▁qu", + "el" + ], + [ + "▁que", + "l" + ], + [ + "▁q", + "uel" + ], + [ + "▁", + "quel" + ], + [ + "▁al", + "ign" + ], + [ + "▁ali", + "gn" + ], + [ + "▁", + "align" + ], + [ + "▁п", + "ар" + ], + [ + "▁па", + "р" + ], + [ + "▁", + "пар" + ], + [ + "S", + "V" + ], + [ + "ye", + "r" + ], + [ + "y", + "er" + ], + [ + "▁Cal", + "iforn" + ], + [ + "▁p", + "laces" + ], + [ + "▁pl", + "aces" + ], + [ + "▁place", + "s" + ], + [ + "▁pla", + "ces" + ], + [ + "▁prim", + "ary" + ], + [ + "▁pri", + "mary" + ], + [ + "▁prima", + "ry" + ], + [ + "▁", + "primary" + ], + [ + "▁con", + "v" + ], + [ + "▁", + "conv" + ], + [ + "▁J", + "uli" + ], + [ + "▁Jul", + "i" + ], + [ + "▁Ju", + "li" + ], + [ + "▁vis", + "ual" + ], + [ + "▁", + "visual" + ], + [ + "▁S", + "elect" + ], + [ + "▁Se", + "lect" + ], + [ + "▁Sel", + "ect" + ], + [ + "▁Sele", + "ct" + ], + [ + "▁", + "Select" + ], + [ + "at", + "ory" + ], + [ + "ator", + "y" + ], + [ + "ato", + "ry" + ], + [ + "=", + "(" + ], + [ + "is", + "er" + ], + [ + "ise", + "r" + ], + [ + "i", + "ser" + ], + [ + "▁int", + "ent" + ], + [ + "▁inte", + "nt" + ], + [ + "▁inten", + "t" + ], + [ + "▁", + "intent" + ], + [ + "su", + "r" + ], + [ + "s", + "ur" + ], + [ + "cont", + "ainer" + ], + [ + "ic", + "ed" + ], + [ + "ice", + "d" + ], + [ + "i", + "ced" + ], + [ + "▁bo", + "ard" + ], + [ + "▁", + "board" + ], + [ + "as", + "tr" + ], + [ + "ast", + "r" + ], + [ + "a", + "str" + ], + [ + "om", + "ial" + ], + [ + "omi", + "al" + ], + [ + "ве", + "т" + ], + [ + "в", + "ет" + ], + [ + "з", + "ва" + ], + [ + "▁c", + "ru" + ], + [ + "▁cr", + "u" + ], + [ + "▁Ok", + "tober" + ], + [ + "sa", + "ve" + ], + [ + "s", + "ave" + ], + [ + "▁gre", + "ater" + ], + [ + "▁great", + "er" + ], + [ + "▁in", + "n" + ], + [ + "▁i", + "nn" + ], + [ + "▁", + "inn" + ], + [ + "▁p", + "icture" + ], + [ + "▁", + "picture" + ], + [ + "▁Т", + "о" + ], + [ + "▁obtain", + "ed" + ], + [ + "▁obt", + "ained" + ], + [ + "Wik", + "imedia" + ], + [ + "ú", + "blic" + ], + [ + "▁l", + "ors" + ], + [ + "▁lo", + "rs" + ], + [ + "▁m", + "ont" + ], + [ + "▁mon", + "t" + ], + [ + "▁mo", + "nt" + ], + [ + "▁", + "mont" + ], + [ + "ob", + "re" + ], + [ + "o", + "bre" + ], + [ + "▁c", + "ivil" + ], + [ + "▁ci", + "vil" + ], + [ + "▁civ", + "il" + ], + [ + "▁const", + "ruction" + ], + [ + "▁construct", + "ion" + ], + [ + "▁constru", + "ction" + ], + [ + "▁W", + "elt" + ], + [ + "▁We", + "lt" + ], + [ + "▁Wel", + "t" + ], + [ + "▁U", + "nder" + ], + [ + "▁Un", + "der" + ], + [ + "▁Und", + "er" + ], + [ + "▁", + "Under" + ], + [ + "und", + "ert" + ], + [ + "under", + "t" + ], + [ + "unde", + "rt" + ], + [ + "▁ed", + "ge" + ], + [ + "▁", + "edge" + ], + [ + "▁L", + "iste" + ], + [ + "▁List", + "e" + ], + [ + "▁Li", + "ste" + ], + [ + "▁Lis", + "te" + ], + [ + "cs", + "v" + ], + [ + "c", + "sv" + ], + [ + "▁ex", + "periment" + ], + [ + "▁exper", + "iment" + ], + [ + "local", + "host" + ], + [ + "▁E", + "dit" + ], + [ + "▁Ed", + "it" + ], + [ + "▁", + "Edit" + ], + [ + "gr", + "eg" + ], + [ + "gre", + "g" + ], + [ + "g", + "reg" + ], + [ + "ov", + "á" + ], + [ + "o", + "vá" + ], + [ + "љ", + "а" + ], + [ + "ms", + "g" + ], + [ + "m", + "sg" + ], + [ + "▁G", + "reen" + ], + [ + "▁Gr", + "een" + ], + [ + "▁Gre", + "en" + ], + [ + "▁Gree", + "n" + ], + [ + "▁", + "Green" + ], + [ + "Di", + "alog" + ], + [ + "D", + "ialog" + ], + [ + "Id", + "ent" + ], + [ + "I", + "dent" + ], + [ + "▁J", + "S" + ], + [ + "▁", + "JS" + ], + [ + "^{", + "(" + ], + [ + "^", + "{(" + ], + [ + "▁slä", + "ktet" + ], + [ + "__", + "__" + ], + [ + "___", + "_" + ], + [ + "_", + "___" + ], + [ + "Pro", + "ject" + ], + [ + "▁bes", + "kre" + ], + [ + "▁b", + "er" + ], + [ + "▁be", + "r" + ], + [ + "▁", + "ber" + ], + [ + "▁would", + "n" + ], + [ + "▁re", + "act" + ], + [ + "▁", + "react" + ], + [ + "He", + "l" + ], + [ + "H", + "el" + ], + [ + "z", + "w" + ], + [ + "▁W", + "ashington" + ], + [ + "or", + "ie" + ], + [ + "ori", + "e" + ], + [ + "o", + "rie" + ], + [ + "ta", + "sk" + ], + [ + "t", + "ask" + ], + [ + "▁c", + "ategory" + ], + [ + "▁categ", + "ory" + ], + [ + "▁categor", + "y" + ], + [ + "▁", + "category" + ], + [ + "▁art", + "ist" + ], + [ + "an", + "no" + ], + [ + "ann", + "o" + ], + [ + "▁o", + "ok" + ], + [ + "▁", + "ook" + ], + [ + "am", + "men" + ], + [ + "amm", + "en" + ], + [ + "▁Min", + "ister" + ], + [ + "▁de", + "clar" + ], + [ + "▁dec", + "lar" + ], + [ + "▁decl", + "ar" + ], + [ + "▁decla", + "r" + ], + [ + "▁K", + "ey" + ], + [ + "▁Ke", + "y" + ], + [ + "▁", + "Key" + ], + [ + ",", + "." + ], + [ + "▁m", + "ach" + ], + [ + "▁ma", + "ch" + ], + [ + "▁mac", + "h" + ], + [ + "▁w", + "w" + ], + [ + "▁", + "ww" + ], + [ + "is", + "en" + ], + [ + "ise", + "n" + ], + [ + "i", + "sen" + ], + [ + "Fr", + "an" + ], + [ + "F", + "ran" + ], + [ + "▁Ро", + "сси" + ], + [ + "▁Рос", + "си" + ], + [ + "бо", + "р" + ], + [ + "б", + "ор" + ], + [ + "т", + "ри" + ], + [ + "▁r", + "ock" + ], + [ + "▁ro", + "ck" + ], + [ + "▁", + "rock" + ], + [ + "qu", + "is" + ], + [ + "qui", + "s" + ], + [ + "q", + "uis" + ], + [ + "mo", + "s" + ], + [ + "m", + "os" + ], + [ + "пе", + "ра" + ], + [ + "пер", + "а" + ], + [ + "п", + "ера" + ], + [ + "▁est", + "erni" + ], + [ + "▁g", + "old" + ], + [ + "▁go", + "ld" + ], + [ + "▁gol", + "d" + ], + [ + "Window", + "s" + ], + [ + "W", + "indows" + ], + [ + "%", + "%" + ], + [ + "▁part", + "ial" + ], + [ + "▁parti", + "al" + ], + [ + "▁", + "partial" + ], + [ + "▁we", + "ight" + ], + [ + "▁", + "weight" + ], + [ + "▁s", + "pr" + ], + [ + "▁sp", + "r" + ], + [ + "▁", + "spr" + ], + [ + "})", + "." + ], + [ + "}", + ")." + ], + [ + "▁fran", + "çais" + ], + [ + "fu", + "n" + ], + [ + "f", + "un" + ], + [ + "▁th", + "ous" + ], + [ + "▁thou", + "s" + ], + [ + "ho", + "lder" + ], + [ + "hol", + "der" + ], + [ + "hold", + "er" + ], + [ + "h", + "older" + ], + [ + "▁g", + "one" + ], + [ + "▁go", + "ne" + ], + [ + "▁", + "Č" + ], + [ + "▁re", + "nd" + ], + [ + "▁r", + "end" + ], + [ + "▁ren", + "d" + ], + [ + "▁", + "rend" + ], + [ + "D", + "A" + ], + [ + "▁answer", + "ed" + ], + [ + "▁F", + "alse" + ], + [ + "▁Fal", + "se" + ], + [ + "▁", + "False" + ], + [ + "B", + "uffer" + ], + [ + "▁d", + "augh" + ], + [ + "▁da", + "ugh" + ], + [ + ".-", + "-" + ], + [ + ".", + "--" + ], + [ + "▁S", + "how" + ], + [ + "▁Sh", + "ow" + ], + [ + "▁Sho", + "w" + ], + [ + "▁", + "Show" + ], + [ + "▁re", + "ct" + ], + [ + "▁r", + "ect" + ], + [ + "▁rec", + "t" + ], + [ + "▁", + "rect" + ], + [ + "▁K", + "re" + ], + [ + "▁Kr", + "e" + ], + [ + "d", + "r" + ], + [ + "os", + "oph" + ], + [ + "oso", + "ph" + ], + [ + "▁y", + "ield" + ], + [ + "ur", + "ity" + ], + [ + "uri", + "ty" + ], + [ + "to", + "String" + ], + [ + "av", + "al" + ], + [ + "ava", + "l" + ], + [ + "a", + "val" + ], + [ + "Po", + "l" + ], + [ + "P", + "ol" + ], + [ + "▁l", + "ock" + ], + [ + "▁lo", + "ck" + ], + [ + "▁loc", + "k" + ], + [ + "▁", + "lock" + ], + [ + "im", + "ation" + ], + [ + "ima", + "tion" + ], + [ + "imat", + "ion" + ], + [ + "ant", + "ic" + ], + [ + "anti", + "c" + ], + [ + "Lo", + "cal" + ], + [ + "Loc", + "al" + ], + [ + "L", + "ocal" + ], + [ + "▁beskre", + "vs" + ], + [ + "it", + "és" + ], + [ + "ité", + "s" + ], + [ + "gr", + "id" + ], + [ + "g", + "rid" + ], + [ + "у", + "т" + ], + [ + "▁_", + "{" + ], + [ + "▁", + "_{" + ], + [ + "с", + "і" + ], + [ + "FI", + "LE" + ], + [ + "▁к", + "м" + ], + [ + "▁spe", + "ak" + ], + [ + "sum", + "mary" + ], + [ + "pr", + "op" + ], + [ + "pro", + "p" + ], + [ + "p", + "rop" + ], + [ + "java", + "script" + ], + [ + "j", + "avascript" + ], + [ + "z", + "k" + ], + [ + "izont", + "al" + ], + [ + "izon", + "tal" + ], + [ + "▁tr", + "ois" + ], + [ + "▁tro", + "is" + ], + [ + "▁R", + "od" + ], + [ + "▁Ro", + "d" + ], + [ + "pr", + "ise" + ], + [ + "ро", + "во" + ], + [ + "ров", + "о" + ], + [ + "р", + "ово" + ], + [ + "▁o", + "dd" + ], + [ + "▁od", + "d" + ], + [ + "▁", + "odd" + ], + [ + "▁g", + "est" + ], + [ + "▁ge", + "st" + ], + [ + "▁ges", + "t" + ], + [ + "▁", + "gest" + ], + [ + "▁produ", + "ce" + ], + [ + "▁prod", + "uce" + ], + [ + "▁w", + "aar" + ], + [ + "▁wa", + "ar" + ], + [ + "▁A", + "v" + ], + [ + "▁", + "Av" + ], + [ + "ri", + "bu" + ], + [ + "rib", + "u" + ], + [ + "ва", + "ння" + ], + [ + "ван", + "ня" + ], + [ + "▁fin", + "ished" + ], + [ + "▁finish", + "ed" + ], + [ + "▁ad", + "apt" + ], + [ + "▁S", + "ar" + ], + [ + "▁Sa", + "r" + ], + [ + "text", + "it" + ], + [ + "tex", + "tit" + ], + [ + "▁C", + "e" + ], + [ + "▁F", + "a" + ], + [ + "▁", + "Fa" + ], + [ + "os", + "en" + ], + [ + "ose", + "n" + ], + [ + "o", + "sen" + ], + [ + "▁de", + "riv" + ], + [ + "▁der", + "iv" + ], + [ + "▁s", + "hip" + ], + [ + "▁sh", + "ip" + ], + [ + "▁", + "ship" + ], + [ + "▁o", + "pin" + ], + [ + "▁op", + "in" + ], + [ + "▁E", + "ven" + ], + [ + "▁Ev", + "en" + ], + [ + "ge", + "sch" + ], + [ + "ges", + "ch" + ], + [ + "g", + "esch" + ], + [ + "▁supp", + "ose" + ], + [ + "▁sup", + "pose" + ], + [ + "▁F", + "er" + ], + [ + "▁Fe", + "r" + ], + [ + "ско", + "е" + ], + [ + "▁w", + "orden" + ], + [ + "▁word", + "en" + ], + [ + "▁wor", + "den" + ], + [ + "se", + "y" + ], + [ + "s", + "ey" + ], + [ + "hl", + "ine" + ], + [ + "h", + "line" + ], + [ + "▁Un", + "ion" + ], + [ + "▁", + "Union" + ], + [ + "▁/", + "**" + ], + [ + "▁/*", + "*" + ], + [ + "▁", + "/**" + ], + [ + "▁v", + "ez" + ], + [ + "▁ve", + "z" + ], + [ + "▁", + "vez" + ], + [ + "▁Colleg", + "amenti" + ], + [ + "▁Soci", + "ety" + ], + [ + "▁Soc", + "iety" + ], + [ + "▁e", + "conom" + ], + [ + "▁econ", + "om" + ], + [ + "▁ec", + "onom" + ], + [ + "š", + "í" + ], + [ + "o", + "i" + ], + [ + "▁or", + "ient" + ], + [ + "▁", + "orient" + ], + [ + "▁T", + "eil" + ], + [ + "▁Te", + "il" + ], + [ + "re", + "nt" + ], + [ + "ren", + "t" + ], + [ + "r", + "ent" + ], + [ + "ле", + "кс" + ], + [ + "лек", + "с" + ], + [ + "▁s", + "olid" + ], + [ + "▁sol", + "id" + ], + [ + "▁c", + "art" + ], + [ + "▁car", + "t" + ], + [ + "▁ca", + "rt" + ], + [ + "▁", + "cart" + ], + [ + "********", + "********" + ], + [ + "▁c", + "ab" + ], + [ + "▁ca", + "b" + ], + [ + "▁M", + "essage" + ], + [ + "▁Mess", + "age" + ], + [ + "▁", + "Message" + ], + [ + "do", + "ts" + ], + [ + "dot", + "s" + ], + [ + "d", + "ots" + ], + [ + "▁é", + "g" + ], + [ + "▁", + "ég" + ], + [ + "▁t", + "we" + ], + [ + "▁tw", + "e" + ], + [ + "ag", + "a" + ], + [ + "a", + "ga" + ], + [ + "▁n", + "az" + ], + [ + "▁na", + "z" + ], + [ + "▁M", + "icrosoft" + ], + [ + "▁Micro", + "soft" + ], + [ + "▁", + "Microsoft" + ], + [ + "▁under", + "arter" + ], + [ + "pp", + "en" + ], + [ + "ppe", + "n" + ], + [ + "p", + "pen" + ], + [ + "▁re", + "cent" + ], + [ + "▁rec", + "ent" + ], + [ + "▁rece", + "nt" + ], + [ + "▁n", + "et" + ], + [ + "▁ne", + "t" + ], + [ + "▁", + "net" + ], + [ + "▁res", + "ources" + ], + [ + "▁resource", + "s" + ], + [ + "▁", + "resources" + ], + [ + "St", + "e" + ], + [ + "S", + "te" + ], + [ + ".", + "\\" + ], + [ + "▁S", + "O" + ], + [ + "▁", + "SO" + ], + [ + "ло", + "м" + ], + [ + "л", + "ом" + ], + [ + "▁c", + "ele" + ], + [ + "▁ce", + "le" + ], + [ + "▁cel", + "e" + ], + [ + "▁l", + "ic" + ], + [ + "▁li", + "c" + ], + [ + "▁", + "lic" + ], + [ + "▁ben", + "ef" + ], + [ + "▁bene", + "f" + ], + [ + "ld", + "ots" + ], + [ + "l", + "dots" + ], + [ + "▁se", + "rial" + ], + [ + "▁ser", + "ial" + ], + [ + "▁seria", + "l" + ], + [ + "▁", + "serial" + ], + [ + "In", + "teger" + ], + [ + "cl", + "es" + ], + [ + "cle", + "s" + ], + [ + "c", + "les" + ], + [ + "▁m", + "iles" + ], + [ + "▁mil", + "es" + ], + [ + "▁mi", + "les" + ], + [ + "▁mile", + "s" + ], + [ + "▁A", + "le" + ], + [ + "▁Al", + "e" + ], + [ + "▁en", + "tered" + ], + [ + "▁ent", + "ered" + ], + [ + "▁enter", + "ed" + ], + [ + "▁T", + "wo" + ], + [ + "▁Tw", + "o" + ], + [ + "▁", + "Two" + ], + [ + "wi", + "e" + ], + [ + "w", + "ie" + ], + [ + "▁in", + "cludes" + ], + [ + "▁incl", + "udes" + ], + [ + "▁includ", + "es" + ], + [ + "▁include", + "s" + ], + [ + "▁inclu", + "des" + ], + [ + "▁", + "includes" + ], + [ + "▁E", + "ach" + ], + [ + "▁", + "Each" + ], + [ + "el", + "ling" + ], + [ + "ell", + "ing" + ], + [ + "elli", + "ng" + ], + [ + "qu", + "er" + ], + [ + "que", + "r" + ], + [ + "q", + "uer" + ], + [ + "▁D", + "om" + ], + [ + "▁Do", + "m" + ], + [ + "▁", + "Dom" + ], + [ + "p", + "f" + ], + [ + "W", + "S" + ], + [ + "▁stra", + "ight" + ], + [ + "▁S", + "tan" + ], + [ + "▁St", + "an" + ], + [ + "▁Sta", + "n" + ], + [ + "▁n", + "os" + ], + [ + "▁no", + "s" + ], + [ + "▁", + "nos" + ], + [ + "í", + "cul" + ], + [ + "at", + "ro" + ], + [ + "atr", + "o" + ], + [ + "▁C", + "enter" + ], + [ + "▁Cent", + "er" + ], + [ + "▁", + "Center" + ], + [ + "F", + "T" + ], + [ + "▁In", + "ga" + ], + [ + "▁Ing", + "a" + ], + [ + "il", + "o" + ], + [ + "i", + "lo" + ], + [ + "▁w", + "ww" + ], + [ + "▁ww", + "w" + ], + [ + "▁", + "www" + ], + [ + "js", + "fiddle" + ], + [ + "ni", + "c" + ], + [ + "n", + "ic" + ], + [ + "▁Europe", + "an" + ], + [ + "▁com", + "mer" + ], + [ + "▁comm", + "er" + ], + [ + "▁comme", + "r" + ], + [ + "▁g", + "irl" + ], + [ + "▁gi", + "rl" + ], + [ + "▁gir", + "l" + ], + [ + "to", + "tal" + ], + [ + "tot", + "al" + ], + [ + "t", + "otal" + ], + [ + "▁S", + "tar" + ], + [ + "▁St", + "ar" + ], + [ + "▁Sta", + "r" + ], + [ + "▁", + "Star" + ], + [ + "▁sugg", + "ested" + ], + [ + "▁suggest", + "ed" + ], + [ + "pa", + "l" + ], + [ + "p", + "al" + ], + [ + "▁zw", + "ischen" + ], + [ + "пи", + "са" + ], + [ + "пис", + "а" + ], + [ + "I", + "M" + ], + [ + "▁hand", + "ler" + ], + [ + "▁handle", + "r" + ], + [ + "▁", + "handler" + ], + [ + "▁Pro", + "gram" + ], + [ + "▁Pr", + "ogram" + ], + [ + "▁", + "Program" + ], + [ + "xs", + "l" + ], + [ + "x", + "sl" + ], + [ + "ál", + "y" + ], + [ + "á", + "ly" + ], + [ + "B", + "U" + ], + [ + ",-", + "-" + ], + [ + ",", + "--" + ], + [ + "▁v", + "id" + ], + [ + "▁vi", + "d" + ], + [ + "▁", + "vid" + ], + [ + "▁estab", + "lished" + ], + [ + "▁establish", + "ed" + ], + [ + "▁S", + "piel" + ], + [ + "▁Sp", + "iel" + ], + [ + "om", + "etry" + ], + [ + "ome", + "try" + ], + [ + "omet", + "ry" + ], + [ + "un", + "es" + ], + [ + "une", + "s" + ], + [ + "u", + "nes" + ], + [ + "▁s", + "it" + ], + [ + "▁si", + "t" + ], + [ + "▁in", + "her" + ], + [ + "▁p", + "uis" + ], + [ + "▁pu", + "is" + ], + [ + "▁", + "puis" + ], + [ + "▁", + "être" + ], + [ + "▁M", + "ost" + ], + [ + "▁Mo", + "st" + ], + [ + "▁Mos", + "t" + ], + [ + "He", + "ader" + ], + [ + "Head", + "er" + ], + [ + "in", + "sert" + ], + [ + "ins", + "ert" + ], + [ + "▁s", + "ist" + ], + [ + "▁si", + "st" + ], + [ + "▁f", + "avor" + ], + [ + "▁fa", + "vor" + ], + [ + "▁fav", + "or" + ], + [ + "de", + "st" + ], + [ + "des", + "t" + ], + [ + "d", + "est" + ], + [ + "▁ent", + "ity" + ], + [ + "▁", + "entity" + ], + [ + "Ca", + "l" + ], + [ + "C", + "al" + ], + [ + "▁There", + "fore" + ], + [ + "D", + "D" + ], + [ + ";", + ";" + ], + [ + "▁Dez", + "ember" + ], + [ + "▁R", + "h" + ], + [ + "im", + "ents" + ], + [ + "iment", + "s" + ], + [ + "imen", + "ts" + ], + [ + "i", + "ments" + ], + [ + "▁return", + "ing" + ], + [ + "st", + "o" + ], + [ + "s", + "to" + ], + [ + "▁Val", + "ue" + ], + [ + "▁", + "Value" + ], + [ + "▁l", + "iber" + ], + [ + "▁li", + "ber" + ], + [ + "▁lib", + "er" + ], + [ + "▁Res", + "ult" + ], + [ + "▁", + "Result" + ], + [ + "▁b", + "ind" + ], + [ + "▁bi", + "nd" + ], + [ + "▁bin", + "d" + ], + [ + "▁", + "bind" + ], + [ + "vo", + "ir" + ], + [ + "v", + "oir" + ], + [ + "▁T", + "im" + ], + [ + "▁Ti", + "m" + ], + [ + "▁", + "Tim" + ], + [ + "▁M", + "ovie" + ], + [ + "▁Mo", + "vie" + ], + [ + "▁Mov", + "ie" + ], + [ + "▁", + "Movie" + ], + [ + "we", + "g" + ], + [ + "w", + "eg" + ], + [ + "ke", + "t" + ], + [ + "k", + "et" + ], + [ + "▁и", + "сто" + ], + [ + "▁ис", + "то" + ], + [ + "▁fri", + "ends" + ], + [ + "▁friend", + "s" + ], + [ + "▁f", + "n" + ], + [ + "▁", + "fn" + ], + [ + "▁é", + "l" + ], + [ + "▁", + "él" + ], + [ + "▁&", + "=" + ], + [ + "▁", + "&=" + ], + [ + "ar", + "den" + ], + [ + "ard", + "en" + ], + [ + "arde", + "n" + ], + [ + "ff", + "icial" + ], + [ + "ffic", + "ial" + ], + [ + "▁comm", + "unity" + ], + [ + "▁commun", + "ity" + ], + [ + "▁", + "community" + ], + [ + "▁a", + "pi" + ], + [ + "▁ap", + "i" + ], + [ + "▁", + "api" + ], + [ + "Ar", + "gs" + ], + [ + "Arg", + "s" + ], + [ + "ie", + "ren" + ], + [ + "ier", + "en" + ], + [ + "iere", + "n" + ], + [ + "i", + "eren" + ], + [ + "▁d", + "ann" + ], + [ + "▁da", + "nn" + ], + [ + "▁dan", + "n" + ], + [ + "om", + "orph" + ], + [ + "ad", + "r" + ], + [ + "a", + "dr" + ], + [ + "lo", + "op" + ], + [ + "l", + "oop" + ], + [ + "um", + "an" + ], + [ + "uma", + "n" + ], + [ + "u", + "man" + ], + [ + "▁v", + "ous" + ], + [ + "▁vo", + "us" + ], + [ + "▁vou", + "s" + ], + [ + "▁", + "vous" + ], + [ + "bs", + "t" + ], + [ + "b", + "st" + ], + [ + "sub", + "mit" + ], + [ + "\\", + "|" + ], + [ + "ти", + "н" + ], + [ + "т", + "ин" + ], + [ + "Cont", + "ainer" + ], + [ + "as", + "ket" + ], + [ + "ask", + "et" + ], + [ + "?", + ")" + ], + [ + "Se", + "c" + ], + [ + "S", + "ec" + ], + [ + "▁d", + "rive" + ], + [ + "▁dr", + "ive" + ], + [ + "▁dri", + "ve" + ], + [ + "▁driv", + "e" + ], + [ + "▁", + "drive" + ], + [ + "As", + "s" + ], + [ + "A", + "ss" + ], + [ + "▁s", + "we" + ], + [ + "▁sw", + "e" + ], + [ + "▁a", + "mer" + ], + [ + "▁am", + "er" + ], + [ + "▁", + "amer" + ], + [ + "▁m", + "ine" + ], + [ + "▁min", + "e" + ], + [ + "▁mi", + "ne" + ], + [ + "▁", + "mine" + ], + [ + "▁H", + "am" + ], + [ + "▁Ha", + "m" + ], + [ + "▁av", + "ait" + ], + [ + "▁", + "avait" + ], + [ + "▁H", + "on" + ], + [ + "▁Ho", + "n" + ], + [ + "▁a", + "près" + ], + [ + "▁ap", + "rès" + ], + [ + "▁apr", + "ès" + ], + [ + "▁", + "après" + ], + [ + "▁M", + "ann" + ], + [ + "▁Man", + "n" + ], + [ + "▁Ma", + "nn" + ], + [ + "сь", + "ка" + ], + [ + "ськ", + "а" + ], + [ + "▁incre", + "ase" + ], + [ + "▁t", + "y" + ], + [ + "▁", + "ty" + ], + [ + "sk", + "y" + ], + [ + "s", + "ky" + ], + [ + "▁acc", + "ur" + ], + [ + "▁ac", + "cur" + ], + [ + "art", + "icle" + ], + [ + "we", + "ight" + ], + [ + "weig", + "ht" + ], + [ + "▁s", + "ex" + ], + [ + "▁se", + "x" + ], + [ + "▁", + "sex" + ], + [ + "▁list", + "ade" + ], + [ + "▁lista", + "de" + ], + [ + "/*", + "*" + ], + [ + "/", + "**" + ], + [ + "▁est", + "á" + ], + [ + "}}", + "$" + ], + [ + "}", + "}$" + ], + [ + "ar", + "go" + ], + [ + "arg", + "o" + ], + [ + "def", + "ine" + ], + [ + "defin", + "e" + ], + [ + "▁со", + "став" + ], + [ + "▁соста", + "в" + ], + [ + "s", + "ession" + ], + [ + "ad", + "s" + ], + [ + "a", + "ds" + ], + [ + "ст", + "ви" + ], + [ + "ств", + "и" + ], + [ + "▁L", + "aw" + ], + [ + "▁La", + "w" + ], + [ + "▁d", + "ialog" + ], + [ + "▁di", + "alog" + ], + [ + "▁dia", + "log" + ], + [ + "▁", + "dialog" + ], + [ + "▁dup", + "licate" + ], + [ + "▁é", + "p" + ], + [ + "▁", + "ép" + ], + [ + "▁v", + "oc" + ], + [ + "▁vo", + "c" + ], + [ + "fr", + "i" + ], + [ + "f", + "ri" + ], + [ + "▁g", + "reen" + ], + [ + "▁gr", + "een" + ], + [ + "▁gre", + "en" + ], + [ + "▁", + "green" + ], + [ + "▁h", + "idden" + ], + [ + "▁hid", + "den" + ], + [ + "▁", + "hidden" + ], + [ + "▁Is", + "land" + ], + [ + "▁di", + "ag" + ], + [ + "▁dia", + "g" + ], + [ + "ow", + "ej" + ], + [ + "owe", + "j" + ], + [ + "my", + "sql" + ], + [ + "mys", + "ql" + ], + [ + "mysq", + "l" + ], + [ + "te", + "il" + ], + [ + "tei", + "l" + ], + [ + "t", + "eil" + ], + [ + "r", + "ä" + ], + [ + "ik", + "an" + ], + [ + "ika", + "n" + ], + [ + "i", + "kan" + ], + [ + "▁Jos", + "é" + ], + [ + "al", + "ed" + ], + [ + "ale", + "d" + ], + [ + "a", + "led" + ], + [ + "Run", + "time" + ], + [ + "R", + "untime" + ], + [ + "▁t", + "rain" + ], + [ + "▁tr", + "ain" + ], + [ + "▁tra", + "in" + ], + [ + "▁", + "train" + ], + [ + "▁Di", + "vision" + ], + [ + "▁Div", + "ision" + ], + [ + "ни", + "ц" + ], + [ + "▁S", + "pan" + ], + [ + "▁Sp", + "an" + ], + [ + "▁", + "Span" + ], + [ + "ни", + "ма" + ], + [ + "ним", + "а" + ], + [ + ")=", + "\\" + ], + [ + ")", + "=\\" + ], + [ + "та", + "н" + ], + [ + "т", + "ан" + ], + [ + "▁st", + "ay" + ], + [ + "▁sta", + "y" + ], + [ + "▁f", + "oo" + ], + [ + "▁fo", + "o" + ], + [ + "▁", + "foo" + ], + [ + "▁acc", + "om" + ], + [ + "▁ac", + "com" + ], + [ + "▁h", + "ers" + ], + [ + "▁he", + "rs" + ], + [ + "▁her", + "s" + ], + [ + "▁на", + "у" + ], + [ + "▁M", + "ün" + ], + [ + "ide", + "os" + ], + [ + "ideo", + "s" + ], + [ + "st", + "atic" + ], + [ + "stat", + "ic" + ], + [ + "▁re", + "ady" + ], + [ + "▁read", + "y" + ], + [ + "▁", + "ready" + ], + [ + "]", + "`" + ], + [ + "▁vis", + "ible" + ], + [ + "▁vi", + "sible" + ], + [ + "▁", + "visible" + ], + [ + "▁H", + "ope" + ], + [ + "▁Ho", + "pe" + ], + [ + "▁Hop", + "e" + ], + [ + "ul", + "ated" + ], + [ + "ula", + "ted" + ], + [ + "ulate", + "d" + ], + [ + "▁C", + "ult" + ], + [ + "▁Cu", + "lt" + ], + [ + "ст", + "ро" + ], + [ + "стр", + "о" + ], + [ + "с", + "тро" + ], + [ + "C", + "o" + ], + [ + "▁sm", + "aller" + ], + [ + "▁small", + "er" + ], + [ + "at", + "ura" + ], + [ + "atur", + "a" + ], + [ + "atu", + "ra" + ], + [ + "▁perfect", + "ly" + ], + [ + "re", + "q" + ], + [ + "r", + "eq" + ], + [ + "▁pro", + "posed" + ], + [ + "▁prop", + "osed" + ], + [ + "▁propos", + "ed" + ], + [ + "▁propose", + "d" + ], + [ + "▁deg", + "li" + ], + [ + "Se", + "arch" + ], + [ + "S", + "earch" + ], + [ + "▁i", + "ch" + ], + [ + "▁ic", + "h" + ], + [ + "▁", + "ich" + ], + [ + "Ma", + "x" + ], + [ + "M", + "ax" + ], + [ + "▁vol", + "ume" + ], + [ + "▁", + "volume" + ], + [ + "exec", + "ute" + ], + [ + "gr", + "e" + ], + [ + "g", + "re" + ], + [ + "▁s", + "port" + ], + [ + "▁sp", + "ort" + ], + [ + "▁spo", + "rt" + ], + [ + "ud", + "ad" + ], + [ + "uda", + "d" + ], + [ + "P", + "T" + ], + [ + "▁Rec", + "ords" + ], + [ + "▁Record", + "s" + ], + [ + "▁c", + "ook" + ], + [ + "▁co", + "ok" + ], + [ + "▁", + "cook" + ], + [ + "▁exp", + "and" + ], + [ + "▁", + "expand" + ], + [ + "б", + "і" + ], + [ + "▁al", + "tri" + ], + [ + "▁alt", + "ri" + ], + [ + "pp", + "et" + ], + [ + "ppe", + "t" + ], + [ + "p", + "pet" + ], + [ + "ar", + "se" + ], + [ + "ars", + "e" + ], + [ + "▁w", + "et" + ], + [ + "▁we", + "t" + ], + [ + "▁B", + "ob" + ], + [ + "▁Bo", + "b" + ], + [ + "▁", + "Bob" + ], + [ + "▁F", + "C" + ], + [ + "▁", + "FC" + ], + [ + "▁Associ", + "ation" + ], + [ + "uj", + "e" + ], + [ + "u", + "je" + ], + [ + "▁f", + "el" + ], + [ + "▁fe", + "l" + ], + [ + "▁", + "fel" + ], + [ + "▁с", + "лу" + ], + [ + "▁", + "слу" + ], + [ + "▁B", + "ig" + ], + [ + "▁Bi", + "g" + ], + [ + "▁", + "Big" + ], + [ + "/", + "\\" + ], + [ + "G", + "e" + ], + [ + "wh", + "ile" + ], + [ + "{", + "(" + ], + [ + "▁su", + "fficient" + ], + [ + "Pos", + "ition" + ], + [ + "P", + "osition" + ], + [ + "▁under", + "standing" + ], + [ + "▁understand", + "ing" + ], + [ + "▁n", + "ue" + ], + [ + "▁nu", + "e" + ], + [ + "▁r", + "az" + ], + [ + "▁ra", + "z" + ], + [ + "▁", + "raz" + ], + [ + "▁y", + "e" + ], + [ + "▁", + "ye" + ], + [ + "he", + "m" + ], + [ + "h", + "em" + ], + [ + "N", + "um" + ], + [ + "▁Pro", + "ject" + ], + [ + "▁", + "Project" + ], + [ + "▁I", + "ts" + ], + [ + "▁It", + "s" + ], + [ + "▁h", + "asta" + ], + [ + "▁ha", + "sta" + ], + [ + "▁has", + "ta" + ], + [ + "▁hast", + "a" + ], + [ + "en", + "so" + ], + [ + "ens", + "o" + ], + [ + "▁w", + "ire" + ], + [ + "▁wir", + "e" + ], + [ + "▁", + "wire" + ], + [ + "Re", + "t" + ], + [ + "R", + "et" + ], + [ + "u", + "j" + ], + [ + "pro", + "of" + ], + [ + "▁re", + "levant" + ], + [ + "▁relev", + "ant" + ], + [ + "▁part", + "ir" + ], + [ + "▁parti", + "r" + ], + [ + "▁a", + "go" + ], + [ + "▁ag", + "o" + ], + [ + "▁", + "ago" + ], + [ + "if", + "icate" + ], + [ + "ific", + "ate" + ], + [ + "ifica", + "te" + ], + [ + "▁d", + "omin" + ], + [ + "▁do", + "min" + ], + [ + "▁dom", + "in" + ], + [ + "▁", + "domin" + ], + [ + "▁b", + "oy" + ], + [ + "▁bo", + "y" + ], + [ + "▁", + "boy" + ], + [ + "▁p", + "lant" + ], + [ + "▁pl", + "ant" + ], + [ + "▁pla", + "nt" + ], + [ + "▁plan", + "t" + ], + [ + "▁", + "plant" + ], + [ + "▁enc", + "oding" + ], + [ + "▁", + "encoding" + ], + [ + "▁th", + "rows" + ], + [ + "▁thr", + "ows" + ], + [ + "▁throw", + "s" + ], + [ + "▁thro", + "ws" + ], + [ + "▁R", + "ock" + ], + [ + "▁Ro", + "ck" + ], + [ + "▁Roc", + "k" + ], + [ + "zo", + "ne" + ], + [ + "zon", + "e" + ], + [ + "z", + "one" + ], + [ + "ga", + "ng" + ], + [ + "gan", + "g" + ], + [ + "g", + "ang" + ], + [ + "wid", + "get" + ], + [ + "w", + "idget" + ], + [ + "▁interest", + "ing" + ], + [ + "DE", + "R" + ], + [ + "D", + "ER" + ], + [ + "▁d", + "emon" + ], + [ + "▁de", + "mon" + ], + [ + "▁dem", + "on" + ], + [ + "▁demo", + "n" + ], + [ + "▁off", + "ice" + ], + [ + "▁offic", + "e" + ], + [ + "▁", + "office" + ], + [ + "am", + "t" + ], + [ + "a", + "mt" + ], + [ + "ät", + "er" + ], + [ + "ä", + "ter" + ], + [ + "▁Wh", + "ite" + ], + [ + "▁Whit", + "e" + ], + [ + "▁", + "White" + ], + [ + "▁v", + "ersch" + ], + [ + "▁ver", + "sch" + ], + [ + "▁vers", + "ch" + ], + [ + "▁die", + "ser" + ], + [ + "▁dies", + "er" + ], + [ + "▁diese", + "r" + ], + [ + "▁M", + "ount" + ], + [ + "▁Mo", + "unt" + ], + [ + "▁Mou", + "nt" + ], + [ + "▁", + "Mount" + ], + [ + "▁stud", + "ents" + ], + [ + "▁student", + "s" + ], + [ + "▁P", + "ub" + ], + [ + "▁Pu", + "b" + ], + [ + "▁", + "Pub" + ], + [ + "▁Д", + "е" + ], + [ + "ij", + "a" + ], + [ + "i", + "ja" + ], + [ + "▁C", + "y" + ], + [ + "▁", + "Cy" + ], + [ + "▁Californ", + "ia" + ], + [ + "▁ab", + "ril" + ], + [ + "äl", + "l" + ], + [ + "ä", + "ll" + ], + [ + "▁ч", + "ем" + ], + [ + "▁че", + "м" + ], + [ + "T", + "V" + ], + [ + "▁m", + "és" + ], + [ + "▁mé", + "s" + ], + [ + "▁decl", + "ared" + ], + [ + "▁decla", + "red" + ], + [ + "▁declar", + "ed" + ], + [ + "▁declare", + "d" + ], + [ + "▁", + "ю" + ], + [ + "ő", + "l" + ], + [ + "ap", + "pa" + ], + [ + "app", + "a" + ], + [ + "a", + "ppa" + ], + [ + "▁Б", + "е" + ], + [ + "ec", + "ho" + ], + [ + "ech", + "o" + ], + [ + "e", + "cho" + ], + [ + "num", + "er" + ], + [ + "nu", + "mer" + ], + [ + "n", + "umer" + ], + [ + "▁po", + "sted" + ], + [ + "▁pos", + "ted" + ], + [ + "▁post", + "ed" + ], + [ + "▁poste", + "d" + ], + [ + "▁в", + "ер" + ], + [ + "▁ве", + "р" + ], + [ + "▁", + "вер" + ], + [ + "▁годи", + "не" + ], + [ + "▁we", + "ak" + ], + [ + "▁", + "weak" + ], + [ + "▁Re", + "public" + ], + [ + "▁Rep", + "ublic" + ], + [ + "▁Repub", + "lic" + ], + [ + "▁ch", + "ampion" + ], + [ + "▁champ", + "ion" + ], + [ + "ensure", + "math" + ], + [ + "you", + "r" + ], + [ + "yo", + "ur" + ], + [ + "y", + "our" + ], + [ + "▁O", + "ber" + ], + [ + "▁Ob", + "er" + ], + [ + "▁Cent", + "ral" + ], + [ + "is", + "a" + ], + [ + "i", + "sa" + ], + [ + "ан", + "д" + ], + [ + "а", + "нд" + ], + [ + "y", + "y" + ], + [ + "▁full", + "y" + ], + [ + "▁ful", + "ly" + ], + [ + "▁", + "fully" + ], + [ + "▁S", + "D" + ], + [ + "▁", + "SD" + ], + [ + "▁Lin", + "ux" + ], + [ + "▁", + "Linux" + ], + [ + "▁Sc", + "ott" + ], + [ + "▁Scot", + "t" + ], + [ + "part", + "ment" + ], + [ + "ko", + "n" + ], + [ + "k", + "on" + ], + [ + "▁cont", + "ract" + ], + [ + "▁contr", + "act" + ], + [ + "▁contra", + "ct" + ], + [ + "▁O", + "F" + ], + [ + "▁", + "OF" + ], + [ + "▁a", + "le" + ], + [ + "▁al", + "e" + ], + [ + "▁", + "ale" + ], + [ + "▁A", + "nn" + ], + [ + "▁An", + "n" + ], + [ + "▁на", + "д" + ], + [ + "▁", + "над" + ], + [ + "la", + "h" + ], + [ + "l", + "ah" + ], + [ + "▁N", + "ext" + ], + [ + "▁Ne", + "xt" + ], + [ + "▁", + "Next" + ], + [ + "or", + "en" + ], + [ + "ore", + "n" + ], + [ + "o", + "ren" + ], + [ + "▁d", + "isk" + ], + [ + "▁di", + "sk" + ], + [ + "▁dis", + "k" + ], + [ + "▁", + "disk" + ], + [ + "▁e", + "g" + ], + [ + "▁", + "eg" + ], + [ + "at", + "u" + ], + [ + "a", + "tu" + ], + [ + "ло", + "ги" + ], + [ + "лог", + "и" + ], + [ + "▁g", + "ames" + ], + [ + "▁game", + "s" + ], + [ + "▁ga", + "mes" + ], + [ + "▁gam", + "es" + ], + [ + "Le", + "ft" + ], + [ + "L", + "eft" + ], + [ + "▁l", + "u" + ], + [ + "▁", + "lu" + ], + [ + "▁fin", + "ite" + ], + [ + "▁finit", + "e" + ], + [ + "▁", + "finite" + ], + [ + "▁к", + "и" + ], + [ + "▁", + "ки" + ], + [ + "▁cr", + "ash" + ], + [ + "▁cra", + "sh" + ], + [ + "ph", + "er" + ], + [ + "phe", + "r" + ], + [ + "p", + "her" + ], + [ + "ex", + "e" + ], + [ + "e", + "xe" + ], + [ + "AT", + "ION" + ], + [ + "▁br", + "other" + ], + [ + "▁bro", + "ther" + ], + [ + "En", + "g" + ], + [ + "E", + "ng" + ], + [ + "ta", + "t" + ], + [ + "t", + "at" + ], + [ + "▁In", + "teger" + ], + [ + "▁", + "Integer" + ], + [ + "но", + "му" + ], + [ + "ном", + "у" + ], + [ + "н", + "ому" + ], + [ + "▁col", + "on" + ], + [ + "▁co", + "lon" + ], + [ + "▁", + "colon" + ], + [ + "i", + "qu" + ], + [ + "))", + "." + ], + [ + ")", + ")." + ], + [ + "iv", + "i" + ], + [ + "i", + "vi" + ], + [ + "▁M", + "ethod" + ], + [ + "▁Met", + "hod" + ], + [ + "▁", + "Method" + ], + [ + "ar", + "ten" + ], + [ + "art", + "en" + ], + [ + "arte", + "n" + ], + [ + "Un", + "i" + ], + [ + "U", + "ni" + ], + [ + "ve", + "ctor" + ], + [ + "vec", + "tor" + ], + [ + "v", + "ector" + ], + [ + "▁w", + "ood" + ], + [ + "▁wo", + "od" + ], + [ + "▁", + "wood" + ], + [ + "р", + "т" + ], + [ + "▁Л", + "е" + ], + [ + "▁siè", + "cle" + ], + [ + "▁g", + "ent" + ], + [ + "▁ge", + "nt" + ], + [ + "▁gen", + "t" + ], + [ + "▁", + "gent" + ], + [ + "}", + "\r" + ], + [ + "▁cont", + "ents" + ], + [ + "▁content", + "s" + ], + [ + "▁conten", + "ts" + ], + [ + "▁", + "contents" + ], + [ + "▁com", + "pan" + ], + [ + "▁comp", + "an" + ], + [ + "G", + "o" + ], + [ + "▁j", + "ou" + ], + [ + "▁jo", + "u" + ], + [ + "▁", + "jou" + ], + [ + "ue", + "nt" + ], + [ + "uen", + "t" + ], + [ + "u", + "ent" + ], + [ + "As", + "ync" + ], + [ + "A", + "sync" + ], + [ + "print", + "f" + ], + [ + "▁M", + "odel" + ], + [ + "▁Mod", + "el" + ], + [ + "▁Mo", + "del" + ], + [ + "▁Mode", + "l" + ], + [ + "▁", + "Model" + ], + [ + "▁ke", + "pt" + ], + [ + "AS", + "E" + ], + [ + "A", + "SE" + ], + [ + "▁prov", + "ides" + ], + [ + "▁provide", + "s" + ], + [ + "▁Ab", + "gerufen" + ], + [ + "▁G", + "all" + ], + [ + "▁Gal", + "l" + ], + [ + "▁Ga", + "ll" + ], + [ + "▁Al", + "f" + ], + [ + "S", + "A" + ], + [ + "▁M", + "em" + ], + [ + "▁Me", + "m" + ], + [ + "▁", + "Mem" + ], + [ + "▁k", + "ter" + ], + [ + "▁", + "kter" + ], + [ + "▁B", + "ru" + ], + [ + "▁Br", + "u" + ], + [ + "And", + "roid" + ], + [ + "(", + ":" + ], + [ + "▁У", + "краї" + ], + [ + "▁Укра", + "ї" + ], + [ + "N", + "e" + ], + [ + "M", + "in" + ], + [ + "at", + "r" + ], + [ + "a", + "tr" + ], + [ + "▁H", + "al" + ], + [ + "▁Ha", + "l" + ], + [ + "de", + "lete" + ], + [ + "del", + "ete" + ], + [ + "od", + "o" + ], + [ + "o", + "do" + ], + [ + "▁n", + "ão" + ], + [ + "èn", + "e" + ], + [ + "è", + "ne" + ], + [ + "▁calcul", + "ate" + ], + [ + "▁calc", + "ulate" + ], + [ + "Js", + "on" + ], + [ + "J", + "son" + ], + [ + "ke", + "ys" + ], + [ + "key", + "s" + ], + [ + "не", + "й" + ], + [ + "н", + "ей" + ], + [ + "▁h", + "ence" + ], + [ + "▁hen", + "ce" + ], + [ + "▁o", + "w" + ], + [ + "▁", + "ow" + ], + [ + "▁L", + "ib" + ], + [ + "▁Li", + "b" + ], + [ + "▁", + "Lib" + ], + [ + "en", + "o" + ], + [ + "e", + "no" + ], + [ + "▁L", + "ove" + ], + [ + "▁Lo", + "ve" + ], + [ + "▁Lov", + "e" + ], + [ + "os", + "i" + ], + [ + "o", + "si" + ], + [ + "wi", + "de" + ], + [ + "wid", + "e" + ], + [ + "w", + "ide" + ], + [ + "▁s", + "core" + ], + [ + "▁sc", + "ore" + ], + [ + "▁", + "score" + ], + [ + "ful", + "l" + ], + [ + "fu", + "ll" + ], + [ + "f", + "ull" + ], + [ + "во", + "д" + ], + [ + "в", + "од" + ], + [ + "▁determ", + "ine" + ], + [ + "▁determin", + "e" + ], + [ + "▁s", + "paces" + ], + [ + "▁sp", + "aces" + ], + [ + "▁space", + "s" + ], + [ + "▁spac", + "es" + ], + [ + "▁", + "spaces" + ], + [ + "ло", + "ва" + ], + [ + "лов", + "а" + ], + [ + "л", + "ова" + ], + [ + "▁pe", + "ut" + ], + [ + "▁peu", + "t" + ], + [ + "ér", + "al" + ], + [ + "éra", + "l" + ], + [ + "é", + "ral" + ], + [ + "ó", + "ł" + ], + [ + "▁app", + "oint" + ], + [ + "▁ap", + "point" + ], + [ + "▁T", + "w" + ], + [ + "▁", + "Tw" + ], + [ + "<", + "?" + ], + [ + "▁Or", + "der" + ], + [ + "▁Ord", + "er" + ], + [ + "▁", + "Order" + ], + [ + "▁h", + "op" + ], + [ + "▁ho", + "p" + ], + [ + "ran", + "dom" + ], + [ + "rand", + "om" + ], + [ + "r", + "andom" + ], + [ + "ca", + "che" + ], + [ + "c", + "ache" + ], + [ + "▁dest", + "roy" + ], + [ + "▁", + "destroy" + ], + [ + "▁r", + "ace" + ], + [ + "▁ra", + "ce" + ], + [ + "▁rac", + "e" + ], + [ + "▁", + "race" + ], + [ + "T", + "ag" + ], + [ + "▁r", + "id" + ], + [ + "▁ri", + "d" + ], + [ + "▁", + "rid" + ], + [ + "▁neg", + "ative" + ], + [ + "▁", + "negative" + ], + [ + "Ca", + "r" + ], + [ + "C", + "ar" + ], + [ + "ens", + "ional" + ], + [ + "ension", + "al" + ], + [ + "d", + "k" + ], + [ + "▁c", + "ro" + ], + [ + "▁cr", + "o" + ], + [ + "▁", + "cro" + ], + [ + "▁TH", + "EN" + ], + [ + "▁THE", + "N" + ], + [ + "▁$", + "." + ], + [ + "▁", + "$." + ], + [ + "en", + "sk" + ], + [ + "ens", + "k" + ], + [ + "N", + "E" + ], + [ + "H", + "O" + ], + [ + "▁k", + "le" + ], + [ + "▁kl", + "e" + ], + [ + "osp", + "ital" + ], + [ + "kt", + "e" + ], + [ + "k", + "te" + ], + [ + "fér", + "ences" + ], + [ + "férence", + "s" + ], + [ + "ud", + "es" + ], + [ + "ude", + "s" + ], + [ + "u", + "des" + ], + [ + "I", + "R" + ], + [ + "ot", + "ion" + ], + [ + "oti", + "on" + ], + [ + "o", + "tion" + ], + [ + "▁Re", + "al" + ], + [ + "▁", + "Real" + ], + [ + "▁Febru", + "ar" + ], + [ + "и", + "н" + ], + [ + "▁O", + "ld" + ], + [ + "▁Ol", + "d" + ], + [ + "▁", + "Old" + ], + [ + "ко", + "го" + ], + [ + "к", + "ого" + ], + [ + "le", + "ich" + ], + [ + "lei", + "ch" + ], + [ + "▁", + "р" + ], + [ + "ía", + "n" + ], + [ + "í", + "an" + ], + [ + "▁г", + "а" + ], + [ + "▁", + "га" + ], + [ + "ci", + "de" + ], + [ + "cid", + "e" + ], + [ + "c", + "ide" + ], + [ + "la", + "b" + ], + [ + "l", + "ab" + ], + [ + "▁p", + "ull" + ], + [ + "▁pu", + "ll" + ], + [ + "▁pul", + "l" + ], + [ + "▁", + "pull" + ], + [ + "▁'", + "/" + ], + [ + "Lo", + "ng" + ], + [ + "L", + "ong" + ], + [ + ",", + "$" + ], + [ + "▁appropri", + "ate" + ], + [ + "▁бы", + "ла" + ], + [ + "▁был", + "а" + ], + [ + "f", + "ühr" + ], + [ + "▁M", + "edia" + ], + [ + "▁Me", + "dia" + ], + [ + "▁Med", + "ia" + ], + [ + "▁Medi", + "a" + ], + [ + "▁", + "Media" + ], + [ + "▁m", + "anner" + ], + [ + "▁man", + "ner" + ], + [ + "▁Г", + "е" + ], + [ + "de", + "scription" + ], + [ + "des", + "cription" + ], + [ + "Be", + "an" + ], + [ + "▁L", + "ar" + ], + [ + "▁La", + "r" + ], + [ + "▁", + "Lar" + ], + [ + "']", + ";" + ], + [ + "'", + "];" + ], + [ + "▁re", + "lation" + ], + [ + "▁rel", + "ation" + ], + [ + "▁rela", + "tion" + ], + [ + "▁", + "relation" + ], + [ + "▁S", + "orry" + ], + [ + "▁Sor", + "ry" + ], + [ + "ha", + "r" + ], + [ + "h", + "ar" + ], + [ + "cp", + "p" + ], + [ + "c", + "pp" + ], + [ + "▁K", + "o" + ], + [ + "▁exec", + "ution" + ], + [ + "▁execut", + "ion" + ], + [ + "▁", + "execution" + ], + [ + "in", + "os" + ], + [ + "ino", + "s" + ], + [ + "i", + "nos" + ], + [ + "▁b", + "ul" + ], + [ + "▁bu", + "l" + ], + [ + "▁", + "bul" + ], + [ + "gr", + "ade" + ], + [ + "gra", + "de" + ], + [ + "grad", + "e" + ], + [ + "g", + "rade" + ], + [ + "▁M", + "u" + ], + [ + "▁p", + "il" + ], + [ + "▁pi", + "l" + ], + [ + "wr", + "it" + ], + [ + "w", + "rit" + ], + [ + "ific", + "ations" + ], + [ + "ification", + "s" + ], + [ + "in", + "ese" + ], + [ + "ine", + "se" + ], + [ + "ines", + "e" + ], + [ + "▁Ph", + "ili" + ], + [ + "▁Phil", + "i" + ], + [ + "d", + "x" + ], + [ + "▁le", + "ading" + ], + [ + "▁lead", + "ing" + ], + [ + "▁", + "leading" + ], + [ + "▁J", + "ournal" + ], + [ + "ov", + "ed" + ], + [ + "ove", + "d" + ], + [ + "o", + "ved" + ], + [ + "▁cont", + "ro" + ], + [ + "▁contr", + "o" + ], + [ + "но", + "ва" + ], + [ + "нов", + "а" + ], + [ + "н", + "ова" + ], + [ + "Y", + "es" + ], + [ + "▁ch", + "annel" + ], + [ + "▁", + "channel" + ], + [ + "))", + "," + ], + [ + ")", + ")," + ], + [ + "is", + "ten" + ], + [ + "ist", + "en" + ], + [ + "iste", + "n" + ], + [ + "i", + "sten" + ], + [ + "ak", + "a" + ], + [ + "a", + "ka" + ], + [ + "To", + "String" + ], + [ + "ma", + "s" + ], + [ + "m", + "as" + ], + [ + "▁e", + "tt" + ], + [ + "▁et", + "t" + ], + [ + "▁", + "ett" + ], + [ + "▁for", + "ces" + ], + [ + "▁force", + "s" + ], + [ + "ul", + "ations" + ], + [ + "ulation", + "s" + ], + [ + "▁C", + "all" + ], + [ + "▁Cal", + "l" + ], + [ + "▁Ca", + "ll" + ], + [ + "▁", + "Call" + ], + [ + "▁explan", + "ation" + ], + [ + "or", + "ing" + ], + [ + "ori", + "ng" + ], + [ + "o", + "ring" + ], + [ + "AT", + "A" + ], + [ + "A", + "TA" + ], + [ + "ch", + "ter" + ], + [ + "cht", + "er" + ], + [ + "chte", + "r" + ], + [ + "wh", + "en" + ], + [ + "w", + "hen" + ], + [ + "V", + "C" + ], + [ + "▁Jah", + "rh" + ], + [ + "▁Jahr", + "h" + ], + [ + "Ca", + "se" + ], + [ + "C", + "ase" + ], + [ + "▁comm", + "ands" + ], + [ + "▁command", + "s" + ], + [ + "▁", + "commands" + ], + [ + "▁r", + "ich" + ], + [ + "▁ric", + "h" + ], + [ + "▁ri", + "ch" + ], + [ + "▁", + "rich" + ], + [ + "bu", + "s" + ], + [ + "b", + "us" + ], + [ + "F", + "e" + ], + [ + "mb", + "ox" + ], + [ + "m", + "box" + ], + [ + "▁re", + "con" + ], + [ + "▁rec", + "on" + ], + [ + "ñ", + "o" + ], + [ + "▁s", + "hape" + ], + [ + "▁sh", + "ape" + ], + [ + "▁", + "shape" + ], + [ + "ow", + "y" + ], + [ + "o", + "wy" + ], + [ + "en", + "try" + ], + [ + "ent", + "ry" + ], + [ + "entr", + "y" + ], + [ + "it", + "able" + ], + [ + "ita", + "ble" + ], + [ + "i", + "table" + ], + [ + "▁e", + "lection" + ], + [ + "▁el", + "ection" + ], + [ + "▁elect", + "ion" + ], + [ + "▁ele", + "ction" + ], + [ + "є", + "ться" + ], + [ + "▁p", + "rep" + ], + [ + "▁pr", + "ep" + ], + [ + "▁pre", + "p" + ], + [ + "▁", + "prep" + ], + [ + "v", + "á" + ], + [ + "▁in", + "fin" + ], + [ + "▁inf", + "in" + ], + [ + "lo", + "t" + ], + [ + "l", + "ot" + ], + [ + "▁bo", + "oks" + ], + [ + "▁book", + "s" + ], + [ + "▁", + "books" + ], + [ + "▁U", + "SA" + ], + [ + "▁US", + "A" + ], + [ + "▁", + "USA" + ], + [ + "ли", + "н" + ], + [ + "л", + "ин" + ], + [ + "▁p", + "om" + ], + [ + "▁po", + "m" + ], + [ + "▁", + "pom" + ], + [ + "▁n", + "as" + ], + [ + "▁na", + "s" + ], + [ + "▁", + "nas" + ], + [ + "▁t", + "ags" + ], + [ + "▁tag", + "s" + ], + [ + "▁ta", + "gs" + ], + [ + "▁", + "tags" + ], + [ + "▁exec", + "uted" + ], + [ + "▁execute", + "d" + ], + [ + "▁execut", + "ed" + ], + [ + "ail", + "le" + ], + [ + "ai", + "lle" + ], + [ + "a", + "ille" + ], + [ + "lu", + "ng" + ], + [ + "l", + "ung" + ], + [ + "▁Java", + "Script" + ], + [ + "▁", + "JavaScript" + ], + [ + "▁b", + "all" + ], + [ + "▁bal", + "l" + ], + [ + "▁ba", + "ll" + ], + [ + "▁", + "ball" + ], + [ + "▁ain", + "si" + ], + [ + "▁P", + "ri" + ], + [ + "▁Pr", + "i" + ], + [ + "{", + "$" + ], + [ + "▁U", + "N" + ], + [ + "▁", + "UN" + ], + [ + "▁R", + "am" + ], + [ + "▁Ra", + "m" + ], + [ + "▁h", + "ear" + ], + [ + "▁he", + "ar" + ], + [ + "▁U", + "buntu" + ], + [ + ">(", + ");" + ], + [ + ">()", + ";" + ], + [ + ">", + "();" + ], + [ + "▁p", + "ure" + ], + [ + "▁pu", + "re" + ], + [ + "▁pur", + "e" + ], + [ + "▁em", + "bed" + ], + [ + "▁emb", + "ed" + ], + [ + "▁", + "embed" + ], + [ + "a", + "ção" + ], + [ + "cont", + "roller" + ], + [ + "control", + "ler" + ], + [ + "▁mar", + "ried" + ], + [ + "▁F", + "ol" + ], + [ + "▁Fo", + "l" + ], + [ + "fa", + "mil" + ], + [ + "f", + "amil" + ], + [ + "▁p", + "rec" + ], + [ + "▁pr", + "ec" + ], + [ + "▁pre", + "c" + ], + [ + "▁", + "prec" + ], + [ + "▁rec", + "urs" + ], + [ + "pa", + "d" + ], + [ + "p", + "ad" + ], + [ + "istr", + "ation" + ], + [ + "istra", + "tion" + ], + [ + "▁respect", + "ively" + ], + [ + "▁respective", + "ly" + ], + [ + "[", + "$" + ], + [ + "au", + "tor" + ], + [ + "aut", + "or" + ], + [ + "auto", + "r" + ], + [ + "a", + "utor" + ], + [ + "▁g", + "rav" + ], + [ + "▁gr", + "av" + ], + [ + "▁gra", + "v" + ], + [ + "ie", + "ra" + ], + [ + "ier", + "a" + ], + [ + "i", + "era" + ], + [ + "az", + "ioni" + ], + [ + "azi", + "oni" + ], + [ + "a", + "zioni" + ], + [ + "▁B", + "ul" + ], + [ + "▁Bu", + "l" + ], + [ + "▁Austral", + "ia" + ], + [ + "mon", + "d" + ], + [ + "mo", + "nd" + ], + [ + "m", + "ond" + ], + [ + "▁T", + "ro" + ], + [ + "▁Tr", + "o" + ], + [ + "▁E", + "le" + ], + [ + "▁El", + "e" + ], + [ + "pack", + "ages" + ], + [ + "package", + "s" + ], + [ + "ms", + "dn" + ], + [ + "▁A", + "ls" + ], + [ + "▁Al", + "s" + ], + [ + "▁pr", + "zy" + ], + [ + "▁prz", + "y" + ], + [ + "AR", + "T" + ], + [ + "A", + "RT" + ], + [ + "▁char", + "ge" + ], + [ + "▁charg", + "e" + ], + [ + "▁", + "charge" + ], + [ + "▁app", + "lications" + ], + [ + "▁application", + "s" + ], + [ + "▁applic", + "ations" + ], + [ + "Un", + "it" + ], + [ + "Uni", + "t" + ], + [ + "U", + "nit" + ], + [ + "ar", + "en" + ], + [ + "are", + "n" + ], + [ + "a", + "ren" + ], + [ + "▁sud", + "den" + ], + [ + "om", + "eter" + ], + [ + "ome", + "ter" + ], + [ + "omet", + "er" + ], + [ + "o", + "meter" + ], + [ + "▁d", + "ot" + ], + [ + "▁do", + "t" + ], + [ + "▁", + "dot" + ], + [ + "ac", + "ji" + ], + [ + "a", + "cji" + ], + [ + "кт", + "ор" + ], + [ + "кто", + "р" + ], + [ + "к", + "тор" + ], + [ + "im", + "in" + ], + [ + "imi", + "n" + ], + [ + "i", + "min" + ], + [ + "en", + "ing" + ], + [ + "eni", + "ng" + ], + [ + "e", + "ning" + ], + [ + "▁d", + "onde" + ], + [ + "▁do", + "nde" + ], + [ + "▁don", + "de" + ], + [ + "▁H", + "o" + ], + [ + "tr", + "ee" + ], + [ + "tre", + "e" + ], + [ + "t", + "ree" + ], + [ + "m", + "b" + ], + [ + "▁d", + "rag" + ], + [ + "▁dr", + "ag" + ], + [ + "▁dra", + "g" + ], + [ + "▁", + "drag" + ], + [ + "aj", + "e" + ], + [ + "a", + "je" + ], + [ + "▁in", + "valid" + ], + [ + "▁", + "invalid" + ], + [ + "▁fin", + "ish" + ], + [ + "la", + "im" + ], + [ + "▁f", + "eed" + ], + [ + "▁fe", + "ed" + ], + [ + "▁fee", + "d" + ], + [ + "▁", + "feed" + ], + [ + "▁N", + "ap" + ], + [ + "▁Na", + "p" + ], + [ + "ro", + "om" + ], + [ + "r", + "oom" + ], + [ + "im", + "ages" + ], + [ + "ima", + "ges" + ], + [ + "image", + "s" + ], + [ + "▁са", + "й" + ], + [ + "▁su", + "cc" + ], + [ + "▁suc", + "c" + ], + [ + "if", + "fer" + ], + [ + "iff", + "er" + ], + [ + "iffe", + "r" + ], + [ + "▁a", + "ño" + ], + [ + "▁añ", + "o" + ], + [ + "▁c", + "ual" + ], + [ + "▁cu", + "al" + ], + [ + "ме", + "ри" + ], + [ + "мер", + "и" + ], + [ + "D", + "R" + ], + [ + "▁B", + "ilder" + ], + [ + "▁Bi", + "lder" + ], + [ + "▁Bild", + "er" + ], + [ + "▁Bil", + "der" + ], + [ + "б", + "ра" + ], + [ + "ra", + "it" + ], + [ + "rai", + "t" + ], + [ + "r", + "ait" + ], + [ + "pa", + "n" + ], + [ + "p", + "an" + ], + [ + "ен", + "ь" + ], + [ + "е", + "нь" + ], + [ + "▁dist", + "inct" + ], + [ + "▁K", + "n" + ], + [ + "ön", + "ig" + ], + [ + "ö", + "nig" + ], + [ + "an", + "ced" + ], + [ + "ance", + "d" + ], + [ + "anc", + "ed" + ], + [ + "▁lo", + "ading" + ], + [ + "▁load", + "ing" + ], + [ + "▁", + "loading" + ], + [ + "▁Te", + "chn" + ], + [ + "▁S", + "el" + ], + [ + "▁Se", + "l" + ], + [ + "mu", + "s" + ], + [ + "m", + "us" + ], + [ + "▁r", + "ail" + ], + [ + "▁ra", + "il" + ], + [ + "▁st", + "udent" + ], + [ + "▁stud", + "ent" + ], + [ + "▁", + "student" + ], + [ + "▁not", + "ice" + ], + [ + "▁s", + "la" + ], + [ + "▁sl", + "a" + ], + [ + "▁Д", + "а" + ], + [ + "▁gu", + "ard" + ], + [ + "▁", + "guard" + ], + [ + "▁D", + "ay" + ], + [ + "▁Da", + "y" + ], + [ + "▁", + "Day" + ], + [ + "ва", + "ли" + ], + [ + "вал", + "и" + ], + [ + "в", + "али" + ], + [ + "Op", + "tion" + ], + [ + "Opt", + "ion" + ], + [ + "O", + "ption" + ], + [ + "ais", + "on" + ], + [ + "ai", + "son" + ], + [ + "a", + "ison" + ], + [ + "ip", + "p" + ], + [ + "i", + "pp" + ], + [ + "▁J", + "un" + ], + [ + "▁Ju", + "n" + ], + [ + "▁f", + "ell" + ], + [ + "▁fe", + "ll" + ], + [ + "▁fel", + "l" + ], + [ + "▁ab", + "solute" + ], + [ + "▁absol", + "ute" + ], + [ + "▁", + "absolute" + ], + [ + "ов", + "е" + ], + [ + "о", + "ве" + ], + [ + "de", + "bug" + ], + [ + "deb", + "ug" + ], + [ + "▁S", + "ud" + ], + [ + "▁Su", + "d" + ], + [ + "п", + "ы" + ], + [ + "ug", + "ins" + ], + [ + "ugin", + "s" + ], + [ + "▁view", + "s" + ], + [ + "▁vie", + "ws" + ], + [ + "▁", + "views" + ], + [ + "la", + "y" + ], + [ + "l", + "ay" + ], + [ + "▁s", + "urr" + ], + [ + "▁su", + "rr" + ], + [ + "▁sur", + "r" + ], + [ + "▁st", + "ood" + ], + [ + "▁sto", + "od" + ], + [ + "▁", + "stood" + ], + [ + "▁в", + "і" + ], + [ + "▁", + "ві" + ], + [ + "select", + "ed" + ], + [ + "sel", + "ected" + ], + [ + "г", + "і" + ], + [ + "▁att", + "ributes" + ], + [ + "▁attribute", + "s" + ], + [ + "▁", + "attributes" + ], + [ + "fin", + "al" + ], + [ + "fi", + "nal" + ], + [ + "f", + "inal" + ], + [ + "en", + "da" + ], + [ + "end", + "a" + ], + [ + "▁B", + "on" + ], + [ + "▁Bo", + "n" + ], + [ + "ne", + "rs" + ], + [ + "ner", + "s" + ], + [ + "n", + "ers" + ], + [ + "▁W", + "er" + ], + [ + "▁We", + "r" + ], + [ + "bu", + "r" + ], + [ + "b", + "ur" + ], + [ + "it", + "tel" + ], + [ + "itt", + "el" + ], + [ + "itte", + "l" + ], + [ + "▁m", + "oving" + ], + [ + "▁mov", + "ing" + ], + [ + "▁mo", + "ving" + ], + [ + "▁P", + "lan" + ], + [ + "▁Pl", + "an" + ], + [ + "▁Pla", + "n" + ], + [ + "▁", + "Plan" + ], + [ + "is", + "ches" + ], + [ + "isch", + "es" + ], + [ + "ische", + "s" + ], + [ + "isc", + "hes" + ], + [ + "J", + "ava" + ], + [ + "▁b", + "asis" + ], + [ + "▁bas", + "is" + ], + [ + "▁B", + "us" + ], + [ + "▁Bu", + "s" + ], + [ + "▁", + "Bus" + ], + [ + "▁A", + "u" + ], + [ + "▁I", + "ll" + ], + [ + "▁Il", + "l" + ], + [ + "▁", + "Ill" + ], + [ + "▁вре", + "мя" + ], + [ + "▁ц", + "ент" + ], + [ + "▁", + "цент" + ], + [ + "hand", + "le" + ], + [ + "сту", + "п" + ], + [ + "▁F", + "ar" + ], + [ + "▁Fa", + "r" + ], + [ + "▁o", + "raz" + ], + [ + "▁or", + "az" + ], + [ + "▁ora", + "z" + ], + [ + "oc", + "r" + ], + [ + "o", + "cr" + ], + [ + "▁se", + "it" + ], + [ + "▁sei", + "t" + ], + [ + "on", + "der" + ], + [ + "ond", + "er" + ], + [ + "onde", + "r" + ], + [ + "o", + "nder" + ], + [ + "до", + "м" + ], + [ + "д", + "ом" + ], + [ + ":", + "/" + ], + [ + "ch", + "or" + ], + [ + "cho", + "r" + ], + [ + "c", + "hor" + ], + [ + "▁T", + "own" + ], + [ + "▁To", + "wn" + ], + [ + "▁Tow", + "n" + ], + [ + "▁def", + "init" + ], + [ + "▁defin", + "it" + ], + [ + "re", + "act" + ], + [ + "rea", + "ct" + ], + [ + "▁pie", + "ce" + ], + [ + "▁Kar", + "l" + ], + [ + "▁Ka", + "rl" + ], + [ + "C", + "I" + ], + [ + "▁App", + "lication" + ], + [ + "▁", + "Application" + ], + [ + "un", + "ter" + ], + [ + "unt", + "er" + ], + [ + "unte", + "r" + ], + [ + "▁for", + "med" + ], + [ + "▁form", + "ed" + ], + [ + "▁forme", + "d" + ], + [ + "▁", + "formed" + ], + [ + "▁п", + "у" + ], + [ + "▁", + "пу" + ], + [ + "B", + "o" + ], + [ + "▁Dan", + "iel" + ], + [ + "▁", + "Daniel" + ], + [ + "▁п", + "ла" + ], + [ + "▁", + "пла" + ], + [ + "Bo", + "dy" + ], + [ + "B", + "ody" + ], + [ + "})", + "$" + ], + [ + "}", + ")$" + ], + [ + "▁бы", + "ли" + ], + [ + "▁был", + "и" + ], + [ + "▁e", + "arth" + ], + [ + "▁ear", + "th" + ], + [ + "г", + "ла" + ], + [ + "Th", + "ere" + ], + [ + "The", + "re" + ], + [ + "T", + "here" + ], + [ + "▁с", + "тра" + ], + [ + "▁ст", + "ра" + ], + [ + "▁", + "стра" + ], + [ + "▁v", + "ille" + ], + [ + "▁vi", + "lle" + ], + [ + "▁vill", + "e" + ], + [ + "▁vil", + "le" + ], + [ + "▁", + "ville" + ], + [ + "▁c", + "entre" + ], + [ + "▁cent", + "re" + ], + [ + ")", + "\r" + ], + [ + "▁help", + "ful" + ], + [ + "▁+", + "+" + ], + [ + "▁", + "++" + ], + [ + "▁C", + "G" + ], + [ + "▁", + "CG" + ], + [ + "iz", + "ione" + ], + [ + "izi", + "one" + ], + [ + "izio", + "ne" + ], + [ + "i", + "zione" + ], + [ + "▁G", + "ame" + ], + [ + "▁Ga", + "me" + ], + [ + "▁Gam", + "e" + ], + [ + "▁", + "Game" + ], + [ + "▁Wh", + "ich" + ], + [ + "▁p", + "ip" + ], + [ + "▁pi", + "p" + ], + [ + "▁", + "pip" + ], + [ + "▁Port", + "ug" + ], + [ + "D", + "S" + ], + [ + "▁de", + "scribe" + ], + [ + "▁des", + "cribe" + ], + [ + "▁descri", + "be" + ], + [ + "▁check", + "ing" + ], + [ + "▁man", + "ager" + ], + [ + "▁manage", + "r" + ], + [ + "▁", + "manager" + ], + [ + "B", + "O" + ], + [ + "▁B", + "undes" + ], + [ + "▁Bund", + "es" + ], + [ + "▁Bun", + "des" + ], + [ + "bu", + "ch" + ], + [ + "b", + "uch" + ], + [ + "▁dec", + "ided" + ], + [ + "▁decide", + "d" + ], + [ + "▁decid", + "ed" + ], + [ + "▁Jahrh", + "undert" + ], + [ + "▁f", + "if" + ], + [ + "▁fi", + "f" + ], + [ + "▁", + "fif" + ], + [ + "e", + "fficient" + ], + [ + "an", + "ci" + ], + [ + "anc", + "i" + ], + [ + "br", + "aries" + ], + [ + "bra", + "ries" + ], + [ + "▁f", + "ails" + ], + [ + "▁fa", + "ils" + ], + [ + "▁fail", + "s" + ], + [ + "▁k", + "ernel" + ], + [ + "▁ker", + "nel" + ], + [ + "▁", + "kernel" + ], + [ + "▁G", + "l" + ], + [ + "▁N", + "acional" + ], + [ + "▁pro", + "ceed" + ], + [ + "▁proc", + "eed" + ], + [ + "▁f", + "uer" + ], + [ + "▁fue", + "r" + ], + [ + "▁fu", + "er" + ], + [ + "▁l", + "iving" + ], + [ + "▁li", + "ving" + ], + [ + "▁liv", + "ing" + ], + [ + "▁success", + "fully" + ], + [ + "▁successful", + "ly" + ], + [ + "▁f", + "aster" + ], + [ + "▁fa", + "ster" + ], + [ + "▁fast", + "er" + ], + [ + "▁fas", + "ter" + ], + [ + "▁con", + "tre" + ], + [ + "▁cont", + "re" + ], + [ + "▁contr", + "e" + ], + [ + "▁", + "contre" + ], + [ + "▁pr", + "ison" + ], + [ + "▁pri", + "son" + ], + [ + "▁pris", + "on" + ], + [ + "OR", + "T" + ], + [ + "O", + "RT" + ], + [ + "he", + "lp" + ], + [ + "hel", + "p" + ], + [ + "▁a", + "utor" + ], + [ + "▁au", + "tor" + ], + [ + "▁aut", + "or" + ], + [ + "▁auto", + "r" + ], + [ + "▁", + "autor" + ], + [ + "ła", + "w" + ], + [ + "ł", + "aw" + ], + [ + "aj", + "ą" + ], + [ + "a", + "ją" + ], + [ + "▁A", + "rm" + ], + [ + "▁Ar", + "m" + ], + [ + "▁", + "Arm" + ], + [ + "▁pro", + "vin" + ], + [ + "▁prov", + "in" + ], + [ + "▁na", + "am" + ], + [ + "/", + "#" + ], + [ + "se", + "d" + ], + [ + "s", + "ed" + ], + [ + "▁g", + "esch" + ], + [ + "▁ge", + "sch" + ], + [ + "▁ges", + "ch" + ], + [ + "▁", + "gesch" + ], + [ + "▁м", + "ар" + ], + [ + "▁ма", + "р" + ], + [ + "▁", + "мар" + ], + [ + "es", + "k" + ], + [ + "e", + "sk" + ], + [ + "ter", + "m" + ], + [ + "te", + "rm" + ], + [ + "t", + "erm" + ], + [ + "▁T", + "ex" + ], + [ + "▁Te", + "x" + ], + [ + "▁", + "Tex" + ], + [ + "ir", + "ing" + ], + [ + "iri", + "ng" + ], + [ + "i", + "ring" + ], + [ + "▁t", + "ools" + ], + [ + "▁to", + "ols" + ], + [ + "▁too", + "ls" + ], + [ + "▁tool", + "s" + ], + [ + "▁", + "tools" + ], + [ + "PD", + "F" + ], + [ + "P", + "DF" + ], + [ + "▁u", + "lt" + ], + [ + "▁ul", + "t" + ], + [ + "▁", + "ult" + ], + [ + "iss", + "enschaft" + ], + [ + "issen", + "schaft" + ], + [ + "▁could", + "n" + ], + [ + "di", + "ng" + ], + [ + "din", + "g" + ], + [ + "d", + "ing" + ], + [ + "De", + "p" + ], + [ + "D", + "ep" + ], + [ + "{", + "-" + ], + [ + "▁pre", + "dict" + ], + [ + "▁pred", + "ict" + ], + [ + "▁", + "predict" + ], + [ + "ant", + "age" + ], + [ + "anta", + "ge" + ], + [ + "▁L", + "ike" + ], + [ + "▁Li", + "ke" + ], + [ + "▁", + "Like" + ], + [ + "▁Б", + "и" + ], + [ + "to", + "ols" + ], + [ + "tool", + "s" + ], + [ + "t", + "ools" + ], + [ + "es", + "tra" + ], + [ + "est", + "ra" + ], + [ + "estr", + "a" + ], + [ + "e", + "stra" + ], + [ + "▁k", + "i" + ], + [ + "▁", + "ki" + ], + [ + "▁J", + "im" + ], + [ + "▁Ji", + "m" + ], + [ + "st", + "ar" + ], + [ + "sta", + "r" + ], + [ + "s", + "tar" + ], + [ + "▁re", + "mark" + ], + [ + "▁r", + "emark" + ], + [ + "▁rem", + "ark" + ], + [ + "▁", + "remark" + ], + [ + "ó", + "g" + ], + [ + "na", + "bla" + ], + [ + "nab", + "la" + ], + [ + "▁Al", + "though" + ], + [ + "mod", + "e" + ], + [ + "mo", + "de" + ], + [ + "m", + "ode" + ], + [ + "H", + "ost" + ], + [ + "▁st", + "range" + ], + [ + "▁str", + "ange" + ], + [ + "▁stran", + "ge" + ], + [ + "No", + "ne" + ], + [ + "Non", + "e" + ], + [ + "N", + "one" + ], + [ + "bl", + "ack" + ], + [ + "bla", + "ck" + ], + [ + "b", + "lack" + ], + [ + "▁F", + "estival" + ], + [ + "▁Fest", + "ival" + ], + [ + "▁I", + "S" + ], + [ + "▁", + "IS" + ], + [ + "an", + "za" + ], + [ + "anz", + "a" + ], + [ + "▁(", + "-" + ], + [ + "▁", + "(-" + ], + [ + "ic", + "ket" + ], + [ + "ick", + "et" + ], + [ + "i", + "cket" + ], + [ + "ко", + "ла" + ], + [ + "кол", + "а" + ], + [ + "▁J", + "es" + ], + [ + "▁Je", + "s" + ], + [ + "▁f", + "lex" + ], + [ + "▁fl", + "ex" + ], + [ + "▁fle", + "x" + ], + [ + "▁", + "flex" + ], + [ + "▁", + "À" + ], + [ + "▁N", + "etwork" + ], + [ + "▁Net", + "work" + ], + [ + "▁", + "Network" + ], + [ + "▁E", + "X" + ], + [ + "▁", + "EX" + ], + [ + "▁e", + "nero" + ], + [ + "▁en", + "ero" + ], + [ + "▁ener", + "o" + ], + [ + "!", + "”" + ], + [ + "▁O", + "rt" + ], + [ + "▁Or", + "t" + ], + [ + "▁al", + "ors" + ], + [ + "▁Or", + "iginal" + ], + [ + "▁Origin", + "al" + ], + [ + "▁Orig", + "inal" + ], + [ + "▁", + "Original" + ], + [ + "▁z", + "o" + ], + [ + "▁", + "zo" + ], + [ + "ны", + "ми" + ], + [ + "ным", + "и" + ], + [ + "▁s", + "pl" + ], + [ + "▁sp", + "l" + ], + [ + "▁", + "spl" + ], + [ + "Dra", + "w" + ], + [ + "Dr", + "aw" + ], + [ + "D", + "raw" + ], + [ + "yo", + "nd" + ], + [ + "y", + "ond" + ], + [ + "─", + "─" + ], + [ + "▁O", + "t" + ], + [ + "▁d", + "ram" + ], + [ + "▁dr", + "am" + ], + [ + "▁dra", + "m" + ], + [ + "▁di", + "vision" + ], + [ + "▁div", + "ision" + ], + [ + "▁divis", + "ion" + ], + [ + "▁e", + "fficient" + ], + [ + "▁effic", + "ient" + ], + [ + "▁", + "efficient" + ], + [ + "▁Г", + "а" + ], + [ + "▁v", + "ier" + ], + [ + "▁vi", + "er" + ], + [ + "▁vie", + "r" + ], + [ + "▁", + "vier" + ], + [ + "na", + "k" + ], + [ + "n", + "ak" + ], + [ + "L", + "S" + ], + [ + "▁sp", + "irit" + ], + [ + "▁spir", + "it" + ], + [ + "zeich", + "net" + ], + [ + "▁d", + "ici" + ], + [ + "▁di", + "ci" + ], + [ + "▁dic", + "i" + ], + [ + "cl", + "ear" + ], + [ + "cle", + "ar" + ], + [ + "c", + "lear" + ], + [ + "co", + "py" + ], + [ + "cop", + "y" + ], + [ + "c", + "opy" + ], + [ + "ya", + "r" + ], + [ + "y", + "ar" + ], + [ + "▁ро", + "ці" + ], + [ + "us", + "qu" + ], + [ + "u", + "squ" + ], + [ + "▁n", + "ous" + ], + [ + "▁no", + "us" + ], + [ + "▁nou", + "s" + ], + [ + "▁b", + "lev" + ], + [ + "▁bl", + "ev" + ], + [ + "▁ble", + "v" + ], + [ + "ж", + "де" + ], + [ + "Ar", + "g" + ], + [ + "A", + "rg" + ], + [ + "▁per", + "formed" + ], + [ + "▁perform", + "ed" + ], + [ + "▁M", + "ake" + ], + [ + "▁Ma", + "ke" + ], + [ + "▁Mak", + "e" + ], + [ + "▁", + "Make" + ], + [ + "▁Car", + "ol" + ], + [ + "▁Ca", + "rol" + ], + [ + "et", + "to" + ], + [ + "ett", + "o" + ], + [ + "e", + "tto" + ], + [ + "▁S", + "and" + ], + [ + "▁San", + "d" + ], + [ + "▁Sa", + "nd" + ], + [ + "▁D", + "isc" + ], + [ + "▁Dis", + "c" + ], + [ + "▁Di", + "sc" + ], + [ + "En", + "c" + ], + [ + "E", + "nc" + ], + [ + "re", + "ro" + ], + [ + "rer", + "o" + ], + [ + "r", + "ero" + ], + [ + "ha", + "sh" + ], + [ + "has", + "h" + ], + [ + "h", + "ash" + ], + [ + "▁f", + "ocus" + ], + [ + "▁fo", + "cus" + ], + [ + "▁foc", + "us" + ], + [ + "▁", + "focus" + ], + [ + "▁att", + "ention" + ], + [ + "▁a", + "gre" + ], + [ + "▁ag", + "re" + ], + [ + "▁agr", + "e" + ], + [ + "▁di", + "vis" + ], + [ + "▁div", + "is" + ], + [ + "▁бы", + "ло" + ], + [ + "▁был", + "о" + ], + [ + "▁e", + "j" + ], + [ + "▁", + "ej" + ], + [ + "▁m", + "arch" + ], + [ + "▁mar", + "ch" + ], + [ + "▁marc", + "h" + ], + [ + "▁ph", + "ase" + ], + [ + "▁", + "phase" + ], + [ + "ía", + "s" + ], + [ + "í", + "as" + ], + [ + "▁ph", + "il" + ], + [ + "▁P", + "ap" + ], + [ + "▁Pa", + "p" + ], + [ + "▁r", + "iver" + ], + [ + "▁riv", + "er" + ], + [ + "▁ri", + "ver" + ], + [ + "▁", + "river" + ], + [ + "▁c", + "aused" + ], + [ + "▁caus", + "ed" + ], + [ + "▁cause", + "d" + ], + [ + "▁ca", + "used" + ], + [ + "pl", + "ugin" + ], + [ + "▁Te", + "am" + ], + [ + "▁", + "Team" + ], + [ + "ul", + "er" + ], + [ + "ule", + "r" + ], + [ + "u", + "ler" + ], + [ + "▁$", + "(\"#" + ], + [ + "▁$(\"", + "#" + ], + [ + "ie", + "j" + ], + [ + "i", + "ej" + ], + [ + "I", + "SBN" + ], + [ + "na", + "m" + ], + [ + "n", + "am" + ], + [ + "▁f", + "ight" + ], + [ + "▁fig", + "ht" + ], + [ + "vi", + "d" + ], + [ + "v", + "id" + ], + [ + "▁L", + "ud" + ], + [ + "▁Lu", + "d" + ], + [ + "Select", + "ed" + ], + [ + ":@", + "\"" + ], + [ + ":", + "@\"" + ], + [ + "▁P", + "od" + ], + [ + "▁Po", + "d" + ], + [ + "▁", + "Pod" + ], + [ + "▁ann", + "ées" + ], + [ + "▁année", + "s" + ], + [ + "ar", + "ios" + ], + [ + "ari", + "os" + ], + [ + "ario", + "s" + ], + [ + "a", + "rios" + ], + [ + "▁deutsch", + "er" + ], + [ + "▁deutsche", + "r" + ], + [ + "▁N", + "A" + ], + [ + "▁", + "NA" + ], + [ + "▁и", + "ю" + ], + [ + "▁d", + "ictionary" + ], + [ + "▁diction", + "ary" + ], + [ + "▁", + "dictionary" + ], + [ + "▁Л", + "а" + ], + [ + "▁T", + "ri" + ], + [ + "▁Tr", + "i" + ], + [ + "▁", + "Tri" + ], + [ + "è", + "n" + ], + [ + "▁polit", + "ical" + ], + [ + "rid", + "ge" + ], + [ + "r", + "idge" + ], + [ + "at", + "ten" + ], + [ + "att", + "en" + ], + [ + "atte", + "n" + ], + [ + "▁circ", + "le" + ], + [ + "▁cir", + "cle" + ], + [ + "▁", + "circle" + ], + [ + "▁trans", + "port" + ], + [ + "▁", + "transport" + ], + [ + "em", + "as" + ], + [ + "ema", + "s" + ], + [ + "e", + "mas" + ], + [ + "F", + "C" + ], + [ + "▁replace", + "d" + ], + [ + "▁repla", + "ced" + ], + [ + "▁A", + "ud" + ], + [ + "▁Au", + "d" + ], + [ + "is", + "ka" + ], + [ + "isk", + "a" + ], + [ + "i", + "ska" + ], + [ + "Config", + "uration" + ], + [ + "▁so", + "ort" + ], + [ + "▁Н", + "е" + ], + [ + "▁s", + "equ" + ], + [ + "▁se", + "qu" + ], + [ + "▁seq", + "u" + ], + [ + "▁", + "sequ" + ], + [ + "PR", + "O" + ], + [ + "P", + "RO" + ], + [ + "▁b", + "ud" + ], + [ + "▁bu", + "d" + ], + [ + "▁", + "bud" + ], + [ + "▁{", + "{" + ], + [ + "▁", + "{{" + ], + [ + "lie", + "ß" + ], + [ + "l", + "ieß" + ], + [ + "▁M", + "as" + ], + [ + "▁Ma", + "s" + ], + [ + "de", + "rs" + ], + [ + "der", + "s" + ], + [ + "d", + "ers" + ], + [ + "us", + "ammen" + ], + [ + "es", + "a" + ], + [ + "e", + "sa" + ], + [ + "▁L", + "y" + ], + [ + "в", + "ро" + ], + [ + "ma", + "c" + ], + [ + "m", + "ac" + ], + [ + "▁и", + "спо" + ], + [ + "▁ис", + "по" + ], + [ + "▁s", + "uc" + ], + [ + "▁su", + "c" + ], + [ + "u", + "y" + ], + [ + "▁ill", + "ustr" + ], + [ + "▁prim", + "era" + ], + [ + "▁prime", + "ra" + ], + [ + "▁primer", + "a" + ], + [ + "il", + "ation" + ], + [ + "ila", + "tion" + ], + [ + "i", + "lation" + ], + [ + "▁st", + "orage" + ], + [ + "▁stor", + "age" + ], + [ + "▁sto", + "rage" + ], + [ + "▁", + "storage" + ], + [ + "▁par", + "ams" + ], + [ + "▁para", + "ms" + ], + [ + "▁param", + "s" + ], + [ + "▁pa", + "rams" + ], + [ + "▁", + "params" + ], + [ + "ka", + "z" + ], + [ + "k", + "az" + ], + [ + "▁term", + "inal" + ], + [ + "▁termin", + "al" + ], + [ + "ра", + "ль" + ], + [ + "рал", + "ь" + ], + [ + "р", + "аль" + ], + [ + "▁h", + "olds" + ], + [ + "▁hold", + "s" + ], + [ + "▁hol", + "ds" + ], + [ + "▁", + "holds" + ], + [ + "ло", + "сь" + ], + [ + "▁n", + "ad" + ], + [ + "▁na", + "d" + ], + [ + "▁", + "nad" + ], + [ + "”", + "." + ], + [ + "▁oct", + "ubre" + ], + [ + "bu", + "l" + ], + [ + "b", + "ul" + ], + [ + "▁h", + "us" + ], + [ + "▁hu", + "s" + ], + [ + "▁", + "hus" + ], + [ + "UL", + "T" + ], + [ + "U", + "LT" + ], + [ + "▁ég", + "alement" + ], + [ + "▁M", + "ill" + ], + [ + "▁Mil", + "l" + ], + [ + "▁Mi", + "ll" + ], + [ + "▁", + "Mill" + ], + [ + "ła", + "d" + ], + [ + "ł", + "ad" + ], + [ + "▁cont", + "iene" + ], + [ + "\"", + "?" + ], + [ + "▁>", + ">>" + ], + [ + "▁>>", + ">" + ], + [ + "Qu", + "e" + ], + [ + "Q", + "ue" + ], + [ + " ", + " " + ], + [ + "▁p", + "lain" + ], + [ + "▁pl", + "ain" + ], + [ + "▁pla", + "in" + ], + [ + "▁", + "plain" + ], + [ + "at", + "iva" + ], + [ + "ativ", + "a" + ], + [ + "ati", + "va" + ], + [ + "oc", + "ker" + ], + [ + "ock", + "er" + ], + [ + "o", + "cker" + ], + [ + "Name", + "s" + ], + [ + "Na", + "mes" + ], + [ + "N", + "ames" + ], + [ + "▁J", + "ud" + ], + [ + "▁Ju", + "d" + ], + [ + "▁ag", + "ree" + ], + [ + "▁agre", + "e" + ], + [ + "▁agr", + "ee" + ], + [ + "▁G", + "emeinde" + ], + [ + "▁Geme", + "inde" + ], + [ + "la", + "re" + ], + [ + "lar", + "e" + ], + [ + "l", + "are" + ], + [ + "ка", + "за" + ], + [ + "каз", + "а" + ], + [ + "▁st", + "arts" + ], + [ + "▁start", + "s" + ], + [ + "▁star", + "ts" + ], + [ + "▁", + "starts" + ], + [ + "▁p", + "rice" + ], + [ + "▁pr", + "ice" + ], + [ + "▁pri", + "ce" + ], + [ + "▁", + "price" + ], + [ + "T", + "arget" + ], + [ + "cu", + "s" + ], + [ + "c", + "us" + ], + [ + "▁Inst", + "ead" + ], + [ + ".", + ";" + ], + [ + "▁altern", + "ative" + ], + [ + "▁alter", + "native" + ], + [ + "▁в", + "ла" + ], + [ + "I", + "E" + ], + [ + "▁organ", + "iz" + ], + [ + "in", + "u" + ], + [ + "i", + "nu" + ], + [ + "▁comp", + "leted" + ], + [ + "▁comple", + "ted" + ], + [ + "▁complet", + "ed" + ], + [ + "▁complete", + "d" + ], + [ + "▁car", + "ry" + ], + [ + "at", + "om" + ], + [ + "ato", + "m" + ], + [ + "a", + "tom" + ], + [ + "▁dep", + "ending" + ], + [ + "▁depend", + "ing" + ], + [ + "▁O", + "ur" + ], + [ + "▁in", + "sp" + ], + [ + "▁ins", + "p" + ], + [ + "▁&", + "\\" + ], + [ + "▁", + "&\\" + ], + [ + "ail", + "y" + ], + [ + "ai", + "ly" + ], + [ + "a", + "ily" + ], + [ + "ir", + "ection" + ], + [ + "ire", + "ction" + ], + [ + "irect", + "ion" + ], + [ + "ф", + "а" + ], + [ + "▁d", + "efe" + ], + [ + "▁de", + "fe" + ], + [ + "▁def", + "e" + ], + [ + "TA", + "C" + ], + [ + "T", + "AC" + ], + [ + "▁de", + "signed" + ], + [ + "▁des", + "igned" + ], + [ + "▁design", + "ed" + ], + [ + "▁v", + "oir" + ], + [ + "▁vo", + "ir" + ], + [ + "▁", + "voir" + ], + [ + "bre", + "ak" + ], + [ + "▁part", + "ie" + ], + [ + "▁parti", + "e" + ], + [ + "▁J", + "ahren" + ], + [ + "▁Jah", + "ren" + ], + [ + "▁Jahr", + "en" + ], + [ + "▁Jahre", + "n" + ], + [ + "▁Ja", + "hren" + ], + [ + "▁st", + "udio" + ], + [ + "▁stud", + "io" + ], + [ + "▁studi", + "o" + ], + [ + "▁", + "studio" + ], + [ + "▁j", + "our" + ], + [ + "▁jo", + "ur" + ], + [ + "▁jou", + "r" + ], + [ + "▁N", + "otes" + ], + [ + "▁No", + "tes" + ], + [ + "▁Not", + "es" + ], + [ + "▁Note", + "s" + ], + [ + "fi", + "re" + ], + [ + "fir", + "e" + ], + [ + "f", + "ire" + ], + [ + "ho", + "use" + ], + [ + "hou", + "se" + ], + [ + "h", + "ouse" + ], + [ + "su", + "ccess" + ], + [ + "▁J", + "uan" + ], + [ + "▁Ju", + "an" + ], + [ + "J", + "S" + ], + [ + "▁C", + "ustom" + ], + [ + "▁", + "Custom" + ], + [ + "▁b", + "esch" + ], + [ + "▁be", + "sch" + ], + [ + "▁bes", + "ch" + ], + [ + "▁st", + "ated" + ], + [ + "▁stat", + "ed" + ], + [ + "▁state", + "d" + ], + [ + "▁sta", + "ted" + ], + [ + "boot", + "strap" + ], + [ + "öt", + "t" + ], + [ + "ö", + "tt" + ], + [ + "oz", + "zá" + ], + [ + "▁C", + "ON" + ], + [ + "▁CO", + "N" + ], + [ + "▁", + "CON" + ], + [ + "ha", + "v" + ], + [ + "h", + "av" + ], + [ + "▁s", + "leep" + ], + [ + "▁sle", + "ep" + ], + [ + "▁", + "sleep" + ], + [ + "ed", + "a" + ], + [ + "e", + "da" + ], + [ + "ho", + "t" + ], + [ + "h", + "ot" + ], + [ + "án", + "d" + ], + [ + "á", + "nd" + ], + [ + "▁S", + "y" + ], + [ + "▁tem", + "ps" + ], + [ + "▁temp", + "s" + ], + [ + "▁", + "temps" + ], + [ + "am", + "ar" + ], + [ + "ama", + "r" + ], + [ + "a", + "mar" + ], + [ + "▁s", + "cal" + ], + [ + "▁sc", + "al" + ], + [ + "▁", + "scal" + ], + [ + "▁a", + "st" + ], + [ + "▁as", + "t" + ], + [ + "▁", + "ast" + ], + [ + "▁op", + "ening" + ], + [ + "▁open", + "ing" + ], + [ + "cli", + "pse" + ], + [ + "clip", + "se" + ], + [ + "c", + "lipse" + ], + [ + "▁program", + "ming" + ], + [ + "▁", + "programming" + ], + [ + "▁let", + "ters" + ], + [ + "▁letter", + "s" + ], + [ + "▁lett", + "ers" + ], + [ + "▁pro", + "file" + ], + [ + "▁prof", + "ile" + ], + [ + "▁profil", + "e" + ], + [ + "▁", + "profile" + ], + [ + "na", + "h" + ], + [ + "n", + "ah" + ], + [ + "▁be", + "yond" + ], + [ + "▁Fur", + "ther" + ], + [ + "face", + "s" + ], + [ + "fa", + "ces" + ], + [ + "fac", + "es" + ], + [ + "f", + "aces" + ], + [ + "▁c", + "hart" + ], + [ + "▁ch", + "art" + ], + [ + "▁char", + "t" + ], + [ + "▁cha", + "rt" + ], + [ + "▁", + "chart" + ], + [ + "зд", + "а" + ], + [ + "з", + "да" + ], + [ + "ai", + "gn" + ], + [ + "a", + "ign" + ], + [ + "ні", + "й" + ], + [ + "н", + "ій" + ], + [ + "▁R", + "ol" + ], + [ + "▁Ro", + "l" + ], + [ + "ова", + "но" + ], + [ + "ован", + "о" + ], + [ + "ter", + "ior" + ], + [ + "te", + "rior" + ], + [ + "we", + "d" + ], + [ + "w", + "ed" + ], + [ + "▁her", + "self" + ], + [ + "▁hers", + "elf" + ], + [ + "▁n", + "g" + ], + [ + "▁", + "ng" + ], + [ + "angu", + "ages" + ], + [ + "anguage", + "s" + ], + [ + "}=", + "\\" + ], + [ + "}", + "=\\" + ], + [ + "ynam", + "ic" + ], + [ + "yna", + "mic" + ], + [ + "▁j", + "ug" + ], + [ + "▁ju", + "g" + ], + [ + "▁Ex", + "ample" + ], + [ + "▁", + "Example" + ], + [ + "▁(", + "†" + ], + [ + "▁play", + "ing" + ], + [ + "▁pla", + "ying" + ], + [ + "▁us", + "age" + ], + [ + "▁", + "usage" + ], + [ + "▁man", + "aged" + ], + [ + "▁manage", + "d" + ], + [ + "▁", + "managed" + ], + [ + "▁N", + "atur" + ], + [ + "▁Nat", + "ur" + ], + [ + "те", + "ри" + ], + [ + "тер", + "и" + ], + [ + "▁E", + "t" + ], + [ + "er", + "ia" + ], + [ + "eri", + "a" + ], + [ + "e", + "ria" + ], + [ + "▁daugh", + "ter" + ], + [ + "ни", + "ем" + ], + [ + "ние", + "м" + ], + [ + "F", + "ragment" + ], + [ + "▁h", + "ol" + ], + [ + "▁ho", + "l" + ], + [ + "▁", + "hol" + ], + [ + "F", + "l" + ], + [ + "огра", + "фи" + ], + [ + "ограф", + "и" + ], + [ + "о", + "графи" + ], + [ + "▁i", + "hn" + ], + [ + "▁ih", + "n" + ], + [ + "ü", + "h" + ], + [ + "inst", + "ance" + ], + [ + "▁com", + "un" + ], + [ + "▁co", + "mun" + ], + [ + "▁tr", + "uth" + ], + [ + "▁са", + "мо" + ], + [ + "▁сам", + "о" + ], + [ + "▁implement", + "ed" + ], + [ + "▁any", + "way" + ], + [ + "▁C", + "ro" + ], + [ + "▁Cr", + "o" + ], + [ + "ф", + "е" + ], + [ + "G", + "C" + ], + [ + "ub", + "untu" + ], + [ + "u", + "buntu" + ], + [ + "ty", + "pes" + ], + [ + "type", + "s" + ], + [ + "typ", + "es" + ], + [ + "t", + "ypes" + ], + [ + "ê", + "s" + ], + [ + ".~", + "\\" + ], + [ + ".", + "~\\" + ], + [ + "fo", + "ld" + ], + [ + "fol", + "d" + ], + [ + "f", + "old" + ], + [ + "▁jo", + "ined" + ], + [ + "▁join", + "ed" + ], + [ + "?", + "?" + ], + [ + "▁m", + "é" + ], + [ + "▁", + "mé" + ], + [ + "▁w", + "ild" + ], + [ + "▁wil", + "d" + ], + [ + "к", + "лю" + ], + [ + "row", + "ser" + ], + [ + "rows", + "er" + ], + [ + "▁H", + "ome" + ], + [ + "▁Ho", + "me" + ], + [ + "▁Hom", + "e" + ], + [ + "▁", + "Home" + ], + [ + "sk", + "iej" + ], + [ + "ski", + "ej" + ], + [ + "skie", + "j" + ], + [ + "s", + "kiej" + ], + [ + "▁J", + "OIN" + ], + [ + "▁ju", + "in" + ], + [ + "ho", + "f" + ], + [ + "h", + "of" + ], + [ + "▁data", + "set" + ], + [ + "▁dat", + "aset" + ], + [ + "▁datas", + "et" + ], + [ + "▁", + "dataset" + ], + [ + "ж", + "ду" + ], + [ + "')", + ")" + ], + [ + "'", + "))" + ], + [ + "▁mie", + "js" + ], + [ + "AP", + "I" + ], + [ + "A", + "PI" + ], + [ + "▁ed", + "ited" + ], + [ + "▁edit", + "ed" + ], + [ + "ool", + "s" + ], + [ + "oo", + "ls" + ], + [ + "o", + "ols" + ], + [ + "▁se", + "eing" + ], + [ + "▁see", + "ing" + ], + [ + "ij", + "d" + ], + [ + "i", + "jd" + ], + [ + "▁pro", + "cedure" + ], + [ + "▁proced", + "ure" + ], + [ + "▁B", + "ras" + ], + [ + "▁Br", + "as" + ], + [ + "▁Bra", + "s" + ], + [ + "▁s", + "igned" + ], + [ + "▁sign", + "ed" + ], + [ + "▁sig", + "ned" + ], + [ + "▁", + "signed" + ], + [ + "▁extern", + "os" + ], + [ + "▁dis", + "app" + ], + [ + "▁D", + "irect" + ], + [ + "▁Di", + "rect" + ], + [ + "▁Dire", + "ct" + ], + [ + "▁Dir", + "ect" + ], + [ + "▁", + "Direct" + ], + [ + "cy", + "c" + ], + [ + "c", + "yc" + ], + [ + "▁cons", + "ult" + ], + [ + "ör", + "d" + ], + [ + "ö", + "rd" + ], + [ + "W", + "idget" + ], + [ + "ci", + "ous" + ], + [ + "cio", + "us" + ], + [ + "c", + "ious" + ], + [ + "se", + "ct" + ], + [ + "sec", + "t" + ], + [ + "s", + "ect" + ], + [ + "▁Д", + "и" + ], + [ + "▁w", + "ind" + ], + [ + "▁win", + "d" + ], + [ + "▁", + "wind" + ], + [ + "▁Archiv", + "ado" + ], + [ + "am", + "l" + ], + [ + "a", + "ml" + ], + [ + "с", + "с" + ], + [ + "W", + "h" + ], + [ + "kb", + "d" + ], + [ + "k", + "bd" + ], + [ + "▁Ar", + "my" + ], + [ + "▁Arm", + "y" + ], + [ + "▁s", + "uffer" + ], + [ + "▁suf", + "fer" + ], + [ + "▁suff", + "er" + ], + [ + "art", + "ifact" + ], + [ + "▁resol", + "ve" + ], + [ + "▁", + "resolve" + ], + [ + "▁S", + "port" + ], + [ + "▁Sp", + "ort" + ], + [ + "▁Spo", + "rt" + ], + [ + "▁ц", + "е" + ], + [ + "▁", + "це" + ], + [ + "id", + "as" + ], + [ + "ida", + "s" + ], + [ + "i", + "das" + ], + [ + "▁t", + "ax" + ], + [ + "▁ta", + "x" + ], + [ + "▁", + "tax" + ], + [ + "id", + "i" + ], + [ + "i", + "di" + ], + [ + "▁a", + "ctions" + ], + [ + "▁act", + "ions" + ], + [ + "▁action", + "s" + ], + [ + "▁", + "actions" + ], + [ + "пр", + "а" + ], + [ + "п", + "ра" + ], + [ + "pu", + "és" + ], + [ + "p", + "ués" + ], + [ + "▁n", + "aj" + ], + [ + "▁na", + "j" + ], + [ + "F", + "alse" + ], + [ + "▁ch", + "ance" + ], + [ + "▁та", + "ко" + ], + [ + "▁так", + "о" + ], + [ + "ä", + "d" + ], + [ + "▁d", + "ol" + ], + [ + "▁do", + "l" + ], + [ + "▁en", + "v" + ], + [ + "▁", + "env" + ], + [ + "▁bas", + "ically" + ], + [ + "▁basic", + "ally" + ], + [ + "▁Coun", + "cil" + ], + [ + "zt", + "e" + ], + [ + "z", + "te" + ], + [ + "▁display", + "ed" + ], + [ + "ni", + "l" + ], + [ + "n", + "il" + ], + [ + "comp", + "lete" + ], + [ + "comple", + "te" + ], + [ + "▁L", + "em" + ], + [ + "▁Le", + "m" + ], + [ + "ian", + "ce" + ], + [ + "i", + "ance" + ], + [ + "▁ос", + "нов" + ], + [ + "▁de", + "pend" + ], + [ + "▁dep", + "end" + ], + [ + "pl", + "om" + ], + [ + "ens", + "us" + ], + [ + "ut", + "s" + ], + [ + "u", + "ts" + ], + [ + "▁H", + "ot" + ], + [ + "▁Ho", + "t" + ], + [ + "▁", + "Hot" + ], + [ + "bit", + "r" + ], + [ + "bi", + "tr" + ], + [ + "▁valid", + "ation" + ], + [ + "▁", + "validation" + ], + [ + "ab", + "b" + ], + [ + "a", + "bb" + ], + [ + "▁т", + "ре" + ], + [ + "▁", + "тре" + ], + [ + "k", + "m" + ], + [ + "z", + "d" + ], + [ + "ö", + "ff" + ], + [ + "W", + "E" + ], + [ + "▁inter", + "ested" + ], + [ + "▁interest", + "ed" + ], + [ + "▁{", + "\"" + ], + [ + "▁", + "{\"" + ], + [ + "ar", + "o" + ], + [ + "a", + "ro" + ], + [ + "▁cor", + "rel" + ], + [ + "▁corre", + "l" + ], + [ + "▁corr", + "el" + ], + [ + "▁d", + "edic" + ], + [ + "▁de", + "dic" + ], + [ + "▁ded", + "ic" + ], + [ + "▁l", + "ists" + ], + [ + "▁list", + "s" + ], + [ + "▁", + "lists" + ], + [ + "▁Bibli", + "ografia" + ], + [ + "▁ear", + "lier" + ], + [ + "pr", + "ogram" + ], + [ + "pro", + "gram" + ], + [ + "prog", + "ram" + ], + [ + "▁prem", + "ière" + ], + [ + "▁premi", + "ère" + ], + [ + "fr", + "ont" + ], + [ + "f", + "ront" + ], + [ + "T", + "ab" + ], + [ + "ст", + "ву" + ], + [ + "ств", + "у" + ], + [ + "dr", + "op" + ], + [ + "dro", + "p" + ], + [ + "d", + "rop" + ], + [ + "▁f", + "ear" + ], + [ + "▁fe", + "ar" + ], + [ + "▁En", + "laces" + ], + [ + "▁C", + "apt" + ], + [ + "▁Cap", + "t" + ], + [ + "▁Ca", + "pt" + ], + [ + "▁", + "Capt" + ], + [ + "▁real", + "iz" + ], + [ + "▁h", + "al" + ], + [ + "▁ha", + "l" + ], + [ + "▁", + "hal" + ], + [ + "▁inst", + "ances" + ], + [ + "▁instance", + "s" + ], + [ + "▁su", + "sp" + ], + [ + "▁sus", + "p" + ], + [ + "il", + "ling" + ], + [ + "ill", + "ing" + ], + [ + "illi", + "ng" + ], + [ + "%", + ";" + ], + [ + "{", + "}" + ], + [ + "|", + "|" + ], + [ + "▁part", + "ition" + ], + [ + "▁parti", + "tion" + ], + [ + "▁", + "partition" + ], + [ + "▁Bu", + "ild" + ], + [ + "▁", + "Build" + ], + [ + "▁w", + "o" + ], + [ + "▁", + "wo" + ], + [ + "▁П", + "ер" + ], + [ + "▁Пе", + "р" + ], + [ + "▁direct", + "or" + ], + [ + "▁dire", + "ctor" + ], + [ + "▁dir", + "ector" + ], + [ + "▁S", + "in" + ], + [ + "▁Si", + "n" + ], + [ + "ти", + "я" + ], + [ + "rs", + "g" + ], + [ + "r", + "sg" + ], + [ + "ou", + "ver" + ], + [ + "ouv", + "er" + ], + [ + "ouve", + "r" + ], + [ + "▁near", + "ly" + ], + [ + "od", + "a" + ], + [ + "o", + "da" + ], + [ + "кти", + "в" + ], + [ + "к", + "тив" + ], + [ + "▁s", + "ir" + ], + [ + "▁si", + "r" + ], + [ + "IM", + "E" + ], + [ + "I", + "ME" + ], + [ + "▁jan", + "vier" + ], + [ + "▁W", + "in" + ], + [ + "▁Wi", + "n" + ], + [ + "▁", + "Win" + ], + [ + "Bu", + "ild" + ], + [ + "ie", + "urs" + ], + [ + "ieu", + "rs" + ], + [ + "ieur", + "s" + ], + [ + "i", + "eurs" + ], + [ + "IN", + "E" + ], + [ + "I", + "NE" + ], + [ + "d", + "ouble" + ], + [ + "La", + "st" + ], + [ + "L", + "ast" + ], + [ + "▁pol", + "icy" + ], + [ + "▁polic", + "y" + ], + [ + "▁", + "policy" + ], + [ + "st", + "ore" + ], + [ + "sto", + "re" + ], + [ + "stor", + "e" + ], + [ + "▁obser", + "ved" + ], + [ + "▁observ", + "ed" + ], + [ + "▁observe", + "d" + ], + [ + "▁obs", + "erved" + ], + [ + "▁famil", + "ie" + ], + [ + "ni", + "ca" + ], + [ + "nic", + "a" + ], + [ + "n", + "ica" + ], + [ + "re", + "y" + ], + [ + "r", + "ey" + ], + [ + "з", + "ь" + ], + [ + "▁Y", + "ear" + ], + [ + "▁Ye", + "ar" + ], + [ + "▁", + "Year" + ], + [ + "▁develop", + "ed" + ], + [ + "▁deve", + "loped" + ], + [ + "▁Inst", + "itute" + ], + [ + "▁Instit", + "ute" + ], + [ + "▁Institut", + "e" + ], + [ + "▁re", + "ply" + ], + [ + "▁rep", + "ly" + ], + [ + "Com", + "ple" + ], + [ + "Comp", + "le" + ], + [ + "ic", + "ian" + ], + [ + "ici", + "an" + ], + [ + "icia", + "n" + ], + [ + "i", + "cian" + ], + [ + "▁G", + "uer" + ], + [ + "▁Gu", + "er" + ], + [ + "▁d", + "all" + ], + [ + "▁da", + "ll" + ], + [ + "▁dal", + "l" + ], + [ + "▁d", + "esp" + ], + [ + "▁de", + "sp" + ], + [ + "▁des", + "p" + ], + [ + "▁Foot", + "ball" + ], + [ + "Em", + "pty" + ], + [ + "Emp", + "ty" + ], + [ + "ck", + "en" + ], + [ + "cke", + "n" + ], + [ + "c", + "ken" + ], + [ + "un", + "da" + ], + [ + "und", + "a" + ], + [ + "▁U", + "r" + ], + [ + "▁i", + "g" + ], + [ + "▁", + "ig" + ], + [ + "▁A", + "tl" + ], + [ + "▁At", + "l" + ], + [ + "aut", + "hor" + ], + [ + "auth", + "or" + ], + [ + "▁B", + "ol" + ], + [ + "▁Bo", + "l" + ], + [ + "zi", + "g" + ], + [ + "z", + "ig" + ], + [ + "na", + "t" + ], + [ + "n", + "at" + ], + [ + "š", + "t" + ], + [ + "se", + "curity" + ], + [ + "sec", + "urity" + ], + [ + "on", + "ic" + ], + [ + "oni", + "c" + ], + [ + "o", + "nic" + ], + [ + "▁p", + "es" + ], + [ + "▁pe", + "s" + ], + [ + "▁", + "pes" + ], + [ + "it", + "an" + ], + [ + "ita", + "n" + ], + [ + "i", + "tan" + ], + [ + "▁Ex", + "tern" + ], + [ + "▁Ext", + "ern" + ], + [ + "ja", + "n" + ], + [ + "j", + "an" + ], + [ + "VA", + "L" + ], + [ + "V", + "AL" + ], + [ + "▁и", + "м" + ], + [ + "▁", + "им" + ], + [ + "bo", + "ld" + ], + [ + "bol", + "d" + ], + [ + "b", + "old" + ], + [ + "▁в", + "а" + ], + [ + "▁", + "ва" + ], + [ + "▁М", + "о" + ], + [ + "▁dis", + "put" + ], + [ + "▁disp", + "ut" + ], + [ + "▁t", + "rick" + ], + [ + "▁tr", + "ick" + ], + [ + "▁tri", + "ck" + ], + [ + "▁p", + "ed" + ], + [ + "▁pe", + "d" + ], + [ + "▁", + "ped" + ], + [ + ")^", + "{" + ], + [ + ")", + "^{" + ], + [ + "in", + "to" + ], + [ + "int", + "o" + ], + [ + "Si", + "m" + ], + [ + "S", + "im" + ], + [ + "▁par", + "allel" + ], + [ + "▁", + "parallel" + ], + [ + "fo", + "x" + ], + [ + "f", + "ox" + ], + [ + "norm", + "al" + ], + [ + "nor", + "mal" + ], + [ + "n", + "ormal" + ], + [ + "in", + "ent" + ], + [ + "ine", + "nt" + ], + [ + "inen", + "t" + ], + [ + "пе", + "ди" + ], + [ + "п", + "еди" + ], + [ + "ho", + "ld" + ], + [ + "hol", + "d" + ], + [ + "h", + "old" + ], + [ + "O", + "K" + ], + [ + "▁c", + "hem" + ], + [ + "▁ch", + "em" + ], + [ + "▁che", + "m" + ], + [ + "▁", + "chem" + ], + [ + "▁tw", + "ice" + ], + [ + "▁us", + "ername" + ], + [ + "▁user", + "name" + ], + [ + "▁", + "username" + ], + [ + "i", + "č" + ], + [ + "▁re", + "presentation" + ], + [ + "▁represent", + "ation" + ], + [ + "▁repres", + "entation" + ], + [ + "▁j", + "ournal" + ], + [ + "▁jour", + "nal" + ], + [ + "▁journ", + "al" + ], + [ + "▁:", + "-" + ], + [ + "▁", + ":-" + ], + [ + "▁b", + "att" + ], + [ + "▁ba", + "tt" + ], + [ + "▁bat", + "t" + ], + [ + "\\", + "%" + ], + [ + "▁certain", + "ly" + ], + [ + "▁Ex", + "ception" + ], + [ + "▁", + "Exception" + ], + [ + "ep", + "s" + ], + [ + "e", + "ps" + ], + [ + "sh", + "ot" + ], + [ + "s", + "hot" + ], + [ + "at", + "egy" + ], + [ + "ate", + "gy" + ], + [ + "ateg", + "y" + ], + [ + "Sh", + "ow" + ], + [ + "S", + "how" + ], + [ + "▁Car", + "l" + ], + [ + "▁Ca", + "rl" + ], + [ + "ri", + "g" + ], + [ + "r", + "ig" + ], + [ + "▁rep", + "orted" + ], + [ + "▁report", + "ed" + ], + [ + "bot", + "tom" + ], + [ + "b", + "ottom" + ], + [ + "T", + "F" + ], + [ + "▁Francis", + "co" + ], + [ + "na", + "p" + ], + [ + "n", + "ap" + ], + [ + "▁Champion", + "ship" + ], + [ + "▁Champions", + "hip" + ], + [ + "▁c", + "ourt" + ], + [ + "▁co", + "urt" + ], + [ + "▁cour", + "t" + ], + [ + "▁cou", + "rt" + ], + [ + "▁", + "court" + ], + [ + "▁s", + "ources" + ], + [ + "▁source", + "s" + ], + [ + "io", + "ur" + ], + [ + "i", + "our" + ], + [ + "▁con", + "serv" + ], + [ + "▁cons", + "erv" + ], + [ + "▁conse", + "rv" + ], + [ + "▁conser", + "v" + ], + [ + "di", + "ct" + ], + [ + "dic", + "t" + ], + [ + "d", + "ict" + ], + [ + "▁Р", + "у" + ], + [ + "I", + "B" + ], + [ + "▁V", + "e" + ], + [ + "▁", + "№" + ], + [ + "▁E", + "R" + ], + [ + "▁", + "ER" + ], + [ + "\")", + ");" + ], + [ + "\"))", + ";" + ], + [ + "\"", + "));" + ], + [ + "▁P", + "oint" + ], + [ + "▁Po", + "int" + ], + [ + "▁", + "Point" + ], + [ + "az", + "ine" + ], + [ + "azi", + "ne" + ], + [ + "▁inter", + "net" + ], + [ + "▁intern", + "et" + ], + [ + "д", + "на" + ], + [ + "▁car", + "ried" + ], + [ + "▁carri", + "ed" + ], + [ + "▁F", + "ield" + ], + [ + "▁", + "Field" + ], + [ + "ax", + "is" + ], + [ + "axi", + "s" + ], + [ + "a", + "xis" + ], + [ + "▁S", + "un" + ], + [ + "▁Su", + "n" + ], + [ + "▁a", + "ve" + ], + [ + "▁av", + "e" + ], + [ + "▁", + "ave" + ], + [ + "пи", + "с" + ], + [ + "п", + "ис" + ], + [ + "я", + "н" + ], + [ + "as", + "y" + ], + [ + "▁ju", + "lio" + ], + [ + "▁jul", + "io" + ], + [ + "▁juli", + "o" + ], + [ + "▁de", + "puis" + ], + [ + "▁dep", + "uis" + ], + [ + "▁sugg", + "estion" + ], + [ + "▁suggest", + "ion" + ], + [ + "[", + "[" + ], + [ + "▁Arch", + "ive" + ], + [ + "▁Archiv", + "e" + ], + [ + "ę", + "p" + ], + [ + "▁P", + "ra" + ], + [ + "▁Pr", + "a" + ], + [ + "re", + "h" + ], + [ + "r", + "eh" + ], + [ + "▁demon", + "str" + ], + [ + "ф", + "і" + ], + [ + "cm", + "d" + ], + [ + "c", + "md" + ], + [ + "▁was", + "n" + ], + [ + "▁wa", + "sn" + ], + [ + "▁ph", + "one" + ], + [ + "▁", + "phone" + ], + [ + "up", + "load" + ], + [ + "ay", + "a" + ], + [ + "a", + "ya" + ], + [ + "то", + "ра" + ], + [ + "тор", + "а" + ], + [ + "li", + "nes" + ], + [ + "line", + "s" + ], + [ + "lin", + "es" + ], + [ + "l", + "ines" + ], + [ + "▁in", + "du" + ], + [ + "▁ind", + "u" + ], + [ + "▁", + "indu" + ], + [ + "▁v", + "ot" + ], + [ + "▁vo", + "t" + ], + [ + "▁es", + "pa" + ], + [ + "▁esp", + "a" + ], + [ + "▁b", + "in" + ], + [ + "▁bi", + "n" + ], + [ + "▁", + "bin" + ], + [ + "▁по", + "сле" + ], + [ + "▁пос", + "ле" + ], + [ + "pl", + "an" + ], + [ + "pla", + "n" + ], + [ + "p", + "lan" + ], + [ + "▁ju", + "nio" + ], + [ + "▁jun", + "io" + ], + [ + "▁juni", + "o" + ], + [ + "or", + "ial" + ], + [ + "oria", + "l" + ], + [ + "ori", + "al" + ], + [ + "o", + "rial" + ], + [ + "fr", + "ee" + ], + [ + "fre", + "e" + ], + [ + "f", + "ree" + ], + [ + "ster", + "reich" + ], + [ + "▁д", + "у" + ], + [ + "▁", + "ду" + ], + [ + "▁link", + "ed" + ], + [ + "▁lin", + "ked" + ], + [ + "▁en", + "able" + ], + [ + "▁", + "enable" + ], + [ + "P", + "C" + ], + [ + "▁dens", + "ity" + ], + [ + "▁E", + "gy" + ], + [ + "▁Eg", + "y" + ], + [ + "y", + "o" + ], + [ + "end", + "re" + ], + [ + "▁с", + "ъ" + ], + [ + "▁ital", + "iano" + ], + [ + "▁A", + "R" + ], + [ + "▁", + "AR" + ], + [ + "▁P", + "ers" + ], + [ + "▁Per", + "s" + ], + [ + "▁Pe", + "rs" + ], + [ + "▁", + "Pers" + ], + [ + "fér", + "és" + ], + [ + "▁с", + "кла" + ], + [ + "V", + "ar" + ], + [ + "▁On", + "ce" + ], + [ + "▁", + "Once" + ], + [ + "Re", + "d" + ], + [ + "R", + "ed" + ], + [ + "buf", + "fer" + ], + [ + "buff", + "er" + ], + [ + "b", + "uffer" + ], + [ + "▁En", + "ter" + ], + [ + "▁Ent", + "er" + ], + [ + "▁", + "Enter" + ], + [ + "▁", + "Š" + ], + [ + "im", + "iento" + ], + [ + "imi", + "ento" + ], + [ + "St", + "ore" + ], + [ + "Sto", + "re" + ], + [ + "▁he", + "alth" + ], + [ + "va", + "t" + ], + [ + "v", + "at" + ], + [ + "IS", + "T" + ], + [ + "I", + "ST" + ], + [ + "O", + "h" + ], + [ + "▁k", + "w" + ], + [ + "▁", + "kw" + ], + [ + "▁r", + "iv" + ], + [ + "▁ri", + "v" + ], + [ + "▁", + "riv" + ], + [ + "▁some", + "where" + ], + [ + "ograf", + "ie" + ], + [ + "ografi", + "e" + ], + [ + "priv", + "ate" + ], + [ + "p", + "rivate" + ], + [ + "кт", + "и" + ], + [ + "к", + "ти" + ], + [ + "▁de", + "lay" + ], + [ + "▁del", + "ay" + ], + [ + "▁", + "delay" + ], + [ + "▁H", + "ttp" + ], + [ + "▁", + "Http" + ], + [ + "jo", + "b" + ], + [ + "j", + "ob" + ], + [ + "ra", + "el" + ], + [ + "r", + "ael" + ], + [ + "em", + "por" + ], + [ + "emp", + "or" + ], + [ + "▁dici", + "embre" + ], + [ + "▁dic", + "iembre" + ], + [ + "êt", + "e" + ], + [ + "ê", + "te" + ], + [ + "ц", + "у" + ], + [ + "▁com", + "mit" + ], + [ + "▁comm", + "it" + ], + [ + "▁", + "commit" + ], + [ + "os", + "o" + ], + [ + "o", + "so" + ], + [ + "Val", + "ues" + ], + [ + "Value", + "s" + ], + [ + "▁he", + "aders" + ], + [ + "▁head", + "ers" + ], + [ + "▁header", + "s" + ], + [ + "▁", + "headers" + ], + [ + "trans", + "form" + ], + [ + "▁process", + "ing" + ], + [ + "▁proces", + "sing" + ], + [ + "▁", + "processing" + ], + [ + "r", + "å" + ], + [ + "▁A", + "h" + ], + [ + "▁", + "Ah" + ], + [ + "▁N", + "ode" + ], + [ + "▁No", + "de" + ], + [ + "▁", + "Node" + ], + [ + "--", + "----------" + ], + [ + "----", + "--------" + ], + [ + "--------", + "----" + ], + [ + "------", + "------" + ], + [ + "-----", + "-------" + ], + [ + "-------", + "-----" + ], + [ + "----------", + "--" + ], + [ + "▁f", + "aire" + ], + [ + "▁fa", + "ire" + ], + [ + "▁fair", + "e" + ], + [ + "▁h", + "un" + ], + [ + "▁hu", + "n" + ], + [ + "Pl", + "ayer" + ], + [ + "Play", + "er" + ], + [ + "P", + "layer" + ], + [ + "▁re", + "view" + ], + [ + "▁rev", + "iew" + ], + [ + "▁", + "review" + ], + [ + "г", + "да" + ], + [ + "▁lim", + "ited" + ], + [ + "▁limit", + "ed" + ], + [ + "▁", + "limited" + ], + [ + "▁Pro", + "perty" + ], + [ + "▁", + "Property" + ], + [ + "▁s", + "erve" + ], + [ + "▁ser", + "ve" + ], + [ + "▁serv", + "e" + ], + [ + "▁", + "serve" + ], + [ + "ri", + "age" + ], + [ + "ria", + "ge" + ], + [ + "▁M", + "aster" + ], + [ + "▁Ma", + "ster" + ], + [ + "▁Mas", + "ter" + ], + [ + "▁", + "Master" + ], + [ + "▁k", + "ann" + ], + [ + "▁kan", + "n" + ], + [ + "▁ka", + "nn" + ], + [ + "cre", + "te" + ], + [ + "cret", + "e" + ], + [ + "cr", + "ete" + ], + [ + "ph", + "ere" + ], + [ + "pher", + "e" + ], + [ + "phe", + "re" + ], + [ + "p", + "here" + ], + [ + "ё", + "р" + ], + [ + "▁ch", + "ief" + ], + [ + "▁chi", + "ef" + ], + [ + "▁sc", + "ene" + ], + [ + "▁scen", + "e" + ], + [ + "▁", + "scene" + ], + [ + "ki", + "n" + ], + [ + "k", + "in" + ], + [ + "▁un", + "iform" + ], + [ + "▁", + "uniform" + ], + [ + "▁feb", + "rero" + ], + [ + "\"", + "}" + ], + [ + "il", + "lo" + ], + [ + "ill", + "o" + ], + [ + "IT", + "E" + ], + [ + "I", + "TE" + ], + [ + "ou", + "vel" + ], + [ + "ouv", + "el" + ], + [ + "ouve", + "l" + ], + [ + "use", + "package" + ], + [ + "en", + "th" + ], + [ + "ent", + "h" + ], + [ + "e", + "nth" + ], + [ + "▁quick", + "ly" + ], + [ + "L", + "ambda" + ], + [ + "xe", + "s" + ], + [ + "x", + "es" + ], + [ + "▁c", + "ells" + ], + [ + "▁cell", + "s" + ], + [ + "▁cel", + "ls" + ], + [ + "ro", + "g" + ], + [ + "r", + "og" + ], + [ + "am", + "in" + ], + [ + "ami", + "n" + ], + [ + "a", + "min" + ], + [ + "▁М", + "ар" + ], + [ + "▁Ма", + "р" + ], + [ + "▁may", + "or" + ], + [ + "▁mayo", + "r" + ], + [ + "pl", + "ayer" + ], + [ + "play", + "er" + ], + [ + "pla", + "yer" + ], + [ + "p", + "layer" + ], + [ + "++", + ";" + ], + [ + "▁На", + "се" + ], + [ + "▁sa", + "fe" + ], + [ + "▁saf", + "e" + ], + [ + "▁", + "safe" + ], + [ + "▁ve", + "loc" + ], + [ + "▁vel", + "oc" + ], + [ + "▁о", + "бра" + ], + [ + "▁об", + "ра" + ], + [ + "▁", + "обра" + ], + [ + "Data", + "base" + ], + [ + "Dat", + "abase" + ], + [ + "D", + "atabase" + ], + [ + "ne", + "h" + ], + [ + "n", + "eh" + ], + [ + "Ver", + "t" + ], + [ + "V", + "ert" + ], + [ + "▁f", + "le" + ], + [ + "▁fl", + "e" + ], + [ + "▁ф", + "ор" + ], + [ + "▁фо", + "р" + ], + [ + "▁", + "фор" + ], + [ + "▁f", + "oreign" + ], + [ + "▁for", + "eign" + ], + [ + "▁fore", + "ign" + ], + [ + "Ab", + "stract" + ], + [ + "▁m", + "agn" + ], + [ + "▁ma", + "gn" + ], + [ + "▁mag", + "n" + ], + [ + "▁mod", + "ified" + ], + [ + "▁milit", + "ary" + ], + [ + "▁militar", + "y" + ], + [ + "▁m", + "onde" + ], + [ + "▁mon", + "de" + ], + [ + "▁mo", + "nde" + ], + [ + "▁mond", + "e" + ], + [ + "▁A", + "ction" + ], + [ + "▁Act", + "ion" + ], + [ + "▁Ac", + "tion" + ], + [ + "▁", + "Action" + ], + [ + "▁b", + "ank" + ], + [ + "▁ban", + "k" + ], + [ + "▁", + "bank" + ], + [ + "Ser", + "ial" + ], + [ + "Se", + "rial" + ], + [ + "▁contin", + "uous" + ], + [ + "▁continu", + "ous" + ], + [ + "▁g", + "el" + ], + [ + "▁ge", + "l" + ], + [ + "▁", + "gel" + ], + [ + "▁phys", + "ical" + ], + [ + "▁introdu", + "ced" + ], + [ + "▁introduce", + "d" + ], + [ + "ut", + "ure" + ], + [ + "ri", + "ck" + ], + [ + "ric", + "k" + ], + [ + "r", + "ick" + ], + [ + "▁present", + "ed" + ], + [ + "▁pres", + "ented" + ], + [ + "▁presente", + "d" + ], + [ + "▁P", + "rov" + ], + [ + "▁Pro", + "v" + ], + [ + "▁Pr", + "ov" + ], + [ + "▁B", + "oth" + ], + [ + "▁Bo", + "th" + ], + [ + "▁Bot", + "h" + ], + [ + "Po", + "s" + ], + [ + "P", + "os" + ], + [ + "su", + "per" + ], + [ + "sup", + "er" + ], + [ + "s", + "uper" + ], + [ + "&", + "#" + ], + [ + "▁f", + "inding" + ], + [ + "▁find", + "ing" + ], + [ + "▁fin", + "ding" + ], + [ + "ne", + "l" + ], + [ + "n", + "el" + ], + [ + "un", + "de" + ], + [ + "und", + "e" + ], + [ + "u", + "nde" + ], + [ + "▁fr", + "ån" + ], + [ + "sk", + "im" + ], + [ + "ski", + "m" + ], + [ + "s", + "kim" + ], + [ + "▁H", + "ill" + ], + [ + "▁Hi", + "ll" + ], + [ + "▁Hil", + "l" + ], + [ + "f", + "n" + ], + [ + "▁Can", + "ad" + ], + [ + "▁Ca", + "nad" + ], + [ + "▁int", + "ended" + ], + [ + "▁inten", + "ded" + ], + [ + "▁intend", + "ed" + ], + [ + "ozzá", + "férés" + ], + [ + "▁ju", + "illet" + ], + [ + "▁W", + "ars" + ], + [ + "▁War", + "s" + ], + [ + "▁Wa", + "rs" + ], + [ + "▁success", + "ful" + ], + [ + "▁ch", + "arg" + ], + [ + "▁char", + "g" + ], + [ + "▁cha", + "rg" + ], + [ + "▁", + "charg" + ], + [ + "ie", + "le" + ], + [ + "iel", + "e" + ], + [ + "i", + "ele" + ], + [ + "om", + "ething" + ], + [ + "ome", + "thing" + ], + [ + "omet", + "hing" + ], + [ + "ok", + "u" + ], + [ + "o", + "ku" + ], + [ + "f", + "etch" + ], + [ + "▁}", + "}" + ], + [ + "▁", + "}}" + ], + [ + "ban", + "k" + ], + [ + "b", + "ank" + ], + [ + "operator", + "name" + ], + [ + "▁Col", + "or" + ], + [ + "▁Co", + "lor" + ], + [ + "▁", + "Color" + ], + [ + "▁C", + "ard" + ], + [ + "▁Car", + "d" + ], + [ + "▁Ca", + "rd" + ], + [ + "▁", + "Card" + ], + [ + "t", + "u" + ], + [ + "▁\"", + "," + ], + [ + "▁", + "\"," + ], + [ + "wi", + "d" + ], + [ + "w", + "id" + ], + [ + "▁g", + "ep" + ], + [ + "▁ge", + "p" + ], + [ + "X", + "ML" + ], + [ + "========", + "========" + ], + [ + "▁Vir", + "gin" + ], + [ + "ähr", + "end" + ], + [ + "äh", + "rend" + ], + [ + "lic", + "ated" + ], + [ + "licate", + "d" + ], + [ + "lica", + "ted" + ], + [ + "Di", + "r" + ], + [ + "D", + "ir" + ], + [ + "ze", + "ro" + ], + [ + "zer", + "o" + ], + [ + "z", + "ero" + ], + [ + "▁K", + "al" + ], + [ + "▁Ka", + "l" + ], + [ + "▁Par", + "ty" + ], + [ + "▁Part", + "y" + ], + [ + "▁", + "å" + ], + [ + "pr", + "ice" + ], + [ + "p", + "rice" + ], + [ + "do", + "n" + ], + [ + "d", + "on" + ], + [ + "▁w", + "arning" + ], + [ + "▁war", + "ning" + ], + [ + "▁warn", + "ing" + ], + [ + "▁", + "warning" + ], + [ + "▁B", + "ad" + ], + [ + "▁Ba", + "d" + ], + [ + "▁", + "Bad" + ], + [ + "▁S", + "upp" + ], + [ + "▁Su", + "pp" + ], + [ + "▁Sup", + "p" + ], + [ + "▁", + "Supp" + ], + [ + "▁L", + "iga" + ], + [ + "▁Li", + "ga" + ], + [ + "▁Lig", + "a" + ], + [ + "▁P", + "ierre" + ], + [ + "▁Pier", + "re" + ], + [ + "▁", + "Pierre" + ], + [ + "Re", + "cord" + ], + [ + "Rec", + "ord" + ], + [ + "ul", + "ator" + ], + [ + "ula", + "tor" + ], + [ + "▁R", + "ome" + ], + [ + "▁Ro", + "me" + ], + [ + "▁Rom", + "e" + ], + [ + "▁the", + "orem" + ], + [ + "▁", + "theorem" + ], + [ + "▁entire", + "ly" + ], + [ + "ски", + "м" + ], + [ + "ск", + "им" + ], + [ + "с", + "ким" + ], + [ + "he", + "t" + ], + [ + "h", + "et" + ], + [ + "▁d", + "opo" + ], + [ + "▁do", + "po" + ], + [ + "▁dop", + "o" + ], + [ + "Ne", + "xt" + ], + [ + "N", + "ext" + ], + [ + "ml", + "ung" + ], + [ + "m", + "lung" + ], + [ + "wi", + "g" + ], + [ + "w", + "ig" + ], + [ + "▁A", + "th" + ], + [ + "▁At", + "h" + ], + [ + "▁S", + "ou" + ], + [ + "▁So", + "u" + ], + [ + "li", + "cher" + ], + [ + "lic", + "her" + ], + [ + "lich", + "er" + ], + [ + "liche", + "r" + ], + [ + "l", + "icher" + ], + [ + "▁s", + "udo" + ], + [ + "▁su", + "do" + ], + [ + "▁sud", + "o" + ], + [ + "▁", + "sudo" + ], + [ + "es", + "ts" + ], + [ + "est", + "s" + ], + [ + "хі", + "в" + ], + [ + "х", + "ів" + ], + [ + "▁sept", + "iembre" + ], + [ + "▁m", + "icro" + ], + [ + "▁mi", + "cro" + ], + [ + "▁mic", + "ro" + ], + [ + "▁t", + "rop" + ], + [ + "▁tr", + "op" + ], + [ + "▁tro", + "p" + ], + [ + "fi", + "t" + ], + [ + "f", + "it" + ], + [ + "Co", + "re" + ], + [ + "Cor", + "e" + ], + [ + "C", + "ore" + ], + [ + "▁Rad", + "io" + ], + [ + "▁", + "Radio" + ], + [ + "▁Or", + "gan" + ], + [ + "▁", + "Organ" + ], + [ + "▁P", + "ower" + ], + [ + "▁Po", + "wer" + ], + [ + "▁Pow", + "er" + ], + [ + "▁", + "Power" + ], + [ + "C", + "F" + ], + [ + "▁L", + "ast" + ], + [ + "▁La", + "st" + ], + [ + "▁Las", + "t" + ], + [ + "▁", + "Last" + ], + [ + "▁op", + "pos" + ], + [ + "▁opp", + "os" + ], + [ + "▁off", + "set" + ], + [ + "▁", + "offset" + ], + [ + "▁re", + "gia" + ], + [ + "▁reg", + "ia" + ], + [ + "▁min", + "imum" + ], + [ + "▁minim", + "um" + ], + [ + "▁hel", + "ped" + ], + [ + "▁help", + "ed" + ], + [ + "an", + "don" + ], + [ + "and", + "on" + ], + [ + "ando", + "n" + ], + [ + "if", + "ying" + ], + [ + "ify", + "ing" + ], + [ + "ru", + "it" + ], + [ + "r", + "uit" + ], + [ + "ensch", + "app" + ], + [ + "▁b", + "ere" + ], + [ + "▁be", + "re" + ], + [ + "▁ber", + "e" + ], + [ + "▁", + "bere" + ], + [ + "V", + "M" + ], + [ + "▁A", + "wards" + ], + [ + "▁Award", + "s" + ], + [ + "▁Aw", + "ards" + ], + [ + "▁a", + "gr" + ], + [ + "▁ag", + "r" + ], + [ + "▁", + "agr" + ], + [ + "yn", + "omial" + ], + [ + "en", + "ced" + ], + [ + "ence", + "d" + ], + [ + "enc", + "ed" + ], + [ + "▁dev", + "ices" + ], + [ + "▁device", + "s" + ], + [ + "▁devi", + "ces" + ], + [ + "▁b", + "ot" + ], + [ + "▁bo", + "t" + ], + [ + "▁", + "bot" + ], + [ + "▁f", + "irm" + ], + [ + "▁fi", + "rm" + ], + [ + "▁fir", + "m" + ], + [ + "▁w", + "riter" + ], + [ + "▁writ", + "er" + ], + [ + "▁wr", + "iter" + ], + [ + "▁write", + "r" + ], + [ + "▁", + "writer" + ], + [ + "▁r", + "ing" + ], + [ + "▁ri", + "ng" + ], + [ + "▁rin", + "g" + ], + [ + "▁", + "ring" + ], + [ + ".", + "-" + ], + [ + "is", + "tes" + ], + [ + "ist", + "es" + ], + [ + "iste", + "s" + ], + [ + "l", + "ä" + ], + [ + "▁m", + "el" + ], + [ + "▁me", + "l" + ], + [ + "▁", + "mel" + ], + [ + "ent", + "ation" + ], + [ + "enta", + "tion" + ], + [ + "▁Sch", + "w" + ], + [ + "▁Sc", + "hw" + ], + [ + "▁n", + "ome" + ], + [ + "▁no", + "me" + ], + [ + "▁nom", + "e" + ], + [ + "▁", + "nome" + ], + [ + "▁po", + "bla" + ], + [ + "▁pob", + "la" + ], + [ + "▁w", + "oj" + ], + [ + "▁wo", + "j" + ], + [ + "▁u", + "l" + ], + [ + "▁", + "ul" + ], + [ + "en", + "to" + ], + [ + "ent", + "o" + ], + [ + "ы", + "х" + ], + [ + "▁res", + "ist" + ], + [ + "▁rem", + "ains" + ], + [ + "▁remain", + "s" + ], + [ + "▁C", + "a" + ], + [ + "▁", + "Ca" + ], + [ + "añ", + "a" + ], + [ + "a", + "ña" + ], + [ + "▁C", + "ourt" + ], + [ + "▁Co", + "urt" + ], + [ + "▁Cour", + "t" + ], + [ + "▁Cou", + "rt" + ], + [ + "ut", + "able" + ], + [ + "uta", + "ble" + ], + [ + "u", + "table" + ], + [ + "ential", + "ly" + ], + [ + "enti", + "ally" + ], + [ + "▁t", + "rat" + ], + [ + "▁tr", + "at" + ], + [ + "▁tra", + "t" + ], + [ + "▁", + "trat" + ], + [ + "▁Vis", + "ual" + ], + [ + "▁", + "Visual" + ], + [ + "▁rest", + "rict" + ], + [ + "▁pre", + "viously" + ], + [ + "▁previous", + "ly" + ], + [ + "▁prev", + "iously" + ], + [ + "ca", + "tion" + ], + [ + "cat", + "ion" + ], + [ + "c", + "ation" + ], + [ + "▁о", + "со" + ], + [ + "▁ос", + "о" + ], + [ + "▁My", + "SQL" + ], + [ + "f", + "ör" + ], + [ + "cal", + "a" + ], + [ + "ca", + "la" + ], + [ + "c", + "ala" + ], + [ + "▁c", + "ulture" + ], + [ + "▁cult", + "ure" + ], + [ + "li", + "ve" + ], + [ + "liv", + "e" + ], + [ + "l", + "ive" + ], + [ + "▁accept", + "ed" + ], + [ + "Di", + "d" + ], + [ + "D", + "id" + ], + [ + "▁h", + "ous" + ], + [ + "▁ho", + "us" + ], + [ + "▁se", + "lection" + ], + [ + "▁select", + "ion" + ], + [ + "▁sel", + "ection" + ], + [ + "▁sele", + "ction" + ], + [ + "▁", + "selection" + ], + [ + "▁de", + "cre" + ], + [ + "▁dec", + "re" + ], + [ + "mar", + "gin" + ], + [ + "m", + "argin" + ], + [ + "ur", + "b" + ], + [ + "u", + "rb" + ], + [ + "▁I", + "nc" + ], + [ + "▁In", + "c" + ], + [ + "▁M", + "any" + ], + [ + "▁Man", + "y" + ], + [ + "▁Ma", + "ny" + ], + [ + "▁", + "Many" + ], + [ + "ib", + "t" + ], + [ + "i", + "bt" + ], + [ + "▁succ", + "eed" + ], + [ + "▁suc", + "ceed" + ], + [ + "Bind", + "ing" + ], + [ + "B", + "inding" + ], + [ + "c", + "í" + ], + [ + "▁R", + "og" + ], + [ + "▁Ro", + "g" + ], + [ + "▁should", + "n" + ], + [ + "cl", + "oud" + ], + [ + "clo", + "ud" + ], + [ + "clou", + "d" + ], + [ + "▁d", + "z" + ], + [ + "▁", + "dz" + ], + [ + "ва", + "в" + ], + [ + "▁p", + "ix" + ], + [ + "▁pi", + "x" + ], + [ + "sm", + "all" + ], + [ + "▁project", + "s" + ], + [ + "▁", + "projects" + ], + [ + "▁O", + "K" + ], + [ + "▁", + "OK" + ], + [ + "▁la", + "test" + ], + [ + "▁lat", + "est" + ], + [ + "▁late", + "st" + ], + [ + "▁", + "latest" + ], + [ + "▁re", + "ferences" + ], + [ + "▁refer", + "ences" + ], + [ + "▁reference", + "s" + ], + [ + "Pro", + "gram" + ], + [ + "Pr", + "ogram" + ], + [ + "▁er", + "st" + ], + [ + "▁ers", + "t" + ], + [ + "▁", + "erst" + ], + [ + "▁я", + "к" + ], + [ + "▁k", + "am" + ], + [ + "▁ka", + "m" + ], + [ + "▁C", + "amb" + ], + [ + "▁Cam", + "b" + ], + [ + "▁Ca", + "mb" + ], + [ + "el", + "lt" + ], + [ + "ell", + "t" + ], + [ + "ö", + "d" + ], + [ + "no", + "ne" + ], + [ + "non", + "e" + ], + [ + "n", + "one" + ], + [ + "▁j", + "usqu" + ], + [ + "▁ju", + "squ" + ], + [ + "ki", + "ng" + ], + [ + "kin", + "g" + ], + [ + "k", + "ing" + ], + [ + "▁P", + "ed" + ], + [ + "▁Pe", + "d" + ], + [ + "as", + "sert" + ], + [ + "ass", + "ert" + ], + [ + "asse", + "rt" + ], + [ + "asser", + "t" + ], + [ + "C", + "S" + ], + [ + "ri", + "to" + ], + [ + "rit", + "o" + ], + [ + "r", + "ito" + ], + [ + "es", + "sa" + ], + [ + "ess", + "a" + ], + [ + "ль", + "ко" + ], + [ + "▁V", + "on" + ], + [ + "▁Vo", + "n" + ], + [ + "▁Ed", + "ward" + ], + [ + "▁im", + "possible" + ], + [ + "▁impos", + "sible" + ], + [ + "n", + "p" + ], + [ + "word", + "s" + ], + [ + "wor", + "ds" + ], + [ + "w", + "ords" + ], + [ + "ie", + "lt" + ], + [ + "iel", + "t" + ], + [ + "i", + "elt" + ], + [ + "▁P", + "age" + ], + [ + "▁Pa", + "ge" + ], + [ + "▁", + "Page" + ], + [ + "le", + "rs" + ], + [ + "ler", + "s" + ], + [ + "l", + "ers" + ], + [ + "▁p", + "ier" + ], + [ + "▁pi", + "er" + ], + [ + "▁pie", + "r" + ], + [ + "▁обла", + "сти" + ], + [ + "itt", + "ee" + ], + [ + "itte", + "e" + ], + [ + "▁(", + "[" + ], + [ + "▁", + "([" + ], + [ + "▁t", + "rust" + ], + [ + "▁tr", + "ust" + ], + [ + "N", + "G" + ], + [ + "re", + "du" + ], + [ + "red", + "u" + ], + [ + "r", + "edu" + ], + [ + "<", + "<" + ], + [ + "ri", + "al" + ], + [ + "ria", + "l" + ], + [ + "r", + "ial" + ], + [ + "▁product", + "s" + ], + [ + "▁", + "products" + ], + [ + "▁E", + "rn" + ], + [ + "▁Er", + "n" + ], + [ + "ri", + "ère" + ], + [ + "r", + "ière" + ], + [ + "го", + "в" + ], + [ + "г", + "ов" + ], + [ + "▁Re", + "ich" + ], + [ + "▁Ro", + "ad" + ], + [ + "▁n", + "ested" + ], + [ + "▁ne", + "sted" + ], + [ + "▁nest", + "ed" + ], + [ + "▁", + "nested" + ], + [ + "Dis", + "play" + ], + [ + "▁str", + "ength" + ], + [ + "ograf", + "ía" + ], + [ + "▁ann", + "ounced" + ], + [ + "▁announ", + "ced" + ], + [ + "▁S", + "cience" + ], + [ + "▁Sc", + "ience" + ], + [ + "▁Sci", + "ence" + ], + [ + "▁рай", + "о" + ], + [ + "Param", + "eter" + ], + [ + "▁T", + "ask" + ], + [ + "▁Ta", + "sk" + ], + [ + "▁Tas", + "k" + ], + [ + "▁", + "Task" + ], + [ + "um", + "ents" + ], + [ + "ument", + "s" + ], + [ + "umen", + "ts" + ], + [ + "u", + "ments" + ], + [ + "▁ad", + "opt" + ], + [ + "▁On", + "ly" + ], + [ + "▁", + "Only" + ], + [ + "ют", + "ь" + ], + [ + "ю", + "ть" + ], + [ + "▁c", + "li" + ], + [ + "▁cl", + "i" + ], + [ + "▁", + "cli" + ], + [ + "▁l", + "em" + ], + [ + "▁le", + "m" + ], + [ + "▁", + "lem" + ], + [ + "st", + "ood" + ], + [ + "sto", + "od" + ], + [ + "▁F", + "I" + ], + [ + "▁", + "FI" + ], + [ + "ên", + "cias" + ], + [ + "ência", + "s" + ], + [ + "pon", + "ents" + ], + [ + "ponent", + "s" + ], + [ + "]", + "$" + ], + [ + "com", + "ment" + ], + [ + "comm", + "ent" + ], + [ + "▁y", + "a" + ], + [ + "▁", + "ya" + ], + [ + "sh", + "ould" + ], + [ + "ik", + "e" + ], + [ + "i", + "ke" + ], + [ + "ti", + "m" + ], + [ + "t", + "im" + ], + [ + "el", + "lig" + ], + [ + "ell", + "ig" + ], + [ + "elli", + "g" + ], + [ + "▁s", + "ending" + ], + [ + "▁send", + "ing" + ], + [ + "▁sen", + "ding" + ], + [ + "▁a", + "jax" + ], + [ + "▁aj", + "ax" + ], + [ + "▁", + "ajax" + ], + [ + "▁nov", + "iembre" + ], + [ + "um", + "es" + ], + [ + "ume", + "s" + ], + [ + "u", + "mes" + ], + [ + "▁we", + "iter" + ], + [ + "▁weit", + "er" + ], + [ + "▁D", + "ans" + ], + [ + "▁Dan", + "s" + ], + [ + "▁Da", + "ns" + ], + [ + "op", + "p" + ], + [ + "o", + "pp" + ], + [ + "▁sept", + "embre" + ], + [ + "▁sep", + "tembre" + ], + [ + "ot", + "imes" + ], + [ + "oti", + "mes" + ], + [ + "o", + "times" + ], + [ + "z", + "ő" + ], + [ + "▁e", + "p" + ], + [ + "▁", + "ep" + ], + [ + "ve", + "re" + ], + [ + "ver", + "e" + ], + [ + "v", + "ere" + ], + [ + "▁o", + "h" + ], + [ + "▁", + "oh" + ], + [ + ":", + "=" + ], + [ + "▁S", + "ong" + ], + [ + "▁So", + "ng" + ], + [ + "▁Son", + "g" + ], + [ + "”", + "," + ], + [ + "▁v", + "iv" + ], + [ + "▁vi", + "v" + ], + [ + "▁", + "viv" + ], + [ + "▁qu", + "eries" + ], + [ + "▁que", + "ries" + ], + [ + "▁quer", + "ies" + ], + [ + "▁v", + "á" + ], + [ + "▁", + "vá" + ], + [ + "▁déc", + "embre" + ], + [ + "▁un", + "able" + ], + [ + "▁una", + "ble" + ], + [ + "▁e", + "rh" + ], + [ + "▁er", + "h" + ], + [ + "▁`", + "-" + ], + [ + "▁", + "`-" + ], + [ + "▁L", + "ee" + ], + [ + "▁Le", + "e" + ], + [ + "▁er", + "sten" + ], + [ + "▁erst", + "en" + ], + [ + "▁erste", + "n" + ], + [ + "▁ers", + "ten" + ], + [ + "ô", + "t" + ], + [ + "ст", + "ве" + ], + [ + "ств", + "е" + ], + [ + "T", + "S" + ], + [ + "▁f", + "ragment" + ], + [ + "▁fra", + "gment" + ], + [ + "▁frag", + "ment" + ], + [ + "▁", + "fragment" + ], + [ + "▁w", + "ide" + ], + [ + "▁wid", + "e" + ], + [ + "▁", + "wide" + ], + [ + "▁s", + "uff" + ], + [ + "▁su", + "ff" + ], + [ + "▁suf", + "f" + ], + [ + "▁d", + "ut" + ], + [ + "▁du", + "t" + ], + [ + "▁V", + "ere" + ], + [ + "▁Ver", + "e" + ], + [ + "▁Ve", + "re" + ], + [ + "і", + "с" + ], + [ + "ad", + "ing" + ], + [ + "adi", + "ng" + ], + [ + "adin", + "g" + ], + [ + "a", + "ding" + ], + [ + "ie", + "go" + ], + [ + "ieg", + "o" + ], + [ + "i", + "ego" + ], + [ + "ic", + "ago" + ], + [ + "ica", + "go" + ], + [ + "▁Ar", + "gent" + ], + [ + "▁Arg", + "ent" + ], + [ + "or", + "er" + ], + [ + "ore", + "r" + ], + [ + "o", + "rer" + ], + [ + "en", + "nes" + ], + [ + "enn", + "es" + ], + [ + "enne", + "s" + ], + [ + "▁L", + "eb" + ], + [ + "▁Le", + "b" + ], + [ + "lin", + "ux" + ], + [ + "ac", + "ing" + ], + [ + "aci", + "ng" + ], + [ + "a", + "cing" + ], + [ + "▁br", + "oken" + ], + [ + "▁bro", + "ken" + ], + [ + "▁broke", + "n" + ], + [ + "t", + "p" + ], + [ + "í", + "o" + ], + [ + "ab", + "eth" + ], + [ + "abe", + "th" + ], + [ + "abet", + "h" + ], + [ + "ist", + "as" + ], + [ + "ista", + "s" + ], + [ + "ge", + "w" + ], + [ + "g", + "ew" + ], + [ + "i", + "ème" + ], + [ + "ca", + "s" + ], + [ + "c", + "as" + ], + [ + "▁pre", + "ced" + ], + [ + "▁prec", + "ed" + ], + [ + "▁D", + "al" + ], + [ + "▁Da", + "l" + ], + [ + "▁comp", + "ared" + ], + [ + "▁compar", + "ed" + ], + [ + "▁compare", + "d" + ], + [ + "equ", + "iv" + ], + [ + "il", + "ly" + ], + [ + "ill", + "y" + ], + [ + "te", + "en" + ], + [ + "t", + "een" + ], + [ + "▁Con", + "sole" + ], + [ + "▁Cons", + "ole" + ], + [ + "▁", + "Console" + ], + [ + "▁st", + "rict" + ], + [ + "▁str", + "ict" + ], + [ + "▁stri", + "ct" + ], + [ + "it", + "aire" + ], + [ + "ita", + "ire" + ], + [ + "i", + "taire" + ], + [ + "▁E", + "D" + ], + [ + "▁", + "ED" + ], + [ + "ential", + "s" + ], + [ + "enti", + "als" + ], + [ + "▁p", + "erman" + ], + [ + "▁per", + "man" + ], + [ + "▁perm", + "an" + ], + [ + "▁t", + "ous" + ], + [ + "▁to", + "us" + ], + [ + "▁tou", + "s" + ], + [ + "▁g", + "eme" + ], + [ + "▁ge", + "me" + ], + [ + "▁gem", + "e" + ], + [ + "▁", + "geme" + ], + [ + "▁ext", + "rem" + ], + [ + "▁extr", + "em" + ], + [ + "▁ок", + "ру" + ], + [ + "k", + "g" + ], + [ + "▁he", + "avy" + ], + [ + "▁heav", + "y" + ], + [ + "▁av", + "ril" + ], + [ + "▁an", + "ti" + ], + [ + "▁ant", + "i" + ], + [ + "▁", + "anti" + ], + [ + "▁oct", + "obre" + ], + [ + "ut", + "f" + ], + [ + "u", + "tf" + ], + [ + "he", + "lm" + ], + [ + "hel", + "m" + ], + [ + "h", + "elm" + ], + [ + "am", + "ples" + ], + [ + "ample", + "s" + ], + [ + "amp", + "les" + ], + [ + "▁(", + "_" + ], + [ + "▁", + "(_" + ], + [ + "ak", + "en" + ], + [ + "ake", + "n" + ], + [ + "a", + "ken" + ], + [ + "▁d", + "ear" + ], + [ + "▁de", + "ar" + ], + [ + "▁opin", + "ion" + ], + [ + "▁f", + "ish" + ], + [ + "▁fi", + "sh" + ], + [ + "▁fis", + "h" + ], + [ + "▁", + "fish" + ], + [ + "▁Alex", + "ander" + ], + [ + "▁Alexand", + "er" + ], + [ + "i", + "w" + ], + [ + "и", + "м" + ], + [ + "ca", + "dem" + ], + [ + "cade", + "m" + ], + [ + "c", + "adem" + ], + [ + "▁ref", + "lect" + ], + [ + "▁", + "reflect" + ], + [ + "▁д", + "р" + ], + [ + "▁t", + "rib" + ], + [ + "▁tr", + "ib" + ], + [ + "▁tri", + "b" + ], + [ + "com", + "mon" + ], + [ + "comm", + "on" + ], + [ + "▁clear", + "ly" + ], + [ + "▁s", + "af" + ], + [ + "▁sa", + "f" + ], + [ + "=\"@", + "+" + ], + [ + "▁М", + "ос" + ], + [ + "▁Мо", + "с" + ], + [ + "си", + "те" + ], + [ + "eqn", + "array" + ], + [ + "nu", + "ng" + ], + [ + "n", + "ung" + ], + [ + "▁relations", + "hip" + ], + [ + "▁relation", + "ship" + ], + [ + "▁S", + "em" + ], + [ + "▁Se", + "m" + ], + [ + "▁", + "Sem" + ], + [ + "▁k", + "illed" + ], + [ + "▁kil", + "led" + ], + [ + "▁kill", + "ed" + ], + [ + "te", + "d" + ], + [ + "t", + "ed" + ], + [ + "un", + "o" + ], + [ + "u", + "no" + ], + [ + "▁", + "лі" + ], + [ + "▁w", + "id" + ], + [ + "▁", + "wid" + ], + [ + "an", + "ning" + ], + [ + "ann", + "ing" + ], + [ + "anni", + "ng" + ], + [ + "▁p", + "anel" + ], + [ + "▁pa", + "nel" + ], + [ + "▁pan", + "el" + ], + [ + "▁", + "panel" + ], + [ + "▁L", + "eben" + ], + [ + "▁Le", + "ben" + ], + [ + "▁Leb", + "en" + ], + [ + "▁r", + "uby" + ], + [ + "▁ru", + "by" + ], + [ + "▁rub", + "y" + ], + [ + "▁", + "ruby" + ], + [ + "ans", + "ion" + ], + [ + "▁a", + "ren" + ], + [ + "▁are", + "n" + ], + [ + "▁ar", + "en" + ], + [ + "▁", + "aren" + ], + [ + "tab", + "ular" + ], + [ + "al", + "et" + ], + [ + "ale", + "t" + ], + [ + "a", + "let" + ], + [ + "}$", + "$" + ], + [ + "}", + "$$" + ], + [ + "▁L", + "ake" + ], + [ + "▁La", + "ke" + ], + [ + "▁Lak", + "e" + ], + [ + "▁su", + "ite" + ], + [ + "▁suit", + "e" + ], + [ + "▁", + "suite" + ], + [ + "▁min", + "or" + ], + [ + "▁mi", + "nor" + ], + [ + "H", + "ozzáférés" + ], + [ + "▁xml", + "ns" + ], + [ + "▁", + "xmlns" + ], + [ + "DI", + "R" + ], + [ + "D", + "IR" + ], + [ + "dr", + "iver" + ], + [ + "drive", + "r" + ], + [ + "dri", + "ver" + ], + [ + "d", + "river" + ], + [ + "in", + "ts" + ], + [ + "int", + "s" + ], + [ + "▁v", + "ic" + ], + [ + "▁vi", + "c" + ], + [ + "▁", + "vic" + ], + [ + "AN", + "D" + ], + [ + "A", + "ND" + ], + [ + "pr", + "im" + ], + [ + "p", + "rim" + ], + [ + "сы", + "лки" + ], + [ + "▁O", + "x" + ], + [ + "T", + "C" + ], + [ + "riv", + "ial" + ], + [ + "at", + "ie" + ], + [ + "ati", + "e" + ], + [ + "▁e", + "ight" + ], + [ + "▁eig", + "ht" + ], + [ + "▁eigh", + "t" + ], + [ + "▁conf", + "lic" + ], + [ + "▁confl", + "ic" + ], + [ + "an", + "gel" + ], + [ + "ang", + "el" + ], + [ + "ange", + "l" + ], + [ + "▁B", + "egr" + ], + [ + "▁Be", + "gr" + ], + [ + "▁Beg", + "r" + ], + [ + "▁explicit", + "ly" + ], + [ + "ют", + "ся" + ], + [ + "ю", + "тся" + ], + [ + "▁D", + "ev" + ], + [ + "▁De", + "v" + ], + [ + "▁", + "Dev" + ], + [ + "re", + "nder" + ], + [ + "ren", + "der" + ], + [ + "rend", + "er" + ], + [ + "r", + "ender" + ], + [ + "▁re", + "produ" + ], + [ + "▁rep", + "rodu" + ], + [ + "▁repr", + "odu" + ], + [ + "▁repro", + "du" + ], + [ + "▁c", + "ré" + ], + [ + "▁cr", + "é" + ], + [ + "G", + "u" + ], + [ + "M", + "B" + ], + [ + "▁k", + "ön" + ], + [ + "▁kö", + "n" + ], + [ + "▁rem", + "ained" + ], + [ + "▁remain", + "ed" + ], + [ + "▁k", + "l" + ], + [ + "▁", + "kl" + ], + [ + "хо", + "в" + ], + [ + "х", + "ов" + ], + [ + "▁b", + "yl" + ], + [ + "▁by", + "l" + ], + [ + "Ph", + "i" + ], + [ + "P", + "hi" + ], + [ + "▁de", + "tail" + ], + [ + "▁det", + "ail" + ], + [ + "▁", + "detail" + ], + [ + "ja", + "v" + ], + [ + "j", + "av" + ], + [ + "▁m", + "ouse" + ], + [ + "▁mo", + "use" + ], + [ + "▁mou", + "se" + ], + [ + "▁", + "mouse" + ], + [ + "B", + "as" + ], + [ + "i", + "ę" + ], + [ + "as", + "ser" + ], + [ + "ass", + "er" + ], + [ + "asse", + "r" + ], + [ + "h", + "s" + ], + [ + "▁sh", + "ift" + ], + [ + "▁", + "shift" + ], + [ + "▁ú", + "lt" + ], + [ + "▁", + "últ" + ], + [ + "ra", + "nd" + ], + [ + "ran", + "d" + ], + [ + "r", + "and" + ], + [ + "▁b", + "tn" + ], + [ + "▁", + "btn" + ], + [ + "ra", + "z" + ], + [ + "r", + "az" + ], + [ + "▁p", + "ul" + ], + [ + "▁pu", + "l" + ], + [ + "▁stat", + "ements" + ], + [ + "▁state", + "ments" + ], + [ + "▁statement", + "s" + ], + [ + "file", + "name" + ], + [ + "fil", + "ename" + ], + [ + "▁prom", + "pt" + ], + [ + "él", + "é" + ], + [ + "é", + "lé" + ], + [ + "ik", + "z" + ], + [ + "▁S", + "us" + ], + [ + "▁Su", + "s" + ], + [ + "▁de", + "but" + ], + [ + "▁deb", + "ut" + ], + [ + "St", + "at" + ], + [ + "S", + "tat" + ], + [ + "form", + "s" + ], + [ + "for", + "ms" + ], + [ + "▁H", + "ein" + ], + [ + "▁He", + "in" + ], + [ + "st", + "adt" + ], + [ + "sta", + "dt" + ], + [ + "stad", + "t" + ], + [ + "en", + "nis" + ], + [ + "enn", + "is" + ], + [ + "по", + "л" + ], + [ + "ar", + "ante" + ], + [ + "aran", + "te" + ], + [ + "ці", + "й" + ], + [ + "ц", + "ій" + ], + [ + "▁que", + "ue" + ], + [ + "▁", + "queue" + ], + [ + "▁re", + "ci" + ], + [ + "▁rec", + "i" + ], + [ + "▁", + "reci" + ], + [ + "▁s", + "ta" + ], + [ + "▁st", + "a" + ], + [ + "▁", + "sta" + ], + [ + "yn", + "chron" + ], + [ + "cent", + "ering" + ], + [ + "center", + "ing" + ], + [ + "cente", + "ring" + ], + [ + "So", + "me" + ], + [ + "S", + "ome" + ], + [ + "Gr", + "aph" + ], + [ + "G", + "raph" + ], + [ + "▁t", + "ested" + ], + [ + "▁te", + "sted" + ], + [ + "▁test", + "ed" + ], + [ + "▁K", + "unst" + ], + [ + "▁Kun", + "st" + ], + [ + "о", + "м" + ], + [ + "▁N", + "othing" + ], + [ + "▁No", + "thing" + ], + [ + "▁Not", + "hing" + ], + [ + "▁", + "Nothing" + ], + [ + "ie", + "u" + ], + [ + "i", + "eu" + ], + [ + "“", + "." + ], + [ + "B", + "undle" + ], + [ + "▁of", + "icial" + ], + [ + "▁ofic", + "ial" + ], + [ + "al", + "low" + ], + [ + "all", + "ow" + ], + [ + "allo", + "w" + ], + [ + "▁Re", + "act" + ], + [ + "▁L", + "ibrary" + ], + [ + "▁Li", + "brary" + ], + [ + "▁", + "Library" + ], + [ + "bl", + "ue" + ], + [ + "▁ver", + "w" + ], + [ + "▁ve", + "rw" + ], + [ + "▁p", + "are" + ], + [ + "▁par", + "e" + ], + [ + "▁pa", + "re" + ], + [ + "▁Fried", + "rich" + ], + [ + "▁a", + "ware" + ], + [ + "▁aw", + "are" + ], + [ + "▁", + "aware" + ], + [ + "Ex", + "p" + ], + [ + "E", + "xp" + ], + [ + "▁effect", + "s" + ], + [ + "▁го", + "ро" + ], + [ + "▁гор", + "о" + ], + [ + "lop", + "edia" + ], + [ + "loped", + "ia" + ], + [ + "▁V", + "en" + ], + [ + "▁Ve", + "n" + ], + [ + "ra", + "le" + ], + [ + "ral", + "e" + ], + [ + "r", + "ale" + ], + [ + "▁F", + "inal" + ], + [ + "▁Fin", + "al" + ], + [ + "▁", + "Final" + ], + [ + "▁pro", + "pos" + ], + [ + "▁prop", + "os" + ], + [ + "la", + "cement" + ], + [ + "lace", + "ment" + ], + [ + "lac", + "ement" + ], + [ + "kt", + "en" + ], + [ + "kte", + "n" + ], + [ + "k", + "ten" + ], + [ + "▁no", + "vel" + ], + [ + "▁nov", + "el" + ], + [ + "or", + "ter" + ], + [ + "ort", + "er" + ], + [ + "orte", + "r" + ], + [ + "▁German", + "y" + ], + [ + "▁Ger", + "many" + ], + [ + "▁Germ", + "any" + ], + [ + "▁d", + "jango" + ], + [ + "▁", + "django" + ], + [ + "▁trans", + "ition" + ], + [ + "▁", + "transition" + ], + [ + "▁happ", + "ened" + ], + [ + "▁happen", + "ed" + ], + [ + "▁beaut", + "iful" + ], + [ + "▁ne", + "ither" + ], + [ + "▁nei", + "ther" + ], + [ + "▁li", + "braries" + ], + [ + "▁h", + "ide" + ], + [ + "▁hi", + "de" + ], + [ + "▁hid", + "e" + ], + [ + "▁", + "hide" + ], + [ + "al", + "g" + ], + [ + "a", + "lg" + ], + [ + "▁a", + "spect" + ], + [ + "▁as", + "pect" + ], + [ + "▁asp", + "ect" + ], + [ + "▁for", + "get" + ], + [ + "▁forg", + "et" + ], + [ + "cade", + "my" + ], + [ + "cadem", + "y" + ], + [ + "on", + "te" + ], + [ + "ont", + "e" + ], + [ + "re", + "fix" + ], + [ + "ref", + "ix" + ], + [ + "▁cl", + "oud" + ], + [ + "▁clo", + "ud" + ], + [ + "▁", + "cloud" + ], + [ + "ne", + "d" + ], + [ + "n", + "ed" + ], + [ + "cd", + "ots" + ], + [ + "cdot", + "s" + ], + [ + "c", + "dots" + ], + [ + "reg", + "ister" + ], + [ + "ny", + "m" + ], + [ + "n", + "ym" + ], + [ + ".)", + ":" + ], + [ + ".", + "):" + ], + [ + "▁J", + "ew" + ], + [ + "▁Je", + "w" + ], + [ + "▁t", + "rès" + ], + [ + "▁tr", + "ès" + ], + [ + "ни", + "че" + ], + [ + "▁D", + "or" + ], + [ + "▁Do", + "r" + ], + [ + "▁p", + "roc" + ], + [ + "▁pro", + "c" + ], + [ + "▁pr", + "oc" + ], + [ + "▁", + "proc" + ], + [ + "▁g", + "an" + ], + [ + "▁ga", + "n" + ], + [ + "▁", + "gan" + ], + [ + "▁", + "є" + ], + [ + "▁S", + "av" + ], + [ + "▁Sa", + "v" + ], + [ + "v", + "í" + ], + [ + "Setting", + "s" + ], + [ + "S", + "ettings" + ], + [ + "▁V", + "ari" + ], + [ + "▁Var", + "i" + ], + [ + "▁Va", + "ri" + ], + [ + "▁", + "Vari" + ], + [ + "▁c", + "ours" + ], + [ + "▁co", + "urs" + ], + [ + "▁cour", + "s" + ], + [ + "▁cou", + "rs" + ], + [ + "R", + "o" + ], + [ + "▁con", + "j" + ], + [ + "▁re", + "asons" + ], + [ + "▁reason", + "s" + ], + [ + "▁re", + "ader" + ], + [ + "▁read", + "er" + ], + [ + "▁", + "reader" + ], + [ + "лекс", + "анд" + ], + [ + "ic", + "ate" + ], + [ + "ica", + "te" + ], + [ + "})", + "," + ], + [ + "}", + ")," + ], + [ + "▁task", + "s" + ], + [ + "▁", + "tasks" + ], + [ + "▁R", + "ay" + ], + [ + "▁Ra", + "y" + ], + [ + "▁r", + "ic" + ], + [ + "▁ri", + "c" + ], + [ + "▁", + "ric" + ], + [ + "K", + "e" + ], + [ + "on", + "ie" + ], + [ + "oni", + "e" + ], + [ + "o", + "nie" + ], + [ + "r", + "f" + ], + [ + ")", + "[" + ], + [ + "▁sub", + "sequ" + ], + [ + "▁subs", + "equ" + ], + [ + "▁T", + "urn" + ], + [ + "▁Tur", + "n" + ], + [ + "▁Tu", + "rn" + ], + [ + "▁", + "Turn" + ], + [ + "▁VI", + "AF" + ], + [ + "math", + "sf" + ], + [ + "H", + "E" + ], + [ + "▁dec", + "lare" + ], + [ + "▁decl", + "are" + ], + [ + "▁decla", + "re" + ], + [ + "▁declar", + "e" + ], + [ + "▁pro", + "tocol" + ], + [ + "▁proto", + "col" + ], + [ + "▁", + "protocol" + ], + [ + "▁P", + "C" + ], + [ + "▁", + "PC" + ], + [ + "ци", + "он" + ], + [ + "View", + "ById" + ], + [ + "▁an", + "imation" + ], + [ + "▁anim", + "ation" + ], + [ + "▁", + "animation" + ], + [ + "▁conf", + "used" + ], + [ + "ви", + "ч" + ], + [ + "▁en", + "abled" + ], + [ + "▁enable", + "d" + ], + [ + "▁", + "enabled" + ], + [ + "ow", + "o" + ], + [ + "o", + "wo" + ], + [ + "ás", + "t" + ], + [ + "á", + "st" + ], + [ + "ö", + "t" + ], + [ + "▁m", + "and" + ], + [ + "▁ma", + "nd" + ], + [ + "▁man", + "d" + ], + [ + "▁R", + "ail" + ], + [ + "▁Ra", + "il" + ], + [ + "field", + "s" + ], + [ + "▁K", + "ap" + ], + [ + "▁Ka", + "p" + ], + [ + "▁al", + "gebra" + ], + [ + "▁", + "algebra" + ], + [ + "▁С", + "у" + ], + [ + "fér", + "ence" + ], + [ + "▁C", + "urrent" + ], + [ + "▁Cur", + "rent" + ], + [ + "▁", + "Current" + ], + [ + "с", + "но" + ], + [ + "▁L", + "im" + ], + [ + "▁Li", + "m" + ], + [ + "Par", + "ams" + ], + [ + "Param", + "s" + ], + [ + "Pa", + "rams" + ], + [ + "▁Ant", + "onio" + ], + [ + "▁Anton", + "io" + ], + [ + "▁Anto", + "nio" + ], + [ + "▁t", + "v" + ], + [ + "▁", + "tv" + ], + [ + "la", + "te" + ], + [ + "lat", + "e" + ], + [ + "l", + "ate" + ], + [ + "if", + "er" + ], + [ + "ife", + "r" + ], + [ + "i", + "fer" + ], + [ + "En", + "try" + ], + [ + "Ent", + "ry" + ], + [ + "▁S", + "erv" + ], + [ + "▁Se", + "rv" + ], + [ + "▁Ser", + "v" + ], + [ + "▁", + "Serv" + ], + [ + "▁mus", + "ical" + ], + [ + "▁music", + "al" + ], + [ + "▁musica", + "l" + ], + [ + "▁t", + "race" + ], + [ + "▁tr", + "ace" + ], + [ + "▁tra", + "ce" + ], + [ + "▁trac", + "e" + ], + [ + "▁", + "trace" + ], + [ + "▁s", + "cient" + ], + [ + "▁sc", + "ient" + ], + [ + "▁sci", + "ent" + ], + [ + "fi", + "c" + ], + [ + "f", + "ic" + ], + [ + "▁for", + "got" + ], + [ + "▁forg", + "ot" + ], + [ + "v", + "ideo" + ], + [ + "▁o", + "lder" + ], + [ + "▁old", + "er" + ], + [ + "▁ol", + "der" + ], + [ + "▁", + "older" + ], + [ + "Tr", + "ee" + ], + [ + "T", + "ree" + ], + [ + "▁u", + "ns" + ], + [ + "▁un", + "s" + ], + [ + "▁", + "uns" + ], + [ + "ни", + "ки" + ], + [ + "ник", + "и" + ], + [ + "▁E", + "uropa" + ], + [ + "▁Europ", + "a" + ], + [ + "▁Euro", + "pa" + ], + [ + "▁Z", + "we" + ], + [ + "▁Zw", + "e" + ], + [ + "▁б", + "е" + ], + [ + "▁", + "бе" + ], + [ + "▁v", + "ec" + ], + [ + "▁ve", + "c" + ], + [ + "▁", + "vec" + ], + [ + "ж", + "у" + ], + [ + "Mat", + "ch" + ], + [ + "M", + "atch" + ], + [ + "sp", + "an" + ], + [ + "s", + "pan" + ], + [ + "▁bl", + "ank" + ], + [ + "▁blan", + "k" + ], + [ + "▁", + "blank" + ], + [ + "▁sp", + "äter" + ], + [ + "▁T", + "y" + ], + [ + "▁", + "Ty" + ], + [ + "▁d", + "ict" + ], + [ + "▁di", + "ct" + ], + [ + "▁dic", + "t" + ], + [ + "▁", + "dict" + ], + [ + "ñ", + "a" + ], + [ + "▁conf", + "irm" + ], + [ + "▁confir", + "m" + ], + [ + "▁", + "confirm" + ], + [ + "▁v", + "ý" + ], + [ + "за", + "н" + ], + [ + "з", + "ан" + ], + [ + "Re", + "l" + ], + [ + "R", + "el" + ], + [ + "fil", + "m" + ], + [ + "fi", + "lm" + ], + [ + "▁R", + "ot" + ], + [ + "▁Ro", + "t" + ], + [ + "▁", + "Rot" + ], + [ + "▁H", + "y" + ], + [ + "▁", + "Hy" + ], + [ + "ка", + "х" + ], + [ + "▁dem", + "and" + ], + [ + "▁min", + "ist" + ], + [ + "▁mini", + "st" + ], + [ + "▁Mad", + "rid" + ], + [ + "▁us", + "ual" + ], + [ + "sp", + "iel" + ], + [ + "s", + "piel" + ], + [ + "er", + "os" + ], + [ + "ero", + "s" + ], + [ + "e", + "ros" + ], + [ + "▁t", + "utorial" + ], + [ + "▁tut", + "orial" + ], + [ + "▁", + "tutorial" + ], + [ + "▁С", + "сылки" + ], + [ + "s", + "ys" + ], + [ + "ци", + "аль" + ], + [ + "▁sp", + "read" + ], + [ + "▁spr", + "ead" + ], + [ + "▁spre", + "ad" + ], + [ + "▁con", + "vers" + ], + [ + "▁conver", + "s" + ], + [ + "▁conv", + "ers" + ], + [ + "▁r", + "oll" + ], + [ + "▁ro", + "ll" + ], + [ + "▁rol", + "l" + ], + [ + "▁", + "roll" + ], + [ + "artifact", + "Id" + ], + [ + "▁N", + "umber" + ], + [ + "▁Num", + "ber" + ], + [ + "▁", + "Number" + ], + [ + "▁sym", + "met" + ], + [ + "▁M", + "ult" + ], + [ + "▁Mu", + "lt" + ], + [ + "▁Mul", + "t" + ], + [ + "▁", + "Mult" + ], + [ + "ex", + "pected" + ], + [ + "exp", + "ected" + ], + [ + "expect", + "ed" + ], + [ + "▁a", + "xis" + ], + [ + "▁ax", + "is" + ], + [ + "▁", + "axis" + ], + [ + "▁match", + "ing" + ], + [ + "▁f", + "ood" + ], + [ + "▁fo", + "od" + ], + [ + "▁foo", + "d" + ], + [ + "group", + "Id" + ], + [ + "Map", + "p" + ], + [ + "Ma", + "pp" + ], + [ + "M", + "app" + ], + [ + "▁с", + "вя" + ], + [ + "▁v", + "end" + ], + [ + "▁ve", + "nd" + ], + [ + "▁ven", + "d" + ], + [ + "F", + "ound" + ], + [ + "ot", + "to" + ], + [ + "ott", + "o" + ], + [ + "o", + "tto" + ], + [ + "Ca", + "t" + ], + [ + "C", + "at" + ], + [ + "cri", + "t" + ], + [ + "cr", + "it" + ], + [ + "c", + "rit" + ], + [ + "ist", + "ent" + ], + [ + "iste", + "nt" + ], + [ + "isten", + "t" + ], + [ + "▁d", + "rei" + ], + [ + "▁dr", + "ei" + ], + [ + "▁dre", + "i" + ], + [ + "▁en", + "ded" + ], + [ + "▁end", + "ed" + ], + [ + "▁ende", + "d" + ], + [ + "▁", + "ended" + ], + [ + "▁T", + "ele" + ], + [ + "▁Te", + "le" + ], + [ + "▁Tel", + "e" + ], + [ + "com", + "ponent" + ], + [ + "▁invol", + "ved" + ], + [ + "▁involve", + "d" + ], + [ + "▁Est", + "ados" + ], + [ + "▁Estado", + "s" + ], + [ + "▁Estad", + "os" + ], + [ + "▁d", + "anger" + ], + [ + "▁dan", + "ger" + ], + [ + "▁ch", + "ain" + ], + [ + "▁cha", + "in" + ], + [ + "▁", + "chain" + ], + [ + "▁P", + "rom" + ], + [ + "▁Pro", + "m" + ], + [ + "▁Pr", + "om" + ], + [ + "▁", + "Prom" + ], + [ + "ho", + "m" + ], + [ + "h", + "om" + ], + [ + "▁pol", + "ít" + ], + [ + "co", + "p" + ], + [ + "c", + "op" + ], + [ + "▁n", + "ap" + ], + [ + "▁na", + "p" + ], + [ + "▁", + "nap" + ], + [ + "ri", + "f" + ], + [ + "r", + "if" + ], + [ + "ple", + "ments" + ], + [ + "pl", + "ements" + ], + [ + "plement", + "s" + ], + [ + "▁v", + "ent" + ], + [ + "▁ve", + "nt" + ], + [ + "▁ven", + "t" + ], + [ + "▁", + "vent" + ], + [ + "an", + "na" + ], + [ + "ann", + "a" + ], + [ + "an", + "ted" + ], + [ + "ant", + "ed" + ], + [ + "ante", + "d" + ], + [ + "date", + "d" + ], + [ + "da", + "ted" + ], + [ + "dat", + "ed" + ], + [ + "d", + "ated" + ], + [ + "an", + "th" + ], + [ + "ant", + "h" + ], + [ + "a", + "nth" + ], + [ + "▁thread", + "s" + ], + [ + "▁thre", + "ads" + ], + [ + "▁", + "threads" + ], + [ + "зо", + "ва" + ], + [ + "зов", + "а" + ], + [ + "з", + "ова" + ], + [ + "▁ста", + "нов" + ], + [ + "▁стан", + "ов" + ], + [ + "▁", + "станов" + ], + [ + "▁e", + "erst" + ], + [ + "▁eer", + "st" + ], + [ + "bu", + "f" + ], + [ + "b", + "uf" + ], + [ + "he", + "id" + ], + [ + "▁R", + "u" + ], + [ + "▁P", + "rim" + ], + [ + "▁Pr", + "im" + ], + [ + "▁Pri", + "m" + ], + [ + "▁", + "Prim" + ], + [ + "▁m", + "igr" + ], + [ + "▁mi", + "gr" + ], + [ + "▁mig", + "r" + ], + [ + "▁", + "migr" + ], + [ + "▁Un", + "idos" + ], + [ + "▁ar", + "bitr" + ], + [ + "▁r", + "oman" + ], + [ + "▁ro", + "man" + ], + [ + "▁rom", + "an" + ], + [ + "ount", + "ry" + ], + [ + "oun", + "try" + ], + [ + "ult", + "ur" + ], + [ + "▁K", + "önig" + ], + [ + "▁Kö", + "nig" + ], + [ + "▁an", + "not" + ], + [ + "▁ann", + "ot" + ], + [ + "▁anno", + "t" + ], + [ + "▁", + "annot" + ], + [ + "ach", + "ing" + ], + [ + "ac", + "hing" + ], + [ + "achi", + "ng" + ], + [ + "▁H", + "aupt" + ], + [ + "▁Ha", + "upt" + ], + [ + "um", + "in" + ], + [ + "umi", + "n" + ], + [ + "u", + "min" + ], + [ + "▁h", + "em" + ], + [ + "▁he", + "m" + ], + [ + "▁", + "hem" + ], + [ + "ck", + "ets" + ], + [ + "cket", + "s" + ], + [ + "cke", + "ts" + ], + [ + "ba", + "u" + ], + [ + "b", + "au" + ], + [ + "ect", + "ion" + ], + [ + "ec", + "tion" + ], + [ + "e", + "ction" + ], + [ + "ef", + "t" + ], + [ + "e", + "ft" + ], + [ + "▁package", + "s" + ], + [ + "▁pack", + "ages" + ], + [ + "▁", + "packages" + ], + [ + "▁K", + "ur" + ], + [ + "▁Ku", + "r" + ], + [ + "th", + "ur" + ], + [ + "▁p", + "ays" + ], + [ + "▁pa", + "ys" + ], + [ + "▁pay", + "s" + ], + [ + "li", + "ament" + ], + [ + "lia", + "ment" + ], + [ + "▁Б", + "у" + ], + [ + "▁c", + "ada" + ], + [ + "▁ca", + "da" + ], + [ + "▁cad", + "a" + ], + [ + "po", + "ints" + ], + [ + "point", + "s" + ], + [ + "oc", + "ket" + ], + [ + "ock", + "et" + ], + [ + "o", + "cket" + ], + [ + "▁v", + "erb" + ], + [ + "▁ver", + "b" + ], + [ + "▁ve", + "rb" + ], + [ + "▁", + "verb" + ], + [ + "ле", + "е" + ], + [ + "▁sub", + "mit" + ], + [ + "▁subm", + "it" + ], + [ + "▁", + "submit" + ], + [ + "▁s", + "an" + ], + [ + "▁sa", + "n" + ], + [ + "▁", + "san" + ], + [ + "ru", + "by" + ], + [ + "r", + "uby" + ], + [ + "▁e", + "ast" + ], + [ + "▁eas", + "t" + ], + [ + "▁", + "east" + ], + [ + "ko", + "v" + ], + [ + "k", + "ov" + ], + [ + "▁Ver", + "lag" + ], + [ + "▁Verl", + "ag" + ], + [ + "▁", + "Verlag" + ], + [ + "▁s", + "pot" + ], + [ + "▁sp", + "ot" + ], + [ + "▁spo", + "t" + ], + [ + "▁", + "spot" + ], + [ + "pp", + "o" + ], + [ + "p", + "po" + ], + [ + "E", + "ach" + ], + [ + "je", + "kt" + ], + [ + "▁Bi", + "ographie" + ], + [ + "▁ne", + "ws" + ], + [ + "▁new", + "s" + ], + [ + "▁", + "news" + ], + [ + "▁pa", + "ís" + ], + [ + "uf", + "act" + ], + [ + "u", + "fact" + ], + [ + "▁d", + "ia" + ], + [ + "▁di", + "a" + ], + [ + "▁", + "dia" + ], + [ + "ко", + "ва" + ], + [ + "ков", + "а" + ], + [ + "к", + "ова" + ], + [ + "▁accom", + "pl" + ], + [ + "▁accomp", + "l" + ], + [ + "▁É", + "t" + ], + [ + "▁", + "Ét" + ], + [ + "il", + "ities" + ], + [ + "ili", + "ties" + ], + [ + "▁i", + "hm" + ], + [ + "▁ih", + "m" + ], + [ + "in", + "voke" + ], + [ + "inv", + "oke" + ], + [ + "▁app", + "end" + ], + [ + "▁ap", + "pend" + ], + [ + "▁appe", + "nd" + ], + [ + "▁", + "append" + ], + [ + ".)", + "," + ], + [ + ".", + ")," + ], + [ + "▁l", + "ab" + ], + [ + "▁la", + "b" + ], + [ + "▁", + "lab" + ], + [ + "an", + "ging" + ], + [ + "ang", + "ing" + ], + [ + "is", + "tan" + ], + [ + "ist", + "an" + ], + [ + "ista", + "n" + ], + [ + "i", + "stan" + ], + [ + "re", + "sol" + ], + [ + "res", + "ol" + ], + [ + "reso", + "l" + ], + [ + "▁S", + "ection" + ], + [ + "▁Se", + "ction" + ], + [ + "▁Sec", + "tion" + ], + [ + "▁", + "Section" + ], + [ + "Par", + "ent" + ], + [ + "Pa", + "rent" + ], + [ + "mo", + "z" + ], + [ + "m", + "oz" + ], + [ + "Ma", + "t" + ], + [ + "M", + "at" + ], + [ + "st", + "yles" + ], + [ + "style", + "s" + ], + [ + "sty", + "les" + ], + [ + "un", + "den" + ], + [ + "und", + "en" + ], + [ + "unde", + "n" + ], + [ + "“", + "," + ], + [ + "irt", + "schaft" + ], + [ + "ки", + "м" + ], + [ + "к", + "им" + ], + [ + "▁Fin", + "ally" + ], + [ + "▁Final", + "ly" + ], + [ + "ph", + "en" + ], + [ + "phe", + "n" + ], + [ + "p", + "hen" + ], + [ + "▁P", + "ac" + ], + [ + "▁Pa", + "c" + ], + [ + "▁Array", + "List" + ], + [ + "▁", + "ArrayList" + ], + [ + "▁re", + "cover" + ], + [ + "▁rec", + "over" + ], + [ + "▁e", + "ducation" + ], + [ + "▁educ", + "ation" + ], + [ + "mod", + "els" + ], + [ + "model", + "s" + ], + [ + "mode", + "ls" + ], + [ + "pe", + "d" + ], + [ + "p", + "ed" + ], + [ + "▁h", + "appy" + ], + [ + "▁ha", + "ppy" + ], + [ + "▁happ", + "y" + ], + [ + "ч", + "у" + ], + [ + "▁guer", + "ra" + ], + [ + "me", + "dia" + ], + [ + "med", + "ia" + ], + [ + "medi", + "a" + ], + [ + "m", + "edia" + ], + [ + "O", + "F" + ], + [ + "▁ens", + "ure" + ], + [ + "▁", + "ensure" + ], + [ + "Mar", + "k" + ], + [ + "M", + "ark" + ], + [ + "data", + "base" + ], + [ + "dat", + "abase" + ], + [ + "datab", + "ase" + ], + [ + "d", + "atabase" + ], + [ + "og", + "gle" + ], + [ + "▁pub", + "lish" + ], + [ + "▁publi", + "sh" + ], + [ + "▁", + "publish" + ], + [ + "O", + "W" + ], + [ + "▁B", + "au" + ], + [ + "▁Ba", + "u" + ], + [ + "?", + "." + ], + [ + "▁ча", + "сти" + ], + [ + "▁час", + "ти" + ], + [ + "▁част", + "и" + ], + [ + "▁re", + "pository" + ], + [ + "▁repos", + "itory" + ], + [ + "▁", + "repository" + ], + [ + "▁M", + "att" + ], + [ + "▁Ma", + "tt" + ], + [ + "▁Mat", + "t" + ], + [ + "hi", + "gh" + ], + [ + "h", + "igh" + ], + [ + "ov", + "en" + ], + [ + "ove", + "n" + ], + [ + "o", + "ven" + ], + [ + "▁g", + "er" + ], + [ + "▁ge", + "r" + ], + [ + "▁", + "ger" + ], + [ + "▁un", + "known" + ], + [ + "▁", + "unknown" + ], + [ + "Am", + "er" + ], + [ + "A", + "mer" + ], + [ + "▁B", + "rown" + ], + [ + "▁Br", + "own" + ], + [ + "▁Bro", + "wn" + ], + [ + "▁Brow", + "n" + ], + [ + "AL", + "L" + ], + [ + "A", + "LL" + ], + [ + "▁result", + "ing" + ], + [ + "▁b", + "or" + ], + [ + "▁bo", + "r" + ], + [ + "▁", + "bor" + ], + [ + "▁po", + "et" + ], + [ + "ни", + "ми" + ], + [ + "ним", + "и" + ], + [ + "Em", + "ail" + ], + [ + "E", + "mail" + ], + [ + "F", + "ont" + ], + [ + "▁h", + "ist" + ], + [ + "▁his", + "t" + ], + [ + "▁hi", + "st" + ], + [ + "▁to", + "day" + ], + [ + "▁tod", + "ay" + ], + [ + "▁toda", + "y" + ], + [ + "▁", + "today" + ], + [ + "▁B", + "erg" + ], + [ + "▁Be", + "rg" + ], + [ + "▁Ber", + "g" + ], + [ + "▁but", + "tons" + ], + [ + "▁button", + "s" + ], + [ + "та", + "л" + ], + [ + "т", + "ал" + ], + [ + "▁s", + "ni" + ], + [ + "▁sn", + "i" + ], + [ + "▁че", + "лов" + ], + [ + "Cr", + "e" + ], + [ + "C", + "re" + ], + [ + "▁un", + "ion" + ], + [ + "▁", + "union" + ], + [ + "▁z", + "ich" + ], + [ + "ish", + "op" + ], + [ + "i", + "shop" + ], + [ + "▁qu", + "ando" + ], + [ + "▁quand", + "o" + ], + [ + "▁quan", + "do" + ], + [ + "P", + "o" + ], + [ + "CT", + "ION" + ], + [ + "▁C", + "ost" + ], + [ + "▁Co", + "st" + ], + [ + "▁Cos", + "t" + ], + [ + "▁", + "Cost" + ], + [ + "су", + "дар" + ], + [ + "er", + "ved" + ], + [ + "erv", + "ed" + ], + [ + "erve", + "d" + ], + [ + "Not", + "e" + ], + [ + "No", + "te" + ], + [ + "N", + "ote" + ], + [ + "Equ", + "al" + ], + [ + "Eq", + "ual" + ], + [ + "E", + "qual" + ], + [ + "ли", + "я" + ], + [ + "бу", + "р" + ], + [ + "б", + "ур" + ], + [ + "▁ab", + "stract" + ], + [ + "▁abstra", + "ct" + ], + [ + "▁", + "abstract" + ], + [ + "st", + "op" + ], + [ + "sto", + "p" + ], + [ + "s", + "top" + ], + [ + "▁ad", + "vice" + ], + [ + "▁adv", + "ice" + ], + [ + "▁i", + "con" + ], + [ + "▁ic", + "on" + ], + [ + "▁", + "icon" + ], + [ + "▁tr", + "avel" + ], + [ + "▁tra", + "vel" + ], + [ + "▁trav", + "el" + ], + [ + "B", + "S" + ], + [ + "ve", + "ns" + ], + [ + "ven", + "s" + ], + [ + "v", + "ens" + ], + [ + "▁b", + "atch" + ], + [ + "▁bat", + "ch" + ], + [ + "▁", + "batch" + ], + [ + "li", + "que" + ], + [ + "liqu", + "e" + ], + [ + "l", + "ique" + ], + [ + "she", + "et" + ], + [ + "s", + "heet" + ], + [ + "▁i", + "hre" + ], + [ + "▁ih", + "re" + ], + [ + "▁ihr", + "e" + ], + [ + "em", + "on" + ], + [ + "emo", + "n" + ], + [ + "e", + "mon" + ], + [ + "ber", + "to" + ], + [ + "bert", + "o" + ], + [ + "▁as", + "signed" + ], + [ + "▁ass", + "igned" + ], + [ + "▁assign", + "ed" + ], + [ + "ь", + "ю" + ], + [ + "Ph", + "one" + ], + [ + "▁a", + "ward" + ], + [ + "▁aw", + "ard" + ], + [ + "▁function", + "ality" + ], + [ + "▁functional", + "ity" + ], + [ + "al", + "la" + ], + [ + "all", + "a" + ], + [ + "a", + "lla" + ], + [ + "▁D", + "am" + ], + [ + "▁Da", + "m" + ], + [ + "▁ci", + "udad" + ], + [ + "▁cl", + "uster" + ], + [ + "▁clust", + "er" + ], + [ + "▁", + "cluster" + ], + [ + "De", + "scription" + ], + [ + "Des", + "cription" + ], + [ + "▁s", + "heet" + ], + [ + "▁she", + "et" + ], + [ + "▁", + "sheet" + ], + [ + "▁Austral", + "ian" + ], + [ + "▁Australia", + "n" + ], + [ + "▁»", + "." + ], + [ + "▁", + "»." + ], + [ + "▁\"", + "<" + ], + [ + "▁wonder", + "ing" + ], + [ + "ain", + "e" + ], + [ + "ai", + "ne" + ], + [ + "a", + "ine" + ], + [ + "▁represent", + "ed" + ], + [ + "▁repres", + "ented" + ], + [ + "ka", + "ppa" + ], + [ + "kap", + "pa" + ], + [ + "k", + "appa" + ], + [ + "n", + "b" + ], + [ + "▁s", + "y" + ], + [ + "▁K", + "ö" + ], + [ + "=\"", + "#" + ], + [ + "▁s", + "even" + ], + [ + "▁se", + "ven" + ], + [ + "Direct", + "ory" + ], + [ + "D", + "irectory" + ], + [ + "▁s", + "ister" + ], + [ + "▁si", + "ster" + ], + [ + "▁sist", + "er" + ], + [ + "pl", + "ates" + ], + [ + "plate", + "s" + ], + [ + "pla", + "tes" + ], + [ + "▁l", + "uck" + ], + [ + "▁lu", + "ck" + ], + [ + "▁luc", + "k" + ], + [ + "▁rem", + "aining" + ], + [ + "▁remain", + "ing" + ], + [ + "▁V", + "ill" + ], + [ + "▁Vi", + "ll" + ], + [ + "▁Vil", + "l" + ], + [ + "wer", + "k" + ], + [ + "w", + "erk" + ], + [ + "an", + "ni" + ], + [ + "ann", + "i" + ], + [ + "et", + "ti" + ], + [ + "ett", + "i" + ], + [ + "fun", + "c" + ], + [ + "fu", + "nc" + ], + [ + "f", + "unc" + ], + [ + "▁b", + "an" + ], + [ + "▁ba", + "n" + ], + [ + "▁", + "ban" + ], + [ + "im", + "s" + ], + [ + "i", + "ms" + ], + [ + "mi", + "ss" + ], + [ + "mis", + "s" + ], + [ + "m", + "iss" + ], + [ + "ag", + "raph" + ], + [ + "agr", + "aph" + ], + [ + "a", + "graph" + ], + [ + "ек", + "си" + ], + [ + "е", + "кси" + ], + [ + "▁R", + "ef" + ], + [ + "▁Re", + "f" + ], + [ + "▁", + "Ref" + ], + [ + "ni", + "tt" + ], + [ + "nit", + "t" + ], + [ + "n", + "itt" + ], + [ + "▁G", + "ab" + ], + [ + "▁Ga", + "b" + ], + [ + "▁and", + "ere" + ], + [ + "▁jed", + "och" + ], + [ + "result", + "s" + ], + [ + "!", + "\\" + ], + [ + "▁l", + "isted" + ], + [ + "▁li", + "sted" + ], + [ + "▁list", + "ed" + ], + [ + "▁liste", + "d" + ], + [ + "▁l", + "oro" + ], + [ + "▁lo", + "ro" + ], + [ + "▁kn", + "ows" + ], + [ + "▁know", + "s" + ], + [ + "ж", + "но" + ], + [ + "R", + "ad" + ], + [ + "▁s", + "ocket" + ], + [ + "▁so", + "cket" + ], + [ + "▁soc", + "ket" + ], + [ + "▁", + "socket" + ], + [ + "mult", + "i" + ], + [ + "mul", + "ti" + ], + [ + "▁р", + "і" + ], + [ + "▁", + "рі" + ], + [ + "ra", + "ils" + ], + [ + "rai", + "ls" + ], + [ + "r", + "ails" + ], + [ + "▁t", + "ar" + ], + [ + "▁ta", + "r" + ], + [ + "▁", + "tar" + ], + [ + "▁gent", + "le" + ], + [ + "se", + "tt" + ], + [ + "set", + "t" + ], + [ + "s", + "ett" + ], + [ + "serv", + "ices" + ], + [ + "service", + "s" + ], + [ + "bo", + "und" + ], + [ + "b", + "ound" + ], + [ + "ig", + "keit" + ], + [ + "aj", + "a" + ], + [ + "a", + "ja" + ], + [ + "▁c", + "md" + ], + [ + "▁cm", + "d" + ], + [ + "▁", + "cmd" + ], + [ + "ag", + "ger" + ], + [ + "agg", + "er" + ], + [ + "▁b", + "a" + ], + [ + "▁", + "ba" + ], + [ + "▁Be", + "lg" + ], + [ + "▁Bel", + "g" + ], + [ + "▁K", + "le" + ], + [ + "▁Kl", + "e" + ], + [ + "▁word", + "t" + ], + [ + "▁wor", + "dt" + ], + [ + "▁f", + "ost" + ], + [ + "▁fo", + "st" + ], + [ + "▁fos", + "t" + ], + [ + "▁dim", + "ension" + ], + [ + "An", + "g" + ], + [ + "A", + "ng" + ], + [ + "um", + "ing" + ], + [ + "umin", + "g" + ], + [ + "umi", + "ng" + ], + [ + "u", + "ming" + ], + [ + "Ob", + "j" + ], + [ + "не", + "н" + ], + [ + "н", + "ен" + ], + [ + "▁M", + "arie" + ], + [ + "▁Mar", + "ie" + ], + [ + "▁Ma", + "rie" + ], + [ + "▁Mari", + "e" + ], + [ + "▁", + "Marie" + ], + [ + "ex", + "ists" + ], + [ + "exist", + "s" + ], + [ + "т", + "ро" + ], + [ + "▁бо", + "ль" + ], + [ + "▁", + "боль" + ], + [ + "em", + "ente" + ], + [ + "ement", + "e" + ], + [ + "emen", + "te" + ], + [ + "e", + "mente" + ], + [ + "▁J", + "on" + ], + [ + "▁Jo", + "n" + ], + [ + "SE", + "RT" + ], + [ + "SER", + "T" + ], + [ + "S", + "ERT" + ], + [ + "▁high", + "est" + ], + [ + "ak", + "i" + ], + [ + "a", + "ki" + ], + [ + "▁t", + "res" + ], + [ + "▁tr", + "es" + ], + [ + "▁tre", + "s" + ], + [ + "▁", + "tres" + ], + [ + "▁circ", + "um" + ], + [ + "▁D", + "own" + ], + [ + "▁Do", + "wn" + ], + [ + "▁Dow", + "n" + ], + [ + "▁", + "Down" + ], + [ + "om", + "men" + ], + [ + "omm", + "en" + ], + [ + "ur", + "er" + ], + [ + "ure", + "r" + ], + [ + "u", + "rer" + ], + [ + "▁caus", + "es" + ], + [ + "▁cause", + "s" + ], + [ + "▁ca", + "uses" + ], + [ + "ven", + "ue" + ], + [ + "iss", + "ance" + ], + [ + "▁influ", + "ence" + ], + [ + "▁influen", + "ce" + ], + [ + "▁f", + "at" + ], + [ + "▁fa", + "t" + ], + [ + "ре", + "ди" + ], + [ + "ред", + "и" + ], + [ + "р", + "еди" + ], + [ + "}\\", + "\\" + ], + [ + "}", + "\\\\" + ], + [ + "▁en", + "tr" + ], + [ + "▁ent", + "r" + ], + [ + "▁", + "entr" + ], + [ + "▁S", + "ign" + ], + [ + "▁Si", + "gn" + ], + [ + "▁Sig", + "n" + ], + [ + "▁", + "Sign" + ], + [ + "▁к", + "ла" + ], + [ + "▁", + "кла" + ], + [ + "▁b", + "inding" + ], + [ + "▁bind", + "ing" + ], + [ + "▁bin", + "ding" + ], + [ + "▁", + "binding" + ], + [ + "es", + "sen" + ], + [ + "ess", + "en" + ], + [ + "esse", + "n" + ], + [ + "▁Ф", + "ран" + ], + [ + "▁L", + "ocal" + ], + [ + "▁Lo", + "cal" + ], + [ + "▁Loc", + "al" + ], + [ + "▁", + "Local" + ], + [ + "▁я", + "вля" + ], + [ + "ap", + "pro" + ], + [ + "app", + "ro" + ], + [ + "▁dep", + "endencies" + ], + [ + "▁depend", + "encies" + ], + [ + "▁", + "dependencies" + ], + [ + "▁talk", + "ing" + ], + [ + "▁tal", + "king" + ], + [ + "▁zur", + "ück" + ], + [ + "con", + "nection" + ], + [ + "connect", + "ion" + ], + [ + "conne", + "ction" + ], + [ + "conn", + "ection" + ], + [ + "Act", + "ive" + ], + [ + "Activ", + "e" + ], + [ + "bb", + "e" + ], + [ + "b", + "be" + ], + [ + "ir", + "ls" + ], + [ + "irl", + "s" + ], + [ + "▁In", + "f" + ], + [ + "▁", + "Inf" + ], + [ + "w", + "d" + ], + [ + "▁и", + "с" + ], + [ + "▁", + "ис" + ], + [ + "ro", + "ad" + ], + [ + "▁con", + "ven" + ], + [ + "▁conv", + "en" + ], + [ + "ě", + "t" + ], + [ + "ве", + "з" + ], + [ + "в", + "ез" + ], + [ + "▁ent", + "ries" + ], + [ + "▁entr", + "ies" + ], + [ + "▁", + "entries" + ], + [ + "es", + "c" + ], + [ + "e", + "sc" + ], + [ + "▁b", + "its" + ], + [ + "▁bit", + "s" + ], + [ + "▁bi", + "ts" + ], + [ + "▁", + "bits" + ], + [ + "as", + "so" + ], + [ + "ass", + "o" + ], + [ + "W", + "R" + ], + [ + "sh", + "ips" + ], + [ + "ship", + "s" + ], + [ + "s", + "hips" + ], + [ + "▁d", + "és" + ], + [ + "▁dé", + "s" + ], + [ + "es", + "p" + ], + [ + "e", + "sp" + ], + [ + "Ma", + "ke" + ], + [ + "M", + "ake" + ], + [ + "▁famil", + "iar" + ], + [ + "▁familia", + "r" + ], + [ + "Ar", + "t" + ], + [ + "A", + "rt" + ], + [ + "▁ar", + "my" + ], + [ + "▁arm", + "y" + ], + [ + "ct", + "r" + ], + [ + "c", + "tr" + ], + [ + "ér", + "ic" + ], + [ + "éri", + "c" + ], + [ + "é", + "ric" + ], + [ + "que", + "ue" + ], + [ + "▁\\", + "{" + ], + [ + "▁", + "\\{" + ], + [ + "ue", + "la" + ], + [ + "uel", + "a" + ], + [ + "u", + "ela" + ], + [ + "am", + "iento" + ], + [ + "ami", + "ento" + ], + [ + "ши", + "х" + ], + [ + "ш", + "их" + ], + [ + "▁\"", + "\"\"" + ], + [ + "▁\"\"", + "\"" + ], + [ + "con", + "tr" + ], + [ + "cont", + "r" + ], + [ + "лл", + "е" + ], + [ + "л", + "ле" + ], + [ + "F", + "S" + ], + [ + "▁mar", + "ket" + ], + [ + "▁mark", + "et" + ], + [ + "▁", + "market" + ], + [ + "ån", + "g" + ], + [ + "å", + "ng" + ], + [ + "cite", + "p" + ], + [ + "cit", + "ep" + ], + [ + "Il", + "l" + ], + [ + "I", + "ll" + ], + [ + "ran", + "k" + ], + [ + "r", + "ank" + ], + [ + "▁s", + "ender" + ], + [ + "▁se", + "nder" + ], + [ + "▁send", + "er" + ], + [ + "▁sen", + "der" + ], + [ + "▁", + "sender" + ], + [ + "▁be", + "im" + ], + [ + "▁bei", + "m" + ], + [ + "ра", + "к" + ], + [ + "▁com", + "pat" + ], + [ + "▁comp", + "at" + ], + [ + "▁", + "compat" + ], + [ + "▁occ", + "urs" + ], + [ + "▁occur", + "s" + ], + [ + "▁d", + "iese" + ], + [ + "▁di", + "ese" + ], + [ + "▁die", + "se" + ], + [ + "▁dies", + "e" + ], + [ + "сти", + "ту" + ], + [ + "aw", + "a" + ], + [ + "a", + "wa" + ], + [ + "▁i", + "OS" + ], + [ + "▁Ch", + "inese" + ], + [ + "▁Chine", + "se" + ], + [ + "▁T", + "R" + ], + [ + "▁", + "TR" + ], + [ + "▁K", + "en" + ], + [ + "▁Ke", + "n" + ], + [ + "▁U", + "ne" + ], + [ + "▁Un", + "e" + ], + [ + "▁cre", + "ates" + ], + [ + "▁create", + "s" + ], + [ + "▁sh", + "owed" + ], + [ + "▁show", + "ed" + ], + [ + "▁sho", + "wed" + ], + [ + "▁é", + "v" + ], + [ + "▁", + "év" + ], + [ + "olog", + "ia" + ], + [ + "olo", + "gia" + ], + [ + "▁pro", + "test" + ], + [ + "▁prote", + "st" + ], + [ + "▁prot", + "est" + ], + [ + "▁P", + "f" + ], + [ + "▁s", + "quad" + ], + [ + "▁squ", + "ad" + ], + [ + "++", + "," + ], + [ + "á", + "v" + ], + [ + "▁ess", + "ere" + ], + [ + "з", + "я" + ], + [ + "ko", + "l" + ], + [ + "k", + "ol" + ], + [ + "▁slight", + "ly" + ], + [ + "ad", + "dr" + ], + [ + "add", + "r" + ], + [ + "â", + "n" + ], + [ + "▁red", + "uce" + ], + [ + "▁redu", + "ce" + ], + [ + "▁", + "reduce" + ], + [ + "▁\\", + "(\\" + ], + [ + "▁\\(", + "\\" + ], + [ + "▁D", + "ep" + ], + [ + "▁De", + "p" + ], + [ + "▁", + "Dep" + ], + [ + "▁gener", + "ic" + ], + [ + "▁gene", + "ric" + ], + [ + "▁", + "generic" + ], + [ + "Lo", + "ader" + ], + [ + "Load", + "er" + ], + [ + "ț", + "i" + ], + [ + "▁п", + "ос" + ], + [ + "▁по", + "с" + ], + [ + "▁occ", + "asion" + ], + [ + "▁occas", + "ion" + ], + [ + "▁L", + "ady" + ], + [ + "▁La", + "dy" + ], + [ + "▁Lad", + "y" + ], + [ + "ent", + "ity" + ], + [ + "enti", + "ty" + ], + [ + "▁av", + "ant" + ], + [ + "▁", + "avant" + ], + [ + "▁P", + "as" + ], + [ + "▁Pa", + "s" + ], + [ + "ag", + "gio" + ], + [ + "aggi", + "o" + ], + [ + "agg", + "io" + ], + [ + "\\", + "{" + ], + [ + "па", + "д" + ], + [ + "athol", + "ic" + ], + [ + "Pass", + "word" + ], + [ + "▁res", + "pond" + ], + [ + "▁resp", + "ond" + ], + [ + "▁", + "respond" + ], + [ + "▁N", + "on" + ], + [ + "▁No", + "n" + ], + [ + "▁", + "Non" + ], + [ + "A", + "G" + ], + [ + "ne", + "g" + ], + [ + "n", + "eg" + ], + [ + "▁у", + "с" + ], + [ + "▁", + "ус" + ], + [ + "bl", + "ob" + ], + [ + "blo", + "b" + ], + [ + "b", + "lob" + ], + [ + "ck", + "e" + ], + [ + "c", + "ke" + ], + [ + "▁Cons", + "ider" + ], + [ + "▁C", + "are" + ], + [ + "▁Car", + "e" + ], + [ + "▁Ca", + "re" + ], + [ + "ik", + "i" + ], + [ + "i", + "ki" + ], + [ + "▁Ch", + "icago" + ], + [ + "in", + "den" + ], + [ + "ind", + "en" + ], + [ + "inde", + "n" + ], + [ + "▁C", + "op" + ], + [ + "▁Co", + "p" + ], + [ + "]", + "+" + ], + [ + "ö", + "m" + ], + [ + "év", + "rier" + ], + [ + "к", + "ло" + ], + [ + "al", + "en" + ], + [ + "ale", + "n" + ], + [ + "a", + "len" + ], + [ + "▁m", + "aj" + ], + [ + "▁ma", + "j" + ], + [ + "ra", + "cy" + ], + [ + "rac", + "y" + ], + [ + "r", + "acy" + ], + [ + "or", + "te" + ], + [ + "ort", + "e" + ], + [ + "ien", + "ts" + ], + [ + "ient", + "s" + ], + [ + "i", + "ents" + ], + [ + "el", + "ls" + ], + [ + "ell", + "s" + ], + [ + "act", + "ivity" + ], + [ + "activ", + "ity" + ], + [ + "▁r", + "untime" + ], + [ + "▁run", + "time" + ], + [ + "▁runt", + "ime" + ], + [ + "▁", + "runtime" + ], + [ + "NU", + "LL" + ], + [ + "N", + "ULL" + ], + [ + "▁poss", + "ibly" + ], + [ + "▁possib", + "ly" + ], + [ + "▁s", + "tri" + ], + [ + "▁st", + "ri" + ], + [ + "▁str", + "i" + ], + [ + "iz", + "i" + ], + [ + "i", + "zi" + ], + [ + "▁m", + "ir" + ], + [ + "▁mi", + "r" + ], + [ + "▁", + "mir" + ], + [ + "▁V", + "ersion" + ], + [ + "▁Vers", + "ion" + ], + [ + "▁", + "Version" + ], + [ + "pr", + "ime" + ], + [ + "prim", + "e" + ], + [ + "▁tw", + "enty" + ], + [ + "▁M", + "ah" + ], + [ + "▁Ma", + "h" + ], + [ + "▁s", + "ounds" + ], + [ + "▁sound", + "s" + ], + [ + "ше", + "н" + ], + [ + "ш", + "ен" + ], + [ + "cl", + "usion" + ], + [ + "clus", + "ion" + ], + [ + "ac", + "z" + ], + [ + "a", + "cz" + ], + [ + "▁determ", + "ined" + ], + [ + "▁determine", + "d" + ], + [ + "▁determin", + "ed" + ], + [ + "▁R", + "ep" + ], + [ + "▁Re", + "p" + ], + [ + "▁", + "Rep" + ], + [ + "▁Land", + "es" + ], + [ + "▁Lan", + "des" + ], + [ + "▁w", + "all" + ], + [ + "▁wa", + "ll" + ], + [ + "▁wal", + "l" + ], + [ + "▁", + "wall" + ], + [ + "ig", + "i" + ], + [ + "i", + "gi" + ], + [ + "▁re", + "set" + ], + [ + "▁res", + "et" + ], + [ + "▁", + "reset" + ], + [ + "ш", + "о" + ], + [ + "ya", + "n" + ], + [ + "y", + "an" + ], + [ + "Me", + "t" + ], + [ + "M", + "et" + ], + [ + "e", + "i" + ], + [ + "▁app", + "earance" + ], + [ + "▁appear", + "ance" + ], + [ + "▁f", + "ois" + ], + [ + "▁fo", + "is" + ], + [ + "▁foi", + "s" + ], + [ + "▁", + "fois" + ], + [ + "▁n", + "ell" + ], + [ + "▁ne", + "ll" + ], + [ + "▁nel", + "l" + ], + [ + "▁", + "nell" + ], + [ + "es", + "i" + ], + [ + "e", + "si" + ], + [ + "ё", + "т" + ], + [ + "lo", + "or" + ], + [ + "l", + "oor" + ], + [ + "▁U", + "l" + ], + [ + "▁resol", + "ution" + ], + [ + "▁f", + "ot" + ], + [ + "▁fo", + "t" + ], + [ + "▁through", + "out" + ], + [ + "▁r", + "i" + ], + [ + "▁", + "ri" + ], + [ + "Le", + "vel" + ], + [ + "po", + "ol" + ], + [ + "p", + "ool" + ], + [ + "▁id", + "entity" + ], + [ + "▁ident", + "ity" + ], + [ + "▁", + "identity" + ], + [ + "▁j", + "anu" + ], + [ + "▁jan", + "u" + ], + [ + "▁ja", + "nu" + ], + [ + "▁im", + "per" + ], + [ + "▁imp", + "er" + ], + [ + "▁", + "imper" + ], + [ + "▁ö", + "ver" + ], + [ + "}", + "`" + ], + [ + "▁in", + "fer" + ], + [ + "▁inf", + "er" + ], + [ + "▁d", + "ates" + ], + [ + "▁da", + "tes" + ], + [ + "▁dat", + "es" + ], + [ + "▁date", + "s" + ], + [ + "▁", + "dates" + ], + [ + "▁Stand", + "ard" + ], + [ + "▁", + "Standard" + ], + [ + "for", + "ce" + ], + [ + "oc", + "key" + ], + [ + "ock", + "ey" + ], + [ + "ter", + "a" + ], + [ + "te", + "ra" + ], + [ + "t", + "era" + ], + [ + "▁dist", + "ingu" + ], + [ + "▁pres", + "ence" + ], + [ + "li", + "ca" + ], + [ + "lic", + "a" + ], + [ + "l", + "ica" + ], + [ + "▁le", + "aving" + ], + [ + "it", + "ung" + ], + [ + "itu", + "ng" + ], + [ + "é", + "b" + ], + [ + "▁estab", + "lish" + ], + [ + "▁m", + "aar" + ], + [ + "▁ma", + "ar" + ], + [ + "ad", + "i" + ], + [ + "a", + "di" + ], + [ + "▁New", + "s" + ], + [ + "▁Ne", + "ws" + ], + [ + "▁", + "News" + ], + [ + "az", + "on" + ], + [ + "a", + "zon" + ], + [ + "fo", + "lg" + ], + [ + "fol", + "g" + ], + [ + "f", + "olg" + ], + [ + "▁H", + "ence" + ], + [ + "▁Hen", + "ce" + ], + [ + "▁Y", + "e" + ], + [ + "▁f", + "ab" + ], + [ + "▁fa", + "b" + ], + [ + "▁", + "fab" + ], + [ + "▁f", + "ühr" + ], + [ + "▁", + "führ" + ], + [ + "it", + "map" + ], + [ + "▁V", + "ers" + ], + [ + "▁Ver", + "s" + ], + [ + "▁Ve", + "rs" + ], + [ + "ro", + "v" + ], + [ + "r", + "ov" + ], + [ + "Si", + "gn" + ], + [ + "S", + "ign" + ], + [ + "de", + "vice" + ], + [ + "dev", + "ice" + ], + [ + "S", + "igma" + ], + [ + "▁wet", + "enschapp" + ], + [ + "▁P", + "s" + ], + [ + "PA", + "TH" + ], + [ + "P", + "ATH" + ], + [ + "▁t", + "orn" + ], + [ + "▁to", + "rn" + ], + [ + "▁tor", + "n" + ], + [ + "ve", + "st" + ], + [ + "ves", + "t" + ], + [ + "v", + "est" + ], + [ + "ст", + "ов" + ], + [ + "сто", + "в" + ], + [ + "с", + "тов" + ], + [ + "ac", + "count" + ], + [ + "acc", + "ount" + ], + [ + "acco", + "unt" + ], + [ + "▁lar", + "gest" + ], + [ + "▁large", + "st" + ], + [ + "▁larg", + "est" + ], + [ + "▁per", + "cent" + ], + [ + "▁perce", + "nt" + ], + [ + "▁", + "percent" + ], + [ + "▁W", + "omen" + ], + [ + "▁Wo", + "men" + ], + [ + "▁im", + "g" + ], + [ + "▁", + "img" + ], + [ + "to", + "ol" + ], + [ + "t", + "ool" + ], + [ + "▁r", + "oce" + ], + [ + "▁ro", + "ce" + ], + [ + "▁a", + "y" + ], + [ + "▁", + "ay" + ], + [ + "in", + "et" + ], + [ + "ine", + "t" + ], + [ + "i", + "net" + ], + [ + "▁ao", + "ût" + ], + [ + "▁pol", + "ynomial" + ], + [ + "▁integr", + "al" + ], + [ + "▁integra", + "l" + ], + [ + "▁a", + "reas" + ], + [ + "▁are", + "as" + ], + [ + "▁area", + "s" + ], + [ + "}", + "'" + ], + [ + "▁h", + "yp" + ], + [ + "▁hy", + "p" + ], + [ + "loy", + "ee" + ], + [ + "та", + "ль" + ], + [ + "тал", + "ь" + ], + [ + "т", + "аль" + ], + [ + "▁pro", + "xy" + ], + [ + "▁", + "proxy" + ], + [ + "▁W", + "y" + ], + [ + "▁М", + "екси" + ], + [ + "▁Ме", + "кси" + ], + [ + "▁es", + "cape" + ], + [ + "▁esc", + "ape" + ], + [ + "▁", + "escape" + ], + [ + "ol", + "ar" + ], + [ + "ola", + "r" + ], + [ + "o", + "lar" + ], + [ + "▁mis", + "take" + ], + [ + "▁mist", + "ake" + ], + [ + ")}", + "{" + ], + [ + ")", + "}{" + ], + [ + "▁P", + "ot" + ], + [ + "▁Po", + "t" + ], + [ + "▁process", + "es" + ], + [ + "▁proc", + "esses" + ], + [ + "\">", + "\r" + ], + [ + "\"", + ">\r" + ], + [ + "hal", + "ten" + ], + [ + "halt", + "en" + ], + [ + "zz", + "a" + ], + [ + "z", + "za" + ], + [ + "am", + "o" + ], + [ + "a", + "mo" + ], + [ + "к", + "ре" + ], + [ + "▁W", + "ood" + ], + [ + "▁Wo", + "od" + ], + [ + "ø", + "r" + ], + [ + "▁с", + "ер" + ], + [ + "▁се", + "р" + ], + [ + "▁", + "сер" + ], + [ + "oc", + "ia" + ], + [ + "oci", + "a" + ], + [ + "o", + "cia" + ], + [ + "tw", + "o" + ], + [ + "t", + "wo" + ], + [ + "pro", + "file" + ], + [ + "prof", + "ile" + ], + [ + "▁A", + "st" + ], + [ + "▁As", + "t" + ], + [ + "em", + "bro" + ], + [ + "emb", + "ro" + ], + [ + "▁ar", + "ms" + ], + [ + "▁arm", + "s" + ], + [ + "in", + "as" + ], + [ + "ina", + "s" + ], + [ + "i", + "nas" + ], + [ + "in", + "nen" + ], + [ + "inn", + "en" + ], + [ + "▁m", + "sg" + ], + [ + "▁ms", + "g" + ], + [ + "▁", + "msg" + ], + [ + "IN", + "T" + ], + [ + "I", + "NT" + ], + [ + "▁b", + "atter" + ], + [ + "▁batt", + "er" + ], + [ + "▁bat", + "ter" + ], + [ + "ign", + "ment" + ], + [ + "▁v", + "y" + ], + [ + "▁", + "vy" + ], + [ + "H", + "rsg" + ], + [ + "▁G", + "rund" + ], + [ + "▁Gr", + "und" + ], + [ + "▁Gru", + "nd" + ], + [ + "ro", + "c" + ], + [ + "r", + "oc" + ], + [ + "se", + "g" + ], + [ + "s", + "eg" + ], + [ + "▁de", + "cor" + ], + [ + "▁dec", + "or" + ], + [ + "▁", + "decor" + ], + [ + "▁event", + "ually" + ], + [ + ">", + "," + ], + [ + "▁p", + "ag" + ], + [ + "▁pa", + "g" + ], + [ + "▁", + "pag" + ], + [ + "an", + "ten" + ], + [ + "ant", + "en" + ], + [ + "ante", + "n" + ], + [ + "a", + "nten" + ], + [ + "▁str", + "ugg" + ], + [ + "▁stru", + "gg" + ], + [ + "}^", + "\\" + ], + [ + "}", + "^\\" + ], + [ + "date", + "n" + ], + [ + "da", + "ten" + ], + [ + "dat", + "en" + ], + [ + "d", + "aten" + ], + [ + "▁re", + "la" + ], + [ + "▁r", + "ela" + ], + [ + "▁rel", + "a" + ], + [ + "по", + "в" + ], + [ + "п", + "ов" + ], + [ + "▁ко", + "ро" + ], + [ + "▁кор", + "о" + ], + [ + "▁B", + "os" + ], + [ + "▁Bo", + "s" + ], + [ + "▁l", + "abor" + ], + [ + "▁la", + "bor" + ], + [ + "▁lab", + "or" + ], + [ + "▁Se", + "cret" + ], + [ + "▁Sec", + "ret" + ], + [ + "▁", + "Secret" + ], + [ + "ug", + "en" + ], + [ + "uge", + "n" + ], + [ + "u", + "gen" + ], + [ + "▁j", + "ap" + ], + [ + "▁ja", + "p" + ], + [ + "▁hus", + "band" + ], + [ + "▁Al", + "bum" + ], + [ + "▁Alb", + "um" + ], + [ + "▁et", + "wa" + ], + [ + "▁про", + "из" + ], + [ + "ri", + "cht" + ], + [ + "ric", + "ht" + ], + [ + "rich", + "t" + ], + [ + "r", + "icht" + ], + [ + "ra", + "ch" + ], + [ + "rac", + "h" + ], + [ + "r", + "ach" + ], + [ + "ba", + "t" + ], + [ + "b", + "at" + ], + [ + "▁pre", + "par" + ], + [ + "▁prep", + "ar" + ], + [ + "▁St", + "ock" + ], + [ + "▁Sto", + "ck" + ], + [ + "▁l", + "ack" + ], + [ + "▁la", + "ck" + ], + [ + "▁lac", + "k" + ], + [ + "▁", + "lack" + ], + [ + "хі", + "д" + ], + [ + "х", + "ід" + ], + [ + "▁h", + "ogy" + ], + [ + "▁ho", + "gy" + ], + [ + "▁Ch", + "rome" + ], + [ + "▁Chr", + "ome" + ], + [ + "▁Ad", + "min" + ], + [ + "▁", + "Admin" + ], + [ + "▁com", + "parison" + ], + [ + "▁compar", + "ison" + ], + [ + "▁incre", + "asing" + ], + [ + "н", + "г" + ], + [ + "im", + "i" + ], + [ + "i", + "mi" + ], + [ + "D", + "b" + ], + [ + "▁g", + "ef" + ], + [ + "▁ge", + "f" + ], + [ + "▁", + "gef" + ], + [ + "uch", + "t" + ], + [ + "uc", + "ht" + ], + [ + "u", + "cht" + ], + [ + "és", + "e" + ], + [ + "é", + "se" + ], + [ + "gen", + "ce" + ], + [ + "g", + "ence" + ], + [ + "▁C", + "ore" + ], + [ + "▁Cor", + "e" + ], + [ + "▁Co", + "re" + ], + [ + "▁", + "Core" + ], + [ + "▁in", + "correct" + ], + [ + "▁incor", + "rect" + ], + [ + "▁ass", + "uming" + ], + [ + "▁assum", + "ing" + ], + [ + "our", + "se" + ], + [ + "ours", + "e" + ], + [ + "ie", + "ron" + ], + [ + "ier", + "on" + ], + [ + "iero", + "n" + ], + [ + "▁The", + "orem" + ], + [ + "▁", + "Theorem" + ], + [ + "▁c", + "asa" + ], + [ + "▁cas", + "a" + ], + [ + "▁ca", + "sa" + ], + [ + "je", + "s" + ], + [ + "j", + "es" + ], + [ + "▁д", + "ере" + ], + [ + "▁де", + "ре" + ], + [ + "▁`", + "\"" + ], + [ + "L", + "D" + ], + [ + "ä", + "ß" + ], + [ + "De", + "b" + ], + [ + "D", + "eb" + ], + [ + "▁su", + "iv" + ], + [ + "▁B", + "ank" + ], + [ + "▁Ban", + "k" + ], + [ + "li", + "bs" + ], + [ + "lib", + "s" + ], + [ + "▁Le", + "on" + ], + [ + "▁Leo", + "n" + ], + [ + "▁qu", + "art" + ], + [ + "▁quar", + "t" + ], + [ + "▁prof", + "essional" + ], + [ + "▁profession", + "al" + ], + [ + "▁profess", + "ional" + ], + [ + "▁t", + "iene" + ], + [ + "▁ti", + "ene" + ], + [ + "▁tie", + "ne" + ], + [ + "▁acc", + "omp" + ], + [ + "▁ac", + "comp" + ], + [ + "▁accom", + "p" + ], + [ + "ст", + "ер" + ], + [ + "сте", + "р" + ], + [ + "с", + "тер" + ], + [ + "▁U", + "K" + ], + [ + "▁", + "UK" + ], + [ + "N", + "N" + ], + [ + "▁l", + "í" + ], + [ + "ц", + "я" + ], + [ + "ke", + "l" + ], + [ + "k", + "el" + ], + [ + "▁", + "•" + ], + [ + "▁d", + "ise" + ], + [ + "▁di", + "se" + ], + [ + "▁dis", + "e" + ], + [ + "on", + "to" + ], + [ + "ont", + "o" + ], + [ + "▁m", + "á" + ], + [ + "if", + "s" + ], + [ + "i", + "fs" + ], + [ + "bi", + "ld" + ], + [ + "bil", + "d" + ], + [ + "b", + "ild" + ], + [ + "▁comp", + "ute" + ], + [ + "▁comput", + "e" + ], + [ + "▁", + "compute" + ], + [ + "▁é", + "d" + ], + [ + "▁", + "éd" + ], + [ + "j", + "ę" + ], + [ + "▁M", + "é" + ], + [ + "▁l", + "anguages" + ], + [ + "▁language", + "s" + ], + [ + "▁T", + "imes" + ], + [ + "▁Time", + "s" + ], + [ + "▁Tim", + "es" + ], + [ + "▁Ti", + "mes" + ], + [ + "▁", + "Times" + ], + [ + "ce", + "n" + ], + [ + "c", + "en" + ], + [ + "▁ав", + "то" + ], + [ + "ý", + "m" + ], + [ + "en", + "ez" + ], + [ + "ene", + "z" + ], + [ + "e", + "nez" + ], + [ + "▁u", + "pp" + ], + [ + "▁up", + "p" + ], + [ + "▁", + "upp" + ], + [ + "▁m", + "éd" + ], + [ + "▁mé", + "d" + ], + [ + "▁cu", + "ando" + ], + [ + "о", + "д" + ], + [ + "Int", + "ent" + ], + [ + "ee", + "rd" + ], + [ + "e", + "erd" + ], + [ + "▁T", + "al" + ], + [ + "▁Ta", + "l" + ], + [ + "off", + "set" + ], + [ + "offs", + "et" + ], + [ + "▁h", + "aben" + ], + [ + "▁ha", + "ben" + ], + [ + "▁hab", + "en" + ], + [ + "▁habe", + "n" + ], + [ + "re", + "me" + ], + [ + "rem", + "e" + ], + [ + "r", + "eme" + ], + [ + "▁St", + "ack" + ], + [ + "▁Sta", + "ck" + ], + [ + "▁", + "Stack" + ], + [ + "▁d", + "ri" + ], + [ + "▁dr", + "i" + ], + [ + "▁", + "dri" + ], + [ + "▁sein", + "em" + ], + [ + "▁seine", + "m" + ], + [ + "▁sei", + "nem" + ], + [ + "▁f", + "évrier" + ], + [ + "▁comb", + "ination" + ], + [ + "▁combin", + "ation" + ], + [ + "▁s", + "oll" + ], + [ + "▁so", + "ll" + ], + [ + "▁sol", + "l" + ], + [ + "▁mov", + "ement" + ], + [ + "▁mo", + "vement" + ], + [ + "▁move", + "ment" + ], + [ + "Sp", + "ec" + ], + [ + "Spe", + "c" + ], + [ + "S", + "pec" + ], + [ + "к", + "ры" + ], + [ + "ret", + "ch" + ], + [ + "r", + "etch" + ], + [ + "Off", + "set" + ], + [ + "Ro", + "ot" + ], + [ + "R", + "oot" + ], + [ + "А", + "р" + ], + [ + "wa", + "rt" + ], + [ + "war", + "t" + ], + [ + "w", + "art" + ], + [ + "▁F", + "ollow" + ], + [ + "▁Fol", + "low" + ], + [ + "▁So", + "cial" + ], + [ + "▁Soci", + "al" + ], + [ + "▁Soc", + "ial" + ], + [ + "ни", + "ков" + ], + [ + "ник", + "ов" + ], + [ + "▁", + "→" + ], + [ + "Do", + "n" + ], + [ + "D", + "on" + ], + [ + "▁h", + "arm" + ], + [ + "▁ha", + "rm" + ], + [ + "▁har", + "m" + ], + [ + "▁", + "harm" + ], + [ + "ag", + "r" + ], + [ + "a", + "gr" + ], + [ + "ne", + "go" + ], + [ + "neg", + "o" + ], + [ + "n", + "ego" + ], + [ + "re", + "source" + ], + [ + "res", + "ource" + ], + [ + "▁L", + "uc" + ], + [ + "▁Lu", + "c" + ], + [ + "▁se", + "inen" + ], + [ + "▁sein", + "en" + ], + [ + "▁seine", + "n" + ], + [ + "▁sei", + "nen" + ], + [ + "▁De", + "partment" + ], + [ + "▁Depart", + "ment" + ], + [ + "▁Up", + "date" + ], + [ + "▁", + "Update" + ], + [ + "▁Tex", + "as" + ], + [ + "▁re", + "ve" + ], + [ + "▁rev", + "e" + ], + [ + "▁P", + "os" + ], + [ + "▁Po", + "s" + ], + [ + "▁", + "Pos" + ], + [ + "▁s", + "hot" + ], + [ + "▁sh", + "ot" + ], + [ + "▁sho", + "t" + ], + [ + "▁", + "shot" + ], + [ + "ot", + "he" + ], + [ + "oth", + "e" + ], + [ + "o", + "the" + ], + [ + "▁repe", + "ated" + ], + [ + "▁repeat", + "ed" + ], + [ + "▁rec", + "ently" + ], + [ + "▁recent", + "ly" + ], + [ + "áb", + "an" + ], + [ + "á", + "ban" + ], + [ + "ak", + "s" + ], + [ + "a", + "ks" + ], + [ + "па", + "н" + ], + [ + "п", + "ан" + ], + [ + "▁c", + "ha" + ], + [ + "▁ch", + "a" + ], + [ + "▁", + "cha" + ], + [ + "oh", + "l" + ], + [ + "o", + "hl" + ], + [ + "▁t", + "end" + ], + [ + "▁te", + "nd" + ], + [ + "▁ten", + "d" + ], + [ + "▁д", + "во" + ], + [ + "ch", + "ts" + ], + [ + "cht", + "s" + ], + [ + "ça", + "ise" + ], + [ + "çais", + "e" + ], + [ + "pl", + "ing" + ], + [ + "p", + "ling" + ], + [ + "al", + "bum" + ], + [ + "e", + "j" + ], + [ + "▁`", + "[" + ], + [ + "ma", + "ps" + ], + [ + "map", + "s" + ], + [ + "m", + "aps" + ], + [ + "▁un", + "its" + ], + [ + "▁unit", + "s" + ], + [ + "▁<", + "!--" + ], + [ + "▁" + ], + [ + "St", + "and" + ], + [ + "▁techn", + "ique" + ], + [ + "▁techni", + "que" + ], + [ + "▁E", + "ss" + ], + [ + "▁Es", + "s" + ], + [ + "▁Ox", + "ford" + ], + [ + "▁", + "ла" + ], + [ + "t", + "ikz" + ], + [ + "ли", + "й" + ], + [ + "Log", + "in" + ], + [ + "Lo", + "gin" + ], + [ + "▁min", + "ister" + ], + [ + "▁minist", + "er" + ], + [ + "▁mini", + "ster" + ], + [ + "▁", + "minister" + ], + [ + "▁c", + "url" + ], + [ + "▁cu", + "rl" + ], + [ + "▁cur", + "l" + ], + [ + "▁", + "curl" + ], + [ + "ka", + "n" + ], + [ + "k", + "an" + ], + [ + "▁m", + "aps" + ], + [ + "▁ma", + "ps" + ], + [ + "▁map", + "s" + ], + [ + "▁", + "maps" + ], + [ + "in", + "da" + ], + [ + "ind", + "a" + ], + [ + "ri", + "eb" + ], + [ + "rie", + "b" + ], + [ + "r", + "ieb" + ], + [ + "▁E", + "ND" + ], + [ + "▁EN", + "D" + ], + [ + "▁", + "END" + ], + [ + "if", + "ies" + ], + [ + "ifi", + "es" + ], + [ + "ifie", + "s" + ], + [ + "con", + "sole" + ], + [ + "cons", + "ole" + ], + [ + "bu", + "ry" + ], + [ + "bur", + "y" + ], + [ + "b", + "ury" + ], + [ + "▁L", + "E" + ], + [ + "▁", + "LE" + ], + [ + "▁indep", + "end" + ], + [ + "▁inde", + "pend" + ], + [ + "▁t", + "a" + ], + [ + "▁", + "ta" + ], + [ + "▁", + "Ś" + ], + [ + "on", + "el" + ], + [ + "one", + "l" + ], + [ + "o", + "nel" + ], + [ + "és", + "z" + ], + [ + "é", + "sz" + ], + [ + "▁I", + "st" + ], + [ + "▁Is", + "t" + ], + [ + "ut", + "ive" + ], + [ + "uti", + "ve" + ], + [ + "ё", + "л" + ], + [ + "▁Reg", + "ion" + ], + [ + "▁", + "Region" + ], + [ + "▁(", + "=" + ], + [ + "▁comp", + "act" + ], + [ + "ço", + "is" + ], + [ + "ç", + "ois" + ], + [ + "▁label", + "s" + ], + [ + "▁lab", + "els" + ], + [ + "▁", + "labels" + ], + [ + "autor", + "ité" + ], + [ + "▁s", + "tan" + ], + [ + "▁st", + "an" + ], + [ + "▁sta", + "n" + ], + [ + "▁", + "stan" + ], + [ + "▁fran", + "çaise" + ], + [ + "▁français", + "e" + ], + [ + "▁rem", + "oving" + ], + [ + "▁remov", + "ing" + ], + [ + "y", + "c" + ], + [ + "}", + "|" + ], + [ + "▁Ex", + "ec" + ], + [ + "▁", + "Exec" + ], + [ + "($", + "_" + ], + [ + "(", + "$_" + ], + [ + "ma", + "g" + ], + [ + "m", + "ag" + ], + [ + "be", + "fore" + ], + [ + "▁stop", + "ped" + ], + [ + "▁sto", + "pped" + ], + [ + "ми", + "и" + ], + [ + "▁ref", + "resh" + ], + [ + "▁", + "refresh" + ], + [ + "un", + "kt" + ], + [ + "unk", + "t" + ], + [ + "ic", + "io" + ], + [ + "ici", + "o" + ], + [ + "i", + "cio" + ], + [ + "X", + "ml" + ], + [ + "▁T", + "ab" + ], + [ + "▁Ta", + "b" + ], + [ + "▁", + "Tab" + ], + [ + "▁f", + "ounded" + ], + [ + "▁found", + "ed" + ], + [ + "▁f", + "al" + ], + [ + "▁fa", + "l" + ], + [ + "▁", + "fal" + ], + [ + "f", + "x" + ], + [ + "▁Histor", + "ia" + ], + [ + "▁Hist", + "oria" + ], + [ + "▁Ear", + "ly" + ], + [ + "▁Earl", + "y" + ], + [ + "Do", + "m" + ], + [ + "D", + "om" + ], + [ + "▁de", + "cide" + ], + [ + "▁dec", + "ide" + ], + [ + "▁decid", + "e" + ], + [ + "▁under", + "stood" + ], + [ + "▁j", + "ur" + ], + [ + "▁ju", + "r" + ], + [ + "▁N", + "r" + ], + [ + "▁cap", + "ac" + ], + [ + "wa", + "s" + ], + [ + "w", + "as" + ], + [ + "▁en", + "emy" + ], + [ + "▁enem", + "y" + ], + [ + "▁program", + "s" + ], + [ + "▁m", + "ask" + ], + [ + "▁ma", + "sk" + ], + [ + "▁mas", + "k" + ], + [ + "▁", + "mask" + ], + [ + "ск", + "е" + ], + [ + "с", + "ке" + ], + [ + "▁gr", + "oupe" + ], + [ + "▁group", + "e" + ], + [ + "ca", + "m" + ], + [ + "c", + "am" + ], + [ + "▁w", + "idget" + ], + [ + "▁wid", + "get" + ], + [ + "▁", + "widget" + ], + [ + "RE", + "ATE" + ], + [ + "▁se", + "va" + ], + [ + "▁Bar", + "cel" + ], + [ + "▁p", + "erd" + ], + [ + "▁per", + "d" + ], + [ + "▁pe", + "rd" + ], + [ + "▁М", + "у" + ], + [ + "ran", + "ce" + ], + [ + "r", + "ance" + ], + [ + "TY", + "PE" + ], + [ + "T", + "YPE" + ], + [ + "▁{", + "'" + ], + [ + "▁", + "{'" + ], + [ + "▁b", + "ill" + ], + [ + "▁bi", + "ll" + ], + [ + "▁bil", + "l" + ], + [ + "▁\"", + "_" + ], + [ + "'", + "`" + ], + [ + "ba", + "hn" + ], + [ + "bah", + "n" + ], + [ + "b", + "ahn" + ], + [ + "▁cont", + "ained" + ], + [ + "▁contain", + "ed" + ], + [ + "Cl", + "ose" + ], + [ + "C", + "lose" + ], + [ + "ru", + "g" + ], + [ + "r", + "ug" + ], + [ + "eg", + "y" + ], + [ + "e", + "gy" + ], + [ + "▁s", + "ight" + ], + [ + "▁sig", + "ht" + ], + [ + "▁Pro", + "vin" + ], + [ + "▁Prov", + "in" + ], + [ + "н", + "ю" + ], + [ + "ar", + "z" + ], + [ + "a", + "rz" + ], + [ + "ще", + "н" + ], + [ + "щ", + "ен" + ], + [ + "▁J", + "oe" + ], + [ + "▁Jo", + "e" + ], + [ + "▁de", + "leted" + ], + [ + "▁delete", + "d" + ], + [ + "▁delet", + "ed" + ], + [ + "▁A", + "uto" + ], + [ + "▁Aut", + "o" + ], + [ + "▁Au", + "to" + ], + [ + "▁", + "Auto" + ], + [ + "▁m", + "eter" + ], + [ + "▁me", + "ter" + ], + [ + "▁met", + "er" + ], + [ + "▁", + "meter" + ], + [ + "C", + "G" + ], + [ + "ъ", + "л" + ], + [ + "▁p", + "ent" + ], + [ + "▁pe", + "nt" + ], + [ + "▁pen", + "t" + ], + [ + "▁", + "pent" + ], + [ + "▁be", + "zeichnet" + ], + [ + "Su", + "m" + ], + [ + "S", + "um" + ], + [ + "db", + "c" + ], + [ + "d", + "bc" + ], + [ + "▁Pl", + "atz" + ], + [ + "▁Pla", + "tz" + ], + [ + "▁Plat", + "z" + ], + [ + "ect", + "ors" + ], + [ + "ector", + "s" + ], + [ + "e", + "ctors" + ], + [ + "▁L", + "ittle" + ], + [ + "QU", + "E" + ], + [ + "Q", + "UE" + ], + [ + "ці", + "я" + ], + [ + "ц", + "ія" + ], + [ + "те", + "ля" + ], + [ + "тел", + "я" + ], + [ + "nig", + "ht" + ], + [ + "n", + "ight" + ], + [ + "▁l", + "l" + ], + [ + "▁", + "ll" + ], + [ + "▁most", + "ly" + ], + [ + "UI", + "D" + ], + [ + "U", + "ID" + ], + [ + "▁b", + "ez" + ], + [ + "▁be", + "z" + ], + [ + "▁", + "bez" + ], + [ + "do", + "b" + ], + [ + "d", + "ob" + ], + [ + "кс", + "и" + ], + [ + "к", + "си" + ], + [ + "ter", + "ne" + ], + [ + "tern", + "e" + ], + [ + "t", + "erne" + ], + [ + "▁cor", + "ner" + ], + [ + "▁corn", + "er" + ], + [ + "at", + "y" + ], + [ + "a", + "ty" + ], + [ + "▁impro", + "ve" + ], + [ + "▁improv", + "e" + ], + [ + "▁impr", + "ove" + ], + [ + "▁in", + "tr" + ], + [ + "▁int", + "r" + ], + [ + "▁`", + "@" + ], + [ + "ar", + "od" + ], + [ + "aro", + "d" + ], + [ + "a", + "rod" + ], + [ + "▁install", + "ation" + ], + [ + "▁instal", + "lation" + ], + [ + "▁Refer", + "ências" + ], + [ + "ig", + "an" + ], + [ + "iga", + "n" + ], + [ + "i", + "gan" + ], + [ + "▁crit", + "ic" + ], + [ + "ad", + "el" + ], + [ + "ade", + "l" + ], + [ + "a", + "del" + ], + [ + "▁се", + "ло" + ], + [ + ",", + "\r" + ], + [ + "at", + "ori" + ], + [ + "ator", + "i" + ], + [ + "ato", + "ri" + ], + [ + "▁F", + "ri" + ], + [ + "▁Fr", + "i" + ], + [ + "▁", + "Fri" + ], + [ + "▁ré", + "férences" + ], + [ + "▁Int", + "ent" + ], + [ + "▁", + "Intent" + ], + [ + "▁t", + "ant" + ], + [ + "▁tan", + "t" + ], + [ + "▁ta", + "nt" + ], + [ + "un", + "ci" + ], + [ + "unc", + "i" + ], + [ + "▁level", + "s" + ], + [ + "▁lev", + "els" + ], + [ + "er", + "es" + ], + [ + "ere", + "s" + ], + [ + "e", + "res" + ], + [ + "▁e", + "mer" + ], + [ + "▁em", + "er" + ], + [ + "▁", + "emer" + ], + [ + "sa", + "fe" + ], + [ + "t", + "k" + ], + [ + "▁c", + "ham" + ], + [ + "▁ch", + "am" + ], + [ + "▁cha", + "m" + ], + [ + "▁great", + "ly" + ], + [ + "▁we", + "it" + ], + [ + "▁", + "weit" + ], + [ + "▁co", + "ach" + ], + [ + "▁to", + "ward" + ], + [ + "Hom", + "e" + ], + [ + "H", + "ome" + ], + [ + "▁Bo", + "olean" + ], + [ + "▁", + "Boolean" + ], + [ + "те", + "л" + ], + [ + "т", + "ел" + ], + [ + "▁m", + "ock" + ], + [ + "▁mo", + "ck" + ], + [ + "▁", + "mock" + ], + [ + "▁appreci", + "ate" + ], + [ + "▁C", + "ross" + ], + [ + "▁Cr", + "oss" + ], + [ + "▁Cro", + "ss" + ], + [ + "▁T", + "ake" + ], + [ + "▁Ta", + "ke" + ], + [ + "▁Tak", + "e" + ], + [ + "▁", + "Take" + ], + [ + "D", + "P" + ], + [ + "▁s", + "ides" + ], + [ + "▁si", + "des" + ], + [ + "▁side", + "s" + ], + [ + "▁sid", + "es" + ], + [ + "▁Norm", + "daten" + ], + [ + "де", + "й" + ], + [ + "д", + "ей" + ], + [ + "st", + "al" + ], + [ + "sta", + "l" + ], + [ + "s", + "tal" + ], + [ + "▁c", + "out" + ], + [ + "▁co", + "ut" + ], + [ + "▁cou", + "t" + ], + [ + "▁", + "cout" + ], + [ + "b", + "n" + ], + [ + "▁V", + "ert" + ], + [ + "▁Ver", + "t" + ], + [ + "▁Ve", + "rt" + ], + [ + "▁", + "Vert" + ], + [ + "▁b", + "ird" + ], + [ + "▁bi", + "rd" + ], + [ + "▁bir", + "d" + ], + [ + "▁", + "bird" + ], + [ + "▁dynam", + "ically" + ], + [ + "▁dynamic", + "ally" + ], + [ + "▁D", + "ol" + ], + [ + "▁Do", + "l" + ], + [ + "▁B", + "urg" + ], + [ + "▁Bu", + "rg" + ], + [ + "▁Bur", + "g" + ], + [ + "▁d", + "og" + ], + [ + "▁do", + "g" + ], + [ + "▁", + "dog" + ], + [ + "ät", + "t" + ], + [ + "ä", + "tt" + ], + [ + "▁n", + "uc" + ], + [ + "▁nu", + "c" + ], + [ + "E", + "C" + ], + [ + "By", + "tes" + ], + [ + "Byte", + "s" + ], + [ + "▁a", + "k" + ], + [ + "▁", + "ak" + ], + [ + "re", + "land" + ], + [ + "rel", + "and" + ], + [ + "r", + "eland" + ], + [ + "▁gu", + "itar" + ], + [ + "▁reg", + "arding" + ], + [ + "▁regard", + "ing" + ], + [ + "▁F", + "uß" + ], + [ + "▁Fu", + "ß" + ], + [ + "▁до", + "л" + ], + [ + "▁", + "дол" + ], + [ + "au", + "ss" + ], + [ + "aus", + "s" + ], + [ + "a", + "uss" + ], + [ + "▁j", + "ej" + ], + [ + "▁je", + "j" + ], + [ + "ac", + "o" + ], + [ + "a", + "co" + ], + [ + "▁up", + "dates" + ], + [ + "▁update", + "s" + ], + [ + "▁upd", + "ates" + ], + [ + "ру", + "к" + ], + [ + "р", + "ук" + ], + [ + "('", + "/" + ], + [ + "▁c", + "old" + ], + [ + "▁col", + "d" + ], + [ + "▁co", + "ld" + ], + [ + "▁G", + "iven" + ], + [ + "▁Gi", + "ven" + ], + [ + "▁Give", + "n" + ], + [ + "hi", + "n" + ], + [ + "h", + "in" + ], + [ + "▁fe", + "eling" + ], + [ + "▁feel", + "ing" + ], + [ + "▁fee", + "ling" + ], + [ + "ig", + "li" + ], + [ + "fa", + "h" + ], + [ + "f", + "ah" + ], + [ + "ст", + "ре" + ], + [ + "стр", + "е" + ], + [ + "с", + "тре" + ], + [ + "bo", + "ol" + ], + [ + "b", + "ool" + ], + [ + "init", + "ial" + ], + [ + "▁станов", + "ника" + ], + [ + "▁An", + "na" + ], + [ + "▁Ann", + "a" + ], + [ + "▁h", + "ors" + ], + [ + "▁hor", + "s" + ], + [ + "▁ho", + "rs" + ], + [ + "▁d", + "oll" + ], + [ + "▁do", + "ll" + ], + [ + "▁dol", + "l" + ], + [ + "▁con", + "sum" + ], + [ + "▁cons", + "um" + ], + [ + "▁", + "consum" + ], + [ + "ub", + "er" + ], + [ + "ube", + "r" + ], + [ + "u", + "ber" + ], + [ + "stand", + "ing" + ], + [ + "stan", + "ding" + ], + [ + "act", + "iv" + ], + [ + "з", + "і" + ], + [ + "check", + "ed" + ], + [ + "▁perm", + "issions" + ], + [ + "▁permission", + "s" + ], + [ + "▁M", + "onte" + ], + [ + "▁Mon", + "te" + ], + [ + "▁Mont", + "e" + ], + [ + "Write", + "Line" + ], + [ + "pl", + "us" + ], + [ + "p", + "lus" + ], + [ + "▁E", + "qu" + ], + [ + "▁Eq", + "u" + ], + [ + "▁", + "Equ" + ], + [ + "▁и", + "х" + ], + [ + "▁", + "их" + ], + [ + "ч", + "ки" + ], + [ + "un", + "que" + ], + [ + "▁L", + "O" + ], + [ + "▁", + "LO" + ], + [ + "e", + "a" + ], + [ + "sam", + "ple" + ], + [ + "s", + "ample" + ], + [ + "ie", + "sz" + ], + [ + "ies", + "z" + ], + [ + "i", + "esz" + ], + [ + "or", + "al" + ], + [ + "ora", + "l" + ], + [ + "o", + "ral" + ], + [ + "▁И", + "н" + ], + [ + "os", + "ton" + ], + [ + "ost", + "on" + ], + [ + "osto", + "n" + ], + [ + "o", + "ston" + ], + [ + "▁S", + "imon" + ], + [ + "▁Sim", + "on" + ], + [ + "▁Si", + "mon" + ], + [ + "fa", + "st" + ], + [ + "fas", + "t" + ], + [ + "f", + "ast" + ], + [ + "m", + "k" + ], + [ + "as", + "sen" + ], + [ + "ass", + "en" + ], + [ + "asse", + "n" + ], + [ + "▁arch", + "itecture" + ], + [ + "▁architect", + "ure" + ], + [ + "▁", + "architecture" + ], + [ + "ens", + "es" + ], + [ + "ense", + "s" + ], + [ + "▁", + "Å" + ], + [ + "▁to", + "pic" + ], + [ + "▁top", + "ic" + ], + [ + "▁", + "topic" + ], + [ + "▁dis", + "able" + ], + [ + "▁", + "disable" + ], + [ + "▁C", + "ru" + ], + [ + "▁Cr", + "u" + ], + [ + "▁Cont", + "rol" + ], + [ + "▁", + "Control" + ], + [ + "▁cre", + "ation" + ], + [ + "▁hy", + "per" + ], + [ + "▁hyp", + "er" + ], + [ + "▁", + "hyper" + ], + [ + "it", + "ud" + ], + [ + "itu", + "d" + ], + [ + "же", + "ния" + ], + [ + "ar", + "am" + ], + [ + "ara", + "m" + ], + [ + "a", + "ram" + ], + [ + "▁г", + "де" + ], + [ + "ien", + "st" + ], + [ + "iens", + "t" + ], + [ + "i", + "enst" + ], + [ + "ed", + "ule" + ], + [ + "edu", + "le" + ], + [ + "▁B", + "ot" + ], + [ + "▁Bo", + "t" + ], + [ + "▁О", + "с" + ], + [ + "▁The", + "ir" + ], + [ + "an", + "ne" + ], + [ + "ann", + "e" + ], + [ + "M", + "icrosoft" + ], + [ + "▁P", + "M" + ], + [ + "▁", + "PM" + ], + [ + "yd", + "ro" + ], + [ + "y", + "dro" + ], + [ + "ent", + "lich" + ], + [ + "▁E", + "ine" + ], + [ + "▁Ein", + "e" + ], + [ + "CH", + "AR" + ], + [ + ":", + "'" + ], + [ + "We", + "ll" + ], + [ + "Wel", + "l" + ], + [ + "W", + "ell" + ], + [ + "le", + "ton" + ], + [ + "let", + "on" + ], + [ + "l", + "eton" + ], + [ + "▁support", + "s" + ], + [ + "▁sup", + "ports" + ], + [ + "']", + ")" + ], + [ + "'", + "])" + ], + [ + "man", + "ual" + ], + [ + "▁v", + "ice" + ], + [ + "▁vi", + "ce" + ], + [ + "▁vic", + "e" + ], + [ + "▁", + "vice" + ], + [ + "as", + "a" + ], + [ + "a", + "sa" + ], + [ + "cl", + "os" + ], + [ + "clo", + "s" + ], + [ + "c", + "los" + ], + [ + "vi", + "sed" + ], + [ + "vis", + "ed" + ], + [ + "v", + "ised" + ], + [ + "▁p", + "ok" + ], + [ + "▁po", + "k" + ], + [ + "tr", + "ack" + ], + [ + "tra", + "ck" + ], + [ + "t", + "rack" + ], + [ + "но", + "ст" + ], + [ + "нос", + "т" + ], + [ + "...", + "....." + ], + [ + "....", + "...." + ], + [ + ".....", + "..." + ], + [ + "▁'", + "\\" + ], + [ + "▁", + "'\\" + ], + [ + "²", + "." + ], + [ + "▁or", + "ders" + ], + [ + "▁order", + "s" + ], + [ + "▁ord", + "ers" + ], + [ + "▁", + "orders" + ], + [ + "et", + "ta" + ], + [ + "ett", + "a" + ], + [ + "e", + "tta" + ], + [ + "▁con", + "version" + ], + [ + "▁conv", + "ersion" + ], + [ + "▁convers", + "ion" + ], + [ + "▁t", + "rade" + ], + [ + "▁tr", + "ade" + ], + [ + "▁tra", + "de" + ], + [ + "▁trad", + "e" + ], + [ + "cl", + "i" + ], + [ + "c", + "li" + ], + [ + "▁И", + "сто" + ], + [ + "▁Ис", + "то" + ], + [ + "▁a", + "kt" + ], + [ + "▁ak", + "t" + ], + [ + "▁", + "akt" + ], + [ + "▁sub", + "set" + ], + [ + "▁subs", + "et" + ], + [ + "▁", + "subset" + ], + [ + "▁a", + "ug" + ], + [ + "▁au", + "g" + ], + [ + "▁", + "aug" + ], + [ + "▁le", + "aves" + ], + [ + "▁leave", + "s" + ], + [ + "Mat", + "h" + ], + [ + "Ma", + "th" + ], + [ + "M", + "ath" + ], + [ + "an", + "ned" + ], + [ + "ann", + "ed" + ], + [ + "anne", + "d" + ], + [ + "ka", + "l" + ], + [ + "k", + "al" + ], + [ + "▁Ве", + "ли" + ], + [ + "▁n", + "og" + ], + [ + "▁no", + "g" + ], + [ + "▁", + "nog" + ], + [ + "▁e", + "th" + ], + [ + "▁et", + "h" + ], + [ + "▁", + "eth" + ], + [ + "▁h", + "air" + ], + [ + "▁ha", + "ir" + ], + [ + "ar", + "ound" + ], + [ + "aro", + "und" + ], + [ + "a", + "round" + ], + [ + "▁java", + "x" + ], + [ + "▁jav", + "ax" + ], + [ + "▁", + "javax" + ], + [ + "во", + "й" + ], + [ + "▁C", + "entre" + ], + [ + "▁Cent", + "re" + ], + [ + "ö", + "ß" + ], + [ + "ut", + "i" + ], + [ + "u", + "ti" + ], + [ + "▁n", + "avigation" + ], + [ + "▁navig", + "ation" + ], + [ + "▁", + "navigation" + ], + [ + "▁P", + "S" + ], + [ + "▁", + "PS" + ], + [ + "▁w", + "a" + ], + [ + "▁", + "wa" + ], + [ + "▁Ро", + "ссии" + ], + [ + "▁Рос", + "сии" + ], + [ + "▁Росси", + "и" + ], + [ + "us", + "a" + ], + [ + "u", + "sa" + ], + [ + "ze", + "ta" + ], + [ + "zet", + "a" + ], + [ + "z", + "eta" + ], + [ + "▁P", + "DF" + ], + [ + "▁", + "PDF" + ], + [ + "▁m", + "ismo" + ], + [ + "▁mis", + "mo" + ], + [ + "▁mism", + "o" + ], + [ + "pro", + "perties" + ], + [ + "me", + "ister" + ], + [ + "ль", + "та" + ], + [ + "for", + "ward" + ], + [ + "▁O", + "st" + ], + [ + "▁Os", + "t" + ], + [ + "ki", + "ns" + ], + [ + "kin", + "s" + ], + [ + "k", + "ins" + ], + [ + "▁s", + "ido" + ], + [ + "▁si", + "do" + ], + [ + "▁sid", + "o" + ], + [ + "зо", + "в" + ], + [ + "з", + "ов" + ], + [ + "ta", + "gs" + ], + [ + "tag", + "s" + ], + [ + "t", + "ags" + ], + [ + "▁a", + "ctor" + ], + [ + "▁act", + "or" + ], + [ + "▁ac", + "tor" + ], + [ + "▁", + "actor" + ], + [ + "▁f", + "ly" + ], + [ + "▁fl", + "y" + ], + [ + "▁", + "fly" + ], + [ + "C", + "R" + ], + [ + "ag", + "ini" + ], + [ + "agi", + "ni" + ], + [ + "agin", + "i" + ], + [ + "▁l", + "ett" + ], + [ + "▁le", + "tt" + ], + [ + "▁let", + "t" + ], + [ + "▁", + "lett" + ], + [ + "en", + "i" + ], + [ + "e", + "ni" + ], + [ + "te", + "ch" + ], + [ + "t", + "ech" + ], + [ + "▁E", + "nc" + ], + [ + "▁En", + "c" + ], + [ + "▁", + "Enc" + ], + [ + "or", + "acle" + ], + [ + "ora", + "cle" + ], + [ + "o", + "racle" + ], + [ + "amil", + "ton" + ], + [ + "ze", + "j" + ], + [ + "z", + "ej" + ], + [ + "fe", + "n" + ], + [ + "f", + "en" + ], + [ + "ume", + "rate" + ], + [ + "umer", + "ate" + ], + [ + "▁qu", + "esto" + ], + [ + "▁que", + "sto" + ], + [ + "▁q", + "uesto" + ], + [ + "▁quest", + "o" + ], + [ + "da", + "rt" + ], + [ + "dar", + "t" + ], + [ + "d", + "art" + ], + [ + "▁K", + "ore" + ], + [ + "▁Ko", + "re" + ], + [ + "▁Kor", + "e" + ], + [ + "ap", + "is" + ], + [ + "api", + "s" + ], + [ + "a", + "pis" + ], + [ + "ep", + "er" + ], + [ + "e", + "per" + ], + [ + "Sc", + "reen" + ], + [ + "S", + "creen" + ], + [ + "wa", + "ll" + ], + [ + "wal", + "l" + ], + [ + "w", + "all" + ], + [ + "▁is", + "land" + ], + [ + "sh", + "e" + ], + [ + "s", + "he" + ], + [ + "▁l", + "igger" + ], + [ + "▁lig", + "ger" + ], + [ + "в", + "ся" + ], + [ + "fa", + "ng" + ], + [ + "fan", + "g" + ], + [ + "f", + "ang" + ], + [ + "▁t", + "ard" + ], + [ + "▁tar", + "d" + ], + [ + "▁ta", + "rd" + ], + [ + "▁pla", + "ats" + ], + [ + "▁п", + "ло" + ], + [ + "▁", + "пло" + ], + [ + "▁Off", + "ice" + ], + [ + "▁Offic", + "e" + ], + [ + "▁", + "Office" + ], + [ + "▁S", + "ET" + ], + [ + "▁SE", + "T" + ], + [ + "▁", + "SET" + ], + [ + "▁circ", + "uit" + ], + [ + "je", + "d" + ], + [ + "j", + "ed" + ], + [ + "Sa", + "ve" + ], + [ + "S", + "ave" + ], + [ + "ль", + "но" + ], + [ + "So", + "cket" + ], + [ + "S", + "ocket" + ], + [ + "▁In", + "dex" + ], + [ + "▁Ind", + "ex" + ], + [ + "▁", + "Index" + ], + [ + "AC", + "K" + ], + [ + "A", + "CK" + ], + [ + "id", + "ers" + ], + [ + "ide", + "rs" + ], + [ + "ider", + "s" + ], + [ + "i", + "ders" + ], + [ + "er", + "er" + ], + [ + "ere", + "r" + ], + [ + "e", + "rer" + ], + [ + "▁С", + "ША" + ], + [ + "▁l", + "ady" + ], + [ + "▁la", + "dy" + ], + [ + "▁lad", + "y" + ], + [ + "▁sch", + "eme" + ], + [ + "▁sche", + "me" + ], + [ + "ie", + "lle" + ], + [ + "iel", + "le" + ], + [ + "i", + "elle" + ], + [ + "▁ex", + "erc" + ], + [ + "▁exer", + "c" + ], + [ + ")}", + "\\" + ], + [ + ")", + "}\\" + ], + [ + "Date", + "Time" + ], + [ + "at", + "han" + ], + [ + "ath", + "an" + ], + [ + "a", + "than" + ], + [ + "▁Prof", + "essor" + ], + [ + "▁mo", + "ins" + ], + [ + "▁moi", + "ns" + ], + [ + "▁Ex", + "cel" + ], + [ + "▁", + "Excel" + ], + [ + "▁H", + "ay" + ], + [ + "▁Ha", + "y" + ], + [ + "▁Mus", + "ik" + ], + [ + "▁", + "ї" + ], + [ + "ę", + "d" + ], + [ + "▁\"", + "." + ], + [ + "▁", + "\"." + ], + [ + "▁бу", + "в" + ], + [ + "▁inst", + "rument" + ], + [ + "▁instru", + "ment" + ], + [ + "па", + "р" + ], + [ + "п", + "ар" + ], + [ + "▁б", + "ере" + ], + [ + "▁бе", + "ре" + ], + [ + "▁", + "бере" + ], + [ + "▁polit", + "ique" + ], + [ + "▁trad", + "ition" + ], + [ + "▁V", + "M" + ], + [ + "▁", + "VM" + ], + [ + "▁Ar", + "ts" + ], + [ + "▁Art", + "s" + ], + [ + "▁C", + "i" + ], + [ + "Us", + "e" + ], + [ + "U", + "se" + ], + [ + "▁a", + "ggreg" + ], + [ + "▁ag", + "greg" + ], + [ + "▁", + "aggreg" + ], + [ + "▁we", + "eks" + ], + [ + "▁week", + "s" + ], + [ + "▁o", + "pport" + ], + [ + "▁op", + "port" + ], + [ + "▁opp", + "ort" + ], + [ + "it", + "ing" + ], + [ + "iti", + "ng" + ], + [ + "i", + "ting" + ], + [ + "▁vert", + "ical" + ], + [ + "▁", + "vertical" + ], + [ + "▁N", + "az" + ], + [ + "▁Na", + "z" + ], + [ + "..", + ".)" + ], + [ + "...", + ")" + ], + [ + "iz", + "o" + ], + [ + "i", + "zo" + ], + [ + "▁c", + "ycle" + ], + [ + "▁cy", + "cle" + ], + [ + "▁cycl", + "e" + ], + [ + "▁", + "cycle" + ], + [ + "▁tem", + "po" + ], + [ + "▁temp", + "o" + ], + [ + "т", + "ре" + ], + [ + "▁hand", + "ling" + ], + [ + "ist", + "ence" + ], + [ + "isten", + "ce" + ], + [ + "▁p", + "aste" + ], + [ + "▁pas", + "te" + ], + [ + "▁pa", + "ste" + ], + [ + "▁past", + "e" + ], + [ + "▁", + "paste" + ], + [ + "▁en", + "jo" + ], + [ + "RO", + "UP" + ], + [ + "▁o", + "uter" + ], + [ + "▁out", + "er" + ], + [ + "▁ou", + "ter" + ], + [ + "▁", + "outer" + ], + [ + "▁su", + "pply" + ], + [ + "▁supp", + "ly" + ], + [ + "▁sup", + "ply" + ], + [ + "em", + "an" + ], + [ + "ema", + "n" + ], + [ + "e", + "man" + ], + [ + "▁acc", + "ident" + ], + [ + "▁\\", + "]" + ], + [ + "▁", + "\\]" + ], + [ + "▁те", + "х" + ], + [ + "▁", + "тех" + ], + [ + "Po", + "ol" + ], + [ + "P", + "ool" + ], + [ + "ot", + "ing" + ], + [ + "oti", + "ng" + ], + [ + "o", + "ting" + ], + [ + "onym", + "ous" + ], + [ + "▁Gi", + "ov" + ], + [ + "▁u", + "d" + ], + [ + "▁", + "ud" + ], + [ + "▁.", + "/" + ], + [ + "▁", + "./" + ], + [ + "ER", + "ROR" + ], + [ + "ERR", + "OR" + ], + [ + "con", + "struct" + ], + [ + "const", + "ruct" + ], + [ + "text", + "width" + ], + [ + "qu", + "ipe" + ], + [ + "qui", + "pe" + ], + [ + "quip", + "e" + ], + [ + "case", + "s" + ], + [ + "cas", + "es" + ], + [ + "c", + "ases" + ], + [ + "▁а", + "д" + ], + [ + "▁R", + "ow" + ], + [ + "▁Ro", + "w" + ], + [ + "▁", + "Row" + ], + [ + "Hol", + "der" + ], + [ + "Hold", + "er" + ], + [ + "H", + "older" + ], + [ + "wa", + "n" + ], + [ + "w", + "an" + ], + [ + "ar", + "na" + ], + [ + "arn", + "a" + ], + [ + "Me", + "m" + ], + [ + "M", + "em" + ], + [ + "▁Canad", + "ian" + ], + [ + "▁Com", + "mission" + ], + [ + "▁Comm", + "ission" + ], + [ + "su", + "n" + ], + [ + "s", + "un" + ], + [ + "▁app", + "s" + ], + [ + "▁ap", + "ps" + ], + [ + "▁", + "apps" + ], + [ + "▁B", + "lo" + ], + [ + "▁Bl", + "o" + ], + [ + "▁i", + "hrer" + ], + [ + "▁ih", + "rer" + ], + [ + "▁ihr", + "er" + ], + [ + "▁ihre", + "r" + ], + [ + "▁famil", + "le" + ], + [ + "▁fam", + "ille" + ], + [ + "▁m", + "ě" + ], + [ + "▁p", + "y" + ], + [ + "▁", + "py" + ], + [ + "и", + "с" + ], + [ + "▁т", + "ого" + ], + [ + "▁то", + "го" + ], + [ + "▁", + "того" + ], + [ + "▁Ag", + "ain" + ], + [ + "▁ign", + "ore" + ], + [ + "▁ignor", + "e" + ], + [ + "▁", + "ignore" + ], + [ + "▁tele", + "vision" + ], + [ + "▁televis", + "ion" + ], + [ + "Pa", + "t" + ], + [ + "P", + "at" + ], + [ + "hi", + "de" + ], + [ + "h", + "ide" + ], + [ + "▁R", + "ev" + ], + [ + "▁Re", + "v" + ], + [ + "▁b", + "ear" + ], + [ + "▁be", + "ar" + ], + [ + "ph", + "y" + ], + [ + "p", + "hy" + ], + [ + "▁no", + "ise" + ], + [ + "▁w", + "ra" + ], + [ + "▁wr", + "a" + ], + [ + "at", + "ionale" + ], + [ + "ation", + "ale" + ], + [ + "ational", + "e" + ], + [ + "▁coll", + "abor" + ], + [ + "bor", + "der" + ], + [ + "b", + "order" + ], + [ + "▁el", + "ected" + ], + [ + "▁elect", + "ed" + ], + [ + "▁ele", + "cted" + ], + [ + "▁sur", + "pr" + ], + [ + "▁a", + "voir" + ], + [ + "▁av", + "oir" + ], + [ + "▁avo", + "ir" + ], + [ + "▁", + "avoir" + ], + [ + "▁ass", + "embly" + ], + [ + "▁assemb", + "ly" + ], + [ + "▁", + "assembly" + ], + [ + "▁об", + "ще" + ], + [ + "▁arbitr", + "ary" + ], + [ + "▁br", + "ief" + ], + [ + "▁-", + "--" + ], + [ + "▁--", + "-" + ], + [ + "▁", + "---" + ], + [ + "▁M", + "aur" + ], + [ + "▁Ma", + "ur" + ], + [ + "▁Mau", + "r" + ], + [ + "gr", + "ession" + ], + [ + "gress", + "ion" + ], + [ + "g", + "ression" + ], + [ + "ic", + "ia" + ], + [ + "ici", + "a" + ], + [ + "i", + "cia" + ], + [ + "▁lie", + "gt" + ], + [ + "▁Fig", + "ure" + ], + [ + "▁on", + "to" + ], + [ + "▁ont", + "o" + ], + [ + "▁", + "onto" + ], + [ + "Re", + "pository" + ], + [ + "Repos", + "itory" + ], + [ + "▁dé", + "f" + ], + [ + "▁f", + "orth" + ], + [ + "▁for", + "th" + ], + [ + "▁fort", + "h" + ], + [ + "▁cl", + "icked" + ], + [ + "▁click", + "ed" + ], + [ + "se", + "ite" + ], + [ + "▁n", + "otes" + ], + [ + "▁not", + "es" + ], + [ + "▁no", + "tes" + ], + [ + "▁note", + "s" + ], + [ + "▁", + "notes" + ], + [ + "nat", + "ive" + ], + [ + "n", + "ative" + ], + [ + "▁ED", + "IT" + ], + [ + "▁", + "EDIT" + ], + [ + "ы", + "е" + ], + [ + "M", + "T" + ], + [ + "am", + "ental" + ], + [ + "ament", + "al" + ], + [ + "amen", + "tal" + ], + [ + "▁r", + "ose" + ], + [ + "▁ro", + "se" + ], + [ + "▁ros", + "e" + ], + [ + "▁", + "rose" + ], + [ + "▁pu", + "ede" + ], + [ + "▁pue", + "de" + ], + [ + "De", + "legate" + ], + [ + "Deleg", + "ate" + ], + [ + "ub", + "a" + ], + [ + "u", + "ba" + ], + [ + "ne", + "o" + ], + [ + "xi", + "s" + ], + [ + "x", + "is" + ], + [ + "▁Ar", + "thur" + ], + [ + "UR", + "E" + ], + [ + "U", + "RE" + ], + [ + "am", + "ing" + ], + [ + "ami", + "ng" + ], + [ + "amin", + "g" + ], + [ + "a", + "ming" + ], + [ + "De", + "vice" + ], + [ + "Dev", + "ice" + ], + [ + "▁d", + "iam" + ], + [ + "▁di", + "am" + ], + [ + "▁dia", + "m" + ], + [ + "st", + "änd" + ], + [ + "▁p", + "ron" + ], + [ + "▁pro", + "n" + ], + [ + "▁pr", + "on" + ], + [ + "oi", + "s" + ], + [ + "o", + "is" + ], + [ + "com", + "ing" + ], + [ + "co", + "ming" + ], + [ + "c", + "oming" + ], + [ + "Param", + "eters" + ], + [ + "Parameter", + "s" + ], + [ + "uv", + "ud" + ], + [ + "▁ab", + "ility" + ], + [ + "▁", + "ability" + ], + [ + "▁m", + "ét" + ], + [ + "▁mé", + "t" + ], + [ + "▁Un", + "fortunately" + ], + [ + "f", + "d" + ], + [ + "D", + "ictionary" + ], + [ + "so", + "cket" + ], + [ + "sock", + "et" + ], + [ + "s", + "ocket" + ], + [ + "▁con", + "oc" + ], + [ + "▁co", + "noc" + ], + [ + "cont", + "ains" + ], + [ + "es", + "sed" + ], + [ + "ess", + "ed" + ], + [ + "esse", + "d" + ], + [ + "▁gel", + "dig" + ], + [ + "▁geld", + "ig" + ], + [ + "ни", + "ца" + ], + [ + "ниц", + "а" + ], + [ + "▁point", + "ed" + ], + [ + "es", + "ti" + ], + [ + "est", + "i" + ], + [ + "no", + "m" + ], + [ + "n", + "om" + ], + [ + "ографи", + "я" + ], + [ + "▁represent", + "s" + ], + [ + "▁repres", + "ents" + ], + [ + "▁man", + "ip" + ], + [ + "wor", + "ld" + ], + [ + "w", + "orld" + ], + [ + "▁resol", + "ved" + ], + [ + "▁resolve", + "d" + ], + [ + "te", + "gr" + ], + [ + "t", + "egr" + ], + [ + "▁d", + "ort" + ], + [ + "▁do", + "rt" + ], + [ + "▁dor", + "t" + ], + [ + "as", + "tern" + ], + [ + "ast", + "ern" + ], + [ + "aster", + "n" + ], + [ + "aste", + "rn" + ], + [ + "▁camp", + "aign" + ], + [ + "▁pr", + "imo" + ], + [ + "▁prim", + "o" + ], + [ + "▁pri", + "mo" + ], + [ + "▁;", + ";" + ], + [ + "▁", + ";;" + ], + [ + "▁sni", + "ppet" + ], + [ + "▁N", + "ik" + ], + [ + "▁Ni", + "k" + ], + [ + "To", + "tal" + ], + [ + "T", + "otal" + ], + [ + "iss", + "ement" + ], + [ + "isse", + "ment" + ], + [ + "AC", + "E" + ], + [ + "A", + "CE" + ], + [ + "▁ver", + "ify" + ], + [ + "▁", + "verify" + ], + [ + "if", + "fe" + ], + [ + "iff", + "e" + ], + [ + "i", + "ffe" + ], + [ + "la", + "gen" + ], + [ + "lag", + "en" + ], + [ + "lage", + "n" + ], + [ + "l", + "agen" + ], + [ + "ie", + "ur" + ], + [ + "ieu", + "r" + ], + [ + "i", + "eur" + ], + [ + "▁convert", + "ed" + ], + [ + "▁conver", + "ted" + ], + [ + "▁Mil", + "it" + ], + [ + "▁Mi", + "lit" + ], + [ + "▁A", + "lg" + ], + [ + "▁Al", + "g" + ], + [ + "▁", + "Alg" + ], + [ + "▁R", + "on" + ], + [ + "▁Ro", + "n" + ], + [ + "▁k", + "onn" + ], + [ + "▁kon", + "n" + ], + [ + "▁ko", + "nn" + ], + [ + "ap", + "ple" + ], + [ + "app", + "le" + ], + [ + "▁dis", + "pos" + ], + [ + "▁disp", + "os" + ], + [ + "stell", + "ung" + ], + [ + "▁re", + "tain" + ], + [ + "▁ret", + "ain" + ], + [ + "▁m", + "entre" + ], + [ + "▁men", + "tre" + ], + [ + "▁ment", + "re" + ], + [ + "▁ne", + "ut" + ], + [ + "▁neu", + "t" + ], + [ + "▁", + "neut" + ], + [ + "▁N", + "ight" + ], + [ + "ch", + "é" + ], + [ + "c", + "hé" + ], + [ + "at", + "ti" + ], + [ + "att", + "i" + ], + [ + "▁o", + "bra" + ], + [ + "▁ob", + "ra" + ], + [ + "▁super", + "ior" + ], + [ + "▁Con", + "gress" + ], + [ + "▁Cong", + "ress" + ], + [ + "ё", + "м" + ], + [ + "▁c", + "odes" + ], + [ + "▁code", + "s" + ], + [ + "▁co", + "des" + ], + [ + "▁cod", + "es" + ], + [ + "▁", + "codes" + ], + [ + "▁A", + "ma" + ], + [ + "▁Am", + "a" + ], + [ + "▁E", + "arth" + ], + [ + "▁Ear", + "th" + ], + [ + "▁oppos", + "ite" + ], + [ + "▁p", + "ool" + ], + [ + "▁po", + "ol" + ], + [ + "▁", + "pool" + ], + [ + "▁D", + "un" + ], + [ + "▁Du", + "n" + ], + [ + "же", + "ние" + ], + [ + "▁\"", + "${" + ], + [ + "▁\"$", + "{" + ], + [ + "in", + "v" + ], + [ + "▁у", + "ни" + ], + [ + "▁And", + "rew" + ], + [ + "▁Andre", + "w" + ], + [ + "те", + "лей" + ], + [ + "тел", + "ей" + ], + [ + "▁by", + "ł" + ], + [ + "Un", + "ivers" + ], + [ + "Uni", + "vers" + ], + [ + "▁Ang", + "ular" + ], + [ + "an", + "im" + ], + [ + "ani", + "m" + ], + [ + "a", + "nim" + ], + [ + "до", + "ва" + ], + [ + "дов", + "а" + ], + [ + "д", + "ова" + ], + [ + "BU", + "G" + ], + [ + "B", + "UG" + ], + [ + "ut", + "ely" + ], + [ + "ute", + "ly" + ], + [ + "▁draw", + "ing" + ], + [ + "▁dra", + "wing" + ], + [ + "▁g", + "ain" + ], + [ + "▁ga", + "in" + ], + [ + "▁four", + "th" + ], + [ + "▁Pro", + "blem" + ], + [ + "▁", + "Problem" + ], + [ + "▁sudden", + "ly" + ], + [ + "▁", + "Ä" + ], + [ + "on", + "na" + ], + [ + "onn", + "a" + ], + [ + "▁K", + "ont" + ], + [ + "▁Kon", + "t" + ], + [ + "▁Ko", + "nt" + ], + [ + "▁Bilder", + "n" + ], + [ + "▁Bild", + "ern" + ], + [ + "▁Bil", + "dern" + ], + [ + "▁konn", + "te" + ], + [ + "ž", + "e" + ], + [ + "Tr", + "ace" + ], + [ + "Tra", + "ce" + ], + [ + "T", + "race" + ], + [ + "▁sec", + "ure" + ], + [ + "▁", + "secure" + ], + [ + "▁któ", + "ry" + ], + [ + "▁e", + "q" + ], + [ + "▁", + "eq" + ], + [ + "▁f", + "ormal" + ], + [ + "▁for", + "mal" + ], + [ + "▁form", + "al" + ], + [ + "▁forma", + "l" + ], + [ + "amer", + "ikan" + ], + [ + "▁A", + "nal" + ], + [ + "▁An", + "al" + ], + [ + "▁Ana", + "l" + ], + [ + "▁", + "Anal" + ], + [ + "▁R", + "ewrite" + ], + [ + "▁Re", + "write" + ], + [ + "▁D", + "ouble" + ], + [ + "▁Dou", + "ble" + ], + [ + "▁", + "Double" + ], + [ + "cre", + "ated" + ], + [ + "create", + "d" + ], + [ + "N", + "U" + ], + [ + "MD", + "b" + ], + [ + "M", + "Db" + ], + [ + "ap", + "es" + ], + [ + "ape", + "s" + ], + [ + "a", + "pes" + ], + [ + "Un", + "is" + ], + [ + "Uni", + "s" + ], + [ + "U", + "nis" + ], + [ + "▁e", + "special" + ], + [ + "▁espe", + "cial" + ], + [ + "▁espec", + "ial" + ], + [ + "})", + "\\" + ], + [ + "}", + ")\\" + ], + [ + "ed", + "om" + ], + [ + "edo", + "m" + ], + [ + "e", + "dom" + ], + [ + "▁c", + "ategor" + ], + [ + "▁categ", + "or" + ], + [ + "Re", + "turn" + ], + [ + "Ret", + "urn" + ], + [ + "▁H", + "amb" + ], + [ + "▁Ha", + "mb" + ], + [ + "▁Ham", + "b" + ], + [ + "▁R", + "io" + ], + [ + "▁Ri", + "o" + ], + [ + "▁M", + "ir" + ], + [ + "▁Mi", + "r" + ], + [ + "▁G", + "eme" + ], + [ + "▁Ge", + "me" + ], + [ + "▁Gem", + "e" + ], + [ + "ab", + "ilities" + ], + [ + "abil", + "ities" + ], + [ + "tr", + "z" + ], + [ + "t", + "rz" + ], + [ + "us", + "et" + ], + [ + "use", + "t" + ], + [ + "u", + "set" + ], + [ + "ier", + "ra" + ], + [ + "net", + "work" + ], + [ + "n", + "etwork" + ], + [ + "▁do", + "ctor" + ], + [ + "▁doc", + "tor" + ], + [ + "eur", + "s" + ], + [ + "eu", + "rs" + ], + [ + "e", + "urs" + ], + [ + "▁l", + "isten" + ], + [ + "▁li", + "sten" + ], + [ + "▁list", + "en" + ], + [ + "▁liste", + "n" + ], + [ + "▁", + "listen" + ], + [ + "д", + "ж" + ], + [ + "▁H", + "ö" + ], + [ + "▁cons", + "ists" + ], + [ + "▁consist", + "s" + ], + [ + "as", + "m" + ], + [ + "a", + "sm" + ], + [ + "Ch", + "r" + ], + [ + "C", + "hr" + ], + [ + "al", + "and" + ], + [ + "ala", + "nd" + ], + [ + "a", + "land" + ], + [ + "▁испо", + "ль" + ], + [ + "▁ис", + "поль" + ], + [ + "▁испол", + "ь" + ], + [ + "▁lug", + "ar" + ], + [ + "▁lu", + "gar" + ], + [ + "▁def", + "initely" + ], + [ + "▁definit", + "ely" + ], + [ + "▁definite", + "ly" + ], + [ + "mo", + "ve" + ], + [ + "mov", + "e" + ], + [ + "m", + "ove" + ], + [ + "úblic", + "a" + ], + [ + "ú", + "blica" + ], + [ + "▁l", + "än" + ], + [ + "▁lä", + "n" + ], + [ + "is", + "mus" + ], + [ + "ism", + "us" + ], + [ + "▁др", + "жа" + ], + [ + "▁d", + "t" + ], + [ + "▁", + "dt" + ], + [ + "▁Per", + "haps" + ], + [ + "▁Bra", + "sil" + ], + [ + "▁Bras", + "il" + ], + [ + "Jo", + "hn" + ], + [ + "J", + "ohn" + ], + [ + "▁prom", + "ise" + ], + [ + "ł", + "u" + ], + [ + "re", + "ens" + ], + [ + "ree", + "ns" + ], + [ + "reen", + "s" + ], + [ + "▁ps", + "ych" + ], + [ + "▁W", + "ho" + ], + [ + "▁Wh", + "o" + ], + [ + "▁", + "Who" + ], + [ + "ря", + "д" + ], + [ + "▁IN", + "TO" + ], + [ + "▁INT", + "O" + ], + [ + "▁Pe", + "ople" + ], + [ + "▁Will", + "iams" + ], + [ + "▁William", + "s" + ], + [ + "▁M", + "arg" + ], + [ + "▁Mar", + "g" + ], + [ + "▁Ma", + "rg" + ], + [ + "▁д", + "ан" + ], + [ + "▁да", + "н" + ], + [ + "▁", + "дан" + ], + [ + "re", + "cord" + ], + [ + "rec", + "ord" + ], + [ + "▁E", + "uro" + ], + [ + "▁Eu", + "ro" + ], + [ + "▁Eur", + "o" + ], + [ + "▁Virgin", + "ia" + ], + [ + "▁R", + "est" + ], + [ + "▁Re", + "st" + ], + [ + "▁Res", + "t" + ], + [ + "▁", + "Rest" + ], + [ + "▁C", + "orn" + ], + [ + "▁Cor", + "n" + ], + [ + "▁Co", + "rn" + ], + [ + "}}", + "," + ], + [ + "}", + "}," + ], + [ + "▁G", + "rid" + ], + [ + "▁Gr", + "id" + ], + [ + "▁", + "Grid" + ], + [ + "▁in", + "ject" + ], + [ + "▁inj", + "ect" + ], + [ + "▁", + "inject" + ], + [ + "на", + "н" + ], + [ + "н", + "ан" + ], + [ + "▁c", + "row" + ], + [ + "▁cr", + "ow" + ], + [ + "▁cro", + "w" + ], + [ + "▁Ph", + "ys" + ], + [ + "▁", + "Phys" + ], + [ + "▁D", + "O" + ], + [ + "▁", + "DO" + ], + [ + "▁\"", + "-" + ], + [ + "▁incre", + "ased" + ], + [ + "▁increase", + "d" + ], + [ + "ach", + "er" + ], + [ + "ac", + "her" + ], + [ + "ache", + "r" + ], + [ + "a", + "cher" + ], + [ + "pe", + "at" + ], + [ + "Li", + "n" + ], + [ + "L", + "in" + ], + [ + "▁D", + "ub" + ], + [ + "▁Du", + "b" + ], + [ + "ri", + "ces" + ], + [ + "ric", + "es" + ], + [ + "rice", + "s" + ], + [ + "r", + "ices" + ], + [ + "ag", + "nost" + ], + [ + "agn", + "ost" + ], + [ + "d", + "l" + ], + [ + "▁cur", + "ve" + ], + [ + "▁curv", + "e" + ], + [ + "ü", + "g" + ], + [ + "ri", + "ce" + ], + [ + "ric", + "e" + ], + [ + "r", + "ice" + ], + [ + "l", + "anguage" + ], + [ + "Click", + "Listener" + ], + [ + "▁municip", + "al" + ], + [ + "▁O", + "ri" + ], + [ + "▁Or", + "i" + ], + [ + "▁", + "Ori" + ], + [ + "▁B", + "ild" + ], + [ + "▁Bi", + "ld" + ], + [ + "▁Bil", + "d" + ], + [ + "▁C", + "ab" + ], + [ + "▁Ca", + "b" + ], + [ + "▁V", + "ar" + ], + [ + "▁Va", + "r" + ], + [ + "▁", + "Var" + ], + [ + "▁n", + "oted" + ], + [ + "▁not", + "ed" + ], + [ + "▁no", + "ted" + ], + [ + "▁note", + "d" + ], + [ + "▁", + "Î" + ], + [ + "▁s", + "ubs" + ], + [ + "▁su", + "bs" + ], + [ + "▁sub", + "s" + ], + [ + "ia", + "tion" + ], + [ + "iat", + "ion" + ], + [ + "i", + "ation" + ], + [ + "W", + "OR" + ], + [ + "in", + "gly" + ], + [ + "ing", + "ly" + ], + [ + "▁R", + "us" + ], + [ + "▁Ru", + "s" + ], + [ + "ie", + "ns" + ], + [ + "ien", + "s" + ], + [ + "i", + "ens" + ], + [ + "IN", + "FO" + ], + [ + "INF", + "O" + ], + [ + "к", + "ва" + ], + [ + "at", + "ivo" + ], + [ + "ativ", + "o" + ], + [ + "ati", + "vo" + ], + [ + "ge", + "nde" + ], + [ + "gen", + "de" + ], + [ + "g", + "ende" + ], + [ + "▁Fran", + "z" + ], + [ + "▁Fr", + "anz" + ], + [ + "▁is", + "ol" + ], + [ + "▁i", + "sol" + ], + [ + "ed", + "es" + ], + [ + "ede", + "s" + ], + [ + "e", + "des" + ], + [ + "ni", + "er" + ], + [ + "nie", + "r" + ], + [ + "n", + "ier" + ], + [ + "▁N", + "O" + ], + [ + "▁", + "NO" + ], + [ + "▁H", + "as" + ], + [ + "▁Ha", + "s" + ], + [ + "▁", + "Has" + ], + [ + "be", + "ans" + ], + [ + "bean", + "s" + ], + [ + "▁p", + "andas" + ], + [ + "▁pan", + "das" + ], + [ + "▁", + "pandas" + ], + [ + "(\"", + "%" + ], + [ + "ві", + "т" + ], + [ + "ут", + "бо" + ], + [ + "▁g", + "ather" + ], + [ + "▁ga", + "ther" + ], + [ + "▁gat", + "her" + ], + [ + "▁le", + "gal" + ], + [ + "▁leg", + "al" + ], + [ + "▁", + "legal" + ], + [ + "in", + "clud" + ], + [ + "▁circum", + "st" + ], + [ + "cript", + "or" + ], + [ + "ri", + "ble" + ], + [ + "rib", + "le" + ], + [ + "r", + "ible" + ], + [ + "▁S", + "üd" + ], + [ + "▁Sü", + "d" + ], + [ + "▁a", + "pro" + ], + [ + "▁ap", + "ro" + ], + [ + "▁apr", + "o" + ], + [ + "Ap", + "i" + ], + [ + "A", + "pi" + ], + [ + "▁на", + "й" + ], + [ + "▁Afr", + "ican" + ], + [ + "▁Africa", + "n" + ], + [ + "ow", + "ski" + ], + [ + "ows", + "ki" + ], + [ + "▁John", + "son" + ], + [ + "ie", + "k" + ], + [ + "i", + "ek" + ], + [ + "▁v", + "ote" + ], + [ + "▁vo", + "te" + ], + [ + "▁vot", + "e" + ], + [ + "▁", + "vote" + ], + [ + "▁K", + "an" + ], + [ + "▁Ka", + "n" + ], + [ + "▁b", + "ibli" + ], + [ + "▁bib", + "li" + ], + [ + "▁", + "bibli" + ], + [ + "▁h", + "aar" + ], + [ + "▁ha", + "ar" + ], + [ + "▁v", + "r" + ], + [ + "▁", + "vr" + ], + [ + "])", + "," + ], + [ + "]", + ")," + ], + [ + "subset", + "eq" + ], + [ + "Par", + "ser" + ], + [ + "Parse", + "r" + ], + [ + "ia", + "ni" + ], + [ + "ian", + "i" + ], + [ + "i", + "ani" + ], + [ + "is", + "é" + ], + [ + "id", + "ea" + ], + [ + "ide", + "a" + ], + [ + "On", + "ly" + ], + [ + "▁á", + "l" + ], + [ + "▁", + "ál" + ], + [ + "▁C", + "atal" + ], + [ + "▁Ca", + "tal" + ], + [ + "▁Cat", + "al" + ], + [ + "▁C", + "ase" + ], + [ + "▁Cas", + "e" + ], + [ + "▁Ca", + "se" + ], + [ + "▁", + "Case" + ], + [ + "se", + "h" + ], + [ + "s", + "eh" + ], + [ + "▁en", + "counter" + ], + [ + "▁enc", + "ounter" + ], + [ + "▁re", + "form" + ], + [ + "▁ref", + "orm" + ], + [ + "ми", + "ни" + ], + [ + "мин", + "и" + ], + [ + "▁S", + "tre" + ], + [ + "▁St", + "re" + ], + [ + "▁Str", + "e" + ], + [ + "ex", + "ception" + ], + [ + "except", + "ion" + ], + [ + "▁T", + "ar" + ], + [ + "▁Ta", + "r" + ], + [ + "та", + "р" + ], + [ + "т", + "ар" + ], + [ + "tr", + "l" + ], + [ + "t", + "rl" + ], + [ + "▁А", + "лександ" + ], + [ + "ле", + "кт" + ], + [ + "лек", + "т" + ], + [ + "equ", + "al" + ], + [ + "eq", + "ual" + ], + [ + "e", + "qual" + ], + [ + "O", + "p" + ], + [ + "▁l", + "if" + ], + [ + "▁li", + "f" + ], + [ + "▁й", + "ого" + ], + [ + "▁volt", + "age" + ], + [ + "▁volta", + "ge" + ], + [ + "sh", + "ire" + ], + [ + "s", + "hire" + ], + [ + "▁Gro", + "ß" + ], + [ + "в", + "ня" + ], + [ + "ning", + "s" + ], + [ + "n", + "ings" + ], + [ + "н", + "ци" + ], + [ + "▁l", + "ag" + ], + [ + "▁la", + "g" + ], + [ + "▁", + "lag" + ], + [ + "▁and", + "eren" + ], + [ + "▁andere", + "n" + ], + [ + "▁v", + "ac" + ], + [ + "▁va", + "c" + ], + [ + "▁ma", + "cro" + ], + [ + "▁mac", + "ro" + ], + [ + "▁", + "macro" + ], + [ + "=", + "[" + ], + [ + "Th", + "en" + ], + [ + "The", + "n" + ], + [ + "T", + "hen" + ], + [ + "▁control", + "s" + ], + [ + "▁contr", + "ols" + ], + [ + "▁contro", + "ls" + ], + [ + "▁", + "controls" + ], + [ + "se", + "q" + ], + [ + "s", + "eq" + ], + [ + "olog", + "ies" + ], + [ + "ologie", + "s" + ], + [ + "▁select", + "or" + ], + [ + "▁sel", + "ector" + ], + [ + "▁sele", + "ctor" + ], + [ + "▁", + "selector" + ], + [ + "▁Украї", + "ни" + ], + [ + "хів", + "овано" + ], + [ + "ы", + "й" + ], + [ + "allen", + "ge" + ], + [ + "alleng", + "e" + ], + [ + "▁I", + "MDb" + ], + [ + "▁IM", + "Db" + ], + [ + "um", + "my" + ], + [ + "umm", + "y" + ], + [ + "ye", + "n" + ], + [ + "y", + "en" + ], + [ + "▁b", + "este" + ], + [ + "▁be", + "ste" + ], + [ + "▁best", + "e" + ], + [ + "▁bes", + "te" + ], + [ + "▁B", + "ox" + ], + [ + "▁Bo", + "x" + ], + [ + "▁", + "Box" + ], + [ + "▁ch", + "air" + ], + [ + "▁cha", + "ir" + ], + [ + "▁S", + "ab" + ], + [ + "▁Sa", + "b" + ], + [ + "er", + "de" + ], + [ + "erd", + "e" + ], + [ + "▁n", + "ast" + ], + [ + "▁na", + "st" + ], + [ + "▁nas", + "t" + ], + [ + "iv", + "amente" + ], + [ + "iva", + "mente" + ], + [ + "▁об", + "ъ" + ], + [ + "▁require", + "ments" + ], + [ + "▁requirement", + "s" + ], + [ + "▁me", + "eting" + ], + [ + "▁meet", + "ing" + ], + [ + "▁fin", + "an" + ], + [ + "▁fi", + "nan" + ], + [ + "▁A", + "dam" + ], + [ + "▁Ad", + "am" + ], + [ + "▁Ada", + "m" + ], + [ + "▁tele", + "vis" + ], + [ + "▁b", + "right" + ], + [ + "▁br", + "ight" + ], + [ + "▁brig", + "ht" + ], + [ + "▁G", + "it" + ], + [ + "▁Gi", + "t" + ], + [ + "▁", + "Git" + ], + [ + "E", + "G" + ], + [ + "▁G", + "il" + ], + [ + "▁Gi", + "l" + ], + [ + "r", + "ès" + ], + [ + "▁C", + "ond" + ], + [ + "▁Con", + "d" + ], + [ + "▁Co", + "nd" + ], + [ + "▁", + "Cond" + ], + [ + "▁f", + "t" + ], + [ + "▁", + "ft" + ], + [ + "▁бу", + "ло" + ], + [ + "-", + "+" + ], + [ + "EN", + "D" + ], + [ + "E", + "ND" + ], + [ + "er", + "ne" + ], + [ + "ern", + "e" + ], + [ + "▁Com", + "put" + ], + [ + "▁Comp", + "ut" + ], + [ + "▁", + "Comput" + ], + [ + "▁i", + "ls" + ], + [ + "▁il", + "s" + ], + [ + "▁", + "ils" + ], + [ + "▁g", + "all" + ], + [ + "▁gal", + "l" + ], + [ + "▁ga", + "ll" + ], + [ + "▁c", + "sv" + ], + [ + "▁cs", + "v" + ], + [ + "▁", + "csv" + ], + [ + "łu", + "g" + ], + [ + "ł", + "ug" + ], + [ + "▁sum", + "mer" + ], + [ + "▁summ", + "er" + ], + [ + "ga", + "me" + ], + [ + "g", + "ame" + ], + [ + "▁pos", + "ts" + ], + [ + "▁post", + "s" + ], + [ + "▁", + "posts" + ], + [ + "Ар", + "хівовано" + ], + [ + "▁z", + "ij" + ], + [ + "▁de", + "termin" + ], + [ + "▁determ", + "in" + ], + [ + "▁ab", + "andon" + ], + [ + "co", + "unter" + ], + [ + "count", + "er" + ], + [ + "c", + "ounter" + ], + [ + "▁require", + "ment" + ], + [ + "▁requ", + "irement" + ], + [ + "▁T", + "it" + ], + [ + "▁Ti", + "t" + ], + [ + "irt", + "ual" + ], + [ + "▁V", + "ideos" + ], + [ + "▁Video", + "s" + ], + [ + "▁qu", + "iet" + ], + [ + "▁qui", + "et" + ], + [ + "▁T", + "erm" + ], + [ + "▁Te", + "rm" + ], + [ + "▁Ter", + "m" + ], + [ + "▁", + "Term" + ], + [ + "▁time", + "out" + ], + [ + "▁", + "timeout" + ], + [ + "Pr", + "int" + ], + [ + "▁in", + "vent" + ], + [ + "▁inv", + "ent" + ], + [ + "▁inve", + "nt" + ], + [ + "la", + "is" + ], + [ + "l", + "ais" + ], + [ + "▁mon", + "itor" + ], + [ + "ha", + "lb" + ], + [ + "hal", + "b" + ], + [ + "▁W", + "ild" + ], + [ + "▁Wil", + "d" + ], + [ + "▁Wi", + "ld" + ], + [ + "▁le", + "ader" + ], + [ + "▁lead", + "er" + ], + [ + "▁с", + "ель" + ], + [ + "▁се", + "ль" + ], + [ + "▁util", + "iz" + ], + [ + "▁par", + "ents" + ], + [ + "▁parent", + "s" + ], + [ + "▁for", + "ced" + ], + [ + "▁force", + "d" + ], + [ + "▁pro", + "ved" + ], + [ + "▁pr", + "oved" + ], + [ + "▁prov", + "ed" + ], + [ + "▁prove", + "d" + ], + [ + "▁effect", + "ive" + ], + [ + "▁l", + "lam" + ], + [ + "▁ll", + "am" + ], + [ + "▁С", + "по" + ], + [ + "or", + "b" + ], + [ + "o", + "rb" + ], + [ + "gg", + "i" + ], + [ + "g", + "gi" + ], + [ + "▁ass", + "umption" + ], + [ + "▁assum", + "ption" + ], + [ + "▁su", + "bm" + ], + [ + "▁sub", + "m" + ], + [ + "▁в", + "ій" + ], + [ + "▁ві", + "й" + ], + [ + "il", + "ia" + ], + [ + "ili", + "a" + ], + [ + "i", + "lia" + ], + [ + "▁re", + "verse" + ], + [ + "▁revers", + "e" + ], + [ + "▁rever", + "se" + ], + [ + "▁", + "reverse" + ], + [ + "'", + "\"" + ], + [ + "▁qu", + "otes" + ], + [ + "▁quot", + "es" + ], + [ + "▁quote", + "s" + ], + [ + "▁s", + "ites" + ], + [ + "▁si", + "tes" + ], + [ + "▁site", + "s" + ], + [ + "▁sit", + "es" + ], + [ + "▁", + "sites" + ], + [ + "ig", + "ung" + ], + [ + "igu", + "ng" + ], + [ + "▁A", + "rg" + ], + [ + "▁Ar", + "g" + ], + [ + "▁", + "Arg" + ], + [ + "D", + "ouble" + ], + [ + "▁s", + "creens" + ], + [ + "▁sc", + "reens" + ], + [ + "▁screen", + "s" + ], + [ + "▁cl", + "ause" + ], + [ + "▁cla", + "use" + ], + [ + "▁b", + "undle" + ], + [ + "▁bund", + "le" + ], + [ + "▁", + "bundle" + ], + [ + "▁phil", + "osoph" + ], + [ + "▁N", + "um" + ], + [ + "▁Nu", + "m" + ], + [ + "▁", + "Num" + ], + [ + "▁g", + "leich" + ], + [ + "▁gle", + "ich" + ], + [ + "▁", + "gleich" + ], + [ + "ul", + "y" + ], + [ + "u", + "ly" + ], + [ + "dir", + "ect" + ], + [ + "di", + "rect" + ], + [ + "dire", + "ct" + ], + [ + "d", + "irect" + ], + [ + "asket", + "ball" + ], + [ + "ow", + "any" + ], + [ + "owa", + "ny" + ], + [ + "owan", + "y" + ], + [ + "\\}", + "$" + ], + [ + "\\", + "}$" + ], + [ + "▁rad", + "ius" + ], + [ + "▁radi", + "us" + ], + [ + "▁", + "radius" + ], + [ + "▁S", + "earch" + ], + [ + "▁Se", + "arch" + ], + [ + "▁", + "Search" + ], + [ + "Pro", + "perties" + ], + [ + "▁e", + "lev" + ], + [ + "▁el", + "ev" + ], + [ + "▁ele", + "v" + ], + [ + "▁p", + "rod" + ], + [ + "▁pro", + "d" + ], + [ + "▁pr", + "od" + ], + [ + "▁", + "prod" + ], + [ + "▁\"", + "%" + ], + [ + "is", + "ión" + ], + [ + "isi", + "ón" + ], + [ + "De", + "bug" + ], + [ + "Deb", + "ug" + ], + [ + "Se", + "cond" + ], + [ + "Sec", + "ond" + ], + [ + "(", + "!" + ], + [ + "▁C", + "atholic" + ], + [ + "ро", + "ван" + ], + [ + "ров", + "ан" + ], + [ + "рова", + "н" + ], + [ + "р", + "ован" + ], + [ + "le", + "z" + ], + [ + "l", + "ez" + ], + [ + "P", + "a" + ], + [ + "ps", + "on" + ], + [ + "p", + "son" + ], + [ + "▁er", + "ste" + ], + [ + "▁erst", + "e" + ], + [ + "▁ers", + "te" + ], + [ + "▁F", + "u" + ], + [ + "▁l", + "it" + ], + [ + "▁li", + "t" + ], + [ + "▁", + "lit" + ], + [ + "▁S", + "aison" + ], + [ + "▁Sa", + "ison" + ], + [ + "▁H", + "ash" + ], + [ + "▁Ha", + "sh" + ], + [ + "▁Has", + "h" + ], + [ + "▁", + "Hash" + ], + [ + "▁ex", + "em" + ], + [ + "▁пред", + "став" + ], + [ + ")", + "*" + ], + [ + "▁e", + "u" + ], + [ + "▁", + "eu" + ], + [ + "▁", + "│" + ], + [ + "▁g", + "ab" + ], + [ + "▁ga", + "b" + ], + [ + "eta", + "iled" + ], + [ + "Co", + "py" + ], + [ + "C", + "opy" + ], + [ + "▁д", + "ва" + ], + [ + "ev", + "en" + ], + [ + "e", + "ven" + ], + [ + "K", + "ind" + ], + [ + "▁Jack", + "son" + ], + [ + "а", + "л" + ], + [ + "▁con", + "sec" + ], + [ + "▁cons", + "ec" + ], + [ + "▁conse", + "c" + ], + [ + "US", + "ER" + ], + [ + "USE", + "R" + ], + [ + "U", + "SER" + ], + [ + "▁T", + "ok" + ], + [ + "▁To", + "k" + ], + [ + "(", + "." + ], + [ + "▁$", + "|" + ], + [ + "▁T", + "amb" + ], + [ + "▁Ta", + "mb" + ], + [ + "▁Tam", + "b" + ], + [ + "▁Lem", + "ma" + ], + [ + "ha", + "ng" + ], + [ + "han", + "g" + ], + [ + "h", + "ang" + ], + [ + "▁cont", + "ribution" + ], + [ + "▁contrib", + "ution" + ], + [ + "▁contribu", + "tion" + ], + [ + "roll", + "ers" + ], + [ + "rol", + "lers" + ], + [ + "roller", + "s" + ], + [ + "rolle", + "rs" + ], + [ + "▁stud", + "ies" + ], + [ + "▁studi", + "es" + ], + [ + "▁p", + "oi" + ], + [ + "▁po", + "i" + ], + [ + "ge", + "ms" + ], + [ + "gem", + "s" + ], + [ + "g", + "ems" + ], + [ + "▁U", + "P" + ], + [ + "▁", + "UP" + ], + [ + "▁W", + "ol" + ], + [ + "▁Wo", + "l" + ], + [ + ">", + "\"" + ], + [ + "▁f", + "loor" + ], + [ + "▁fl", + "oor" + ], + [ + "▁flo", + "or" + ], + [ + "▁", + "floor" + ], + [ + "▁init", + "ialize" + ], + [ + "▁initial", + "ize" + ], + [ + "▁", + "initialize" + ], + [ + "▁L", + "ew" + ], + [ + "▁Le", + "w" + ], + [ + "ze", + "k" + ], + [ + "z", + "ek" + ], + [ + "ar", + "te" + ], + [ + "art", + "e" + ], + [ + "▁pos", + "itions" + ], + [ + "▁position", + "s" + ], + [ + "▁posit", + "ions" + ], + [ + "▁por", + "tion" + ], + [ + "▁port", + "ion" + ], + [ + "co", + "ver" + ], + [ + "cov", + "er" + ], + [ + "c", + "over" + ], + [ + "w", + "p" + ], + [ + "ов", + "ого" + ], + [ + "ово", + "го" + ], + [ + "о", + "вого" + ], + [ + "▁p", + "iano" + ], + [ + "▁pi", + "ano" + ], + [ + "▁pian", + "o" + ], + [ + "▁pia", + "no" + ], + [ + "▁m", + "etal" + ], + [ + "▁me", + "tal" + ], + [ + "▁met", + "al" + ], + [ + "▁meta", + "l" + ], + [ + "▁s", + "amples" + ], + [ + "▁sam", + "ples" + ], + [ + "▁sample", + "s" + ], + [ + "▁", + "samples" + ], + [ + "▁С", + "ан" + ], + [ + "▁Са", + "н" + ], + [ + "vari", + "able" + ], + [ + "▁ста", + "ть" + ], + [ + "▁inte", + "gers" + ], + [ + "▁integer", + "s" + ], + [ + "Wh", + "ere" + ], + [ + "W", + "here" + ], + [ + "famil", + "y" + ], + [ + "▁n", + "un" + ], + [ + "▁nu", + "n" + ], + [ + "▁in", + "crement" + ], + [ + "▁incre", + "ment" + ], + [ + "▁", + "increment" + ], + [ + "ix", + "ed" + ], + [ + "▁he", + "eft" + ], + [ + "ft", + "e" + ], + [ + "f", + "te" + ], + [ + "▁v", + "il" + ], + [ + "▁vi", + "l" + ], + [ + "▁", + "vil" + ], + [ + "▁ot", + "ros" + ], + [ + "▁otro", + "s" + ], + [ + "Mult", + "imedia" + ], + [ + "Multi", + "media" + ], + [ + "▁Hen", + "ri" + ], + [ + "ad", + "ed" + ], + [ + "ade", + "d" + ], + [ + "a", + "ded" + ], + [ + "ге", + "н" + ], + [ + "г", + "ен" + ], + [ + "▁cap", + "it" + ], + [ + "▁ca", + "pit" + ], + [ + "▁други", + "х" + ], + [ + "is", + "p" + ], + [ + "i", + "sp" + ], + [ + "IT", + "Y" + ], + [ + "I", + "TY" + ], + [ + "▁constraint", + "s" + ], + [ + "▁K", + "irche" + ], + [ + "▁Kir", + "che" + ], + [ + "▁Kirch", + "e" + ], + [ + "fo", + "und" + ], + [ + "f", + "ound" + ], + [ + "ши", + "й" + ], + [ + "▁p", + "ic" + ], + [ + "▁pi", + "c" + ], + [ + "▁", + "pic" + ], + [ + "▁t", + "ou" + ], + [ + "▁to", + "u" + ], + [ + "cre", + "d" + ], + [ + "cr", + "ed" + ], + [ + "c", + "red" + ], + [ + "ро", + "б" + ], + [ + "р", + "об" + ], + [ + "▁M", + "ess" + ], + [ + "▁Me", + "ss" + ], + [ + "▁Mes", + "s" + ], + [ + "▁", + "Mess" + ], + [ + "Jo", + "b" + ], + [ + "J", + "ob" + ], + [ + "▁M", + "ais" + ], + [ + "▁Ma", + "is" + ], + [ + "▁Mai", + "s" + ], + [ + "▁st", + "yles" + ], + [ + "▁style", + "s" + ], + [ + "▁sty", + "les" + ], + [ + "▁", + "styles" + ], + [ + "fa", + "ll" + ], + [ + "fal", + "l" + ], + [ + "f", + "all" + ], + [ + "▁U", + "k" + ], + [ + "▁st", + "reet" + ], + [ + "▁stre", + "et" + ], + [ + "▁", + "street" + ], + [ + "oc", + "cer" + ], + [ + "occ", + "er" + ], + [ + "es", + "en" + ], + [ + "ese", + "n" + ], + [ + "e", + "sen" + ], + [ + "▁col", + "ors" + ], + [ + "▁color", + "s" + ], + [ + "▁", + "colors" + ], + [ + "ce", + "an" + ], + [ + "ю", + "ще" + ], + [ + "con", + "ne" + ], + [ + "conn", + "e" + ], + [ + "c", + "onne" + ], + [ + "▁r", + "atio" + ], + [ + "▁rat", + "io" + ], + [ + "an", + "ton" + ], + [ + "ant", + "on" + ], + [ + "anto", + "n" + ], + [ + "▁F", + "el" + ], + [ + "▁Fe", + "l" + ], + [ + "▁custom", + "er" + ], + [ + "▁cust", + "omer" + ], + [ + "▁", + "customer" + ], + [ + "▁P", + "rix" + ], + [ + "▁Pr", + "ix" + ], + [ + "▁Pri", + "x" + ], + [ + "rá", + "s" + ], + [ + "r", + "ás" + ], + [ + "pr", + "ed" + ], + [ + "pre", + "d" + ], + [ + "p", + "red" + ], + [ + "▁elect", + "ron" + ], + [ + "▁electro", + "n" + ], + [ + "s", + "ym" + ], + [ + "▁ве", + "ли" + ], + [ + "▁", + "вели" + ], + [ + "▁over", + "flow" + ], + [ + "▁", + "overflow" + ], + [ + "▁$", + "[" + ], + [ + "▁P", + "OST" + ], + [ + "▁PO", + "ST" + ], + [ + "▁", + "POST" + ], + [ + "▁C", + "in" + ], + [ + "▁Ci", + "n" + ], + [ + "sc", + "heid" + ], + [ + "sche", + "id" + ], + [ + "(\"", + "/" + ], + [ + "(", + "\"/" + ], + [ + "▁search", + "ing" + ], + [ + "▁pur", + "poses" + ], + [ + "▁purpose", + "s" + ], + [ + "▁arr", + "ived" + ], + [ + "▁arriv", + "ed" + ], + [ + "▁arrive", + "d" + ], + [ + "▁p", + "unt" + ], + [ + "▁pu", + "nt" + ], + [ + "▁pun", + "t" + ], + [ + "▁l", + "ad" + ], + [ + "▁la", + "d" + ], + [ + "▁", + "lad" + ], + [ + "P", + "ython" + ], + [ + "▁le", + "ads" + ], + [ + "▁lead", + "s" + ], + [ + "▁s", + "and" + ], + [ + "▁sa", + "nd" + ], + [ + "▁san", + "d" + ], + [ + "па", + "да" + ], + [ + "пад", + "а" + ], + [ + "▁comm", + "unes" + ], + [ + "▁commun", + "es" + ], + [ + "▁commune", + "s" + ], + [ + "▁CH", + "AP" + ], + [ + "▁c", + "aso" + ], + [ + "▁cas", + "o" + ], + [ + "▁ca", + "so" + ], + [ + "r", + "z" + ], + [ + "▁d", + "w" + ], + [ + "▁", + "dw" + ], + [ + "ac", + "a" + ], + [ + "a", + "ca" + ], + [ + "▁Col", + "umb" + ], + [ + "child", + "ren" + ], + [ + "ê", + "t" + ], + [ + "sch", + "emas" + ], + [ + "sche", + "mas" + ], + [ + "schema", + "s" + ], + [ + "▁instru", + "ctions" + ], + [ + "▁instruction", + "s" + ], + [ + "▁instruct", + "ions" + ], + [ + "▁-", + "\\" + ], + [ + "▁", + "-\\" + ], + [ + "▁Is", + "rael" + ], + [ + "▁Isra", + "el" + ], + [ + "no", + "ści" + ], + [ + "▁об", + "раз" + ], + [ + "▁обра", + "з" + ], + [ + "▁", + "образ" + ], + [ + "▁со", + "вет" + ], + [ + "▁сов", + "ет" + ], + [ + "▁imm", + "agini" + ], + [ + "▁F", + "red" + ], + [ + "▁Fre", + "d" + ], + [ + "▁Fr", + "ed" + ], + [ + "▁G", + "lobal" + ], + [ + "▁Glo", + "bal" + ], + [ + "▁", + "Global" + ], + [ + "▁th", + "ick" + ], + [ + "▁", + "thick" + ], + [ + "▁fue", + "ron" + ], + [ + "▁fuer", + "on" + ], + [ + "▁th", + "rown" + ], + [ + "▁thr", + "own" + ], + [ + "▁throw", + "n" + ], + [ + "▁thro", + "wn" + ], + [ + "▁c", + "lock" + ], + [ + "▁cl", + "ock" + ], + [ + "▁clo", + "ck" + ], + [ + "▁", + "clock" + ], + [ + "en", + "able" + ], + [ + "ena", + "ble" + ], + [ + "''", + "'" + ], + [ + "'", + "''" + ], + [ + "▁S", + "und" + ], + [ + "▁Su", + "nd" + ], + [ + "▁Sun", + "d" + ], + [ + "▁cont", + "empor" + ], + [ + "an", + "swer" + ], + [ + "ans", + "wer" + ], + [ + "▁man", + "ufact" + ], + [ + "▁i", + "o" + ], + [ + "▁", + "io" + ], + [ + "q", + "quad" + ], + [ + "OU", + "T" + ], + [ + "O", + "UT" + ], + [ + "▁L", + "ab" + ], + [ + "▁La", + "b" + ], + [ + "▁", + "Lab" + ], + [ + "▁Z", + "w" + ], + [ + "le", + "gal" + ], + [ + "leg", + "al" + ], + [ + "▁V", + "el" + ], + [ + "▁Ve", + "l" + ], + [ + "▁ra", + "ise" + ], + [ + "▁", + "raise" + ], + [ + "▁de", + "liver" + ], + [ + "▁del", + "iver" + ], + [ + "▁deli", + "ver" + ], + [ + "▁V", + "oir" + ], + [ + "▁Vo", + "ir" + ], + [ + "▁ass", + "umed" + ], + [ + "▁assum", + "ed" + ], + [ + "▁assume", + "d" + ], + [ + "Le", + "t" + ], + [ + "L", + "et" + ], + [ + "ier", + "ten" + ], + [ + "iert", + "en" + ], + [ + "ierte", + "n" + ], + [ + "i", + "erten" + ], + [ + "▁K", + "ong" + ], + [ + "▁Kon", + "g" + ], + [ + "▁Ko", + "ng" + ], + [ + "▁E", + "xp" + ], + [ + "▁Ex", + "p" + ], + [ + "▁", + "Exp" + ], + [ + "▁J", + "ug" + ], + [ + "▁Ju", + "g" + ], + [ + "▁dec", + "laration" + ], + [ + "▁declar", + "ation" + ], + [ + "▁F", + "ish" + ], + [ + "m", + "é" + ], + [ + "▁spe", + "ech" + ], + [ + "▁t", + "ent" + ], + [ + "▁te", + "nt" + ], + [ + "▁ten", + "t" + ], + [ + "▁R", + "oute" + ], + [ + "▁Ro", + "ute" + ], + [ + "▁Rou", + "te" + ], + [ + "▁Rout", + "e" + ], + [ + "▁", + "Route" + ], + [ + "__", + "(" + ], + [ + "_", + "_(" + ], + [ + "▁ré", + "alis" + ], + [ + "▁réal", + "is" + ], + [ + "▁De", + "sign" + ], + [ + "▁Des", + "ign" + ], + [ + "set", + "Text" + ], + [ + "▁St", + "ation" + ], + [ + "▁Stat", + "ion" + ], + [ + "▁Sta", + "tion" + ], + [ + "▁Stati", + "on" + ], + [ + "▁", + "Station" + ], + [ + "ar", + "chy" + ], + [ + "arch", + "y" + ], + [ + "arc", + "hy" + ], + [ + "▁ка", + "то" + ], + [ + "▁d", + "ent" + ], + [ + "▁de", + "nt" + ], + [ + "▁den", + "t" + ], + [ + "▁", + "dent" + ], + [ + "▁K", + "l" + ], + [ + "i", + "ß" + ], + [ + "▁r", + "isk" + ], + [ + "▁ris", + "k" + ], + [ + "▁ri", + "sk" + ], + [ + "▁B", + "road" + ], + [ + "▁Bro", + "ad" + ], + [ + "▁v", + "ectors" + ], + [ + "▁ve", + "ctors" + ], + [ + "▁vector", + "s" + ], + [ + "▁S", + "pec" + ], + [ + "▁Sp", + "ec" + ], + [ + "▁Spe", + "c" + ], + [ + "▁", + "Spec" + ], + [ + "▁ro", + "utes" + ], + [ + "▁route", + "s" + ], + [ + "▁rout", + "es" + ], + [ + "▁rou", + "tes" + ], + [ + "▁", + "routes" + ], + [ + "ym", + "n" + ], + [ + "y", + "mn" + ], + [ + "▁G", + "reg" + ], + [ + "▁Gr", + "eg" + ], + [ + "▁Gre", + "g" + ], + [ + "▁полу", + "чи" + ], + [ + "gi", + "e" + ], + [ + "g", + "ie" + ], + [ + "OR", + "M" + ], + [ + "ве", + "де" + ], + [ + "вед", + "е" + ], + [ + "в", + "еде" + ], + [ + "wa", + "lt" + ], + [ + "wal", + "t" + ], + [ + "w", + "alt" + ], + [ + "▁e", + "fter" + ], + [ + "P", + "tr" + ], + [ + "▁su", + "bt" + ], + [ + "▁sub", + "t" + ], + [ + "▁b", + "irth" + ], + [ + "▁bir", + "th" + ], + [ + "▁dr", + "awn" + ], + [ + "▁draw", + "n" + ], + [ + "▁dra", + "wn" + ], + [ + "me", + "ss" + ], + [ + "mes", + "s" + ], + [ + "m", + "ess" + ], + [ + "мери", + "кан" + ], + [ + "V", + "E" + ], + [ + "▁P", + "ut" + ], + [ + "▁Pu", + "t" + ], + [ + "▁", + "Put" + ], + [ + "▁a", + "sc" + ], + [ + "▁as", + "c" + ], + [ + "▁", + "asc" + ], + [ + "▁f", + "eder" + ], + [ + "▁fe", + "der" + ], + [ + "▁fed", + "er" + ], + [ + "с", + "ли" + ], + [ + "▁P", + "rin" + ], + [ + "▁Pr", + "in" + ], + [ + "▁Pri", + "n" + ], + [ + "▁s", + "tick" + ], + [ + "▁st", + "ick" + ], + [ + "re", + "set" + ], + [ + "res", + "et" + ], + [ + "y", + "k" + ], + [ + "st", + "udio" + ], + [ + "stud", + "io" + ], + [ + "▁St", + "ill" + ], + [ + "Con", + "st" + ], + [ + "Cons", + "t" + ], + [ + "ac", + "ió" + ], + [ + "aci", + "ó" + ], + [ + "a", + "ció" + ], + [ + "▁Portug", + "al" + ], + [ + "▁script", + "s" + ], + [ + "▁scri", + "pts" + ], + [ + "▁", + "scripts" + ], + [ + "und", + "ial" + ], + [ + "▁l", + "ives" + ], + [ + "▁li", + "ves" + ], + [ + "▁live", + "s" + ], + [ + "▁liv", + "es" + ], + [ + "▁s", + "zer" + ], + [ + "▁sz", + "er" + ], + [ + "▁sze", + "r" + ], + [ + "▁est", + "ado" + ], + [ + "▁esta", + "do" + ], + [ + "▁estad", + "o" + ], + [ + "fo", + "lder" + ], + [ + "fol", + "der" + ], + [ + "fold", + "er" + ], + [ + "f", + "older" + ], + [ + "▁communic", + "ation" + ], + [ + "Ro", + "ute" + ], + [ + "Rout", + "e" + ], + [ + "R", + "oute" + ], + [ + "▁sw", + "ift" + ], + [ + "▁", + "swift" + ], + [ + "те", + "н" + ], + [ + "т", + "ен" + ], + [ + "▁k", + "ill" + ], + [ + "▁kil", + "l" + ], + [ + "▁ki", + "ll" + ], + [ + "▁", + "kill" + ], + [ + "▁P", + "R" + ], + [ + "▁", + "PR" + ], + [ + "jo", + "int" + ], + [ + "join", + "t" + ], + [ + "j", + "oint" + ], + [ + "▁ob", + "jective" + ], + [ + "▁object", + "ive" + ], + [ + "▁comp", + "licated" + ], + [ + "▁Ü", + "ber" + ], + [ + "es", + "h" + ], + [ + "e", + "sh" + ], + [ + "p", + "icture" + ], + [ + "ra", + "ine" + ], + [ + "rain", + "e" + ], + [ + "rai", + "ne" + ], + [ + "r", + "aine" + ], + [ + "com", + "put" + ], + [ + "comp", + "ut" + ], + [ + "▁pro", + "port" + ], + [ + "▁pr", + "oport" + ], + [ + "▁prop", + "ort" + ], + [ + "▁propor", + "t" + ], + [ + "og", + "s" + ], + [ + "o", + "gs" + ], + [ + "ül", + "t" + ], + [ + "ü", + "lt" + ], + [ + "▁quant", + "um" + ], + [ + "к", + "ри" + ], + [ + "▁s", + "op" + ], + [ + "▁so", + "p" + ], + [ + "▁lo", + "ops" + ], + [ + "▁loop", + "s" + ], + [ + "▁Re", + "ference" + ], + [ + "▁Refer", + "ence" + ], + [ + "▁", + "Reference" + ], + [ + "▁n", + "ei" + ], + [ + "▁ne", + "i" + ], + [ + "IC", + "E" + ], + [ + "I", + "CE" + ], + [ + "▁v", + "erm" + ], + [ + "▁ver", + "m" + ], + [ + "▁ve", + "rm" + ], + [ + "▁a", + "dj" + ], + [ + "▁ad", + "j" + ], + [ + "▁", + "adj" + ], + [ + "▁per", + "ò" + ], + [ + "▁t", + "rou" + ], + [ + "▁tr", + "ou" + ], + [ + "▁tro", + "u" + ], + [ + "is", + "ions" + ], + [ + "ision", + "s" + ], + [ + "isi", + "ons" + ], + [ + "▁App", + "le" + ], + [ + "▁Ap", + "ple" + ], + [ + "serv", + "able" + ], + [ + "▁B", + "oston" + ], + [ + "▁Bo", + "ston" + ], + [ + "▁Bos", + "ton" + ], + [ + "or", + "et" + ], + [ + "ore", + "t" + ], + [ + "o", + "ret" + ], + [ + "ok", + "s" + ], + [ + "o", + "ks" + ], + [ + "▁k", + "g" + ], + [ + "▁", + "kg" + ], + [ + "def", + "ined" + ], + [ + "define", + "d" + ], + [ + "defin", + "ed" + ], + [ + "d", + "efined" + ], + [ + "pl", + "atform" + ], + [ + "cl", + "er" + ], + [ + "cle", + "r" + ], + [ + "c", + "ler" + ], + [ + "ograph", + "ic" + ], + [ + "ri", + "tt" + ], + [ + "rit", + "t" + ], + [ + "r", + "itt" + ], + [ + "▁d", + "ic" + ], + [ + "▁di", + "c" + ], + [ + "▁", + "dic" + ], + [ + "▁M", + "ond" + ], + [ + "▁Mon", + "d" + ], + [ + "▁Mo", + "nd" + ], + [ + "▁I", + "reland" + ], + [ + "▁Ir", + "eland" + ], + [ + "▁U", + "na" + ], + [ + "▁Un", + "a" + ], + [ + "▁commer", + "cial" + ], + [ + "▁P", + "u" + ], + [ + "D", + "i" + ], + [ + "▁е", + "ё" + ], + [ + "▁pre", + "cis" + ], + [ + "▁prec", + "is" + ], + [ + "на", + "род" + ], + [ + "нар", + "од" + ], + [ + "▁qu", + "atre" + ], + [ + "ust", + "ral" + ], + [ + "ustr", + "al" + ], + [ + "▁d", + "ag" + ], + [ + "▁da", + "g" + ], + [ + "▁", + "dag" + ], + [ + "ig", + "ue" + ], + [ + "igu", + "e" + ], + [ + "i", + "gue" + ], + [ + "▁b", + "urn" + ], + [ + "▁bu", + "rn" + ], + [ + "▁bur", + "n" + ], + [ + "▁", + "burn" + ], + [ + "▁offic", + "er" + ], + [ + "▁office", + "r" + ], + [ + "▁А", + "в" + ], + [ + "▁high", + "light" + ], + [ + "▁", + "highlight" + ], + [ + "▁Supp", + "ose" + ], + [ + "▁Sup", + "pose" + ], + [ + "od", + "i" + ], + [ + "o", + "di" + ], + [ + "serv", + "let" + ], + [ + "▁En", + "cyc" + ], + [ + "▁Enc", + "yc" + ], + [ + "▁R", + "ange" + ], + [ + "▁Ran", + "ge" + ], + [ + "▁Rang", + "e" + ], + [ + "▁", + "Range" + ], + [ + "ти", + "й" + ], + [ + "P", + "lease" + ], + [ + "▁ро", + "ків" + ], + [ + "qu", + "ant" + ], + [ + "qua", + "nt" + ], + [ + "▁f", + "lat" + ], + [ + "▁fl", + "at" + ], + [ + "▁fla", + "t" + ], + [ + "▁", + "flat" + ], + [ + "▁Ré", + "férence" + ], + [ + "сле", + "дова" + ], + [ + "след", + "ова" + ], + [ + "ro", + "le" + ], + [ + "rol", + "e" + ], + [ + "r", + "ole" + ], + [ + "▁d", + "iesen" + ], + [ + "▁di", + "esen" + ], + [ + "▁die", + "sen" + ], + [ + "▁dies", + "en" + ], + [ + "▁diese", + "n" + ], + [ + "}}", + "(" + ], + [ + "}", + "}(" + ], + [ + "▁Ind", + "ust" + ], + [ + "▁nú", + "mer" + ], + [ + "▁\"", + ";" + ], + [ + "▁", + "\";" + ], + [ + "lu", + "s" + ], + [ + "l", + "us" + ], + [ + "ô", + "le" + ], + [ + "▁z", + "m" + ], + [ + "▁", + "zm" + ], + [ + "de", + "g" + ], + [ + "d", + "eg" + ], + [ + "▁r", + "ough" + ], + [ + "▁ro", + "ugh" + ], + [ + "▁rou", + "gh" + ], + [ + "▁", + "rough" + ], + [ + "In", + "v" + ], + [ + "▁h", + "ur" + ], + [ + "▁hu", + "r" + ], + [ + "▁R", + "ess" + ], + [ + "▁Re", + "ss" + ], + [ + "▁Res", + "s" + ], + [ + "ch", + "s" + ], + [ + "c", + "hs" + ], + [ + "▁turn", + "s" + ], + [ + "▁tur", + "ns" + ], + [ + "ne", + "ro" + ], + [ + "ner", + "o" + ], + [ + "n", + "ero" + ], + [ + "function", + "s" + ], + [ + "fun", + "ctions" + ], + [ + "ал", + "и" + ], + [ + "а", + "ли" + ], + [ + "▁hab", + "itants" + ], + [ + "▁habit", + "ants" + ], + [ + "а", + "т" + ], + [ + "iss", + "ues" + ], + [ + "issue", + "s" + ], + [ + "▁h", + "uge" + ], + [ + "▁hu", + "ge" + ], + [ + "Util", + "s" + ], + [ + "▁S", + "at" + ], + [ + "▁Sa", + "t" + ], + [ + "▁го", + "судар" + ], + [ + "▁co", + "ast" + ], + [ + "sh", + "ape" + ], + [ + "sha", + "pe" + ], + [ + "s", + "hape" + ], + [ + "L", + "C" + ], + [ + "▁log", + "ging" + ], + [ + "▁", + "logging" + ], + [ + "en", + "dor" + ], + [ + "end", + "or" + ], + [ + "endo", + "r" + ], + [ + "▁l", + "ies" + ], + [ + "▁li", + "es" + ], + [ + "▁lie", + "s" + ], + [ + "▁", + "lies" + ], + [ + "▁d", + "ifer" + ], + [ + "▁di", + "fer" + ], + [ + "▁dif", + "er" + ], + [ + "▁crit", + "ical" + ], + [ + "▁critic", + "al" + ], + [ + "X", + "T" + ], + [ + "ми", + "на" + ], + [ + "мин", + "а" + ], + [ + "an", + "sk" + ], + [ + "ans", + "k" + ], + [ + "Result", + "s" + ], + [ + "k", + "c" + ], + [ + "ivers", + "e" + ], + [ + "iver", + "se" + ], + [ + "i", + "verse" + ], + [ + "EX", + "T" + ], + [ + "E", + "XT" + ], + [ + "AL", + "SE" + ], + [ + "▁v", + "ál" + ], + [ + "▁vá", + "l" + ], + [ + "P", + "i" + ], + [ + "comp", + "ile" + ], + [ + "hel", + "lo" + ], + [ + "hell", + "o" + ], + [ + "h", + "ello" + ], + [ + "▁чем", + "пи" + ], + [ + "▁It", + "alia" + ], + [ + "▁Ital", + "ia" + ], + [ + "▁", + "Italia" + ], + [ + "ко", + "ло" + ], + [ + "кол", + "о" + ], + [ + "к", + "оло" + ], + [ + "▁ed", + "ition" + ], + [ + "▁edit", + "ion" + ], + [ + "gr", + "und" + ], + [ + "gru", + "nd" + ], + [ + "g", + "rund" + ], + [ + "▁data", + "frame" + ], + [ + "▁Follow", + "ing" + ], + [ + "re", + "ib" + ], + [ + "rei", + "b" + ], + [ + "▁J", + "eff" + ], + [ + "▁Je", + "ff" + ], + [ + "▁citt", + "à" + ], + [ + "IT", + "able" + ], + [ + "I", + "Table" + ], + [ + "▁$", + "(\\" + ], + [ + "▁$(", + "\\" + ], + [ + "▁redu", + "ced" + ], + [ + "▁reduce", + "d" + ], + [ + "ob", + "il" + ], + [ + "obi", + "l" + ], + [ + "o", + "bil" + ], + [ + "▁any", + "where" + ], + [ + "'", + "(" + ], + [ + "▁p", + "hr" + ], + [ + "▁ph", + "r" + ], + [ + "▁", + "phr" + ], + [ + "▁K", + "h" + ], + [ + "▁F", + "rame" + ], + [ + "▁Fr", + "ame" + ], + [ + "▁Fra", + "me" + ], + [ + "▁", + "Frame" + ], + [ + "▁man", + "ual" + ], + [ + "▁", + "manual" + ], + [ + "▁c", + "ra" + ], + [ + "▁cr", + "a" + ], + [ + "▁", + "cra" + ], + [ + "▁V", + "S" + ], + [ + "▁", + "VS" + ], + [ + "%", + "=" + ], + [ + "Instance", + "State" + ], + [ + "▁б", + "ра" + ], + [ + "▁", + "бра" + ], + [ + "▁D", + "rag" + ], + [ + "▁Dr", + "ag" + ], + [ + "▁Dra", + "g" + ], + [ + "▁", + "Drag" + ], + [ + "▁H", + "err" + ], + [ + "▁He", + "rr" + ], + [ + "▁Her", + "r" + ], + [ + "▁г", + "у" + ], + [ + "▁", + "гу" + ], + [ + "▁m", + "ús" + ], + [ + "To", + "ol" + ], + [ + "T", + "ool" + ], + [ + "▁P", + "rivate" + ], + [ + "▁Priv", + "ate" + ], + [ + "▁", + "Private" + ], + [ + "▁s", + "ynchron" + ], + [ + "▁syn", + "chron" + ], + [ + "ir", + "ation" + ], + [ + "ira", + "tion" + ], + [ + "irat", + "ion" + ], + [ + "▁о", + "бо" + ], + [ + "▁об", + "о" + ], + [ + "▁typ", + "ically" + ], + [ + "▁typical", + "ly" + ], + [ + "▁imp", + "licit" + ], + [ + "or", + "ient" + ], + [ + "ori", + "ent" + ], + [ + "orie", + "nt" + ], + [ + "▁t", + "imer" + ], + [ + "▁time", + "r" + ], + [ + "▁tim", + "er" + ], + [ + "▁ti", + "mer" + ], + [ + "▁", + "timer" + ], + [ + "▁kön", + "nen" + ], + [ + "ie", + "st" + ], + [ + "ies", + "t" + ], + [ + "i", + "est" + ], + [ + "ra", + "id" + ], + [ + "rai", + "d" + ], + [ + "▁expression", + "s" + ], + [ + "▁express", + "ions" + ], + [ + "▁expr", + "essions" + ], + [ + "▁a", + "im" + ], + [ + "▁ai", + "m" + ], + [ + "▁s", + "tre" + ], + [ + "▁st", + "re" + ], + [ + "▁str", + "e" + ], + [ + "▁", + "stre" + ], + [ + "▁w", + "rap" + ], + [ + "▁wr", + "ap" + ], + [ + "▁wra", + "p" + ], + [ + "▁", + "wrap" + ], + [ + "▁B", + "art" + ], + [ + "▁Bar", + "t" + ], + [ + "▁Ba", + "rt" + ], + [ + "▁b", + "ron" + ], + [ + "▁br", + "on" + ], + [ + "▁bro", + "n" + ], + [ + "▁key", + "board" + ], + [ + "po", + "w" + ], + [ + "p", + "ow" + ], + [ + "▁gru", + "po" + ], + [ + "▁grup", + "o" + ], + [ + "▁ре", + "зу" + ], + [ + "▁prof", + "essor" + ], + [ + "▁profess", + "or" + ], + [ + "▁H", + "ead" + ], + [ + "▁He", + "ad" + ], + [ + "▁", + "Head" + ], + [ + "но", + "ю" + ], + [ + "min", + "us" + ], + [ + "m", + "inus" + ], + [ + "▁Mich", + "el" + ], + [ + "▁Mic", + "hel" + ], + [ + "NO", + "T" + ], + [ + "N", + "OT" + ], + [ + "mo", + "r" + ], + [ + "m", + "or" + ], + [ + "]", + "}" + ], + [ + "wide", + "hat" + ], + [ + "ar", + "is" + ], + [ + "ari", + "s" + ], + [ + "a", + "ris" + ], + [ + "тера", + "тура" + ], + [ + "de", + "fn" + ], + [ + "def", + "n" + ], + [ + "is", + "trz" + ], + [ + "ist", + "rz" + ], + [ + "istr", + "z" + ], + [ + "▁t", + "anto" + ], + [ + "▁tan", + "to" + ], + [ + "▁tant", + "o" + ], + [ + "▁P", + "ow" + ], + [ + "▁Po", + "w" + ], + [ + "▁ind", + "icate" + ], + [ + "▁indic", + "ate" + ], + [ + "▁W", + "inter" + ], + [ + "▁Win", + "ter" + ], + [ + "res", + "hold" + ], + [ + "resh", + "old" + ], + [ + "рі", + "в" + ], + [ + "р", + "ів" + ], + [ + "▁`", + "(" + ], + [ + "▁o", + "wner" + ], + [ + "▁own", + "er" + ], + [ + "▁ow", + "ner" + ], + [ + "▁", + "owner" + ], + [ + "▁d", + "isp" + ], + [ + "▁di", + "sp" + ], + [ + "▁dis", + "p" + ], + [ + "▁к", + "ри" + ], + [ + "▁", + "кри" + ], + [ + "ме", + "т" + ], + [ + "м", + "ет" + ], + [ + "мен", + "т" + ], + [ + "м", + "ент" + ], + [ + "re", + "port" + ], + [ + "rep", + "ort" + ], + [ + "repo", + "rt" + ], + [ + "re", + "quire" + ], + [ + "▁v", + "oy" + ], + [ + "▁vo", + "y" + ], + [ + "▁", + "voy" + ], + [ + "▁A", + "P" + ], + [ + "▁", + "AP" + ], + [ + "▁Esp", + "aña" + ], + [ + "▁Españ", + "a" + ], + [ + "▁S", + "ão" + ], + [ + "j", + "är" + ], + [ + "No", + "n" + ], + [ + "N", + "on" + ], + [ + "Li", + "brary" + ], + [ + "L", + "ibrary" + ], + [ + "ich", + "ten" + ], + [ + "icht", + "en" + ], + [ + "ichte", + "n" + ], + [ + "i", + "chten" + ], + [ + "▁struct", + "ures" + ], + [ + "▁structure", + "s" + ], + [ + "▁m", + "uy" + ], + [ + "▁mu", + "y" + ], + [ + "ár", + "io" + ], + [ + "á", + "rio" + ], + [ + "▁cert", + "ificate" + ], + [ + "▁certific", + "ate" + ], + [ + "чно", + "го" + ], + [ + "ч", + "ного" + ], + [ + "▁prov", + "ince" + ], + [ + "▁provin", + "ce" + ], + [ + "pa", + "ges" + ], + [ + "page", + "s" + ], + [ + "pag", + "es" + ], + [ + "p", + "ages" + ], + [ + "da", + "l" + ], + [ + "d", + "al" + ], + [ + "▁Fre", + "der" + ], + [ + "▁Fr", + "eder" + ], + [ + "▁Fred", + "er" + ], + [ + "ь", + "е" + ], + [ + "Exec", + "ute" + ], + [ + "▁an", + "cient" + ], + [ + "▁anci", + "ent" + ], + [ + "▁anc", + "ient" + ], + [ + "▁ancien", + "t" + ], + [ + "▁fil", + "ms" + ], + [ + "▁film", + "s" + ], + [ + "▁Al", + "fred" + ], + [ + "▁Alf", + "red" + ], + [ + "Aut", + "o" + ], + [ + "A", + "uto" + ], + [ + "▁a", + "tom" + ], + [ + "▁at", + "om" + ], + [ + "▁", + "atom" + ], + [ + "▁e", + "ll" + ], + [ + "▁el", + "l" + ], + [ + "▁", + "ell" + ], + [ + "▁H", + "arr" + ], + [ + "▁Har", + "r" + ], + [ + "▁Ha", + "rr" + ], + [ + "й", + "н" + ], + [ + "▁\"", + "#" + ], + [ + "▁n", + "acional" + ], + [ + "▁nac", + "ional" + ], + [ + "▁neigh", + "bor" + ], + [ + "▁neighb", + "or" + ], + [ + "сту", + "па" + ], + [ + "ступ", + "а" + ], + [ + "▁w", + "it" + ], + [ + "Po", + "p" + ], + [ + "P", + "op" + ], + [ + "▁G", + "reek" + ], + [ + "▁Gre", + "ek" + ], + [ + "▁Gree", + "k" + ], + [ + "▁re", + "peat" + ], + [ + "▁repe", + "at" + ], + [ + "▁", + "repeat" + ], + [ + "ba", + "d" + ], + [ + "b", + "ad" + ], + [ + "▁S", + "C" + ], + [ + "▁", + "SC" + ], + [ + "▁Date", + "Time" + ], + [ + "▁", + "DateTime" + ], + [ + "ш", + "ти" + ], + [ + "▁W", + "H" + ], + [ + "▁", + "WH" + ], + [ + "▁пра", + "ви" + ], + [ + "▁прав", + "и" + ], + [ + "▁", + "прави" + ], + [ + "▁Т", + "и" + ], + [ + "▁s", + "aison" + ], + [ + "▁sa", + "ison" + ], + [ + "▁H", + "art" + ], + [ + "▁Har", + "t" + ], + [ + "▁Ha", + "rt" + ], + [ + "direct", + "ory" + ], + [ + "d", + "irectory" + ], + [ + "ua", + "n" + ], + [ + "u", + "an" + ], + [ + "no", + "rm" + ], + [ + "nor", + "m" + ], + [ + "n", + "orm" + ], + [ + "▁Phil", + "ipp" + ], + [ + "▁Phili", + "pp" + ], + [ + "▁Philip", + "p" + ], + [ + "▁su", + "spect" + ], + [ + "▁sus", + "pect" + ], + [ + "▁susp", + "ect" + ], + [ + "▁an", + "no" + ], + [ + "▁ann", + "o" + ], + [ + "▁", + "anno" + ], + [ + "b", + "c" + ], + [ + "с", + "ла" + ], + [ + "$", + "(" + ], + [ + "▁be", + "find" + ], + [ + "▁bef", + "ind" + ], + [ + "oc", + "s" + ], + [ + "o", + "cs" + ], + [ + "la", + "test" + ], + [ + "lat", + "est" + ], + [ + "late", + "st" + ], + [ + ";\"", + ">" + ], + [ + ";", + "\">" + ], + [ + "▁after", + "wards" + ], + [ + "PU", + "T" + ], + [ + "P", + "UT" + ], + [ + "▁j", + "a" + ], + [ + "▁", + "ja" + ], + [ + "▁H", + "il" + ], + [ + "▁Hi", + "l" + ], + [ + "y", + "z" + ], + [ + "▁B", + "our" + ], + [ + "▁Bo", + "ur" + ], + [ + "▁Bou", + "r" + ], + [ + "▁la", + "id" + ], + [ + "▁Д", + "же" + ], + [ + "▁Дж", + "е" + ], + [ + "pi", + "e" + ], + [ + "p", + "ie" + ], + [ + "w", + "atch" + ], + [ + "▁E", + "q" + ], + [ + "▁", + "Eq" + ], + [ + "cont", + "act" + ], + [ + "ib", + "er" + ], + [ + "ibe", + "r" + ], + [ + "i", + "ber" + ], + [ + "check", + "box" + ], + [ + "▁esp", + "añ" + ], + [ + "▁espa", + "ñ" + ], + [ + "an", + "se" + ], + [ + "ans", + "e" + ], + [ + "▁ш", + "ко" + ], + [ + "▁", + "шко" + ], + [ + "ef", + "f" + ], + [ + "e", + "ff" + ], + [ + "xx", + "x" + ], + [ + "x", + "xx" + ], + [ + "▁G", + "ET" + ], + [ + "▁", + "GET" + ], + [ + "▁l", + "ov" + ], + [ + "▁lo", + "v" + ], + [ + "▁", + "lov" + ], + [ + "it", + "ute" + ], + [ + "itu", + "te" + ], + [ + "itut", + "e" + ], + [ + "ze", + "ch" + ], + [ + "zec", + "h" + ], + [ + "z", + "ech" + ], + [ + "ter", + "e" + ], + [ + "te", + "re" + ], + [ + "t", + "ere" + ], + [ + "▁p", + "urs" + ], + [ + "▁pu", + "rs" + ], + [ + "▁pur", + "s" + ], + [ + "ke", + "ns" + ], + [ + "ken", + "s" + ], + [ + "k", + "ens" + ], + [ + "ian", + "te" + ], + [ + "i", + "ante" + ], + [ + "▁F", + "ree" + ], + [ + "▁Fre", + "e" + ], + [ + "▁Fr", + "ee" + ], + [ + "▁", + "Free" + ], + [ + "▁ор", + "гани" + ], + [ + "▁орган", + "и" + ], + [ + "kre", + "is" + ], + [ + "▁{", + ":" + ], + [ + "▁", + "{:" + ], + [ + "sh", + "ared" + ], + [ + "share", + "d" + ], + [ + "sha", + "red" + ], + [ + "▁G", + "raph" + ], + [ + "▁Gr", + "aph" + ], + [ + "▁Gra", + "ph" + ], + [ + "▁", + "Graph" + ], + [ + "▁conne", + "ctions" + ], + [ + "▁connection", + "s" + ], + [ + "▁connect", + "ions" + ], + [ + "▁D", + "OM" + ], + [ + "▁DO", + "M" + ], + [ + "▁", + "DOM" + ], + [ + "▁C", + "art" + ], + [ + "▁Car", + "t" + ], + [ + "▁Ca", + "rt" + ], + [ + "▁", + "Cart" + ], + [ + "ss", + "on" + ], + [ + "s", + "son" + ], + [ + "▁H", + "amilton" + ], + [ + "те", + "ли" + ], + [ + "тел", + "и" + ], + [ + "▁r", + "estaur" + ], + [ + "▁rest", + "aur" + ], + [ + "▁resta", + "ur" + ], + [ + "Re", + "sol" + ], + [ + "Res", + "ol" + ], + [ + "Dr", + "iver" + ], + [ + "D", + "river" + ], + [ + "▁en", + "f" + ], + [ + "▁", + "enf" + ], + [ + "ED", + "IT" + ], + [ + "▁p", + "rev" + ], + [ + "▁pr", + "ev" + ], + [ + "▁pre", + "v" + ], + [ + "▁", + "prev" + ], + [ + "▁i", + "k" + ], + [ + "▁", + "ik" + ], + [ + "▁s", + "ă" + ], + [ + "j", + "ö" + ], + [ + "▁С", + "ССР" + ], + [ + "▁col", + "our" + ], + [ + "ch", + "ten" + ], + [ + "cht", + "en" + ], + [ + "chte", + "n" + ], + [ + "▁e", + "stad" + ], + [ + "▁est", + "ad" + ], + [ + "▁esta", + "d" + ], + [ + "in", + "ois" + ], + [ + "ino", + "is" + ], + [ + "▁con", + "fir" + ], + [ + "▁conf", + "ir" + ], + [ + "▁v", + "é" + ], + [ + "▁", + "vé" + ], + [ + "▁C", + "es" + ], + [ + "▁Ce", + "s" + ], + [ + "▁N", + "ever" + ], + [ + "▁Ne", + "ver" + ], + [ + "▁Nev", + "er" + ], + [ + "om", + "er" + ], + [ + "ome", + "r" + ], + [ + "o", + "mer" + ], + [ + "ж", + "да" + ], + [ + "с", + "лу" + ], + [ + "че", + "ния" + ], + [ + "dl", + "l" + ], + [ + "d", + "ll" + ], + [ + "▁y", + "outh" + ], + [ + "▁you", + "th" + ], + [ + "▁yo", + "uth" + ], + [ + "em", + "en" + ], + [ + "eme", + "n" + ], + [ + "e", + "men" + ], + [ + "▁stud", + "ied" + ], + [ + "▁studi", + "ed" + ], + [ + "▁K", + "il" + ], + [ + "▁Ki", + "l" + ], + [ + "ci", + "on" + ], + [ + "cio", + "n" + ], + [ + "c", + "ion" + ], + [ + "▁n", + "avig" + ], + [ + "▁nav", + "ig" + ], + [ + "re", + "quired" + ], + [ + "require", + "d" + ], + [ + "orith", + "ms" + ], + [ + "orithm", + "s" + ], + [ + "il", + "or" + ], + [ + "ilo", + "r" + ], + [ + "i", + "lor" + ], + [ + "▁Deutsch", + "en" + ], + [ + "▁Deutsche", + "n" + ], + [ + "▁person", + "s" + ], + [ + "▁pers", + "ons" + ], + [ + "▁Barcel", + "ona" + ], + [ + "▁form", + "ation" + ], + [ + "▁format", + "ion" + ], + [ + "▁forma", + "tion" + ], + [ + "▁", + "formation" + ], + [ + "ab", + "ei" + ], + [ + "abe", + "i" + ], + [ + "a", + "bei" + ], + [ + "▁про", + "тив" + ], + [ + "▁проти", + "в" + ], + [ + "Eng", + "ine" + ], + [ + "ON", + "E" + ], + [ + "O", + "NE" + ], + [ + "og", + "rá" + ], + [ + "Ca", + "p" + ], + [ + "C", + "ap" + ], + [ + "ri", + "r" + ], + [ + "r", + "ir" + ], + [ + "▁g", + "ate" + ], + [ + "▁ga", + "te" + ], + [ + "▁gat", + "e" + ], + [ + "▁", + "gate" + ], + [ + "or", + "ation" + ], + [ + "ora", + "tion" + ], + [ + "ma", + "ven" + ], + [ + "m", + "aven" + ], + [ + "▁comb", + "ined" + ], + [ + "▁combin", + "ed" + ], + [ + "▁combine", + "d" + ], + [ + "▁at", + "tr" + ], + [ + "▁att", + "r" + ], + [ + "▁", + "attr" + ], + [ + "▁h", + "ook" + ], + [ + "▁ho", + "ok" + ], + [ + "▁", + "hook" + ], + [ + "▁которы", + "й" + ], + [ + "▁ser", + "vers" + ], + [ + "▁server", + "s" + ], + [ + "▁serv", + "ers" + ], + [ + "▁serve", + "rs" + ], + [ + "uct", + "ure" + ], + [ + "же", + "ння" + ], + [ + "жен", + "ня" + ], + [ + "t", + "v" + ], + [ + "▁re", + "q" + ], + [ + "▁r", + "eq" + ], + [ + "▁", + "req" + ], + [ + "ja", + "l" + ], + [ + "j", + "al" + ], + [ + "▁loc", + "ally" + ], + [ + "▁local", + "ly" + ], + [ + "}}", + "{\\" + ], + [ + "}}{", + "\\" + ], + [ + "}", + "}{\\" + ], + [ + "B", + "r" + ], + [ + "▁H", + "ier" + ], + [ + "▁Hi", + "er" + ], + [ + "мо", + "р" + ], + [ + "м", + "ор" + ], + [ + "▁a", + "part" + ], + [ + "▁ap", + "art" + ], + [ + "▁apar", + "t" + ], + [ + "\"]", + "," + ], + [ + "\"", + "]," + ], + [ + "▁%>", + "%" + ], + [ + "▁z", + "usammen" + ], + [ + "▁zus", + "ammen" + ], + [ + "▁ident", + "ify" + ], + [ + "▁Al", + "tern" + ], + [ + "▁Alt", + "ern" + ], + [ + "▁Alter", + "n" + ], + [ + "▁б", + "ро" + ], + [ + "▁", + "бро" + ], + [ + "▁ц", + "и" + ], + [ + "▁", + "ци" + ], + [ + "g", + "h" + ], + [ + "▁T", + "en" + ], + [ + "▁Te", + "n" + ], + [ + "R", + "S" + ], + [ + "фор", + "ма" + ], + [ + "▁n", + "elle" + ], + [ + "▁ne", + "lle" + ], + [ + "▁nel", + "le" + ], + [ + "▁nell", + "e" + ], + [ + "▁", + "nelle" + ], + [ + "▁H", + "in" + ], + [ + "▁Hi", + "n" + ], + [ + "ound", + "ing" + ], + [ + "oun", + "ding" + ], + [ + "▁re", + "prés" + ], + [ + "▁rep", + "rés" + ], + [ + "▁repr", + "és" + ], + [ + "ap", + "h" + ], + [ + "a", + "ph" + ], + [ + "▁[", + "\\" + ], + [ + "▁", + "[\\" + ], + [ + "▁S", + "ports" + ], + [ + "▁Sport", + "s" + ], + [ + "ра", + "л" + ], + [ + "р", + "ал" + ], + [ + "▁t", + "hre" + ], + [ + "▁th", + "re" + ], + [ + "▁thr", + "e" + ], + [ + "▁p", + "rin" + ], + [ + "▁pr", + "in" + ], + [ + "▁pri", + "n" + ], + [ + "▁El", + "iz" + ], + [ + "▁Eli", + "z" + ], + [ + "▁F", + "our" + ], + [ + "▁Fou", + "r" + ], + [ + "▁Fo", + "ur" + ], + [ + "▁soci", + "ety" + ], + [ + "▁soc", + "iety" + ], + [ + "Trans", + "action" + ], + [ + "▁v", + "eg" + ], + [ + "▁ve", + "g" + ], + [ + "▁", + "veg" + ], + [ + "▁sch", + "ools" + ], + [ + "▁school", + "s" + ], + [ + "▁over", + "all" + ], + [ + "▁t", + "ail" + ], + [ + "▁ta", + "il" + ], + [ + "▁", + "tail" + ], + [ + "üb", + "er" + ], + [ + "ü", + "ber" + ], + [ + "▁S", + "ov" + ], + [ + "▁So", + "v" + ], + [ + "▁С", + "ер" + ], + [ + "▁Се", + "р" + ], + [ + "▁r", + "app" + ], + [ + "▁ra", + "pp" + ], + [ + "▁rap", + "p" + ], + [ + "▁tra", + "ffic" + ], + [ + "qu", + "estion" + ], + [ + "quest", + "ion" + ], + [ + "ques", + "tion" + ], + [ + "▁en", + "viron" + ], + [ + "▁envi", + "ron" + ], + [ + "▁", + "environ" + ], + [ + "ate", + "ien" + ], + [ + "ic", + "us" + ], + [ + "i", + "cus" + ], + [ + "▁n", + "arrow" + ], + [ + "▁narr", + "ow" + ], + [ + "▁nar", + "row" + ], + [ + "▁p", + "ray" + ], + [ + "▁pr", + "ay" + ], + [ + "▁pra", + "y" + ], + [ + "▁B", + "ou" + ], + [ + "▁Bo", + "u" + ], + [ + "▁C", + "lient" + ], + [ + "▁Cl", + "ient" + ], + [ + "▁", + "Client" + ], + [ + "ab", + "l" + ], + [ + "a", + "bl" + ], + [ + "▁Aud", + "iod" + ], + [ + "▁Audio", + "d" + ], + [ + "▁n", + "pm" + ], + [ + "▁np", + "m" + ], + [ + "▁", + "npm" + ], + [ + "▁Col", + "umn" + ], + [ + "▁", + "Column" + ], + [ + "▁G", + "ames" + ], + [ + "▁Game", + "s" + ], + [ + "▁Ga", + "mes" + ], + [ + "▁Gam", + "es" + ], + [ + "av", + "er" + ], + [ + "ave", + "r" + ], + [ + "a", + "ver" + ], + [ + "ony", + "mes" + ], + [ + "onym", + "es" + ], + [ + "onyme", + "s" + ], + [ + "▁По", + "сле" + ], + [ + "n", + "ą" + ], + [ + "▁N", + "u" + ], + [ + "▁D", + "ick" + ], + [ + "▁Di", + "ck" + ], + [ + "▁Dic", + "k" + ], + [ + "▁t", + "ensor" + ], + [ + "▁tens", + "or" + ], + [ + "▁", + "tensor" + ], + [ + "▁@", + "\"" + ], + [ + "▁", + "@\"" + ], + [ + "v", + "é" + ], + [ + "I", + "con" + ], + [ + "▁по", + "да" + ], + [ + "▁под", + "а" + ], + [ + "▁", + "пода" + ], + [ + "▁G", + "on" + ], + [ + "▁Go", + "n" + ], + [ + "/)", + "." + ], + [ + "/", + ")." + ], + [ + "is", + "tra" + ], + [ + "ist", + "ra" + ], + [ + "istr", + "a" + ], + [ + "i", + "stra" + ], + [ + "▁Audiod", + "ateien" + ], + [ + "De", + "lete" + ], + [ + "Del", + "ete" + ], + [ + "}}", + "}" + ], + [ + "}", + "}}" + ], + [ + "▁j", + "ump" + ], + [ + "▁ju", + "mp" + ], + [ + "▁О", + "б" + ], + [ + "▁princi", + "ple" + ], + [ + "▁princip", + "le" + ], + [ + "▁Ét", + "ats" + ], + [ + "ok", + "ed" + ], + [ + "oke", + "d" + ], + [ + "o", + "ked" + ], + [ + "▁В", + "ла" + ], + [ + "Inter", + "val" + ], + [ + "▁s", + "au" + ], + [ + "▁sa", + "u" + ], + [ + "en", + "code" + ], + [ + "enc", + "ode" + ], + [ + "▁p", + "on" + ], + [ + "▁po", + "n" + ], + [ + "▁", + "pon" + ], + [ + "cat", + "ch" + ], + [ + "c", + "atch" + ], + [ + "▁t", + "iem" + ], + [ + "▁ti", + "em" + ], + [ + "▁tie", + "m" + ], + [ + "▁G", + "ust" + ], + [ + "▁Gu", + "st" + ], + [ + "M", + "C" + ], + [ + "lim", + "its" + ], + [ + "limit", + "s" + ], + [ + "▁ke", + "eping" + ], + [ + "▁keep", + "ing" + ], + [ + "▁s", + "ongs" + ], + [ + "▁son", + "gs" + ], + [ + "▁song", + "s" + ], + [ + "▁ав", + "гу" + ], + [ + "▁рай", + "он" + ], + [ + "▁райо", + "н" + ], + [ + "▁not", + "ification" + ], + [ + "▁", + "notification" + ], + [ + "▁off", + "ered" + ], + [ + "▁offer", + "ed" + ], + [ + "Co", + "r" + ], + [ + "C", + "or" + ], + [ + "▁sh", + "ut" + ], + [ + "error", + "s" + ], + [ + "err", + "ors" + ], + [ + "▁E", + "N" + ], + [ + "▁", + "EN" + ], + [ + "▁lat", + "ach" + ], + [ + "▁sel", + "bst" + ], + [ + "▁check", + "box" + ], + [ + "▁", + "checkbox" + ], + [ + "▁c", + "ool" + ], + [ + "▁co", + "ol" + ], + [ + "▁f", + "actory" + ], + [ + "▁fact", + "ory" + ], + [ + "▁factor", + "y" + ], + [ + "▁", + "factory" + ], + [ + "▁pa", + "id" + ], + [ + "dim", + "ensional" + ], + [ + "ni", + "ej" + ], + [ + "nie", + "j" + ], + [ + "n", + "iej" + ], + [ + "pt", + "on" + ], + [ + "pto", + "n" + ], + [ + "p", + "ton" + ], + [ + "▁p", + "in" + ], + [ + "▁pi", + "n" + ], + [ + "▁", + "pin" + ], + [ + "ak", + "ed" + ], + [ + "ake", + "d" + ], + [ + "a", + "ked" + ], + [ + "▁re", + "li" + ], + [ + "▁r", + "eli" + ], + [ + "▁rel", + "i" + ], + [ + "▁T", + "aylor" + ], + [ + "▁S", + "omething" + ], + [ + "▁Some", + "thing" + ], + [ + "▁Som", + "ething" + ], + [ + "▁", + "Something" + ], + [ + "im", + "um" + ], + [ + "▁V", + "in" + ], + [ + "▁Vi", + "n" + ], + [ + "▁iter", + "ation" + ], + [ + "Fin", + "d" + ], + [ + "Fi", + "nd" + ], + [ + "F", + "ind" + ], + [ + "ко", + "ви" + ], + [ + "ков", + "и" + ], + [ + "к", + "ови" + ], + [ + "▁bo", + "ys" + ], + [ + "▁boy", + "s" + ], + [ + "▁Sim", + "ple" + ], + [ + "▁", + "Simple" + ], + [ + "▁C", + "rist" + ], + [ + "▁Cr", + "ist" + ], + [ + "▁Cris", + "t" + ], + [ + "▁W", + "as" + ], + [ + "▁Wa", + "s" + ], + [ + "ân", + "d" + ], + [ + "â", + "nd" + ], + [ + "▁V", + "a" + ], + [ + "▁т", + "ра" + ], + [ + "▁", + "тра" + ], + [ + "▁dest", + "ination" + ], + [ + "▁destin", + "ation" + ], + [ + "▁", + "destination" + ], + [ + "li", + "mp" + ], + [ + "lim", + "p" + ], + [ + "l", + "imp" + ], + [ + "▁K", + "at" + ], + [ + "▁Ka", + "t" + ], + [ + "wor", + "th" + ], + [ + "wort", + "h" + ], + [ + "w", + "orth" + ], + [ + "▁K", + "or" + ], + [ + "▁Ko", + "r" + ], + [ + "i", + "ção" + ], + [ + "=", + "`" + ], + [ + "▁fair", + "ly" + ], + [ + "fall", + "s" + ], + [ + "fal", + "ls" + ], + [ + "f", + "alls" + ], + [ + "▁re", + "ject" + ], + [ + "▁d", + "ream" + ], + [ + "▁dre", + "am" + ], + [ + "be", + "ll" + ], + [ + "bel", + "l" + ], + [ + "b", + "ell" + ], + [ + "▁t", + "oute" + ], + [ + "▁to", + "ute" + ], + [ + "▁tout", + "e" + ], + [ + "▁tou", + "te" + ], + [ + "▁$", + "\\{" + ], + [ + "▁$\\", + "{" + ], + [ + "▁st", + "one" + ], + [ + "▁sto", + "ne" + ], + [ + "▁", + "stone" + ], + [ + "▁prote", + "ct" + ], + [ + "▁prot", + "ect" + ], + [ + "▁ex", + "cell" + ], + [ + "▁exc", + "ell" + ], + [ + "▁excel", + "l" + ], + [ + "▁Me", + "xico" + ], + [ + "▁Mex", + "ico" + ], + [ + "▁d", + "ash" + ], + [ + "▁da", + "sh" + ], + [ + "▁das", + "h" + ], + [ + "▁", + "dash" + ], + [ + "▁f", + "ault" + ], + [ + "▁fa", + "ult" + ], + [ + "▁", + "fault" + ], + [ + "p", + "matrix" + ], + [ + "al", + "ler" + ], + [ + "all", + "er" + ], + [ + "alle", + "r" + ], + [ + "▁guer", + "re" + ], + [ + "or", + "igin" + ], + [ + "ori", + "gin" + ], + [ + "orig", + "in" + ], + [ + "hi", + "bernate" + ], + [ + "í", + "lia" + ], + [ + "▁Reg", + "ister" + ], + [ + "▁", + "Register" + ], + [ + "un", + "to" + ], + [ + "unt", + "o" + ], + [ + "▁B", + "at" + ], + [ + "▁Ba", + "t" + ], + [ + "▁b", + "ow" + ], + [ + "▁bo", + "w" + ], + [ + "▁", + "bow" + ], + [ + "сь", + "ких" + ], + [ + "ськ", + "их" + ], + [ + "et", + "à" + ], + [ + "▁L", + "uis" + ], + [ + "▁Lu", + "is" + ], + [ + "▁f", + "ou" + ], + [ + "▁fo", + "u" + ], + [ + "▁Cam", + "bridge" + ], + [ + "▁Camb", + "ridge" + ], + [ + "▁o", + "tt" + ], + [ + "▁ot", + "t" + ], + [ + "▁", + "ott" + ], + [ + "su", + "p" + ], + [ + "s", + "up" + ], + [ + "re", + "as" + ], + [ + "rea", + "s" + ], + [ + "▁point", + "ers" + ], + [ + "▁pointer", + "s" + ], + [ + "▁Bo", + "ard" + ], + [ + "▁", + "Board" + ], + [ + "▁р", + "и" + ], + [ + "▁", + "ри" + ], + [ + "▁d", + "riv" + ], + [ + "▁dr", + "iv" + ], + [ + "▁dri", + "v" + ], + [ + "ни", + "н" + ], + [ + "н", + "ин" + ], + [ + "▁C", + "irc" + ], + [ + "▁Ci", + "rc" + ], + [ + "▁Cir", + "c" + ], + [ + "▁", + "Circ" + ], + [ + "▁t", + "hou" + ], + [ + "▁th", + "ou" + ], + [ + "Di", + "v" + ], + [ + "D", + "iv" + ], + [ + "sp", + "ark" + ], + [ + "s", + "park" + ], + [ + "la", + "ment" + ], + [ + "lam", + "ent" + ], + [ + "l", + "ament" + ], + [ + "▁V", + "AL" + ], + [ + "▁", + "VAL" + ], + [ + "Se", + "nd" + ], + [ + "S", + "end" + ], + [ + "▁Ir", + "ish" + ], + [ + "o", + "y" + ], + [ + "▁T", + "u" + ], + [ + "▁", + "Tu" + ], + [ + "▁t", + "rivial" + ], + [ + "Form", + "s" + ], + [ + "For", + "ms" + ], + [ + "▁as", + "í" + ], + [ + "▁Im", + "per" + ], + [ + "▁Imp", + "er" + ], + [ + "▁sign", + "ature" + ], + [ + "un", + "os" + ], + [ + "uno", + "s" + ], + [ + "u", + "nos" + ], + [ + "▁N", + "eg" + ], + [ + "▁Ne", + "g" + ], + [ + "▁can", + "cel" + ], + [ + "▁", + "cancel" + ], + [ + "▁Hein", + "rich" + ], + [ + "ee", + "d" + ], + [ + "e", + "ed" + ], + [ + "Ill", + "ustration" + ], + [ + "▁s", + "ulla" + ], + [ + "▁su", + "lla" + ], + [ + "▁sul", + "la" + ], + [ + "▁sull", + "a" + ], + [ + "▁qu", + "arter" + ], + [ + "▁quart", + "er" + ], + [ + "▁quar", + "ter" + ], + [ + "as", + "z" + ], + [ + "a", + "sz" + ], + [ + "▁b", + "log" + ], + [ + "▁bl", + "og" + ], + [ + "▁blo", + "g" + ], + [ + "▁", + "blog" + ], + [ + "fi", + "ca" + ], + [ + "fic", + "a" + ], + [ + "f", + "ica" + ], + [ + "wo", + "n" + ], + [ + "w", + "on" + ], + [ + "qu", + "et" + ], + [ + "que", + "t" + ], + [ + "q", + "uet" + ], + [ + "])", + ")" + ], + [ + "]", + "))" + ], + [ + "▁gener", + "ation" + ], + [ + "▁c", + "aught" + ], + [ + "▁", + "caught" + ], + [ + "▁l", + "ands" + ], + [ + "▁land", + "s" + ], + [ + "▁lan", + "ds" + ], + [ + "▁", + "lands" + ], + [ + "▁King", + "dom" + ], + [ + "schaft", + "en" + ], + [ + "ro", + "ns" + ], + [ + "ron", + "s" + ], + [ + "r", + "ons" + ], + [ + "ann", + "els" + ], + [ + "annel", + "s" + ], + [ + "anne", + "ls" + ], + [ + "▁Spe", + "cial" + ], + [ + "▁Spec", + "ial" + ], + [ + "▁", + "Special" + ], + [ + "t", + "utorial" + ], + [ + "ti", + "p" + ], + [ + "t", + "ip" + ], + [ + "▁\"", + "\"," + ], + [ + "▁\"\"", + "," + ], + [ + "▁Az", + "ure" + ], + [ + "▁", + "Azure" + ], + [ + "▁b", + "ounded" + ], + [ + "▁bound", + "ed" + ], + [ + "▁", + "bounded" + ], + [ + "S", + "m" + ], + [ + "ta", + "r" + ], + [ + "t", + "ar" + ], + [ + "ве", + "н" + ], + [ + "в", + "ен" + ], + [ + "▁з", + "ем" + ], + [ + "▁зе", + "м" + ], + [ + "▁", + "зем" + ], + [ + "▁not", + "ation" + ], + [ + "▁", + "notation" + ], + [ + "▁ap", + "ache" + ], + [ + "▁", + "apache" + ], + [ + "▁g", + "az" + ], + [ + "▁ga", + "z" + ], + [ + "ier", + "no" + ], + [ + "i", + "erno" + ], + [ + "an", + "gen" + ], + [ + "ang", + "en" + ], + [ + "ange", + "n" + ], + [ + "pect", + "ive" + ], + [ + "▁elect", + "ric" + ], + [ + "▁s", + "emi" + ], + [ + "▁se", + "mi" + ], + [ + "▁sem", + "i" + ], + [ + "MA", + "X" + ], + [ + "M", + "AX" + ], + [ + "ed", + "erb" + ], + [ + "eder", + "b" + ], + [ + "ede", + "rb" + ], + [ + "object", + "s" + ], + [ + "▁dif", + "ferences" + ], + [ + "▁differ", + "ences" + ], + [ + "▁difference", + "s" + ], + [ + "is", + "ted" + ], + [ + "ist", + "ed" + ], + [ + "iste", + "d" + ], + [ + "i", + "sted" + ], + [ + "hr", + "ef" + ], + [ + "hre", + "f" + ], + [ + "h", + "ref" + ], + [ + "ic", + "ip" + ], + [ + "ici", + "p" + ], + [ + "i", + "cip" + ], + [ + "▁num", + "py" + ], + [ + "▁", + "numpy" + ], + [ + "▁ф", + "утбо" + ], + [ + "lo", + "ader" + ], + [ + "load", + "er" + ], + [ + "▁d", + "ich" + ], + [ + "▁di", + "ch" + ], + [ + "▁dic", + "h" + ], + [ + "љ", + "у" + ], + [ + "▁D", + "é" + ], + [ + "H", + "z" + ], + [ + "▁P", + "aram" + ], + [ + "▁Par", + "am" + ], + [ + "▁Pa", + "ram" + ], + [ + "▁Para", + "m" + ], + [ + "▁", + "Param" + ], + [ + "document", + "ation" + ], + [ + "ir", + "craft" + ], + [ + "irc", + "raft" + ], + [ + "E", + "M" + ], + [ + "▁inst", + "itution" + ], + [ + "▁instit", + "ution" + ], + [ + "com", + "pat" + ], + [ + "comp", + "at" + ], + [ + "▁а", + "ль" + ], + [ + "▁ал", + "ь" + ], + [ + "▁", + "аль" + ], + [ + "сла", + "в" + ], + [ + "с", + "лав" + ], + [ + "▁N", + "et" + ], + [ + "▁Ne", + "t" + ], + [ + "▁", + "Net" + ], + [ + "ци", + "ональ" + ], + [ + "цион", + "аль" + ], + [ + "циона", + "ль" + ], + [ + "▁broad", + "cast" + ], + [ + "date", + "time" + ], + [ + "dat", + "etime" + ], + [ + "as", + "ync" + ], + [ + "asy", + "nc" + ], + [ + "a", + "sync" + ], + [ + "vr", + "e" + ], + [ + "v", + "re" + ], + [ + "me", + "an" + ], + [ + "▁C", + "hem" + ], + [ + "▁Ch", + "em" + ], + [ + "▁Che", + "m" + ], + [ + "▁est", + "imate" + ], + [ + "▁estim", + "ate" + ], + [ + "ic", + "ana" + ], + [ + "ica", + "na" + ], + [ + "ican", + "a" + ], + [ + "▁g", + "rep" + ], + [ + "▁gr", + "ep" + ], + [ + "▁gre", + "p" + ], + [ + "▁", + "grep" + ], + [ + "te", + "k" + ], + [ + "t", + "ek" + ], + [ + "ä", + "m" + ], + [ + "or", + "ig" + ], + [ + "ori", + "g" + ], + [ + "o", + "rig" + ], + [ + "▁Vict", + "or" + ], + [ + "▁Vi", + "ctor" + ], + [ + "▁Vic", + "tor" + ], + [ + "ut", + "enant" + ], + [ + "ute", + "nant" + ], + [ + "uten", + "ant" + ], + [ + "an", + "ga" + ], + [ + "ang", + "a" + ], + [ + "pi", + "n" + ], + [ + "p", + "in" + ], + [ + "▁ver", + "tex" + ], + [ + "▁vert", + "ex" + ], + [ + "▁verte", + "x" + ], + [ + "▁CHAP", + "TER" + ], + [ + "ci", + "ty" + ], + [ + "cit", + "y" + ], + [ + "c", + "ity" + ], + [ + "ug", + "by" + ], + [ + "gr", + "een" + ], + [ + "gre", + "en" + ], + [ + "g", + "reen" + ], + [ + "▁K", + "er" + ], + [ + "▁Ke", + "r" + ], + [ + "▁dif", + "fér" + ], + [ + "▁diff", + "ér" + ], + [ + "▁necess", + "arily" + ], + [ + "D", + "C" + ], + [ + "Line", + "ar" + ], + [ + "Lin", + "ear" + ], + [ + "Li", + "near" + ], + [ + "al", + "em" + ], + [ + "ale", + "m" + ], + [ + "a", + "lem" + ], + [ + "▁L", + "ater" + ], + [ + "▁La", + "ter" + ], + [ + "▁Lat", + "er" + ], + [ + "▁Late", + "r" + ], + [ + "▁m", + "eta" + ], + [ + "▁me", + "ta" + ], + [ + "▁met", + "a" + ], + [ + "▁", + "meta" + ], + [ + "je", + "m" + ], + [ + "j", + "em" + ], + [ + "ra", + "gen" + ], + [ + "rag", + "en" + ], + [ + "rage", + "n" + ], + [ + "r", + "agen" + ], + [ + "Ma", + "y" + ], + [ + "M", + "ay" + ], + [ + "▁Mitg", + "lied" + ], + [ + "▁s", + "orted" + ], + [ + "▁sort", + "ed" + ], + [ + "▁sor", + "ted" + ], + [ + "▁sorte", + "d" + ], + [ + "▁", + "sorted" + ], + [ + "us", + "sen" + ], + [ + "uss", + "en" + ], + [ + "▁sp", + "oke" + ], + [ + "▁spo", + "ke" + ], + [ + "▁dis", + "abled" + ], + [ + "▁disable", + "d" + ], + [ + "▁", + "disabled" + ], + [ + "▁accompl", + "ish" + ], + [ + "▁accomp", + "lish" + ], + [ + "▁Russ", + "ia" + ], + [ + "th", + "ere" + ], + [ + "ther", + "e" + ], + [ + "the", + "re" + ], + [ + "t", + "here" + ], + [ + "ee", + "s" + ], + [ + "e", + "es" + ], + [ + "▁h", + "all" + ], + [ + "▁ha", + "ll" + ], + [ + "▁hal", + "l" + ], + [ + "▁", + "hall" + ], + [ + "▁met", + "ric" + ], + [ + "▁", + "metric" + ], + [ + "att", + "ribute" + ], + [ + "то", + "го" + ], + [ + "т", + "ого" + ], + [ + "ab", + "out" + ], + [ + "▁L", + "am" + ], + [ + "▁La", + "m" + ], + [ + "ch", + "annel" + ], + [ + "chan", + "nel" + ], + [ + "▁e", + "pisode" + ], + [ + "▁epis", + "ode" + ], + [ + "▁$", + "('." + ], + [ + "▁$(", + "'." + ], + [ + "▁$('", + "." + ], + [ + "▁", + "ought" + ], + [ + "▁E", + "ste" + ], + [ + "▁Est", + "e" + ], + [ + "▁Es", + "te" + ], + [ + "Object", + "s" + ], + [ + "▁valid", + "ate" + ], + [ + "▁", + "validate" + ], + [ + "▁r", + "im" + ], + [ + "▁ri", + "m" + ], + [ + "▁", + "rim" + ], + [ + "▁numer", + "ous" + ], + [ + "▁numero", + "us" + ], + [ + "▁J", + "avascript" + ], + [ + "▁Java", + "script" + ], + [ + "▁G", + "L" + ], + [ + "▁", + "GL" + ], + [ + "▁It", + "aly" + ], + [ + "▁Ital", + "y" + ], + [ + "ederb", + "örd" + ], + [ + "on", + "ato" + ], + [ + "ona", + "to" + ], + [ + "bo", + "oks" + ], + [ + "book", + "s" + ], + [ + "st", + "one" + ], + [ + "ston", + "e" + ], + [ + "sto", + "ne" + ], + [ + "х", + "у" + ], + [ + "▁j", + "el" + ], + [ + "▁je", + "l" + ], + [ + "▁", + "jel" + ], + [ + "ir", + "i" + ], + [ + "i", + "ri" + ], + [ + "▁A", + "SP" + ], + [ + "▁AS", + "P" + ], + [ + "G", + "A" + ], + [ + "▁st", + "ata" + ], + [ + "▁stat", + "a" + ], + [ + "▁sta", + "ta" + ], + [ + "▁b", + "az" + ], + [ + "▁ba", + "z" + ], + [ + "▁", + "baz" + ], + [ + "Da", + "y" + ], + [ + "D", + "ay" + ], + [ + "th", + "m" + ], + [ + "t", + "hm" + ], + [ + "d", + "h" + ], + [ + "▁F", + "iles" + ], + [ + "▁Fil", + "es" + ], + [ + "▁File", + "s" + ], + [ + "▁", + "Files" + ], + [ + "Android", + "Runtime" + ], + [ + "▁che", + "cks" + ], + [ + "▁check", + "s" + ], + [ + "k", + "r" + ], + [ + "▁v", + "enne" + ], + [ + "▁ven", + "ne" + ], + [ + "S", + "L" + ], + [ + "av", + "ia" + ], + [ + "avi", + "a" + ], + [ + "a", + "via" + ], + [ + "ka", + "zy" + ], + [ + "kaz", + "y" + ], + [ + "k", + "azy" + ], + [ + "▁Th", + "ree" + ], + [ + "▁", + "Three" + ], + [ + "Ad", + "min" + ], + [ + "▁col", + "lege" + ], + [ + "▁coll", + "ege" + ], + [ + "▁colleg", + "e" + ], + [ + "▁colle", + "ge" + ], + [ + "G", + "lobal" + ], + [ + "ti", + "on" + ], + [ + "t", + "ion" + ], + [ + "▁cur", + "ious" + ], + [ + "sh", + "ort" + ], + [ + "▁b", + "ass" + ], + [ + "▁bas", + "s" + ], + [ + "▁ba", + "ss" + ], + [ + "де", + "ла" + ], + [ + "▁де", + "я" + ], + [ + "Sch", + "ema" + ], + [ + "'", + "\\" + ], + [ + "di", + "ff" + ], + [ + "d", + "iff" + ], + [ + "▁C", + "A" + ], + [ + "▁", + "CA" + ], + [ + "▁Cor", + "por" + ], + [ + "▁oper", + "ators" + ], + [ + "▁operator", + "s" + ], + [ + "om", + "rå" + ], + [ + "▁ed", + "ges" + ], + [ + "▁edge", + "s" + ], + [ + ");", + "`" + ], + [ + ")", + ";`" + ], + [ + "in", + "ds" + ], + [ + "ind", + "s" + ], + [ + "▁g", + "ing" + ], + [ + "▁gi", + "ng" + ], + [ + "▁", + "ging" + ], + [ + "&", + "&" + ], + [ + "}-", + "\\" + ], + [ + "}", + "-\\" + ], + [ + "ra", + "no" + ], + [ + "ran", + "o" + ], + [ + "r", + "ano" + ], + [ + "▁s", + "ão" + ], + [ + "▁ad", + "ds" + ], + [ + "▁add", + "s" + ], + [ + "el", + "or" + ], + [ + "elo", + "r" + ], + [ + "e", + "lor" + ], + [ + "▁un", + "signed" + ], + [ + "▁uns", + "igned" + ], + [ + "▁", + "unsigned" + ], + [ + "▁п", + "р" + ], + [ + "▁", + "пр" + ], + [ + "▁Con", + "fig" + ], + [ + "▁Conf", + "ig" + ], + [ + "▁", + "Config" + ], + [ + "▁E", + "sc" + ], + [ + "▁Es", + "c" + ], + [ + "▁ch", + "ose" + ], + [ + "▁cho", + "se" + ], + [ + "▁pie", + "ces" + ], + [ + "▁piece", + "s" + ], + [ + "▁reg", + "ions" + ], + [ + "▁region", + "s" + ], + [ + "Es", + "t" + ], + [ + "E", + "st" + ], + [ + "▁B", + "attle" + ], + [ + "▁Batt", + "le" + ], + [ + "▁f", + "oc" + ], + [ + "▁fo", + "c" + ], + [ + "▁L", + "ight" + ], + [ + "▁Lig", + "ht" + ], + [ + "▁", + "Light" + ], + [ + "pad", + "ding" + ], + [ + "p", + "adding" + ], + [ + "ab", + "en" + ], + [ + "abe", + "n" + ], + [ + "a", + "ben" + ], + [ + "▁e", + "urop" + ], + [ + "▁eu", + "rop" + ], + [ + "▁euro", + "p" + ], + [ + "il", + "lon" + ], + [ + "ill", + "on" + ], + [ + "illo", + "n" + ], + [ + "▁е", + "сть" + ], + [ + "▁b", + "ord" + ], + [ + "▁bo", + "rd" + ], + [ + "▁bor", + "d" + ], + [ + "▁о", + "тно" + ], + [ + "▁от", + "но" + ], + [ + "▁H", + "ong" + ], + [ + "▁Hon", + "g" + ], + [ + "▁Ho", + "ng" + ], + [ + "▁v", + "ul" + ], + [ + "▁vu", + "l" + ], + [ + "pl", + "ugins" + ], + [ + "plugin", + "s" + ], + [ + "▁'", + "<" + ], + [ + "▁k", + "ur" + ], + [ + "▁", + "kur" + ], + [ + "reg", + "ion" + ], + [ + "▁Re", + "pub" + ], + [ + "▁Rep", + "ub" + ], + [ + "ic", + "her" + ], + [ + "ich", + "er" + ], + [ + "iche", + "r" + ], + [ + "i", + "cher" + ], + [ + "}_", + "\\" + ], + [ + "}", + "_\\" + ], + [ + "▁me", + "dal" + ], + [ + "▁med", + "al" + ], + [ + "▁More", + "over" + ], + [ + "B", + "I" + ], + [ + "A", + "v" + ], + [ + "ut", + "er" + ], + [ + "ute", + "r" + ], + [ + "u", + "ter" + ], + [ + "▁s", + "can" + ], + [ + "▁sc", + "an" + ], + [ + "▁", + "scan" + ], + [ + "▁M", + "unicip" + ], + [ + "▁Mun", + "icip" + ], + [ + "▁contr", + "ast" + ], + [ + "▁contra", + "st" + ], + [ + "▁I", + "g" + ], + [ + "▁", + "Ig" + ], + [ + "▁го", + "род" + ], + [ + "▁горо", + "д" + ], + [ + "▁гор", + "од" + ], + [ + "▁", + "город" + ], + [ + "rel", + "ated" + ], + [ + "al", + "ing" + ], + [ + "ali", + "ng" + ], + [ + "alin", + "g" + ], + [ + "a", + "ling" + ], + [ + "▁м", + "ат" + ], + [ + "▁ма", + "т" + ], + [ + "▁", + "мат" + ], + [ + "ün", + "st" + ], + [ + "▁Ch", + "ris" + ], + [ + "▁Chr", + "is" + ], + [ + "w", + "y" + ], + [ + "▁Act", + "ually" + ], + [ + "▁Univers", + "idad" + ], + [ + "Event", + "Listener" + ], + [ + "▁tempor", + "ada" + ], + [ + "▁ass", + "ignment" + ], + [ + "▁assign", + "ment" + ], + [ + "▁M", + "ike" + ], + [ + "▁Mi", + "ke" + ], + [ + "▁Mik", + "e" + ], + [ + "▁w", + "ährend" + ], + [ + "▁ś", + "wi" + ], + [ + "▁św", + "i" + ], + [ + "▁с", + "ред" + ], + [ + "▁сре", + "д" + ], + [ + "ка", + "де" + ], + [ + "▁calcul", + "ated" + ], + [ + "▁calculate", + "d" + ], + [ + "▁calc", + "ulated" + ], + [ + "▁el", + "ler" + ], + [ + "▁elle", + "r" + ], + [ + "▁ell", + "er" + ], + [ + "▁", + "eller" + ], + [ + "▁A", + "sh" + ], + [ + "▁As", + "h" + ], + [ + "ri", + "el" + ], + [ + "rie", + "l" + ], + [ + "r", + "iel" + ], + [ + "▁hard", + "ware" + ], + [ + "▁int", + "ens" + ], + [ + "▁inte", + "ns" + ], + [ + "▁inten", + "s" + ], + [ + "('", + "." + ], + [ + "(", + "'." + ], + [ + "il", + "li" + ], + [ + "ill", + "i" + ], + [ + "ag", + "on" + ], + [ + "ago", + "n" + ], + [ + "a", + "gon" + ], + [ + "▁G", + "y" + ], + [ + "▁he", + "ute" + ], + [ + "▁heut", + "e" + ], + [ + "▁s", + "le" + ], + [ + "▁sl", + "e" + ], + [ + "▁liter", + "ature" + ], + [ + "se", + "m" + ], + [ + "s", + "em" + ], + [ + "man", + "ager" + ], + [ + "mana", + "ger" + ], + [ + "▁Gr", + "ande" + ], + [ + "▁Gra", + "nde" + ], + [ + "▁Grand", + "e" + ], + [ + "▁Gran", + "de" + ], + [ + "▁m", + "ixed" + ], + [ + "▁mix", + "ed" + ], + [ + "▁В", + "ер" + ], + [ + "▁Ве", + "р" + ], + [ + "í", + "cí" + ], + [ + "▁s", + "oit" + ], + [ + "▁so", + "it" + ], + [ + "▁wel", + "come" + ], + [ + "че", + "ние" + ], + [ + "▁Univers", + "ität" + ], + [ + "▁bu", + "ilder" + ], + [ + "▁build", + "er" + ], + [ + "▁", + "builder" + ], + [ + "sim", + "ple" + ], + [ + "simp", + "le" + ], + [ + "ic", + "ode" + ], + [ + "ico", + "de" + ], + [ + "i", + "code" + ], + [ + "ř", + "e" + ], + [ + "in", + "dent" + ], + [ + "ind", + "ent" + ], + [ + "inden", + "t" + ], + [ + "inde", + "nt" + ], + [ + "op", + "o" + ], + [ + "o", + "po" + ], + [ + "▁ad", + "vanced" + ], + [ + "▁adv", + "anced" + ], + [ + "▁advance", + "d" + ], + [ + "tem", + "per" + ], + [ + "temp", + "er" + ], + [ + "ed", + "ge" + ], + [ + "▁dat", + "etime" + ], + [ + "▁date", + "time" + ], + [ + "▁", + "datetime" + ], + [ + "▁d", + "onc" + ], + [ + "▁do", + "nc" + ], + [ + "▁don", + "c" + ], + [ + "ла", + "ння" + ], + [ + "лан", + "ня" + ], + [ + "▁v", + "erd" + ], + [ + "▁ver", + "d" + ], + [ + "▁ve", + "rd" + ], + [ + "д", + "но" + ], + [ + "it", + "os" + ], + [ + "ito", + "s" + ], + [ + "▁he", + "at" + ], + [ + "vi", + "sible" + ], + [ + "vis", + "ible" + ], + [ + "me", + "l" + ], + [ + "m", + "el" + ], + [ + "▁Giov", + "anni" + ], + [ + "▁var", + "iety" + ], + [ + "▁vari", + "ety" + ], + [ + "▁r", + "outer" + ], + [ + "▁ro", + "uter" + ], + [ + "▁route", + "r" + ], + [ + "▁rout", + "er" + ], + [ + "▁rou", + "ter" + ], + [ + "▁", + "router" + ], + [ + "Vec", + "tor" + ], + [ + "V", + "ector" + ], + [ + "▁W", + "alk" + ], + [ + "▁Wal", + "k" + ], + [ + "▁ob", + "viously" + ], + [ + "▁obvious", + "ly" + ], + [ + "he", + "in" + ], + [ + "h", + "ein" + ], + [ + "Fi", + "n" + ], + [ + "F", + "in" + ], + [ + "ITable", + "View" + ], + [ + "Y", + "ear" + ], + [ + "▁E", + "conom" + ], + [ + "▁vel", + "ocity" + ], + [ + "▁veloc", + "ity" + ], + [ + "▁C", + "ivil" + ], + [ + "▁Ci", + "vil" + ], + [ + "▁", + "ј" + ], + [ + "al", + "ert" + ], + [ + "ale", + "rt" + ], + [ + "aler", + "t" + ], + [ + "Ident", + "ifier" + ], + [ + "èn", + "cia" + ], + [ + "▁normal", + "ly" + ], + [ + "▁norm", + "ally" + ], + [ + "▁E", + "gypt" + ], + [ + "▁Egy", + "pt" + ], + [ + "▁c", + "tx" + ], + [ + "▁", + "ctx" + ], + [ + "▁Ver", + "ein" + ], + [ + "▁Vere", + "in" + ], + [ + "▁H", + "u" + ], + [ + "ult", + "ure" + ], + [ + "ultur", + "e" + ], + [ + "ни", + "те" + ], + [ + "l", + "é" + ], + [ + "▁W", + "ien" + ], + [ + "▁Wi", + "en" + ], + [ + "▁Wie", + "n" + ], + [ + "▁P", + "rz" + ], + [ + "▁Pr", + "z" + ], + [ + "By", + "te" + ], + [ + "▁n", + "ah" + ], + [ + "▁na", + "h" + ], + [ + "▁", + "nah" + ], + [ + "is", + "ms" + ], + [ + "ism", + "s" + ], + [ + "▁Pub", + "lish" + ], + [ + "▁He", + "rz" + ], + [ + "▁Her", + "z" + ], + [ + "ic", + "ul" + ], + [ + "i", + "cul" + ], + [ + "pis", + "ode" + ], + [ + "ч", + "і" + ], + [ + "▁die", + "sem" + ], + [ + "▁dies", + "em" + ], + [ + "▁diese", + "m" + ], + [ + "k", + "ö" + ], + [ + "Vis", + "ible" + ], + [ + "▁r", + "ig" + ], + [ + "▁ri", + "g" + ], + [ + "▁", + "rig" + ], + [ + "`)", + "." + ], + [ + "`", + ")." + ], + [ + "Par", + "se" + ], + [ + "P", + "arse" + ], + [ + "▁Jac", + "ques" + ], + [ + "N", + "I" + ], + [ + "▁g", + "lass" + ], + [ + "▁gl", + "ass" + ], + [ + "▁gla", + "ss" + ], + [ + "▁", + "glass" + ], + [ + "--", + "-+" + ], + [ + "---", + "+" + ], + [ + "-", + "--+" + ], + [ + "▁initial", + "ly" + ], + [ + "▁initi", + "ally" + ], + [ + "▁k", + "r" + ], + [ + "▁", + "kr" + ], + [ + "CC", + "N" + ], + [ + "C", + "CN" + ], + [ + "pl", + "ays" + ], + [ + "play", + "s" + ], + [ + "pla", + "ys" + ], + [ + "▁s", + "igu" + ], + [ + "▁si", + "gu" + ], + [ + "▁sig", + "u" + ], + [ + "F", + "older" + ], + [ + "st", + "orage" + ], + [ + "sto", + "rage" + ], + [ + "stor", + "age" + ], + [ + "▁\\", + "|" + ], + [ + "▁", + "\\|" + ], + [ + "iv", + "os" + ], + [ + "ivo", + "s" + ], + [ + "i", + "vos" + ], + [ + "ск", + "ую" + ], + [ + "ску", + "ю" + ], + [ + "▁M", + "oh" + ], + [ + "▁Mo", + "h" + ], + [ + "▁Comm", + "ittee" + ], + [ + "▁K", + "im" + ], + [ + "▁Ki", + "m" + ], + [ + "e", + "u" + ], + [ + "те", + "м" + ], + [ + "т", + "ем" + ], + [ + "▁orig", + "inale" + ], + [ + "▁original", + "e" + ], + [ + "▁origin", + "ale" + ], + [ + "ir", + "s" + ], + [ + "i", + "rs" + ], + [ + "▁R", + "eb" + ], + [ + "▁Re", + "b" + ], + [ + "it", + "ut" + ], + [ + "itu", + "t" + ], + [ + "n", + "l" + ], + [ + "▁P", + "ier" + ], + [ + "▁Pi", + "er" + ], + [ + "▁Pie", + "r" + ], + [ + "▁]", + ";" + ], + [ + "▁", + "];" + ], + [ + "▁F", + "al" + ], + [ + "▁Fa", + "l" + ], + [ + "▁\"", + "\";" + ], + [ + "▁\"\"", + ";" + ], + [ + "mv", + "c" + ], + [ + "m", + "vc" + ], + [ + "▁fe", + "male" + ], + [ + "▁fem", + "ale" + ], + [ + "▁b", + "ridge" + ], + [ + "▁br", + "idge" + ], + [ + "▁brid", + "ge" + ], + [ + "▁", + "bridge" + ], + [ + "▁t", + "ít" + ], + [ + "kt", + "r" + ], + [ + "k", + "tr" + ], + [ + ">", + ")" + ], + [ + "▁se", + "at" + ], + [ + "▁sea", + "t" + ], + [ + "▁v", + "ess" + ], + [ + "▁ve", + "ss" + ], + [ + "▁ves", + "s" + ], + [ + "▁U", + "SB" + ], + [ + "▁US", + "B" + ], + [ + "▁Art", + "icles" + ], + [ + "▁Article", + "s" + ], + [ + "▁De", + "scription" + ], + [ + "▁Des", + "cription" + ], + [ + "▁Descri", + "ption" + ], + [ + "▁", + "Description" + ], + [ + "▁o", + "c" + ], + [ + "▁", + "oc" + ], + [ + "▁h", + "ouses" + ], + [ + "▁house", + "s" + ], + [ + "▁ho", + "uses" + ], + [ + "▁hous", + "es" + ], + [ + "▁П", + "ет" + ], + [ + "▁Пе", + "т" + ], + [ + "lo", + "n" + ], + [ + "l", + "on" + ], + [ + "Not", + "ification" + ], + [ + "▁press", + "ure" + ], + [ + "▁ку", + "ль" + ], + [ + "▁", + "куль" + ], + [ + "ig", + "ned" + ], + [ + "ign", + "ed" + ], + [ + "igne", + "d" + ], + [ + "▁relig", + "ious" + ], + [ + "fa", + "n" + ], + [ + "f", + "an" + ], + [ + "ig", + "lia" + ], + [ + "igli", + "a" + ], + [ + "▁class", + "ification" + ], + [ + "▁classific", + "ation" + ], + [ + "og", + "ether" + ], + [ + "oge", + "ther" + ], + [ + "▁S", + "DK" + ], + [ + "▁SD", + "K" + ], + [ + "▁", + "SDK" + ], + [ + "▁H", + "uman" + ], + [ + "▁Hu", + "man" + ], + [ + "▁Hum", + "an" + ], + [ + "▁com", + "mission" + ], + [ + "▁comm", + "ission" + ], + [ + "▁О", + "р" + ], + [ + "▁an", + "tes" + ], + [ + "▁ant", + "es" + ], + [ + "▁ante", + "s" + ], + [ + "▁", + "antes" + ], + [ + "D", + "T" + ], + [ + "èt", + "e" + ], + [ + "è", + "te" + ], + [ + "pr", + "és" + ], + [ + "p", + "rés" + ], + [ + "/", + "\"" + ], + [ + "▁(", + "«" + ], + [ + "▁h", + "ö" + ], + [ + "▁", + "hö" + ], + [ + "▁ча", + "с" + ], + [ + "▁", + "час" + ], + [ + "▁j", + "ak" + ], + [ + "▁ja", + "k" + ], + [ + "▁", + "jak" + ], + [ + "ie", + "nen" + ], + [ + "ien", + "en" + ], + [ + "iene", + "n" + ], + [ + "i", + "enen" + ], + [ + "ug", + "g" + ], + [ + "u", + "gg" + ], + [ + "W", + "A" + ], + [ + "▁place", + "holder" + ], + [ + "▁", + "placeholder" + ], + [ + "Wil", + "l" + ], + [ + "W", + "ill" + ], + [ + ",", + "," + ], + [ + "▁K", + "am" + ], + [ + "▁Ka", + "m" + ], + [ + "▁w", + "en" + ], + [ + "▁we", + "n" + ], + [ + "▁", + "wen" + ], + [ + "▁Sch", + "ul" + ], + [ + "ți", + "e" + ], + [ + "ț", + "ie" + ], + [ + "▁a", + "ud" + ], + [ + "▁au", + "d" + ], + [ + "▁", + "aud" + ], + [ + "▁s", + "ue" + ], + [ + "▁su", + "e" + ], + [ + "▁re", + "ferred" + ], + [ + "▁refer", + "red" + ], + [ + "ва", + "т" + ], + [ + "в", + "ат" + ], + [ + "▁P", + "ara" + ], + [ + "▁Par", + "a" + ], + [ + "▁Pa", + "ra" + ], + [ + "▁b", + "la" + ], + [ + "▁bl", + "a" + ], + [ + "▁", + "bla" + ], + [ + "UE", + "S" + ], + [ + "U", + "ES" + ], + [ + "▁stat", + "ist" + ], + [ + "▁stati", + "st" + ], + [ + "▁т", + "у" + ], + [ + "▁", + "ту" + ], + [ + "▁Wars", + "za" + ], + [ + "gu", + "e" + ], + [ + "g", + "ue" + ], + [ + "▁I", + "de" + ], + [ + "▁Id", + "e" + ], + [ + "math", + "scr" + ], + [ + "▁l", + "ieu" + ], + [ + "▁li", + "eu" + ], + [ + "▁lie", + "u" + ], + [ + "▁b", + "od" + ], + [ + "▁bo", + "d" + ], + [ + "▁r", + "us" + ], + [ + "▁ru", + "s" + ], + [ + "▁", + "rus" + ], + [ + "▁bo", + "at" + ], + [ + "xs", + "pace" + ], + [ + "x", + "space" + ], + [ + "▁mod", + "al" + ], + [ + "▁mo", + "dal" + ], + [ + "▁", + "modal" + ], + [ + "ле", + "к" + ], + [ + "л", + "ек" + ], + [ + "to", + "pic" + ], + [ + "top", + "ic" + ], + [ + "ma", + "ny" + ], + [ + "man", + "y" + ], + [ + "m", + "any" + ], + [ + "sk", + "ý" + ], + [ + "▁organ", + "ization" + ], + [ + "▁organiz", + "ation" + ], + [ + "▁г", + "ене" + ], + [ + "▁ге", + "не" + ], + [ + "▁Wil", + "son" + ], + [ + "▁com", + "fort" + ], + [ + "ib", + "il" + ], + [ + "i", + "bil" + ], + [ + ":", + "-" + ], + [ + "▁an", + "imal" + ], + [ + "▁anim", + "al" + ], + [ + "▁ani", + "mal" + ], + [ + "Re", + "port" + ], + [ + "Rep", + "ort" + ], + [ + "ка", + "ми" + ], + [ + "кам", + "и" + ], + [ + "jo", + "n" + ], + [ + "j", + "on" + ], + [ + "▁k", + "er" + ], + [ + "▁ke", + "r" + ], + [ + "▁", + "ker" + ], + [ + "▁к", + "ни" + ], + [ + "moz", + "illa" + ], + [ + "Pr", + "ice" + ], + [ + "P", + "rice" + ], + [ + "ant", + "in" + ], + [ + "anti", + "n" + ], + [ + "em", + "ento" + ], + [ + "ement", + "o" + ], + [ + "emen", + "to" + ], + [ + "ma", + "y" + ], + [ + "m", + "ay" + ], + [ + "▁l", + "ung" + ], + [ + "▁lu", + "ng" + ], + [ + "▁lun", + "g" + ], + [ + "▁", + "lung" + ], + [ + "▁b", + "low" + ], + [ + "▁bl", + "ow" + ], + [ + "▁blo", + "w" + ], + [ + "ede", + "ut" + ], + [ + "▁type", + "d" + ], + [ + "▁typ", + "ed" + ], + [ + "▁ty", + "ped" + ], + [ + "▁dec", + "ember" + ], + [ + "▁.", + "..." + ], + [ + "▁...", + "." + ], + [ + "▁..", + ".." + ], + [ + "▁", + "...." + ], + [ + "li", + "ance" + ], + [ + "l", + "iance" + ], + [ + "▁v", + "iel" + ], + [ + "▁vi", + "el" + ], + [ + "▁vie", + "l" + ], + [ + "▁Ф", + "и" + ], + [ + "pr", + "esa" + ], + [ + "pre", + "sa" + ], + [ + "pres", + "a" + ], + [ + "▁ос", + "іб" + ], + [ + "▁N", + "am" + ], + [ + "▁Na", + "m" + ], + [ + "▁G", + "ren" + ], + [ + "▁Gr", + "en" + ], + [ + "▁Gre", + "n" + ], + [ + "си", + "лання" + ], + [ + "VI", + "D" + ], + [ + "V", + "ID" + ], + [ + "st", + "re" + ], + [ + "str", + "e" + ], + [ + "s", + "tre" + ], + [ + "we", + "is" + ], + [ + "wei", + "s" + ], + [ + "▁prote", + "ction" + ], + [ + "▁protect", + "ion" + ], + [ + "▁prot", + "ection" + ], + [ + "ta", + "ient" + ], + [ + "t", + "aient" + ], + [ + "▁offic", + "ers" + ], + [ + "▁office", + "rs" + ], + [ + "▁officer", + "s" + ], + [ + "т", + "но" + ], + [ + "▁B", + "rig" + ], + [ + "▁Br", + "ig" + ], + [ + "▁int", + "ellig" + ], + [ + "▁intel", + "lig" + ], + [ + "я", + "х" + ], + [ + "IT", + "H" + ], + [ + "I", + "TH" + ], + [ + "▁separ", + "ated" + ], + [ + "▁separate", + "d" + ], + [ + "▁L", + "CCN" + ], + [ + "ní", + "m" + ], + [ + "n", + "ím" + ], + [ + "cl", + "ock" + ], + [ + "clo", + "ck" + ], + [ + "c", + "lock" + ], + [ + "▁ap", + "are" + ], + [ + "▁apar", + "e" + ], + [ + "яв", + "и" + ], + [ + "я", + "ви" + ], + [ + "▁Eliz", + "abeth" + ], + [ + "▁W", + "ater" + ], + [ + "▁Wat", + "er" + ], + [ + "▁Wa", + "ter" + ], + [ + "geb", + "iet" + ], + [ + "▁con", + "vent" + ], + [ + "▁conv", + "ent" + ], + [ + "▁conven", + "t" + ], + [ + "fu", + "rt" + ], + [ + "fur", + "t" + ], + [ + "f", + "urt" + ], + [ + "▁be", + "iden" + ], + [ + "▁bei", + "den" + ], + [ + "▁beide", + "n" + ], + [ + "ba", + "sh" + ], + [ + "bas", + "h" + ], + [ + "b", + "ash" + ], + [ + "▁че", + "рез" + ], + [ + "▁чер", + "ез" + ], + [ + "▁u", + "b" + ], + [ + "▁", + "ub" + ], + [ + "▁Stat", + "ist" + ], + [ + "▁Stati", + "st" + ], + [ + "▁lim", + "its" + ], + [ + "▁limit", + "s" + ], + [ + "▁", + "limits" + ], + [ + "V", + "ol" + ], + [ + "ct", + "x" + ], + [ + "c", + "tx" + ], + [ + "▁но", + "в" + ], + [ + "▁н", + "ов" + ], + [ + "▁", + "нов" + ], + [ + "gu", + "ide" + ], + [ + "gui", + "de" + ], + [ + "mi", + "c" + ], + [ + "m", + "ic" + ], + [ + "ie", + "sa" + ], + [ + "ies", + "a" + ], + [ + "i", + "esa" + ], + [ + "▁h", + "uvud" + ], + [ + "R", + "T" + ], + [ + "Fi", + "g" + ], + [ + "F", + "ig" + ], + [ + "▁l", + "ect" + ], + [ + "▁le", + "ct" + ], + [ + "▁", + "lect" + ], + [ + "con", + "n" + ], + [ + "co", + "nn" + ], + [ + "c", + "onn" + ], + [ + "im", + "it" + ], + [ + "imi", + "t" + ], + [ + "i", + "mit" + ], + [ + "га", + "р" + ], + [ + "г", + "ар" + ], + [ + "▁b", + "ajo" + ], + [ + "▁ba", + "jo" + ], + [ + "scri", + "be" + ], + [ + "scr", + "ibe" + ], + [ + "s", + "cribe" + ], + [ + "re", + "gex" + ], + [ + "reg", + "ex" + ], + [ + "▁C", + "ass" + ], + [ + "▁Cas", + "s" + ], + [ + "▁Ca", + "ss" + ], + [ + "▁pro", + "pag" + ], + [ + "▁prop", + "ag" + ], + [ + "'", + "$" + ], + [ + "▁prof", + "es" + ], + [ + "un", + "ique" + ], + [ + "uni", + "que" + ], + [ + "▁S", + "ql" + ], + [ + "▁", + "Sql" + ], + [ + "un", + "ion" + ], + [ + "uni", + "on" + ], + [ + "ri", + "os" + ], + [ + "rio", + "s" + ], + [ + "r", + "ios" + ], + [ + "pi", + "p" + ], + [ + "p", + "ip" + ], + [ + "--", + "+" + ], + [ + "-", + "-+" + ], + [ + "ka", + "dem" + ], + [ + "k", + "adem" + ], + [ + "column", + "s" + ], + [ + "▁v", + "ary" + ], + [ + "▁var", + "y" + ], + [ + "▁va", + "ry" + ], + [ + "▁bere", + "its" + ], + [ + "▁d", + "oi" + ], + [ + "▁do", + "i" + ], + [ + "▁Com", + "mon" + ], + [ + "▁Comm", + "on" + ], + [ + "▁", + "Common" + ], + [ + "▁Ro", + "bin" + ], + [ + "▁Rob", + "in" + ], + [ + "▁", + "×" + ], + [ + "▁s", + "ei" + ], + [ + "▁se", + "i" + ], + [ + "▁s", + "yst" + ], + [ + "▁sy", + "st" + ], + [ + "▁sys", + "t" + ], + [ + "▁v", + "ä" + ], + [ + "▁", + "vä" + ], + [ + "▁De", + "fault" + ], + [ + "▁Def", + "ault" + ], + [ + "▁", + "Default" + ], + [ + "▁t", + "ym" + ], + [ + "▁ty", + "m" + ], + [ + "pe", + "l" + ], + [ + "p", + "el" + ], + [ + "▁bel", + "ieved" + ], + [ + "▁believe", + "d" + ], + [ + "▁pro", + "vider" + ], + [ + "▁prov", + "ider" + ], + [ + "▁provide", + "r" + ], + [ + "▁", + "provider" + ], + [ + "▁min", + "imal" + ], + [ + "▁minim", + "al" + ], + [ + "▁mini", + "mal" + ], + [ + "та", + "ли" + ], + [ + "тал", + "и" + ], + [ + "т", + "али" + ], + [ + "ain", + "es" + ], + [ + "ai", + "nes" + ], + [ + "aine", + "s" + ], + [ + "a", + "ines" + ], + [ + "K", + "it" + ], + [ + "iz", + "io" + ], + [ + "izi", + "o" + ], + [ + "is", + "sen" + ], + [ + "iss", + "en" + ], + [ + "isse", + "n" + ], + [ + "pr", + "essed" + ], + [ + "press", + "ed" + ], + [ + "pres", + "sed" + ], + [ + "▁s", + "tag" + ], + [ + "▁st", + "ag" + ], + [ + "▁sta", + "g" + ], + [ + "▁", + "stag" + ], + [ + "▁u", + "int" + ], + [ + "▁ui", + "nt" + ], + [ + "▁", + "uint" + ], + [ + "ko", + "r" + ], + [ + "k", + "or" + ], + [ + "▁ра", + "спо" + ], + [ + "▁рас", + "по" + ], + [ + "▁in", + "herit" + ], + [ + "▁inher", + "it" + ], + [ + "▁comp", + "iled" + ], + [ + "▁compile", + "d" + ], + [ + "▁f", + "ebru" + ], + [ + "▁fe", + "bru" + ], + [ + "▁feb", + "ru" + ], + [ + "▁t", + "mp" + ], + [ + "▁tm", + "p" + ], + [ + "▁", + "tmp" + ], + [ + "work", + "s" + ], + [ + "wor", + "ks" + ], + [ + "ч", + "на" + ], + [ + "draw", + "able" + ], + [ + "▁N", + "av" + ], + [ + "▁Na", + "v" + ], + [ + "▁", + "Nav" + ], + [ + "▁though", + "ts" + ], + [ + "▁thought", + "s" + ], + [ + "ro", + "ute" + ], + [ + "rout", + "e" + ], + [ + "rou", + "te" + ], + [ + "r", + "oute" + ], + [ + "▁con", + "cert" + ], + [ + "▁conc", + "ert" + ], + [ + "▁conce", + "rt" + ], + [ + "▁option", + "al" + ], + [ + "▁opt", + "ional" + ], + [ + "▁", + "optional" + ], + [ + "▁b", + "ras" + ], + [ + "▁br", + "as" + ], + [ + "▁bra", + "s" + ], + [ + "▁", + "bras" + ], + [ + "▁prov", + "iding" + ], + [ + "со", + "м" + ], + [ + "с", + "ом" + ], + [ + "id", + "x" + ], + [ + "i", + "dx" + ], + [ + "emp", + "lo" + ], + [ + "empl", + "o" + ], + [ + "▁ко", + "ли" + ], + [ + "▁", + "коли" + ], + [ + "▁B", + "ere" + ], + [ + "▁Be", + "re" + ], + [ + "▁Ber", + "e" + ], + [ + "▁E", + "ls" + ], + [ + "▁El", + "s" + ], + [ + "ре", + "мен" + ], + [ + "рем", + "ен" + ], + [ + "▁де", + "ка" + ], + [ + "co", + "ut" + ], + [ + "cou", + "t" + ], + [ + "c", + "out" + ], + [ + "la", + "yer" + ], + [ + "lay", + "er" + ], + [ + "l", + "ayer" + ], + [ + "▁g", + "lob" + ], + [ + "▁gl", + "ob" + ], + [ + "▁glo", + "b" + ], + [ + "▁", + "glob" + ], + [ + "fore", + "ach" + ], + [ + "for", + "each" + ], + [ + "▁E", + "ducation" + ], + [ + "▁Edu", + "cation" + ], + [ + "P", + "O" + ], + [ + "▁im", + "prov" + ], + [ + "▁imp", + "rov" + ], + [ + "▁impro", + "v" + ], + [ + "▁impr", + "ov" + ], + [ + "▁cl", + "ients" + ], + [ + "▁client", + "s" + ], + [ + "▁cli", + "ents" + ], + [ + "gr", + "oups" + ], + [ + "group", + "s" + ], + [ + "gro", + "ups" + ], + [ + "▁k", + "ont" + ], + [ + "▁kon", + "t" + ], + [ + "▁ko", + "nt" + ], + [ + "De", + "l" + ], + [ + "D", + "el" + ], + [ + "re", + "tt" + ], + [ + "ret", + "t" + ], + [ + "r", + "ett" + ], + [ + "▁s", + "up" + ], + [ + "▁su", + "p" + ], + [ + "▁", + "sup" + ], + [ + "▁m", + "og" + ], + [ + "▁mo", + "g" + ], + [ + "ta", + "n" + ], + [ + "t", + "an" + ], + [ + "▁com", + "pl" + ], + [ + "▁comp", + "l" + ], + [ + "ir", + "ty" + ], + [ + "irt", + "y" + ], + [ + "▁nouve", + "au" + ], + [ + "os", + "z" + ], + [ + "o", + "sz" + ], + [ + "▁N", + "avy" + ], + [ + "▁Na", + "vy" + ], + [ + "▁Nav", + "y" + ], + [ + "ber", + "e" + ], + [ + "be", + "re" + ], + [ + "b", + "ere" + ], + [ + "ma", + "sk" + ], + [ + "mas", + "k" + ], + [ + "m", + "ask" + ], + [ + "ov", + "é" + ], + [ + "o", + "vé" + ], + [ + "zi", + "l" + ], + [ + "z", + "il" + ], + [ + "PE", + "R" + ], + [ + "P", + "ER" + ], + [ + "▁pobla", + "ción" + ], + [ + "▁població", + "n" + ], + [ + "▁d", + "etailed" + ], + [ + "▁detail", + "ed" + ], + [ + "ле", + "т" + ], + [ + "л", + "ет" + ], + [ + "▁famil", + "ies" + ], + [ + "▁familie", + "s" + ], + [ + "ab", + "et" + ], + [ + "abe", + "t" + ], + [ + "a", + "bet" + ], + [ + "е", + "вич" + ], + [ + "änd", + "er" + ], + [ + "än", + "der" + ], + [ + "ände", + "r" + ], + [ + "ä", + "nder" + ], + [ + "▁å", + "r" + ], + [ + "▁", + "år" + ], + [ + "▁p", + "endant" + ], + [ + "▁b", + "il" + ], + [ + "▁bi", + "l" + ], + [ + "▁", + "bil" + ], + [ + "▁h", + "int" + ], + [ + "▁hi", + "nt" + ], + [ + "▁hin", + "t" + ], + [ + "ode", + "n" + ], + [ + "od", + "en" + ], + [ + "o", + "den" + ], + [ + "▁exp", + "ansion" + ], + [ + "▁p", + "ont" + ], + [ + "▁po", + "nt" + ], + [ + "▁pon", + "t" + ], + [ + "▁", + "pont" + ], + [ + "as", + "ant" + ], + [ + "asa", + "nt" + ], + [ + "▁K", + "ind" + ], + [ + "▁Ki", + "nd" + ], + [ + "▁Kin", + "d" + ], + [ + "▁", + "Kind" + ], + [ + "ij", + "i" + ], + [ + "i", + "ji" + ], + [ + "▁A", + "uth" + ], + [ + "▁Aut", + "h" + ], + [ + "▁Au", + "th" + ], + [ + "▁", + "Auth" + ], + [ + "laim", + "ed" + ], + [ + "ref", + "lect" + ], + [ + "]", + "=" + ], + [ + "by", + "tes" + ], + [ + "byte", + "s" + ], + [ + "ho", + "ver" + ], + [ + "hov", + "er" + ], + [ + "h", + "over" + ], + [ + "▁ц", + "ер" + ], + [ + "▁це", + "р" + ], + [ + "▁", + "цер" + ], + [ + "grad", + "le" + ], + [ + "Ar", + "ch" + ], + [ + "ap", + "est" + ], + [ + "ape", + "st" + ], + [ + "apes", + "t" + ], + [ + "ás", + "a" + ], + [ + "á", + "sa" + ], + [ + "Car", + "d" + ], + [ + "Ca", + "rd" + ], + [ + "C", + "ard" + ], + [ + "▁tempor", + "ary" + ], + [ + "▁départ", + "ement" + ], + [ + "class", + "es" + ], + [ + "жи", + "ва" + ], + [ + "▁х", + "удо" + ], + [ + "▁m", + "ole" + ], + [ + "▁mo", + "le" + ], + [ + "▁mol", + "e" + ], + [ + "R", + "Y" + ], + [ + "L", + "P" + ], + [ + "▁p", + "ec" + ], + [ + "▁pe", + "c" + ], + [ + "▁", + "pec" + ], + [ + "rodu", + "ction" + ], + [ + "▁Gu", + "ard" + ], + [ + "▁Par", + "liament" + ], + [ + "▁inst", + "anti" + ], + [ + "▁instant", + "i" + ], + [ + "▁not", + "amment" + ], + [ + "▁D", + "oug" + ], + [ + "▁Do", + "ug" + ], + [ + "▁Dou", + "g" + ], + [ + "▁Mar", + "sh" + ], + [ + "▁Mars", + "h" + ], + [ + ".", + "~" + ], + [ + "▁\\", + "\"" + ], + [ + "▁", + "\\\"" + ], + [ + "▁t", + "hé" + ], + [ + "▁th", + "é" + ], + [ + "▁li", + "bre" + ], + [ + "▁lib", + "re" + ], + [ + "do", + "es" + ], + [ + "▁dé", + "but" + ], + [ + "▁U", + "nit" + ], + [ + "▁Un", + "it" + ], + [ + "▁", + "Unit" + ], + [ + "▁с", + "ту" + ], + [ + "▁ст", + "у" + ], + [ + "▁", + "сту" + ], + [ + "▁le", + "ague" + ], + [ + "▁qu", + "ale" + ], + [ + "▁q", + "uale" + ], + [ + "▁qual", + "e" + ], + [ + "▁состав", + "ля" + ], + [ + "▁соста", + "вля" + ], + [ + "Se", + "curity" + ], + [ + "Sec", + "urity" + ], + [ + "▁appar", + "ently" + ], + [ + "▁apparent", + "ly" + ], + [ + "▁tro", + "ops" + ], + [ + "ic", + "ano" + ], + [ + "ica", + "no" + ], + [ + "ican", + "o" + ], + [ + "i", + "cano" + ], + [ + "▁M", + "B" + ], + [ + "▁", + "MB" + ], + [ + "en", + "ze" + ], + [ + "enz", + "e" + ], + [ + "lo", + "ading" + ], + [ + "load", + "ing" + ], + [ + "▁dist", + "ributed" + ], + [ + "▁distribu", + "ted" + ], + [ + "▁distrib", + "uted" + ], + [ + "write", + "r" + ], + [ + "writ", + "er" + ], + [ + "wr", + "iter" + ], + [ + "w", + "riter" + ], + [ + "res", + "ources" + ], + [ + "resource", + "s" + ], + [ + "h", + "ö" + ], + [ + "ut", + "ils" + ], + [ + "util", + "s" + ], + [ + "uti", + "ls" + ], + [ + "▁prep", + "ared" + ], + [ + "▁prepar", + "ed" + ], + [ + "▁prepare", + "d" + ], + [ + "ci", + "er" + ], + [ + "cie", + "r" + ], + [ + "c", + "ier" + ], + [ + "op", + "ol" + ], + [ + "opo", + "l" + ], + [ + "o", + "pol" + ], + [ + "▁län", + "kar" + ], + [ + "he", + "s" + ], + [ + "h", + "es" + ], + [ + "н", + "ва" + ], + [ + "▁op", + "ens" + ], + [ + "▁open", + "s" + ], + [ + "▁", + "opens" + ], + [ + "ag", + "og" + ], + [ + "ago", + "g" + ], + [ + "inter", + "face" + ], + [ + "▁F", + "und" + ], + [ + "▁Fu", + "nd" + ], + [ + "▁Fun", + "d" + ], + [ + "▁pent", + "ru" + ], + [ + "ní", + "ch" + ], + [ + "n", + "ích" + ], + [ + "▁config", + "ured" + ], + [ + "▁configure", + "d" + ], + [ + "▁configur", + "ed" + ], + [ + "▁Web", + "site" + ], + [ + "▁list", + "ener" + ], + [ + "▁listen", + "er" + ], + [ + "▁liste", + "ner" + ], + [ + "▁", + "listener" + ], + [ + "iv", + "el" + ], + [ + "ive", + "l" + ], + [ + "i", + "vel" + ], + [ + "n", + "ę" + ], + [ + "min", + "a" + ], + [ + "mi", + "na" + ], + [ + "m", + "ina" + ], + [ + "▁in", + "vest" + ], + [ + "▁inv", + "est" + ], + [ + "▁inve", + "st" + ], + [ + "▁м", + "іс" + ], + [ + "▁мі", + "с" + ], + [ + "▁d", + "av" + ], + [ + "▁da", + "v" + ], + [ + "▁p", + "atch" + ], + [ + "▁pat", + "ch" + ], + [ + "▁", + "patch" + ], + [ + "pi", + "eler" + ], + [ + "piel", + "er" + ], + [ + "pie", + "ler" + ], + [ + "▁Ext", + "erna" + ], + [ + "▁Extern", + "a" + ], + [ + "t", + "f" + ], + [ + "▁e", + "red" + ], + [ + "▁er", + "ed" + ], + [ + "▁ere", + "d" + ], + [ + "▁", + "ered" + ], + [ + "▁Ass", + "embly" + ], + [ + "▁", + "Assembly" + ], + [ + "▁s", + "out" + ], + [ + "▁so", + "ut" + ], + [ + "▁sou", + "t" + ], + [ + "▁v", + "erk" + ], + [ + "▁ver", + "k" + ], + [ + "▁", + "verk" + ], + [ + "me", + "rs" + ], + [ + "mer", + "s" + ], + [ + "m", + "ers" + ], + [ + "t", + "oggle" + ], + [ + "▁up", + "dating" + ], + [ + "▁upd", + "ating" + ], + [ + "▁K", + "ent" + ], + [ + "▁Ke", + "nt" + ], + [ + "▁Ken", + "t" + ], + [ + "ec", + "a" + ], + [ + "e", + "ca" + ], + [ + "FA", + "ULT" + ], + [ + "▁tit", + "re" + ], + [ + "▁ti", + "tre" + ], + [ + "▁K", + "enn" + ], + [ + "▁Ke", + "nn" + ], + [ + "▁Ken", + "n" + ], + [ + "▁Ми", + "ха" + ], + [ + "ст", + "ор" + ], + [ + "сто", + "р" + ], + [ + "с", + "тор" + ], + [ + "▁p", + "ode" + ], + [ + "▁po", + "de" + ], + [ + "▁pod", + "e" + ], + [ + "▁S", + "eb" + ], + [ + "▁Se", + "b" + ], + [ + "це", + "в" + ], + [ + "ц", + "ев" + ], + [ + "E", + "Y" + ], + [ + "▁sil", + "ver" + ], + [ + "▁cap", + "acity" + ], + [ + "▁capac", + "ity" + ], + [ + "▁comple", + "tion" + ], + [ + "▁complet", + "ion" + ], + [ + "▁Pe", + "dro" + ], + [ + "▁Ped", + "ro" + ], + [ + "fe", + "l" + ], + [ + "f", + "el" + ], + [ + "va", + "no" + ], + [ + "van", + "o" + ], + [ + "v", + "ano" + ], + [ + "ze", + "ug" + ], + [ + "▁in", + "terior" + ], + [ + "▁inter", + "ior" + ], + [ + "▁inte", + "rior" + ], + [ + "▁Res", + "ponse" + ], + [ + "▁", + "Response" + ], + [ + "éd", + "ia" + ], + [ + "é", + "dia" + ], + [ + "▁World", + "Cat" + ], + [ + "▁c", + "ă" + ], + [ + "qu", + "el" + ], + [ + "que", + "l" + ], + [ + "q", + "uel" + ], + [ + "So", + "l" + ], + [ + "S", + "ol" + ], + [ + "іс", + "ля" + ], + [ + "▁D", + "omin" + ], + [ + "▁Do", + "min" + ], + [ + "▁Dom", + "in" + ], + [ + "▁c", + "um" + ], + [ + "▁cu", + "m" + ], + [ + "ce", + "p" + ], + [ + "c", + "ep" + ], + [ + "▁M", + "use" + ], + [ + "▁Mus", + "e" + ], + [ + "▁Mu", + "se" + ], + [ + "▁M", + "aría" + ], + [ + "▁Mar", + "ía" + ], + [ + "▁Ma", + "ría" + ], + [ + "▁function", + "al" + ], + [ + "▁ad", + "apter" + ], + [ + "▁adapt", + "er" + ], + [ + "▁", + "adapter" + ], + [ + "config", + "uration" + ], + [ + "▁t", + "ipo" + ], + [ + "▁tip", + "o" + ], + [ + "▁ti", + "po" + ], + [ + "▁B", + "ry" + ], + [ + "▁Br", + "y" + ], + [ + "v", + "y" + ], + [ + "U", + "L" + ], + [ + "▁tra", + "vers" + ], + [ + "▁trav", + "ers" + ], + [ + "!", + "(" + ], + [ + "▁absol", + "utely" + ], + [ + "▁absolute", + "ly" + ], + [ + "л", + "та" + ], + [ + "тт", + "я" + ], + [ + "т", + "тя" + ], + [ + "▁I", + "T" + ], + [ + "▁", + "IT" + ], + [ + "▁во", + "ен" + ], + [ + "yc", + "le" + ], + [ + "y", + "cle" + ], + [ + "be", + "st" + ], + [ + "bes", + "t" + ], + [ + "b", + "est" + ], + [ + "▁construct", + "ed" + ], + [ + "▁constru", + "cted" + ], + [ + "▁фи", + "ль" + ], + [ + "▁", + "филь" + ], + [ + "ci", + "do" + ], + [ + "cid", + "o" + ], + [ + "c", + "ido" + ], + [ + "ex", + "it" + ], + [ + "ga", + "rt" + ], + [ + "gar", + "t" + ], + [ + "g", + "art" + ], + [ + "▁provin", + "cia" + ], + [ + "ve", + "z" + ], + [ + "v", + "ez" + ], + [ + "ci", + "pl" + ], + [ + "cip", + "l" + ], + [ + "▁Face", + "book" + ], + [ + "▁Fac", + "ebook" + ], + [ + "▁y", + "ellow" + ], + [ + "▁", + "yellow" + ], + [ + "▁Sum", + "mer" + ], + [ + "▁point", + "ing" + ], + [ + "▁poss", + "ibility" + ], + [ + "▁possib", + "ility" + ], + [ + "▁possibil", + "ity" + ], + [ + "▁leg", + "isl" + ], + [ + "▁мо", + "ж" + ], + [ + "▁", + "мож" + ], + [ + "de", + "rn" + ], + [ + "der", + "n" + ], + [ + "d", + "ern" + ], + [ + "ко", + "но" + ], + [ + "кон", + "о" + ], + [ + "▁mechan", + "ism" + ], + [ + "▁Bern", + "ard" + ], + [ + "ex", + "pr" + ], + [ + "exp", + "r" + ], + [ + "ло", + "ви" + ], + [ + "лов", + "и" + ], + [ + "л", + "ови" + ], + [ + "▁dig", + "its" + ], + [ + "▁digit", + "s" + ], + [ + "▁de", + "legate" + ], + [ + "▁deleg", + "ate" + ], + [ + "▁", + "delegate" + ], + [ + "og", + "ram" + ], + [ + "o", + "gram" + ], + [ + "▁D", + "ictionary" + ], + [ + "▁", + "Dictionary" + ], + [ + "is", + "y" + ], + [ + "▁s", + "po" + ], + [ + "▁sp", + "o" + ], + [ + "/", + "$" + ], + [ + "clude", + "d" + ], + [ + "clud", + "ed" + ], + [ + "▁M", + "VC" + ], + [ + "▁t", + "ém" + ], + [ + "▁té", + "m" + ], + [ + "▁print", + "ed" + ], + [ + "▁prin", + "ted" + ], + [ + "▁G", + "ott" + ], + [ + "▁Go", + "tt" + ], + [ + "▁Got", + "t" + ], + [ + "▁O", + "m" + ], + [ + "▁", + "Om" + ], + [ + "ans", + "as" + ], + [ + "▁D", + "urch" + ], + [ + "▁Dur", + "ch" + ], + [ + "▁I", + "dent" + ], + [ + "▁Id", + "ent" + ], + [ + "▁Ide", + "nt" + ], + [ + "▁", + "Ident" + ], + [ + "Q", + "U" + ], + [ + "ht", + "m" + ], + [ + "h", + "tm" + ], + [ + "▁S", + "ul" + ], + [ + "▁Su", + "l" + ], + [ + "']", + "." + ], + [ + "'", + "]." + ], + [ + "▁du", + "ty" + ], + [ + "▁dut", + "y" + ], + [ + "▁Aut", + "hor" + ], + [ + "▁Auth", + "or" + ], + [ + "▁", + "Author" + ], + [ + "▁n", + "ě" + ], + [ + "▁", + "ně" + ], + [ + "ow", + "ego" + ], + [ + "owe", + "go" + ], + [ + "pu", + "s" + ], + [ + "p", + "us" + ], + [ + "em", + "bl" + ], + [ + "emb", + "l" + ], + [ + "Exec", + "utor" + ], + [ + "B", + "L" + ], + [ + "▁M", + "ens" + ], + [ + "▁Me", + "ns" + ], + [ + "▁Men", + "s" + ], + [ + "dis", + "patch" + ], + [ + "▁M", + "id" + ], + [ + "▁Mi", + "d" + ], + [ + "ap", + "ps" + ], + [ + "app", + "s" + ], + [ + "Trans", + "form" + ], + [ + "▁D", + "at" + ], + [ + "▁Da", + "t" + ], + [ + "▁", + "Dat" + ], + [ + "▁im", + "pl" + ], + [ + "▁imp", + "l" + ], + [ + "▁", + "impl" + ], + [ + "ou", + "x" + ], + [ + "o", + "ux" + ], + [ + "ho", + "lm" + ], + [ + "hol", + "m" + ], + [ + "▁I", + "ns" + ], + [ + "▁In", + "s" + ], + [ + "▁Emp", + "ire" + ], + [ + "ру", + "п" + ], + [ + "▁Ap", + "ache" + ], + [ + "SI", + "ON" + ], + [ + "S", + "ION" + ], + [ + "▁pass", + "age" + ], + [ + "########", + "########" + ], + [ + "▁ex", + "pressed" + ], + [ + "▁express", + "ed" + ], + [ + "▁expr", + "essed" + ], + [ + "▁expres", + "sed" + ], + [ + "на", + "д" + ], + [ + "▁o", + "l" + ], + [ + "▁", + "ol" + ], + [ + "▁h", + "avia" + ], + [ + "▁ha", + "via" + ], + [ + "▁hav", + "ia" + ], + [ + "▁бо", + "лее" + ], + [ + "▁enjo", + "y" + ], + [ + "form", + "ance" + ], + [ + "▁dim", + "ensions" + ], + [ + "▁dimension", + "s" + ], + [ + "▁ч", + "ер" + ], + [ + "▁че", + "р" + ], + [ + "▁", + "чер" + ], + [ + "Se", + "e" + ], + [ + "S", + "ee" + ], + [ + "▁m", + "outh" + ], + [ + "▁mo", + "uth" + ], + [ + "▁mou", + "th" + ], + [ + "▁", + "mouth" + ], + [ + "▁g", + "au" + ], + [ + "▁ga", + "u" + ], + [ + "ien", + "cy" + ], + [ + "i", + "ency" + ], + [ + "▁Carol", + "ina" + ], + [ + "Dis", + "t" + ], + [ + "Di", + "st" + ], + [ + "D", + "ist" + ], + [ + "rad", + "io" + ], + [ + "li", + "mit" + ], + [ + "lim", + "it" + ], + [ + "l", + "imit" + ], + [ + "/", + "?" + ], + [ + "▁B", + "all" + ], + [ + "▁Ba", + "ll" + ], + [ + "▁Bal", + "l" + ], + [ + "ні", + "сть" + ], + [ + "Mem", + "ber" + ], + [ + "M", + "ember" + ], + [ + "wa", + "ter" + ], + [ + "w", + "ater" + ], + [ + "▁mur", + "der" + ], + [ + "▁stand", + "ing" + ], + [ + "▁stan", + "ding" + ], + [ + "▁", + "standing" + ], + [ + "▁V", + "II" + ], + [ + "▁VI", + "I" + ], + [ + "Cent", + "er" + ], + [ + "C", + "enter" + ], + [ + "pp", + "a" + ], + [ + "p", + "pa" + ], + [ + "ur", + "eau" + ], + [ + "ure", + "au" + ], + [ + "▁Le", + "ip" + ], + [ + "▁ob", + "jet" + ], + [ + "▁obj", + "et" + ], + [ + "▁Act", + "ivity" + ], + [ + "▁Activ", + "ity" + ], + [ + "▁", + "Activity" + ], + [ + "em", + "bers" + ], + [ + "ember", + "s" + ], + [ + "emb", + "ers" + ], + [ + "v", + "r" + ], + [ + "▁con", + "du" + ], + [ + "▁cond", + "u" + ], + [ + "Cell", + "s" + ], + [ + "C", + "ells" + ], + [ + "in", + "us" + ], + [ + "inu", + "s" + ], + [ + "▁'", + "," + ], + [ + "▁", + "'," + ], + [ + "▁af", + "raid" + ], + [ + "▁х", + "а" + ], + [ + "▁", + "ха" + ], + [ + "▁V", + "ic" + ], + [ + "▁Vi", + "c" + ], + [ + "test", + "ing" + ], + [ + "tes", + "ting" + ], + [ + "Tu", + "be" + ], + [ + "T", + "ube" + ], + [ + "▁v", + "ast" + ], + [ + "▁va", + "st" + ], + [ + "▁vas", + "t" + ], + [ + "P", + "M" + ], + [ + "ni", + "h" + ], + [ + "n", + "ih" + ], + [ + "SS", + "N" + ], + [ + "S", + "SN" + ], + [ + "▁Ch", + "ile" + ], + [ + "▁Chi", + "le" + ], + [ + "yl", + "van" + ], + [ + "▁B", + "ow" + ], + [ + "▁Bo", + "w" + ], + [ + "▁relig", + "ion" + ], + [ + "op", + "her" + ], + [ + "oph", + "er" + ], + [ + "ophe", + "r" + ], + [ + "o", + "pher" + ], + [ + "▁C", + "oll" + ], + [ + "▁Col", + "l" + ], + [ + "▁Co", + "ll" + ], + [ + "▁", + "Coll" + ], + [ + "▁dig", + "ital" + ], + [ + "▁digit", + "al" + ], + [ + "zi", + "oni" + ], + [ + "z", + "ioni" + ], + [ + "Se", + "ction" + ], + [ + "Sec", + "tion" + ], + [ + "S", + "ection" + ], + [ + "▁резу", + "льта" + ], + [ + "Foo", + "t" + ], + [ + "F", + "oot" + ], + [ + "con", + "vert" + ], + [ + "conv", + "ert" + ], + [ + "▁rece", + "iving" + ], + [ + "Cont", + "act" + ], + [ + "▁h", + "ero" + ], + [ + "▁he", + "ro" + ], + [ + "▁her", + "o" + ], + [ + "sa", + "m" + ], + [ + "s", + "am" + ], + [ + "▁pos", + "terior" + ], + [ + "▁poster", + "ior" + ], + [ + "▁poste", + "rior" + ], + [ + "ow", + "i" + ], + [ + "o", + "wi" + ], + [ + "An", + "t" + ], + [ + "A", + "nt" + ], + [ + "▁fl", + "ags" + ], + [ + "▁flag", + "s" + ], + [ + "▁fla", + "gs" + ], + [ + "▁", + "flags" + ], + [ + "▁Ze", + "aland" + ], + [ + "▁b", + "ounds" + ], + [ + "▁bound", + "s" + ], + [ + "▁", + "bounds" + ], + [ + "▁where", + "as" + ], + [ + "▁whe", + "reas" + ], + [ + "in", + "fl" + ], + [ + "inf", + "l" + ], + [ + "Pl", + "ay" + ], + [ + "P", + "lay" + ], + [ + "▁d", + "emo" + ], + [ + "▁de", + "mo" + ], + [ + "▁dem", + "o" + ], + [ + "▁", + "demo" + ], + [ + "▁g", + "ibt" + ], + [ + "▁gi", + "bt" + ], + [ + "▁h", + "ospital" + ], + [ + "▁hosp", + "ital" + ], + [ + "▁v", + "olta" + ], + [ + "▁vol", + "ta" + ], + [ + "▁volt", + "a" + ], + [ + "л", + "ё" + ], + [ + "▁f", + "ashion" + ], + [ + "▁ex", + "ceed" + ], + [ + "▁exc", + "eed" + ], + [ + "el", + "enium" + ], + [ + "elen", + "ium" + ], + [ + "It", + "er" + ], + [ + "I", + "ter" + ], + [ + "kr", + "ie" + ], + [ + "k", + "rie" + ], + [ + "▁integr", + "ation" + ], + [ + "▁integra", + "tion" + ], + [ + "▁", + "integration" + ], + [ + "▁Other", + "wise" + ], + [ + "ad", + "u" + ], + [ + "a", + "du" + ], + [ + "Sh", + "e" + ], + [ + "S", + "he" + ], + [ + "on", + "de" + ], + [ + "ond", + "e" + ], + [ + "o", + "nde" + ], + [ + "ui", + "nt" + ], + [ + "u", + "int" + ], + [ + "rad", + "ius" + ], + [ + "▁r", + "am" + ], + [ + "▁ra", + "m" + ], + [ + "▁", + "ram" + ], + [ + "▁ál", + "bum" + ], + [ + "▁т", + "ур" + ], + [ + "▁ту", + "р" + ], + [ + "▁", + "тур" + ], + [ + "▁d", + "y" + ], + [ + "▁", + "dy" + ], + [ + "▁O", + "tt" + ], + [ + "▁Ot", + "t" + ], + [ + "▁пер", + "и" + ], + [ + "▁пе", + "ри" + ], + [ + "re", + "v" + ], + [ + "r", + "ev" + ], + [ + "ri", + "or" + ], + [ + "rio", + "r" + ], + [ + "r", + "ior" + ], + [ + "í", + "d" + ], + [ + "ir", + "at" + ], + [ + "ira", + "t" + ], + [ + "i", + "rat" + ], + [ + "▁в", + "клю" + ], + [ + "▁import", + "ante" + ], + [ + "▁important", + "e" + ], + [ + "▁Du", + "ke" + ], + [ + "▁caus", + "a" + ], + [ + "▁ca", + "usa" + ], + [ + "▁Math", + "emat" + ], + [ + "▁di", + "plom" + ], + [ + "▁N", + "icol" + ], + [ + "▁Nic", + "ol" + ], + [ + "▁Ni", + "col" + ], + [ + "▁ex", + "clus" + ], + [ + "▁exc", + "lus" + ], + [ + "▁debug", + "ging" + ], + [ + "▁G", + "h" + ], + [ + "or", + "iginal" + ], + [ + "origin", + "al" + ], + [ + "orig", + "inal" + ], + [ + "ly", + "n" + ], + [ + "l", + "yn" + ], + [ + "▁P", + "la" + ], + [ + "▁Pl", + "a" + ], + [ + "su", + "ite" + ], + [ + "suit", + "e" + ], + [ + "ch", + "at" + ], + [ + "cha", + "t" + ], + [ + "c", + "hat" + ], + [ + "▁e", + "stud" + ], + [ + "▁est", + "ud" + ], + [ + "ue", + "lle" + ], + [ + "uel", + "le" + ], + [ + "u", + "elle" + ], + [ + "▁p", + "ert" + ], + [ + "▁per", + "t" + ], + [ + "▁pe", + "rt" + ], + [ + "▁", + "pert" + ], + [ + "▁import", + "ance" + ], + [ + "▁appro", + "aches" + ], + [ + "▁approach", + "es" + ], + [ + "▁d", + "la" + ], + [ + "▁про", + "ф" + ], + [ + "Pr", + "es" + ], + [ + "Pre", + "s" + ], + [ + "P", + "res" + ], + [ + "<", + "\\" + ], + [ + "pre", + "fix" + ], + [ + "p", + "refix" + ], + [ + "SS", + "ION" + ], + [ + "S", + "SION" + ], + [ + "ро", + "ди" + ], + [ + "род", + "и" + ], + [ + "count", + "ry" + ], + [ + "c", + "ountry" + ], + [ + "it", + "zer" + ], + [ + "itz", + "er" + ], + [ + "▁ко", + "р" + ], + [ + "▁к", + "ор" + ], + [ + "▁", + "кор" + ], + [ + "▁sing", + "ular" + ], + [ + "go", + "v" + ], + [ + "g", + "ov" + ], + [ + "ри", + "н" + ], + [ + "р", + "ин" + ], + [ + "▁F", + "A" + ], + [ + "▁", + "FA" + ], + [ + "▁mat", + "rices" + ], + [ + "ol", + "are" + ], + [ + "ola", + "re" + ], + [ + "olar", + "e" + ], + [ + "o", + "lare" + ], + [ + "ni", + "ka" + ], + [ + "nik", + "a" + ], + [ + "n", + "ika" + ], + [ + "po", + "wer" + ], + [ + "pow", + "er" + ], + [ + "p", + "ower" + ], + [ + "ll", + "a" + ], + [ + "l", + "la" + ], + [ + "▁des", + "ire" + ], + [ + "▁famil", + "ia" + ], + [ + "▁fam", + "ilia" + ], + [ + "до", + "р" + ], + [ + "д", + "ор" + ], + [ + "▁f", + "an" + ], + [ + "▁fa", + "n" + ], + [ + "▁", + "fan" + ], + [ + "gener", + "ated" + ], + [ + "generate", + "d" + ], + [ + "▁C", + "os" + ], + [ + "▁Co", + "s" + ], + [ + "▁ż", + "e" + ], + [ + "▁", + "że" + ], + [ + "▁D", + "iese" + ], + [ + "▁Die", + "se" + ], + [ + "▁Di", + "ese" + ], + [ + "▁Dies", + "e" + ], + [ + "mo", + "v" + ], + [ + "m", + "ov" + ], + [ + "▁de", + "note" + ], + [ + "▁den", + "ote" + ], + [ + "\")", + "]" + ], + [ + "\"", + ")]" + ], + [ + "ou", + "vern" + ], + [ + "ouv", + "ern" + ], + [ + "ouve", + "rn" + ], + [ + "ouver", + "n" + ], + [ + "am", + "an" + ], + [ + "ama", + "n" + ], + [ + "a", + "man" + ], + [ + "▁in", + "ser" + ], + [ + "▁ins", + "er" + ], + [ + "▁inse", + "r" + ], + [ + "ij", + "k" + ], + [ + "i", + "jk" + ], + [ + "ot", + "ta" + ], + [ + "ott", + "a" + ], + [ + "o", + "tta" + ], + [ + "er", + "al" + ], + [ + "era", + "l" + ], + [ + "e", + "ral" + ], + [ + "де", + "ль" + ], + [ + "д", + "ель" + ], + [ + "()", + "->" + ], + [ + "(", + ")->" + ], + [ + "▁p", + "oder" + ], + [ + "▁po", + "der" + ], + [ + "▁pod", + "er" + ], + [ + "▁pode", + "r" + ], + [ + "ig", + "es" + ], + [ + "ige", + "s" + ], + [ + "i", + "ges" + ], + [ + "▁On", + "line" + ], + [ + "▁we", + "ird" + ], + [ + "ia", + "c" + ], + [ + "i", + "ac" + ], + [ + "▁quel", + "ques" + ], + [ + "▁quelque", + "s" + ], + [ + "ère", + "nt" + ], + [ + "è", + "rent" + ], + [ + "▁t", + "el" + ], + [ + "▁te", + "l" + ], + [ + "▁", + "tel" + ], + [ + "▁L", + "atin" + ], + [ + "▁Lat", + "in" + ], + [ + "ver", + "ter" + ], + [ + "vert", + "er" + ], + [ + "verte", + "r" + ], + [ + "ля", + "р" + ], + [ + "ро", + "и" + ], + [ + "▁p", + "df" + ], + [ + "▁pd", + "f" + ], + [ + "▁", + "pdf" + ], + [ + "▁key", + "word" + ], + [ + "▁", + "keyword" + ], + [ + "Hand", + "le" + ], + [ + "A", + "fter" + ], + [ + "re", + "ce" + ], + [ + "rec", + "e" + ], + [ + "▁ident", + "ical" + ], + [ + "style", + "sheet" + ], + [ + "styles", + "heet" + ], + [ + "▁стан", + "ови" + ], + [ + "▁станов", + "и" + ], + [ + "▁k", + "a" + ], + [ + "▁", + "ka" + ], + [ + "ce", + "ment" + ], + [ + "cem", + "ent" + ], + [ + "c", + "ement" + ], + [ + "те", + "т" + ], + [ + "т", + "ет" + ], + [ + "▁c", + "hat" + ], + [ + "▁ch", + "at" + ], + [ + "▁cha", + "t" + ], + [ + "▁", + "chat" + ], + [ + "▁M", + "un" + ], + [ + "▁Mu", + "n" + ], + [ + "ał", + "a" + ], + [ + "a", + "ła" + ], + [ + "AN", + "T" + ], + [ + "A", + "NT" + ], + [ + "ol", + "óg" + ], + [ + "▁f", + "ant" + ], + [ + "▁fa", + "nt" + ], + [ + "▁fan", + "t" + ], + [ + "▁for", + "est" + ], + [ + "▁fo", + "rest" + ], + [ + "▁fore", + "st" + ], + [ + "▁ви", + "ко" + ], + [ + "cu", + "ss" + ], + [ + "cus", + "s" + ], + [ + "c", + "uss" + ], + [ + "▁se", + "hr" + ], + [ + "pa", + "g" + ], + [ + "p", + "ag" + ], + [ + "ot", + "ic" + ], + [ + "oti", + "c" + ], + [ + "▁á", + "ll" + ], + [ + "▁ál", + "l" + ], + [ + "▁", + "áll" + ], + [ + "ма", + "ти" + ], + [ + "мат", + "и" + ], + [ + "▁\"", + "'" + ], + [ + "+", + "\"" + ], + [ + "An", + "imation" + ], + [ + "Anim", + "ation" + ], + [ + "ходи", + "т" + ], + [ + "ход", + "ит" + ], + [ + "az", + "u" + ], + [ + "a", + "zu" + ], + [ + "▁pl", + "ays" + ], + [ + "▁play", + "s" + ], + [ + "▁pla", + "ys" + ], + [ + "▁", + "plays" + ], + [ + "iz", + "ioni" + ], + [ + "izi", + "oni" + ], + [ + "izio", + "ni" + ], + [ + "i", + "zioni" + ], + [ + "ми", + "че" + ], + [ + "▁b", + "omb" + ], + [ + "▁bo", + "mb" + ], + [ + "▁bom", + "b" + ], + [ + "▁mer", + "ely" + ], + [ + "▁mere", + "ly" + ], + [ + "▁hold", + "ing" + ], + [ + "▁hol", + "ding" + ], + [ + "▁w", + "enn" + ], + [ + "▁we", + "nn" + ], + [ + "▁wen", + "n" + ], + [ + "▁m", + "edic" + ], + [ + "▁me", + "dic" + ], + [ + "▁med", + "ic" + ], + [ + "▁medi", + "c" + ], + [ + "▁spe", + "aking" + ], + [ + "▁speak", + "ing" + ], + [ + "ong", + "odb" + ], + [ + "ongo", + "db" + ], + [ + "▁Cam", + "pe" + ], + [ + "▁Camp", + "e" + ], + [ + "in", + "ity" + ], + [ + "ini", + "ty" + ], + [ + "init", + "y" + ], + [ + "▁я", + "нва" + ], + [ + "()", + "`." + ], + [ + "()`", + "." + ], + [ + "(", + ")`." + ], + [ + "lu", + "ss" + ], + [ + "lus", + "s" + ], + [ + "l", + "uss" + ], + [ + "▁H", + "istoire" + ], + [ + "▁His", + "toire" + ], + [ + "▁Hist", + "oire" + ], + [ + "▁oper", + "ating" + ], + [ + "▁opera", + "ting" + ], + [ + "Ch", + "annel" + ], + [ + "▁accur", + "acy" + ], + [ + "▁b", + "os" + ], + [ + "▁bo", + "s" + ], + [ + "▁", + "bos" + ], + [ + "▁ev", + "ident" + ], + [ + "ци", + "ю" + ], + [ + "event", + "s" + ], + [ + "ev", + "ents" + ], + [ + "even", + "ts" + ], + [ + "text", + "rm" + ], + [ + "or", + "eign" + ], + [ + "ore", + "ign" + ], + [ + "▁i", + "i" + ], + [ + "▁", + "ii" + ], + [ + "hr", + "en" + ], + [ + "hre", + "n" + ], + [ + "h", + "ren" + ], + [ + "lo", + "wer" + ], + [ + "low", + "er" + ], + [ + "l", + "ower" + ], + [ + "▁т", + "ом" + ], + [ + "▁то", + "м" + ], + [ + "▁", + "том" + ], + [ + "▁Ab", + "out" + ], + [ + "▁", + "About" + ], + [ + "▁a", + "j" + ], + [ + "▁", + "aj" + ], + [ + "er", + "i" + ], + [ + "e", + "ri" + ], + [ + "сту", + "пи" + ], + [ + "ступ", + "и" + ], + [ + "▁di", + "git" + ], + [ + "▁dig", + "it" + ], + [ + "▁", + "digit" + ], + [ + "▁Sp", + "ain" + ], + [ + "▁D", + "aten" + ], + [ + "▁Date", + "n" + ], + [ + "▁Da", + "ten" + ], + [ + "▁Dat", + "en" + ], + [ + "▁for", + "me" + ], + [ + "▁form", + "e" + ], + [ + "▁ш", + "та" + ], + [ + "▁", + "шта" + ], + [ + "▁B", + "ach" + ], + [ + "▁Ba", + "ch" + ], + [ + "▁Bac", + "h" + ], + [ + "no", + "number" + ], + [ + "non", + "umber" + ], + [ + "▁recomm", + "ended" + ], + [ + "▁recommend", + "ed" + ], + [ + "▁re", + "ads" + ], + [ + "▁read", + "s" + ], + [ + "his", + "toire" + ], + [ + "h", + "istoire" + ], + [ + "▁s", + "ang" + ], + [ + "▁sa", + "ng" + ], + [ + "▁san", + "g" + ], + [ + "▁?", + "?" + ], + [ + "▁", + "??" + ], + [ + "▁с", + "тал" + ], + [ + "▁ст", + "ал" + ], + [ + "▁ста", + "л" + ], + [ + "sc", + "ore" + ], + [ + "s", + "core" + ], + [ + "fa", + "s" + ], + [ + "f", + "as" + ], + [ + "▁c", + "ub" + ], + [ + "▁cu", + "b" + ], + [ + "▁g", + "rew" + ], + [ + "▁gr", + "ew" + ], + [ + "▁gre", + "w" + ], + [ + "▁cent", + "ro" + ], + [ + "▁bek", + "annt" + ], + [ + "Event", + "s" + ], + [ + "BE", + "R" + ], + [ + "B", + "ER" + ], + [ + "he", + "w" + ], + [ + "h", + "ew" + ], + [ + "сс", + "а" + ], + [ + "с", + "са" + ], + [ + "▁major", + "ity" + ], + [ + "ît", + "re" + ], + [ + "î", + "tre" + ], + [ + "en", + "ci" + ], + [ + "enc", + "i" + ], + [ + "▁Qu", + "ery" + ], + [ + "▁Que", + "ry" + ], + [ + "▁", + "Query" + ], + [ + "▁któ", + "re" + ], + [ + "i", + "ć" + ], + [ + "▁complex", + "ity" + ], + [ + "▁Fran", + "çois" + ], + [ + "const", + "raint" + ], + [ + "ур", + "на" + ], + [ + "═", + "═" + ], + [ + "▁iter", + "ate" + ], + [ + "le", + "tt" + ], + [ + "let", + "t" + ], + [ + "l", + "ett" + ], + [ + "pe", + "ror" + ], + [ + "per", + "or" + ], + [ + "▁Neder", + "land" + ], + [ + "sh", + "are" + ], + [ + "sha", + "re" + ], + [ + "▁incl", + "u" + ], + [ + "▁inc", + "lu" + ], + [ + "än", + "ger" + ], + [ + "äng", + "er" + ], + [ + "änge", + "r" + ], + [ + "▁N", + "ic" + ], + [ + "▁Ni", + "c" + ], + [ + "ч", + "о" + ], + [ + "F", + "ull" + ], + [ + "▁ra", + "pport" + ], + [ + "▁rapp", + "ort" + ], + [ + "▁rap", + "port" + ], + [ + "ec", + "lipse" + ], + [ + "e", + "clipse" + ], + [ + "▁indust", + "ry" + ], + [ + "he", + "aders" + ], + [ + "head", + "ers" + ], + [ + "header", + "s" + ], + [ + "▁Р", + "и" + ], + [ + "ch", + "sel" + ], + [ + "chs", + "el" + ], + [ + "▁po", + "lic" + ], + [ + "▁pol", + "ic" + ], + [ + "sch", + "ied" + ], + [ + "%", + "," + ], + [ + "O", + "D" + ], + [ + "▁J", + "ak" + ], + [ + "▁Ja", + "k" + ], + [ + "({", + "\\" + ], + [ + "(", + "{\\" + ], + [ + "al", + "igned" + ], + [ + "align", + "ed" + ], + [ + "▁frequ", + "ently" + ], + [ + "▁frequent", + "ly" + ], + [ + "▁su", + "oi" + ], + [ + "▁suo", + "i" + ], + [ + "▁ess", + "entially" + ], + [ + "▁essential", + "ly" + ], + [ + "▁R", + "ic" + ], + [ + "▁Ri", + "c" + ], + [ + "▁re", + "ports" + ], + [ + "▁report", + "s" + ], + [ + "▁dec", + "imal" + ], + [ + "ra", + "r" + ], + [ + "r", + "ar" + ], + [ + "▁F", + "oo" + ], + [ + "▁Fo", + "o" + ], + [ + "▁", + "Foo" + ], + [ + "▁K", + "a" + ], + [ + "▁D", + "C" + ], + [ + "▁", + "DC" + ], + [ + "▁sim", + "pler" + ], + [ + "▁simple", + "r" + ], + [ + "▁simp", + "ler" + ], + [ + "▁simpl", + "er" + ], + [ + "Pa", + "ne" + ], + [ + "Pan", + "e" + ], + [ + "P", + "ane" + ], + [ + "?", + "}" + ], + [ + "So", + "rt" + ], + [ + "S", + "ort" + ], + [ + "▁pos", + "it" + ], + [ + "cd", + "n" + ], + [ + "c", + "dn" + ], + [ + "kt", + "ur" + ], + [ + "▁aw", + "k" + ], + [ + "▁", + "awk" + ], + [ + "зе", + "р" + ], + [ + "з", + "ер" + ], + [ + "P", + "F" + ], + [ + "u", + "ur" + ], + [ + "▁R", + "oss" + ], + [ + "▁Ro", + "ss" + ], + [ + "▁Ros", + "s" + ], + [ + "▁m", + "ant" + ], + [ + "▁ma", + "nt" + ], + [ + "▁man", + "t" + ], + [ + "N", + "a" + ], + [ + "Con", + "s" + ], + [ + "Co", + "ns" + ], + [ + "C", + "ons" + ], + [ + "))", + "))" + ], + [ + ")))", + ")" + ], + [ + ")", + ")))" + ], + [ + "▁techn", + "iques" + ], + [ + "▁techni", + "ques" + ], + [ + "▁technique", + "s" + ], + [ + "im", + "pl" + ], + [ + "imp", + "l" + ], + [ + "▁dro", + "pped" + ], + [ + "▁drop", + "ped" + ], + [ + "▁L", + "ista" + ], + [ + "▁List", + "a" + ], + [ + "▁Li", + "sta" + ], + [ + "▁Lis", + "ta" + ], + [ + "▁Bas", + "ically" + ], + [ + "▁Basic", + "ally" + ], + [ + "en", + "tal" + ], + [ + "ent", + "al" + ], + [ + "enta", + "l" + ], + [ + "▁cel", + "ui" + ], + [ + "▁str", + "ategy" + ], + [ + "▁strateg", + "y" + ], + [ + "▁strat", + "egy" + ], + [ + "▁W", + "ales" + ], + [ + "▁Wal", + "es" + ], + [ + "▁Wa", + "les" + ], + [ + "na", + "n" + ], + [ + "n", + "an" + ], + [ + "▁g", + "min" + ], + [ + "▁gr", + "öß" + ], + [ + "▁eer", + "ste" + ], + [ + "▁eerst", + "e" + ], + [ + "T", + "im" + ], + [ + "nt", + "en" + ], + [ + "n", + "ten" + ], + [ + "re", + "sp" + ], + [ + "res", + "p" + ], + [ + "r", + "esp" + ], + [ + "▁s", + "table" + ], + [ + "▁st", + "able" + ], + [ + "▁sta", + "ble" + ], + [ + "▁", + "stable" + ], + [ + "no", + "v" + ], + [ + "n", + "ov" + ], + [ + "ro", + "b" + ], + [ + "r", + "ob" + ], + [ + "но", + "ј" + ], + [ + "▁mar", + "riage" + ], + [ + "get", + "String" + ], + [ + "Aut", + "hor" + ], + [ + "Auth", + "or" + ], + [ + "▁G", + "raf" + ], + [ + "▁Gr", + "af" + ], + [ + "▁Gra", + "f" + ], + [ + "▁di", + "agram" + ], + [ + "▁diag", + "ram" + ], + [ + "▁dia", + "gram" + ], + [ + "gi", + "a" + ], + [ + "g", + "ia" + ], + [ + "Net", + "work" + ], + [ + "N", + "etwork" + ], + [ + "▁com", + "posed" + ], + [ + "▁comp", + "osed" + ], + [ + "▁compos", + "ed" + ], + [ + "▁compose", + "d" + ], + [ + "▁miss", + "ed" + ], + [ + "▁mis", + "sed" + ], + [ + "▁M", + "eg" + ], + [ + "▁Me", + "g" + ], + [ + "▁пра", + "во" + ], + [ + "▁прав", + "о" + ], + [ + "▁hom", + "onymes" + ], + [ + "▁Bo", + "oks" + ], + [ + "▁Book", + "s" + ], + [ + "▁en", + "cou" + ], + [ + "▁enc", + "ou" + ], + [ + "port", + "e" + ], + [ + "por", + "te" + ], + [ + "p", + "orte" + ], + [ + "▁rot", + "ation" + ], + [ + "▁f", + "ir" + ], + [ + "▁fi", + "r" + ], + [ + "▁", + "fir" + ], + [ + "те", + "льно" + ], + [ + "тель", + "но" + ], + [ + "▁g", + "un" + ], + [ + "▁gu", + "n" + ], + [ + "▁", + "gun" + ], + [ + "▁A", + "ff" + ], + [ + "▁Af", + "f" + ], + [ + "▁", + "Aff" + ], + [ + "но", + "к" + ], + [ + "н", + "ок" + ], + [ + "▁Fuß", + "ball" + ], + [ + "▁St", + "ory" + ], + [ + "▁Sto", + "ry" + ], + [ + "▁", + "Story" + ], + [ + "▁Ch", + "ap" + ], + [ + "▁Cha", + "p" + ], + [ + "▁)", + "." + ], + [ + "▁", + ")." + ], + [ + "▁Se", + "it" + ], + [ + "мо", + "н" + ], + [ + "м", + "он" + ], + [ + "▁t", + "élé" + ], + [ + "▁té", + "lé" + ], + [ + "▁cop", + "ied" + ], + [ + "▁cons", + "istent" + ], + [ + "▁consist", + "ent" + ], + [ + "▁dr", + "ink" + ], + [ + "▁C", + "ham" + ], + [ + "▁Ch", + "am" + ], + [ + "▁Cha", + "m" + ], + [ + "▁mat", + "ters" + ], + [ + "▁matter", + "s" + ], + [ + "▁render", + "ed" + ], + [ + "▁rend", + "ered" + ], + [ + "▁rende", + "red" + ], + [ + "▁hyp", + "oth" + ], + [ + "œ", + "uv" + ], + [ + "▁me", + "er" + ], + [ + "▁par", + "sing" + ], + [ + "▁P", + "RO" + ], + [ + "▁PR", + "O" + ], + [ + "▁", + "PRO" + ], + [ + "se", + "ries" + ], + [ + "ser", + "ies" + ], + [ + "serie", + "s" + ], + [ + "s", + "eries" + ], + [ + "▁z", + "á" + ], + [ + "▁", + "zá" + ], + [ + "stra", + "ße" + ], + [ + "▁B", + "oot" + ], + [ + "▁Bo", + "ot" + ], + [ + "▁", + "Boot" + ], + [ + "▁re", + "po" + ], + [ + "▁rep", + "o" + ], + [ + "▁", + "repo" + ], + [ + "wo", + "r" + ], + [ + "w", + "or" + ], + [ + "▁St", + "ream" + ], + [ + "▁Stre", + "am" + ], + [ + "▁", + "Stream" + ], + [ + "▁A", + "N" + ], + [ + "▁", + "AN" + ], + [ + "▁п", + "ів" + ], + [ + "▁пі", + "в" + ], + [ + "▁S", + "M" + ], + [ + "▁", + "SM" + ], + [ + "▁A", + "rn" + ], + [ + "▁Ar", + "n" + ], + [ + "▁", + "Ž" + ], + [ + "▁[", + "];" + ], + [ + "▁[]", + ";" + ], + [ + "Res", + "ources" + ], + [ + "Resource", + "s" + ], + [ + "▁el", + "abor" + ], + [ + "▁ela", + "bor" + ], + [ + "▁E", + "th" + ], + [ + "▁Et", + "h" + ], + [ + "▁l", + "iste" + ], + [ + "▁li", + "ste" + ], + [ + "▁list", + "e" + ], + [ + "▁rel", + "atively" + ], + [ + "▁relative", + "ly" + ], + [ + "▁relativ", + "ely" + ], + [ + "ch", + "ant" + ], + [ + "chan", + "t" + ], + [ + "cha", + "nt" + ], + [ + "=\"", + "\"" + ], + [ + "=", + "\"\"" + ], + [ + "▁l", + "ift" + ], + [ + "▁li", + "ft" + ], + [ + "▁lif", + "t" + ], + [ + "C", + "N" + ], + [ + "Service", + "s" + ], + [ + "Serv", + "ices" + ], + [ + "ME", + "NT" + ], + [ + "M", + "ENT" + ], + [ + "▁и", + "гра" + ], + [ + "▁иг", + "ра" + ], + [ + "▁", + "игра" + ], + [ + "б", + "ре" + ], + [ + "▁J", + "ord" + ], + [ + "▁Jo", + "rd" + ], + [ + "▁t", + "ec" + ], + [ + "▁te", + "c" + ], + [ + "ш", + "ка" + ], + [ + "▁S", + "up" + ], + [ + "▁Su", + "p" + ], + [ + "▁infl", + "uen" + ], + [ + "▁influ", + "en" + ], + [ + "on", + "ds" + ], + [ + "ond", + "s" + ], + [ + "hand", + "ler" + ], + [ + "handle", + "r" + ], + [ + "▁b", + "anda" + ], + [ + "▁band", + "a" + ], + [ + "▁ban", + "da" + ], + [ + "▁vert", + "ices" + ], + [ + "▁z", + "ap" + ], + [ + "▁za", + "p" + ], + [ + "▁c", + "ord" + ], + [ + "▁cor", + "d" + ], + [ + "▁co", + "rd" + ], + [ + "▁", + "cord" + ], + [ + "al", + "ter" + ], + [ + "alt", + "er" + ], + [ + "ze", + "nia" + ], + [ + "zen", + "ia" + ], + [ + "z", + "enia" + ], + [ + "ât", + "eau" + ], + [ + "âte", + "au" + ], + [ + "▁know", + "ing" + ], + [ + "▁Argent", + "ina" + ], + [ + "Ar", + "ea" + ], + [ + "Are", + "a" + ], + [ + "A", + "rea" + ], + [ + "ан", + "е" + ], + [ + "а", + "не" + ], + [ + "f", + "c" + ], + [ + "=\"", + "/" + ], + [ + "=", + "\"/" + ], + [ + "▁M", + "ik" + ], + [ + "▁Mi", + "k" + ], + [ + "at", + "ă" + ], + [ + "ie", + "ux" + ], + [ + "ieu", + "x" + ], + [ + "▁deutsch", + "en" + ], + [ + "▁deutsche", + "n" + ], + [ + "▁trad", + "itional" + ], + [ + "▁tradition", + "al" + ], + [ + "de", + "code" + ], + [ + "dec", + "ode" + ], + [ + "ve", + "x" + ], + [ + "v", + "ex" + ], + [ + "▁size", + "of" + ], + [ + "▁", + "sizeof" + ], + [ + "▁F", + "un" + ], + [ + "▁Fu", + "n" + ], + [ + "▁", + "Fun" + ], + [ + "▁par", + "ser" + ], + [ + "▁parse", + "r" + ], + [ + "▁", + "parser" + ], + [ + "▁Flor", + "ida" + ], + [ + "▁build", + "ings" + ], + [ + "▁building", + "s" + ], + [ + "▁Man", + "uel" + ], + [ + "ri", + "le" + ], + [ + "ril", + "e" + ], + [ + "r", + "ile" + ], + [ + "▁log", + "ged" + ], + [ + "▁strong", + "ly" + ], + [ + "▁re", + "vol" + ], + [ + "▁rev", + "ol" + ], + [ + "не", + "е" + ], + [ + "xi", + "co" + ], + [ + "xic", + "o" + ], + [ + "x", + "ico" + ], + [ + "▁F", + "air" + ], + [ + "▁Fa", + "ir" + ], + [ + "ca", + "rt" + ], + [ + "car", + "t" + ], + [ + "c", + "art" + ], + [ + "▁W", + "ort" + ], + [ + "▁Wo", + "rt" + ], + [ + "▁Wor", + "t" + ], + [ + "▁Jes", + "us" + ], + [ + "em", + "es" + ], + [ + "eme", + "s" + ], + [ + "e", + "mes" + ], + [ + "sch", + "rift" + ], + [ + "Input", + "Stream" + ], + [ + "wa", + "d" + ], + [ + "w", + "ad" + ], + [ + "▁gran", + "des" + ], + [ + "▁grand", + "es" + ], + [ + "▁grande", + "s" + ], + [ + "▁númer", + "o" + ], + [ + "▁O", + "tto" + ], + [ + "▁Ot", + "to" + ], + [ + "▁Ott", + "o" + ], + [ + "ien", + "tes" + ], + [ + "ient", + "es" + ], + [ + "iente", + "s" + ], + [ + "i", + "entes" + ], + [ + "▁fam", + "ous" + ], + [ + "ol", + "ogne" + ], + [ + "olog", + "ne" + ], + [ + "J", + "e" + ], + [ + "ни", + "ш" + ], + [ + "▁Guer", + "ra" + ], + [ + "bar", + "a" + ], + [ + "ba", + "ra" + ], + [ + "b", + "ara" + ], + [ + "▁c", + "ad" + ], + [ + "▁ca", + "d" + ], + [ + "el", + "ve" + ], + [ + "br", + "ace" + ], + [ + "bra", + "ce" + ], + [ + "b", + "race" + ], + [ + "▁J", + "r" + ], + [ + "st", + "able" + ], + [ + "sta", + "ble" + ], + [ + "stab", + "le" + ], + [ + "s", + "table" + ], + [ + "EC", + "T" + ], + [ + "E", + "CT" + ], + [ + "lem", + "ma" + ], + [ + "med", + "iate" + ], + [ + "medi", + "ate" + ], + [ + "media", + "te" + ], + [ + "▁v", + "in" + ], + [ + "▁vi", + "n" + ], + [ + "▁", + "vin" + ], + [ + "▁mon", + "ument" + ], + [ + "▁c", + "v" + ], + [ + "▁", + "cv" + ], + [ + "▁w", + "inter" + ], + [ + "▁win", + "ter" + ], + [ + "▁trans", + "formation" + ], + [ + "▁transform", + "ation" + ], + [ + "▁N", + "ick" + ], + [ + "▁Nic", + "k" + ], + [ + "▁Ni", + "ck" + ], + [ + "str", + "onom" + ], + [ + "▁f", + "rag" + ], + [ + "▁fr", + "ag" + ], + [ + "▁fra", + "g" + ], + [ + "▁in", + "tel" + ], + [ + "▁int", + "el" + ], + [ + "▁inte", + "l" + ], + [ + "ra", + "ction" + ], + [ + "rac", + "tion" + ], + [ + "ract", + "ion" + ], + [ + "r", + "action" + ], + [ + "▁consider", + "ing" + ], + [ + "▁consid", + "ering" + ], + [ + "▁F", + "le" + ], + [ + "▁Fl", + "e" + ], + [ + "▁", + "ло" + ], + [ + "▁A", + "près" + ], + [ + "▁Ap", + "rès" + ], + [ + "▁A", + "M" + ], + [ + "▁", + "AM" + ], + [ + "▁H", + "um" + ], + [ + "▁Hu", + "m" + ], + [ + "▁m", + "undo" + ], + [ + "NE", + "R" + ], + [ + "N", + "ER" + ], + [ + "▁Be", + "low" + ], + [ + "▁Bel", + "ow" + ], + [ + "▁го", + "рода" + ], + [ + "▁горо", + "да" + ], + [ + "▁город", + "а" + ], + [ + "ar", + "ters" + ], + [ + "art", + "ers" + ], + [ + "arter", + "s" + ], + [ + "arte", + "rs" + ], + [ + "--", + "\"" + ], + [ + "▁П", + "е" + ], + [ + "▁", + "Пе" + ], + [ + "î", + "t" + ], + [ + "▁t", + "xt" + ], + [ + "▁tx", + "t" + ], + [ + "▁", + "txt" + ], + [ + "an", + "gers" + ], + [ + "ang", + "ers" + ], + [ + "ange", + "rs" + ], + [ + "anger", + "s" + ], + [ + "▁t", + "hy" + ], + [ + "▁th", + "y" + ], + [ + "▁", + "thy" + ], + [ + "CL", + "A" + ], + [ + "C", + "LA" + ], + [ + "ib", + "les" + ], + [ + "ible", + "s" + ], + [ + "i", + "bles" + ], + [ + "▁request", + "ed" + ], + [ + "▁requ", + "ested" + ], + [ + "▁Alex", + "and" + ], + [ + "▁fact", + "ors" + ], + [ + "▁fa", + "ctors" + ], + [ + "▁factor", + "s" + ], + [ + "▁produ", + "ces" + ], + [ + "▁produce", + "s" + ], + [ + "ning", + "en" + ], + [ + "n", + "ingen" + ], + [ + "▁со", + "стоя" + ], + [ + "▁optim", + "ization" + ], + [ + "ch", + "od" + ], + [ + "cho", + "d" + ], + [ + "c", + "hod" + ], + [ + ">", + "`" + ], + [ + "▁Wik", + "ip" + ], + [ + "nost", + "i" + ], + [ + "nos", + "ti" + ], + [ + "n", + "osti" + ], + [ + "▁compet", + "ition" + ], + [ + "▁H", + "ann" + ], + [ + "▁Ha", + "nn" + ], + [ + "▁Han", + "n" + ], + [ + "▁z", + "ona" + ], + [ + "▁zo", + "na" + ], + [ + "d", + "c" + ], + [ + "de", + "sign" + ], + [ + "des", + "ign" + ], + [ + "▁Z", + "u" + ], + [ + "▁e", + "spec" + ], + [ + "▁es", + "pec" + ], + [ + "▁espe", + "c" + ], + [ + "▁esp", + "ec" + ], + [ + "equ", + "ality" + ], + [ + "equal", + "ity" + ], + [ + "e", + "quality" + ], + [ + "▁A", + "bb" + ], + [ + "▁Ab", + "b" + ], + [ + "▁develop", + "er" + ], + [ + "▁", + "developer" + ], + [ + "▁\"", + "^" + ], + [ + "▁Sh", + "ort" + ], + [ + "▁Sho", + "rt" + ], + [ + "▁", + "Short" + ], + [ + "▁pl", + "ans" + ], + [ + "▁pla", + "ns" + ], + [ + "▁plan", + "s" + ], + [ + "▁v", + "it" + ], + [ + "▁vi", + "t" + ], + [ + "iz", + "able" + ], + [ + "iza", + "ble" + ], + [ + "burg", + "h" + ], + [ + "bur", + "gh" + ], + [ + "ag", + "em" + ], + [ + "age", + "m" + ], + [ + "a", + "gem" + ], + [ + "▁Pr", + "int" + ], + [ + "▁Pri", + "nt" + ], + [ + "▁Prin", + "t" + ], + [ + "▁", + "Print" + ], + [ + "í", + "v" + ], + [ + "▁su", + "itable" + ], + [ + "▁suit", + "able" + ], + [ + "pi", + "cker" + ], + [ + "pic", + "ker" + ], + [ + "pick", + "er" + ], + [ + "p", + "icker" + ], + [ + "Pro", + "file" + ], + [ + "an", + "dy" + ], + [ + "and", + "y" + ], + [ + "▁qu", + "ot" + ], + [ + "▁", + "quot" + ], + [ + "▁Dur", + "ante" + ], + [ + "▁Durant", + "e" + ], + [ + "▁Fran", + "cia" + ], + [ + "▁Fr", + "ancia" + ], + [ + "▁Franc", + "ia" + ], + [ + "▁t", + "art" + ], + [ + "▁tar", + "t" + ], + [ + "▁ta", + "rt" + ], + [ + "▁V", + "enez" + ], + [ + "▁Ve", + "nez" + ], + [ + "▁Ven", + "ez" + ], + [ + "▁dis", + "patch" + ], + [ + "▁disp", + "atch" + ], + [ + "▁", + "dispatch" + ], + [ + "▁observ", + "ations" + ], + [ + "▁observation", + "s" + ], + [ + "▁", + "ż" + ], + [ + "In", + "valid" + ], + [ + "▁occ", + "urr" + ], + [ + "▁occur", + "r" + ], + [ + "▁oc", + "curr" + ], + [ + "т", + "ки" + ], + [ + "Mem", + "ento" + ], + [ + "M", + "emento" + ], + [ + "▁S", + "yd" + ], + [ + "▁Sy", + "d" + ], + [ + "▁tiem", + "po" + ], + [ + "▁st", + "aff" + ], + [ + "▁sta", + "ff" + ], + [ + "▁se", + "ctions" + ], + [ + "▁section", + "s" + ], + [ + "▁sect", + "ions" + ], + [ + "▁", + "sections" + ], + [ + "▁s", + "sh" + ], + [ + "▁ss", + "h" + ], + [ + "▁", + "ssh" + ], + [ + "▁N", + "GC" + ], + [ + "ë", + "l" + ], + [ + "▁er", + "re" + ], + [ + "▁err", + "e" + ], + [ + "▁div", + "ided" + ], + [ + "▁divide", + "d" + ], + [ + "▁divid", + "ed" + ], + [ + "▁With", + "out" + ], + [ + "▁du", + "rant" + ], + [ + "▁dur", + "ant" + ], + [ + "▁j", + "aar" + ], + [ + "▁ja", + "ar" + ], + [ + "▁", + "−" + ], + [ + "▁sold", + "iers" + ], + [ + "▁soldier", + "s" + ], + [ + "ун", + "к" + ], + [ + "la", + "pse" + ], + [ + "lap", + "se" + ], + [ + "laps", + "e" + ], + [ + "▁Val", + "ley" + ], + [ + "▁Vall", + "ey" + ], + [ + "▁Valle", + "y" + ], + [ + "▁(", + ":" + ], + [ + "▁", + "(:" + ], + [ + "re", + "ra" + ], + [ + "rer", + "a" + ], + [ + "r", + "era" + ], + [ + "▁d", + "ével" + ], + [ + "▁dé", + "vel" + ], + [ + "▁p", + "éri" + ], + [ + "▁pé", + "ri" + ], + [ + "▁calcul", + "ation" + ], + [ + "▁calc", + "ulation" + ], + [ + "▁ke", + "ine" + ], + [ + "▁kein", + "e" + ], + [ + "er", + "tain" + ], + [ + "ert", + "ain" + ], + [ + "erta", + "in" + ], + [ + "▁те", + "ле" + ], + [ + "ру", + "д" + ], + [ + "▁c", + "ul" + ], + [ + "▁cu", + "l" + ], + [ + "▁", + "cul" + ], + [ + "▁cl", + "oth" + ], + [ + "▁clo", + "th" + ], + [ + ";", + "}" + ], + [ + "▁pr", + "zed" + ], + [ + "▁prze", + "d" + ], + [ + "▁prz", + "ed" + ], + [ + "Mon", + "th" + ], + [ + "Mo", + "nth" + ], + [ + "Mont", + "h" + ], + [ + "Pi", + "cker" + ], + [ + "P", + "icker" + ], + [ + "▁S", + "V" + ], + [ + "▁", + "SV" + ], + [ + "ar", + "ian" + ], + [ + "ari", + "an" + ], + [ + "aria", + "n" + ], + [ + "a", + "rian" + ], + [ + "▁Re", + "view" + ], + [ + "▁Rev", + "iew" + ], + [ + "▁h", + "ang" + ], + [ + "▁ha", + "ng" + ], + [ + "▁han", + "g" + ], + [ + "▁", + "hang" + ], + [ + "▁о", + "кт" + ], + [ + "▁ок", + "т" + ], + [ + "▁F", + "ront" + ], + [ + "▁Fr", + "ont" + ], + [ + "▁Fro", + "nt" + ], + [ + "▁", + "Front" + ], + [ + "ot", + "lin" + ], + [ + "▁trans", + "lation" + ], + [ + "▁transl", + "ation" + ], + [ + "▁m", + "odo" + ], + [ + "▁mod", + "o" + ], + [ + "▁mo", + "do" + ], + [ + "▁stat", + "istics" + ], + [ + "▁statist", + "ics" + ], + [ + "▁N", + "ue" + ], + [ + "▁Nu", + "e" + ], + [ + "▁Ни", + "кола" + ], + [ + "NU", + "M" + ], + [ + "N", + "UM" + ], + [ + "▁s", + "hips" + ], + [ + "▁sh", + "ips" + ], + [ + "▁ship", + "s" + ], + [ + "▁", + "ships" + ], + [ + "▁Re", + "port" + ], + [ + "▁Rep", + "ort" + ], + [ + "▁", + "Report" + ], + [ + "{", + "[" + ], + [ + "E", + "ffect" + ], + [ + "ie", + "ri" + ], + [ + "ier", + "i" + ], + [ + "i", + "eri" + ], + [ + "▁par", + "ties" + ], + [ + "▁part", + "ies" + ], + [ + "▁partie", + "s" + ], + [ + "▁parti", + "es" + ], + [ + "pl", + "a" + ], + [ + "p", + "la" + ], + [ + "r", + "w" + ], + [ + "▁Work", + "s" + ], + [ + "▁Wor", + "ks" + ], + [ + "▁i", + "ron" + ], + [ + "▁ir", + "on" + ], + [ + "▁att", + "ract" + ], + [ + "▁attr", + "act" + ], + [ + "▁attra", + "ct" + ], + [ + "▁c", + "ort" + ], + [ + "▁cor", + "t" + ], + [ + "▁co", + "rt" + ], + [ + "n", + "á" + ], + [ + "▁Ste", + "ve" + ], + [ + "▁b", + "ene" + ], + [ + "▁be", + "ne" + ], + [ + "▁ben", + "e" + ], + [ + "то", + "н" + ], + [ + "т", + "он" + ], + [ + "ícul", + "a" + ], + [ + "Tw", + "o" + ], + [ + "T", + "wo" + ], + [ + "▁г", + "лав" + ], + [ + "▁гла", + "в" + ], + [ + "▁V", + "ideo" + ], + [ + "▁", + "Video" + ], + [ + "▁power", + "ful" + ], + [ + "au", + "ch" + ], + [ + "auc", + "h" + ], + [ + "a", + "uch" + ], + [ + "ma", + "nde" + ], + [ + "man", + "de" + ], + [ + "m", + "ande" + ], + [ + "äch", + "st" + ], + [ + "ächs", + "t" + ], + [ + "La", + "t" + ], + [ + "L", + "at" + ], + [ + "▁z", + "na" + ], + [ + "▁zn", + "a" + ], + [ + "▁", + "zna" + ], + [ + "▁fig", + "ures" + ], + [ + "▁figure", + "s" + ], + [ + "▁figur", + "es" + ], + [ + "▁a", + "lias" + ], + [ + "▁al", + "ias" + ], + [ + "▁ali", + "as" + ], + [ + "▁", + "alias" + ], + [ + "ne", + "x" + ], + [ + "n", + "ex" + ], + [ + "▁c", + "ategories" + ], + [ + "▁categ", + "ories" + ], + [ + "▁categor", + "ies" + ], + [ + "▁categorie", + "s" + ], + [ + "▁", + "categories" + ], + [ + "cal", + "led" + ], + [ + "call", + "ed" + ], + [ + "c", + "alled" + ], + [ + "▁Sim", + "ilar" + ], + [ + "▁g", + "irls" + ], + [ + "▁girl", + "s" + ], + [ + "▁gir", + "ls" + ], + [ + "pe", + "z" + ], + [ + "p", + "ez" + ], + [ + "▁j", + "oint" + ], + [ + "▁jo", + "int" + ], + [ + "▁join", + "t" + ], + [ + "▁", + "joint" + ], + [ + "ро", + "го" + ], + [ + "р", + "ого" + ], + [ + "ik", + "en" + ], + [ + "ike", + "n" + ], + [ + "i", + "ken" + ], + [ + "чи", + "на" + ], + [ + "чин", + "а" + ], + [ + "an", + "cia" + ], + [ + "anc", + "ia" + ], + [ + "anci", + "a" + ], + [ + "▁t", + "ijd" + ], + [ + "▁ti", + "jd" + ], + [ + "▁R", + "ose" + ], + [ + "▁Ro", + "se" + ], + [ + "▁Ros", + "e" + ], + [ + "▁alg", + "orithms" + ], + [ + "▁algorithm", + "s" + ], + [ + "▁print", + "ing" + ], + [ + "▁prin", + "ting" + ], + [ + "ne", + "a" + ], + [ + "n", + "ea" + ], + [ + "▁exec", + "uting" + ], + [ + "▁execut", + "ing" + ], + [ + "▁l", + "ambda" + ], + [ + "▁", + "lambda" + ], + [ + "▁reg", + "ional" + ], + [ + "▁region", + "al" + ], + [ + "▁Co", + "pa" + ], + [ + "▁Cop", + "a" + ], + [ + "F", + "oo" + ], + [ + "ph", + "ys" + ], + [ + "phy", + "s" + ], + [ + "z", + "m" + ], + [ + "▁L", + "aur" + ], + [ + "▁La", + "ur" + ], + [ + "▁Lau", + "r" + ], + [ + "▁candid", + "ate" + ], + [ + "▁J", + "a" + ], + [ + "zy", + "m" + ], + [ + "z", + "ym" + ], + [ + "Ex", + "ample" + ], + [ + "▁s", + "piel" + ], + [ + "▁sp", + "iel" + ], + [ + "▁", + "spiel" + ], + [ + "▁д", + "ей" + ], + [ + "▁де", + "й" + ], + [ + "▁", + "дей" + ], + [ + "ne", + "hmen" + ], + [ + "neh", + "men" + ], + [ + "nehm", + "en" + ], + [ + "ke", + "iten" + ], + [ + "keit", + "en" + ], + [ + "▁с", + "ент" + ], + [ + "int", + "ent" + ], + [ + "inte", + "nt" + ], + [ + ".", + "(" + ], + [ + "▁пер", + "вы" + ], + [ + "pr", + "om" + ], + [ + "pro", + "m" + ], + [ + "p", + "rom" + ], + [ + "▁n", + "at" + ], + [ + "▁na", + "t" + ], + [ + "▁", + "nat" + ], + [ + "▁im", + "agine" + ], + [ + "▁imag", + "ine" + ], + [ + "call", + "back" + ], + [ + "com", + "ponents" + ], + [ + "component", + "s" + ], + [ + "with", + "out" + ], + [ + "▁a", + "quest" + ], + [ + "▁aqu", + "est" + ], + [ + "Su", + "pport" + ], + [ + "Supp", + "ort" + ], + [ + "▁respons", + "ible" + ], + [ + "▁j", + "ego" + ], + [ + "▁je", + "go" + ], + [ + "l", + "j" + ], + [ + "wi", + "ll" + ], + [ + "w", + "ill" + ], + [ + "le", + "an" + ], + [ + "lea", + "n" + ], + [ + "el", + "and" + ], + [ + "ela", + "nd" + ], + [ + "e", + "land" + ], + [ + "olog", + "ía" + ], + [ + "m", + "c" + ], + [ + "Pro", + "xy" + ], + [ + "▁o", + "cup" + ], + [ + "▁oc", + "up" + ], + [ + "▁на", + "ходи" + ], + [ + "▁r", + "ub" + ], + [ + "▁ru", + "b" + ], + [ + "ні", + "в" + ], + [ + "н", + "ів" + ], + [ + "▁F", + "all" + ], + [ + "▁Fa", + "ll" + ], + [ + "▁Fal", + "l" + ], + [ + "am", + "os" + ], + [ + "amo", + "s" + ], + [ + "a", + "mos" + ], + [ + "▁E", + "p" + ], + [ + "en", + "tre" + ], + [ + "ent", + "re" + ], + [ + "entr", + "e" + ], + [ + "fa", + "il" + ], + [ + "f", + "ail" + ], + [ + "W", + "orld" + ], + [ + "▁Ed", + "itor" + ], + [ + "▁Edit", + "or" + ], + [ + "▁", + "Editor" + ], + [ + "▁ex", + "pos" + ], + [ + "▁exp", + "os" + ], + [ + "▁f", + "inds" + ], + [ + "▁find", + "s" + ], + [ + "▁fin", + "ds" + ], + [ + "▁C", + "ulture" + ], + [ + "▁Cult", + "ure" + ], + [ + "▁", + "Culture" + ], + [ + "LE", + "ASE" + ], + [ + "▁m", + "ovie" + ], + [ + "▁mov", + "ie" + ], + [ + "▁mo", + "vie" + ], + [ + "▁", + "movie" + ], + [ + "<", + "=" + ], + [ + "omet", + "ric" + ], + [ + "o", + "metric" + ], + [ + "el", + "ing" + ], + [ + "eli", + "ng" + ], + [ + "elin", + "g" + ], + [ + "e", + "ling" + ], + [ + "numer", + "able" + ], + [ + "ou", + "rd" + ], + [ + "our", + "d" + ], + [ + "o", + "urd" + ], + [ + "▁S", + "ea" + ], + [ + "▁Se", + "a" + ], + [ + "▁b", + "ild" + ], + [ + "▁bi", + "ld" + ], + [ + "▁bil", + "d" + ], + [ + "▁", + "bild" + ], + [ + "▁о", + "ста" + ], + [ + "▁ос", + "та" + ], + [ + "▁ост", + "а" + ], + [ + "bl", + "o" + ], + [ + "b", + "lo" + ], + [ + "▁l", + "ose" + ], + [ + "▁lo", + "se" + ], + [ + "▁los", + "e" + ], + [ + "▁", + "lose" + ], + [ + "at", + "eurs" + ], + [ + "ate", + "urs" + ], + [ + "ateur", + "s" + ], + [ + "ou", + "red" + ], + [ + "our", + "ed" + ], + [ + "oure", + "d" + ], + [ + "o", + "ured" + ], + [ + "▁B", + "att" + ], + [ + "▁Ba", + "tt" + ], + [ + "▁Bat", + "t" + ], + [ + "()", + ";\r" + ], + [ + "();", + "\r" + ], + [ + "(", + ");\r" + ], + [ + "▁p", + "oz" + ], + [ + "▁po", + "z" + ], + [ + "pos", + "ts" + ], + [ + "post", + "s" + ], + [ + "pe", + "nd" + ], + [ + "pen", + "d" + ], + [ + "p", + "end" + ], + [ + "cer", + "tain" + ], + [ + "cert", + "ain" + ], + [ + "c", + "ertain" + ], + [ + "ни", + "ком" + ], + [ + "ник", + "ом" + ], + [ + "J", + "ust" + ], + [ + "web", + "kit" + ], + [ + "dem", + "ás" + ], + [ + "~~", + "~~" + ], + [ + "▁indic", + "ates" + ], + [ + "▁indicate", + "s" + ], + [ + "▁p", + "ark" + ], + [ + "▁par", + "k" + ], + [ + "▁", + "park" + ], + [ + "ri", + "que" + ], + [ + "r", + "ique" + ], + [ + "vo", + "d" + ], + [ + "v", + "od" + ], + [ + "▁Ch", + "amp" + ], + [ + "▁Cham", + "p" + ], + [ + "▁Cha", + "mp" + ], + [ + "ft", + "ware" + ], + [ + "OP", + "T" + ], + [ + "O", + "PT" + ], + [ + "dj", + "ango" + ], + [ + "d", + "jango" + ], + [ + "re", + "lease" + ], + [ + "▁", + "È" + ], + [ + "S", + "R" + ], + [ + "▁polit", + "ician" + ], + [ + "▁r", + "oi" + ], + [ + "▁ro", + "i" + ], + [ + "at", + "uren" + ], + [ + "atur", + "en" + ], + [ + "ature", + "n" + ], + [ + "atu", + "ren" + ], + [ + "▁Deutsch", + "e" + ], + [ + "ta", + "gon" + ], + [ + "tag", + "on" + ], + [ + "t", + "agon" + ], + [ + "▁M", + "ov" + ], + [ + "▁Mo", + "v" + ], + [ + "ob", + "ierno" + ], + [ + "obi", + "erno" + ], + [ + "▁da", + "ß" + ], + [ + "ut", + "her" + ], + [ + "uth", + "er" + ], + [ + "u", + "ther" + ], + [ + "in", + "di" + ], + [ + "ind", + "i" + ], + [ + "▁Wik", + "ipedia" + ], + [ + "▁Wikip", + "edia" + ], + [ + "▁Wikiped", + "ia" + ], + [ + "▁a", + "nos" + ], + [ + "▁an", + "os" + ], + [ + "▁ano", + "s" + ], + [ + "▁", + "anos" + ], + [ + "▁ob", + "serve" + ], + [ + "▁obser", + "ve" + ], + [ + "▁observ", + "e" + ], + [ + "▁obs", + "erve" + ], + [ + "el", + "ly" + ], + [ + "ell", + "y" + ], + [ + "▁rail", + "way" + ], + [ + "at", + "on" + ], + [ + "ato", + "n" + ], + [ + "a", + "ton" + ], + [ + "▁e", + "num" + ], + [ + "▁en", + "um" + ], + [ + "▁", + "enum" + ], + [ + "hu", + "s" + ], + [ + "h", + "us" + ], + [ + "▁in", + "hab" + ], + [ + "P", + "si" + ], + [ + "oir", + "e" + ], + [ + "oi", + "re" + ], + [ + "o", + "ire" + ], + [ + "▁Х", + "о" + ], + [ + "▁S", + "pace" + ], + [ + "▁Sp", + "ace" + ], + [ + "▁", + "Space" + ], + [ + "▁Ар", + "хи" + ], + [ + "▁an", + "terior" + ], + [ + "▁ante", + "rior" + ], + [ + "▁", + "Ł" + ], + [ + "is", + "ons" + ], + [ + "ison", + "s" + ], + [ + "iso", + "ns" + ], + [ + "I", + "l" + ], + [ + "▁am", + "éric" + ], + [ + "la", + "ps" + ], + [ + "lap", + "s" + ], + [ + "l", + "aps" + ], + [ + "▁B", + "BC" + ], + [ + "▁BB", + "C" + ], + [ + "QUE", + "ST" + ], + [ + "Con", + "stra" + ], + [ + "Const", + "ra" + ], + [ + "Cons", + "tra" + ], + [ + "mon", + "t" + ], + [ + "mo", + "nt" + ], + [ + "m", + "ont" + ], + [ + "ä", + "ft" + ], + [ + "▁ä", + "ven" + ], + [ + "ub", + "ern" + ], + [ + "ube", + "rn" + ], + [ + "uber", + "n" + ], + [ + "u", + "bern" + ], + [ + "<", + "!--" + ], + [ + "▁c", + "oding" + ], + [ + "▁co", + "ding" + ], + [ + "▁cod", + "ing" + ], + [ + "the", + "ory" + ], + [ + "at", + "hed" + ], + [ + "ath", + "ed" + ], + [ + "▁Ar", + "be" + ], + [ + "▁ш", + "и" + ], + [ + "▁", + "ши" + ], + [ + "for", + "Each" + ], + [ + "om", + "orphism" + ], + [ + "omorph", + "ism" + ], + [ + "det", + "ails" + ], + [ + "detail", + "s" + ], + [ + "ach", + "sen" + ], + [ + "in", + "tegr" + ], + [ + "int", + "egr" + ], + [ + "inte", + "gr" + ], + [ + "V", + "or" + ], + [ + "Un", + "known" + ], + [ + "ace", + "ae" + ], + [ + "a", + "ceae" + ], + [ + "in", + "ue" + ], + [ + "inu", + "e" + ], + [ + "es", + "ome" + ], + [ + "eso", + "me" + ], + [ + "e", + "some" + ], + [ + "▁F", + "ir" + ], + [ + "ch", + "ain" + ], + [ + "cha", + "in" + ], + [ + "▁extrem", + "ely" + ], + [ + "▁extreme", + "ly" + ], + [ + "mult", + "icol" + ], + [ + "multi", + "col" + ], + [ + "▁Sw", + "ift" + ], + [ + "▁address", + "es" + ], + [ + "▁addr", + "esses" + ], + [ + "hs", + "pace" + ], + [ + "h", + "space" + ], + [ + "▁Ro", + "ger" + ], + [ + "▁Rog", + "er" + ], + [ + "▁d", + "essen" + ], + [ + "▁des", + "sen" + ], + [ + "▁dess", + "en" + ], + [ + "▁con", + "sequ" + ], + [ + "▁cons", + "equ" + ], + [ + "▁conse", + "qu" + ], + [ + "ual", + "mente" + ], + [ + "▁Pre", + "mier" + ], + [ + "▁Prem", + "ier" + ], + [ + "▁Re", + "cord" + ], + [ + "▁Rec", + "ord" + ], + [ + "▁", + "Record" + ], + [ + "▁B", + "ron" + ], + [ + "▁Br", + "on" + ], + [ + "▁Bro", + "n" + ], + [ + "ki", + "r" + ], + [ + "k", + "ir" + ], + [ + "se", + "x" + ], + [ + "s", + "ex" + ], + [ + "in", + "tern" + ], + [ + "int", + "ern" + ], + [ + "inter", + "n" + ], + [ + "inte", + "rn" + ], + [ + "▁benef", + "it" + ], + [ + "▁bene", + "fit" + ], + [ + "um", + "en" + ], + [ + "ume", + "n" + ], + [ + "u", + "men" + ], + [ + "▁be", + "coming" + ], + [ + "▁bec", + "oming" + ], + [ + "▁becom", + "ing" + ], + [ + "▁l", + "ig" + ], + [ + "▁li", + "g" + ], + [ + "▁", + "lig" + ], + [ + "▁pop", + "ula" + ], + [ + "▁popul", + "a" + ], + [ + "os", + "c" + ], + [ + "o", + "sc" + ], + [ + "▁c", + "iv" + ], + [ + "▁ci", + "v" + ], + [ + "▁great", + "est" + ], + [ + "▁pro", + "ces" + ], + [ + "▁proc", + "es" + ], + [ + "]", + "*" + ], + [ + "▁ме", + "сто" + ], + [ + "▁мест", + "о" + ], + [ + "▁'", + "$" + ], + [ + "▁", + "'$" + ], + [ + "he", + "ll" + ], + [ + "hel", + "l" + ], + [ + "h", + "ell" + ], + [ + "(\"", + "\\" + ], + [ + "(", + "\"\\" + ], + [ + "▁n", + "ine" + ], + [ + "▁ni", + "ne" + ], + [ + "▁nin", + "e" + ], + [ + "▁F", + "ac" + ], + [ + "▁Fa", + "c" + ], + [ + "ul", + "pt" + ], + [ + "ulp", + "t" + ], + [ + "jo", + "urs" + ], + [ + "jou", + "rs" + ], + [ + "j", + "ours" + ], + [ + "▁C", + "opy" + ], + [ + "▁Co", + "py" + ], + [ + "▁Cop", + "y" + ], + [ + "▁", + "Copy" + ], + [ + "▁activ", + "ities" + ], + [ + "▁Dem", + "ocr" + ], + [ + "▁Demo", + "cr" + ], + [ + "E", + "s" + ], + [ + "Su", + "ccess" + ], + [ + "▁E", + "sta" + ], + [ + "▁Est", + "a" + ], + [ + "▁Es", + "ta" + ], + [ + "it", + "ul" + ], + [ + "itu", + "l" + ], + [ + "is", + "ti" + ], + [ + "ist", + "i" + ], + [ + "▁B", + "ed" + ], + [ + "▁Be", + "d" + ], + [ + "ja", + "s" + ], + [ + "j", + "as" + ], + [ + "▁т", + "ем" + ], + [ + "▁те", + "м" + ], + [ + "▁", + "тем" + ], + [ + "▁H", + "ung" + ], + [ + "▁Hu", + "ng" + ], + [ + "▁Hun", + "g" + ], + [ + "G", + "ame" + ], + [ + "▁he", + "av" + ], + [ + "onn", + "ées" + ], + [ + "▁branch", + "es" + ], + [ + "▁bran", + "ches" + ], + [ + "bo", + "rg" + ], + [ + "bor", + "g" + ], + [ + "b", + "org" + ], + [ + "▁v", + "l" + ], + [ + "▁", + "vl" + ], + [ + "▁slow", + "ly" + ], + [ + "F", + "a" + ], + [ + "Go", + "ogle" + ], + [ + "em", + "i" + ], + [ + "e", + "mi" + ], + [ + "▁circumst", + "ances" + ], + [ + "▁'", + "%" + ], + [ + "▁U", + "nd" + ], + [ + "▁Un", + "d" + ], + [ + "▁", + "Und" + ], + [ + "▁Vict", + "oria" + ], + [ + "▁Victor", + "ia" + ], + [ + "▁T", + "yp" + ], + [ + "▁Ty", + "p" + ], + [ + "▁", + "Typ" + ], + [ + "rupt", + "ed" + ], + [ + "rup", + "ted" + ], + [ + "▁rel", + "ativ" + ], + [ + "▁s", + "lo" + ], + [ + "▁sl", + "o" + ], + [ + "▁p", + "adre" + ], + [ + "▁pad", + "re" + ], + [ + "▁d", + "aily" + ], + [ + "▁da", + "ily" + ], + [ + "▁dai", + "ly" + ], + [ + "▁or", + "th" + ], + [ + "▁ort", + "h" + ], + [ + "▁", + "orth" + ], + [ + "чни", + "й" + ], + [ + "ч", + "ний" + ], + [ + "▁fran", + "zös" + ], + [ + "▁t", + "eil" + ], + [ + "▁te", + "il" + ], + [ + "▁", + "teil" + ], + [ + "▁Se", + "curity" + ], + [ + "▁Sec", + "urity" + ], + [ + "▁", + "Security" + ], + [ + "or", + "don" + ], + [ + "ord", + "on" + ], + [ + "ordo", + "n" + ], + [ + "▁s", + "weet" + ], + [ + "▁swe", + "et" + ], + [ + "SI", + "ZE" + ], + [ + "▁C", + "el" + ], + [ + "▁Ce", + "l" + ], + [ + "èt", + "res" + ], + [ + "è", + "tres" + ], + [ + "om", + "mes" + ], + [ + "omm", + "es" + ], + [ + "▁с", + "і" + ], + [ + "▁", + "сі" + ], + [ + "▁effort", + "s" + ], + [ + "ą", + "z" + ], + [ + "▁oh", + "ne" + ], + [ + "▁South", + "ern" + ], + [ + "▁Sou", + "thern" + ], + [ + "▁approxim", + "ately" + ], + [ + "▁approximate", + "ly" + ], + [ + "це", + "н" + ], + [ + "ц", + "ен" + ], + [ + "('", + "#" + ], + [ + "▁s", + "aving" + ], + [ + "▁sa", + "ving" + ], + [ + "▁sav", + "ing" + ], + [ + "nb", + "sp" + ], + [ + "▁trans", + "late" + ], + [ + "▁transl", + "ate" + ], + [ + "▁", + "translate" + ], + [ + "▁Î", + "n" + ], + [ + "mem", + "ber" + ], + [ + "m", + "ember" + ], + [ + "▁l", + "aws" + ], + [ + "▁la", + "ws" + ], + [ + "▁law", + "s" + ], + [ + "▁ж", + "ен" + ], + [ + "▁же", + "н" + ], + [ + "▁", + "жен" + ], + [ + "▁си", + "сте" + ], + [ + "t", + "c" + ], + [ + ">", + "\\" + ], + [ + "el", + "te" + ], + [ + "elt", + "e" + ], + [ + "▁e", + "hem" + ], + [ + "▁con", + "trad" + ], + [ + "▁cont", + "rad" + ], + [ + "▁contr", + "ad" + ], + [ + "▁contra", + "d" + ], + [ + "▁ру", + "с" + ], + [ + "▁р", + "ус" + ], + [ + "▁", + "рус" + ], + [ + "ь", + "я" + ], + [ + "▁M", + "iddle" + ], + [ + "▁", + "Middle" + ], + [ + "qu", + "ip" + ], + [ + "qui", + "p" + ], + [ + "▁c", + "hez" + ], + [ + "▁ch", + "ez" + ], + [ + "▁che", + "z" + ], + [ + "▁", + "chez" + ], + [ + "Field", + "s" + ], + [ + "▁per", + "mit" + ], + [ + "▁perm", + "it" + ], + [ + "ik", + "el" + ], + [ + "ike", + "l" + ], + [ + "i", + "kel" + ], + [ + "▁w", + "ir" + ], + [ + "▁t", + "rial" + ], + [ + "▁tr", + "ial" + ], + [ + "▁tri", + "al" + ], + [ + "▁ver", + "schied" + ], + [ + "▁versch", + "ied" + ], + [ + "▁ф", + "ев" + ], + [ + "▁фе", + "в" + ], + [ + "▁m", + "ale" + ], + [ + "▁ma", + "le" + ], + [ + "▁mal", + "e" + ], + [ + "▁", + "male" + ], + [ + "▁я", + "зы" + ], + [ + "▁ny", + "el" + ], + [ + "ak", + "ter" + ], + [ + "akt", + "er" + ], + [ + "akte", + "r" + ], + [ + "a", + "kter" + ], + [ + "▁den", + "omin" + ], + [ + "cept", + "or" + ], + [ + "cep", + "tor" + ], + [ + "▁W", + "at" + ], + [ + "▁Wa", + "t" + ], + [ + "▁f", + "ino" + ], + [ + "▁fin", + "o" + ], + [ + "▁fi", + "no" + ], + [ + "▁XV", + "III" + ], + [ + "▁XVI", + "II" + ], + [ + "▁XVII", + "I" + ], + [ + "ry", + "ption" + ], + [ + "rypt", + "ion" + ], + [ + "de", + "sc" + ], + [ + "des", + "c" + ], + [ + "d", + "esc" + ], + [ + "ap", + "a" + ], + [ + "a", + "pa" + ], + [ + "ле", + "на" + ], + [ + "лен", + "а" + ], + [ + "л", + "ена" + ], + [ + "▁k", + "ol" + ], + [ + "▁ko", + "l" + ], + [ + "▁", + "kol" + ], + [ + "▁", + "Є" + ], + [ + "▁dep", + "endent" + ], + [ + "▁depend", + "ent" + ], + [ + "▁", + "dependent" + ], + [ + "▁C", + "ra" + ], + [ + "▁Cr", + "a" + ], + [ + "▁st", + "orm" + ], + [ + "▁stor", + "m" + ], + [ + "▁sto", + "rm" + ], + [ + "▁Г", + "ер" + ], + [ + "▁Ге", + "р" + ], + [ + "▁p", + "ipe" + ], + [ + "▁pi", + "pe" + ], + [ + "▁pip", + "e" + ], + [ + "▁", + "pipe" + ], + [ + "▁att", + "ended" + ], + [ + "▁attend", + "ed" + ], + [ + "▁v", + "ita" + ], + [ + "▁vi", + "ta" + ], + [ + "▁vit", + "a" + ], + [ + "uz", + "ione" + ], + [ + "u", + "zione" + ], + [ + "cz", + "as" + ], + [ + "cza", + "s" + ], + [ + "c", + "zas" + ], + [ + "on", + "da" + ], + [ + "ond", + "a" + ], + [ + "▁b", + "old" + ], + [ + "▁bo", + "ld" + ], + [ + "▁bol", + "d" + ], + [ + "▁", + "bold" + ], + [ + "Column", + "s" + ], + [ + "ic", + "ió" + ], + [ + "ici", + "ó" + ], + [ + "i", + "ció" + ], + [ + "▁c", + "zę" + ], + [ + "▁cz", + "ę" + ], + [ + "▁из", + "вест" + ], + [ + "▁Cl", + "oud" + ], + [ + "▁Clo", + "ud" + ], + [ + "▁", + "Cloud" + ], + [ + "▁w", + "arm" + ], + [ + "▁war", + "m" + ], + [ + "▁wa", + "rm" + ], + [ + "▁с", + "ы" + ], + [ + "▁", + "сы" + ], + [ + "▁с", + "те" + ], + [ + "▁ст", + "е" + ], + [ + "▁", + "сте" + ], + [ + "▁produ", + "cer" + ], + [ + "▁produce", + "r" + ], + [ + "▁Lud", + "wig" + ], + [ + "▁Nor", + "thern" + ], + [ + "▁North", + "ern" + ], + [ + "ł", + "ą" + ], + [ + "NS", + "String" + ], + [ + "▁H", + "ad" + ], + [ + "▁Ha", + "d" + ], + [ + "▁И", + "ван" + ], + [ + "▁E", + "g" + ], + [ + "▁I", + "mp" + ], + [ + "▁Im", + "p" + ], + [ + "▁", + "Imp" + ], + [ + "ш", + "і" + ], + [ + "▁A", + "uch" + ], + [ + "▁Au", + "ch" + ], + [ + "то", + "к" + ], + [ + "т", + "ок" + ], + [ + "▁H", + "it" + ], + [ + "▁Hi", + "t" + ], + [ + "▁qu", + "ien" + ], + [ + "▁qui", + "en" + ], + [ + "▁de", + "partment" + ], + [ + "▁depart", + "ment" + ], + [ + "▁erh", + "ielt" + ], + [ + "▁u", + "i" + ], + [ + "▁", + "ui" + ], + [ + "▁S", + "pr" + ], + [ + "▁Sp", + "r" + ], + [ + "се", + "р" + ], + [ + "с", + "ер" + ], + [ + "ou", + "rt" + ], + [ + "our", + "t" + ], + [ + "o", + "urt" + ], + [ + "▁Ste", + "phen" + ], + [ + "▁Step", + "hen" + ], + [ + "▁Steph", + "en" + ], + [ + "te", + "am" + ], + [ + "▁z", + "ip" + ], + [ + "▁", + "zip" + ], + [ + "▁B", + "ang" + ], + [ + "▁Ba", + "ng" + ], + [ + "▁Ban", + "g" + ], + [ + "▁grow", + "th" + ], + [ + "▁j", + "am" + ], + [ + "▁ja", + "m" + ], + [ + "▁K", + "ais" + ], + [ + "▁Ka", + "is" + ], + [ + "b", + "matrix" + ], + [ + "▁As", + "ia" + ], + [ + "▁rég", + "ion" + ], + [ + "=", + "/" + ], + [ + "▁Pac", + "ific" + ], + [ + "▁author", + "ity" + ], + [ + "▁#", + "[" + ], + [ + "та", + "ми" + ], + [ + "там", + "и" + ], + [ + "▁every", + "one" + ], + [ + "▁att", + "end" + ], + [ + "▁atte", + "nd" + ], + [ + "▁", + "attend" + ], + [ + "▁tim", + "estamp" + ], + [ + "▁", + "timestamp" + ], + [ + "▁t", + "ries" + ], + [ + "▁tr", + "ies" + ], + [ + "▁tri", + "es" + ], + [ + "▁f", + "f" + ], + [ + "▁", + "ff" + ], + [ + "ше", + "й" + ], + [ + "ш", + "ей" + ], + [ + "▁develop", + "ing" + ], + [ + "ol", + "t" + ], + [ + "o", + "lt" + ], + [ + "up", + "s" + ], + [ + "u", + "ps" + ], + [ + "▁moment", + "o" + ], + [ + "▁mom", + "ento" + ], + [ + "▁S", + "ain" + ], + [ + "▁Sa", + "in" + ], + [ + "Te", + "rm" + ], + [ + "T", + "erm" + ], + [ + "▁c", + "elle" + ], + [ + "▁ce", + "lle" + ], + [ + "▁cell", + "e" + ], + [ + "▁cel", + "le" + ], + [ + "G", + "R" + ], + [ + "Mo", + "use" + ], + [ + "M", + "ouse" + ], + [ + "▁челов", + "ек" + ], + [ + "▁челове", + "к" + ], + [ + "▁Col", + "lection" + ], + [ + "▁Coll", + "ection" + ], + [ + "▁Collect", + "ion" + ], + [ + "▁", + "Collection" + ], + [ + "ât", + "re" + ], + [ + "â", + "tre" + ], + [ + "▁W", + "rite" + ], + [ + "▁Writ", + "e" + ], + [ + "▁", + "Write" + ], + [ + "▁P", + "om" + ], + [ + "▁Po", + "m" + ], + [ + "[", + "-" + ], + [ + "Ca", + "m" + ], + [ + "C", + "am" + ], + [ + "▁loc", + "ations" + ], + [ + "▁location", + "s" + ], + [ + "▁J", + "son" + ], + [ + "▁", + "Json" + ], + [ + "el", + "led" + ], + [ + "ell", + "ed" + ], + [ + "elle", + "d" + ], + [ + "select", + "or" + ], + [ + "sel", + "ector" + ], + [ + "re", + "peat" + ], + [ + "ct", + "ors" + ], + [ + "ctor", + "s" + ], + [ + "ot", + "te" + ], + [ + "ott", + "e" + ], + [ + "o", + "tte" + ], + [ + "ви", + "зи" + ], + [ + "änd", + "e" + ], + [ + "än", + "de" + ], + [ + "ä", + "nde" + ], + [ + "▁ach", + "ieved" + ], + [ + "▁achieve", + "d" + ], + [ + "▁achiev", + "ed" + ], + [ + "▁main", + "ly" + ], + [ + "____", + "____" + ], + [ + "!", + ")" + ], + [ + "▁явля", + "ется" + ], + [ + "▁c", + "ities" + ], + [ + "▁ci", + "ties" + ], + [ + "▁cit", + "ies" + ], + [ + "sing", + "le" + ], + [ + "sin", + "gle" + ], + [ + "г", + "ре" + ], + [ + "▁P", + "ak" + ], + [ + "▁Pa", + "k" + ], + [ + "▁allow", + "ing" + ], + [ + "▁allo", + "wing" + ], + [ + "fer", + "red" + ], + [ + "▁а", + "пре" + ], + [ + "хо", + "дя" + ], + [ + "ход", + "я" + ], + [ + "▁brow", + "sers" + ], + [ + "▁browser", + "s" + ], + [ + "▁es", + "crit" + ], + [ + "▁esc", + "rit" + ], + [ + "▁escri", + "t" + ], + [ + "▁mount", + "ain" + ], + [ + "▁network", + "s" + ], + [ + "▁net", + "works" + ], + [ + "ki", + "nd" + ], + [ + "kin", + "d" + ], + [ + "k", + "ind" + ], + [ + "li", + "ver" + ], + [ + "live", + "r" + ], + [ + "liv", + "er" + ], + [ + "l", + "iver" + ], + [ + "▁cl", + "osing" + ], + [ + "▁clos", + "ing" + ], + [ + "▁clo", + "sing" + ], + [ + "▁sk", + "ip" + ], + [ + "▁ski", + "p" + ], + [ + "▁", + "skip" + ], + [ + "ú", + "t" + ], + [ + "▁d", + "uration" + ], + [ + "▁dur", + "ation" + ], + [ + "▁", + "duration" + ], + [ + "ét", + "ait" + ], + [ + "éta", + "it" + ], + [ + "é", + "tait" + ], + [ + "▁s", + "cr" + ], + [ + "▁sc", + "r" + ], + [ + "▁", + "scr" + ], + [ + "B", + "B" + ], + [ + "ór", + "ia" + ], + [ + "ó", + "ria" + ], + [ + "▁K", + "ultur" + ], + [ + "▁Kult", + "ur" + ], + [ + "▁output", + "s" + ], + [ + "multi", + "column" + ], + [ + "multicol", + "umn" + ], + [ + "▁bel", + "ongs" + ], + [ + "▁belong", + "s" + ], + [ + "fe", + "ature" + ], + [ + "uc", + "ky" + ], + [ + "uck", + "y" + ], + [ + "▁j", + "uli" + ], + [ + "▁ju", + "li" + ], + [ + "▁jul", + "i" + ], + [ + "▁рай", + "она" + ], + [ + "▁райо", + "на" + ], + [ + "▁район", + "а" + ], + [ + "з", + "во" + ], + [ + "fact", + "ory" + ], + [ + "factor", + "y" + ], + [ + "f", + "actory" + ], + [ + "Fun", + "c" + ], + [ + "F", + "unc" + ], + [ + "▁ut", + "ter" + ], + [ + "▁", + "utter" + ], + [ + "▁TO", + "DO" + ], + [ + "▁o", + "bt" + ], + [ + "▁ob", + "t" + ], + [ + "ateg", + "ories" + ], + [ + "ategor", + "ies" + ], + [ + "▁com", + "bine" + ], + [ + "▁comb", + "ine" + ], + [ + "▁combin", + "e" + ], + [ + "▁W", + "all" + ], + [ + "▁Wal", + "l" + ], + [ + "▁Wa", + "ll" + ], + [ + "▁under", + "lying" + ], + [ + "ar", + "ono" + ], + [ + "aron", + "o" + ], + [ + "aro", + "no" + ], + [ + "▁P", + "rote" + ], + [ + "▁Pro", + "te" + ], + [ + "▁Pr", + "ote" + ], + [ + "c", + "ów" + ], + [ + "st", + "an" + ], + [ + "sta", + "n" + ], + [ + "s", + "tan" + ], + [ + "▁G", + "ew" + ], + [ + "▁Ge", + "w" + ], + [ + "▁opt", + "imal" + ], + [ + "▁optim", + "al" + ], + [ + "▁Archiv", + "link" + ], + [ + "▁S", + "cript" + ], + [ + "▁", + "Script" + ], + [ + "▁destroy", + "ed" + ], + [ + "х", + "е" + ], + [ + "▁Fire", + "fox" + ], + [ + "▁s", + "ole" + ], + [ + "▁so", + "le" + ], + [ + "▁sol", + "e" + ], + [ + "▁", + "sole" + ], + [ + "La", + "yer" + ], + [ + "L", + "ayer" + ], + [ + "т", + "ку" + ], + [ + "▁st", + "ores" + ], + [ + "▁stor", + "es" + ], + [ + "▁store", + "s" + ], + [ + "▁sto", + "res" + ], + [ + "▁dis", + "plays" + ], + [ + "▁display", + "s" + ], + [ + "is", + "hing" + ], + [ + "ish", + "ing" + ], + [ + "ishi", + "ng" + ], + [ + "▁о", + "ст" + ], + [ + "▁ос", + "т" + ], + [ + "▁inst", + "ant" + ], + [ + "▁el", + "ő" + ], + [ + "▁habit", + "antes" + ], + [ + "▁Ein", + "wo" + ], + [ + "▁a", + "li" + ], + [ + "▁al", + "i" + ], + [ + "▁", + "ali" + ], + [ + "▁ER", + "ROR" + ], + [ + "▁ERR", + "OR" + ], + [ + "▁", + "ERROR" + ], + [ + "▁a", + "head" + ], + [ + "▁ah", + "ead" + ], + [ + "▁go", + "als" + ], + [ + "▁goal", + "s" + ], + [ + "▁m", + "ár" + ], + [ + "▁má", + "r" + ], + [ + "▁s", + "ą" + ], + [ + "▁m", + "art" + ], + [ + "▁ma", + "rt" + ], + [ + "▁mar", + "t" + ], + [ + "▁", + "mart" + ], + [ + "мини", + "стра" + ], + [ + "F", + "r" + ], + [ + "▁V", + "illa" + ], + [ + "▁Vill", + "a" + ], + [ + "▁Vi", + "lla" + ], + [ + "▁Vil", + "la" + ], + [ + "▁M", + "arc" + ], + [ + "▁Mar", + "c" + ], + [ + "▁Ma", + "rc" + ], + [ + "ro", + "py" + ], + [ + "rop", + "y" + ], + [ + "r", + "opy" + ], + [ + "ag", + "ram" + ], + [ + "agr", + "am" + ], + [ + "a", + "gram" + ], + [ + "ha", + "pe" + ], + [ + "h", + "ape" + ], + [ + "ме", + "й" + ], + [ + "м", + "ей" + ], + [ + "▁A", + "L" + ], + [ + "▁", + "AL" + ], + [ + "▁conne", + "xes" + ], + [ + "▁En", + "tre" + ], + [ + "▁Ent", + "re" + ], + [ + "St", + "ep" + ], + [ + "Ste", + "p" + ], + [ + "лі", + "в" + ], + [ + "л", + "ів" + ], + [ + "▁De", + "ath" + ], + [ + "▁r", + "ise" + ], + [ + "▁ris", + "e" + ], + [ + "▁ri", + "se" + ], + [ + "▁f", + "os" + ], + [ + "▁fo", + "s" + ], + [ + "▁l", + "ev" + ], + [ + "▁le", + "v" + ], + [ + "▁", + "lev" + ], + [ + "ga", + "be" + ], + [ + "g", + "abe" + ], + [ + "▁b", + "roke" + ], + [ + "▁br", + "oke" + ], + [ + "▁bro", + "ke" + ], + [ + "product", + "s" + ], + [ + "▁m", + "edi" + ], + [ + "▁me", + "di" + ], + [ + "▁med", + "i" + ], + [ + "▁", + "medi" + ], + [ + "▁dis", + "pon" + ], + [ + "▁disp", + "on" + ], + [ + "Pack", + "age" + ], + [ + "P", + "ackage" + ], + [ + "Image", + "View" + ], + [ + "▁N", + "ag" + ], + [ + "▁Na", + "g" + ], + [ + "uj", + "ą" + ], + [ + "u", + "ją" + ], + [ + "W", + "ord" + ], + [ + "▁k", + "ole" + ], + [ + "▁ko", + "le" + ], + [ + "▁kol", + "e" + ], + [ + "ße", + "r" + ], + [ + "ß", + "er" + ], + [ + ")`", + "." + ], + [ + ")", + "`." + ], + [ + "▁r", + "ol" + ], + [ + "▁ro", + "l" + ], + [ + "▁", + "rol" + ], + [ + "▁", + "í" + ], + [ + "те", + "й" + ], + [ + "т", + "ей" + ], + [ + "Pro", + "gress" + ], + [ + "be", + "an" + ], + [ + "▁s", + "empre" + ], + [ + "▁sem", + "pre" + ], + [ + "State", + "ment" + ], + [ + "Stat", + "ement" + ], + [ + "UP", + "DATE" + ], + [ + "▁mond", + "iale" + ], + [ + "▁w", + "rapper" + ], + [ + "▁wr", + "apper" + ], + [ + "▁wra", + "pper" + ], + [ + "▁wrap", + "per" + ], + [ + "▁", + "wrapper" + ], + [ + "▁C", + "hart" + ], + [ + "▁Ch", + "art" + ], + [ + "▁Char", + "t" + ], + [ + "▁Cha", + "rt" + ], + [ + "▁", + "Chart" + ], + [ + "▁on", + "Click" + ], + [ + "че", + "ння" + ], + [ + "чен", + "ня" + ], + [ + "LO", + "G" + ], + [ + "some", + "thing" + ], + [ + "som", + "ething" + ], + [ + "s", + "omething" + ], + [ + "▁IN", + "SERT" + ], + [ + "▁", + "INSERT" + ], + [ + "ще", + "ния" + ], + [ + "ue", + "t" + ], + [ + "u", + "et" + ], + [ + "wer", + "p" + ], + [ + "we", + "rp" + ], + [ + "ro", + "und" + ], + [ + "rou", + "nd" + ], + [ + "r", + "ound" + ], + [ + "ic", + "hen" + ], + [ + "ich", + "en" + ], + [ + "iche", + "n" + ], + [ + "i", + "chen" + ], + [ + "▁X", + "VI" + ], + [ + "▁XV", + "I" + ], + [ + "з", + "ни" + ], + [ + "▁ave", + "va" + ], + [ + "▁St", + "ore" + ], + [ + "▁Sto", + "re" + ], + [ + "▁", + "Store" + ], + [ + "▁x", + "s" + ], + [ + "▁", + "xs" + ], + [ + "ra", + "cht" + ], + [ + "rac", + "ht" + ], + [ + "rach", + "t" + ], + [ + "r", + "acht" + ], + [ + "sc", + "ar" + ], + [ + "s", + "car" + ], + [ + "▁op", + "era" + ], + [ + "▁oper", + "a" + ], + [ + "▁", + "opera" + ], + [ + "▁deg", + "rees" + ], + [ + "▁degree", + "s" + ], + [ + "▁cit", + "iz" + ], + [ + "äs", + "ident" + ], + [ + "▁class", + "ical" + ], + [ + "▁classic", + "al" + ], + [ + "▁Jer", + "sey" + ], + [ + "▁er", + "sch" + ], + [ + "▁ers", + "ch" + ], + [ + "▁", + "ersch" + ], + [ + "▁treat", + "ment" + ], + [ + "▁насе", + "ље" + ], + [ + "н", + "ня" + ], + [ + "▁bo", + "ost" + ], + [ + "▁", + "boost" + ], + [ + "am", + "ount" + ], + [ + "amo", + "unt" + ], + [ + "a", + "mount" + ], + [ + "▁со", + "зда" + ], + [ + "ér", + "ieur" + ], + [ + "érie", + "ur" + ], + [ + "éri", + "eur" + ], + [ + "▁t", + "elling" + ], + [ + "▁tell", + "ing" + ], + [ + "▁tel", + "ling" + ], + [ + "Ha", + "s" + ], + [ + "H", + "as" + ], + [ + "▁in", + "iti" + ], + [ + "▁init", + "i" + ], + [ + "▁П", + "и" + ], + [ + "ev", + "al" + ], + [ + "e", + "val" + ], + [ + "▁M", + "atch" + ], + [ + "▁Mat", + "ch" + ], + [ + "▁", + "Match" + ], + [ + "▁cor", + "re" + ], + [ + "▁corr", + "e" + ], + [ + "Point", + "er" + ], + [ + "Po", + "inter" + ], + [ + "▁pass", + "es" + ], + [ + "▁passe", + "s" + ], + [ + "comp", + "any" + ], + [ + "▁а", + "н" + ], + [ + "▁", + "ан" + ], + [ + "ach", + "es" + ], + [ + "ac", + "hes" + ], + [ + "ache", + "s" + ], + [ + "a", + "ches" + ], + [ + "▁sig", + "lo" + ], + [ + "не", + "м" + ], + [ + "н", + "ем" + ], + [ + "▁ex", + "change" + ], + [ + "▁", + "exchange" + ], + [ + "ci", + "to" + ], + [ + "cit", + "o" + ], + [ + "c", + "ito" + ], + [ + "▁B", + "ab" + ], + [ + "▁Ba", + "b" + ], + [ + "Do", + "c" + ], + [ + "D", + "oc" + ], + [ + "ze", + "ś" + ], + [ + "▁на", + "род" + ], + [ + "▁", + "народ" + ], + [ + "▁conf", + "lict" + ], + [ + "▁conflic", + "t" + ], + [ + "▁confl", + "ict" + ], + [ + "▁nov", + "ember" + ], + [ + "ea", + "u" + ], + [ + "e", + "au" + ], + [ + "ö", + "v" + ], + [ + "▁H", + "ub" + ], + [ + "▁Hu", + "b" + ], + [ + "▁", + "Hub" + ], + [ + "▁p", + "oco" + ], + [ + "▁po", + "co" + ], + [ + "▁poc", + "o" + ], + [ + "en", + "sa" + ], + [ + "ens", + "a" + ], + [ + "sch", + "ließ" + ], + [ + "lass", + "e" + ], + [ + "las", + "se" + ], + [ + "l", + "asse" + ], + [ + "data", + "s" + ], + [ + "dat", + "as" + ], + [ + "▁с", + "ти" + ], + [ + "▁ст", + "и" + ], + [ + "▁", + "сти" + ], + [ + "un", + "ivers" + ], + [ + "uni", + "vers" + ], + [ + "ek", + "s" + ], + [ + "e", + "ks" + ], + [ + "▁C", + "ho" + ], + [ + "▁Ch", + "o" + ], + [ + "▁", + "Cho" + ], + [ + "▁c", + "ô" + ], + [ + "▁(", + "." + ], + [ + "▁", + "(." + ], + [ + "ew", + "nę" + ], + [ + "▁Ch", + "ief" + ], + [ + "▁Chi", + "ef" + ], + [ + "▁ch", + "ef" + ], + [ + "▁che", + "f" + ], + [ + "▁у", + "прав" + ], + [ + "ul", + "i" + ], + [ + "u", + "li" + ], + [ + "▁'", + "''" + ], + [ + "▁''", + "'" + ], + [ + "▁", + "'''" + ], + [ + "nap", + "shot" + ], + [ + "▁re", + "lac" + ], + [ + "▁rel", + "ac" + ], + [ + "▁rela", + "c" + ], + [ + "ég", + "e" + ], + [ + "é", + "ge" + ], + [ + "w", + "t" + ], + [ + "we", + "nd" + ], + [ + "wen", + "d" + ], + [ + "w", + "end" + ], + [ + "os", + "ing" + ], + [ + "osi", + "ng" + ], + [ + "o", + "sing" + ], + [ + "▁ha", + "cer" + ], + [ + "▁hace", + "r" + ], + [ + "▁ф", + "ран" + ], + [ + "au", + "tres" + ], + [ + "aut", + "res" + ], + [ + "autre", + "s" + ], + [ + "▁f", + "ils" + ], + [ + "▁fil", + "s" + ], + [ + "▁fi", + "ls" + ], + [ + "er", + "ed" + ], + [ + "ere", + "d" + ], + [ + "e", + "red" + ], + [ + "▁По", + "силання" + ], + [ + "▁th", + "erm" + ], + [ + "▁the", + "rm" + ], + [ + "▁ther", + "m" + ], + [ + "ер", + "жа" + ], + [ + "su", + "ch" + ], + [ + "s", + "uch" + ], + [ + "▁i", + "hren" + ], + [ + "▁ih", + "ren" + ], + [ + "▁ihr", + "en" + ], + [ + "▁ihre", + "n" + ], + [ + "▁en", + "contr" + ], + [ + "▁l", + "ots" + ], + [ + "▁lo", + "ts" + ], + [ + "▁lot", + "s" + ], + [ + "lo", + "go" + ], + [ + "log", + "o" + ], + [ + "l", + "ogo" + ], + [ + "▁W", + "i" + ], + [ + "/", + "(" + ], + [ + "ш", + "ње" + ], + [ + "DA", + "TA" + ], + [ + "DAT", + "A" + ], + [ + "D", + "ATA" + ], + [ + "▁P", + "layer" + ], + [ + "▁Pl", + "ayer" + ], + [ + "▁Play", + "er" + ], + [ + "▁Pla", + "yer" + ], + [ + "▁", + "Player" + ], + [ + "▁Leip", + "zig" + ], + [ + "▁rel", + "atives" + ], + [ + "▁relative", + "s" + ], + [ + "▁relativ", + "es" + ], + [ + "ре", + "в" + ], + [ + "р", + "ев" + ], + [ + "▁new", + "sp" + ], + [ + "▁news", + "p" + ], + [ + "?", + "," + ], + [ + "▁St", + "utt" + ], + [ + "▁Stu", + "tt" + ], + [ + "▁d", + "ual" + ], + [ + "▁du", + "al" + ], + [ + "▁compan", + "ies" + ], + [ + "▁z", + "am" + ], + [ + "▁za", + "m" + ], + [ + "put", + "ation" + ], + [ + "▁in", + "equality" + ], + [ + "▁t", + "rem" + ], + [ + "▁tr", + "em" + ], + [ + "▁tre", + "m" + ], + [ + "hi", + "ps" + ], + [ + "hip", + "s" + ], + [ + "h", + "ips" + ], + [ + "an", + "ch" + ], + [ + "anc", + "h" + ], + [ + "▁", + "Ż" + ], + [ + "бур", + "г" + ], + [ + "▁cop", + "ies" + ], + [ + "da", + "sh" + ], + [ + "das", + "h" + ], + [ + "d", + "ash" + ], + [ + "во", + "р" + ], + [ + "в", + "ор" + ], + [ + "spiel", + "er" + ], + [ + "s", + "pieler" + ], + [ + "▁Re", + "volution" + ], + [ + "▁Revol", + "ution" + ], + [ + "es", + "ty" + ], + [ + "est", + "y" + ], + [ + "e", + "sty" + ], + [ + "▁j", + "unto" + ], + [ + "▁jun", + "to" + ], + [ + "▁junt", + "o" + ], + [ + "▁Ind", + "eed" + ], + [ + "ok", + "al" + ], + [ + "oka", + "l" + ], + [ + "o", + "kal" + ], + [ + "ctr", + "ine" + ], + [ + "▁F", + "ord" + ], + [ + "▁For", + "d" + ], + [ + "▁Fo", + "rd" + ], + [ + "▁C", + "REATE" + ], + [ + "▁", + "CREATE" + ], + [ + "▁w", + "alls" + ], + [ + "▁wall", + "s" + ], + [ + "▁wal", + "ls" + ], + [ + "▁a", + "ute" + ], + [ + "▁au", + "te" + ], + [ + "▁aut", + "e" + ], + [ + "S", + "U" + ], + [ + "wh", + "y" + ], + [ + "w", + "hy" + ], + [ + "plement", + "ation" + ], + [ + "ro", + "ut" + ], + [ + "rou", + "t" + ], + [ + "r", + "out" + ], + [ + "Mat", + "rix" + ], + [ + "▁s", + "ad" + ], + [ + "▁sa", + "d" + ], + [ + "ан", + "а" + ], + [ + "а", + "на" + ], + [ + "▁P", + "ic" + ], + [ + "▁Pi", + "c" + ], + [ + ".", + "“" + ], + [ + "▁A", + "C" + ], + [ + "▁", + "AC" + ], + [ + "▁F", + "est" + ], + [ + "▁Fe", + "st" + ], + [ + "▁des", + "ktop" + ], + [ + "▁", + "desktop" + ], + [ + "▁P", + "ay" + ], + [ + "▁Pa", + "y" + ], + [ + "▁", + "Pay" + ], + [ + "ome", + "times" + ], + [ + "omet", + "imes" + ], + [ + "▁T", + "ak" + ], + [ + "▁Ta", + "k" + ], + [ + "ра", + "б" + ], + [ + "▁S", + "ever" + ], + [ + "▁Se", + "ver" + ], + [ + "▁nor", + "thern" + ], + [ + "▁north", + "ern" + ], + [ + "an", + "ter" + ], + [ + "ant", + "er" + ], + [ + "ante", + "r" + ], + [ + "▁Mod", + "ern" + ], + [ + "▁Mo", + "dern" + ], + [ + "▁Mode", + "rn" + ], + [ + "wa", + "l" + ], + [ + "w", + "al" + ], + [ + "{", + "\r" + ], + [ + "on", + "line" + ], + [ + "ö", + "k" + ], + [ + "▁brit", + "ann" + ], + [ + "$", + "_" + ], + [ + "▁j", + "ar" + ], + [ + "▁ja", + "r" + ], + [ + "▁", + "jar" + ], + [ + "T", + "L" + ], + [ + "xx", + "xx" + ], + [ + "xxx", + "x" + ], + [ + "x", + "xxx" + ], + [ + "mer", + "ge" + ], + [ + "▁N", + "amen" + ], + [ + "▁Name", + "n" + ], + [ + "▁Na", + "men" + ], + [ + "▁Nam", + "en" + ], + [ + "▁K", + "EY" + ], + [ + "▁", + "KEY" + ], + [ + "▁re", + "fers" + ], + [ + "▁ref", + "ers" + ], + [ + "▁refer", + "s" + ], + [ + "▁h", + "in" + ], + [ + "▁hi", + "n" + ], + [ + "▁", + "hin" + ], + [ + "▁Vol", + "ks" + ], + [ + "▁Volk", + "s" + ], + [ + "st", + "eller" + ], + [ + "stell", + "er" + ], + [ + "stelle", + "r" + ], + [ + "vi", + "ation" + ], + [ + "via", + "tion" + ], + [ + "v", + "iation" + ], + [ + "on", + "io" + ], + [ + "oni", + "o" + ], + [ + "o", + "nio" + ], + [ + "ight", + "er" + ], + [ + "igh", + "ter" + ], + [ + "Com", + "pat" + ], + [ + "Comp", + "at" + ], + [ + "▁C", + "E" + ], + [ + "▁", + "CE" + ], + [ + "▁p", + "ró" + ], + [ + "▁pr", + "ó" + ], + [ + "▁encuent", + "ra" + ], + [ + "the", + "orem" + ], + [ + "▁pub", + "li" + ], + [ + "▁Develop", + "ment" + ], + [ + "н", + "д" + ], + [ + "▁r", + "os" + ], + [ + "▁ro", + "s" + ], + [ + "▁", + "ros" + ], + [ + "▁s", + "hr" + ], + [ + "▁sh", + "r" + ], + [ + "se", + "au" + ], + [ + "s", + "eau" + ], + [ + "▁gener", + "ating" + ], + [ + "▁gene", + "rating" + ], + [ + "▁difficult", + "y" + ], + [ + "▁Ex", + "press" + ], + [ + "▁Exp", + "ress" + ], + [ + "▁", + "Express" + ], + [ + "Al", + "ignment" + ], + [ + "de", + "utsch" + ], + [ + "▁Вла", + "ди" + ], + [ + "▁sugg", + "ests" + ], + [ + "▁suggest", + "s" + ], + [ + "▁Famil", + "y" + ], + [ + "▁Fam", + "ily" + ], + [ + "▁", + "Family" + ], + [ + "bb", + "i" + ], + [ + "b", + "bi" + ], + [ + "])", + "." + ], + [ + "]", + ")." + ], + [ + "st", + "aw" + ], + [ + "sta", + "w" + ], + [ + "▁pres", + "idente" + ], + [ + "▁president", + "e" + ], + [ + "▁presiden", + "te" + ], + [ + "▁st", + "esso" + ], + [ + "in", + "x" + ], + [ + "i", + "nx" + ], + [ + "set", + "up" + ], + [ + "▁con", + "form" + ], + [ + "▁conf", + "orm" + ], + [ + "▁f", + "ro" + ], + [ + "▁fr", + "o" + ], + [ + "=\\", + "\"" + ], + [ + "=", + "\\\"" + ], + [ + "▁d", + "å" + ], + [ + "ic", + "iones" + ], + [ + "ici", + "ones" + ], + [ + "icio", + "nes" + ], + [ + "icion", + "es" + ], + [ + "i", + "ciones" + ], + [ + "▁e", + "volution" + ], + [ + "▁evol", + "ution" + ], + [ + "pr", + "ote" + ], + [ + "pro", + "te" + ], + [ + "p", + "rote" + ], + [ + "▁pr", + "ints" + ], + [ + "▁print", + "s" + ], + [ + "▁prin", + "ts" + ], + [ + "▁P", + "ont" + ], + [ + "▁Po", + "nt" + ], + [ + "▁Pon", + "t" + ], + [ + "▁conf", + "usion" + ], + [ + "▁", + "Й" + ], + [ + "▁d", + "ello" + ], + [ + "▁del", + "lo" + ], + [ + "▁dell", + "o" + ], + [ + "▁man", + "if" + ], + [ + "Def", + "inition" + ], + [ + "ár", + "a" + ], + [ + "á", + "ra" + ], + [ + "ma", + "ls" + ], + [ + "mal", + "s" + ], + [ + "m", + "als" + ], + [ + "▁s", + "ale" + ], + [ + "▁sa", + "le" + ], + [ + "▁sal", + "e" + ], + [ + "▁drop", + "down" + ], + [ + "▁", + "dropdown" + ], + [ + "Ch", + "ain" + ], + [ + "Amer", + "ican" + ], + [ + "America", + "n" + ], + [ + "▁m", + "k" + ], + [ + "▁", + "mk" + ], + [ + "▁B", + "ez" + ], + [ + "▁Be", + "z" + ], + [ + "▁F", + "ue" + ], + [ + "▁Fu", + "e" + ], + [ + "▁N", + "E" + ], + [ + "▁", + "NE" + ], + [ + "гра", + "фи" + ], + [ + "граф", + "и" + ], + [ + "doc", + "ker" + ], + [ + "do", + "cker" + ], + [ + "d", + "ocker" + ], + [ + "▁^", + "{" + ], + [ + "▁", + "^{" + ], + [ + "As", + "sert" + ], + [ + "Ass", + "ert" + ], + [ + "▁hor", + "izontal" + ], + [ + "▁horizon", + "tal" + ], + [ + "▁", + "horizontal" + ], + [ + "(@", + "\"" + ], + [ + "(", + "@\"" + ], + [ + "▁д", + "ву" + ], + [ + "pro", + "xy" + ], + [ + "U", + "ri" + ], + [ + "gen", + "cy" + ], + [ + "g", + "ency" + ], + [ + "▁\"", + "[" + ], + [ + "▁Q", + "t" + ], + [ + "▁", + "Qt" + ], + [ + "▁N", + "ames" + ], + [ + "▁Name", + "s" + ], + [ + "▁Na", + "mes" + ], + [ + "▁Nam", + "es" + ], + [ + "▁", + "Names" + ], + [ + "▁evalu", + "ate" + ], + [ + "▁eval", + "uate" + ], + [ + "!", + "/" + ], + [ + "▁ein", + "ges" + ], + [ + "▁eing", + "es" + ], + [ + "▁syn", + "th" + ], + [ + "▁sy", + "nth" + ], + [ + "▁You", + "Tube" + ], + [ + "▁turn", + "ing" + ], + [ + "▁tur", + "ning" + ], + [ + "▁E", + "ric" + ], + [ + "▁Er", + "ic" + ], + [ + "▁б", + "ли" + ], + [ + "▁", + "бли" + ], + [ + "▁k", + "lub" + ], + [ + "▁kl", + "ub" + ], + [ + "pl", + "orer" + ], + [ + "▁s", + "ports" + ], + [ + "▁sport", + "s" + ], + [ + "▁s", + "ia" + ], + [ + "▁si", + "a" + ], + [ + "о", + "ш" + ], + [ + "▁d", + "ai" + ], + [ + "▁da", + "i" + ], + [ + "▁e", + "urope" + ], + [ + "▁europ", + "e" + ], + [ + "▁euro", + "pe" + ], + [ + "ic", + "ians" + ], + [ + "ici", + "ans" + ], + [ + "ician", + "s" + ], + [ + "icia", + "ns" + ], + [ + "ings", + "områ" + ], + [ + "▁d", + "re" + ], + [ + "▁dr", + "e" + ], + [ + "▁work", + "around" + ], + [ + "▁s", + "uit" + ], + [ + "▁su", + "it" + ], + [ + "▁", + "suit" + ], + [ + "amb", + "igu" + ], + [ + "▁quant", + "ity" + ], + [ + "▁", + "quantity" + ], + [ + "▁seg", + "undo" + ], + [ + "Sym", + "bol" + ], + [ + "S", + "ymbol" + ], + [ + "▁m", + "oral" + ], + [ + "▁mo", + "ral" + ], + [ + "▁mor", + "al" + ], + [ + "Ch", + "art" + ], + [ + "Char", + "t" + ], + [ + "C", + "hart" + ], + [ + "▁da", + "mit" + ], + [ + "▁dam", + "it" + ], + [ + "▁attempt", + "s" + ], + [ + "▁d", + "onn" + ], + [ + "▁do", + "nn" + ], + [ + "▁don", + "n" + ], + [ + "jo", + "s" + ], + [ + "j", + "os" + ], + [ + "▁e", + "re" + ], + [ + "▁er", + "e" + ], + [ + "▁", + "ere" + ], + [ + "▁hom", + "me" + ], + [ + "▁", + "homme" + ], + [ + "si", + "mp" + ], + [ + "sim", + "p" + ], + [ + "s", + "imp" + ], + [ + "rypt", + "ed" + ], + [ + "▁act", + "s" + ], + [ + "▁ac", + "ts" + ], + [ + "inner", + "HTML" + ], + [ + "▁tourn", + "ament" + ], + [ + "▁s", + "ky" + ], + [ + "▁sk", + "y" + ], + [ + "▁", + "sky" + ], + [ + "Time", + "r" + ], + [ + "Tim", + "er" + ], + [ + "T", + "imer" + ], + [ + "▁mill", + "ions" + ], + [ + "▁million", + "s" + ], + [ + "^", + "+" + ], + [ + "ag", + "ent" + ], + [ + "age", + "nt" + ], + [ + "agen", + "t" + ], + [ + "a", + "gent" + ], + [ + "')", + ");" + ], + [ + "'))", + ";" + ], + [ + "'", + "));" + ], + [ + "▁o", + "st" + ], + [ + "▁os", + "t" + ], + [ + "▁", + "ost" + ], + [ + "▁g", + "la" + ], + [ + "▁gl", + "a" + ], + [ + "▁по", + "мо" + ], + [ + "▁f", + "ün" + ], + [ + "ст", + "вом" + ], + [ + "ств", + "ом" + ], + [ + "ство", + "м" + ], + [ + "ewnę", + "trz" + ], + [ + "▁Mé", + "xico" + ], + [ + "▁l", + "ub" + ], + [ + "▁lu", + "b" + ], + [ + "▁", + "lub" + ], + [ + "▁É", + "d" + ], + [ + "if", + "ik" + ], + [ + "ifi", + "k" + ], + [ + "i", + "fik" + ], + [ + "че", + "ский" + ], + [ + "▁im", + "mer" + ], + [ + "▁imm", + "er" + ], + [ + "▁", + "immer" + ], + [ + "en", + "sen" + ], + [ + "ens", + "en" + ], + [ + "ense", + "n" + ], + [ + "an", + "ny" + ], + [ + "ann", + "y" + ], + [ + "in", + "line" + ], + [ + "▁g", + "over" + ], + [ + "▁go", + "ver" + ], + [ + "au", + "c" + ], + [ + "a", + "uc" + ], + [ + "▁re", + "pre" + ], + [ + "▁rep", + "re" + ], + [ + "▁repr", + "e" + ], + [ + "▁histor", + "ia" + ], + [ + "▁hist", + "oria" + ], + [ + "A", + "g" + ], + [ + "▁p", + "lt" + ], + [ + "▁pl", + "t" + ], + [ + "▁Pr", + "inci" + ], + [ + "▁Prin", + "ci" + ], + [ + "im", + "eter" + ], + [ + "ime", + "ter" + ], + [ + "imet", + "er" + ], + [ + "i", + "meter" + ], + [ + "ő", + "s" + ], + [ + "š", + "e" + ], + [ + "▁U", + "E" + ], + [ + "▁", + "UE" + ], + [ + "Equ", + "als" + ], + [ + "Equal", + "s" + ], + [ + "Eq", + "uals" + ], + [ + "Dis", + "patch" + ], + [ + "le", + "gen" + ], + [ + "leg", + "en" + ], + [ + "lege", + "n" + ], + [ + "l", + "egen" + ], + [ + "ла", + "зи" + ], + [ + "чно", + "й" + ], + [ + "ч", + "ной" + ], + [ + "▁st", + "ell" + ], + [ + "▁ste", + "ll" + ], + [ + "▁", + "stell" + ], + [ + "ń", + "st" + ], + [ + "▁c", + "ri" + ], + [ + "▁cr", + "i" + ], + [ + "▁", + "cri" + ], + [ + "▁In", + "dep" + ], + [ + "▁Ind", + "ep" + ], + [ + "è", + "de" + ], + [ + "}\\", + ")" + ], + [ + "}", + "\\)" + ], + [ + "▁w", + "yst" + ], + [ + "▁wy", + "st" + ], + [ + "▁wys", + "t" + ], + [ + "▁fig", + "ured" + ], + [ + "▁figure", + "d" + ], + [ + "▁figur", + "ed" + ], + [ + "AT", + "CH" + ], + [ + "éb", + "en" + ], + [ + "é", + "ben" + ], + [ + "la", + "cht" + ], + [ + "lac", + "ht" + ], + [ + "lach", + "t" + ], + [ + "l", + "acht" + ], + [ + "▁succeed", + "ed" + ], + [ + "gr", + "y" + ], + [ + "g", + "ry" + ], + [ + "▁p", + "ret" + ], + [ + "▁pr", + "et" + ], + [ + "▁pre", + "t" + ], + [ + "▁", + "pret" + ], + [ + "▁S", + "af" + ], + [ + "▁Sa", + "f" + ], + [ + "▁\"", + ");" + ], + [ + "▁\")", + ";" + ], + [ + "▁", + "\");" + ], + [ + "e", + "h" + ], + [ + "▁offic", + "iel" + ], + [ + "▁offici", + "el" + ], + [ + "краї", + "н" + ], + [ + "wi", + "nd" + ], + [ + "win", + "d" + ], + [ + "w", + "ind" + ], + [ + "▁sc", + "atter" + ], + [ + "▁F", + "ox" + ], + [ + "▁Fo", + "x" + ], + [ + "ic", + "ious" + ], + [ + "ici", + "ous" + ], + [ + "icio", + "us" + ], + [ + "i", + "cious" + ], + [ + "Man", + "y" + ], + [ + "Ma", + "ny" + ], + [ + "M", + "any" + ], + [ + "up", + "er" + ], + [ + "u", + "per" + ], + [ + "▁Con", + "vert" + ], + [ + "▁", + "Convert" + ], + [ + "st", + "erd" + ], + [ + "ste", + "rd" + ], + [ + "ster", + "d" + ], + [ + "▁St", + "ein" + ], + [ + "▁Ste", + "in" + ], + [ + "▁О", + "т" + ], + [ + "}^", + "{(" + ], + [ + "}^{", + "(" + ], + [ + "}", + "^{(" + ], + [ + "bet", + "ween" + ], + [ + "hi", + "re" + ], + [ + "h", + "ire" + ], + [ + "▁on", + "Create" + ], + [ + "▁", + "onCreate" + ], + [ + ";", + "" + ], + [ + "-", + "->" + ], + [ + "▁p", + "ří" + ], + [ + "▁př", + "í" + ], + [ + "pan", + "das" + ], + [ + "p", + "andas" + ], + [ + "▁P", + "lus" + ], + [ + "▁Pl", + "us" + ], + [ + "▁", + "Plus" + ], + [ + "yl", + "l" + ], + [ + "y", + "ll" + ], + [ + "▁t", + "error" + ], + [ + "▁te", + "rror" + ], + [ + "▁ter", + "ror" + ], + [ + "▁c", + "rim" + ], + [ + "▁cr", + "im" + ], + [ + "▁cri", + "m" + ], + [ + "▁z", + "ak" + ], + [ + "▁za", + "k" + ], + [ + "▁", + "zak" + ], + [ + "iss", + "ue" + ], + [ + "pa", + "nel" + ], + [ + "pan", + "el" + ], + [ + "p", + "anel" + ], + [ + "sv", + "g" + ], + [ + "▁re", + "b" + ], + [ + "▁r", + "eb" + ], + [ + "▁", + "reb" + ], + [ + "Custom", + "er" + ], + [ + "sw", + "itch" + ], + [ + "об", + "ра" + ], + [ + "о", + "бра" + ], + [ + "▁Champion", + "ships" + ], + [ + "▁Championship", + "s" + ], + [ + "▁Champions", + "hips" + ], + [ + "cl", + "o" + ], + [ + "c", + "lo" + ], + [ + "at", + "te" + ], + [ + "att", + "e" + ], + [ + "a", + "tte" + ], + [ + "▁any", + "more" + ], + [ + "▁excell", + "ent" + ], + [ + "▁opport", + "unity" + ], + [ + "▁opportun", + "ity" + ], + [ + "▁B", + "ahn" + ], + [ + "▁Ba", + "hn" + ], + [ + "▁Bah", + "n" + ], + [ + "чи", + "н" + ], + [ + "ч", + "ин" + ], + [ + "et", + "ing" + ], + [ + "eti", + "ng" + ], + [ + "e", + "ting" + ], + [ + "▁inc", + "ident" + ], + [ + "to", + "m" + ], + [ + "t", + "om" + ], + [ + "Per", + "s" + ], + [ + "Pe", + "rs" + ], + [ + "P", + "ers" + ], + [ + "bb", + "en" + ], + [ + "bbe", + "n" + ], + [ + "b", + "ben" + ], + [ + "ствен", + "ной" + ], + [ + "ственно", + "й" + ], + [ + "и", + "х" + ], + [ + "ro", + "uter" + ], + [ + "route", + "r" + ], + [ + "rout", + "er" + ], + [ + "rou", + "ter" + ], + [ + "r", + "outer" + ], + [ + "▁new", + "ly" + ], + [ + "▁sil", + "ence" + ], + [ + "▁G", + "NU" + ], + [ + "▁R", + "ails" + ], + [ + "▁Ra", + "ils" + ], + [ + "▁Rail", + "s" + ], + [ + "▁A", + "mb" + ], + [ + "▁Am", + "b" + ], + [ + "▁Q", + "ual" + ], + [ + "▁Qu", + "al" + ], + [ + "▁", + "Qual" + ], + [ + "▁Sch", + "aus" + ], + [ + "▁Sc", + "haus" + ], + [ + "▁S", + "ohn" + ], + [ + "▁So", + "hn" + ], + [ + "▁A", + "LL" + ], + [ + "▁AL", + "L" + ], + [ + "▁", + "ALL" + ], + [ + "▁ro", + "yal" + ], + [ + "▁roy", + "al" + ], + [ + "▁", + "£" + ], + [ + "wi", + "ę" + ], + [ + "w", + "ię" + ], + [ + "▁ent", + "fer" + ], + [ + "▁Re", + "move" + ], + [ + "▁Rem", + "ove" + ], + [ + "▁", + "Remove" + ], + [ + "▁hard", + "ly" + ], + [ + "Us", + "ing" + ], + [ + "U", + "sing" + ], + [ + "ло", + "г" + ], + [ + "▁I", + "ch" + ], + [ + "▁d", + "erni" + ], + [ + "▁der", + "ni" + ], + [ + "▁Con", + "nection" + ], + [ + "▁Connect", + "ion" + ], + [ + "▁", + "Connection" + ], + [ + "fi", + "sh" + ], + [ + "f", + "ish" + ], + [ + "▁In", + "form" + ], + [ + "▁Inf", + "orm" + ], + [ + "▁Info", + "rm" + ], + [ + "▁E", + "ner" + ], + [ + "▁En", + "er" + ], + [ + "ro", + "it" + ], + [ + "r", + "oit" + ], + [ + "B", + "bb" + ], + [ + "View", + "Model" + ], + [ + "V", + "ideo" + ], + [ + "il", + "ey" + ], + [ + "ile", + "y" + ], + [ + "i", + "ley" + ], + [ + "▁м", + "ного" + ], + [ + "▁мно", + "го" + ], + [ + "▁G", + "em" + ], + [ + "▁Ge", + "m" + ], + [ + "▁comp", + "reh" + ], + [ + "▁compr", + "eh" + ], + [ + "en", + "umerate" + ], + [ + "ul", + "as" + ], + [ + "ula", + "s" + ], + [ + "u", + "las" + ], + [ + "▁B", + "ah" + ], + [ + "▁Ba", + "h" + ], + [ + "▁Y", + "et" + ], + [ + "▁Ye", + "t" + ], + [ + "B", + "R" + ], + [ + "х", + "ра" + ], + [ + "▁count", + "y" + ], + [ + "▁coun", + "ty" + ], + [ + "▁H", + "ist" + ], + [ + "▁His", + "t" + ], + [ + "▁Hi", + "st" + ], + [ + "▁Г", + "у" + ], + [ + "▁", + "Ј" + ], + [ + "▁m", + "ari" + ], + [ + "▁ma", + "ri" + ], + [ + "▁mar", + "i" + ], + [ + "▁C", + "lar" + ], + [ + "▁Cl", + "ar" + ], + [ + "▁Cla", + "r" + ], + [ + "Bit", + "map" + ], + [ + "B", + "itmap" + ], + [ + "▁C", + "z" + ], + [ + "▁m", + "ån" + ], + [ + "▁må", + "n" + ], + [ + "▁m", + "ere" + ], + [ + "▁me", + "re" + ], + [ + "▁mer", + "e" + ], + [ + "▁mus", + "ique" + ], + [ + "al", + "so" + ], + [ + "als", + "o" + ], + [ + "date", + "s" + ], + [ + "da", + "tes" + ], + [ + "dat", + "es" + ], + [ + "d", + "ates" + ], + [ + "▁D", + "VD" + ], + [ + "▁g", + "ol" + ], + [ + "▁go", + "l" + ], + [ + "fo", + "ny" + ], + [ + "fon", + "y" + ], + [ + "f", + "ony" + ], + [ + "▁Cast", + "le" + ], + [ + "▁фа", + "ми" + ], + [ + "▁arr", + "ang" + ], + [ + "▁Bus", + "iness" + ], + [ + "▁K", + "az" + ], + [ + "▁Ka", + "z" + ], + [ + "▁o", + "sc" + ], + [ + "▁os", + "c" + ], + [ + "▁", + "osc" + ], + [ + "▁se", + "colo" + ], + [ + "▁sec", + "olo" + ], + [ + "▁aff", + "ected" + ], + [ + "▁affect", + "ed" + ], + [ + "▁He", + "alth" + ], + [ + "re", + "b" + ], + [ + "r", + "eb" + ], + [ + "ed", + "itor" + ], + [ + "edit", + "or" + ], + [ + "edi", + "tor" + ], + [ + "▁own", + "ed" + ], + [ + "▁ow", + "ned" + ], + [ + "▁", + "owned" + ], + [ + "t", + "l" + ], + [ + "▁v", + "í" + ], + [ + "▁", + "ví" + ], + [ + "чни", + "х" + ], + [ + "ч", + "них" + ], + [ + "к", + "ви" + ], + [ + "▁dev", + "ient" + ], + [ + "▁devi", + "ent" + ], + [ + "M", + "utable" + ], + [ + "▁t", + "egen" + ], + [ + "▁te", + "gen" + ], + [ + "Reg", + "ister" + ], + [ + "є", + "ю" + ], + [ + "▁car", + "acter" + ], + [ + "лл", + "и" + ], + [ + "л", + "ли" + ], + [ + "▁n", + "ouvelle" + ], + [ + "▁nouve", + "lle" + ], + [ + "ok", + "o" + ], + [ + "o", + "ko" + ], + [ + "icht", + "et" + ], + [ + "ichte", + "t" + ], + [ + "▁e", + "vol" + ], + [ + "▁ev", + "ol" + ], + [ + "▁H", + "ab" + ], + [ + "▁Ha", + "b" + ], + [ + "▁mil", + "itar" + ], + [ + "▁milit", + "ar" + ], + [ + "▁p", + "uts" + ], + [ + "▁put", + "s" + ], + [ + "▁pu", + "ts" + ], + [ + "end", + "if" + ], + [ + "endi", + "f" + ], + [ + "▁Dav", + "is" + ], + [ + "▁Da", + "vis" + ], + [ + "▁Scot", + "land" + ], + [ + "reg", + "ular" + ], + [ + "▁Con", + "text" + ], + [ + "▁Cont", + "ext" + ], + [ + "▁", + "Context" + ], + [ + "is", + "piel" + ], + [ + "isp", + "iel" + ], + [ + "i", + "spiel" + ], + [ + "▁G", + "allery" + ], + [ + "▁Gall", + "ery" + ], + [ + "\",", + "\r" + ], + [ + "\"", + ",\r" + ], + [ + "▁a", + "rc" + ], + [ + "▁ar", + "c" + ], + [ + "▁", + "arc" + ], + [ + "▁IN", + "FO" + ], + [ + "▁", + "INFO" + ], + [ + "▁c", + "od" + ], + [ + "▁co", + "d" + ], + [ + "▁", + "cod" + ], + [ + "ді", + "в" + ], + [ + "д", + "ів" + ], + [ + "▁v", + "archar" + ], + [ + "▁var", + "char" + ], + [ + "▁", + "varchar" + ], + [ + "▁tou", + "jours" + ], + [ + "at", + "ial" + ], + [ + "ati", + "al" + ], + [ + "atia", + "l" + ], + [ + "▁h", + "anno" + ], + [ + "▁han", + "no" + ], + [ + "▁проф", + "ес" + ], + [ + "▁launch", + "ed" + ], + [ + "▁насе", + "лення" + ], + [ + "▁t", + "on" + ], + [ + "▁to", + "n" + ], + [ + "▁", + "ton" + ], + [ + "au", + "sed" + ], + [ + "ause", + "d" + ], + [ + "aus", + "ed" + ], + [ + "a", + "used" + ], + [ + "▁і", + "з" + ], + [ + "▁t", + "ö" + ], + [ + "▁P", + "ur" + ], + [ + "▁Pu", + "r" + ], + [ + "▁o", + "lymp" + ], + [ + "AR", + "N" + ], + [ + "ó", + "m" + ], + [ + "▁a", + "ugust" + ], + [ + "▁aug", + "ust" + ], + [ + "▁f", + "urn" + ], + [ + "▁fur", + "n" + ], + [ + "▁fu", + "rn" + ], + [ + "▁Col", + "omb" + ], + [ + "▁Sta", + "ats" + ], + [ + "▁Staat", + "s" + ], + [ + "ho", + "ra" + ], + [ + "hor", + "a" + ], + [ + "h", + "ora" + ], + [ + "▁м", + "ор" + ], + [ + "▁мо", + "р" + ], + [ + "▁", + "мор" + ], + [ + "can", + "vas" + ], + [ + "▁gr", + "ave" + ], + [ + "▁gra", + "ve" + ], + [ + "▁grav", + "e" + ], + [ + "▁com", + "position" + ], + [ + "▁comp", + "osition" + ], + [ + "▁compos", + "ition" + ], + [ + "ac", + "ja" + ], + [ + "▁которы", + "е" + ], + [ + "▁ч", + "о" + ], + [ + "▁", + "чо" + ], + [ + "Gener", + "al" + ], + [ + "Gen", + "eral" + ], + [ + "ан", + "і" + ], + [ + "а", + "ні" + ], + [ + "▁Joh", + "annes" + ], + [ + "▁Johann", + "es" + ], + [ + "▁Johan", + "nes" + ], + [ + "ка", + "р" + ], + [ + "к", + "ар" + ], + [ + "▁ча", + "ст" + ], + [ + "▁час", + "т" + ], + [ + "▁Ва", + "си" + ], + [ + "ss", + "h" + ], + [ + "s", + "sh" + ], + [ + "▁repla", + "cing" + ], + [ + "▁<", + ">" + ], + [ + "▁", + "<>" + ], + [ + "ці", + "в" + ], + [ + "ц", + "ів" + ], + [ + "la", + "us" + ], + [ + "lau", + "s" + ], + [ + "l", + "aus" + ], + [ + "en", + "y" + ], + [ + "e", + "ny" + ], + [ + "äh", + "l" + ], + [ + "ä", + "hl" + ], + [ + "▁m", + "arg" + ], + [ + "▁ma", + "rg" + ], + [ + "▁mar", + "g" + ], + [ + "ci", + "ence" + ], + [ + "c", + "ience" + ], + [ + "▁inst", + "ruction" + ], + [ + "▁instru", + "ction" + ], + [ + "▁instruct", + "ion" + ], + [ + "▁ко", + "ји" + ], + [ + "Ed", + "itor" + ], + [ + "Edit", + "or" + ], + [ + "▁fund", + "amental" + ], + [ + "mu", + "nd" + ], + [ + "mun", + "d" + ], + [ + "m", + "und" + ], + [ + "▁exception", + "s" + ], + [ + "▁except", + "ions" + ], + [ + "▁p", + "late" + ], + [ + "▁pl", + "ate" + ], + [ + "▁pla", + "te" + ], + [ + "▁plat", + "e" + ], + [ + "▁", + "plate" + ], + [ + "▁L", + "is" + ], + [ + "▁Li", + "s" + ], + [ + "▁d", + "eren" + ], + [ + "▁de", + "ren" + ], + [ + "▁der", + "en" + ], + [ + "▁dere", + "n" + ], + [ + "pr", + "ep" + ], + [ + "pre", + "p" + ], + [ + "p", + "rep" + ], + [ + "▁janu", + "ari" + ], + [ + "Sc", + "ope" + ], + [ + "S", + "cope" + ], + [ + "yn", + "ast" + ], + [ + "yna", + "st" + ], + [ + "r", + "v" + ], + [ + "or", + "sz" + ], + [ + "ors", + "z" + ], + [ + "▁T", + "ony" + ], + [ + "▁To", + "ny" + ], + [ + "▁Ton", + "y" + ], + [ + "▁д", + "і" + ], + [ + "▁", + "ді" + ], + [ + "▁о", + "дна" + ], + [ + "▁од", + "на" + ], + [ + "▁s", + "ab" + ], + [ + "▁sa", + "b" + ], + [ + "ot", + "i" + ], + [ + "o", + "ti" + ], + [ + "je", + "l" + ], + [ + "j", + "el" + ], + [ + "▁gener", + "ator" + ], + [ + "▁", + "generator" + ], + [ + "▁'", + "." + ], + [ + "▁", + "'." + ], + [ + "▁sh", + "arp" + ], + [ + "▁", + "sharp" + ], + [ + "▁то", + "лько" + ], + [ + "▁account", + "s" + ], + [ + "▁ž", + "e" + ], + [ + "▁", + "že" + ], + [ + "▁for", + "am" + ], + [ + "▁fo", + "ram" + ], + [ + "▁g", + "ouvern" + ], + [ + "TI", + "ME" + ], + [ + "T", + "IME" + ], + [ + "▁Sov", + "iet" + ], + [ + "▁G", + "é" + ], + [ + "▁ex", + "ped" + ], + [ + "▁exp", + "ed" + ], + [ + "▁ord", + "inary" + ], + [ + "▁ordin", + "ary" + ], + [ + "▁", + "ordinary" + ], + [ + "▁Con", + "serv" + ], + [ + "▁Cons", + "erv" + ], + [ + "▁Conse", + "rv" + ], + [ + "▁com", + "pla" + ], + [ + "▁comp", + "la" + ], + [ + "▁compl", + "a" + ], + [ + "te", + "i" + ], + [ + "t", + "ei" + ], + [ + "▁cap", + "tain" + ], + [ + "▁capt", + "ain" + ], + [ + "▁Sam", + "uel" + ], + [ + "▁D", + "ark" + ], + [ + "▁Dar", + "k" + ], + [ + "▁в", + "ін" + ], + [ + "▁ві", + "н" + ], + [ + "▁de", + "light" + ], + [ + "▁del", + "ight" + ], + [ + "re", + "cht" + ], + [ + "rec", + "ht" + ], + [ + "di", + "a" + ], + [ + "d", + "ia" + ], + [ + "ess", + "es" + ], + [ + "esse", + "s" + ], + [ + "ul", + "p" + ], + [ + "u", + "lp" + ], + [ + "ш", + "ки" + ], + [ + "be", + "z" + ], + [ + "b", + "ez" + ], + [ + "▁det", + "ection" + ], + [ + "▁detect", + "ion" + ], + [ + "▁cook", + "ie" + ], + [ + "▁", + "cookie" + ], + [ + "an", + "try" + ], + [ + "ant", + "ry" + ], + [ + "Mult", + "i" + ], + [ + "ob", + "a" + ], + [ + "o", + "ba" + ], + [ + "▁j", + "oy" + ], + [ + "▁jo", + "y" + ], + [ + "▁safe", + "ty" + ], + [ + "▁saf", + "ety" + ], + [ + "|", + "^" + ], + [ + "po", + "d" + ], + [ + "p", + "od" + ], + [ + "ad", + "ém" + ], + [ + "▁Ch", + "ron" + ], + [ + "▁Chr", + "on" + ], + [ + "▁D", + "jango" + ], + [ + "▁Dj", + "ango" + ], + [ + "▁ehem", + "al" + ], + [ + "k", + "h" + ], + [ + "è", + "le" + ], + [ + "▁p", + "oc" + ], + [ + "▁po", + "c" + ], + [ + "B", + "ottom" + ], + [ + "la", + "unch" + ], + [ + "ne", + "m" + ], + [ + "n", + "em" + ], + [ + "▁G", + "ROUP" + ], + [ + "▁", + "GROUP" + ], + [ + "ní", + "ho" + ], + [ + "▁G", + "ib" + ], + [ + "▁Gi", + "b" + ], + [ + "sd", + "k" + ], + [ + "s", + "dk" + ], + [ + "B", + "E" + ], + [ + "▁G", + "ene" + ], + [ + "▁Ge", + "ne" + ], + [ + "▁Gen", + "e" + ], + [ + "▁St", + "aff" + ], + [ + "▁Sta", + "ff" + ], + [ + "▁subsequ", + "ent" + ], + [ + "ic", + "ion" + ], + [ + "ici", + "on" + ], + [ + "icio", + "n" + ], + [ + "i", + "cion" + ], + [ + "▁vict", + "ory" + ], + [ + "▁c", + "anon" + ], + [ + "▁can", + "on" + ], + [ + "▁ca", + "non" + ], + [ + "iz", + "ar" + ], + [ + "iza", + "r" + ], + [ + "i", + "zar" + ], + [ + "iz", + "ia" + ], + [ + "izi", + "a" + ], + [ + "i", + "zia" + ], + [ + "▁m", + "ate" + ], + [ + "▁ma", + "te" + ], + [ + "▁mat", + "e" + ], + [ + "▁", + "mate" + ], + [ + "▁lay", + "ers" + ], + [ + "▁layer", + "s" + ], + [ + "▁", + "layers" + ], + [ + "su", + "do" + ], + [ + "s", + "udo" + ], + [ + "sch", + "ule" + ], + [ + "per", + "iment" + ], + [ + "ül", + "et" + ], + [ + "ü", + "let" + ], + [ + "AR", + "CHAR" + ], + [ + "▁тер", + "рито" + ], + [ + "▁me", + "asures" + ], + [ + "▁measure", + "s" + ], + [ + "▁meas", + "ures" + ], + [ + "▁z", + "ou" + ], + [ + "▁zo", + "u" + ], + [ + "ops", + "is" + ], + [ + "на", + "ми" + ], + [ + "tb", + "ody" + ], + [ + "t", + "body" + ], + [ + "▁e", + "se" + ], + [ + "▁es", + "e" + ], + [ + "▁", + "ese" + ], + [ + "ster", + "dam" + ], + [ + "sterd", + "am" + ], + [ + "▁ph", + "oto" + ], + [ + "▁phot", + "o" + ], + [ + "▁", + "photo" + ], + [ + "ynchron", + "ous" + ], + [ + "set", + "minus" + ], + [ + "▁lo", + "ads" + ], + [ + "▁load", + "s" + ], + [ + "▁", + "loads" + ], + [ + "▁ple", + "asure" + ], + [ + "▁me", + "ille" + ], + [ + "}\\", + "," + ], + [ + "}", + "\\," + ], + [ + "qu", + "al" + ], + [ + "qua", + "l" + ], + [ + "q", + "ual" + ], + [ + "▁fav", + "our" + ], + [ + "▁r", + "od" + ], + [ + "▁ro", + "d" + ], + [ + "▁", + "rod" + ], + [ + "De", + "r" + ], + [ + "D", + "er" + ], + [ + "ра", + "бо" + ], + [ + "раб", + "о" + ], + [ + "▁pr", + "essed" + ], + [ + "▁pres", + "sed" + ], + [ + "▁press", + "ed" + ], + [ + "▁", + "pressed" + ], + [ + "r", + "ę" + ], + [ + "ie", + "ving" + ], + [ + "iev", + "ing" + ], + [ + "mate", + "rial" + ], + [ + "m", + "aterial" + ], + [ + "vi", + "rt" + ], + [ + "vir", + "t" + ], + [ + "v", + "irt" + ], + [ + "▁cap", + "able" + ], + [ + "с", + "ло" + ], + [ + "us", + "hed" + ], + [ + "ush", + "ed" + ], + [ + "▁по", + "бе" + ], + [ + "uset", + "ts" + ], + [ + "un", + "signed" + ], + [ + "uns", + "igned" + ], + [ + "k", + "ów" + ], + [ + "▁o", + "v" + ], + [ + "▁", + "ov" + ], + [ + "eg", + "eben" + ], + [ + "ege", + "ben" + ], + [ + "e", + "geben" + ], + [ + "▁app", + "lying" + ], + [ + "▁apply", + "ing" + ], + [ + "▁gal", + "ax" + ], + [ + "▁ga", + "lax" + ], + [ + "▁O", + "racle" + ], + [ + "▁Or", + "acle" + ], + [ + "▁Stutt", + "gart" + ], + [ + "In", + "fl" + ], + [ + "Inf", + "l" + ], + [ + "ach", + "usetts" + ], + [ + "▁de", + "el" + ], + [ + "li", + "re" + ], + [ + "l", + "ire" + ], + [ + "▁stat", + "unit" + ], + [ + "▁Polit", + "iker" + ], + [ + "▁Politik", + "er" + ], + [ + "▁beaut", + "y" + ], + [ + ")", + ">" + ], + [ + "▁Columb", + "ia" + ], + [ + "▁zewnętrz", + "ne" + ], + [ + "▁про", + "гра" + ], + [ + "▁пр", + "огра" + ], + [ + "▁d", + "x" + ], + [ + "▁", + "dx" + ], + [ + "ck", + "now" + ], + [ + "c", + "know" + ], + [ + "▁d", + "ub" + ], + [ + "▁du", + "b" + ], + [ + "un", + "ächst" + ], + [ + "find", + "ViewById" + ], + [ + "▁M", + "and" + ], + [ + "▁Man", + "d" + ], + [ + "▁Ma", + "nd" + ], + [ + "ál", + "l" + ], + [ + "á", + "ll" + ], + [ + "na", + "ire" + ], + [ + "n", + "aire" + ], + [ + "▁dest", + "in" + ], + [ + "is", + "ting" + ], + [ + "ist", + "ing" + ], + [ + "isti", + "ng" + ], + [ + "ag", + "gi" + ], + [ + "agg", + "i" + ], + [ + "a", + "ggi" + ], + [ + "ch", + "art" + ], + [ + "char", + "t" + ], + [ + "cha", + "rt" + ], + [ + "c", + "hart" + ], + [ + "▁just", + "ice" + ], + [ + "Sim", + "ple" + ], + [ + "▁un", + "fortunately" + ], + [ + "і", + "р" + ], + [ + "▁qu", + "esta" + ], + [ + "▁que", + "sta" + ], + [ + "▁quest", + "a" + ], + [ + "▁", + "questa" + ], + [ + "▁Govern", + "or" + ], + [ + "я", + "в" + ], + [ + "▁mús", + "ica" + ], + [ + "▁equ", + "ipo" + ], + [ + "▁equip", + "o" + ], + [ + "▁D", + "est" + ], + [ + "▁De", + "st" + ], + [ + "▁Des", + "t" + ], + [ + "▁", + "Dest" + ], + [ + "el", + "ect" + ], + [ + "ele", + "ct" + ], + [ + "e", + "lect" + ], + [ + "Stack", + "Trace" + ], + [ + "зо", + "м" + ], + [ + "з", + "ом" + ], + [ + "pr", + "oc" + ], + [ + "pro", + "c" + ], + [ + "p", + "roc" + ], + [ + "ent", + "in" + ], + [ + "enti", + "n" + ], + [ + "ad", + "ora" + ], + [ + "ado", + "ra" + ], + [ + "ador", + "a" + ], + [ + "▁Л", + "ю" + ], + [ + "▁register", + "ed" + ], + [ + "H", + "L" + ], + [ + "face", + "book" + ], + [ + "fac", + "ebook" + ], + [ + "▁st", + "oring" + ], + [ + "▁stor", + "ing" + ], + [ + "▁sto", + "ring" + ], + [ + "▁Current", + "ly" + ], + [ + "▁qu", + "adr" + ], + [ + "▁quad", + "r" + ], + [ + "Stand", + "ard" + ], + [ + "tr", + "im" + ], + [ + "tri", + "m" + ], + [ + "t", + "rim" + ], + [ + "ear", + "s" + ], + [ + "ea", + "rs" + ], + [ + "e", + "ars" + ], + [ + "se", + "nder" + ], + [ + "sen", + "der" + ], + [ + "send", + "er" + ], + [ + "s", + "ender" + ], + [ + "▁V", + "as" + ], + [ + "▁Va", + "s" + ], + [ + "▁ed", + "ific" + ], + [ + "▁B", + "ür" + ], + [ + "▁Bü", + "r" + ], + [ + "▁C", + "ountry" + ], + [ + "▁Count", + "ry" + ], + [ + "▁Coun", + "try" + ], + [ + "▁", + "Country" + ], + [ + "th", + "a" + ], + [ + "t", + "ha" + ], + [ + ";", + "\"" + ], + [ + "no", + "r" + ], + [ + "n", + "or" + ], + [ + "▁Do", + "ctor" + ], + [ + "▁Doc", + "tor" + ], + [ + "ru", + "ment" + ], + [ + "rum", + "ent" + ], + [ + "r", + "ument" + ], + [ + "Ge", + "n" + ], + [ + "G", + "en" + ], + [ + "▁B", + "uen" + ], + [ + "▁Bu", + "en" + ], + [ + "ra", + "de" + ], + [ + "rad", + "e" + ], + [ + "r", + "ade" + ], + [ + "▁k", + "un" + ], + [ + "n", + "avigation" + ], + [ + "Pa", + "y" + ], + [ + "P", + "ay" + ], + [ + "▁capt", + "ured" + ], + [ + "▁capture", + "d" + ], + [ + "▁st", + "ruck" + ], + [ + "▁str", + "uck" + ], + [ + "▁stru", + "ck" + ], + [ + "ven", + "ir" + ], + [ + "ém", + "ent" + ], + [ + "é", + "ment" + ], + [ + "▁T", + "ree" + ], + [ + "▁Tr", + "ee" + ], + [ + "▁Tre", + "e" + ], + [ + "▁", + "Tree" + ], + [ + "▁x", + "x" + ], + [ + "▁", + "xx" + ], + [ + "▁n", + "arr" + ], + [ + "▁na", + "rr" + ], + [ + "▁nar", + "r" + ], + [ + "ль", + "ного" + ], + [ + "льно", + "го" + ], + [ + "▁inst", + "alling" + ], + [ + "▁install", + "ing" + ], + [ + "▁instal", + "ling" + ], + [ + "▁associ", + "ation" + ], + [ + "▁insert", + "ed" + ], + [ + "▁inser", + "ted" + ], + [ + "er", + "ner" + ], + [ + "ern", + "er" + ], + [ + "erne", + "r" + ], + [ + "valid", + "ate" + ], + [ + "▁l", + "ut" + ], + [ + "▁lu", + "t" + ], + [ + "▁g", + "lo" + ], + [ + "▁gl", + "o" + ], + [ + "▁techn", + "ology" + ], + [ + "▁P", + "lace" + ], + [ + "▁Pl", + "ace" + ], + [ + "▁Pla", + "ce" + ], + [ + "▁", + "Place" + ], + [ + "$", + "?" + ], + [ + "▁z", + "v" + ], + [ + "с", + "лі" + ], + [ + "E", + "P" + ], + [ + "▁at", + "mos" + ], + [ + "ug", + "o" + ], + [ + "u", + "go" + ], + [ + "ér", + "t" + ], + [ + "é", + "rt" + ], + [ + "▁W", + "erk" + ], + [ + "▁Wer", + "k" + ], + [ + "▁%", + "}" + ], + [ + "te", + "le" + ], + [ + "tel", + "e" + ], + [ + "t", + "ele" + ], + [ + "Sp", + "an" + ], + [ + "S", + "pan" + ], + [ + "▁R", + "aj" + ], + [ + "▁Ra", + "j" + ], + [ + "▁Person", + "en" + ], + [ + "▁Pers", + "onen" + ], + [ + "▁C", + "ant" + ], + [ + "▁Can", + "t" + ], + [ + "▁Ca", + "nt" + ], + [ + "▁com", + "bat" + ], + [ + "▁comb", + "at" + ], + [ + "▁observ", + "ation" + ], + [ + "▁obs", + "ervation" + ], + [ + "param", + "eter" + ], + [ + "para", + "meter" + ], + [ + "▁agre", + "ed" + ], + [ + "▁agree", + "d" + ], + [ + "▁agr", + "eed" + ], + [ + "pu", + "r" + ], + [ + "p", + "ur" + ], + [ + "▁sh", + "adow" + ], + [ + "▁", + "shadow" + ], + [ + "▁g", + "ł" + ], + [ + "Key", + "s" + ], + [ + "Ke", + "ys" + ], + [ + "Cre", + "d" + ], + [ + "Cr", + "ed" + ], + [ + "C", + "red" + ], + [ + "ou", + "ri" + ], + [ + "our", + "i" + ], + [ + "o", + "uri" + ], + [ + "▁p", + "ale" + ], + [ + "▁pa", + "le" + ], + [ + "▁pal", + "e" + ], + [ + "ic", + "ké" + ], + [ + "ick", + "é" + ], + [ + "▁We", + "ek" + ], + [ + "▁", + "Week" + ], + [ + "▁Pr", + "ime" + ], + [ + "▁Pri", + "me" + ], + [ + "▁Prim", + "e" + ], + [ + ">", + "." + ], + [ + "Init", + "ial" + ], + [ + "▁о", + "дин" + ], + [ + "▁од", + "ин" + ], + [ + "▁'", + "'," + ], + [ + "▁''", + "," + ], + [ + "▁у", + "чи" + ], + [ + "▁In", + "v" + ], + [ + "▁", + "Inv" + ], + [ + "col", + "a" + ], + [ + "co", + "la" + ], + [ + "c", + "ola" + ], + [ + "ci", + "ble" + ], + [ + "c", + "ible" + ], + [ + "▁The", + "atre" + ], + [ + "▁b", + "em" + ], + [ + "▁be", + "m" + ], + [ + "▁satisf", + "y" + ], + [ + "x", + "l" + ], + [ + "▁ра", + "зви" + ], + [ + "▁раз", + "ви" + ], + [ + "▁p", + "ixel" + ], + [ + "▁pix", + "el" + ], + [ + "lá", + "n" + ], + [ + "l", + "án" + ], + [ + "▁tw", + "ee" + ], + [ + "▁twe", + "e" + ], + [ + "ço", + "n" + ], + [ + "ç", + "on" + ], + [ + "не", + "ния" + ], + [ + "▁A", + "T" + ], + [ + "▁", + "AT" + ], + [ + "èg", + "e" + ], + [ + "è", + "ge" + ], + [ + "▁M", + "ort" + ], + [ + "▁Mor", + "t" + ], + [ + "▁Mo", + "rt" + ], + [ + "▁my", + "sq" + ], + [ + "▁", + "mysq" + ], + [ + "ft", + "en" + ], + [ + "fte", + "n" + ], + [ + "f", + "ten" + ], + [ + "▁п", + "ес" + ], + [ + "▁пе", + "с" + ], + [ + "ém", + "a" + ], + [ + "é", + "ma" + ], + [ + "▁Service", + "s" + ], + [ + "▁Serv", + "ices" + ], + [ + "▁", + "Services" + ], + [ + "custom", + "er" + ], + [ + "▁A", + "WS" + ], + [ + "ъ", + "т" + ], + [ + "▁A", + "ch" + ], + [ + "▁Ac", + "h" + ], + [ + "%", + "." + ], + [ + "▁clar", + "ify" + ], + [ + "▁уни", + "версите" + ], + [ + "xt", + "ure" + ], + [ + "um", + "i" + ], + [ + "u", + "mi" + ], + [ + "▁s", + "å" + ], + [ + "▁P", + "el" + ], + [ + "▁Pe", + "l" + ], + [ + "se", + "rial" + ], + [ + "ser", + "ial" + ], + [ + "UR", + "I" + ], + [ + "U", + "RI" + ], + [ + "▁r", + "g" + ], + [ + "▁", + "rg" + ], + [ + "▁со", + "ста" + ], + [ + "ch", + "estra" + ], + [ + "che", + "stra" + ], + [ + "ches", + "tra" + ], + [ + "].", + "[" + ], + [ + "]", + ".[" + ], + [ + "we", + "n" + ], + [ + "w", + "en" + ], + [ + "▁Lond", + "res" + ], + [ + "▁an", + "ys" + ], + [ + "▁any", + "s" + ], + [ + "Data", + "Source" + ], + [ + "▁рай", + "оне" + ], + [ + "▁райо", + "не" + ], + [ + "▁район", + "е" + ], + [ + "▁re", + "in" + ], + [ + "▁r", + "ein" + ], + [ + "▁rei", + "n" + ], + [ + "▁met", + "adata" + ], + [ + "▁meta", + "data" + ], + [ + "▁", + "metadata" + ], + [ + "um", + "ble" + ], + [ + "umb", + "le" + ], + [ + "ar", + "beit" + ], + [ + "arbe", + "it" + ], + [ + "hn", + "er" + ], + [ + "h", + "ner" + ], + [ + "ci", + "ent" + ], + [ + "cie", + "nt" + ], + [ + "c", + "ient" + ], + [ + "▁n", + "orte" + ], + [ + "▁nor", + "te" + ], + [ + "▁о", + "на" + ], + [ + "▁он", + "а" + ], + [ + "▁", + "она" + ], + [ + "▁sc", + "ored" + ], + [ + "▁score", + "d" + ], + [ + "▁r", + "ay" + ], + [ + "▁ra", + "y" + ], + [ + "▁", + "ray" + ], + [ + "▁фев", + "ра" + ], + [ + "▁фе", + "вра" + ], + [ + "▁pro", + "tagon" + ], + [ + "▁prot", + "agon" + ], + [ + "▁S", + "ac" + ], + [ + "▁Sa", + "c" + ], + [ + "▁comm", + "only" + ], + [ + "▁common", + "ly" + ], + [ + "Linear", + "Layout" + ], + [ + "▁app", + "lic" + ], + [ + "▁ма", + "я" + ], + [ + "З", + "а" + ], + [ + "▁access", + "ible" + ], + [ + "ie", + "wer" + ], + [ + "iew", + "er" + ], + [ + "fl", + "ag" + ], + [ + "f", + "lag" + ], + [ + "▁R", + "ück" + ], + [ + "ä", + "u" + ], + [ + "▁e", + "rano" + ], + [ + "▁er", + "ano" + ], + [ + "▁era", + "no" + ], + [ + "▁eran", + "o" + ], + [ + "▁auth", + "entic" + ], + [ + "▁", + "authentic" + ], + [ + "▁R", + "y" + ], + [ + "▁не", + "ско" + ], + [ + "▁emb", + "argo" + ], + [ + "▁embar", + "go" + ], + [ + "▁d", + "ry" + ], + [ + "▁dr", + "y" + ], + [ + "▁reason", + "able" + ], + [ + "▁Mod", + "ule" + ], + [ + "▁", + "Module" + ], + [ + "▁acc", + "eler" + ], + [ + "▁inter", + "view" + ], + [ + "▁C", + "reek" + ], + [ + "▁Cre", + "ek" + ], + [ + "▁al", + "pha" + ], + [ + "▁", + "alpha" + ], + [ + "se", + "rie" + ], + [ + "ser", + "ie" + ], + [ + "s", + "erie" + ], + [ + "Th", + "ey" + ], + [ + "The", + "y" + ], + [ + "ю", + "чи" + ], + [ + "▁H", + "of" + ], + [ + "▁Ho", + "f" + ], + [ + "▁C", + "R" + ], + [ + "▁", + "CR" + ], + [ + "mod", + "al" + ], + [ + "mo", + "dal" + ], + [ + "▁sequence", + "s" + ], + [ + "▁sequ", + "ences" + ], + [ + "cl", + "osed" + ], + [ + "close", + "d" + ], + [ + "clos", + "ed" + ], + [ + "clo", + "sed" + ], + [ + ")}", + "$" + ], + [ + ")", + "}$" + ], + [ + "▁Ч", + "ер" + ], + [ + "▁Че", + "р" + ], + [ + "▁OR", + "DER" + ], + [ + "▁", + "ORDER" + ], + [ + "Right", + "arrow" + ], + [ + "R", + "ightarrow" + ], + [ + "haus", + "en" + ], + [ + "}}", + "_" + ], + [ + "}", + "}_" + ], + [ + "▁tamb", + "é" + ], + [ + "▁magn", + "etic" + ], + [ + "▁magnet", + "ic" + ], + [ + "▁Mc", + "C" + ], + [ + "▁win", + "ning" + ], + [ + "under", + "line" + ], + [ + "▁Bill", + "board" + ], + [ + "na", + "io" + ], + [ + "▁l", + "iqu" + ], + [ + "▁li", + "qu" + ], + [ + "▁", + "liqu" + ], + [ + "display", + "style" + ], + [ + "time", + "out" + ], + [ + "▁consider", + "able" + ], + [ + "▁e", + "ben" + ], + [ + "▁eb", + "en" + ], + [ + "▁", + "eben" + ], + [ + "iffer", + "ent" + ], + [ + "iffe", + "rent" + ], + [ + "an", + "u" + ], + [ + "a", + "nu" + ], + [ + "▁С", + "ов" + ], + [ + "▁Со", + "в" + ], + [ + "[", + "(" + ], + [ + "▁:", + "-)" + ], + [ + "▁:-", + ")" + ], + [ + "le", + "itung" + ], + [ + "form", + "ed" + ], + [ + "for", + "med" + ], + [ + "▁Man", + "ager" + ], + [ + "▁", + "Manager" + ], + [ + "▁on", + "click" + ], + [ + "T", + "Y" + ], + [ + "та", + "х" + ], + [ + "C", + "V" + ], + [ + "run", + "time" + ], + [ + "r", + "untime" + ], + [ + "po", + "que" + ], + [ + "▁Л", + "о" + ], + [ + "Tem", + "p" + ], + [ + "Te", + "mp" + ], + [ + "T", + "emp" + ], + [ + "lo", + "aded" + ], + [ + "load", + "ed" + ], + [ + "▁!", + "==" + ], + [ + "▁!=", + "=" + ], + [ + "▁s", + "inger" + ], + [ + "▁sing", + "er" + ], + [ + "▁sin", + "ger" + ], + [ + "fa", + "r" + ], + [ + "f", + "ar" + ], + [ + "▁Com", + "ple" + ], + [ + "▁Comp", + "le" + ], + [ + "▁", + "Comple" + ], + [ + "▁Ö", + "sterreich" + ], + [ + "Pol", + "icy" + ], + [ + "▁work", + "er" + ], + [ + "▁wor", + "ker" + ], + [ + "▁", + "worker" + ], + [ + "W", + "rapper" + ], + [ + "ob", + "i" + ], + [ + "o", + "bi" + ], + [ + "▁discuss", + "ed" + ], + [ + "▁b", + "uy" + ], + [ + "▁bu", + "y" + ], + [ + "▁янва", + "ря" + ], + [ + "▁D", + "in" + ], + [ + "▁Di", + "n" + ], + [ + "▁g", + "ed" + ], + [ + "▁ge", + "d" + ], + [ + "▁", + "ged" + ], + [ + "ско", + "ј" + ], + [ + "E", + "urope" + ], + [ + "▁t", + "all" + ], + [ + "▁tal", + "l" + ], + [ + "▁ta", + "ll" + ], + [ + "ho", + "s" + ], + [ + "h", + "os" + ], + [ + "ла", + "го" + ], + [ + "▁B", + "lock" + ], + [ + "▁Bl", + "ock" + ], + [ + "▁Blo", + "ck" + ], + [ + "▁", + "Block" + ], + [ + "▁ident", + "ified" + ], + [ + "List", + "View" + ], + [ + "▁attempt", + "ing" + ], + [ + "▁typ", + "ical" + ], + [ + "ps", + "um" + ], + [ + "p", + "sum" + ], + [ + "os", + "ter" + ], + [ + "ost", + "er" + ], + [ + "o", + "ster" + ], + [ + "▁ж", + "урна" + ], + [ + "P", + "e" + ], + [ + "mer", + "ce" + ], + [ + "▁un", + "expected" + ], + [ + "hu", + "i" + ], + [ + "h", + "ui" + ], + [ + "let", + "ter" + ], + [ + "lett", + "er" + ], + [ + "lette", + "r" + ], + [ + "l", + "etter" + ], + [ + "▁nue", + "vo" + ], + [ + "▁а", + "бо" + ], + [ + "▁VAL", + "UES" + ], + [ + "▁I", + "z" + ], + [ + "Fl", + "ags" + ], + [ + "Flag", + "s" + ], + [ + "▁TR", + "UE" + ], + [ + "▁", + "TRUE" + ], + [ + "iz", + "ación" + ], + [ + "iza", + "ción" + ], + [ + "▁gro", + "wing" + ], + [ + "▁grow", + "ing" + ], + [ + "es", + "tre" + ], + [ + "est", + "re" + ], + [ + "estr", + "e" + ], + [ + "e", + "stre" + ], + [ + "▁p", + "oly" + ], + [ + "▁po", + "ly" + ], + [ + "▁pol", + "y" + ], + [ + "▁", + "poly" + ], + [ + "▁St", + "one" + ], + [ + "▁Sto", + "ne" + ], + [ + "▁V", + "III" + ], + [ + "▁VI", + "II" + ], + [ + "▁VII", + "I" + ], + [ + "▁local", + "host" + ], + [ + "▁", + "localhost" + ], + [ + "äh", + "lt" + ], + [ + "ähl", + "t" + ], + [ + "▁embed", + "ded" + ], + [ + "jd", + "bc" + ], + [ + "j", + "dbc" + ], + [ + "▁con", + "vention" + ], + [ + "▁conv", + "ention" + ], + [ + "▁conven", + "tion" + ], + [ + "▁convent", + "ion" + ], + [ + "▁s", + "cala" + ], + [ + "▁sc", + "ala" + ], + [ + "▁scal", + "a" + ], + [ + "▁", + "scala" + ], + [ + "со", + "к" + ], + [ + "с", + "ок" + ], + [ + "▁an", + "alog" + ], + [ + "▁anal", + "og" + ], + [ + "▁\"", + "+" + ], + [ + "▁", + "\"+" + ], + [ + "ц", + "ю" + ], + [ + "oc", + "c" + ], + [ + "o", + "cc" + ], + [ + "▁l", + "itt" + ], + [ + "▁li", + "tt" + ], + [ + "▁lit", + "t" + ], + [ + "P", + "N" + ], + [ + "▁а", + "ктив" + ], + [ + "▁ак", + "тив" + ], + [ + "att", + "ributes" + ], + [ + "attribute", + "s" + ], + [ + "▁F", + "erd" + ], + [ + "▁Fe", + "rd" + ], + [ + "▁Fer", + "d" + ], + [ + "▁az", + "ure" + ], + [ + "▁", + "azure" + ], + [ + "ș", + "ti" + ], + [ + "ño", + "s" + ], + [ + "ñ", + "os" + ], + [ + "pi", + "ng" + ], + [ + "pin", + "g" + ], + [ + "p", + "ing" + ], + [ + "▁te", + "acher" + ], + [ + "▁teach", + "er" + ], + [ + "▁tea", + "cher" + ], + [ + "}", + "&" + ], + [ + "ip", + "e" + ], + [ + "i", + "pe" + ], + [ + "▁N", + "ob" + ], + [ + "▁No", + "b" + ], + [ + "▁и", + "ма" + ], + [ + "▁им", + "а" + ], + [ + "Bi", + "nd" + ], + [ + "B", + "ind" + ], + [ + "▁mag", + "ic" + ], + [ + "▁Trans", + "port" + ], + [ + "▁", + "Transport" + ], + [ + "ix", + "el" + ], + [ + "▁comp", + "uted" + ], + [ + "▁comput", + "ed" + ], + [ + "▁compute", + "d" + ], + [ + "ag", + "na" + ], + [ + "agn", + "a" + ], + [ + "er", + "st" + ], + [ + "ers", + "t" + ], + [ + "H", + "A" + ], + [ + "W", + "ait" + ], + [ + "▁author", + "s" + ], + [ + "▁auth", + "ors" + ], + [ + "▁;", + ")" + ], + [ + "cl", + "am" + ], + [ + "cla", + "m" + ], + [ + "c", + "lam" + ], + [ + "▁Pen", + "nsylvan" + ], + [ + "▁d", + "rug" + ], + [ + "▁dr", + "ug" + ], + [ + "▁dru", + "g" + ], + [ + "▁v", + "ain" + ], + [ + "▁va", + "in" + ], + [ + "▁employ", + "ed" + ], + [ + "▁individ", + "uals" + ], + [ + "▁individual", + "s" + ], + [ + "▁an", + "ge" + ], + [ + "▁ang", + "e" + ], + [ + "▁", + "ange" + ], + [ + "ut", + "at" + ], + [ + "uta", + "t" + ], + [ + "u", + "tat" + ], + [ + "▁$", + "-" + ], + [ + "▁", + "$-" + ], + [ + "cor", + "rect" + ], + [ + "corr", + "ect" + ], + [ + "▁exper", + "iments" + ], + [ + "▁experiment", + "s" + ], + [ + "Arg", + "ument" + ], + [ + "▁I", + "B" + ], + [ + "▁", + "IB" + ], + [ + "▁p", + "ère" + ], + [ + "▁B", + "rian" + ], + [ + "▁Br", + "ian" + ], + [ + "ber", + "ger" + ], + [ + "berg", + "er" + ], + [ + "Ma", + "c" + ], + [ + "M", + "ac" + ], + [ + "ia", + "st" + ], + [ + "ias", + "t" + ], + [ + "i", + "ast" + ], + [ + "Per", + "m" + ], + [ + "Pe", + "rm" + ], + [ + "P", + "erm" + ], + [ + "Ca", + "st" + ], + [ + "C", + "ast" + ], + [ + "▁{", + "};" + ], + [ + "▁{}", + ";" + ], + [ + "▁St", + "udent" + ], + [ + "▁Stud", + "ent" + ], + [ + "▁Stu", + "dent" + ], + [ + "▁", + "Student" + ], + [ + "▁st", + "att" + ], + [ + "▁stat", + "t" + ], + [ + "▁sta", + "tt" + ], + [ + "al", + "gebra" + ], + [ + "▁equ", + "als" + ], + [ + "▁equal", + "s" + ], + [ + "▁eq", + "uals" + ], + [ + "▁", + "equals" + ], + [ + "▁pro", + "jet" + ], + [ + "▁prés", + "ident" + ], + [ + "Activity", + "Thread" + ], + [ + "▁ein", + "z" + ], + [ + "en", + "ia" + ], + [ + "eni", + "a" + ], + [ + "e", + "nia" + ], + [ + "re", + "z" + ], + [ + "r", + "ez" + ], + [ + "ess", + "ional" + ], + [ + "ession", + "al" + ], + [ + "▁авгу", + "ста" + ], + [ + "over", + "ride" + ], + [ + "ne", + "ws" + ], + [ + "new", + "s" + ], + [ + "▁pla", + "net" + ], + [ + "▁plan", + "et" + ], + [ + "▁plane", + "t" + ], + [ + "n", + "n" + ], + [ + "▁W", + "is" + ], + [ + "▁Wi", + "s" + ], + [ + "тв", + "ер" + ], + [ + "т", + "вер" + ], + [ + "▁Val", + "id" + ], + [ + "▁", + "Valid" + ], + [ + "▁G", + "ef" + ], + [ + "▁Ge", + "f" + ], + [ + "гра", + "д" + ], + [ + "▁e", + "ig" + ], + [ + "an", + "tom" + ], + [ + "ant", + "om" + ], + [ + "anto", + "m" + ], + [ + "▁Me", + "ister" + ], + [ + "fl", + "ags" + ], + [ + "flag", + "s" + ], + [ + "ffic", + "iale" + ], + [ + "fficial", + "e" + ], + [ + "ша", + "я" + ], + [ + "-", + "," + ], + [ + "at", + "ionen" + ], + [ + "ation", + "en" + ], + [ + "ati", + "onen" + ], + [ + "atio", + "nen" + ], + [ + "mo", + "use" + ], + [ + "m", + "ouse" + ], + [ + "stand", + "ard" + ], + [ + "Sing", + "le" + ], + [ + "▁b", + "ol" + ], + [ + "▁bo", + "l" + ], + [ + "▁", + "bol" + ], + [ + "is", + "is" + ], + [ + "isi", + "s" + ], + [ + "▁f", + "ruit" + ], + [ + "▁fr", + "uit" + ], + [ + "c", + "ourse" + ], + [ + "it", + "ants" + ], + [ + "itan", + "ts" + ], + [ + "▁é", + "taient" + ], + [ + "▁ét", + "aient" + ], + [ + "Text", + "Field" + ], + [ + "▁ф", + "он" + ], + [ + "▁фо", + "н" + ], + [ + "▁a", + "ircraft" + ], + [ + "▁air", + "craft" + ], + [ + "▁I", + "SSN" + ], + [ + "▁IS", + "SN" + ], + [ + "▁west", + "ern" + ], + [ + "▁", + "western" + ], + [ + "▁represent", + "ing" + ], + [ + "Es", + "p" + ], + [ + "E", + "sp" + ], + [ + "▁El", + "se" + ], + [ + "▁Els", + "e" + ], + [ + "▁", + "Else" + ], + [ + "▁s", + "izes" + ], + [ + "▁si", + "zes" + ], + [ + "▁size", + "s" + ], + [ + "▁satisf", + "ied" + ], + [ + "ot", + "os" + ], + [ + "oto", + "s" + ], + [ + "U", + "D" + ], + [ + "Fin", + "al" + ], + [ + "Fi", + "nal" + ], + [ + "F", + "inal" + ], + [ + "ó", + "j" + ], + [ + "è", + "ve" + ], + [ + "▁R", + "oy" + ], + [ + "▁Ro", + "y" + ], + [ + "ff", + "en" + ], + [ + "ffe", + "n" + ], + [ + "f", + "fen" + ], + [ + "▁s", + "alt" + ], + [ + "▁sa", + "lt" + ], + [ + "▁sal", + "t" + ], + [ + "▁L", + "abel" + ], + [ + "▁La", + "bel" + ], + [ + "▁Lab", + "el" + ], + [ + "▁", + "Label" + ], + [ + "S", + "k" + ], + [ + "▁к", + "ре" + ], + [ + "▁", + "кре" + ], + [ + "▁Ли", + "тература" + ], + [ + "▁с", + "м" + ], + [ + "Att", + "ributes" + ], + [ + "Attribute", + "s" + ], + [ + "ay", + "e" + ], + [ + "a", + "ye" + ], + [ + "сь", + "к" + ], + [ + "▁вы", + "со" + ], + [ + "-", + ")" + ], + [ + "os", + "es" + ], + [ + "ose", + "s" + ], + [ + "cal", + "cul" + ], + [ + "calc", + "ul" + ], + [ + "▁C", + "annot" + ], + [ + "▁Can", + "not" + ], + [ + "▁", + "Cannot" + ], + [ + "Gener", + "ic" + ], + [ + "em", + "o" + ], + [ + "e", + "mo" + ], + [ + "▁A", + "utor" + ], + [ + "▁Aut", + "or" + ], + [ + "▁Au", + "tor" + ], + [ + "▁Auto", + "r" + ], + [ + "лё", + "н" + ], + [ + "л", + "ён" + ], + [ + "ла", + "га" + ], + [ + "vo", + "te" + ], + [ + "v", + "ote" + ], + [ + "lic", + "ates" + ], + [ + "licate", + "s" + ], + [ + "lica", + "tes" + ], + [ + "ru", + "s" + ], + [ + "r", + "us" + ], + [ + "él", + "i" + ], + [ + "é", + "li" + ], + [ + "op", + "f" + ], + [ + "o", + "pf" + ], + [ + "at", + "ique" + ], + [ + "ati", + "que" + ], + [ + "sc", + "ala" + ], + [ + "scal", + "a" + ], + [ + "s", + "cala" + ], + [ + "▁Oh", + "io" + ], + [ + "▁Brit", + "ann" + ], + [ + "▁b", + "ef" + ], + [ + "▁be", + "f" + ], + [ + "▁Е", + "вро" + ], + [ + "▁Ев", + "ро" + ], + [ + "▁Care", + "er" + ], + [ + "is", + "ée" + ], + [ + "isé", + "e" + ], + [ + "ó", + "t" + ], + [ + "bo", + "se" + ], + [ + "bos", + "e" + ], + [ + "b", + "ose" + ], + [ + "▁Б", + "ер" + ], + [ + "▁Бе", + "р" + ], + [ + "▁Cont", + "roller" + ], + [ + "▁Control", + "ler" + ], + [ + "▁", + "Controller" + ], + [ + "po", + "le" + ], + [ + "pol", + "e" + ], + [ + "p", + "ole" + ], + [ + "▁al", + "len" + ], + [ + "▁all", + "en" + ], + [ + "▁alle", + "n" + ], + [ + "▁", + "allen" + ], + [ + "▁h", + "ack" + ], + [ + "▁ha", + "ck" + ], + [ + "▁ext", + "ent" + ], + [ + "▁cal", + "ci" + ], + [ + "▁calc", + "i" + ], + [ + "Me", + "r" + ], + [ + "M", + "er" + ], + [ + "▁sum", + "mary" + ], + [ + "▁summar", + "y" + ], + [ + "▁summ", + "ary" + ], + [ + "▁", + "summary" + ], + [ + "Mar", + "t" + ], + [ + "Ma", + "rt" + ], + [ + "M", + "art" + ], + [ + "▁histor", + "ical" + ], + [ + "▁historic", + "al" + ], + [ + "im", + "at" + ], + [ + "ima", + "t" + ], + [ + "i", + "mat" + ], + [ + "bu", + "d" + ], + [ + "b", + "ud" + ], + [ + "▁F", + "OR" + ], + [ + "▁FO", + "R" + ], + [ + "▁", + "FOR" + ], + [ + "ex", + "port" + ], + [ + "exp", + "ort" + ], + [ + "ed", + "i" + ], + [ + "e", + "di" + ], + [ + "Map", + "ping" + ], + [ + "Mapp", + "ing" + ], + [ + "Ma", + "pping" + ], + [ + "M", + "apping" + ], + [ + "▁A", + "y" + ], + [ + "▁R", + "uby" + ], + [ + "▁Ru", + "by" + ], + [ + "▁Rub", + "y" + ], + [ + "▁definition", + "s" + ], + [ + "▁defin", + "itions" + ], + [ + "▁definit", + "ions" + ], + [ + "▁{", + "$" + ], + [ + "▁", + "{$" + ], + [ + "▁y", + "ours" + ], + [ + "▁you", + "rs" + ], + [ + "▁your", + "s" + ], + [ + "▁yo", + "urs" + ], + [ + "ri", + "as" + ], + [ + "ria", + "s" + ], + [ + "r", + "ias" + ], + [ + "To", + "uch" + ], + [ + "T", + "ouch" + ], + [ + "▁G", + "az" + ], + [ + "▁Ga", + "z" + ], + [ + "▁Aut", + "om" + ], + [ + "▁Au", + "tom" + ], + [ + "▁Auto", + "m" + ], + [ + "▁", + "Autom" + ], + [ + "▁и", + "стори" + ], + [ + "▁исто", + "ри" + ], + [ + "▁ис", + "тори" + ], + [ + "▁d", + "elen" + ], + [ + "▁de", + "len" + ], + [ + "▁del", + "en" + ], + [ + "▁K", + "inder" + ], + [ + "▁Kind", + "er" + ], + [ + "▁Ki", + "nder" + ], + [ + "▁Kin", + "der" + ], + [ + "}}", + "%" + ], + [ + "}", + "}%" + ], + [ + "▁perform", + "ing" + ], + [ + "F", + "R" + ], + [ + "▁S", + "ig" + ], + [ + "▁Si", + "g" + ], + [ + "▁B", + "rad" + ], + [ + "▁Br", + "ad" + ], + [ + "▁Bra", + "d" + ], + [ + "br", + "as" + ], + [ + "bra", + "s" + ], + [ + "b", + "ras" + ], + [ + "▁J", + "ar" + ], + [ + "▁Ja", + "r" + ], + [ + "pk", + "g" + ], + [ + "p", + "kg" + ], + [ + "w", + "r" + ], + [ + "▁P", + "ays" + ], + [ + "▁Pa", + "ys" + ], + [ + "▁Pay", + "s" + ], + [ + "N", + "C" + ], + [ + "▁op", + "posed" + ], + [ + "▁opp", + "osed" + ], + [ + "▁oppos", + "ed" + ], + [ + "Tr", + "y" + ], + [ + "T", + "ry" + ], + [ + "▁ве", + "зе" + ], + [ + "▁B", + "og" + ], + [ + "▁Bo", + "g" + ], + [ + "▁writ", + "es" + ], + [ + "▁wr", + "ites" + ], + [ + "▁write", + "s" + ], + [ + "▁st", + "ories" + ], + [ + "▁stor", + "ies" + ], + [ + "▁sto", + "ries" + ], + [ + "▁m", + "ater" + ], + [ + "▁ma", + "ter" + ], + [ + "▁mat", + "er" + ], + [ + "▁mate", + "r" + ], + [ + "▁stag", + "ione" + ], + [ + "▁s", + "ty" + ], + [ + "▁st", + "y" + ], + [ + "▁", + "sty" + ], + [ + "▁compat", + "ible" + ], + [ + "▁", + "compatible" + ], + [ + "he", + "ast" + ], + [ + "h", + "east" + ], + [ + "▁G", + "uy" + ], + [ + "▁Gu", + "y" + ], + [ + "egr", + "ünd" + ], + [ + "▁ident", + "ifier" + ], + [ + "▁", + "identifier" + ], + [ + "▁he", + "ads" + ], + [ + "▁head", + "s" + ], + [ + "по", + "зи" + ], + [ + "▁st", + "up" + ], + [ + "▁t", + "f" + ], + [ + "▁", + "tf" + ], + [ + "▁ј", + "ош" + ], + [ + "▁H", + "ugh" + ], + [ + "▁Hu", + "gh" + ], + [ + "▁c", + "ards" + ], + [ + "▁car", + "ds" + ], + [ + "▁card", + "s" + ], + [ + "▁", + "cards" + ], + [ + "ov", + "y" + ], + [ + "o", + "vy" + ], + [ + "▁To", + "ast" + ], + [ + "al", + "las" + ], + [ + "all", + "as" + ], + [ + "alla", + "s" + ], + [ + "▁p", + "úblic" + ], + [ + "▁ass", + "umes" + ], + [ + "▁assum", + "es" + ], + [ + "▁assume", + "s" + ], + [ + "▁чемпи", + "она" + ], + [ + "yc", + "ler" + ], + [ + "ycle", + "r" + ], + [ + "y", + "cler" + ], + [ + "▁Juni", + "or" + ], + [ + "▁Jun", + "ior" + ], + [ + "▁F", + "ich" + ], + [ + "▁estim", + "ated" + ], + [ + "▁estimate", + "d" + ], + [ + "ze", + "rw" + ], + [ + "zer", + "w" + ], + [ + "di", + "alog" + ], + [ + "dia", + "log" + ], + [ + "d", + "ialog" + ], + [ + "ши", + "н" + ], + [ + "ш", + "ин" + ], + [ + "sh", + "ell" + ], + [ + "she", + "ll" + ], + [ + "s", + "hell" + ], + [ + "▁н", + "их" + ], + [ + "▁ни", + "х" + ], + [ + "▁", + "них" + ], + [ + "▁p", + "itch" + ], + [ + "▁pit", + "ch" + ], + [ + "до", + "л" + ], + [ + "out", + "ube" + ], + [ + "▁S", + "anti" + ], + [ + "▁San", + "ti" + ], + [ + "▁Sant", + "i" + ], + [ + "On", + "ClickListener" + ], + [ + "▁M", + "agyar" + ], + [ + "▁Mag", + "yar" + ], + [ + "▁v", + "ue" + ], + [ + "▁vu", + "e" + ], + [ + "▁", + "vue" + ], + [ + "i", + "ão" + ], + [ + "▁`", + "#" + ], + [ + "col", + "lect" + ], + [ + "coll", + "ect" + ], + [ + "▁R", + "ou" + ], + [ + "▁Ro", + "u" + ], + [ + "anal", + "ysis" + ], + [ + "istrz", + "ost" + ], + [ + "▁Dig", + "ital" + ], + [ + "▁", + "Digital" + ], + [ + "▁c", + "rist" + ], + [ + "▁cr", + "ist" + ], + [ + "▁cri", + "st" + ], + [ + "ri", + "ere" + ], + [ + "rie", + "re" + ], + [ + "rier", + "e" + ], + [ + "r", + "iere" + ], + [ + "▁cam", + "po" + ], + [ + "▁camp", + "o" + ], + [ + "U", + "s" + ], + [ + "▁circ", + "a" + ], + [ + "▁cir", + "ca" + ], + [ + "▁Com", + "ponent" + ], + [ + "▁", + "Component" + ], + [ + "▁NS", + "String" + ], + [ + "▁", + "NSString" + ], + [ + "p", + "d" + ], + [ + "▁pr", + "ince" + ], + [ + "▁prin", + "ce" + ], + [ + "▁in", + "voke" + ], + [ + "▁inv", + "oke" + ], + [ + "▁", + "invoke" + ], + [ + "▁Mar", + "ine" + ], + [ + "▁Mari", + "ne" + ], + [ + "Al", + "low" + ], + [ + "All", + "ow" + ], + [ + "est", + "ic" + ], + [ + "esti", + "c" + ], + [ + "ри", + "сти" + ], + [ + "рис", + "ти" + ], + [ + "рист", + "и" + ], + [ + "bo", + "ne" + ], + [ + "bon", + "e" + ], + [ + "b", + "one" + ], + [ + "ту", + "ры" + ], + [ + "тур", + "ы" + ], + [ + "▁pass", + "ion" + ], + [ + "ác", + "ió" + ], + [ + "á", + "ció" + ], + [ + "▁o", + "rn" + ], + [ + "▁or", + "n" + ], + [ + "▁", + "orn" + ], + [ + "ве", + "д" + ], + [ + "▁in", + "vari" + ], + [ + "▁inv", + "ari" + ], + [ + "▁н", + "і" + ], + [ + "▁", + "ні" + ], + [ + "Re", + "move" + ], + [ + "Rem", + "ove" + ], + [ + "en", + "cies" + ], + [ + "enc", + "ies" + ], + [ + "enci", + "es" + ], + [ + "il", + "ib" + ], + [ + "ili", + "b" + ], + [ + "i", + "lib" + ], + [ + "▁Direct", + "or" + ], + [ + "▁Dire", + "ctor" + ], + [ + "▁Dir", + "ector" + ], + [ + "\"", + "\"" + ], + [ + "▁Con", + "se" + ], + [ + "▁Cons", + "e" + ], + [ + "google", + "apis" + ], + [ + "ó", + "k" + ], + [ + "▁У", + "кра" + ], + [ + "▁H", + "aving" + ], + [ + "▁Ha", + "ving" + ], + [ + "▁Hav", + "ing" + ], + [ + "Do", + "main" + ], + [ + "Dom", + "ain" + ], + [ + "ie", + "rz" + ], + [ + "ier", + "z" + ], + [ + "но", + "логи" + ], + [ + "н", + "ологи" + ], + [ + "Ch", + "o" + ], + [ + "C", + "ho" + ], + [ + "un", + "defined" + ], + [ + "und", + "efined" + ], + [ + "al", + "loc" + ], + [ + "all", + "oc" + ], + [ + "allo", + "c" + ], + [ + "▁p", + "ied" + ], + [ + "▁pi", + "ed" + ], + [ + "▁pie", + "d" + ], + [ + "▁f", + "raction" + ], + [ + "▁fr", + "action" + ], + [ + "▁fra", + "ction" + ], + [ + "bi", + "a" + ], + [ + "b", + "ia" + ], + [ + "▁п", + "оло" + ], + [ + "▁по", + "ло" + ], + [ + "▁пол", + "о" + ], + [ + "▁", + "поло" + ], + [ + "ug", + "no" + ], + [ + "min", + "ister" + ], + [ + "▁princip", + "ale" + ], + [ + "▁principal", + "e" + ], + [ + "▁ref", + "used" + ], + [ + "▁refuse", + "d" + ], + [ + "brow", + "ser" + ], + [ + "b", + "rowser" + ], + [ + "*", + "," + ], + [ + "▁H", + "ospital" + ], + [ + "▁univers", + "al" + ], + [ + "▁Ern", + "st" + ], + [ + "wh", + "o" + ], + [ + "w", + "ho" + ], + [ + "▁G", + "ard" + ], + [ + "▁Gar", + "d" + ], + [ + "▁Ga", + "rd" + ], + [ + "'", + "_" + ], + [ + "con", + "de" + ], + [ + "co", + "nde" + ], + [ + "cond", + "e" + ], + [ + "c", + "onde" + ], + [ + "▁[", + "{" + ], + [ + "▁", + "[{" + ], + [ + "so", + "b" + ], + [ + "s", + "ob" + ], + [ + "▁C", + "rit" + ], + [ + "▁Cr", + "it" + ], + [ + "▁дека", + "бря" + ], + [ + "▁p", + "unto" + ], + [ + "▁pun", + "to" + ], + [ + "▁punt", + "o" + ], + [ + "▁einges", + "etzt" + ], + [ + "▁t", + "ör" + ], + [ + "▁tö", + "r" + ], + [ + "▁N", + "i" + ], + [ + "▁w", + "orry" + ], + [ + "▁wor", + "ry" + ], + [ + "▁leg", + "end" + ], + [ + "▁", + "legend" + ], + [ + "▁бу", + "ли" + ], + [ + "▁k", + "omm" + ], + [ + "▁kom", + "m" + ], + [ + "▁ko", + "mm" + ], + [ + "ri", + "jk" + ], + [ + "rij", + "k" + ], + [ + "r", + "ijk" + ], + [ + "ef", + "fect" + ], + [ + "eff", + "ect" + ], + [ + "e", + "ffect" + ], + [ + "Or", + "i" + ], + [ + "O", + "ri" + ], + [ + "RE", + "S" + ], + [ + "R", + "ES" + ], + [ + "▁P", + "eters" + ], + [ + "▁Pe", + "ters" + ], + [ + "▁Peter", + "s" + ], + [ + "▁Pet", + "ers" + ], + [ + "▁B", + "aron" + ], + [ + "▁Bar", + "on" + ], + [ + "▁Ba", + "ron" + ], + [ + "▁G", + "ot" + ], + [ + "▁Go", + "t" + ], + [ + "▁hon", + "est" + ], + [ + "▁ho", + "nest" + ], + [ + "är", + "e" + ], + [ + "ä", + "re" + ], + [ + "ás", + "z" + ], + [ + "á", + "sz" + ], + [ + "▁no", + "ble" + ], + [ + "▁nob", + "le" + ], + [ + "▁con", + "clusion" + ], + [ + "▁conclus", + "ion" + ], + [ + "▁concl", + "usion" + ], + [ + "▁form", + "atting" + ], + [ + "▁format", + "ting" + ], + [ + "▁formatt", + "ing" + ], + [ + "▁o", + "tto" + ], + [ + "▁ot", + "to" + ], + [ + "▁ott", + "o" + ], + [ + "▁", + "otto" + ], + [ + "▁de", + "leg" + ], + [ + "▁del", + "eg" + ], + [ + "м", + "б" + ], + [ + "pt", + "op" + ], + [ + "pto", + "p" + ], + [ + "p", + "top" + ], + [ + "▁s", + "ends" + ], + [ + "▁send", + "s" + ], + [ + "▁sen", + "ds" + ], + [ + "ur", + "name" + ], + [ + "urn", + "ame" + ], + [ + "▁f", + "estival" + ], + [ + "▁fest", + "ival" + ], + [ + "▁festiv", + "al" + ], + [ + ",", + "‎" + ], + [ + "ру", + "с" + ], + [ + "р", + "ус" + ], + [ + "▁d", + "och" + ], + [ + "▁do", + "ch" + ], + [ + "▁doc", + "h" + ], + [ + "sub", + "ject" + ], + [ + "su", + "bject" + ], + [ + "▁care", + "ful" + ], + [ + "qu", + "ent" + ], + [ + "que", + "nt" + ], + [ + "q", + "uent" + ], + [ + "▁Lo", + "ad" + ], + [ + "▁", + "Load" + ], + [ + "temper", + "aturen" + ], + [ + "▁r", + "ue" + ], + [ + "▁ru", + "e" + ], + [ + "Mem", + "ory" + ], + [ + "ț", + "a" + ], + [ + "ion", + "a" + ], + [ + "io", + "na" + ], + [ + "i", + "ona" + ], + [ + "▁dent", + "ro" + ], + [ + "▁beg", + "ann" + ], + [ + "▁began", + "n" + ], + [ + "▁A", + "qu" + ], + [ + "▁scient", + "ific" + ], + [ + "ka", + "ń" + ], + [ + "ло", + "к" + ], + [ + "л", + "ок" + ], + [ + "el", + "de" + ], + [ + "eld", + "e" + ], + [ + "▁Th", + "ose" + ], + [ + "qu", + "ier" + ], + [ + "qui", + "er" + ], + [ + "act", + "ér" + ], + [ + "▁Auf", + "lage" + ], + [ + ")", + "'" + ], + [ + "▁grad", + "ient" + ], + [ + "▁", + "gradient" + ], + [ + "in", + "teger" + ], + [ + "inte", + "ger" + ], + [ + "▁Im", + "port" + ], + [ + "▁Imp", + "ort" + ], + [ + "▁", + "Import" + ], + [ + "S", + "K" + ], + [ + "▁St", + "atus" + ], + [ + "▁Stat", + "us" + ], + [ + "▁", + "Status" + ], + [ + "▁exp", + "lo" + ], + [ + "▁expl", + "o" + ], + [ + "A", + "E" + ], + [ + "Sh", + "ell" + ], + [ + "She", + "ll" + ], + [ + "S", + "hell" + ], + [ + "▁Pa", + "ulo" + ], + [ + "▁Paul", + "o" + ], + [ + ".", + "»" + ], + [ + "}", + "", + "'" + ], + [ + "hav", + "ior" + ], + [ + "le", + "i" + ], + [ + "l", + "ei" + ], + [ + "ul", + "f" + ], + [ + "▁ge", + "ometry" + ], + [ + "▁geom", + "etry" + ], + [ + "▁geomet", + "ry" + ], + [ + "▁", + "geometry" + ], + [ + "pr", + "ev" + ], + [ + "pre", + "v" + ], + [ + "p", + "rev" + ], + [ + "em", + "pl" + ], + [ + "emp", + "l" + ], + [ + "▁L", + "é" + ], + [ + "an", + "son" + ], + [ + "ans", + "on" + ], + [ + "▁A", + "lice" + ], + [ + "▁Al", + "ice" + ], + [ + "▁Ali", + "ce" + ], + [ + "pro", + "totype" + ], + [ + "proto", + "type" + ], + [ + "RE", + "AD" + ], + [ + "ic", + "ular" + ], + [ + "icul", + "ar" + ], + [ + "i", + "cular" + ], + [ + "▁б", + "і" + ], + [ + "▁", + "бі" + ], + [ + "▁deutsch", + "e" + ], + [ + "▁Re", + "present" + ], + [ + "si", + "tes" + ], + [ + "site", + "s" + ], + [ + "s", + "ites" + ], + [ + "▁Me", + "an" + ], + [ + "▁d", + "iss" + ], + [ + "▁di", + "ss" + ], + [ + "▁dis", + "s" + ], + [ + "▁Z", + "ur" + ], + [ + "▁Zu", + "r" + ], + [ + "▁п", + "рез" + ], + [ + "▁пре", + "з" + ], + [ + "▁пр", + "ез" + ], + [ + "PA", + "R" + ], + [ + "P", + "AR" + ], + [ + "▁'", + "#" + ], + [ + "▁D", + "ra" + ], + [ + "▁Dr", + "a" + ], + [ + "▁", + "Dra" + ], + [ + "со", + "н" + ], + [ + "с", + "он" + ], + [ + "▁ste", + "ht" + ], + [ + "mar", + "kt" + ], + [ + "mark", + "t" + ], + [ + "▁e", + "ase" + ], + [ + "▁eas", + "e" + ], + [ + "Draw", + "ing" + ], + [ + "Dra", + "wing" + ], + [ + "=", + "%" + ], + [ + "St", + "op" + ], + [ + "Sto", + "p" + ], + [ + "S", + "top" + ], + [ + "▁s", + "erving" + ], + [ + "▁ser", + "ving" + ], + [ + "▁serv", + "ing" + ], + [ + "▁servi", + "ng" + ], + [ + "▁tak", + "że" + ], + [ + "▁D", + "NS" + ], + [ + "▁liter", + "al" + ], + [ + "▁lit", + "eral" + ], + [ + "Di", + "e" + ], + [ + "D", + "ie" + ], + [ + "▁в", + "ос" + ], + [ + "▁во", + "с" + ], + [ + "▁sen", + "ior" + ], + [ + "ac", + "ion" + ], + [ + "aci", + "on" + ], + [ + "a", + "cion" + ], + [ + "▁u", + "buntu" + ], + [ + "▁ub", + "untu" + ], + [ + "▁", + "ubuntu" + ], + [ + "▁Frank", + "furt" + ], + [ + "▁Sun", + "day" + ], + [ + "▁Sund", + "ay" + ], + [ + "á", + "b" + ], + [ + "▁jour", + "ney" + ], + [ + "▁journ", + "ey" + ], + [ + "is", + "sa" + ], + [ + "iss", + "a" + ], + [ + "ber", + "ry" + ], + [ + "▁s", + "ep" + ], + [ + "▁se", + "p" + ], + [ + "▁", + "sep" + ], + [ + "▁i", + "on" + ], + [ + "▁io", + "n" + ], + [ + "▁", + "ion" + ], + [ + "wer", + "t" + ], + [ + "we", + "rt" + ], + [ + "w", + "ert" + ], + [ + "or", + "szág" + ], + [ + "orsz", + "ág" + ], + [ + "ser", + "ve" + ], + [ + "serv", + "e" + ], + [ + "s", + "erve" + ], + [ + "▁Mil", + "ano" + ], + [ + "▁Milan", + "o" + ], + [ + "▁ве", + "ка" + ], + [ + "ра", + "х" + ], + [ + "▁ию", + "ля" + ], + [ + "▁man", + "era" + ], + [ + "▁st", + "ations" + ], + [ + "▁stat", + "ions" + ], + [ + "▁station", + "s" + ], + [ + "▁stati", + "ons" + ], + [ + "▁adopt", + "ed" + ], + [ + "▁any", + "body" + ], + [ + "VER", + "SION" + ], + [ + "F", + "E" + ], + [ + "do", + "rf" + ], + [ + "dor", + "f" + ], + [ + "d", + "orf" + ], + [ + "..", + ".," + ], + [ + "...", + "," + ], + [ + "▁обра", + "зова" + ], + [ + "▁образ", + "ова" + ], + [ + "Log", + "ger" + ], + [ + "фи", + "циаль" + ], + [ + "фици", + "аль" + ], + [ + "WR", + "ITE" + ], + [ + "▁h", + "am" + ], + [ + "▁ha", + "m" + ], + [ + "▁", + "ham" + ], + [ + "▁F", + "uture" + ], + [ + "▁Fut", + "ure" + ], + [ + "▁", + "Future" + ], + [ + "ot", + "en" + ], + [ + "ote", + "n" + ], + [ + "o", + "ten" + ], + [ + "▁A", + "G" + ], + [ + "▁", + "AG" + ], + [ + "▁t", + "rained" + ], + [ + "▁tr", + "ained" + ], + [ + "▁tra", + "ined" + ], + [ + "▁train", + "ed" + ], + [ + "▁N", + "ich" + ], + [ + "▁Nic", + "h" + ], + [ + "▁Ni", + "ch" + ], + [ + "▁un", + "iversity" + ], + [ + "▁univers", + "ity" + ], + [ + "▁Olymp", + "ics" + ], + [ + "▁Olympic", + "s" + ], + [ + "▁d", + "oit" + ], + [ + "▁do", + "it" + ], + [ + "▁doi", + "t" + ], + [ + "▁cult", + "ural" + ], + [ + "▁cultura", + "l" + ], + [ + "Con", + "f" + ], + [ + "▁Con", + "ference" + ], + [ + "or", + "no" + ], + [ + "orn", + "o" + ], + [ + "▁M", + "P" + ], + [ + "▁", + "MP" + ], + [ + "▁b", + "ou" + ], + [ + "▁bo", + "u" + ], + [ + "ci", + "n" + ], + [ + "c", + "in" + ], + [ + "Hi", + "gh" + ], + [ + "H", + "igh" + ], + [ + "ann", + "te" + ], + [ + "annt", + "e" + ], + [ + "▁display", + "ing" + ], + [ + "▁ch", + "apter" + ], + [ + "▁chap", + "ter" + ], + [ + "▁", + "chapter" + ], + [ + "▁Fra", + "uen" + ], + [ + "▁Frau", + "en" + ], + [ + "▁real", + "ized" + ], + [ + "▁realiz", + "ed" + ], + [ + "▁realize", + "d" + ], + [ + "▁attempt", + "ed" + ], + [ + "▁pre", + "ferred" + ], + [ + "▁prefer", + "red" + ], + [ + "Da", + "t" + ], + [ + "D", + "at" + ], + [ + "▁tr", + "ouve" + ], + [ + "▁tro", + "uve" + ], + [ + "▁trou", + "ve" + ], + [ + "▁trouv", + "e" + ], + [ + "▁int", + "ention" + ], + [ + "▁intent", + "ion" + ], + [ + "▁inten", + "tion" + ], + [ + "▁Not", + "ice" + ], + [ + "tim", + "estamp" + ], + [ + "*", + "(" + ], + [ + "▁Ш", + "а" + ], + [ + "an", + "as" + ], + [ + "ana", + "s" + ], + [ + "a", + "nas" + ], + [ + "cl", + "a" + ], + [ + "c", + "la" + ], + [ + "is", + "z" + ], + [ + "i", + "sz" + ], + [ + "tb", + "l" + ], + [ + "t", + "bl" + ], + [ + "Ar", + "r" + ], + [ + "A", + "rr" + ], + [ + "▁in", + "verse" + ], + [ + "▁ter", + "rible" + ], + [ + "▁occup", + "ied" + ], + [ + "J", + "AX" + ], + [ + "<", + "-" + ], + [ + "▁Phil", + "osoph" + ], + [ + "▁Cor", + "ps" + ], + [ + "bu", + "ilder" + ], + [ + "build", + "er" + ], + [ + "▁beg", + "ins" + ], + [ + "▁begin", + "s" + ], + [ + "▁c", + "ensus" + ], + [ + "▁cens", + "us" + ], + [ + ".", + "’" + ], + [ + "▁pro", + "ven" + ], + [ + "▁pr", + "oven" + ], + [ + "▁prov", + "en" + ], + [ + "▁prove", + "n" + ], + [ + "met", + "ric" + ], + [ + "▁incre", + "ases" + ], + [ + "▁increase", + "s" + ], + [ + "wi", + "ch" + ], + [ + "w", + "ich" + ], + [ + "▁A", + "BC" + ], + [ + "▁AB", + "C" + ], + [ + "▁", + "ABC" + ], + [ + "project", + "s" + ], + [ + "▁T", + "hor" + ], + [ + "▁Th", + "or" + ], + [ + "▁conf", + "idence" + ], + [ + "▁u", + "fficiale" + ], + [ + "el", + "m" + ], + [ + "e", + "lm" + ], + [ + "▁g", + "arden" + ], + [ + "▁gar", + "den" + ], + [ + "▁gard", + "en" + ], + [ + "▁rob", + "ust" + ], + [ + "▁cos", + "ì" + ], + [ + "ie", + "dz" + ], + [ + "ied", + "z" + ], + [ + "▁Is", + "lam" + ], + [ + "▁Add", + "ress" + ], + [ + "▁", + "Address" + ], + [ + "▁div", + "ide" + ], + [ + "▁divid", + "e" + ], + [ + "▁E", + "u" + ], + [ + "ca", + "tal" + ], + [ + "cat", + "al" + ], + [ + "c", + "atal" + ], + [ + "de", + "tail" + ], + [ + "det", + "ail" + ], + [ + "ep", + "endant" + ], + [ + "f", + "g" + ], + [ + "▁b", + "ew" + ], + [ + "▁be", + "w" + ], + [ + "▁", + "bew" + ], + [ + "▁f", + "is" + ], + [ + "▁fi", + "s" + ], + [ + "▁B", + "O" + ], + [ + "▁", + "BO" + ], + [ + "▁w", + "sp" + ], + [ + "▁ws", + "p" + ], + [ + "▁p", + "ipeline" + ], + [ + "▁pip", + "eline" + ], + [ + "▁pipe", + "line" + ], + [ + "h", + "d" + ], + [ + "▁S", + "ession" + ], + [ + "▁", + "Session" + ], + [ + "lä", + "nd" + ], + [ + "l", + "änd" + ], + [ + "iv", + "eau" + ], + [ + "ive", + "au" + ], + [ + "es", + "tr" + ], + [ + "est", + "r" + ], + [ + "e", + "str" + ], + [ + "▁p", + "article" + ], + [ + "▁part", + "icle" + ], + [ + "▁partic", + "le" + ], + [ + "▁parti", + "cle" + ], + [ + "▁lar", + "avel" + ], + [ + "▁", + "laravel" + ], + [ + "pi", + "c" + ], + [ + "p", + "ic" + ], + [ + "▁n", + "au" + ], + [ + "▁na", + "u" + ], + [ + "▁f", + "ins" + ], + [ + "▁fin", + "s" + ], + [ + "▁fi", + "ns" + ], + [ + "▁V", + "il" + ], + [ + "▁Vi", + "l" + ], + [ + "▁f", + "us" + ], + [ + "▁fu", + "s" + ], + [ + "▁qu", + "asi" + ], + [ + "oper", + "ation" + ], + [ + "opera", + "tion" + ], + [ + "▁al", + "ler" + ], + [ + "▁all", + "er" + ], + [ + "▁alle", + "r" + ], + [ + "▁", + "aller" + ], + [ + "▁an", + "aly" + ], + [ + "▁anal", + "y" + ], + [ + "▁", + "analy" + ], + [ + "▁О", + "н" + ], + [ + "▁M", + "es" + ], + [ + "▁Me", + "s" + ], + [ + "▁о", + "пера" + ], + [ + "▁оп", + "ера" + ], + [ + "▁hand", + "led" + ], + [ + "▁handle", + "d" + ], + [ + "▁de", + "prec" + ], + [ + "▁dep", + "rec" + ], + [ + "tt", + "o" + ], + [ + "t", + "to" + ], + [ + "▁E", + "k" + ], + [ + "▁st", + "ran" + ], + [ + "▁str", + "an" + ], + [ + "▁stra", + "n" + ], + [ + "▁ang", + "lais" + ], + [ + "ju", + "re" + ], + [ + "j", + "ure" + ], + [ + "▁Sil", + "ver" + ], + [ + "▁close", + "ly" + ], + [ + "▁clos", + "ely" + ], + [ + "en", + "kins" + ], + [ + "enk", + "ins" + ], + [ + "an", + "os" + ], + [ + "ano", + "s" + ], + [ + "a", + "nos" + ], + [ + "st", + "ed" + ], + [ + "ste", + "d" + ], + [ + "s", + "ted" + ], + [ + "▁сент", + "ября" + ], + [ + "br", + "and" + ], + [ + "bra", + "nd" + ], + [ + "b", + "rand" + ], + [ + "нь", + "о" + ], + [ + "▁prés", + "ent" + ], + [ + "▁pré", + "sent" + ], + [ + "ro", + "k" + ], + [ + "r", + "ok" + ], + [ + "mo", + "unt" + ], + [ + "m", + "ount" + ], + [ + "▁Anth", + "ony" + ], + [ + "▁Further", + "more" + ], + [ + "in", + "ha" + ], + [ + "▁ар", + "хи" + ], + [ + "▁раз", + "ли" + ], + [ + "▁окт", + "ября" + ], + [ + "▁p", + "int" + ], + [ + "▁pi", + "nt" + ], + [ + "▁pin", + "t" + ], + [ + "n", + "ý" + ], + [ + "pt", + "s" + ], + [ + "p", + "ts" + ], + [ + "▁ital", + "ien" + ], + [ + "▁ре", + "ги" + ], + [ + "ле", + "з" + ], + [ + "л", + "ез" + ], + [ + "ди", + "на" + ], + [ + "дин", + "а" + ], + [ + "ather", + "ine" + ], + [ + "In", + "ternal" + ], + [ + "Int", + "ernal" + ], + [ + "Inter", + "nal" + ], + [ + "Intern", + "al" + ], + [ + "Qu", + "estion" + ], + [ + "▁sett", + "lement" + ], + [ + "▁В", + "се" + ], + [ + "▁fol", + "ders" + ], + [ + "▁folder", + "s" + ], + [ + "д", + "ри" + ], + [ + "▁val", + "or" + ], + [ + "▁va", + "lor" + ], + [ + "▁M", + "iller" + ], + [ + "▁Mil", + "ler" + ], + [ + "▁Mill", + "er" + ], + [ + "▁As", + "sert" + ], + [ + "▁Ass", + "ert" + ], + [ + "▁", + "Assert" + ], + [ + "▁pat", + "ient" + ], + [ + "▁N", + "ieder" + ], + [ + "▁Ni", + "eder" + ], + [ + "▁Nie", + "der" + ], + [ + "▁Nied", + "er" + ], + [ + "▁E", + "P" + ], + [ + "▁", + "EP" + ], + [ + "▁A", + "gr" + ], + [ + "▁Ag", + "r" + ], + [ + "▁o", + "nde" + ], + [ + "▁on", + "de" + ], + [ + "▁", + "onde" + ], + [ + "▁s", + "cop" + ], + [ + "▁sc", + "op" + ], + [ + "▁", + "scop" + ], + [ + "se", + "quence" + ], + [ + "sequ", + "ence" + ], + [ + "▁P", + "L" + ], + [ + "▁", + "PL" + ], + [ + "▁se", + "ek" + ], + [ + "▁see", + "k" + ], + [ + "java", + "se" + ], + [ + "jav", + "ase" + ], + [ + "▁V", + "ector" + ], + [ + "▁Ve", + "ctor" + ], + [ + "▁Vec", + "tor" + ], + [ + "▁", + "Vector" + ], + [ + "▁n", + "á" + ], + [ + "▁", + "ná" + ], + [ + "▁categor", + "ía" + ], + [ + "cl", + "one" + ], + [ + "clo", + "ne" + ], + [ + "N", + "R" + ], + [ + "av", + "ailable" + ], + [ + "▁B", + "esch" + ], + [ + "▁Be", + "sch" + ], + [ + "▁Bes", + "ch" + ], + [ + "▁e", + "clipse" + ], + [ + "▁ec", + "lipse" + ], + [ + "▁", + "eclipse" + ], + [ + "wick", + "lung" + ], + [ + "dep", + "loy" + ], + [ + "en", + "ie" + ], + [ + "eni", + "e" + ], + [ + "e", + "nie" + ], + [ + "▁\"", + ")" + ], + [ + "▁", + "\")" + ], + [ + "äs", + "t" + ], + [ + "ä", + "st" + ], + [ + "▁s", + "ync" + ], + [ + "▁syn", + "c" + ], + [ + "▁sy", + "nc" + ], + [ + "▁", + "sync" + ], + [ + "CO", + "DE" + ], + [ + "▁Ч", + "е" + ], + [ + "▁flo", + "ating" + ], + [ + "▁float", + "ing" + ], + [ + "/", + "`" + ], + [ + "▁ret", + "ired" + ], + [ + "▁retir", + "ed" + ], + [ + "de", + "b" + ], + [ + "d", + "eb" + ], + [ + "▁part", + "icul" + ], + [ + "▁partic", + "ul" + ], + [ + "▁parti", + "cul" + ], + [ + "▁coll", + "ected" + ], + [ + "▁collect", + "ed" + ], + [ + "▁colle", + "cted" + ], + [ + "▁down", + "loaded" + ], + [ + "▁download", + "ed" + ], + [ + "ni", + "ce" + ], + [ + "nic", + "e" + ], + [ + "n", + "ice" + ], + [ + "▁B", + "uffer" + ], + [ + "▁Buff", + "er" + ], + [ + "▁", + "Buffer" + ], + [ + "▁Acc", + "ount" + ], + [ + "▁Ac", + "count" + ], + [ + "▁", + "Account" + ], + [ + "▁m", + "aggio" + ], + [ + "▁mag", + "gio" + ], + [ + "▁ре", + "да" + ], + [ + "▁ред", + "а" + ], + [ + "▁s", + "ales" + ], + [ + "▁sa", + "les" + ], + [ + "▁sal", + "es" + ], + [ + "▁sale", + "s" + ], + [ + "▁statunit", + "ense" + ], + [ + "▁K", + "i" + ], + [ + "▁F", + "err" + ], + [ + "▁Fe", + "rr" + ], + [ + "▁Fer", + "r" + ], + [ + "Lo", + "ck" + ], + [ + "Loc", + "k" + ], + [ + "L", + "ock" + ], + [ + "▁Is", + "abel" + ], + [ + "▁Isa", + "bel" + ], + [ + "cl", + "ar" + ], + [ + "cla", + "r" + ], + [ + "c", + "lar" + ], + [ + "▁p", + "ov" + ], + [ + "▁po", + "v" + ], + [ + "at", + "ra" + ], + [ + "atr", + "a" + ], + [ + "a", + "tra" + ], + [ + "▁Fr", + "au" + ], + [ + "▁Fra", + "u" + ], + [ + "▁sort", + "ing" + ], + [ + "▁sor", + "ting" + ], + [ + "▁sorti", + "ng" + ], + [ + "▁phr", + "ase" + ], + [ + "▁апре", + "ля" + ], + [ + "▁дея", + "тель" + ], + [ + "▁And", + "ré" + ], + [ + "def", + "inition" + ], + [ + "defin", + "ition" + ], + [ + "writ", + "ing" + ], + [ + "wr", + "iting" + ], + [ + "ér", + "é" + ], + [ + "é", + "ré" + ], + [ + "щ", + "у" + ], + [ + "▁O", + "rd" + ], + [ + "▁Or", + "d" + ], + [ + "▁", + "Ord" + ], + [ + "▁r", + "um" + ], + [ + "▁ru", + "m" + ], + [ + "▁", + "rum" + ], + [ + "▁T", + "urk" + ], + [ + "▁Tur", + "k" + ], + [ + "▁I", + "van" + ], + [ + "th", + "eless" + ], + [ + "the", + "less" + ], + [ + "▁г", + "и" + ], + [ + "▁", + "ги" + ], + [ + "▁s", + "ake" + ], + [ + "▁sa", + "ke" + ], + [ + "▁B", + "ased" + ], + [ + "▁Bas", + "ed" + ], + [ + "▁Ba", + "sed" + ], + [ + "▁Base", + "d" + ], + [ + "de", + "ck" + ], + [ + "dec", + "k" + ], + [ + "or", + "us" + ], + [ + "oru", + "s" + ], + [ + "o", + "rus" + ], + [ + "▁tut", + "ti" + ], + [ + "▁b", + "lan" + ], + [ + "▁bl", + "an" + ], + [ + "▁bla", + "n" + ], + [ + "▁П", + "у" + ], + [ + "De", + "tail" + ], + [ + "Det", + "ail" + ], + [ + "▁Н", + "о" + ], + [ + "▁S", + "ky" + ], + [ + "▁Sk", + "y" + ], + [ + "▁p", + "rès" + ], + [ + "▁pr", + "ès" + ], + [ + "▁", + "près" + ], + [ + "мо", + "й" + ], + [ + "col", + "n" + ], + [ + "co", + "ln" + ], + [ + "че", + "ской" + ], + [ + "et", + "i" + ], + [ + "e", + "ti" + ], + [ + "▁ar", + "row" + ], + [ + "▁arr", + "ow" + ], + [ + "▁", + "arrow" + ], + [ + "▁C", + "ha" + ], + [ + "▁Ch", + "a" + ], + [ + "ch", + "mark" + ], + [ + "œ", + "ur" + ], + [ + "fa", + "b" + ], + [ + "f", + "ab" + ], + [ + "ку", + "ль" + ], + [ + "Grid", + "View" + ], + [ + "▁Back", + "ground" + ], + [ + "▁", + "Background" + ], + [ + "s", + "n" + ], + [ + "▁segu", + "ito" + ], + [ + "▁n", + "ic" + ], + [ + "▁ni", + "c" + ], + [ + "▁", + "nic" + ], + [ + "co", + "u" + ], + [ + "c", + "ou" + ], + [ + "ті", + "в" + ], + [ + "т", + "ів" + ], + [ + "▁b", + "zw" + ], + [ + "add", + "EventListener" + ], + [ + "syn", + "c" + ], + [ + "s", + "ync" + ], + [ + "az", + "zo" + ], + [ + "azz", + "o" + ], + [ + "ab", + "stract" + ], + [ + "as", + "sets" + ], + [ + "ass", + "ets" + ], + [ + "asse", + "ts" + ], + [ + "asset", + "s" + ], + [ + "▁D", + "ru" + ], + [ + "▁Dr", + "u" + ], + [ + "з", + "д" + ], + [ + "ord", + "net" + ], + [ + "▁b", + "igger" + ], + [ + "▁big", + "ger" + ], + [ + "▁initial", + "ized" + ], + [ + "▁initialize", + "d" + ], + [ + "ка", + "з" + ], + [ + "og", + "ene" + ], + [ + "ogen", + "e" + ], + [ + "oge", + "ne" + ], + [ + "vi", + "ously" + ], + [ + "vious", + "ly" + ], + [ + "v", + "iously" + ], + [ + "▁g", + "uid" + ], + [ + "▁gu", + "id" + ], + [ + "scheid", + "ung" + ], + [ + "▁Z", + "ent" + ], + [ + "▁Ze", + "nt" + ], + [ + "▁fr", + "ames" + ], + [ + "▁frame", + "s" + ], + [ + "▁fra", + "mes" + ], + [ + "▁fram", + "es" + ], + [ + "▁", + "frames" + ], + [ + "ri", + "eben" + ], + [ + "rie", + "ben" + ], + [ + "rieb", + "en" + ], + [ + "r", + "ieben" + ], + [ + "▁iss", + "ued" + ], + [ + "▁issue", + "d" + ], + [ + "▁issu", + "ed" + ], + [ + "▁d", + "ow" + ], + [ + "▁do", + "w" + ], + [ + "▁descri", + "bes" + ], + [ + "▁describe", + "s" + ], + [ + "il", + "st" + ], + [ + "ils", + "t" + ], + [ + "i", + "lst" + ], + [ + "▁c", + "riteria" + ], + [ + "▁crit", + "eria" + ], + [ + "▁criter", + "ia" + ], + [ + "▁gentle", + "man" + ], + [ + "Bas", + "ic" + ], + [ + "ne", + "z" + ], + [ + "n", + "ez" + ], + [ + "De", + "v" + ], + [ + "D", + "ev" + ], + [ + "Mo", + "ve" + ], + [ + "M", + "ove" + ], + [ + "▁est", + "aba" + ], + [ + "▁estab", + "a" + ], + [ + "▁esta", + "ba" + ], + [ + "▁set", + "tembre" + ], + [ + "▁sett", + "embre" + ], + [ + "circ", + "le" + ], + [ + "cir", + "cle" + ], + [ + "▁f", + "ais" + ], + [ + "▁fa", + "is" + ], + [ + "▁m", + "yst" + ], + [ + "▁my", + "st" + ], + [ + "▁arch", + "iv" + ], + [ + "▁", + "archiv" + ], + [ + "d", + "ynamic" + ], + [ + "j", + "à" + ], + [ + "it", + "as" + ], + [ + "ita", + "s" + ], + [ + "▁я", + "кий" + ], + [ + "▁d", + "or" + ], + [ + "▁do", + "r" + ], + [ + "▁", + "dor" + ], + [ + "▁Am", + "azon" + ], + [ + "▁Ama", + "zon" + ], + [ + "▁ne", + "ces" + ], + [ + "▁Mar", + "cel" + ], + [ + "▁Marc", + "el" + ], + [ + "▁e", + "lla" + ], + [ + "▁el", + "la" + ], + [ + "▁ell", + "a" + ], + [ + "▁", + "ella" + ], + [ + "ро", + "к" + ], + [ + "р", + "ок" + ], + [ + "▁Pennsylvan", + "ia" + ], + [ + "cul", + "ar" + ], + [ + "cu", + "lar" + ], + [ + "c", + "ular" + ], + [ + "Pa", + "ck" + ], + [ + "P", + "ack" + ], + [ + "it", + "age" + ], + [ + "ita", + "ge" + ], + [ + "▁B", + "urn" + ], + [ + "▁Bu", + "rn" + ], + [ + "▁Bur", + "n" + ], + [ + "▁R", + "O" + ], + [ + "▁", + "RO" + ], + [ + "▁о", + "ни" + ], + [ + "▁он", + "и" + ], + [ + "▁", + "они" + ], + [ + "~", + "$" + ], + [ + "Te", + "X" + ], + [ + "as", + "sign" + ], + [ + "ass", + "ign" + ], + [ + "▁be", + "at" + ], + [ + "id", + "ense" + ], + [ + "iden", + "se" + ], + [ + "ac", + "ent" + ], + [ + "ace", + "nt" + ], + [ + "a", + "cent" + ], + [ + "Al", + "ert" + ], + [ + "▁str", + "ateg" + ], + [ + "▁strat", + "eg" + ], + [ + "▁mån", + "aden" + ], + [ + "LO", + "C" + ], + [ + "L", + "OC" + ], + [ + "▁c", + "atalog" + ], + [ + "▁cat", + "alog" + ], + [ + "▁catal", + "og" + ], + [ + "▁", + "catalog" + ], + [ + "print", + "StackTrace" + ], + [ + "()", + ")." + ], + [ + "())", + "." + ], + [ + "(", + "))." + ], + [ + "us", + "ted" + ], + [ + "ust", + "ed" + ], + [ + "u", + "sted" + ], + [ + "▁Frame", + "work" + ], + [ + "▁", + "Framework" + ], + [ + "EC", + "K" + ], + [ + "E", + "CK" + ], + [ + "▁a", + "té" + ], + [ + "▁at", + "é" + ], + [ + "Frame", + "work" + ], + [ + "▁att", + "acks" + ], + [ + "▁attack", + "s" + ], + [ + "▁B", + "ert" + ], + [ + "▁Be", + "rt" + ], + [ + "▁Ber", + "t" + ], + [ + "▁т", + "ран" + ], + [ + "▁тра", + "н" + ], + [ + ":", + "%" + ], + [ + "ar", + "si" + ], + [ + "ars", + "i" + ], + [ + "not", + "ation" + ], + [ + "▁log", + "ical" + ], + [ + "▁logic", + "al" + ], + [ + "we", + "et" + ], + [ + "▁vis", + "ited" + ], + [ + "▁visit", + "ed" + ], + [ + "br", + "u" + ], + [ + "b", + "ru" + ], + [ + "▁sur", + "prise" + ], + [ + "▁surpr", + "ise" + ], + [ + "^", + "^" + ], + [ + "in", + "ale" + ], + [ + "inal", + "e" + ], + [ + "ina", + "le" + ], + [ + "rem", + "ote" + ], + [ + "'}", + "," + ], + [ + "'", + "}," + ], + [ + "Syn", + "tax" + ], + [ + "S", + "yntax" + ], + [ + "ia", + "ne" + ], + [ + "ian", + "e" + ], + [ + "i", + "ane" + ], + [ + "on", + "nen" + ], + [ + "onn", + "en" + ], + [ + "onne", + "n" + ], + [ + "▁bre", + "aking" + ], + [ + "▁break", + "ing" + ], + [ + "par", + "ser" + ], + [ + "parse", + "r" + ], + [ + "ap", + "k" + ], + [ + "a", + "pk" + ], + [ + "▁Mig", + "uel" + ], + [ + "▁", + "§" + ], + [ + "▁act", + "ing" + ], + [ + "▁ac", + "ting" + ], + [ + "▁g", + "ebru" + ], + [ + "▁ge", + "bru" + ], + [ + "▁geb", + "ru" + ], + [ + "At", + "Index" + ], + [ + "ють", + "ся" + ], + [ + "ю", + "ться" + ], + [ + "▁of", + "fers" + ], + [ + "▁off", + "ers" + ], + [ + "▁offer", + "s" + ], + [ + "▁p", + "rac" + ], + [ + "▁pr", + "ac" + ], + [ + "▁pra", + "c" + ], + [ + "▁g", + "rant" + ], + [ + "▁gr", + "ant" + ], + [ + "▁gra", + "nt" + ], + [ + "▁gran", + "t" + ], + [ + "tern", + "oon" + ], + [ + "▁ac", + "quired" + ], + [ + "▁acqu", + "ired" + ], + [ + "▁N", + "y" + ], + [ + "▁com", + "ma" + ], + [ + "▁comm", + "a" + ], + [ + "ní", + "k" + ], + [ + "n", + "ík" + ], + [ + "▁St", + "ep" + ], + [ + "▁Ste", + "p" + ], + [ + "▁", + "Step" + ], + [ + "in", + "ners" + ], + [ + "inn", + "ers" + ], + [ + "inner", + "s" + ], + [ + "▁S", + "A" + ], + [ + "▁", + "SA" + ], + [ + "▁w", + "at" + ], + [ + "▁wa", + "t" + ], + [ + "da", + "ys" + ], + [ + "day", + "s" + ], + [ + "d", + "ays" + ], + [ + "▁rect", + "angle" + ], + [ + "da", + "r" + ], + [ + "d", + "ar" + ], + [ + "▁t", + "rac" + ], + [ + "▁tr", + "ac" + ], + [ + "▁tra", + "c" + ], + [ + "▁Ind", + "ones" + ], + [ + "▁feed", + "back" + ], + [ + "▁bre", + "aks" + ], + [ + "▁break", + "s" + ], + [ + "part", + "ition" + ], + [ + "ic", + "ans" + ], + [ + "ica", + "ns" + ], + [ + "ican", + "s" + ], + [ + "▁Not", + "ices" + ], + [ + "▁Notice", + "s" + ], + [ + "▁impro", + "ved" + ], + [ + "▁improve", + "d" + ], + [ + "▁improv", + "ed" + ], + [ + "▁impr", + "oved" + ], + [ + "ph", + "an" + ], + [ + "pha", + "n" + ], + [ + "p", + "han" + ], + [ + "▁differ", + "ential" + ], + [ + "▁different", + "ial" + ], + [ + "▁differenti", + "al" + ], + [ + "script", + "s" + ], + [ + "scri", + "pts" + ], + [ + "▁X", + "III" + ], + [ + "▁XII", + "I" + ], + [ + "▁XI", + "II" + ], + [ + "▁L", + "abor" + ], + [ + "▁La", + "bor" + ], + [ + "▁Lab", + "or" + ], + [ + "▁prec", + "ision" + ], + [ + "▁precis", + "ion" + ], + [ + "▁s", + "eed" + ], + [ + "▁se", + "ed" + ], + [ + "▁see", + "d" + ], + [ + "▁", + "seed" + ], + [ + "bund", + "le" + ], + [ + "b", + "undle" + ], + [ + "id", + "ents" + ], + [ + "ident", + "s" + ], + [ + "iden", + "ts" + ], + [ + "hr", + "e" + ], + [ + "h", + "re" + ], + [ + "▁Doug", + "las" + ], + [ + "ul", + "d" + ], + [ + "u", + "ld" + ], + [ + "▁second", + "ary" + ], + [ + "▁seconda", + "ry" + ], + [ + "▁b", + "rig" + ], + [ + "▁br", + "ig" + ], + [ + "▁confirm", + "ed" + ], + [ + "▁confir", + "med" + ], + [ + "▁cla", + "ims" + ], + [ + "▁claim", + "s" + ], + [ + "Ro", + "le" + ], + [ + "R", + "ole" + ], + [ + "▁Jew", + "ish" + ], + [ + "▁p", + "řed" + ], + [ + "▁př", + "ed" + ], + [ + "▁ho", + "tel" + ], + [ + "▁hot", + "el" + ], + [ + "▁comp", + "te" + ], + [ + "▁compt", + "e" + ], + [ + "▁rec", + "ursive" + ], + [ + "▁recurs", + "ive" + ], + [ + "](#", + ")" + ], + [ + "▁rot", + "ate" + ], + [ + "▁", + "rotate" + ], + [ + "▁ch", + "rome" + ], + [ + "▁chr", + "ome" + ], + [ + "▁chrom", + "e" + ], + [ + "▁", + "chrome" + ], + [ + "in", + "ea" + ], + [ + "ine", + "a" + ], + [ + "i", + "nea" + ], + [ + "%;", + "\r" + ], + [ + "%", + ";\r" + ], + [ + "▁En", + "vironment" + ], + [ + "▁", + "Environment" + ], + [ + "pl", + "atz" + ], + [ + "pla", + "tz" + ], + [ + "▁Sing", + "le" + ], + [ + "▁Sin", + "gle" + ], + [ + "▁", + "Single" + ], + [ + "▁s", + "event" + ], + [ + "▁se", + "vent" + ], + [ + "▁seven", + "t" + ], + [ + "▁pos", + "ting" + ], + [ + "▁post", + "ing" + ], + [ + "▁de", + "aling" + ], + [ + "▁deal", + "ing" + ], + [ + "param", + "eters" + ], + [ + "parameter", + "s" + ], + [ + "гра", + "ф" + ], + [ + "Auth", + "entication" + ], + [ + "to", + "uch" + ], + [ + "t", + "ouch" + ], + [ + "A", + "z" + ], + [ + "▁g", + "ray" + ], + [ + "▁gr", + "ay" + ], + [ + "▁gra", + "y" + ], + [ + "▁", + "gray" + ], + [ + "en", + "cing" + ], + [ + "enc", + "ing" + ], + [ + "enci", + "ng" + ], + [ + "bold", + "math" + ], + [ + "▁сай", + "те" + ], + [ + "▁сайт", + "е" + ], + [ + "▁Z", + "a" + ], + [ + "an", + "je" + ], + [ + "▁p", + "olar" + ], + [ + "▁po", + "lar" + ], + [ + "▁pol", + "ar" + ], + [ + "▁у", + "ли" + ], + [ + "ki", + "l" + ], + [ + "k", + "il" + ], + [ + "▁h", + "over" + ], + [ + "▁ho", + "ver" + ], + [ + "▁", + "hover" + ], + [ + "▁RE", + "ST" + ], + [ + "▁C", + "ome" + ], + [ + "▁Com", + "e" + ], + [ + "▁Co", + "me" + ], + [ + "▁", + "Come" + ], + [ + "j", + "b" + ], + [ + "▁Georg", + "ia" + ], + [ + "▁Est", + "ado" + ], + [ + "▁Esta", + "do" + ], + [ + "▁Estad", + "o" + ], + [ + "Output", + "Stream" + ], + [ + "ћ", + "и" + ], + [ + "▁d", + "ump" + ], + [ + "▁du", + "mp" + ], + [ + "▁", + "dump" + ], + [ + "▁A", + "ge" + ], + [ + "▁Ag", + "e" + ], + [ + "▁", + "Age" + ], + [ + "▁s", + "wo" + ], + [ + "▁sw", + "o" + ], + [ + "m", + "obile" + ], + [ + "oc", + "cup" + ], + [ + "occ", + "up" + ], + [ + "ше", + "го" + ], + [ + "ш", + "его" + ], + [ + "▁const", + "itution" + ], + [ + "▁constitu", + "tion" + ], + [ + "▁constit", + "ution" + ], + [ + "go", + "od" + ], + [ + "g", + "ood" + ], + [ + "ak", + "u" + ], + [ + "a", + "ku" + ], + [ + "▁а", + "нг" + ], + [ + "▁ан", + "г" + ], + [ + "▁", + "анг" + ], + [ + "ie", + "ck" + ], + [ + "iec", + "k" + ], + [ + "▁Ps", + "ych" + ], + [ + "▁ro", + "ots" + ], + [ + "▁root", + "s" + ], + [ + "▁v", + "est" + ], + [ + "▁ve", + "st" + ], + [ + "▁ves", + "t" + ], + [ + "▁", + "vest" + ], + [ + "▁го", + "дах" + ], + [ + "▁года", + "х" + ], + [ + "▁Rep", + "ública" + ], + [ + "▁p", + "ian" + ], + [ + "▁pi", + "an" + ], + [ + "▁pia", + "n" + ], + [ + "igr", + "ation" + ], + [ + "▁pr", + "éc" + ], + [ + "▁pré", + "c" + ], + [ + "▁gener", + "ates" + ], + [ + "▁generate", + "s" + ], + [ + "L", + "Y" + ], + [ + "(", + "`" + ], + [ + "▁=", + "~" + ], + [ + "ше", + "ния" + ], + [ + "▁R", + "ah" + ], + [ + "▁Ra", + "h" + ], + [ + "▁connect", + "ing" + ], + [ + "ž", + "í" + ], + [ + "▁f", + "ő" + ], + [ + "▁a", + "ppel" + ], + [ + "▁app", + "el" + ], + [ + "▁ap", + "pel" + ], + [ + "▁appe", + "l" + ], + [ + "▁Rail", + "way" + ], + [ + "г", + "ли" + ], + [ + "▁dével", + "opp" + ], + [ + "▁a", + "po" + ], + [ + "▁ap", + "o" + ], + [ + "fr", + "an" + ], + [ + "fra", + "n" + ], + [ + "f", + "ran" + ], + [ + "▁im", + "mediate" + ], + [ + "▁immedi", + "ate" + ], + [ + "во", + "го" + ], + [ + "в", + "ого" + ], + [ + "Run", + "ner" + ], + [ + "ä", + "g" + ], + [ + "Some", + "thing" + ], + [ + "S", + "omething" + ], + [ + "▁gén", + "éra" + ], + [ + "Event", + "Args" + ], + [ + "in", + "ction" + ], + [ + "inc", + "tion" + ], + [ + "inct", + "ion" + ], + [ + "gl", + "y" + ], + [ + "g", + "ly" + ], + [ + "▁D", + "ue" + ], + [ + "▁Du", + "e" + ], + [ + "▁p", + "rost" + ], + [ + "▁pro", + "st" + ], + [ + "▁pr", + "ost" + ], + [ + "▁pros", + "t" + ], + [ + "▁refer", + "ring" + ], + [ + "▁j", + "og" + ], + [ + "▁jo", + "g" + ], + [ + "▁exec", + "utable" + ], + [ + "▁execut", + "able" + ], + [ + "▁D", + "ream" + ], + [ + "▁Dre", + "am" + ], + [ + "ac", + "s" + ], + [ + "a", + "cs" + ], + [ + "▁C", + "ole" + ], + [ + "▁Col", + "e" + ], + [ + "▁Co", + "le" + ], + [ + "am", + "pf" + ], + [ + "amp", + "f" + ], + [ + "▁B", + "is" + ], + [ + "▁Bi", + "s" + ], + [ + "▁ию", + "ня" + ], + [ + "li", + "eder" + ], + [ + "lied", + "er" + ], + [ + "lie", + "der" + ], + [ + "l", + "ieder" + ], + [ + "те", + "к" + ], + [ + "т", + "ек" + ], + [ + "▁v", + "b" + ], + [ + "▁", + "vb" + ], + [ + "▁m", + "om" + ], + [ + "▁mo", + "m" + ], + [ + "▁:", + "(" + ], + [ + "▁", + ":(" + ], + [ + "▁der", + "nier" + ], + [ + "▁derni", + "er" + ], + [ + "'", + "=>" + ], + [ + "▁э", + "того" + ], + [ + "▁это", + "го" + ], + [ + "▁ne", + "ue" + ], + [ + "▁neu", + "e" + ], + [ + "▁Ч", + "а" + ], + [ + "▁weiter", + "e" + ], + [ + "▁weit", + "ere" + ], + [ + "▁al", + "leg" + ], + [ + "▁all", + "eg" + ], + [ + "▁alle", + "g" + ], + [ + "▁re", + "ality" + ], + [ + "▁real", + "ity" + ], + [ + "▁jud", + "ge" + ], + [ + "▁B", + "alt" + ], + [ + "▁Ba", + "lt" + ], + [ + "▁Bal", + "t" + ], + [ + "▁t", + "hin" + ], + [ + "▁th", + "in" + ], + [ + "▁G", + "ed" + ], + [ + "▁Ge", + "d" + ], + [ + "ie", + "val" + ], + [ + "iev", + "al" + ], + [ + "i", + "eval" + ], + [ + "m", + "x" + ], + [ + "ці", + "ональ" + ], + [ + "▁вы", + "пу" + ], + [ + "▁I", + "X" + ], + [ + "▁", + "IX" + ], + [ + "▁bl", + "ind" + ], + [ + "▁Mo", + "tor" + ], + [ + "▁Mot", + "or" + ], + [ + "▁ш", + "а" + ], + [ + "▁", + "ша" + ], + [ + "▁approxim", + "ation" + ], + [ + "da", + "m" + ], + [ + "d", + "am" + ], + [ + "▁f", + "og" + ], + [ + "▁fo", + "g" + ], + [ + "▁", + "fog" + ], + [ + "ко", + "р" + ], + [ + "к", + "ор" + ], + [ + "▁W", + "rit" + ], + [ + "▁l", + "ing" + ], + [ + "▁li", + "ng" + ], + [ + "▁lin", + "g" + ], + [ + "▁", + "ling" + ], + [ + "▁пи", + "са" + ], + [ + "▁", + "писа" + ], + [ + "▁M", + "ars" + ], + [ + "▁Mar", + "s" + ], + [ + "▁Ma", + "rs" + ], + [ + "ot", + "ti" + ], + [ + "ott", + "i" + ], + [ + "En", + "um" + ], + [ + "E", + "num" + ], + [ + "▁T", + "rib" + ], + [ + "▁Tr", + "ib" + ], + [ + "▁Tri", + "b" + ], + [ + "▁m", + "erc" + ], + [ + "▁me", + "rc" + ], + [ + "▁mer", + "c" + ], + [ + "zu", + "ng" + ], + [ + "z", + "ung" + ], + [ + "van", + "ced" + ], + [ + "v", + "anced" + ], + [ + "cf", + "g" + ], + [ + "c", + "fg" + ], + [ + "на", + "х" + ], + [ + "sch", + "en" + ], + [ + "sc", + "hen" + ], + [ + "sche", + "n" + ], + [ + "s", + "chen" + ], + [ + "\"]", + "." + ], + [ + "\"", + "]." + ], + [ + "be", + "k" + ], + [ + "b", + "ek" + ], + [ + "▁s", + "ter" + ], + [ + "▁st", + "er" + ], + [ + "▁ste", + "r" + ], + [ + "▁", + "ster" + ], + [ + "j", + "p" + ], + [ + "▁R", + "ap" + ], + [ + "▁Ra", + "p" + ], + [ + "▁rec", + "ording" + ], + [ + "▁record", + "ing" + ], + [ + "▁pe", + "int" + ], + [ + "▁l", + "ets" + ], + [ + "▁le", + "ts" + ], + [ + "▁let", + "s" + ], + [ + "▁", + "lets" + ], + [ + "än", + "ge" + ], + [ + "äng", + "e" + ], + [ + ">\"", + ";" + ], + [ + ">", + "\";" + ], + [ + "▁міс", + "це" + ], + [ + "▁c", + "aval" + ], + [ + "▁ca", + "val" + ], + [ + "▁cav", + "al" + ], + [ + "▁C", + "SV" + ], + [ + "▁CS", + "V" + ], + [ + "▁ent", + "stand" + ], + [ + "▁hel", + "per" + ], + [ + "▁help", + "er" + ], + [ + "▁", + "helper" + ], + [ + "en", + "det" + ], + [ + "end", + "et" + ], + [ + "ende", + "t" + ], + [ + "▁G", + "ram" + ], + [ + "▁Gr", + "am" + ], + [ + "▁Gra", + "m" + ], + [ + "▁D", + "iego" + ], + [ + "▁Die", + "go" + ], + [ + "▁Di", + "ego" + ], + [ + "▁B", + "ishop" + ], + [ + "▁Bi", + "shop" + ], + [ + "TA", + "G" + ], + [ + "T", + "AG" + ], + [ + "▁e", + "cc" + ], + [ + "▁ec", + "c" + ], + [ + "▁E", + "en" + ], + [ + "▁A", + "V" + ], + [ + "▁", + "AV" + ], + [ + "C", + "ity" + ], + [ + "▁Gu", + "ide" + ], + [ + "hi", + "nd" + ], + [ + "hin", + "d" + ], + [ + "h", + "ind" + ], + [ + "ri", + "cal" + ], + [ + "ric", + "al" + ], + [ + "rica", + "l" + ], + [ + "r", + "ical" + ], + [ + "▁Ос", + "нов" + ], + [ + "Bu", + "s" + ], + [ + "B", + "us" + ], + [ + "▁z", + "unächst" + ], + [ + "▁t", + "ick" + ], + [ + "▁ti", + "ck" + ], + [ + "▁", + "tick" + ], + [ + "▁Col", + "onel" + ], + [ + "Th", + "anks" + ], + [ + "Thank", + "s" + ], + [ + "▁f", + "erm" + ], + [ + "▁fe", + "rm" + ], + [ + "▁fer", + "m" + ], + [ + "▁gr", + "anted" + ], + [ + "▁gran", + "ted" + ], + [ + "▁grant", + "ed" + ], + [ + "▁th", + "reshold" + ], + [ + "omorph", + "ic" + ], + [ + "▁H", + "un" + ], + [ + "▁Hu", + "n" + ], + [ + "en", + "is" + ], + [ + "eni", + "s" + ], + [ + "e", + "nis" + ], + [ + "▁п", + "рав" + ], + [ + "▁пра", + "в" + ], + [ + "▁", + "прав" + ], + [ + "▁я", + "кі" + ], + [ + "▁як", + "і" + ], + [ + "P", + "G" + ], + [ + "▁w", + "s" + ], + [ + "▁", + "ws" + ], + [ + "▁techn", + "ical" + ], + [ + "▁techni", + "cal" + ], + [ + "est", + "ro" + ], + [ + "estr", + "o" + ], + [ + "kl", + "är" + ], + [ + "k", + "lär" + ], + [ + "va", + "rs" + ], + [ + "var", + "s" + ], + [ + "v", + "ars" + ], + [ + "oc", + "rat" + ], + [ + "ocr", + "at" + ], + [ + "▁оп", + "шти" + ], + [ + "on", + "so" + ], + [ + "ons", + "o" + ], + [ + "ib", + "a" + ], + [ + "i", + "ba" + ], + [ + "▁S", + "ave" + ], + [ + "▁Sa", + "ve" + ], + [ + "▁Sav", + "e" + ], + [ + "▁", + "Save" + ], + [ + "▁program", + "a" + ], + [ + "▁в", + "ъ" + ], + [ + "▁inv", + "ån" + ], + [ + ">(", + ")" + ], + [ + ">", + "()" + ], + [ + "▁me", + "jor" + ], + [ + "▁с", + "лова" + ], + [ + "▁сло", + "ва" + ], + [ + "▁rep", + "lacement" + ], + [ + "▁replace", + "ment" + ], + [ + "▁repla", + "cement" + ], + [ + "▁im", + "pr" + ], + [ + "▁imp", + "r" + ], + [ + "▁Frances", + "co" + ], + [ + "▁Ho", + "tel" + ], + [ + "▁Hot", + "el" + ], + [ + "▁UP", + "DATE" + ], + [ + "▁", + "UPDATE" + ], + [ + "▁му", + "зы" + ], + [ + "ug", + "s" + ], + [ + "u", + "gs" + ], + [ + "va", + "rd" + ], + [ + "var", + "d" + ], + [ + "v", + "ard" + ], + [ + "▁f", + "az" + ], + [ + "▁fa", + "z" + ], + [ + "in", + "ton" + ], + [ + "int", + "on" + ], + [ + "into", + "n" + ], + [ + "▁ar", + "ts" + ], + [ + "▁art", + "s" + ], + [ + "▁", + "arts" + ], + [ + "▁K", + "y" + ], + [ + "▁I", + "ls" + ], + [ + "▁Il", + "s" + ], + [ + "▁s", + "era" + ], + [ + "▁se", + "ra" + ], + [ + "▁ser", + "a" + ], + [ + "▁Vol", + "ume" + ], + [ + "▁", + "Volume" + ], + [ + "▁gi", + "ugno" + ], + [ + "▁a", + "sym" + ], + [ + "▁as", + "ym" + ], + [ + "▁P", + "ir" + ], + [ + "▁Pi", + "r" + ], + [ + "▁N", + "AS" + ], + [ + "▁NA", + "S" + ], + [ + "▁T", + "am" + ], + [ + "▁Ta", + "m" + ], + [ + "ě", + "l" + ], + [ + "Se", + "qu" + ], + [ + "Seq", + "u" + ], + [ + "S", + "equ" + ], + [ + "km", + "al" + ], + [ + "k", + "mal" + ], + [ + "▁E", + "ins" + ], + [ + "▁Ein", + "s" + ], + [ + "▁ком", + "па" + ], + [ + "▁комп", + "а" + ], + [ + "ob", + "e" + ], + [ + "o", + "be" + ], + [ + "oo", + "r" + ], + [ + "o", + "or" + ], + [ + "▁he", + "ap" + ], + [ + "ct", + "l" + ], + [ + "c", + "tl" + ], + [ + "▁separ", + "ately" + ], + [ + "▁separate", + "ly" + ], + [ + "re", + "ader" + ], + [ + "read", + "er" + ], + [ + "rea", + "der" + ], + [ + "▁signific", + "antly" + ], + [ + "▁significant", + "ly" + ], + [ + "▁L", + "ag" + ], + [ + "▁La", + "g" + ], + [ + "no", + "tes" + ], + [ + "not", + "es" + ], + [ + "note", + "s" + ], + [ + "n", + "otes" + ], + [ + "▁s", + "ele" + ], + [ + "▁se", + "le" + ], + [ + "▁sel", + "e" + ], + [ + "▁dedic", + "ated" + ], + [ + "▁H", + "ost" + ], + [ + "▁Ho", + "st" + ], + [ + "▁", + "Host" + ], + [ + "cho", + "ice" + ], + [ + "wi", + "ng" + ], + [ + "win", + "g" + ], + [ + "w", + "ing" + ], + [ + "▁T", + "itel" + ], + [ + "▁Tit", + "el" + ], + [ + "▁Ti", + "tel" + ], + [ + "▁befind", + "et" + ], + [ + "lar", + "ge" + ], + [ + "larg", + "e" + ], + [ + "▁con", + "ten" + ], + [ + "▁cont", + "en" + ], + [ + "▁co", + "nten" + ], + [ + "▁conte", + "n" + ], + [ + "Java", + "Script" + ], + [ + "▁de", + "ser" + ], + [ + "▁des", + "er" + ], + [ + "▁G", + "ordon" + ], + [ + "▁Gor", + "don" + ], + [ + "с", + "пе" + ], + [ + "▁p", + "atri" + ], + [ + "▁pat", + "ri" + ], + [ + "▁pa", + "tri" + ], + [ + "▁patr", + "i" + ], + [ + "▁R", + "andom" + ], + [ + "▁Rand", + "om" + ], + [ + "▁Ran", + "dom" + ], + [ + "▁", + "Random" + ], + [ + "▁Return", + "s" + ], + [ + "ы", + "м" + ], + [ + "ро", + "ма" + ], + [ + "ром", + "а" + ], + [ + "▁Stud", + "ies" + ], + [ + "S", + "l" + ], + [ + "▁fr", + "ü" + ], + [ + "TE", + "XT" + ], + [ + "T", + "EXT" + ], + [ + "in", + "ate" + ], + [ + "ina", + "te" + ], + [ + "▁T", + "ol" + ], + [ + "▁To", + "l" + ], + [ + "▁every", + "where" + ], + [ + "ar", + "ta" + ], + [ + "art", + "a" + ], + [ + "▁or", + "bit" + ], + [ + "▁orb", + "it" + ], + [ + "▁A", + "ires" + ], + [ + "▁Air", + "es" + ], + [ + "▁I", + "ss" + ], + [ + "▁Is", + "s" + ], + [ + "▁te", + "ż" + ], + [ + "▁d", + "iverse" + ], + [ + "▁di", + "verse" + ], + [ + "▁divers", + "e" + ], + [ + "▁diver", + "se" + ], + [ + "▁n", + "umeric" + ], + [ + "▁numer", + "ic" + ], + [ + "▁", + "numeric" + ], + [ + "ma", + "z" + ], + [ + "m", + "az" + ], + [ + "▁m", + "ise" + ], + [ + "▁mi", + "se" + ], + [ + "▁mis", + "e" + ], + [ + "▁batt", + "ery" + ], + [ + "▁batter", + "y" + ], + [ + "▁bat", + "tery" + ], + [ + "▁A", + "kadem" + ], + [ + "▁Ak", + "adem" + ], + [ + "не", + "ние" + ], + [ + "▁simult", + "ane" + ], + [ + "▁D", + "ead" + ], + [ + "▁De", + "ad" + ], + [ + "▁cl", + "ust" + ], + [ + "▁ot", + "ro" + ], + [ + "▁c", + "erca" + ], + [ + "▁cer", + "ca" + ], + [ + "()", + "`," + ], + [ + "()`", + "," + ], + [ + "(", + ")`," + ], + [ + "ro", + "z" + ], + [ + "r", + "oz" + ], + [ + "ă", + "t" + ], + [ + "▁M", + "O" + ], + [ + "▁", + "MO" + ], + [ + "ri", + "ften" + ], + [ + "rift", + "en" + ], + [ + "rif", + "ten" + ], + [ + "import", + "ant" + ], + [ + "▁je", + "ho" + ], + [ + "▁find", + "ViewById" + ], + [ + "▁", + "findViewById" + ], + [ + "▁con", + "sequence" + ], + [ + "▁conse", + "quence" + ], + [ + "▁consequ", + "ence" + ], + [ + "▁measure", + "d" + ], + [ + "▁meas", + "ured" + ], + [ + "is", + "hes" + ], + [ + "ish", + "es" + ], + [ + "▁s", + "ze" + ], + [ + "▁sz", + "e" + ], + [ + "ien", + "do" + ], + [ + "i", + "endo" + ], + [ + "▁W", + "ahl" + ], + [ + "▁Wa", + "hl" + ], + [ + "st", + "rip" + ], + [ + "str", + "ip" + ], + [ + "AR", + "D" + ], + [ + "▁op", + "acity" + ], + [ + "▁", + "opacity" + ], + [ + "WOR", + "D" + ], + [ + "W", + "ORD" + ], + [ + "▁В", + "і" + ], + [ + "▁L", + "ocation" + ], + [ + "▁Lo", + "cation" + ], + [ + "▁Loc", + "ation" + ], + [ + "▁", + "Location" + ], + [ + "ra", + "i" + ], + [ + "r", + "ai" + ], + [ + "пе", + "н" + ], + [ + "п", + "ен" + ], + [ + "▁r", + "if" + ], + [ + "▁ri", + "f" + ], + [ + "▁", + "rif" + ], + [ + "auss", + "ian" + ], + [ + "File", + "Name" + ], + [ + "▁dis", + "co" + ], + [ + "▁disc", + "o" + ], + [ + "il", + "en" + ], + [ + "ile", + "n" + ], + [ + "i", + "len" + ], + [ + "▁v", + "agy" + ], + [ + "▁va", + "gy" + ], + [ + "li", + "city" + ], + [ + "lic", + "ity" + ], + [ + "licit", + "y" + ], + [ + "l", + "icity" + ], + [ + "B", + "order" + ], + [ + "▁T", + "rack" + ], + [ + "▁Tr", + "ack" + ], + [ + "▁Tra", + "ck" + ], + [ + "▁", + "Track" + ], + [ + "бо", + "м" + ], + [ + "б", + "ом" + ], + [ + "fa", + "ct" + ], + [ + "fac", + "t" + ], + [ + "f", + "act" + ], + [ + "ok", + "a" + ], + [ + "o", + "ka" + ], + [ + "▁g", + "ior" + ], + [ + "▁gi", + "or" + ], + [ + "▁", + "gior" + ], + [ + "▁XV", + "II" + ], + [ + "▁XVI", + "I" + ], + [ + "▁d", + "är" + ], + [ + "Si", + "te" + ], + [ + "S", + "ite" + ], + [ + "ał", + "o" + ], + [ + "a", + "ło" + ], + [ + "sk", + "á" + ], + [ + "s", + "ká" + ], + [ + "▁pix", + "els" + ], + [ + "▁pixel", + "s" + ], + [ + "vi", + "ty" + ], + [ + "v", + "ity" + ], + [ + "j", + "Query" + ], + [ + "▁sc", + "ulpt" + ], + [ + "▁c", + "argo" + ], + [ + "▁car", + "go" + ], + [ + "▁direct", + "ive" + ], + [ + "▁w", + "al" + ], + [ + "▁wa", + "l" + ], + [ + "▁", + "wal" + ], + [ + "▁c", + "onna" + ], + [ + "▁con", + "na" + ], + [ + "▁conn", + "a" + ], + [ + "▁Th", + "rough" + ], + [ + "▁э", + "том" + ], + [ + "▁это", + "м" + ], + [ + "St", + "atic" + ], + [ + "Stat", + "ic" + ], + [ + "oms", + "nitt" + ], + [ + "▁r", + "und" + ], + [ + "▁run", + "d" + ], + [ + "▁ru", + "nd" + ], + [ + "▁", + "rund" + ], + [ + "▁c", + "laimed" + ], + [ + "▁claim", + "ed" + ], + [ + "з", + "ня" + ], + [ + "sh", + "a" + ], + [ + "s", + "ha" + ], + [ + "▁r", + "ag" + ], + [ + "▁ra", + "g" + ], + [ + "▁", + "rag" + ], + [ + "cre", + "ment" + ], + [ + "cr", + "ement" + ], + [ + "▁fün", + "f" + ], + [ + "▁r", + "ival" + ], + [ + "▁riv", + "al" + ], + [ + "▁ri", + "val" + ], + [ + "▁", + "rival" + ], + [ + "ri", + "n" + ], + [ + "r", + "in" + ], + [ + "sl", + "ash" + ], + [ + "▁th", + "irty" + ], + [ + "s", + "leep" + ], + [ + "оло", + "ги" + ], + [ + "о", + "логи" + ], + [ + "S", + "M" + ], + [ + "ga", + "te" + ], + [ + "gat", + "e" + ], + [ + "g", + "ate" + ], + [ + "iz", + "ations" + ], + [ + "ization", + "s" + ], + [ + "vi", + "k" + ], + [ + "v", + "ik" + ], + [ + "▁b", + "less" + ], + [ + "▁bl", + "ess" + ], + [ + "▁ble", + "ss" + ], + [ + "▁Ill", + "inois" + ], + [ + "▁T", + "E" + ], + [ + "▁", + "TE" + ], + [ + "ut", + "ing" + ], + [ + "uti", + "ng" + ], + [ + "u", + "ting" + ], + [ + "▁sol", + "ving" + ], + [ + "GE", + "R" + ], + [ + "G", + "ER" + ], + [ + "▁X", + "IV" + ], + [ + "▁XI", + "V" + ], + [ + "▁Ind", + "ians" + ], + [ + "▁India", + "ns" + ], + [ + "▁Indian", + "s" + ], + [ + "ex", + "press" + ], + [ + "exp", + "ress" + ], + [ + "expr", + "ess" + ], + [ + "▁H", + "eil" + ], + [ + "▁He", + "il" + ], + [ + "▁mu", + "jer" + ], + [ + "▁invån", + "are" + ], + [ + "']", + ");" + ], + [ + "'])", + ";" + ], + [ + "'", + "]);" + ], + [ + "▁a", + "ur" + ], + [ + "▁au", + "r" + ], + [ + "▁", + "aur" + ], + [ + "bo", + "ost" + ], + [ + "G", + "O" + ], + [ + "▁n", + "in" + ], + [ + "▁ni", + "n" + ], + [ + "to", + "k" + ], + [ + "t", + "ok" + ], + [ + "go", + "d" + ], + [ + "g", + "od" + ], + [ + "ot", + "er" + ], + [ + "ote", + "r" + ], + [ + "o", + "ter" + ], + [ + ")$", + "$" + ], + [ + ")", + "$$" + ], + [ + "▁desc", + "end" + ], + [ + "р", + "ю" + ], + [ + "▁L", + "anguage" + ], + [ + "▁", + "Language" + ], + [ + "▁d", + "iver" + ], + [ + "▁di", + "ver" + ], + [ + "▁div", + "er" + ], + [ + "▁Ass", + "uming" + ], + [ + "▁fre", + "quent" + ], + [ + "▁frequ", + "ent" + ], + [ + "ч", + "ні" + ], + [ + "▁Bi", + "ography" + ], + [ + ",", + "[" + ], + [ + "ur", + "m" + ], + [ + "u", + "rm" + ], + [ + "▁walk", + "ed" + ], + [ + "▁wal", + "ked" + ], + [ + "▁feder", + "al" + ], + [ + "▁fed", + "eral" + ], + [ + "▁Mich", + "igan" + ], + [ + "▁fact", + "s" + ], + [ + "▁fac", + "ts" + ], + [ + "▁In", + "tegr" + ], + [ + "▁Int", + "egr" + ], + [ + "▁", + "Integr" + ], + [ + "LE", + "S" + ], + [ + "L", + "ES" + ], + [ + "▁A", + "lan" + ], + [ + "▁Al", + "an" + ], + [ + "▁c", + "oup" + ], + [ + "▁co", + "up" + ], + [ + "▁cou", + "p" + ], + [ + "Be", + "r" + ], + [ + "B", + "er" + ], + [ + "▁p", + "articles" + ], + [ + "▁part", + "icles" + ], + [ + "▁partic", + "les" + ], + [ + "▁particle", + "s" + ], + [ + "▁parti", + "cles" + ], + [ + "ћ", + "е" + ], + [ + "Infl", + "ater" + ], + [ + "+", + "(" + ], + [ + "Bo", + "und" + ], + [ + "B", + "ound" + ], + [ + "▁S", + "ü" + ], + [ + "A", + "udio" + ], + [ + "cite", + "t" + ], + [ + "cit", + "et" + ], + [ + "c", + "itet" + ], + [ + "ye", + "ct" + ], + [ + "y", + "ect" + ], + [ + "▁n", + "r" + ], + [ + "▁", + "nr" + ], + [ + "x", + "e" + ], + [ + "▁B", + "run" + ], + [ + "▁Br", + "un" + ], + [ + "▁Bru", + "n" + ], + [ + "▁_", + "," + ], + [ + "▁", + "_," + ], + [ + "av", + "or" + ], + [ + "avo", + "r" + ], + [ + "a", + "vor" + ], + [ + "▁dis", + "cipl" + ], + [ + "al", + "m" + ], + [ + "a", + "lm" + ], + [ + "▁но", + "ября" + ], + [ + "▁S", + "SL" + ], + [ + "▁SS", + "L" + ], + [ + "▁", + "SSL" + ], + [ + "▁Ka", + "iser" + ], + [ + "▁Kais", + "er" + ], + [ + "▁re", + "cher" + ], + [ + "▁rec", + "her" + ], + [ + "yg", + "on" + ], + [ + "y", + "gon" + ], + [ + "▁regard", + "less" + ], + [ + "▁config", + "ur" + ], + [ + "▁un", + "necess" + ], + [ + "▁Cl", + "ark" + ], + [ + "▁Clar", + "k" + ], + [ + "PH", + "P" + ], + [ + "P", + "HP" + ], + [ + "▁F", + "ALSE" + ], + [ + "▁", + "FALSE" + ], + [ + "▁p", + "ad" + ], + [ + "▁pa", + "d" + ], + [ + "▁", + "pad" + ], + [ + "$", + "}" + ], + [ + "▁v", + "alu" + ], + [ + "▁val", + "u" + ], + [ + "▁va", + "lu" + ], + [ + "▁", + "valu" + ], + [ + "▁dise", + "ase" + ], + [ + "▁ma", + "ior" + ], + [ + "▁mai", + "or" + ], + [ + "▁h", + "ommes" + ], + [ + "▁hom", + "mes" + ], + [ + "▁homme", + "s" + ], + [ + "▁Ed", + "ition" + ], + [ + "▁Edit", + "ion" + ], + [ + "sl", + "ant" + ], + [ + "s", + "lant" + ], + [ + "▁en", + "ding" + ], + [ + "▁end", + "ing" + ], + [ + "▁", + "ending" + ], + [ + "▁sett", + "led" + ], + [ + "ur", + "us" + ], + [ + "uru", + "s" + ], + [ + "u", + "rus" + ], + [ + "he", + "d" + ], + [ + "h", + "ed" + ], + [ + "Pat", + "tern" + ], + [ + "▁го", + "дина" + ], + [ + "▁годи", + "на" + ], + [ + "▁Phil", + "adel" + ], + [ + "tikz", + "picture" + ], + [ + "▁co", + "al" + ], + [ + "▁s", + "ede" + ], + [ + "▁se", + "de" + ], + [ + "▁sed", + "e" + ], + [ + "▁satisf", + "ies" + ], + [ + "▁t", + "rim" + ], + [ + "▁tr", + "im" + ], + [ + "▁tri", + "m" + ], + [ + "▁", + "trim" + ], + [ + "▁b", + "at" + ], + [ + "▁ba", + "t" + ], + [ + "▁", + "bat" + ], + [ + "▁améric", + "ain" + ], + [ + "▁lug", + "lio" + ], + [ + "▁по", + "ча" + ], + [ + "▁поч", + "а" + ], + [ + "ff", + "ff" + ], + [ + "fff", + "f" + ], + [ + "f", + "fff" + ], + [ + "▁T", + "arget" + ], + [ + "▁Tar", + "get" + ], + [ + "▁", + "Target" + ], + [ + "gener", + "ate" + ], + [ + "▁Z", + "ie" + ], + [ + "ți", + "a" + ], + [ + "ț", + "ia" + ], + [ + "▁g", + "ard" + ], + [ + "▁gar", + "d" + ], + [ + "▁ga", + "rd" + ], + [ + "▁work", + "ers" + ], + [ + "▁worker", + "s" + ], + [ + "▁J", + "ob" + ], + [ + "▁Jo", + "b" + ], + [ + "▁", + "Job" + ], + [ + "▁ur", + "ban" + ], + [ + "▁urb", + "an" + ], + [ + "▁", + "urban" + ], + [ + "ah", + "len" + ], + [ + "ahl", + "en" + ], + [ + "a", + "hlen" + ], + [ + "▁Build", + "ing" + ], + [ + "▁n", + "eu" + ], + [ + "▁ne", + "u" + ], + [ + "▁ch", + "ron" + ], + [ + "▁chr", + "on" + ], + [ + "▁", + "chron" + ], + [ + "▁Ear", + "l" + ], + [ + "gr", + "o" + ], + [ + "g", + "ro" + ], + [ + "US", + "E" + ], + [ + "U", + "SE" + ], + [ + "▁X", + "II" + ], + [ + "▁XI", + "I" + ], + [ + "▁we", + "alth" + ], + [ + "▁", + "wealth" + ], + [ + "in", + "ae" + ], + [ + "ina", + "e" + ], + [ + "▁Б", + "ра" + ], + [ + "▁li", + "bert" + ], + [ + "▁lib", + "ert" + ], + [ + "▁liber", + "t" + ], + [ + "ir", + "os" + ], + [ + "iro", + "s" + ], + [ + "i", + "ros" + ], + [ + ":", + "$" + ], + [ + "le", + "e" + ], + [ + "l", + "ee" + ], + [ + "ie", + "ves" + ], + [ + "ieve", + "s" + ], + [ + "iev", + "es" + ], + [ + "▁Just", + "ice" + ], + [ + "▁o", + "il" + ], + [ + "▁Ath", + "let" + ], + [ + "▁c", + "lo" + ], + [ + "▁cl", + "o" + ], + [ + "▁", + "clo" + ], + [ + "Sc", + "ale" + ], + [ + "Scal", + "e" + ], + [ + "▁l", + "ips" + ], + [ + "▁li", + "ps" + ], + [ + "▁lip", + "s" + ], + [ + "▁a", + "pril" + ], + [ + "▁ap", + "ril" + ], + [ + "▁apr", + "il" + ], + [ + "▁im", + "pression" + ], + [ + "▁imp", + "ression" + ], + [ + "▁impr", + "ession" + ], + [ + "▁impress", + "ion" + ], + [ + "▁per", + "ce" + ], + [ + "▁уча", + "сти" + ], + [ + "▁участ", + "и" + ], + [ + "vi", + "l" + ], + [ + "v", + "il" + ], + [ + "éc", + "h" + ], + [ + "é", + "ch" + ], + [ + "▁e", + "quality" + ], + [ + "▁equ", + "ality" + ], + [ + "▁equal", + "ity" + ], + [ + "▁", + "equality" + ], + [ + "▁м", + "ет" + ], + [ + "▁ме", + "т" + ], + [ + "▁", + "мет" + ], + [ + "▁an", + "notation" + ], + [ + "▁annot", + "ation" + ], + [ + "▁", + "annotation" + ], + [ + "er", + "nal" + ], + [ + "ern", + "al" + ], + [ + "erna", + "l" + ], + [ + "▁M", + "ach" + ], + [ + "▁Ma", + "ch" + ], + [ + "▁Mac", + "h" + ], + [ + "▁int", + "itul" + ], + [ + "pro", + "blem" + ], + [ + "prob", + "lem" + ], + [ + "ющи", + "х" + ], + [ + "ю", + "щих" + ], + [ + "op", + "lus" + ], + [ + "o", + "plus" + ], + [ + "▁thous", + "ands" + ], + [ + "▁thousand", + "s" + ], + [ + "▁calcul", + "ations" + ], + [ + "▁calculation", + "s" + ], + [ + "▁calc", + "ulations" + ], + [ + "um", + "ps" + ], + [ + "ump", + "s" + ], + [ + "▁tri", + "angle" + ], + [ + "▁", + "triangle" + ], + [ + "ph", + "al" + ], + [ + "pha", + "l" + ], + [ + "p", + "hal" + ], + [ + "▁D", + "orf" + ], + [ + "▁Do", + "rf" + ], + [ + "▁Dor", + "f" + ], + [ + "▁doll", + "ars" + ], + [ + "▁d", + "enen" + ], + [ + "▁de", + "nen" + ], + [ + "▁den", + "en" + ], + [ + "l", + "ès" + ], + [ + "ol", + "id" + ], + [ + "oli", + "d" + ], + [ + "▁Result", + "s" + ], + [ + "▁", + "Results" + ], + [ + "▁Stad", + "ium" + ], + [ + "▁D", + "esp" + ], + [ + "▁De", + "sp" + ], + [ + "▁Des", + "p" + ], + [ + "▁E", + "isen" + ], + [ + "im", + "ir" + ], + [ + "imi", + "r" + ], + [ + "i", + "mir" + ], + [ + "▁s", + "otto" + ], + [ + "▁so", + "tto" + ], + [ + "▁sott", + "o" + ], + [ + "▁č", + "i" + ], + [ + "▁", + "či" + ], + [ + "at", + "able" + ], + [ + "ata", + "ble" + ], + [ + "a", + "table" + ], + [ + "or", + "um" + ], + [ + "oru", + "m" + ], + [ + "o", + "rum" + ], + [ + "▁conver", + "gence" + ], + [ + "▁je", + "une" + ], + [ + "▁jeu", + "ne" + ], + [ + "ok", + "ing" + ], + [ + "oki", + "ng" + ], + [ + "o", + "king" + ], + [ + "▁жи", + "во" + ], + [ + "ain", + "ing" + ], + [ + "ai", + "ning" + ], + [ + "a", + "ining" + ], + [ + "po", + "inter" + ], + [ + "point", + "er" + ], + [ + "cul", + "o" + ], + [ + "cu", + "lo" + ], + [ + "c", + "ulo" + ], + [ + "▁js", + "ou" + ], + [ + "▁g", + "rab" + ], + [ + "▁gr", + "ab" + ], + [ + "▁gra", + "b" + ], + [ + "ak", + "te" + ], + [ + "akt", + "e" + ], + [ + "a", + "kte" + ], + [ + "▁ho", + "ping" + ], + [ + "▁hop", + "ing" + ], + [ + "▁M", + "ak" + ], + [ + "▁Ma", + "k" + ], + [ + "▁s", + "ag" + ], + [ + "▁sa", + "g" + ], + [ + "origin", + "e" + ], + [ + "orig", + "ine" + ], + [ + "▁по", + "след" + ], + [ + "▁после", + "д" + ], + [ + "▁V", + "eg" + ], + [ + "▁Ve", + "g" + ], + [ + "▁the", + "oret" + ], + [ + "▁T", + "ru" + ], + [ + "▁Tr", + "u" + ], + [ + "ne", + "ment" + ], + [ + "nem", + "ent" + ], + [ + "n", + "ement" + ], + [ + "▁f", + "aces" + ], + [ + "▁fa", + "ces" + ], + [ + "▁face", + "s" + ], + [ + "▁fac", + "es" + ], + [ + "▁", + "faces" + ], + [ + "H", + "or" + ], + [ + "Jo", + "in" + ], + [ + "J", + "oin" + ], + [ + "ar", + "el" + ], + [ + "are", + "l" + ], + [ + "a", + "rel" + ], + [ + "▁о", + "коло" + ], + [ + "▁ок", + "оло" + ], + [ + "How", + "ever" + ], + [ + "▁c", + "atal" + ], + [ + "▁ca", + "tal" + ], + [ + "▁cat", + "al" + ], + [ + "▁", + "catal" + ], + [ + "bo", + "urg" + ], + [ + "bour", + "g" + ], + [ + "b", + "ourg" + ], + [ + "▁mysql", + "i" + ], + [ + "▁mysq", + "li" + ], + [ + "▁", + "mysqli" + ], + [ + "ac", + "ions" + ], + [ + "acion", + "s" + ], + [ + "aci", + "ons" + ], + [ + "▁Init", + "ial" + ], + [ + "▁", + "Initial" + ], + [ + "▁r", + "ain" + ], + [ + "▁ra", + "in" + ], + [ + "▁", + "rain" + ], + [ + "it", + "ure" + ], + [ + "itu", + "re" + ], + [ + "▁Sci", + "ences" + ], + [ + "▁Science", + "s" + ], + [ + "▁Kre", + "is" + ], + [ + "._", + "_" + ], + [ + ".", + "__" + ], + [ + "▁cin", + "q" + ], + [ + "▁A", + "uß" + ], + [ + "▁Au", + "ß" + ], + [ + "ith", + "met" + ], + [ + "it", + "ors" + ], + [ + "ito", + "rs" + ], + [ + "itor", + "s" + ], + [ + "am", + "azon" + ], + [ + "ama", + "zon" + ], + [ + "▁g", + "ap" + ], + [ + "▁ga", + "p" + ], + [ + "▁ign", + "ored" + ], + [ + "▁ignore", + "d" + ], + [ + "▁ignor", + "ed" + ], + [ + "ad", + "v" + ], + [ + "ко", + "ї" + ], + [ + "▁ча", + "сть" + ], + [ + "▁час", + "ть" + ], + [ + "▁част", + "ь" + ], + [ + "▁cor", + "por" + ], + [ + "▁corpo", + "r" + ], + [ + "це", + "р" + ], + [ + "ц", + "ер" + ], + [ + "▁cr", + "ime" + ], + [ + "▁cri", + "me" + ], + [ + "▁crim", + "e" + ], + [ + "uo", + "us" + ], + [ + "u", + "ous" + ], + [ + "▁на", + "лази" + ], + [ + "Data", + "Frame" + ], + [ + "во", + "ди" + ], + [ + "вод", + "и" + ], + [ + "Ig", + "n" + ], + [ + "I", + "gn" + ], + [ + "▁Lin", + "coln" + ], + [ + "▁me", + "nos" + ], + [ + "▁men", + "os" + ], + [ + "▁Lu", + "ft" + ], + [ + "▁L", + "ind" + ], + [ + "▁Li", + "nd" + ], + [ + "▁Lin", + "d" + ], + [ + "▁C", + "ook" + ], + [ + "▁Co", + "ok" + ], + [ + "▁", + "Cook" + ], + [ + "▁material", + "s" + ], + [ + "ap", + "ped" + ], + [ + "app", + "ed" + ], + [ + "appe", + "d" + ], + [ + "a", + "pped" + ], + [ + "ign", + "ore" + ], + [ + "▁от", + "кры" + ], + [ + "fr", + "ied" + ], + [ + "fri", + "ed" + ], + [ + "f", + "ried" + ], + [ + "▁gouvern", + "ement" + ], + [ + "▁f", + "ired" + ], + [ + "▁fire", + "d" + ], + [ + "▁fi", + "red" + ], + [ + "▁fir", + "ed" + ], + [ + "▁screen", + "shot" + ], + [ + "▁screens", + "hot" + ], + [ + "се", + "н" + ], + [ + "с", + "ен" + ], + [ + "▁[", + "(" + ], + [ + "▁", + "[(" + ], + [ + "▁органи", + "за" + ], + [ + "Graph", + "ics" + ], + [ + "▁про", + "ти" + ], + [ + "▁p", + "hen" + ], + [ + "▁ph", + "en" + ], + [ + "▁", + "phen" + ], + [ + "cr", + "aft" + ], + [ + "cra", + "ft" + ], + [ + "c", + "raft" + ], + [ + "▁b", + "rain" + ], + [ + "▁br", + "ain" + ], + [ + "▁bra", + "in" + ], + [ + "▁C", + "omo" + ], + [ + "▁Com", + "o" + ], + [ + "▁Co", + "mo" + ], + [ + "▁Every", + "thing" + ], + [ + "an", + "es" + ], + [ + "ane", + "s" + ], + [ + "a", + "nes" + ], + [ + "IG", + "N" + ], + [ + "I", + "GN" + ], + [ + "▁n", + "ederbörd" + ], + [ + "▁", + "nederbörd" + ], + [ + "▁For", + "est" + ], + [ + "▁Fore", + "st" + ], + [ + "▁Fo", + "rest" + ], + [ + "za", + "hl" + ], + [ + "z", + "ahl" + ], + [ + "▁Am", + "ong" + ], + [ + "Q", + "t" + ], + [ + "▁to", + "gg" + ], + [ + "▁tog", + "g" + ], + [ + "▁vari", + "ant" + ], + [ + "▁", + "variant" + ], + [ + "▁h", + "ill" + ], + [ + "▁hi", + "ll" + ], + [ + "▁", + "hill" + ], + [ + "пи", + "си" + ], + [ + "пис", + "и" + ], + [ + "col", + "on" + ], + [ + "co", + "lon" + ], + [ + "colo", + "n" + ], + [ + "▁dic", + "embre" + ], + [ + "го", + "р" + ], + [ + "г", + "ор" + ], + [ + "▁W", + "ind" + ], + [ + "▁Win", + "d" + ], + [ + "▁Wi", + "nd" + ], + [ + "ünst", + "ler" + ], + [ + "▁=", + "\\" + ], + [ + "▁", + "=\\" + ], + [ + "sa", + "ved" + ], + [ + "save", + "d" + ], + [ + "s", + "aved" + ], + [ + "▁n", + "ej" + ], + [ + "▁ne", + "j" + ], + [ + "▁", + "nej" + ], + [ + "un", + "te" + ], + [ + "unt", + "e" + ], + [ + "ut", + "to" + ], + [ + "utt", + "o" + ], + [ + "u", + "tto" + ], + [ + "▁rec", + "ens" + ], + [ + "▁rece", + "ns" + ], + [ + "▁s", + "ick" + ], + [ + "▁si", + "ck" + ], + [ + "▁sic", + "k" + ], + [ + "▁d", + "esen" + ], + [ + "▁de", + "sen" + ], + [ + "▁des", + "en" + ], + [ + "US", + "T" + ], + [ + "U", + "ST" + ], + [ + "▁wor", + "st" + ], + [ + "▁An", + "gel" + ], + [ + "▁Ang", + "el" + ], + [ + "od", + "ox" + ], + [ + "odo", + "x" + ], + [ + "▁Prov", + "ince" + ], + [ + "▁Provin", + "ce" + ], + [ + "▁M", + "az" + ], + [ + "▁Ma", + "z" + ], + [ + "▁agre", + "ement" + ], + [ + "▁agree", + "ment" + ], + [ + "▁B", + "ass" + ], + [ + "▁Bas", + "s" + ], + [ + "▁Ba", + "ss" + ], + [ + "▁seg", + "unda" + ], + [ + "on", + "ces" + ], + [ + "once", + "s" + ], + [ + "onc", + "es" + ], + [ + "▁Lin", + "ki" + ], + [ + "▁Link", + "i" + ], + [ + "▁C", + "L" + ], + [ + "▁", + "CL" + ], + [ + "▁j", + "á" + ], + [ + "it", + "ement" + ], + [ + "ite", + "ment" + ], + [ + "item", + "ent" + ], + [ + "▁á", + "rea" + ], + [ + "▁ár", + "ea" + ], + [ + "▁scal", + "ar" + ], + [ + "▁scala", + "r" + ], + [ + "▁Р", + "ес" + ], + [ + "▁Ре", + "с" + ], + [ + "aw", + "t" + ], + [ + "a", + "wt" + ], + [ + "si", + "eme" + ], + [ + "▁j", + "uni" + ], + [ + "▁ju", + "ni" + ], + [ + "▁jun", + "i" + ], + [ + "▁худо", + "ж" + ], + [ + "ik", + "us" + ], + [ + "iku", + "s" + ], + [ + "▁l", + "id" + ], + [ + "▁li", + "d" + ], + [ + "pp", + "el" + ], + [ + "ppe", + "l" + ], + [ + "p", + "pel" + ], + [ + "av", + "i" + ], + [ + "a", + "vi" + ], + [ + "▁bal", + "ance" + ], + [ + "ip", + "ping" + ], + [ + "ipp", + "ing" + ], + [ + "ippi", + "ng" + ], + [ + "i", + "pping" + ], + [ + "cuss", + "ion" + ], + [ + "че", + "ских" + ], + [ + "(\"", + "." + ], + [ + "(", + "\"." + ], + [ + "Al", + "so" + ], + [ + "▁w", + "his" + ], + [ + "▁wh", + "is" + ], + [ + "HO", + "ME" + ], + [ + "▁b", + "rown" + ], + [ + "▁br", + "own" + ], + [ + "▁bro", + "wn" + ], + [ + "▁brow", + "n" + ], + [ + "▁d", + "ía" + ], + [ + "▁dí", + "a" + ], + [ + "▁pu", + "ò" + ], + [ + "plot", + "lib" + ], + [ + "▁Jahrhundert", + "s" + ], + [ + "D", + "K" + ], + [ + "▁an", + "chor" + ], + [ + "▁anc", + "hor" + ], + [ + "▁anch", + "or" + ], + [ + "▁", + "anchor" + ], + [ + "..", + ".]" + ], + [ + "...", + "]" + ], + [ + "▁Aust", + "ria" + ], + [ + "▁m", + "arca" + ], + [ + "▁mar", + "ca" + ], + [ + "▁marc", + "a" + ], + [ + "▁g", + "ez" + ], + [ + "▁ge", + "z" + ], + [ + "ious", + "ly" + ], + [ + "i", + "ously" + ], + [ + "▁l", + "azy" + ], + [ + "▁la", + "zy" + ], + [ + "x", + "a" + ], + [ + "▁Ch", + "annel" + ], + [ + "▁Chan", + "nel" + ], + [ + "▁", + "Channel" + ], + [ + "▁ne", + "uen" + ], + [ + "▁neue", + "n" + ], + [ + "▁neu", + "en" + ], + [ + "da", + "s" + ], + [ + "d", + "as" + ], + [ + "▁search", + "ed" + ], + [ + "▁sta", + "at" + ], + [ + "▁", + "staat" + ], + [ + "▁Та", + "к" + ], + [ + "▁Jo", + "sef" + ], + [ + "▁Jose", + "f" + ], + [ + "▁Jos", + "ef" + ], + [ + "▁S", + "her" + ], + [ + "▁Sh", + "er" + ], + [ + "▁She", + "r" + ], + [ + "po", + "is" + ], + [ + "p", + "ois" + ], + [ + "▁e", + "nem" + ], + [ + "▁en", + "em" + ], + [ + "▁access", + "ing" + ], + [ + "▁не", + "ко" + ], + [ + "▁fur", + "ono" + ], + [ + "▁pse", + "udo" + ], + [ + "▁pseud", + "o" + ], + [ + "?", + ">" + ], + [ + "▁estado", + "un" + ], + [ + "▁estad", + "oun" + ], + [ + "▁Ви", + "ди" + ], + [ + "▁mot", + "iv" + ], + [ + "▁re", + "call" + ], + [ + "▁rec", + "all" + ], + [ + "is", + "son" + ], + [ + "iss", + "on" + ], + [ + "i", + "sson" + ], + [ + "ó", + "b" + ], + [ + ")-", + "-" + ], + [ + ")", + "--" + ], + [ + "▁E", + "rz" + ], + [ + "▁Er", + "z" + ], + [ + "▁са", + "вез" + ], + [ + "Dir", + "ect" + ], + [ + "Di", + "rect" + ], + [ + "D", + "irect" + ], + [ + "со", + "б" + ], + [ + "с", + "об" + ], + [ + "▁s", + "ho" + ], + [ + "▁sh", + "o" + ], + [ + "v", + "ölker" + ], + [ + "A", + "p" + ], + [ + "ge", + "ns" + ], + [ + "gen", + "s" + ], + [ + "g", + "ens" + ], + [ + "ниш", + "тво" + ], + [ + "▁Am", + "sterdam" + ], + [ + "us", + "k" + ], + [ + "u", + "sk" + ], + [ + "п", + "ло" + ], + [ + "▁sim", + "ulation" + ], + [ + "▁B", + "C" + ], + [ + "▁", + "BC" + ], + [ + "▁W", + "oj" + ], + [ + "▁Wo", + "j" + ], + [ + "au", + "tom" + ], + [ + "aut", + "om" + ], + [ + "auto", + "m" + ], + [ + "Al", + "ex" + ], + [ + "A", + "lex" + ], + [ + "▁econom", + "ic" + ], + [ + "▁econ", + "omic" + ], + [ + "го", + "м" + ], + [ + "г", + "ом" + ], + [ + "ik", + "ai" + ], + [ + "ika", + "i" + ], + [ + "▁a", + "ltre" + ], + [ + "▁al", + "tre" + ], + [ + "▁alt", + "re" + ], + [ + "▁'", + "-" + ], + [ + "▁", + "'-" + ], + [ + "▁W", + "eg" + ], + [ + "▁We", + "g" + ], + [ + "Not", + "Found" + ], + [ + "й", + "ской" + ], + [ + "▁convert", + "ing" + ], + [ + "▁conver", + "ting" + ], + [ + "ph", + "abet" + ], + [ + "pha", + "bet" + ], + [ + "at", + "rice" + ], + [ + "atr", + "ice" + ], + [ + "atri", + "ce" + ], + [ + "bour", + "ne" + ], + [ + "al", + "om" + ], + [ + "alo", + "m" + ], + [ + "▁comp", + "aring" + ], + [ + "▁compar", + "ing" + ], + [ + "▁Z", + "o" + ], + [ + "▁f", + "la" + ], + [ + "▁fl", + "a" + ], + [ + "ва", + "я" + ], + [ + "▁en", + "tra" + ], + [ + "▁ent", + "ra" + ], + [ + "▁entr", + "a" + ], + [ + "▁char", + "set" + ], + [ + "▁chars", + "et" + ], + [ + "develop", + "ers" + ], + [ + "developer", + "s" + ], + [ + "íst", + "ica" + ], + [ + "}", + ">" + ], + [ + "▁J", + "azz" + ], + [ + "▁Ja", + "zz" + ], + [ + "▁How", + "ard" + ], + [ + "▁Ho", + "ward" + ], + [ + "ш", + "та" + ], + [ + "▁cl", + "one" + ], + [ + "▁clo", + "ne" + ], + [ + "▁", + "clone" + ], + [ + "do", + "or" + ], + [ + "d", + "oor" + ], + [ + "▁P", + "in" + ], + [ + "▁Pi", + "n" + ], + [ + "**", + "*" + ], + [ + "*", + "**" + ], + [ + "▁sil", + "ent" + ], + [ + "ec", + "ycle" + ], + [ + "e", + "cycle" + ], + [ + "is", + "ce" + ], + [ + "isc", + "e" + ], + [ + "i", + "sce" + ], + [ + "▁m", + "ud" + ], + [ + "▁mu", + "d" + ], + [ + "▁Dis", + "play" + ], + [ + "▁", + "Display" + ], + [ + "▁l", + "ip" + ], + [ + "▁li", + "p" + ], + [ + "▁", + "lip" + ], + [ + "▁исполь", + "зова" + ], + [ + "▁character", + "istic" + ], + [ + "▁s", + "b" + ], + [ + "▁", + "sb" + ], + [ + "fire", + "base" + ], + [ + "▁B", + "ew" + ], + [ + "▁Be", + "w" + ], + [ + "Cal", + "endar" + ], + [ + "▁u", + "so" + ], + [ + "▁us", + "o" + ], + [ + "▁", + "uso" + ], + [ + "ès", + "e" + ], + [ + "è", + "se" + ], + [ + "▁R", + "at" + ], + [ + "▁Ra", + "t" + ], + [ + "▁es", + "per" + ], + [ + "▁espe", + "r" + ], + [ + "▁esp", + "er" + ], + [ + "▁", + "esper" + ], + [ + "▁throw", + "ing" + ], + [ + "▁thro", + "wing" + ], + [ + "▁ro", + "dz" + ], + [ + "▁rod", + "z" + ], + [ + "▁y", + "ards" + ], + [ + "▁yard", + "s" + ], + [ + "▁g", + "rass" + ], + [ + "▁gr", + "ass" + ], + [ + "▁gra", + "ss" + ], + [ + "▁mar", + "ker" + ], + [ + "▁mark", + "er" + ], + [ + "▁", + "marker" + ], + [ + "▁K", + "os" + ], + [ + "▁Ko", + "s" + ], + [ + "Th", + "eta" + ], + [ + "The", + "ta" + ], + [ + "▁organ", + "is" + ], + [ + "ker", + "nel" + ], + [ + "kern", + "el" + ], + [ + "k", + "ernel" + ], + [ + "▁person", + "as" + ], + [ + "▁pers", + "onas" + ], + [ + "▁persona", + "s" + ], + [ + "ke", + "ep" + ], + [ + "kee", + "p" + ], + [ + "▁exc", + "laimed" + ], + [ + "os", + "lav" + ], + [ + "▁Ent", + "ertain" + ], + [ + "▁Enter", + "tain" + ], + [ + "не", + "р" + ], + [ + "н", + "ер" + ], + [ + "▁in", + "won" + ], + [ + "▁R", + "and" + ], + [ + "▁Ra", + "nd" + ], + [ + "▁Ran", + "d" + ], + [ + "red", + "uce" + ], + [ + "redu", + "ce" + ], + [ + "fa", + "c" + ], + [ + "f", + "ac" + ], + [ + "ex", + "pression" + ], + [ + "exp", + "ression" + ], + [ + "expr", + "ession" + ], + [ + "express", + "ion" + ], + [ + "y", + "j" + ], + [ + "▁differ", + "enti" + ], + [ + "▁different", + "i" + ], + [ + "ag", + "lia" + ], + [ + "agli", + "a" + ], + [ + "▁tem", + "plates" + ], + [ + "▁template", + "s" + ], + [ + "▁", + "templates" + ], + [ + "▁m", + "ű" + ], + [ + "▁p", + "rv" + ], + [ + "▁pr", + "v" + ], + [ + "▁m", + "ois" + ], + [ + "▁mo", + "is" + ], + [ + "▁moi", + "s" + ], + [ + "▁gew", + "ann" + ], + [ + "▁бу", + "ла" + ], + [ + "bib", + "li" + ], + [ + "b", + "ibli" + ], + [ + "de", + "mo" + ], + [ + "dem", + "o" + ], + [ + "d", + "emo" + ], + [ + "▁And", + "erson" + ], + [ + "▁Anders", + "on" + ], + [ + "▁ре", + "д" + ], + [ + "▁", + "ред" + ], + [ + "▁por", + "que" + ], + [ + "▁P", + "ologne" + ], + [ + "▁Pol", + "ogne" + ], + [ + "▁t", + "rip" + ], + [ + "▁tr", + "ip" + ], + [ + "▁tri", + "p" + ], + [ + "▁exem", + "ple" + ], + [ + "▁exempl", + "e" + ], + [ + "▁Intern", + "acional" + ], + [ + "▁ка", + "о" + ], + [ + "In", + "sert" + ], + [ + "gen", + "eral" + ], + [ + "gener", + "al" + ], + [ + "SE", + "SSION" + ], + [ + "ber", + "ga" + ], + [ + "berg", + "a" + ], + [ + "hä", + "lt" + ], + [ + "h", + "ält" + ], + [ + "un", + "as" + ], + [ + "una", + "s" + ], + [ + "u", + "nas" + ], + [ + "ми", + "ра" + ], + [ + "мир", + "а" + ], + [ + "▁yield", + "s" + ], + [ + "map", + "sto" + ], + [ + "maps", + "to" + ], + [ + "sp", + "ot" + ], + [ + "s", + "pot" + ], + [ + "▁+", + "\\" + ], + [ + "▁", + "+\\" + ], + [ + "лл", + "а" + ], + [ + "л", + "ла" + ], + [ + "▁precis", + "ely" + ], + [ + "▁precise", + "ly" + ], + [ + "▁ч", + "лен" + ], + [ + "sh", + "adow" + ], + [ + "Ar", + "e" + ], + [ + "A", + "re" + ], + [ + "un", + "al" + ], + [ + "una", + "l" + ], + [ + "u", + "nal" + ], + [ + "▁dis", + "par" + ], + [ + "▁disp", + "ar" + ], + [ + "▁tít", + "ulo" + ], + [ + "ne", + "st" + ], + [ + "nes", + "t" + ], + [ + "n", + "est" + ], + [ + "▁L", + "ow" + ], + [ + "▁Lo", + "w" + ], + [ + "▁p", + "rot" + ], + [ + "▁pro", + "t" + ], + [ + "▁pr", + "ot" + ], + [ + "▁C", + "osta" + ], + [ + "▁Co", + "sta" + ], + [ + "▁Cost", + "a" + ], + [ + "▁Cos", + "ta" + ], + [ + "name", + "d" + ], + [ + "na", + "med" + ], + [ + "nam", + "ed" + ], + [ + "n", + "amed" + ], + [ + "▁g", + "ained" + ], + [ + "▁ga", + "ined" + ], + [ + "▁gain", + "ed" + ], + [ + "les", + "ia" + ], + [ + "l", + "esia" + ], + [ + "▁admin", + "istration" + ], + [ + "▁administr", + "ation" + ], + [ + "Im", + "port" + ], + [ + "Imp", + "ort" + ], + [ + "br", + "anch" + ], + [ + "b", + "ranch" + ], + [ + "▁sym", + "path" + ], + [ + "vo", + "j" + ], + [ + "v", + "oj" + ], + [ + "▁E", + "C" + ], + [ + "▁", + "EC" + ], + [ + "▁municip", + "io" + ], + [ + "▁anim", + "ated" + ], + [ + "▁animate", + "d" + ], + [ + "▁direct", + "ories" + ], + [ + "▁director", + "ies" + ], + [ + "▁ro", + "of" + ], + [ + "zą", + "d" + ], + [ + "z", + "ąd" + ], + [ + "im", + "et" + ], + [ + "ime", + "t" + ], + [ + "i", + "met" + ], + [ + "pr", + "oto" + ], + [ + "pro", + "to" + ], + [ + "bl", + "a" + ], + [ + "b", + "la" + ], + [ + ":", + "]" + ], + [ + "ha", + "ve" + ], + [ + "hav", + "e" + ], + [ + "h", + "ave" + ], + [ + "at", + "em" + ], + [ + "ate", + "m" + ], + [ + "a", + "tem" + ], + [ + "▁n", + "s" + ], + [ + "▁", + "ns" + ], + [ + "▁s", + "ector" + ], + [ + "▁se", + "ctor" + ], + [ + "▁sec", + "tor" + ], + [ + "▁sect", + "or" + ], + [ + "th", + "ree" + ], + [ + "ow", + "ane" + ], + [ + "owa", + "ne" + ], + [ + "owan", + "e" + ], + [ + "wer", + "s" + ], + [ + "we", + "rs" + ], + [ + "w", + "ers" + ], + [ + "ов", + "их" + ], + [ + "ови", + "х" + ], + [ + "ren", + "ce" + ], + [ + "r", + "ence" + ], + [ + "▁ex", + "tr" + ], + [ + "▁ext", + "r" + ], + [ + "ig", + "ten" + ], + [ + "igt", + "en" + ], + [ + "igte", + "n" + ], + [ + "▁occ", + "ident" + ], + [ + "ț", + "ă" + ], + [ + "▁e", + "at" + ], + [ + "▁h", + "ydro" + ], + [ + "▁hy", + "dro" + ], + [ + "▁hyd", + "ro" + ], + [ + "ubern", + "etes" + ], + [ + "[", + "@" + ], + [ + "▁M", + "oon" + ], + [ + "▁Mo", + "on" + ], + [ + "▁S", + "ho" + ], + [ + "▁Sh", + "o" + ], + [ + "▁else", + "where" + ], + [ + "ül", + "ler" + ], + [ + "üll", + "er" + ], + [ + "Up", + "load" + ], + [ + "ла", + "нд" + ], + [ + "лан", + "д" + ], + [ + "л", + "анд" + ], + [ + "▁F", + "ör" + ], + [ + "w", + "issenschaft" + ], + [ + "K", + "S" + ], + [ + "▁phys", + "ics" + ], + [ + "▁", + "physics" + ], + [ + "t", + "z" + ], + [ + "▁се", + "ред" + ], + [ + "▁Ar", + "beit" + ], + [ + "▁Arbe", + "it" + ], + [ + "▁ме", + "ст" + ], + [ + "▁", + "мест" + ], + [ + "▁Geb", + "iet" + ], + [ + "▁in", + "sect" + ], + [ + "▁ins", + "ect" + ], + [ + "▁inse", + "ct" + ], + [ + "A", + "h" + ], + [ + "iz", + "ado" + ], + [ + "iza", + "do" + ], + [ + "▁tem", + "ple" + ], + [ + "▁temp", + "le" + ], + [ + "▁ann", + "ual" + ], + [ + "st", + "ad" + ], + [ + "sta", + "d" + ], + [ + "▁hab", + "itat" + ], + [ + "▁habit", + "at" + ], + [ + "▁A", + "B" + ], + [ + "▁", + "AB" + ], + [ + "wo", + "rt" + ], + [ + "wor", + "t" + ], + [ + "w", + "ort" + ], + [ + "▁re", + "pos" + ], + [ + "▁rep", + "os" + ], + [ + "▁repo", + "s" + ], + [ + "▁N", + "eu" + ], + [ + "▁Ne", + "u" + ], + [ + "▁$", + "(\"." + ], + [ + "▁$(", + "\"." + ], + [ + "▁$(\"", + "." + ], + [ + "Vor", + "lage" + ], + [ + "▁repre", + "zent" + ], + [ + "est", + "anden" + ], + [ + "In", + "tern" + ], + [ + "Int", + "ern" + ], + [ + "Inter", + "n" + ], + [ + ".", + "`" + ], + [ + "▁fa", + "iling" + ], + [ + "▁fail", + "ing" + ], + [ + "▁M", + "aterial" + ], + [ + "▁Mate", + "rial" + ], + [ + "▁", + "Material" + ], + [ + "▁effect", + "ively" + ], + [ + "▁effective", + "ly" + ], + [ + "те", + "лем" + ], + [ + "тел", + "ем" + ], + [ + "▁г", + "ла" + ], + [ + "▁", + "гла" + ], + [ + "▁na", + "hm" + ], + [ + "▁nah", + "m" + ], + [ + "▁", + "nahm" + ], + [ + "▁differ", + "ently" + ], + [ + "▁different", + "ly" + ], + [ + "ext", + "ension" + ], + [ + "▁V", + "erm" + ], + [ + "▁Ver", + "m" + ], + [ + "▁Ve", + "rm" + ], + [ + "en", + "abled" + ], + [ + "ena", + "bled" + ], + [ + "enable", + "d" + ], + [ + "con", + "figure" + ], + [ + "config", + "ure" + ], + [ + "ni", + "o" + ], + [ + "n", + "io" + ], + [ + "ci", + "ones" + ], + [ + "cio", + "nes" + ], + [ + "cion", + "es" + ], + [ + "c", + "iones" + ], + [ + "▁B", + "each" + ], + [ + "▁Be", + "ach" + ], + [ + "со", + "на" + ], + [ + "сон", + "а" + ], + [ + "с", + "она" + ], + [ + "▁copy", + "ing" + ], + [ + "▁cop", + "ying" + ], + [ + "▁у", + "країн" + ], + [ + "▁при", + "зна" + ], + [ + "▁приз", + "на" + ], + [ + "z", + "h" + ], + [ + "Des", + "ktop" + ], + [ + "▁s", + "ost" + ], + [ + "▁so", + "st" + ], + [ + "▁sub", + "sequently" + ], + [ + "▁subsequ", + "ently" + ], + [ + "▁subsequent", + "ly" + ], + [ + "▁Le", + "hr" + ], + [ + "▁", + "ó" + ], + [ + "lä", + "r" + ], + [ + "l", + "är" + ], + [ + "od", + "or" + ], + [ + "odo", + "r" + ], + [ + "o", + "dor" + ], + [ + "ph", + "on" + ], + [ + "p", + "hon" + ], + [ + "n", + "c" + ], + [ + "iter", + "ator" + ], + [ + "▁э", + "ти" + ], + [ + "▁europ", + "é" + ], + [ + "▁Tor", + "onto" + ], + [ + "ód", + "igo" + ], + [ + "▁p", + "osto" + ], + [ + "▁po", + "sto" + ], + [ + "▁pos", + "to" + ], + [ + "▁post", + "o" + ], + [ + "ff", + "e" + ], + [ + "f", + "fe" + ], + [ + "▁c", + "rew" + ], + [ + "▁cre", + "w" + ], + [ + "▁cr", + "ew" + ], + [ + "▁Sch", + "war" + ], + [ + "▁Schw", + "ar" + ], + [ + "S", + "a" + ], + [ + "squ", + "are" + ], + [ + "s", + "quare" + ], + [ + "▁be", + "side" + ], + [ + "▁bes", + "ide" + ], + [ + "▁М", + "і" + ], + [ + "▁a", + "th" + ], + [ + "▁at", + "h" + ], + [ + "▁", + "ath" + ], + [ + "▁ad", + "vent" + ], + [ + "▁adv", + "ent" + ], + [ + "c", + "ji" + ], + [ + "writ", + "ten" + ], + [ + "wr", + "itten" + ], + [ + "w", + "ritten" + ], + [ + "▁r", + "uss" + ], + [ + "▁ru", + "ss" + ], + [ + "▁rus", + "s" + ], + [ + "ro", + "st" + ], + [ + "ros", + "t" + ], + [ + "r", + "ost" + ], + [ + "H", + "I" + ], + [ + "▁d", + "ice" + ], + [ + "▁di", + "ce" + ], + [ + "▁dic", + "e" + ], + [ + "cc", + "a" + ], + [ + "c", + "ca" + ], + [ + "▁d", + "ép" + ], + [ + "▁dé", + "p" + ], + [ + "pl", + "y" + ], + [ + "p", + "ly" + ], + [ + "big", + "g" + ], + [ + "bi", + "gg" + ], + [ + "b", + "igg" + ], + [ + "zi", + "ał" + ], + [ + "zia", + "ł" + ], + [ + "z", + "iał" + ], + [ + "üt", + "t" + ], + [ + "ü", + "tt" + ], + [ + "▁о", + "дно" + ], + [ + "▁од", + "но" + ], + [ + "J", + "ECT" + ], + [ + "сь", + "кому" + ], + [ + "сько", + "му" + ], + [ + "ськ", + "ому" + ], + [ + "no", + "s" + ], + [ + "n", + "os" + ], + [ + "mo", + "ck" + ], + [ + "m", + "ock" + ], + [ + "La", + "unch" + ], + [ + "sa", + "me" + ], + [ + "sam", + "e" + ], + [ + "s", + "ame" + ], + [ + "▁j", + "obs" + ], + [ + "▁jo", + "bs" + ], + [ + "▁job", + "s" + ], + [ + "▁wide", + "ly" + ], + [ + "▁wid", + "ely" + ], + [ + "▁def", + "ines" + ], + [ + "▁define", + "s" + ], + [ + "▁defin", + "es" + ], + [ + "▁P", + "se" + ], + [ + "▁Ps", + "e" + ], + [ + "▁neigh", + "bour" + ], + [ + "▁neighb", + "our" + ], + [ + "ющи", + "е" + ], + [ + "▁cl", + "oser" + ], + [ + "▁close", + "r" + ], + [ + "▁clos", + "er" + ], + [ + "▁clo", + "ser" + ], + [ + "▁рас", + "поло" + ], + [ + "▁распо", + "ло" + ], + [ + "▁cl", + "ubs" + ], + [ + "▁club", + "s" + ], + [ + "fl", + "y" + ], + [ + "f", + "ly" + ], + [ + "ши", + "м" + ], + [ + "ш", + "им" + ], + [ + "▁suffer", + "ed" + ], + [ + "▁suff", + "ered" + ], + [ + "▁n", + "ar" + ], + [ + "▁na", + "r" + ], + [ + "▁", + "nar" + ], + [ + "▁l", + "avor" + ], + [ + "▁la", + "vor" + ], + [ + "▁lav", + "or" + ], + [ + "Ext", + "ension" + ], + [ + "ition", + "ally" + ], + [ + "itional", + "ly" + ], + [ + "▁g", + "race" + ], + [ + "▁gr", + "ace" + ], + [ + "▁gra", + "ce" + ], + [ + "▁Campe", + "onato" + ], + [ + "▁Christ", + "mas" + ], + [ + "m", + "iddle" + ], + [ + "oth", + "ek" + ], + [ + "othe", + "k" + ], + [ + "el", + "ements" + ], + [ + "element", + "s" + ], + [ + "ele", + "ments" + ], + [ + "elem", + "ents" + ], + [ + "▁son", + "dern" + ], + [ + "▁t", + "arde" + ], + [ + "▁tar", + "de" + ], + [ + "▁tard", + "e" + ], + [ + "▁perman", + "ent" + ], + [ + "▁con", + "clude" + ], + [ + "▁concl", + "ude" + ], + [ + "Se", + "g" + ], + [ + "S", + "eg" + ], + [ + "▁а", + "каде" + ], + [ + "}\"", + "," + ], + [ + "}", + "\"," + ], + [ + "▁февра", + "ля" + ], + [ + "ře", + "d" + ], + [ + "ř", + "ed" + ], + [ + "▁I", + "L" + ], + [ + "▁", + "IL" + ], + [ + "ju", + "d" + ], + [ + "j", + "ud" + ], + [ + "▁U", + "SS" + ], + [ + "▁US", + "S" + ], + [ + "▁N", + "ature" + ], + [ + "▁Natur", + "e" + ], + [ + "▁Nat", + "ure" + ], + [ + "if", + "ference" + ], + [ + "iffer", + "ence" + ], + [ + "iffe", + "rence" + ], + [ + "Serial", + "izer" + ], + [ + "▁tw", + "elve" + ], + [ + "ti", + "d" + ], + [ + "t", + "id" + ], + [ + "ми", + "я" + ], + [ + "че", + "ского" + ], + [ + "▁cal", + "endar" + ], + [ + "▁", + "calendar" + ], + [ + "con", + "cat" + ], + [ + "▁inter", + "section" + ], + [ + "▁intersect", + "ion" + ], + [ + "▁P", + "A" + ], + [ + "▁", + "PA" + ], + [ + "az", + "ure" + ], + [ + "azu", + "re" + ], + [ + "▁situ", + "ée" + ], + [ + "▁situé", + "e" + ], + [ + "▁k", + "inds" + ], + [ + "▁kind", + "s" + ], + [ + "▁kin", + "ds" + ], + [ + "▁aus", + "ge" + ], + [ + "▁r", + "ural" + ], + [ + "▁ru", + "ral" + ], + [ + "Th", + "eme" + ], + [ + "The", + "me" + ], + [ + "▁t", + "ale" + ], + [ + "▁tal", + "e" + ], + [ + "▁ta", + "le" + ], + [ + "no", + "indent" + ], + [ + "go", + "ing" + ], + [ + "r", + "x" + ], + [ + "ag", + "i" + ], + [ + "a", + "gi" + ], + [ + "wrap", + "per" + ], + [ + "wr", + "apper" + ], + [ + "w", + "rapper" + ], + [ + "▁Co", + "ast" + ], + [ + "mb", + "H" + ], + [ + "▁пере", + "д" + ], + [ + "▁пе", + "ред" + ], + [ + "sp", + "re" + ], + [ + "spr", + "e" + ], + [ + "s", + "pre" + ], + [ + "▁}", + "\\" + ], + [ + "▁", + "}\\" + ], + [ + "▁L", + "I" + ], + [ + "▁", + "LI" + ], + [ + "zn", + "am" + ], + [ + "zna", + "m" + ], + [ + "z", + "nam" + ], + [ + "it", + "led" + ], + [ + "itle", + "d" + ], + [ + "Sam", + "ple" + ], + [ + "S", + "ample" + ], + [ + "ul", + "iar" + ], + [ + "uli", + "ar" + ], + [ + "*", + "\\" + ], + [ + "▁res", + "istance" + ], + [ + "▁resist", + "ance" + ], + [ + "st", + "ock" + ], + [ + "sto", + "ck" + ], + [ + "ke", + "d" + ], + [ + "k", + "ed" + ], + [ + "▁H", + "E" + ], + [ + "▁", + "HE" + ], + [ + "▁pos", + "session" + ], + [ + "▁poss", + "ession" + ], + [ + "▁possess", + "ion" + ], + [ + "▁R", + "ing" + ], + [ + "▁Ri", + "ng" + ], + [ + "▁m", + "agyar" + ], + [ + "▁mag", + "yar" + ], + [ + "ou", + "ts" + ], + [ + "out", + "s" + ], + [ + "o", + "uts" + ], + [ + "▁Secret", + "ary" + ], + [ + "nd", + "e" + ], + [ + "n", + "de" + ], + [ + "▁W", + "ald" + ], + [ + "▁Wal", + "d" + ], + [ + "▁Wa", + "ld" + ], + [ + "-", + "(" + ], + [ + "▁I", + "SO" + ], + [ + "▁IS", + "O" + ], + [ + "▁", + "ISO" + ], + [ + "▁af", + "ternoon" + ], + [ + "ion", + "en" + ], + [ + "io", + "nen" + ], + [ + "ione", + "n" + ], + [ + "i", + "onen" + ], + [ + "▁st", + "ops" + ], + [ + "▁stop", + "s" + ], + [ + "▁sto", + "ps" + ], + [ + "▁const", + "ants" + ], + [ + "▁constant", + "s" + ], + [ + "gu", + "ard" + ], + [ + "bo", + "w" + ], + [ + "b", + "ow" + ], + [ + "▁e", + "rs" + ], + [ + "▁er", + "s" + ], + [ + "▁", + "ers" + ], + [ + "▁Fire", + "base" + ], + [ + "▁C", + "lear" + ], + [ + "▁Cl", + "ear" + ], + [ + "▁Cle", + "ar" + ], + [ + "▁", + "Clear" + ], + [ + "▁H", + "oly" + ], + [ + "▁Hol", + "y" + ], + [ + "▁Ho", + "ly" + ], + [ + "W", + "in" + ], + [ + "▁title", + "s" + ], + [ + "▁tit", + "les" + ], + [ + "▁т", + "рав" + ], + [ + "▁тра", + "в" + ], + [ + "▁cont", + "rib" + ], + [ + "▁contr", + "ib" + ], + [ + "▁", + "contrib" + ], + [ + "hä", + "ng" + ], + [ + "h", + "äng" + ], + [ + "▁phot", + "ograph" + ], + [ + "▁photo", + "graph" + ], + [ + "▁Dist", + "ribution" + ], + [ + "if", + "ts" + ], + [ + "ift", + "s" + ], + [ + "▁a", + "unque" + ], + [ + "com", + "b" + ], + [ + "co", + "mb" + ], + [ + "c", + "omb" + ], + [ + "AD", + "D" + ], + [ + "A", + "DD" + ], + [ + "▁public", + "ation" + ], + [ + "▁pub", + "lication" + ], + [ + "▁publi", + "cation" + ], + [ + "▁слу", + "ж" + ], + [ + "▁к", + "ня" + ], + [ + "▁ay", + "ant" + ], + [ + "▁re", + "store" + ], + [ + "▁r", + "estore" + ], + [ + "▁rest", + "ore" + ], + [ + "▁resto", + "re" + ], + [ + "▁bel", + "ief" + ], + [ + "▁v", + "ég" + ], + [ + "▁vé", + "g" + ], + [ + "▁ext", + "ensions" + ], + [ + "▁extension", + "s" + ], + [ + "▁extens", + "ions" + ], + [ + "▁", + "extensions" + ], + [ + "▁de", + "com" + ], + [ + "▁dec", + "om" + ], + [ + "вши", + "й" + ], + [ + "в", + "ший" + ], + [ + "W", + "T" + ], + [ + "▁par", + "ti" + ], + [ + "▁part", + "i" + ], + [ + "▁gi", + "oc" + ], + [ + "▁ми", + "ра" + ], + [ + "▁", + "мира" + ], + [ + "▁is", + "su" + ], + [ + "▁iss", + "u" + ], + [ + "pi", + "pe" + ], + [ + "pip", + "e" + ], + [ + "p", + "ipe" + ], + [ + "▁pro", + "ps" + ], + [ + "▁pr", + "ops" + ], + [ + "▁prop", + "s" + ], + [ + "▁", + "props" + ], + [ + "▁w", + "illing" + ], + [ + "▁will", + "ing" + ], + [ + "▁wil", + "ling" + ], + [ + "▁n", + "est" + ], + [ + "▁ne", + "st" + ], + [ + "▁", + "nest" + ], + [ + "as", + "o" + ], + [ + "a", + "so" + ], + [ + "po", + "t" + ], + [ + "p", + "ot" + ], + [ + "▁hand", + "les" + ], + [ + "▁handle", + "s" + ], + [ + "▁ф", + "о" + ], + [ + "▁", + "фо" + ], + [ + "▁m", + "oder" + ], + [ + "▁mod", + "er" + ], + [ + "▁mo", + "der" + ], + [ + "▁mode", + "r" + ], + [ + "▁eben", + "falls" + ], + [ + "▁fight", + "ing" + ], + [ + "um", + "bn" + ], + [ + "umb", + "n" + ], + [ + "▁trans", + "parent" + ], + [ + "▁K", + "rist" + ], + [ + "▁Kr", + "ist" + ], + [ + "▁home", + "s" + ], + [ + "▁hom", + "es" + ], + [ + "▁ho", + "mes" + ], + [ + "▁voy", + "age" + ], + [ + "Fa", + "iled" + ], + [ + "Fail", + "ed" + ], + [ + "▁B", + "ird" + ], + [ + "▁Bi", + "rd" + ], + [ + "▁Bir", + "d" + ], + [ + "▁He", + "art" + ], + [ + "Count", + "er" + ], + [ + "Co", + "unter" + ], + [ + "C", + "ounter" + ], + [ + "▁Scott", + "ish" + ], + [ + "át", + "ica" + ], + [ + "▁ar", + "beit" + ], + [ + "▁", + "arbeit" + ], + [ + "^{", + "-\\" + ], + [ + "^{-", + "\\" + ], + [ + "▁S", + "or" + ], + [ + "▁So", + "r" + ], + [ + "▁eng", + "aged" + ], + [ + "▁engag", + "ed" + ], + [ + "▁a", + "side" + ], + [ + "▁as", + "ide" + ], + [ + "▁asi", + "de" + ], + [ + "▁F", + "ou" + ], + [ + "▁Fo", + "u" + ], + [ + "▁w", + "iel" + ], + [ + "▁wie", + "l" + ], + [ + "▁re", + "const" + ], + [ + "▁recon", + "st" + ], + [ + "ou", + "sin" + ], + [ + "ous", + "in" + ], + [ + "▁host", + "ed" + ], + [ + "▁ho", + "sted" + ], + [ + "▁hos", + "ted" + ], + [ + "▁c", + "lasse" + ], + [ + "▁class", + "e" + ], + [ + "▁cl", + "asse" + ], + [ + "▁clas", + "se" + ], + [ + "▁con", + "test" + ], + [ + "▁cont", + "est" + ], + [ + "▁conte", + "st" + ], + [ + "..", + ".\"" + ], + [ + "...", + "\"" + ], + [ + "мо", + "м" + ], + [ + "м", + "ом" + ], + [ + "▁be", + "an" + ], + [ + "▁", + "bean" + ], + [ + "ge", + "m" + ], + [ + "g", + "em" + ], + [ + "▁consult", + "ato" + ], + [ + "▁b", + "io" + ], + [ + "▁bi", + "o" + ], + [ + "▁", + "bio" + ], + [ + "▁subject", + "s" + ], + [ + "bo", + "Box" + ], + [ + "▁Sch", + "rift" + ], + [ + "▁d", + "inner" + ], + [ + "▁din", + "ner" + ], + [ + "ă", + "r" + ], + [ + "▁r", + "ówn" + ], + [ + "▁%", + "%" + ], + [ + "▁", + "%%" + ], + [ + "ba", + "ge" + ], + [ + "bag", + "e" + ], + [ + "b", + "age" + ], + [ + "▁ver", + "öff" + ], + [ + "▁det", + "ected" + ], + [ + "▁detect", + "ed" + ], + [ + "ie", + "nn" + ], + [ + "ien", + "n" + ], + [ + "i", + "enn" + ], + [ + "ro", + "se" + ], + [ + "ros", + "e" + ], + [ + "r", + "ose" + ], + [ + "▁T", + "on" + ], + [ + "▁To", + "n" + ], + [ + "Comp", + "lete" + ], + [ + "Comple", + "te" + ], + [ + "▁pro", + "to" + ], + [ + "▁pr", + "oto" + ], + [ + "▁prot", + "o" + ], + [ + "▁", + "proto" + ], + [ + "ich", + "ts" + ], + [ + "icht", + "s" + ], + [ + "i", + "chts" + ], + [ + "ST", + "AT" + ], + [ + "Check", + "ed" + ], + [ + "▁in", + "ten" + ], + [ + "▁i", + "nten" + ], + [ + "▁int", + "en" + ], + [ + "▁inte", + "n" + ], + [ + "▁s", + "mile" + ], + [ + "▁sm", + "ile" + ], + [ + "▁st", + "rip" + ], + [ + "▁str", + "ip" + ], + [ + "▁stri", + "p" + ], + [ + "▁", + "strip" + ], + [ + "ne", + "ut" + ], + [ + "')", + ";\r" + ], + [ + "');", + "\r" + ], + [ + "'", + ");\r" + ], + [ + "fo", + "ur" + ], + [ + "f", + "our" + ], + [ + "▁to", + "das" + ], + [ + "▁tod", + "as" + ], + [ + "▁toda", + "s" + ], + [ + "Control", + "s" + ], + [ + "▁thor", + "ough" + ], + [ + "ru", + "p" + ], + [ + "r", + "up" + ], + [ + "▁држа", + "ви" + ], + [ + "it", + "ă" + ], + [ + "Pro", + "tocol" + ], + [ + "К", + "а" + ], + [ + "▁expand", + "ed" + ], + [ + "ex", + "tra" + ], + [ + "ext", + "ra" + ], + [ + "op", + "ort" + ], + [ + "opo", + "rt" + ], + [ + "o", + "port" + ], + [ + "▁Ста", + "нов" + ], + [ + "le", + "ases" + ], + [ + "lease", + "s" + ], + [ + "▁n", + "otion" + ], + [ + "▁not", + "ion" + ], + [ + "▁no", + "tion" + ], + [ + "▁g", + "uest" + ], + [ + "▁gu", + "est" + ], + [ + "▁Is", + "lands" + ], + [ + "▁Island", + "s" + ], + [ + "ic", + "ked" + ], + [ + "ick", + "ed" + ], + [ + "▁D", + "ave" + ], + [ + "▁Dav", + "e" + ], + [ + "▁Da", + "ve" + ], + [ + "▁ref", + "lection" + ], + [ + "▁reflect", + "ion" + ], + [ + "li", + "v" + ], + [ + "l", + "iv" + ], + [ + "ál", + "ní" + ], + [ + "▁reve", + "aled" + ], + [ + "▁s", + "og" + ], + [ + "▁so", + "g" + ], + [ + "▁T", + "ax" + ], + [ + "▁Ta", + "x" + ], + [ + "▁period", + "o" + ], + [ + "▁peri", + "odo" + ], + [ + "▁Welt", + "krie" + ], + [ + "catal", + "ina" + ], + [ + "qu", + "é" + ], + [ + "q", + "ué" + ], + [ + "▁F", + "ather" + ], + [ + "▁Fa", + "ther" + ], + [ + "▁B", + "ir" + ], + [ + "▁Bi", + "r" + ], + [ + "ex", + "pect" + ], + [ + "exp", + "ect" + ], + [ + "▁re", + "gression" + ], + [ + "▁reg", + "ression" + ], + [ + "in", + "é" + ], + [ + "i", + "né" + ], + [ + "▁d", + "abei" + ], + [ + "▁da", + "bei" + ], + [ + "pe", + "rm" + ], + [ + "per", + "m" + ], + [ + "p", + "erm" + ], + [ + "ме", + "не" + ], + [ + "мен", + "е" + ], + [ + "м", + "ене" + ], + [ + "▁A", + "bd" + ], + [ + "▁Ab", + "d" + ], + [ + "▁C", + "F" + ], + [ + "▁", + "CF" + ], + [ + "ar", + "ks" + ], + [ + "ark", + "s" + ], + [ + "resol", + "ve" + ], + [ + "wed", + "ge" + ], + [ + "w", + "edge" + ], + [ + "▁initial", + "ization" + ], + [ + "▁Vé", + "ase" + ], + [ + "▁при", + "ня" + ], + [ + "st", + "mt" + ], + [ + "▁in", + "come" + ], + [ + "▁inc", + "ome" + ], + [ + "M", + "Y" + ], + [ + "▁od", + "kazy" + ], + [ + "▁Sie", + "he" + ], + [ + "▁bod", + "ies" + ], + [ + "▁s", + "oc" + ], + [ + "▁so", + "c" + ], + [ + "R", + "andom" + ], + [ + "▁s", + "enza" + ], + [ + "▁sen", + "za" + ], + [ + "ab", + "lo" + ], + [ + "abl", + "o" + ], + [ + "a", + "blo" + ], + [ + "▁reg", + "arded" + ], + [ + "▁regard", + "ed" + ], + [ + "on", + "Create" + ], + [ + "▁Mag", + "azine" + ], + [ + "▁R", + "af" + ], + [ + "▁Ra", + "f" + ], + [ + "▁Buen", + "os" + ], + [ + "и", + "л" + ], + [ + "))", + ");" + ], + [ + ")))", + ";" + ], + [ + ")", + "));" + ], + [ + "ca", + "pt" + ], + [ + "cap", + "t" + ], + [ + "c", + "apt" + ], + [ + "re", + "direct" + ], + [ + "red", + "irect" + ], + [ + "▁pe", + "tit" + ], + [ + "▁pet", + "it" + ], + [ + "▁f", + "arm" + ], + [ + "▁far", + "m" + ], + [ + "▁fa", + "rm" + ], + [ + "▁r", + "ôle" + ], + [ + "▁стать", + "и" + ], + [ + "  ", + "  " + ], + [ + "sub", + "figure" + ], + [ + "èce", + "s" + ], + [ + "è", + "ces" + ], + [ + "zi", + "el" + ], + [ + "zie", + "l" + ], + [ + "z", + "iel" + ], + [ + "▁о", + "кон" + ], + [ + "▁ок", + "он" + ], + [ + "E", + "E" + ], + [ + "me", + "e" + ], + [ + "m", + "ee" + ], + [ + "▁p", + "erten" + ], + [ + "▁per", + "ten" + ], + [ + "▁pert", + "en" + ], + [ + "▁représ", + "ent" + ], + [ + "▁L", + "A" + ], + [ + "▁", + "LA" + ], + [ + "?", + "'" + ], + [ + "▁т", + "ру" + ], + [ + "▁r", + "ational" + ], + [ + "▁rat", + "ional" + ], + [ + "▁ratio", + "nal" + ], + [ + "os", + "of" + ], + [ + "oso", + "f" + ], + [ + "▁k", + "ne" + ], + [ + "▁kn", + "e" + ], + [ + "▁art", + "ists" + ], + [ + "▁artist", + "s" + ], + [ + "Fl", + "ow" + ], + [ + "F", + "low" + ], + [ + "▁А", + "ль" + ], + [ + "▁Ал", + "ь" + ], + [ + "iz", + "ard" + ], + [ + "iza", + "rd" + ], + [ + "izar", + "d" + ], + [ + "▁num", + "ero" + ], + [ + "▁numer", + "o" + ], + [ + "act", + "ic" + ], + [ + "a", + "ctic" + ], + [ + "▁de", + "struct" + ], + [ + "▁dest", + "ruct" + ], + [ + "▁destru", + "ct" + ], + [ + "▁П", + "ра" + ], + [ + "ons", + "ieur" + ], + [ + "q", + "t" + ], + [ + "ab", + "estanden" + ], + [ + "no", + "ść" + ], + [ + "Con", + "nect" + ], + [ + "Conne", + "ct" + ], + [ + "▁o", + "racle" + ], + [ + "▁or", + "acle" + ], + [ + "▁ora", + "cle" + ], + [ + "▁", + "oracle" + ], + [ + "▁Stock", + "holm" + ], + [ + "size", + "of" + ], + [ + "▁gem", + "äß" + ], + [ + "AC", + "T" + ], + [ + "A", + "CT" + ], + [ + "▁ex", + "pert" + ], + [ + "▁exp", + "ert" + ], + [ + "▁exper", + "t" + ], + [ + "ut", + "ions" + ], + [ + "ution", + "s" + ], + [ + "uti", + "ons" + ], + [ + "▁h", + "acia" + ], + [ + "▁ha", + "cia" + ], + [ + "▁log", + "ger" + ], + [ + "▁", + "logger" + ], + [ + "▁f", + "ool" + ], + [ + "▁fo", + "ol" + ], + [ + "▁foo", + "l" + ], + [ + "ry", + "pto" + ], + [ + "rypt", + "o" + ], + [ + "æ", + "r" + ], + [ + "▁c", + "idade" + ], + [ + "▁ci", + "dade" + ], + [ + "▁состав", + "е" + ], + [ + "▁соста", + "ве" + ], + [ + "ok", + "er" + ], + [ + "oke", + "r" + ], + [ + "o", + "ker" + ], + [ + "▁Trans", + "fer" + ], + [ + "▁den", + "ied" + ], + [ + "Tr", + "ack" + ], + [ + "Tra", + "ck" + ], + [ + "T", + "rack" + ], + [ + "▁r", + "adi" + ], + [ + "▁ra", + "di" + ], + [ + "▁rad", + "i" + ], + [ + "ze", + "c" + ], + [ + "z", + "ec" + ], + [ + "▁Histor", + "ic" + ], + [ + "▁Einwo", + "hner" + ], + [ + "ко", + "ю" + ], + [ + "▁х", + "ра" + ], + [ + "▁", + "хра" + ], + [ + "▁C", + "ategory" + ], + [ + "▁", + "Category" + ], + [ + "▁Dis", + "ney" + ], + [ + "▁sw", + "ap" + ], + [ + "▁", + "swap" + ], + [ + "Be", + "gin" + ], + [ + "B", + "egin" + ], + [ + "▁m", + "ientras" + ], + [ + "▁d", + "ance" + ], + [ + "▁dan", + "ce" + ], + [ + "▁t", + "ête" + ], + [ + "▁d", + "roit" + ], + [ + "▁dr", + "oit" + ], + [ + "▁dro", + "it" + ], + [ + "er", + "ta" + ], + [ + "ert", + "a" + ], + [ + "▁bird", + "s" + ], + [ + "▁bir", + "ds" + ], + [ + "▁con", + "vin" + ], + [ + "▁conv", + "in" + ], + [ + "par", + "ator" + ], + [ + "para", + "tor" + ], + [ + "д", + "ра" + ], + [ + "▁E", + "S" + ], + [ + "▁", + "ES" + ], + [ + "▁Ress", + "ources" + ], + [ + "▁Ressource", + "s" + ], + [ + "EG", + "IN" + ], + [ + "ück", + "e" + ], + [ + "ü", + "cke" + ], + [ + "▁Cr", + "uz" + ], + [ + "▁Cru", + "z" + ], + [ + "ab", + "ling" + ], + [ + "abl", + "ing" + ], + [ + "a", + "bling" + ], + [ + "▁\"", + "@" + ], + [ + "▁me", + "tres" + ], + [ + "▁met", + "res" + ], + [ + "▁B", + "eg" + ], + [ + "▁Be", + "g" + ], + [ + "▁Gr", + "ünd" + ], + [ + "▁B", + "oh" + ], + [ + "▁Bo", + "h" + ], + [ + "▁m", + "ile" + ], + [ + "▁mil", + "e" + ], + [ + "▁mi", + "le" + ], + [ + "▁", + "mile" + ], + [ + "▁Techn", + "ology" + ], + [ + "\"", + "+" + ], + [ + "ac", + "co" + ], + [ + "acc", + "o" + ], + [ + "a", + "cco" + ], + [ + "▁s", + "s" + ], + [ + "▁", + "ss" + ], + [ + "▁F", + "ed" + ], + [ + "▁Fe", + "d" + ], + [ + "▁H", + "end" + ], + [ + "▁He", + "nd" + ], + [ + "▁Hen", + "d" + ], + [ + "us", + "ch" + ], + [ + "usc", + "h" + ], + [ + "u", + "sch" + ], + [ + "it", + "ä" + ], + [ + "fol", + "k" + ], + [ + "f", + "olk" + ], + [ + "▁abs", + "or" + ], + [ + "an", + "tal" + ], + [ + "ant", + "al" + ], + [ + "anta", + "l" + ], + [ + "od", + "ge" + ], + [ + "▁WH", + "EN" + ], + [ + "▁Extern", + "í" + ], + [ + "▁Reg", + "iment" + ], + [ + "▁evalu", + "ation" + ], + [ + "▁T", + "ai" + ], + [ + "▁Ta", + "i" + ], + [ + "▁voc", + "als" + ], + [ + "▁vocal", + "s" + ], + [ + "▁ex", + "perimental" + ], + [ + "▁experiment", + "al" + ], + [ + "em", + "bed" + ], + [ + "emb", + "ed" + ], + [ + "▁M", + "inn" + ], + [ + "▁Min", + "n" + ], + [ + "▁Mi", + "nn" + ], + [ + "▁в", + "ме" + ], + [ + "pr", + "ec" + ], + [ + "pre", + "c" + ], + [ + "p", + "rec" + ], + [ + "ever", + "y" + ], + [ + "ev", + "ery" + ], + [ + "e", + "very" + ], + [ + "▁ho", + "of" + ], + [ + "▁Fern", + "ando" + ], + [ + "▁Bibli", + "ographie" + ], + [ + "▁n", + "ag" + ], + [ + "▁na", + "g" + ], + [ + "amerikan", + "ischer" + ], + [ + "▁m", + "arks" + ], + [ + "▁mar", + "ks" + ], + [ + "▁mark", + "s" + ], + [ + "▁", + "marks" + ], + [ + "▁U", + "TC" + ], + [ + "▁", + "UTC" + ], + [ + "▁un", + "certain" + ], + [ + "ди", + "я" + ], + [ + "ol", + "ia" + ], + [ + "oli", + "a" + ], + [ + "o", + "lia" + ], + [ + "▁c", + "up" + ], + [ + "▁cu", + "p" + ], + [ + "▁", + "cup" + ], + [ + "▁f", + "ille" + ], + [ + "▁fil", + "le" + ], + [ + "▁fill", + "e" + ], + [ + "▁fi", + "lle" + ], + [ + "▁d", + "ok" + ], + [ + "▁do", + "k" + ], + [ + "use", + "ppe" + ], + [ + "est", + "erd" + ], + [ + "ester", + "d" + ], + [ + "este", + "rd" + ], + [ + "e", + "sterd" + ], + [ + "▁B", + "rand" + ], + [ + "▁Br", + "and" + ], + [ + "▁Bra", + "nd" + ], + [ + "▁Bran", + "d" + ], + [ + "▁Th", + "ird" + ], + [ + "P", + "P" + ], + [ + "no", + "des" + ], + [ + "node", + "s" + ], + [ + "n", + "odes" + ], + [ + "▁P", + "ad" + ], + [ + "▁Pa", + "d" + ], + [ + "▁", + "Pad" + ], + [ + "▁l", + "oved" + ], + [ + "▁lo", + "ved" + ], + [ + "▁love", + "d" + ], + [ + "▁lov", + "ed" + ], + [ + "sw", + "ing" + ], + [ + "s", + "wing" + ], + [ + "▁surpr", + "ised" + ], + [ + "▁surprise", + "d" + ], + [ + "ar", + "di" + ], + [ + "ard", + "i" + ], + [ + "▁G", + "R" + ], + [ + "▁", + "GR" + ], + [ + "]", + "\"" + ], + [ + "▁equ", + "ally" + ], + [ + "▁equal", + "ly" + ], + [ + "▁eq", + "ually" + ], + [ + "ih", + "e" + ], + [ + "i", + "he" + ], + [ + "ca", + "re" + ], + [ + "car", + "e" + ], + [ + "c", + "are" + ], + [ + "пи", + "сок" + ], + [ + "пис", + "ок" + ], + [ + "li", + "jk" + ], + [ + "lij", + "k" + ], + [ + "l", + "ijk" + ], + [ + "ri", + "nn" + ], + [ + "rin", + "n" + ], + [ + "r", + "inn" + ], + [ + "▁\\", + "[\\" + ], + [ + "▁\\[", + "\\" + ], + [ + "▁s", + "ons" + ], + [ + "▁so", + "ns" + ], + [ + "▁son", + "s" + ], + [ + "▁t", + "ät" + ], + [ + "ic", + "amente" + ], + [ + "ica", + "mente" + ], + [ + "▁l", + "isting" + ], + [ + "▁list", + "ing" + ], + [ + "iel", + "lement" + ], + [ + "ielle", + "ment" + ], + [ + "▁nyel", + "ven" + ], + [ + "▁d", + "s" + ], + [ + "▁", + "ds" + ], + [ + "▁agr", + "icult" + ], + [ + "▁H", + "ermann" + ], + [ + "▁Her", + "mann" + ], + [ + "▁Herm", + "ann" + ], + [ + "▁bes", + "ides" + ], + [ + "▁beside", + "s" + ], + [ + "pro", + "gress" + ], + [ + "prog", + "ress" + ], + [ + "▁pec", + "uliar" + ], + [ + "fo", + "cus" + ], + [ + "f", + "ocus" + ], + [ + "c", + "n" + ], + [ + "-", + "$" + ], + [ + "ствен", + "ный" + ], + [ + "ou", + "rg" + ], + [ + "our", + "g" + ], + [ + "o", + "urg" + ], + [ + "▁w", + "yn" + ], + [ + "▁wy", + "n" + ], + [ + "▁conduct", + "ed" + ], + [ + "▁condu", + "cted" + ], + [ + "▁Станов", + "ништво" + ], + [ + "connect", + "ed" + ], + [ + "conne", + "cted" + ], + [ + "conn", + "ected" + ], + [ + "▁b", + "ott" + ], + [ + "▁bo", + "tt" + ], + [ + "▁bot", + "t" + ], + [ + "▁с", + "мер" + ], + [ + "▁см", + "ер" + ], + [ + "▁P", + "oz" + ], + [ + "▁Po", + "z" + ], + [ + "un", + "ct" + ], + [ + "unc", + "t" + ], + [ + "con", + "da" + ], + [ + "cond", + "a" + ], + [ + "c", + "onda" + ], + [ + "▁савез", + "ној" + ], + [ + "▁ha", + "vet" + ], + [ + "▁have", + "t" + ], + [ + "▁hav", + "et" + ], + [ + "li", + "gt" + ], + [ + "lig", + "t" + ], + [ + "l", + "igt" + ], + [ + "or", + "ted" + ], + [ + "ort", + "ed" + ], + [ + "orte", + "d" + ], + [ + "▁ent", + "ering" + ], + [ + "▁enter", + "ing" + ], + [ + "mult", + "ip" + ], + [ + "multi", + "p" + ], + [ + "mul", + "tip" + ], + [ + "▁Tem", + "ple" + ], + [ + "▁Temp", + "le" + ], + [ + "▁P", + "lant" + ], + [ + "▁Pl", + "ant" + ], + [ + "▁Plan", + "t" + ], + [ + "▁Pla", + "nt" + ], + [ + "type", + "of" + ], + [ + "▁V", + "lad" + ], + [ + "▁qu", + "ed" + ], + [ + "▁que", + "d" + ], + [ + "▁q", + "ued" + ], + [ + "▁re", + "ste" + ], + [ + "▁r", + "este" + ], + [ + "▁res", + "te" + ], + [ + "▁rest", + "e" + ], + [ + "▁ма", + "й" + ], + [ + "▁", + "май" + ], + [ + "▁V", + "ery" + ], + [ + "▁Ver", + "y" + ], + [ + "▁Ve", + "ry" + ], + [ + "ambigu", + "ation" + ], + [ + "▁ch", + "alleng" + ], + [ + "▁res", + "pective" + ], + [ + "▁respect", + "ive" + ], + [ + "▁т", + "ор" + ], + [ + "▁то", + "р" + ], + [ + "▁", + "тор" + ], + [ + "C", + "trl" + ], + [ + "▁abs", + "ence" + ], + [ + "ar", + "u" + ], + [ + "a", + "ru" + ], + [ + "во", + "е" + ], + [ + "▁för", + "st" + ], + [ + "▁s", + "q" + ], + [ + "▁", + "sq" + ], + [ + "▁Em", + "peror" + ], + [ + "▁I", + "gn" + ], + [ + "▁Ig", + "n" + ], + [ + "▁", + "Ign" + ], + [ + "▁т", + "ова" + ], + [ + "▁то", + "ва" + ], + [ + "▁", + "това" + ], + [ + ":", + "`" + ], + [ + "ad", + "oop" + ], + [ + "ado", + "op" + ], + [ + "▁Mad", + "ame" + ], + [ + "▁gru", + "ppo" + ], + [ + "▁grup", + "po" + ], + [ + "st", + "ud" + ], + [ + "▁extern", + "as" + ], + [ + "▁Александ", + "р" + ], + [ + "▁d", + "ign" + ], + [ + "▁di", + "gn" + ], + [ + "▁dig", + "n" + ], + [ + "▁жи", + "ве" + ], + [ + "Am", + "ount" + ], + [ + "A", + "mount" + ], + [ + "▁correl", + "ate" + ], + [ + "▁corre", + "late" + ], + [ + "▁F", + "ant" + ], + [ + "▁Fa", + "nt" + ], + [ + "▁r", + "ails" + ], + [ + "▁ra", + "ils" + ], + [ + "▁rail", + "s" + ], + [ + "▁", + "rails" + ], + [ + "f", + "p" + ], + [ + "министра", + "тив" + ], + [ + "▁b", + "ought" + ], + [ + "▁fil", + "ters" + ], + [ + "▁filter", + "s" + ], + [ + "▁", + "filters" + ], + [ + "▁anc", + "ora" + ], + [ + "▁part", + "ner" + ], + [ + "▁qu", + "and" + ], + [ + "▁quan", + "d" + ], + [ + "sym", + "bol" + ], + [ + "s", + "ymbol" + ], + [ + "ul", + "ating" + ], + [ + "ula", + "ting" + ], + [ + "▁z", + "d" + ], + [ + "▁", + "zd" + ], + [ + "aw", + "n" + ], + [ + "a", + "wn" + ], + [ + "▁G", + "rant" + ], + [ + "▁Gr", + "ant" + ], + [ + "▁Gra", + "nt" + ], + [ + "▁Gran", + "t" + ], + [ + "bec", + "ause" + ], + [ + "b", + "ecause" + ], + [ + "ra", + "ble" + ], + [ + "rab", + "le" + ], + [ + "r", + "able" + ], + [ + "\\", + "}" + ], + [ + "íst", + "icas" + ], + [ + "ística", + "s" + ], + [ + "▁у", + "че" + ], + [ + "▁péri", + "ode" + ], + [ + "▁s", + "ke" + ], + [ + "▁sk", + "e" + ], + [ + "▁", + "ske" + ], + [ + "▁Any", + "way" + ], + [ + "▁index", + "es" + ], + [ + "▁inde", + "xes" + ], + [ + "▁direct", + "ions" + ], + [ + "▁dire", + "ctions" + ], + [ + "▁direction", + "s" + ], + [ + "▁R", + "AM" + ], + [ + "▁RA", + "M" + ], + [ + "▁", + "RAM" + ], + [ + "ch", + "rome" + ], + [ + "chr", + "ome" + ], + [ + "chrom", + "e" + ], + [ + "▁a", + "post" + ], + [ + "▁ap", + "ost" + ], + [ + "▁apo", + "st" + ], + [ + "▁war", + "nings" + ], + [ + "▁warning", + "s" + ], + [ + "▁warn", + "ings" + ], + [ + "▁Air", + "port" + ], + [ + "V", + "I" + ], + [ + "ab", + "ile" + ], + [ + "abil", + "e" + ], + [ + "abi", + "le" + ], + [ + "▁l", + "ord" + ], + [ + "▁lo", + "rd" + ], + [ + "pro", + "vider" + ], + [ + "prov", + "ider" + ], + [ + "▁J", + "i" + ], + [ + "ost", + "ream" + ], + [ + "o", + "stream" + ], + [ + "▁geme", + "ente" + ], + [ + "table", + "View" + ], + [ + "Ex", + "tra" + ], + [ + "Ext", + "ra" + ], + [ + "c", + "ursor" + ], + [ + "eg", + "round" + ], + [ + "egr", + "ound" + ], + [ + "e", + "ground" + ], + [ + "▁M", + "oz" + ], + [ + "▁Mo", + "z" + ], + [ + "▁r", + "ib" + ], + [ + "▁ri", + "b" + ], + [ + "▁", + "rib" + ], + [ + "▁m", + "orph" + ], + [ + "▁mor", + "ph" + ], + [ + "lo", + "ads" + ], + [ + "load", + "s" + ], + [ + "el", + "sk" + ], + [ + "els", + "k" + ], + [ + "▁M", + "AX" + ], + [ + "▁MA", + "X" + ], + [ + "▁", + "MAX" + ], + [ + "▁Santi", + "ago" + ], + [ + "▁H", + "im" + ], + [ + "▁Hi", + "m" + ], + [ + "code", + "s" + ], + [ + "co", + "des" + ], + [ + "cod", + "es" + ], + [ + "c", + "odes" + ], + [ + "▁l", + "anz" + ], + [ + "▁lan", + "z" + ], + [ + "▁count", + "s" + ], + [ + "▁coun", + "ts" + ], + [ + "rinn", + "ingsområ" + ], + [ + "щ", + "ё" + ], + [ + "▁sp", + "é" + ], + [ + "▁pier", + "ws" + ], + [ + "▁pierw", + "s" + ], + [ + "▁S", + "ver" + ], + [ + "▁Sv", + "er" + ], + [ + "▁a", + "cknow" + ], + [ + "▁ac", + "know" + ], + [ + "Bo", + "olean" + ], + [ + "▁фами", + "ли" + ], + [ + "▁Sen", + "ate" + ], + [ + "шо", + "в" + ], + [ + "ш", + "ов" + ], + [ + "ag", + "ers" + ], + [ + "age", + "rs" + ], + [ + "ager", + "s" + ], + [ + "a", + "gers" + ], + [ + "▁Nue", + "va" + ], + [ + "bi", + "l" + ], + [ + "b", + "il" + ], + [ + "ki", + "em" + ], + [ + "kie", + "m" + ], + [ + "k", + "iem" + ], + [ + "▁M", + "ey" + ], + [ + "▁Me", + "y" + ], + [ + "wi", + "j" + ], + [ + "w", + "ij" + ], + [ + "▁G", + "mbH" + ], + [ + "valid", + "ation" + ], + [ + "▁en", + "suite" + ], + [ + "in", + "king" + ], + [ + "ink", + "ing" + ], + [ + "▁c", + "ampion" + ], + [ + "▁camp", + "ion" + ], + [ + "▁finan", + "cial" + ], + [ + "▁financi", + "al" + ], + [ + "iz", + "on" + ], + [ + "izo", + "n" + ], + [ + "i", + "zon" + ], + [ + "He", + "aders" + ], + [ + "Head", + "ers" + ], + [ + "Header", + "s" + ], + [ + "▁deprec", + "ated" + ], + [ + "▁fon", + "ction" + ], + [ + "RE", + "G" + ], + [ + "R", + "EG" + ], + [ + "▁vol", + "umes" + ], + [ + "▁volume", + "s" + ], + [ + "▁C", + "hi" + ], + [ + "▁Ch", + "i" + ], + [ + "▁encounter", + "ed" + ], + [ + "la", + "k" + ], + [ + "l", + "ak" + ], + [ + "ра", + "я" + ], + [ + "▁contin", + "ues" + ], + [ + "▁continu", + "es" + ], + [ + "▁continue", + "s" + ], + [ + "▁~", + "[" + ], + [ + "uer", + "te" + ], + [ + "u", + "erte" + ], + [ + "▁\\", + ";" + ], + [ + "▁", + "\\;" + ], + [ + "▁D", + "ok" + ], + [ + "▁Do", + "k" + ], + [ + "▁we", + "ights" + ], + [ + "▁weight", + "s" + ], + [ + "▁r", + "h" + ], + [ + "▁", + "rh" + ], + [ + "▁Na", + "pole" + ], + [ + "▁Nap", + "ole" + ], + [ + "▁natur", + "ally" + ], + [ + "▁natural", + "ly" + ], + [ + "sk", + "u" + ], + [ + "s", + "ku" + ], + [ + "pa", + "s" + ], + [ + "p", + "as" + ], + [ + "▁g", + "egründ" + ], + [ + "et", + "r" + ], + [ + "e", + "tr" + ], + [ + "▁K", + "u" + ], + [ + "ic", + "ted" + ], + [ + "ict", + "ed" + ], + [ + "i", + "cted" + ], + [ + "▁fab", + "ric" + ], + [ + "▁A", + "SC" + ], + [ + "▁AS", + "C" + ], + [ + "▁", + "ASC" + ], + [ + "▁Entertain", + "ment" + ], + [ + "▁en", + "erg" + ], + [ + "▁ener", + "g" + ], + [ + "кла", + "д" + ], + [ + "к", + "лад" + ], + [ + "om", + "on" + ], + [ + "omo", + "n" + ], + [ + "o", + "mon" + ], + [ + "th", + "eme" + ], + [ + "the", + "me" + ], + [ + "▁ха", + "рак" + ], + [ + "▁d", + "raft" + ], + [ + "▁dr", + "aft" + ], + [ + "▁dra", + "ft" + ], + [ + "▁ch", + "annels" + ], + [ + "▁channel", + "s" + ], + [ + "▁de", + "sert" + ], + [ + "▁des", + "ert" + ], + [ + "▁deser", + "t" + ], + [ + "▁tra", + "vés" + ], + [ + "▁trav", + "és" + ], + [ + "▁L", + "ock" + ], + [ + "▁Lo", + "ck" + ], + [ + "▁Loc", + "k" + ], + [ + "▁", + "Lock" + ], + [ + "▁s", + "iendo" + ], + [ + "▁si", + "endo" + ], + [ + "фе", + "к" + ], + [ + "ф", + "ек" + ], + [ + "m", + "ême" + ], + [ + "▁pa", + "cket" + ], + [ + "▁pack", + "et" + ], + [ + "▁pac", + "ket" + ], + [ + "▁Mount", + "ain" + ], + [ + "▁F", + "ahr" + ], + [ + "▁Fa", + "hr" + ], + [ + "bra", + "io" + ], + [ + "пе", + "ре" + ], + [ + "пер", + "е" + ], + [ + "п", + "ере" + ], + [ + "▁gen", + "annt" + ], + [ + "▁dep", + "loyment" + ], + [ + "▁deploy", + "ment" + ], + [ + "Pa", + "l" + ], + [ + "P", + "al" + ], + [ + "но", + "г" + ], + [ + "ст", + "ру" + ], + [ + "стр", + "у" + ], + [ + "Pr", + "im" + ], + [ + "P", + "rim" + ], + [ + "f", + "ür" + ], + [ + "▁danger", + "ous" + ], + [ + "▁sz", + "ám" + ], + [ + "re", + "ck" + ], + [ + "rec", + "k" + ], + [ + "▁pop", + "up" + ], + [ + "ic", + "ky" + ], + [ + "ick", + "y" + ], + [ + "in", + "ar" + ], + [ + "ina", + "r" + ], + [ + "i", + "nar" + ], + [ + "co", + "wo" + ], + [ + "cow", + "o" + ], + [ + "c", + "owo" + ], + [ + "нци", + "кло" + ], + [ + "ít", + "ás" + ], + [ + "▁pl", + "ugins" + ], + [ + "▁plugin", + "s" + ], + [ + "▁plug", + "ins" + ], + [ + "▁", + "plugins" + ], + [ + "▁dr", + "iven" + ], + [ + "▁drive", + "n" + ], + [ + "▁dri", + "ven" + ], + [ + "▁driv", + "en" + ], + [ + "ле", + "в" + ], + [ + "л", + "ев" + ], + [ + "▁\"", + "(" + ], + [ + "tt", + "a" + ], + [ + "t", + "ta" + ], + [ + "▁", + "Ú" + ], + [ + "▁e", + "b" + ], + [ + "▁", + "eb" + ], + [ + "▁'", + "';" + ], + [ + "▁''", + ";" + ], + [ + "▁kn", + "ock" + ], + [ + "▁ос", + "нова" + ], + [ + "▁основ", + "а" + ], + [ + "▁m", + "aison" + ], + [ + "▁ma", + "ison" + ], + [ + "▁mais", + "on" + ], + [ + "▁mai", + "son" + ], + [ + "г", + "ля" + ], + [ + "▁Hon", + "or" + ], + [ + "▁Ho", + "nor" + ], + [ + "ta", + "il" + ], + [ + "t", + "ail" + ], + [ + "ri", + "tz" + ], + [ + "rit", + "z" + ], + [ + "r", + "itz" + ], + [ + "▁gu", + "ys" + ], + [ + "▁combin", + "ations" + ], + [ + "▁combination", + "s" + ], + [ + "ond", + "ere" + ], + [ + "onder", + "e" + ], + [ + "onde", + "re" + ], + [ + "▁A", + "ld" + ], + [ + "▁Al", + "d" + ], + [ + "▁f", + "iddle" + ], + [ + "▁", + "fiddle" + ], + [ + "да", + "в" + ], + [ + "ur", + "d" + ], + [ + "u", + "rd" + ], + [ + "▁pro", + "jection" + ], + [ + "▁project", + "ion" + ], + [ + "▁Tamb", + "ién" + ], + [ + "ve", + "rb" + ], + [ + "ver", + "b" + ], + [ + "v", + "erb" + ], + [ + "▁ter", + "re" + ], + [ + "▁", + "terre" + ], + [ + "ru", + "gu" + ], + [ + "rug", + "u" + ], + [ + "▁se", + "ptember" + ], + [ + "▁sept", + "ember" + ], + [ + "▁<", + "!" + ], + [ + "co", + "st" + ], + [ + "cos", + "t" + ], + [ + "c", + "ost" + ], + [ + "▁n", + "ut" + ], + [ + "▁nu", + "t" + ], + [ + "▁", + "nut" + ], + [ + "{", + "%" + ], + [ + "▁ub", + "ic" + ], + [ + "am", + "arin" + ], + [ + "ama", + "rin" + ], + [ + "amar", + "in" + ], + [ + "ти", + "и" + ], + [ + "▁pat", + "ron" + ], + [ + "▁patr", + "on" + ], + [ + "▁am", + "ely" + ], + [ + "▁e", + "sto" + ], + [ + "▁est", + "o" + ], + [ + "▁es", + "to" + ], + [ + "▁", + "esto" + ], + [ + "▁li", + "stop" + ], + [ + "▁list", + "op" + ], + [ + "fa", + "l" + ], + [ + "f", + "al" + ], + [ + "▁P", + "rop" + ], + [ + "▁Pro", + "p" + ], + [ + "▁Pr", + "op" + ], + [ + "▁", + "Prop" + ], + [ + "▁O", + "nt" + ], + [ + "▁On", + "t" + ], + [ + "▁M", + "ade" + ], + [ + "▁Ma", + "de" + ], + [ + "▁Mad", + "e" + ], + [ + "TE", + "ST" + ], + [ + "▁N", + "em" + ], + [ + "▁Ne", + "m" + ], + [ + "▁N", + "ations" + ], + [ + "▁Nat", + "ions" + ], + [ + "▁Nation", + "s" + ], + [ + "▁в", + "у" + ], + [ + "▁", + "ву" + ], + [ + "in", + "cluding" + ], + [ + "includ", + "ing" + ], + [ + "▁spect", + "rum" + ], + [ + "▁L", + "an" + ], + [ + "▁La", + "n" + ], + [ + "▁E", + "ver" + ], + [ + "▁Ev", + "er" + ], + [ + "Pa", + "ul" + ], + [ + "t", + "m" + ], + [ + "App", + "end" + ], + [ + "Ap", + "pend" + ], + [ + "Rel", + "ative" + ], + [ + "dis", + "abled" + ], + [ + "disable", + "d" + ], + [ + "return", + "s" + ], + [ + "▁flow", + "ers" + ], + [ + "▁flo", + "wers" + ], + [ + "▁flower", + "s" + ], + [ + "ik", + "u" + ], + [ + "i", + "ku" + ], + [ + "▁|", + "\\" + ], + [ + "▁", + "|\\" + ], + [ + "▁Jord", + "an" + ], + [ + "▁Sm", + "all" + ], + [ + "▁c", + "ic" + ], + [ + "▁ci", + "c" + ], + [ + "▁sex", + "ual" + ], + [ + "au", + "tre" + ], + [ + "aut", + "re" + ], + [ + "ва", + "л" + ], + [ + "в", + "ал" + ], + [ + "▁r", + "ip" + ], + [ + "▁ri", + "p" + ], + [ + "▁", + "rip" + ], + [ + "ou", + "st" + ], + [ + "ous", + "t" + ], + [ + "o", + "ust" + ], + [ + "▁Philadel", + "phia" + ], + [ + "▁u", + "k" + ], + [ + "▁", + "uk" + ], + [ + "▁M", + "ongo" + ], + [ + "▁Mon", + "go" + ], + [ + "▁Mong", + "o" + ], + [ + "xml", + "ns" + ], + [ + "▁sh", + "op" + ], + [ + "▁sho", + "p" + ], + [ + "▁", + "shop" + ], + [ + "▁debug", + "ger" + ], + [ + "▁z", + "aj" + ], + [ + "▁za", + "j" + ], + [ + "▁B", + "illy" + ], + [ + "▁Bill", + "y" + ], + [ + "▁Bil", + "ly" + ], + [ + "▁n", + "iem" + ], + [ + "▁nie", + "m" + ], + [ + "▁ni", + "em" + ], + [ + "ol", + "is" + ], + [ + "oli", + "s" + ], + [ + "o", + "lis" + ], + [ + "▁ро", + "ссий" + ], + [ + "ag", + "ner" + ], + [ + "agn", + "er" + ], + [ + "agne", + "r" + ], + [ + "▁m", + "aven" + ], + [ + "▁ma", + "ven" + ], + [ + "▁", + "maven" + ], + [ + "▁Gu", + "stav" + ], + [ + "▁Gust", + "av" + ], + [ + "A", + "us" + ], + [ + "comp", + "are" + ], + [ + "▁j", + "eu" + ], + [ + "▁je", + "u" + ], + [ + "ud", + "er" + ], + [ + "ude", + "r" + ], + [ + "u", + "der" + ], + [ + "ish", + "ment" + ], + [ + "▁ди", + "визи" + ], + [ + "▁Fin", + "land" + ], + [ + "ну", + "т" + ], + [ + "н", + "ут" + ], + [ + "z", + "és" + ], + [ + "▁Liga", + "ções" + ], + [ + "▁Lig", + "ações" + ], + [ + "▁qu", + "ello" + ], + [ + "▁quel", + "lo" + ], + [ + "an", + "notation" + ], + [ + "annot", + "ation" + ], + [ + "▁th", + "rew" + ], + [ + "▁thr", + "ew" + ], + [ + "▁thre", + "w" + ], + [ + "▁Pro", + "of" + ], + [ + "▁", + "Proof" + ], + [ + "▁A", + "rea" + ], + [ + "▁Ar", + "ea" + ], + [ + "▁Are", + "a" + ], + [ + "▁", + "Area" + ], + [ + "as", + "hi" + ], + [ + "ash", + "i" + ], + [ + "▁F", + "O" + ], + [ + "▁", + "FO" + ], + [ + "ja", + "min" + ], + [ + "j", + "amin" + ], + [ + "ден", + "т" + ], + [ + "д", + "ент" + ], + [ + "▁un", + "us" + ], + [ + "fri", + "end" + ], + [ + ".\"", + ");" + ], + [ + ".\")", + ";" + ], + [ + ".", + "\");" + ], + [ + "▁tra", + "kten" + ], + [ + "document", + "class" + ], + [ + "an", + "ka" + ], + [ + "ank", + "a" + ], + [ + "▁ar", + "rive" + ], + [ + "▁arr", + "ive" + ], + [ + "▁arriv", + "e" + ], + [ + "▁d", + "onne" + ], + [ + "▁don", + "ne" + ], + [ + "▁donn", + "e" + ], + [ + "ol", + "y" + ], + [ + "o", + "ly" + ], + [ + "▁R", + "ein" + ], + [ + "▁Re", + "in" + ], + [ + "▁face", + "book" + ], + [ + "▁fac", + "ebook" + ], + [ + "▁", + "facebook" + ], + [ + "ic", + "ina" + ], + [ + "ici", + "na" + ], + [ + "sl", + "ice" + ], + [ + "s", + "lice" + ], + [ + "▁n", + "agy" + ], + [ + "▁na", + "gy" + ], + [ + "▁nag", + "y" + ], + [ + "▁he", + "bben" + ], + [ + "▁I", + "C" + ], + [ + "▁", + "IC" + ], + [ + "▁B", + "ag" + ], + [ + "▁Ba", + "g" + ], + [ + "▁", + "Bag" + ], + [ + "▁circ", + "ul" + ], + [ + "▁cir", + "cul" + ], + [ + "ác", + "t" + ], + [ + "á", + "ct" + ], + [ + "mit", + "t" + ], + [ + "mi", + "tt" + ], + [ + "m", + "itt" + ], + [ + "▁g", + "rey" + ], + [ + "▁gr", + "ey" + ], + [ + "▁gre", + "y" + ], + [ + "▁c", + "av" + ], + [ + "▁ca", + "v" + ], + [ + "▁осо", + "би" + ], + [ + "▁sym", + "metric" + ], + [ + "▁symmet", + "ric" + ], + [ + "▁S", + "ic" + ], + [ + "▁Si", + "c" + ], + [ + "▁med", + "ium" + ], + [ + "▁medi", + "um" + ], + [ + "▁", + "medium" + ], + [ + "▁U", + "TF" + ], + [ + "▁", + "UTF" + ], + [ + "▁D", + "opo" + ], + [ + "▁Do", + "po" + ], + [ + "í", + "ch" + ], + [ + "bar", + "e" + ], + [ + "ba", + "re" + ], + [ + "b", + "are" + ], + [ + "dz", + "ie" + ], + [ + "d", + "zie" + ], + [ + "▁he", + "aven" + ], + [ + "▁heav", + "en" + ], + [ + "▁cam", + "pe" + ], + [ + "▁camp", + "e" + ], + [ + "ester", + "day" + ], + [ + "esterd", + "ay" + ], + [ + "▁W", + "issenschaft" + ], + [ + "по", + "ль" + ], + [ + "пол", + "ь" + ], + [ + "di", + "d" + ], + [ + "d", + "id" + ], + [ + "al", + "er" + ], + [ + "ale", + "r" + ], + [ + "a", + "ler" + ], + [ + "▁citiz", + "ens" + ], + [ + "▁Marg", + "aret" + ], + [ + "▁s", + "ought" + ], + [ + "ch", + "arts" + ], + [ + "char", + "ts" + ], + [ + "chart", + "s" + ], + [ + "CL", + "C" + ], + [ + "C", + "LC" + ], + [ + "ol", + "ly" + ], + [ + "oll", + "y" + ], + [ + "ys", + "z" + ], + [ + "y", + "sz" + ], + [ + "wa", + "ld" + ], + [ + "wal", + "d" + ], + [ + "w", + "ald" + ], + [ + "▁f", + "en" + ], + [ + "▁fe", + "n" + ], + [ + "▁", + "fen" + ], + [ + "▁S", + "ix" + ], + [ + "▁Si", + "x" + ], + [ + "▁U", + "rs" + ], + [ + "▁Ur", + "s" + ], + [ + "▁ор", + "ган" + ], + [ + "▁T", + "rad" + ], + [ + "▁Tr", + "ad" + ], + [ + "▁Tra", + "d" + ], + [ + "cu", + "e" + ], + [ + "c", + "ue" + ], + [ + "sch", + "utz" + ], + [ + "▁prec", + "ise" + ], + [ + "▁precis", + "e" + ], + [ + "▁W", + "indow" + ], + [ + "▁Wind", + "ow" + ], + [ + "▁", + "Window" + ], + [ + "ти", + "е" + ], + [ + "ло", + "ві" + ], + [ + "лов", + "і" + ], + [ + "it", + "ori" + ], + [ + "ito", + "ri" + ], + [ + "itor", + "i" + ], + [ + "dis", + "ambiguation" + ], + [ + "▁х", + "и" + ], + [ + "▁", + "хи" + ], + [ + "▁N", + "atural" + ], + [ + "▁Natur", + "al" + ], + [ + "▁Nat", + "ural" + ], + [ + "da", + "n" + ], + [ + "d", + "an" + ], + [ + "▁con", + "crete" + ], + [ + "ци", + "ја" + ], + [ + "▁s", + "pel" + ], + [ + "▁sp", + "el" + ], + [ + "▁spe", + "l" + ], + [ + "▁Fa", + "iled" + ], + [ + "▁Fail", + "ed" + ], + [ + "▁", + "Failed" + ], + [ + "ści", + "e" + ], + [ + "śc", + "ie" + ], + [ + "ś", + "cie" + ], + [ + "▁b", + "uf" + ], + [ + "▁bu", + "f" + ], + [ + "▁", + "buf" + ], + [ + "uc", + "a" + ], + [ + "u", + "ca" + ], + [ + "ic", + "ional" + ], + [ + "ici", + "onal" + ], + [ + "icio", + "nal" + ], + [ + "icion", + "al" + ], + [ + "▁ott", + "obre" + ], + [ + "▁otto", + "bre" + ], + [ + "▁ф", + "і" + ], + [ + "▁", + "фі" + ], + [ + "▁submit", + "ted" + ], + [ + "▁subm", + "itted" + ], + [ + "la", + "ve" + ], + [ + "lav", + "e" + ], + [ + "l", + "ave" + ], + [ + "▁P", + "lot" + ], + [ + "▁Pl", + "ot" + ], + [ + "▁", + "Plot" + ], + [ + "▁col", + "leg" + ], + [ + "▁coll", + "eg" + ], + [ + "▁colle", + "g" + ], + [ + "ad", + "em" + ], + [ + "ade", + "m" + ], + [ + "a", + "dem" + ], + [ + "▁ch", + "aque" + ], + [ + "▁cha", + "que" + ], + [ + "▁neighbor", + "hood" + ], + [ + "▁calci", + "atore" + ], + [ + "Lo", + "op" + ], + [ + "L", + "oop" + ], + [ + "▁G", + "ast" + ], + [ + "▁Ga", + "st" + ], + [ + "▁Gas", + "t" + ], + [ + "▁ко", + "гда" + ], + [ + "▁indust", + "rial" + ], + [ + "▁industri", + "al" + ], + [ + "▁f", + "atal" + ], + [ + "▁fa", + "tal" + ], + [ + "▁fat", + "al" + ], + [ + "▁C", + "ert" + ], + [ + "▁Ce", + "rt" + ], + [ + "▁Cer", + "t" + ], + [ + "▁", + "Cert" + ], + [ + "la", + "tion" + ], + [ + "lat", + "ion" + ], + [ + "l", + "ation" + ], + [ + "▁О", + "дна" + ], + [ + "▁Од", + "на" + ], + [ + "▁jam", + "ais" + ], + [ + "▁acc", + "um" + ], + [ + "Id", + "entity" + ], + [ + "Ident", + "ity" + ], + [ + "▁Me", + "dal" + ], + [ + "▁Med", + "al" + ], + [ + "Met", + "adata" + ], + [ + "Meta", + "data" + ], + [ + "▁лю", + "дя" + ], + [ + "br", + "idge" + ], + [ + "brid", + "ge" + ], + [ + "b", + "ridge" + ], + [ + "Go", + "od" + ], + [ + "G", + "ood" + ], + [ + "▁что", + "бы" + ], + [ + "▁comp", + "oser" + ], + [ + "▁compos", + "er" + ], + [ + "▁compose", + "r" + ], + [ + "▁b", + "read" + ], + [ + "▁br", + "ead" + ], + [ + "▁bre", + "ad" + ], + [ + "▁clos", + "ure" + ], + [ + "▁", + "closure" + ], + [ + "▁large", + "ly" + ], + [ + "▁larg", + "ely" + ], + [ + "F", + "B" + ], + [ + "▁обла", + "сть" + ], + [ + "▁autom", + "atic" + ], + [ + "▁automat", + "ic" + ], + [ + "ar", + "ía" + ], + [ + "a", + "ría" + ], + [ + "▁sufficient", + "ly" + ], + [ + "▁ital", + "iana" + ], + [ + "▁ка", + "че" + ], + [ + "▁J", + "ó" + ], + [ + "hi", + "story" + ], + [ + "histor", + "y" + ], + [ + "h", + "istory" + ], + [ + "▁H", + "D" + ], + [ + "▁", + "HD" + ], + [ + "▁sigu", + "iente" + ], + [ + "ne", + "ll" + ], + [ + "nel", + "l" + ], + [ + "n", + "ell" + ], + [ + "▁G", + "ree" + ], + [ + "▁Gr", + "ee" + ], + [ + "▁Gre", + "e" + ], + [ + "▁T", + "i" + ], + [ + "▁trans", + "ferred" + ], + [ + "▁transfer", + "red" + ], + [ + "équ", + "ipe" + ], + [ + "é", + "quipe" + ], + [ + "▁Phili", + "ppe" + ], + [ + "▁Philipp", + "e" + ], + [ + "▁Philip", + "pe" + ], + [ + "▁encou", + "rag" + ], + [ + "▁V", + "ietnam" + ], + [ + "▁graph", + "s" + ], + [ + "▁symmet", + "ry" + ], + [ + "fr", + "ed" + ], + [ + "fre", + "d" + ], + [ + "f", + "red" + ], + [ + "we", + "ek" + ], + [ + "▁bron", + "ze" + ], + [ + "ry", + "s" + ], + [ + "r", + "ys" + ], + [ + "▁name", + "ly" + ], + [ + "▁nam", + "ely" + ], + [ + "on", + "ders" + ], + [ + "ond", + "ers" + ], + [ + "onder", + "s" + ], + [ + "onde", + "rs" + ], + [ + "lem", + "agne" + ], + [ + "X", + "Y" + ], + [ + "Con", + "vert" + ], + [ + "}]", + "(" + ], + [ + "}", + "](" + ], + [ + "Reg", + "ion" + ], + [ + "pe", + "cies" + ], + [ + "pec", + "ies" + ], + [ + "▁te", + "xture" + ], + [ + "▁text", + "ure" + ], + [ + "▁c", + "hr" + ], + [ + "▁ch", + "r" + ], + [ + "▁", + "chr" + ], + [ + "не", + "го" + ], + [ + "н", + "его" + ], + [ + "▁some", + "body" + ], + [ + "a", + "qu" + ], + [ + "er", + "as" + ], + [ + "era", + "s" + ], + [ + "e", + "ras" + ], + [ + "▁Н", + "ово" + ], + [ + "▁Но", + "во" + ], + [ + "▁Нов", + "о" + ], + [ + "▁d", + "ez" + ], + [ + "▁de", + "z" + ], + [ + "an", + "iu" + ], + [ + "ani", + "u" + ], + [ + "a", + "niu" + ], + [ + "ok", + "rat" + ], + [ + "▁co", + "vers" + ], + [ + "▁cover", + "s" + ], + [ + "▁cov", + "ers" + ], + [ + "▁sign", + "als" + ], + [ + "▁signal", + "s" + ], + [ + "ђ", + "е" + ], + [ + "▁H", + "eb" + ], + [ + "▁He", + "b" + ], + [ + "▁An", + "ti" + ], + [ + "▁Ant", + "i" + ], + [ + "IV", + "E" + ], + [ + "I", + "VE" + ], + [ + "▁re", + "ss" + ], + [ + "▁r", + "ess" + ], + [ + "▁res", + "s" + ], + [ + "▁", + "ress" + ], + [ + "LE", + "TE" + ], + [ + "yn", + "a" + ], + [ + "y", + "na" + ], + [ + "п", + "ла" + ], + [ + "жде", + "ния" + ], + [ + "ж", + "дения" + ], + [ + "▁ch", + "amp" + ], + [ + "▁cha", + "mp" + ], + [ + "▁cham", + "p" + ], + [ + "▁vill", + "ages" + ], + [ + "▁village", + "s" + ], + [ + "▁villa", + "ges" + ], + [ + "Z", + "one" + ], + [ + "▁i", + "Phone" + ], + [ + "▁sou", + "vent" + ], + [ + "сь", + "кі" + ], + [ + "ськ", + "і" + ], + [ + "▁feb", + "braio" + ], + [ + "ér", + "cito" + ], + [ + "▁X", + "I" + ], + [ + "ok", + "at" + ], + [ + "oka", + "t" + ], + [ + "▁mem", + "bres" + ], + [ + "▁memb", + "res" + ], + [ + "▁membre", + "s" + ], + [ + "ju", + "nit" + ], + [ + "j", + "unit" + ], + [ + "▁D", + "raw" + ], + [ + "▁Dr", + "aw" + ], + [ + "▁Dra", + "w" + ], + [ + "▁", + "Draw" + ], + [ + "▁п", + "рово" + ], + [ + "▁про", + "во" + ], + [ + "▁пров", + "о" + ], + [ + "▁пр", + "ово" + ], + [ + "aud", + "io" + ], + [ + "audi", + "o" + ], + [ + "a", + "udio" + ], + [ + "en", + "dl" + ], + [ + "end", + "l" + ], + [ + "▁N", + "ad" + ], + [ + "▁Na", + "d" + ], + [ + "▁magn", + "itude" + ], + [ + "Su", + "r" + ], + [ + "S", + "ur" + ], + [ + "ic", + "ing" + ], + [ + "ici", + "ng" + ], + [ + "i", + "cing" + ], + [ + "▁un", + "w" + ], + [ + "▁о", + "три" + ], + [ + "▁от", + "ри" + ], + [ + "▁B", + "ey" + ], + [ + "▁Be", + "y" + ], + [ + "▁V", + "ik" + ], + [ + "▁Vi", + "k" + ], + [ + "▁polít", + "ica" + ], + [ + "port", + "er" + ], + [ + "por", + "ter" + ], + [ + "porte", + "r" + ], + [ + "p", + "orter" + ], + [ + "▁Bar", + "bara" + ], + [ + "▁Barb", + "ara" + ], + [ + "ál", + "t" + ], + [ + "á", + "lt" + ], + [ + "bi", + "b" + ], + [ + "b", + "ib" + ], + [ + "▁accom", + "pan" + ], + [ + "▁accomp", + "an" + ], + [ + "V", + "P" + ], + [ + "▁en", + "coded" + ], + [ + "▁enc", + "oded" + ], + [ + "▁encode", + "d" + ], + [ + "▁", + "encoded" + ], + [ + "▁S", + "ometimes" + ], + [ + "▁Some", + "times" + ], + [ + "bi", + "rd" + ], + [ + "bir", + "d" + ], + [ + "b", + "ird" + ], + [ + "▁U", + "lt" + ], + [ + "▁Ul", + "t" + ], + [ + "▁t", + "un" + ], + [ + "▁tu", + "n" + ], + [ + "get", + "Text" + ], + [ + "▁ar", + "rival" + ], + [ + "▁arr", + "ival" + ], + [ + "▁arriv", + "al" + ], + [ + "script", + "style" + ], + [ + "{", + "`" + ], + [ + "▁pers", + "pective" + ], + [ + "LI", + "NE" + ], + [ + "LIN", + "E" + ], + [ + "L", + "INE" + ], + [ + "Form", + "atter" + ], + [ + "Format", + "ter" + ], + [ + "▁b", + "om" + ], + [ + "▁bo", + "m" + ], + [ + "в", + "ра" + ], + [ + "DE", + "BUG" + ], + [ + "Bound", + "s" + ], + [ + "B", + "ounds" + ], + [ + "▁T", + "itle" + ], + [ + "▁Tit", + "le" + ], + [ + "▁", + "Title" + ], + [ + "l", + "ó" + ], + [ + "Da", + "n" + ], + [ + "D", + "an" + ], + [ + "▁g", + "ene" + ], + [ + "▁ge", + "ne" + ], + [ + "▁gen", + "e" + ], + [ + "▁B", + "it" + ], + [ + "▁Bi", + "t" + ], + [ + "▁", + "Bit" + ], + [ + "▁reprodu", + "ce" + ], + [ + "▁graph", + "ics" + ], + [ + "▁", + "graphics" + ], + [ + "▁с", + "ем" + ], + [ + "▁се", + "м" + ], + [ + "р", + "ё" + ], + [ + "▁ре", + "ки" + ], + [ + "us", + "alem" + ], + [ + "usa", + "lem" + ], + [ + "ро", + "ж" + ], + [ + "▁D", + "ES" + ], + [ + "▁DE", + "S" + ], + [ + "▁So", + "ftware" + ], + [ + "ur", + "ance" + ], + [ + "u", + "rance" + ], + [ + "ithmet", + "ic" + ], + [ + "en", + "ess" + ], + [ + "ene", + "ss" + ], + [ + "enes", + "s" + ], + [ + "e", + "ness" + ], + [ + "ic", + "hi" + ], + [ + "ich", + "i" + ], + [ + "i", + "chi" + ], + [ + "Con", + "verter" + ], + [ + "Convert", + "er" + ], + [ + "▁g", + "ithub" + ], + [ + "▁", + "github" + ], + [ + "erd", + "ings" + ], + [ + "gl", + "ise" + ], + [ + "ác", + "h" + ], + [ + "á", + "ch" + ], + [ + "▁bu", + "ried" + ], + [ + "▁bur", + "ied" + ], + [ + "▁v", + "ision" + ], + [ + "▁vis", + "ion" + ], + [ + "▁", + "vision" + ], + [ + "M", + "iss" + ], + [ + "▁s", + "ees" + ], + [ + "▁se", + "es" + ], + [ + "▁see", + "s" + ], + [ + "▁person", + "nes" + ], + [ + "▁pers", + "onnes" + ], + [ + "▁personn", + "es" + ], + [ + "▁personne", + "s" + ], + [ + "▁In", + "tel" + ], + [ + "▁Int", + "el" + ], + [ + "el", + "ia" + ], + [ + "eli", + "a" + ], + [ + "e", + "lia" + ], + [ + "▁č", + "lán" + ], + [ + "▁c", + "hi" + ], + [ + "▁ch", + "i" + ], + [ + "▁", + "chi" + ], + [ + "▁k", + "las" + ], + [ + "▁kl", + "as" + ], + [ + "au", + "té" + ], + [ + "aut", + "é" + ], + [ + "▁st", + "ark" + ], + [ + "▁star", + "k" + ], + [ + "cz", + "e" + ], + [ + "c", + "ze" + ], + [ + "▁dr", + "ivers" + ], + [ + "▁driver", + "s" + ], + [ + "▁drive", + "rs" + ], + [ + "▁dri", + "vers" + ], + [ + "▁driv", + "ers" + ], + [ + "v", + "n" + ], + [ + "!", + "," + ], + [ + "▁го", + "ды" + ], + [ + "▁год", + "ы" + ], + [ + "H", + "i" + ], + [ + "▁expla", + "ins" + ], + [ + "▁expl", + "ains" + ], + [ + "▁explain", + "s" + ], + [ + "art", + "icles" + ], + [ + "article", + "s" + ], + [ + "▁z", + "ug" + ], + [ + "▁zu", + "g" + ], + [ + "▁", + "zug" + ], + [ + "Pro", + "m" + ], + [ + "Pr", + "om" + ], + [ + "P", + "rom" + ], + [ + ">", + "=" + ], + [ + "▁Be", + "at" + ], + [ + "▁S", + "ax" + ], + [ + "▁Sa", + "x" + ], + [ + "vert", + "ical" + ], + [ + "кт", + "о" + ], + [ + "к", + "то" + ], + [ + "▁pl", + "ants" + ], + [ + "▁plan", + "ts" + ], + [ + "▁plant", + "s" + ], + [ + "▁Ré", + "férences" + ], + [ + "▁Référence", + "s" + ], + [ + "▁og", + "ni" + ], + [ + "▁c", + "urs" + ], + [ + "▁cu", + "rs" + ], + [ + "▁cur", + "s" + ], + [ + "▁S", + "K" + ], + [ + "▁", + "SK" + ], + [ + "он", + "и" + ], + [ + "о", + "ни" + ], + [ + "▁des", + "tac" + ], + [ + "▁dest", + "ac" + ], + [ + "\")", + ";\r" + ], + [ + "\");", + "\r" + ], + [ + "\"", + ");\r" + ], + [ + "▁S", + "ure" + ], + [ + "▁Su", + "re" + ], + [ + "▁Sur", + "e" + ], + [ + "▁part", + "ido" + ], + [ + "▁parti", + "do" + ], + [ + "▁Fol", + "ge" + ], + [ + "▁Mo", + "ore" + ], + [ + "▁w", + "z" + ], + [ + "ск", + "ус" + ], + [ + "ску", + "с" + ], + [ + "lt", + "re" + ], + [ + "l", + "tre" + ], + [ + "on", + "do" + ], + [ + "ond", + "o" + ], + [ + "▁p", + "ose" + ], + [ + "▁po", + "se" + ], + [ + "▁pos", + "e" + ], + [ + "▁", + "pose" + ], + [ + "im", + "os" + ], + [ + "imo", + "s" + ], + [ + "i", + "mos" + ], + [ + "бо", + "й" + ], + [ + "ци", + "па" + ], + [ + "ju", + "s" + ], + [ + "j", + "us" + ], + [ + "..", + "..." + ], + [ + "...", + ".." + ], + [ + "....", + "." + ], + [ + ".", + "...." + ], + [ + "▁ép", + "oca" + ], + [ + "▁qu", + "anto" + ], + [ + "▁quant", + "o" + ], + [ + "▁quan", + "to" + ], + [ + "▁Su", + "pport" + ], + [ + "▁Supp", + "ort" + ], + [ + "▁Sup", + "port" + ], + [ + "▁", + "Support" + ], + [ + "gesch", + "ichte" + ], + [ + "SER", + "VER" + ], + [ + "▁George", + "s" + ], + [ + "▁Georg", + "es" + ], + [ + "en", + "um" + ], + [ + "enu", + "m" + ], + [ + "e", + "num" + ], + [ + "▁h", + "erm" + ], + [ + "▁he", + "rm" + ], + [ + "▁her", + "m" + ], + [ + "▁ne", + "bo" + ], + [ + "▁C", + "hr" + ], + [ + "▁Ch", + "r" + ], + [ + "▁", + "Chr" + ], + [ + "char", + "acter" + ], + [ + "▁*", + "**" + ], + [ + "▁**", + "*" + ], + [ + "▁", + "***" + ], + [ + "▁For", + "sch" + ], + [ + "ia", + "mi" + ], + [ + "iam", + "i" + ], + [ + "i", + "ami" + ], + [ + "▁", + "¿" + ], + [ + "cy", + "ch" + ], + [ + "cyc", + "h" + ], + [ + "c", + "ych" + ], + [ + "▁fif", + "th" + ], + [ + "se", + "nt" + ], + [ + "sen", + "t" + ], + [ + "s", + "ent" + ], + [ + "▁and", + "erem" + ], + [ + "▁andere", + "m" + ], + [ + "▁proport", + "ion" + ], + [ + "▁propor", + "tion" + ], + [ + "▁p", + "rest" + ], + [ + "▁pr", + "est" + ], + [ + "▁pre", + "st" + ], + [ + "▁pres", + "t" + ], + [ + "▁G", + "irl" + ], + [ + "▁Gi", + "rl" + ], + [ + "▁Gir", + "l" + ], + [ + "▁d", + "rama" + ], + [ + "▁dr", + "ama" + ], + [ + "▁dra", + "ma" + ], + [ + "▁dram", + "a" + ], + [ + "wa", + "nd" + ], + [ + "wan", + "d" + ], + [ + "w", + "and" + ], + [ + "▁M", + "ail" + ], + [ + "▁Ma", + "il" + ], + [ + "▁Mai", + "l" + ], + [ + "▁", + "Mail" + ], + [ + "▁L", + "ux" + ], + [ + "▁Lu", + "x" + ], + [ + "▁kter", + "ý" + ], + [ + "▁Ges", + "ellschaft" + ], + [ + "▁Hin", + "weis" + ], + [ + "nis", + "se" + ], + [ + "n", + "isse" + ], + [ + "▁m", + "ondo" + ], + [ + "▁mon", + "do" + ], + [ + "▁mond", + "o" + ], + [ + "E", + "q" + ], + [ + "▁per", + "í" + ], + [ + "▁pe", + "rí" + ], + [ + "▁e", + "astern" + ], + [ + "▁eas", + "tern" + ], + [ + "▁east", + "ern" + ], + [ + "▁UE", + "FA" + ], + [ + "ual", + "e" + ], + [ + "ua", + "le" + ], + [ + "u", + "ale" + ], + [ + "▁con", + "vex" + ], + [ + "▁conv", + "ex" + ], + [ + "▁по", + "ль" + ], + [ + "▁пол", + "ь" + ], + [ + "▁", + "поль" + ], + [ + "▁H", + "ey" + ], + [ + "▁He", + "y" + ], + [ + "ze", + "nie" + ], + [ + "zen", + "ie" + ], + [ + "z", + "enie" + ], + [ + "init", + "ely" + ], + [ + "▁Z", + "usammen" + ], + [ + "SS", + "L" + ], + [ + "S", + "SL" + ], + [ + "oc", + "al" + ], + [ + "oca", + "l" + ], + [ + "o", + "cal" + ], + [ + "▁c", + "anal" + ], + [ + "▁can", + "al" + ], + [ + "▁ca", + "nal" + ], + [ + "vo", + "y" + ], + [ + "v", + "oy" + ], + [ + "▁К", + "ри" + ], + [ + "▁köz", + "ött" + ], + [ + "▁c", + "ars" + ], + [ + "▁car", + "s" + ], + [ + "▁ca", + "rs" + ], + [ + "▁vers", + "ión" + ], + [ + "En", + "vironment" + ], + [ + "He", + "r" + ], + [ + "H", + "er" + ], + [ + "▁se", + "ñ" + ], + [ + "▁sp", + "atial" + ], + [ + "ym", + "i" + ], + [ + "y", + "mi" + ], + [ + "Fi", + "re" + ], + [ + "F", + "ire" + ], + [ + "▁ve", + "get" + ], + [ + "▁veg", + "et" + ], + [ + "▁W", + "ie" + ], + [ + "▁Wi", + "e" + ], + [ + "▁zn", + "aj" + ], + [ + "▁zna", + "j" + ], + [ + "▁dam", + "age" + ], + [ + "▁en", + "dl" + ], + [ + "▁end", + "l" + ], + [ + "▁", + "endl" + ], + [ + "gi", + "f" + ], + [ + "g", + "if" + ], + [ + "▁qu", + "ali" + ], + [ + "▁qual", + "i" + ], + [ + "▁которы", + "х" + ], + [ + "el", + "lan" + ], + [ + "ell", + "an" + ], + [ + "ella", + "n" + ], + [ + "▁m", + "ens" + ], + [ + "▁me", + "ns" + ], + [ + "▁men", + "s" + ], + [ + "▁pl", + "ug" + ], + [ + "▁a", + "bund" + ], + [ + "▁ab", + "und" + ], + [ + "FI", + "G" + ], + [ + "F", + "IG" + ], + [ + "▁s", + "f" + ], + [ + "▁", + "sf" + ], + [ + "▁con", + "fl" + ], + [ + "▁conf", + "l" + ], + [ + "▁насе", + "ления" + ], + [ + "▁princi", + "ples" + ], + [ + "▁princip", + "les" + ], + [ + "▁principle", + "s" + ], + [ + "▁Gab", + "riel" + ], + [ + "ib", + "e" + ], + [ + "i", + "be" + ], + [ + "▁{", + "%" + ], + [ + "▁", + "{%" + ], + [ + "▁pobla", + "ció" + ], + [ + "ні", + "ципа" + ], + [ + "▁ext", + "reme" + ], + [ + "▁extrem", + "e" + ], + [ + "▁extr", + "eme" + ], + [ + "▁as", + "se" + ], + [ + "▁ass", + "e" + ], + [ + "▁", + "asse" + ], + [ + "▁v", + "u" + ], + [ + "▁", + "vu" + ], + [ + "Mo", + "ck" + ], + [ + "M", + "ock" + ], + [ + "▁spiel", + "te" + ], + [ + "▁A", + "er" + ], + [ + "▁d", + "atos" + ], + [ + "▁dat", + "os" + ], + [ + "en", + "des" + ], + [ + "end", + "es" + ], + [ + "ende", + "s" + ], + [ + "▁G", + "el" + ], + [ + "▁Ge", + "l" + ], + [ + "▁G", + "or" + ], + [ + "▁Go", + "r" + ], + [ + "Ch", + "rist" + ], + [ + "Chr", + "ist" + ], + [ + "ch", + "os" + ], + [ + "cho", + "s" + ], + [ + "c", + "hos" + ], + [ + "Process", + "or" + ], + [ + "Proc", + "essor" + ], + [ + "▁in", + "struct" + ], + [ + "▁inst", + "ruct" + ], + [ + "▁instru", + "ct" + ], + [ + "▁p", + "icked" + ], + [ + "▁pick", + "ed" + ], + [ + "▁pic", + "ked" + ], + [ + "nah", + "me" + ], + [ + "nahm", + "e" + ], + [ + "fa", + "hr" + ], + [ + "fah", + "r" + ], + [ + "f", + "ahr" + ], + [ + "▁indic", + "ated" + ], + [ + "▁indicate", + "d" + ], + [ + "▁%", + "." + ], + [ + "▁", + "%." + ], + [ + "▁t", + "s" + ], + [ + "▁", + "ts" + ], + [ + "▁not", + "able" + ], + [ + "▁no", + "table" + ], + [ + "▁qual", + "ified" + ], + [ + "▁А", + "л" + ], + [ + "Bl", + "ack" + ], + [ + "B", + "lack" + ], + [ + "▁coun", + "cil" + ], + [ + "▁over", + "head" + ], + [ + "ac", + "i" + ], + [ + "a", + "ci" + ], + [ + "an", + "née" + ], + [ + "ann", + "ée" + ], + [ + "▁init", + "With" + ], + [ + "bi", + "ó" + ], + [ + "b", + "ió" + ], + [ + "▁int", + "roduction" + ], + [ + "▁introdu", + "ction" + ], + [ + "▁compan", + "ion" + ], + [ + "▁ex", + "pon" + ], + [ + "▁exp", + "on" + ], + [ + "▁k", + "ör" + ], + [ + "▁kö", + "r" + ], + [ + "ob", + "y" + ], + [ + "o", + "by" + ], + [ + "bu", + "rn" + ], + [ + "bur", + "n" + ], + [ + "b", + "urn" + ], + [ + "gn", + "u" + ], + [ + "g", + "nu" + ], + [ + "virt", + "ual" + ], + [ + "v", + "irtual" + ], + [ + "▁intel", + "lect" + ], + [ + "▁д", + "ержа" + ], + [ + "▁", + "держа" + ], + [ + "'", + "+" + ], + [ + "б", + "ле" + ], + [ + "▁strict", + "ly" + ], + [ + "▁recogn", + "ize" + ], + [ + "ho", + "ur" + ], + [ + "hou", + "r" + ], + [ + "h", + "our" + ], + [ + "▁W", + "rest" + ], + [ + "en", + "nen" + ], + [ + "enn", + "en" + ], + [ + "enne", + "n" + ], + [ + "$)", + "." + ], + [ + "$", + ")." + ], + [ + "ff", + "f" + ], + [ + "f", + "ff" + ], + [ + "▁Cent", + "ro" + ], + [ + "▁P", + "itt" + ], + [ + "▁Pi", + "tt" + ], + [ + "▁Pit", + "t" + ], + [ + "▁d", + "ział" + ], + [ + "▁dz", + "iał" + ], + [ + "▁", + "dział" + ], + [ + "▁c", + "ela" + ], + [ + "▁ce", + "la" + ], + [ + "▁cel", + "a" + ], + [ + "▁frances", + "e" + ], + [ + "▁franc", + "ese" + ], + [ + "ра", + "ми" + ], + [ + "spe", + "cial" + ], + [ + "spec", + "ial" + ], + [ + "▁D", + "up" + ], + [ + "▁Du", + "p" + ], + [ + "to", + "ire" + ], + [ + "t", + "oire" + ], + [ + "ка", + "ль" + ], + [ + "кал", + "ь" + ], + [ + "к", + "аль" + ], + [ + "CO", + "UNT" + ], + [ + "▁Br", + "ook" + ], + [ + "▁Bro", + "ok" + ], + [ + "▁ру", + "ково" + ], + [ + "pub", + "lique" + ], + [ + "▁se", + "conda" + ], + [ + "▁second", + "a" + ], + [ + "▁sec", + "onda" + ], + [ + "▁com", + "pt" + ], + [ + "▁comp", + "t" + ], + [ + "▁b", + "land" + ], + [ + "▁bl", + "and" + ], + [ + "▁bla", + "nd" + ], + [ + "▁blan", + "d" + ], + [ + "Be", + "fore" + ], + [ + "▁P", + "ack" + ], + [ + "▁Pa", + "ck" + ], + [ + "▁Pac", + "k" + ], + [ + "▁", + "Pack" + ], + [ + "al", + "ty" + ], + [ + "alt", + "y" + ], + [ + "öd", + "er" + ], + [ + "ö", + "der" + ], + [ + "▁interval", + "s" + ], + [ + "▁Daten", + "bank" + ], + [ + "Mo", + "vie" + ], + [ + "M", + "ovie" + ], + [ + "▁trans", + "m" + ], + [ + "▁tran", + "sm" + ], + [ + "▁t", + "ap" + ], + [ + "▁ta", + "p" + ], + [ + "▁по", + "ч" + ], + [ + "fo", + "n" + ], + [ + "f", + "on" + ], + [ + "ia", + "i" + ], + [ + "i", + "ai" + ], + [ + "▁f", + "ib" + ], + [ + "▁fi", + "b" + ], + [ + "▁w", + "yd" + ], + [ + "▁wy", + "d" + ], + [ + "▁h", + "ung" + ], + [ + "▁hun", + "g" + ], + [ + "▁hu", + "ng" + ], + [ + "▁", + "hung" + ], + [ + "▁a", + "live" + ], + [ + "▁al", + "ive" + ], + [ + "▁ali", + "ve" + ], + [ + "Cl", + "ear" + ], + [ + "C", + "lear" + ], + [ + "▁p", + "ushed" + ], + [ + "▁push", + "ed" + ], + [ + "▁tu", + "ple" + ], + [ + "▁", + "tuple" + ], + [ + "ach", + "en" + ], + [ + "ac", + "hen" + ], + [ + "ache", + "n" + ], + [ + "a", + "chen" + ], + [ + "го", + "во" + ], + [ + "гов", + "о" + ], + [ + "г", + "ово" + ], + [ + "▁re", + "vers" + ], + [ + "▁rev", + "ers" + ], + [ + "▁reve", + "rs" + ], + [ + "▁rever", + "s" + ], + [ + "▁au", + "gment" + ], + [ + "▁aug", + "ment" + ], + [ + "▁ch", + "allenge" + ], + [ + "▁challeng", + "e" + ], + [ + "lo", + "st" + ], + [ + "los", + "t" + ], + [ + "l", + "ost" + ], + [ + "▁deux", + "ième" + ], + [ + "struct", + "or" + ], + [ + "stru", + "ctor" + ], + [ + "▁mehr", + "erer" + ], + [ + "▁mehrere", + "r" + ], + [ + "at", + "ural" + ], + [ + "atur", + "al" + ], + [ + "atura", + "l" + ], + [ + "atu", + "ral" + ], + [ + "Sp", + "lit" + ], + [ + "S", + "plit" + ], + [ + "ст", + "ем" + ], + [ + "сте", + "м" + ], + [ + "с", + "тем" + ], + [ + "ш", + "ла" + ], + [ + ")\\", + "\\" + ], + [ + ")", + "\\\\" + ], + [ + "▁D", + "og" + ], + [ + "▁Do", + "g" + ], + [ + "▁develop", + "ers" + ], + [ + "▁developer", + "s" + ], + [ + "▁", + "developers" + ], + [ + "▁n", + "od" + ], + [ + "▁no", + "d" + ], + [ + "▁сто", + "ро" + ], + [ + "▁Na", + "N" + ], + [ + "▁", + "NaN" + ], + [ + "▁pr", + "iest" + ], + [ + "▁pri", + "est" + ], + [ + "▁ex", + "ha" + ], + [ + "UN", + "D" + ], + [ + "U", + "ND" + ], + [ + "pa", + "ir" + ], + [ + "p", + "air" + ], + [ + "al", + "one" + ], + [ + "alo", + "ne" + ], + [ + "▁m", + "oon" + ], + [ + "▁mo", + "on" + ], + [ + "▁#", + "!/" + ], + [ + "▁g", + "uns" + ], + [ + "▁gu", + "ns" + ], + [ + "▁gun", + "s" + ], + [ + "ro", + "la" + ], + [ + "rol", + "a" + ], + [ + "r", + "ola" + ], + [ + "чи", + "та" + ], + [ + "▁Encyc", + "lopedia" + ], + [ + "▁Encyclop", + "edia" + ], + [ + "at", + "is" + ], + [ + "ati", + "s" + ], + [ + "a", + "tis" + ], + [ + "▁'", + "\"" + ], + [ + "▁", + "'\"" + ], + [ + "zy", + "ch" + ], + [ + "z", + "ych" + ], + [ + "▁super", + "fic" + ], + [ + "▁э", + "к" + ], + [ + "еде", + "ра" + ], + [ + "fe", + "ed" + ], + [ + "f", + "eed" + ], + [ + "LA", + "Y" + ], + [ + "F", + "i" + ], + [ + "un", + "ks" + ], + [ + "unk", + "s" + ], + [ + "ise", + "cond" + ], + [ + "i", + "second" + ], + [ + "▁'", + "@" + ], + [ + "▁Ad", + "ding" + ], + [ + "▁Add", + "ing" + ], + [ + "ро", + "е" + ], + [ + "▁t", + "ang" + ], + [ + "▁tan", + "g" + ], + [ + "▁ta", + "ng" + ], + [ + "ц", + "о" + ], + [ + "hu", + "ng" + ], + [ + "h", + "ung" + ], + [ + "bi", + "s" + ], + [ + "b", + "is" + ], + [ + "sk", + "ého" + ], + [ + "ské", + "ho" + ], + [ + "▁ad", + "vert" + ], + [ + "▁adv", + "ert" + ], + [ + "▁за", + "нима" + ], + [ + "uz", + "z" + ], + [ + "u", + "zz" + ], + [ + "ág", + "ina" + ], + [ + "▁T", + "el" + ], + [ + "▁Te", + "l" + ], + [ + "si", + "g" + ], + [ + "s", + "ig" + ], + [ + "▁E", + "z" + ], + [ + "▁guarante", + "e" + ], + [ + "▁te", + "aching" + ], + [ + "▁teach", + "ing" + ], + [ + "ot", + "y" + ], + [ + "o", + "ty" + ], + [ + "ter", + "min" + ], + [ + "term", + "in" + ], + [ + "▁distribution", + "s" + ], + [ + "▁distrib", + "utions" + ], + [ + "FL", + "A" + ], + [ + "F", + "LA" + ], + [ + "▁Gi", + "useppe" + ], + [ + "query", + "Selector" + ], + [ + "▁/", + "\\" + ], + [ + "▁", + "/\\" + ], + [ + "▁S", + "quad" + ], + [ + "g", + "z" + ], + [ + "de", + "lay" + ], + [ + "del", + "ay" + ], + [ + "▁surr", + "ounding" + ], + [ + "▁m", + "anus" + ], + [ + "▁man", + "us" + ], + [ + "▁H", + "ou" + ], + [ + "▁Ho", + "u" + ], + [ + "²", + "," + ], + [ + "▁cult", + "iv" + ], + [ + "▁trouble", + "s" + ], + [ + "▁trou", + "bles" + ], + [ + "▁r", + "aison" + ], + [ + "▁ra", + "ison" + ], + [ + "exp", + "and" + ], + [ + "▁c", + "ov" + ], + [ + "▁co", + "v" + ], + [ + "▁", + "cov" + ], + [ + "nung", + "en" + ], + [ + "n", + "ungen" + ], + [ + "))", + "{" + ], + [ + ")", + "){" + ], + [ + "▁g", + "een" + ], + [ + "▁ge", + "en" + ], + [ + "▁au", + "ßer" + ], + [ + "▁Л", + "і" + ], + [ + "ř", + "i" + ], + [ + "▁situ", + "ations" + ], + [ + "▁situation", + "s" + ], + [ + "▁tele", + "p" + ], + [ + "▁tel", + "ep" + ], + [ + "▁J", + "ed" + ], + [ + "▁Je", + "d" + ], + [ + "▁trav", + "ail" + ], + [ + "▁trava", + "il" + ], + [ + "li", + "as" + ], + [ + "lia", + "s" + ], + [ + "l", + "ias" + ], + [ + "bul", + "let" + ], + [ + "▁select", + "ing" + ], + [ + "av", + "ier" + ], + [ + "avi", + "er" + ], + [ + "a", + "vier" + ], + [ + "▁ess", + "ential" + ], + [ + "(", + "/" + ], + [ + "yy", + "yy" + ], + [ + "št", + "ě" + ], + [ + "ul", + "ty" + ], + [ + "ult", + "y" + ], + [ + "▁k", + "ra" + ], + [ + "▁kr", + "a" + ], + [ + "▁t", + "abs" + ], + [ + "▁tab", + "s" + ], + [ + "▁ta", + "bs" + ], + [ + "▁", + "tabs" + ], + [ + "▁experience", + "d" + ], + [ + "▁experien", + "ced" + ], + [ + "az", + "i" + ], + [ + "a", + "zi" + ], + [ + "▁D", + "irectory" + ], + [ + "▁Direct", + "ory" + ], + [ + "▁Director", + "y" + ], + [ + "▁", + "Directory" + ], + [ + "▁c", + "ron" + ], + [ + "▁cr", + "on" + ], + [ + "▁cro", + "n" + ], + [ + "▁s", + "pend" + ], + [ + "▁sp", + "end" + ], + [ + "▁spe", + "nd" + ], + [ + "▁R", + "A" + ], + [ + "▁", + "RA" + ], + [ + "▁s", + "elenium" + ], + [ + "▁sel", + "enium" + ], + [ + "▁", + "selenium" + ], + [ + "▁T", + "hé" + ], + [ + "▁Th", + "é" + ], + [ + "Element", + "s" + ], + [ + "El", + "ements" + ], + [ + "ci", + "i" + ], + [ + "c", + "ii" + ], + [ + "▁p", + "lat" + ], + [ + "▁pl", + "at" + ], + [ + "▁pla", + "t" + ], + [ + "▁arch", + "ive" + ], + [ + "▁archiv", + "e" + ], + [ + "▁", + "archive" + ], + [ + "▁ass", + "istance" + ], + [ + "▁assist", + "ance" + ], + [ + "▁ne", + "ck" + ], + [ + "▁A", + "venue" + ], + [ + "▁Aven", + "ue" + ], + [ + "▁w", + "heel" + ], + [ + "▁whe", + "el" + ], + [ + "▁h", + "ade" + ], + [ + "▁ha", + "de" + ], + [ + "▁had", + "e" + ], + [ + "Com", + "mon" + ], + [ + "Comm", + "on" + ], + [ + "▁D", + "ialog" + ], + [ + "▁Di", + "alog" + ], + [ + "▁Dia", + "log" + ], + [ + "▁", + "Dialog" + ], + [ + "▁f", + "org" + ], + [ + "▁for", + "g" + ], + [ + "▁fo", + "rg" + ], + [ + "▁sur", + "ely" + ], + [ + "▁sure", + "ly" + ], + [ + "▁h", + "ockey" + ], + [ + "kt", + "ó" + ], + [ + "k", + "tó" + ], + [ + "▁t", + "k" + ], + [ + "▁", + "tk" + ], + [ + "▁Br", + "uce" + ], + [ + "▁Bru", + "ce" + ], + [ + "▁e", + "norm" + ], + [ + "▁en", + "orm" + ], + [ + ",", + "’" + ], + [ + "▁Christ", + "opher" + ], + [ + "▁Christoph", + "er" + ], + [ + "je", + "v" + ], + [ + "j", + "ev" + ], + [ + "▁qu", + "ad" + ], + [ + "▁", + "quad" + ], + [ + "▁A", + "JAX" + ], + [ + "▁rel", + "ief" + ], + [ + "▁reli", + "ef" + ], + [ + "▁m", + "odes" + ], + [ + "▁mod", + "es" + ], + [ + "▁mo", + "des" + ], + [ + "▁mode", + "s" + ], + [ + "sk", + "lär" + ], + [ + "s", + "klär" + ], + [ + "▁V", + "id" + ], + [ + "▁Vi", + "d" + ], + [ + "▁Se", + "rial" + ], + [ + "▁Ser", + "ial" + ], + [ + "▁", + "Serial" + ], + [ + "▁to", + "kens" + ], + [ + "▁token", + "s" + ], + [ + "▁Pol", + "and" + ], + [ + "▁Po", + "land" + ], + [ + "\\", + "]" + ], + [ + "▁v", + "ide" + ], + [ + "▁vi", + "de" + ], + [ + "▁vid", + "e" + ], + [ + "ro", + "oms" + ], + [ + "room", + "s" + ], + [ + "om", + "as" + ], + [ + "oma", + "s" + ], + [ + "o", + "mas" + ], + [ + "▁B", + "ureau" + ], + [ + "▁Bur", + "eau" + ], + [ + "c", + "x" + ], + [ + "ность", + "ю" + ], + [ + "ност", + "ью" + ], + [ + "▁sign", + "s" + ], + [ + "▁sig", + "ns" + ], + [ + "ше", + "ние" + ], + [ + "los", + "sen" + ], + [ + "loss", + "en" + ], + [ + "l", + "ossen" + ], + [ + "▁Que", + "ens" + ], + [ + "▁Queen", + "s" + ], + [ + "▁m", + "embre" + ], + [ + "▁mem", + "bre" + ], + [ + "▁memb", + "re" + ], + [ + "▁m", + "ez" + ], + [ + "▁me", + "z" + ], + [ + "▁", + "mez" + ], + [ + "▁B", + "ool" + ], + [ + "▁Bo", + "ol" + ], + [ + "▁", + "Bool" + ], + [ + "▁N", + "aj" + ], + [ + "▁Na", + "j" + ], + [ + "▁Mem", + "ory" + ], + [ + "▁", + "Memory" + ], + [ + "▁K", + "han" + ], + [ + "▁Kh", + "an" + ], + [ + "▁l", + "à" + ], + [ + "▁", + "là" + ], + [ + "▁H", + "ud" + ], + [ + "▁Hu", + "d" + ], + [ + "▁d", + "ismiss" + ], + [ + "▁dis", + "miss" + ], + [ + "ight", + "h" + ], + [ + "igh", + "th" + ], + [ + "▁f", + "s" + ], + [ + "▁", + "fs" + ], + [ + "pr", + "event" + ], + [ + "pre", + "vent" + ], + [ + "prev", + "ent" + ], + [ + "▁ме", + "да" + ], + [ + "▁Pol", + "ice" + ], + [ + "▁Po", + "lice" + ], + [ + "▁с", + "ко" + ], + [ + "▁", + "ско" + ], + [ + "fin", + "ite" + ], + [ + "▁a", + "mi" + ], + [ + "▁am", + "i" + ], + [ + "▁", + "ami" + ], + [ + "▁M", + "uch" + ], + [ + "▁Mu", + "ch" + ], + [ + "ow", + "ania" + ], + [ + "owa", + "nia" + ], + [ + "owan", + "ia" + ], + [ + "OR", + "Y" + ], + [ + "O", + "RY" + ], + [ + "io", + "rs" + ], + [ + "ior", + "s" + ], + [ + "i", + "ors" + ], + [ + "▁Prem", + "io" + ], + [ + "▁text", + "box" + ], + [ + "d", + "m" + ], + [ + "▁a", + "fin" + ], + [ + "▁af", + "in" + ], + [ + "▁Don", + "ald" + ], + [ + "▁", + "Donald" + ], + [ + "▁P", + "riv" + ], + [ + "▁Pr", + "iv" + ], + [ + "▁Pri", + "v" + ], + [ + "▁de", + "cid" + ], + [ + "▁dec", + "id" + ], + [ + "▁Maur", + "ice" + ], + [ + "▁Mau", + "rice" + ], + [ + "ag", + "an" + ], + [ + "aga", + "n" + ], + [ + "a", + "gan" + ], + [ + "▁Britann", + "ica" + ], + [ + "▁o", + "ft" + ], + [ + "▁of", + "t" + ], + [ + "▁consec", + "utive" + ], + [ + "\"?", + ">" + ], + [ + "\"", + "?>" + ], + [ + "ови", + "й" + ], + [ + "st", + "udent" + ], + [ + "stud", + "ent" + ], + [ + "▁pe", + "que" + ], + [ + "▁di", + "eses" + ], + [ + "▁dies", + "es" + ], + [ + "▁diese", + "s" + ], + [ + "▁ret", + "our" + ], + [ + "ét", + "r" + ], + [ + "é", + "tr" + ], + [ + "▁с", + "ез" + ], + [ + "▁се", + "з" + ], + [ + "▁k", + "re" + ], + [ + "▁kr", + "e" + ], + [ + "▁", + "kre" + ], + [ + "▁v", + "otes" + ], + [ + "▁vo", + "tes" + ], + [ + "▁vot", + "es" + ], + [ + "▁vote", + "s" + ], + [ + "ru", + "ption" + ], + [ + "rupt", + "ion" + ], + [ + "rup", + "tion" + ], + [ + "iz", + "ada" + ], + [ + "iza", + "da" + ], + [ + "▁W", + "iel" + ], + [ + "▁Wi", + "el" + ], + [ + "▁Wie", + "l" + ], + [ + "▁G", + "ray" + ], + [ + "▁Gr", + "ay" + ], + [ + "▁Gra", + "y" + ], + [ + "▁Le", + "op" + ], + [ + "▁Leo", + "p" + ], + [ + "teil", + "ung" + ], + [ + "tei", + "lung" + ], + [ + "([", + "'" + ], + [ + "(", + "['" + ], + [ + "▁wh", + "ites" + ], + [ + "▁white", + "s" + ], + [ + "fr", + "ica" + ], + [ + "fri", + "ca" + ], + [ + "f", + "rica" + ], + [ + "an", + "imation" + ], + [ + "anim", + "ation" + ], + [ + "cur", + "l" + ], + [ + "cu", + "rl" + ], + [ + "c", + "url" + ], + [ + "ling", + "s" + ], + [ + "lin", + "gs" + ], + [ + "l", + "ings" + ], + [ + "=\"", + "$" + ], + [ + "lo", + "yd" + ], + [ + "loy", + "d" + ], + [ + "text", + "sc" + ], + [ + "ор", + "у" + ], + [ + "о", + "ру" + ], + [ + "▁се", + "ла" + ], + [ + "es", + "ian" + ], + [ + "esi", + "an" + ], + [ + "esia", + "n" + ], + [ + "▁M", + "ission" + ], + [ + "▁Miss", + "ion" + ], + [ + "▁не", + "за" + ], + [ + "▁ult", + "imately" + ], + [ + "бо", + "в" + ], + [ + "б", + "ов" + ], + [ + "ol", + "en" + ], + [ + "ole", + "n" + ], + [ + "o", + "len" + ], + [ + "ско", + "му" + ], + [ + "ском", + "у" + ], + [ + "ск", + "ому" + ], + [ + "с", + "кому" + ], + [ + "ne", + "te" + ], + [ + "net", + "e" + ], + [ + "n", + "ete" + ], + [ + "▁D", + "it" + ], + [ + "▁Di", + "t" + ], + [ + "▁co", + "stru" + ], + [ + "▁cost", + "ru" + ], + [ + "dep", + "endent" + ], + [ + "▁Re", + "source" + ], + [ + "▁Res", + "ource" + ], + [ + "▁", + "Resource" + ], + [ + "▁host", + "s" + ], + [ + "▁hos", + "ts" + ], + [ + "▁", + "hosts" + ], + [ + "▁re", + "ar" + ], + [ + "▁r", + "ear" + ], + [ + "D", + "uration" + ], + [ + "ни", + "ків" + ], + [ + "ник", + "ів" + ], + [ + "М", + "а" + ], + [ + "▁pl", + "anning" + ], + [ + "▁plan", + "ning" + ], + [ + "▁pre", + "diction" + ], + [ + "▁pred", + "iction" + ], + [ + "▁predict", + "ion" + ], + [ + "▁L", + "yn" + ], + [ + "▁Ly", + "n" + ], + [ + "▁k", + "ir" + ], + [ + "▁ki", + "r" + ], + [ + "▁", + "kir" + ], + [ + "▁Leg", + "isl" + ], + [ + "ма", + "т" + ], + [ + "м", + "ат" + ], + [ + "▁S", + "occer" + ], + [ + "▁Soc", + "cer" + ], + [ + "▁sur", + "vey" + ], + [ + "▁surv", + "ey" + ], + [ + "▁surve", + "y" + ], + [ + "▁estadoun", + "idense" + ], + [ + "or", + "gen" + ], + [ + "org", + "en" + ], + [ + "orge", + "n" + ], + [ + "jo", + "urd" + ], + [ + "jou", + "rd" + ], + [ + "j", + "ourd" + ], + [ + "▁ap", + "rile" + ], + [ + "▁april", + "e" + ], + [ + "▁apr", + "ile" + ], + [ + "▁i", + "ds" + ], + [ + "▁id", + "s" + ], + [ + "▁", + "ids" + ], + [ + "сь", + "ке" + ], + [ + "ськ", + "е" + ], + [ + "▁emp", + "loyee" + ], + [ + "▁employ", + "ee" + ], + [ + "▁", + "employee" + ], + [ + "▁Schaus", + "pieler" + ], + [ + "р", + "ъ" + ], + [ + "▁mult", + "imedia" + ], + [ + "▁multi", + "media" + ], + [ + "▁сво", + "ю" + ], + [ + "▁w", + "ine" + ], + [ + "▁win", + "e" + ], + [ + "▁E", + "U" + ], + [ + "ic", + "ă" + ], + [ + "▁R", + "hein" + ], + [ + "▁Rh", + "ein" + ], + [ + "▁Pal", + "mar" + ], + [ + "ot", + "eca" + ], + [ + "ote", + "ca" + ], + [ + "▁prep", + "are" + ], + [ + "▁prepar", + "e" + ], + [ + "▁", + "prepare" + ], + [ + "▁T", + "ot" + ], + [ + "▁To", + "t" + ], + [ + "▁N", + "ull" + ], + [ + "▁Nu", + "ll" + ], + [ + "▁", + "Null" + ], + [ + "▁k", + "in" + ], + [ + "▁ki", + "n" + ], + [ + "▁", + "kin" + ], + [ + "in", + "als" + ], + [ + "inal", + "s" + ], + [ + "ina", + "ls" + ], + [ + "▁New", + "ton" + ], + [ + "▁t", + "bl" + ], + [ + "▁", + "tbl" + ], + [ + "▁S", + "old" + ], + [ + "▁So", + "ld" + ], + [ + "▁Sol", + "d" + ], + [ + "▁ver", + "f" + ], + [ + "▁ve", + "rf" + ], + [ + "at", + "uring" + ], + [ + "atur", + "ing" + ], + [ + "atu", + "ring" + ], + [ + "▁la", + "ptop" + ], + [ + "▁lap", + "top" + ], + [ + "▁Со", + "вет" + ], + [ + "▁Сов", + "ет" + ], + [ + "▁Сове", + "т" + ], + [ + "se", + "cret" + ], + [ + "sec", + "ret" + ], + [ + "▁Olymp", + "ic" + ], + [ + "▁football", + "er" + ], + [ + "▁Rud", + "olf" + ], + [ + "▁con", + "he" + ], + [ + "zy", + "sk" + ], + [ + "▁evalu", + "ated" + ], + [ + "▁evaluate", + "d" + ], + [ + "»", + ")" + ], + [ + "sh", + "op" + ], + [ + "re", + "pository" + ], + [ + "▁z", + "ach" + ], + [ + "▁za", + "ch" + ], + [ + "▁l", + "osing" + ], + [ + "▁lo", + "sing" + ], + [ + "▁los", + "ing" + ], + [ + "et", + "ter" + ], + [ + "ett", + "er" + ], + [ + "ette", + "r" + ], + [ + "▁W", + "irtschaft" + ], + [ + "та", + "к" + ], + [ + "▁unnecess", + "ary" + ], + [ + "▁P", + "hot" + ], + [ + "▁Ph", + "ot" + ], + [ + "▁Pho", + "t" + ], + [ + "an", + "ska" + ], + [ + "ans", + "ka" + ], + [ + "ansk", + "a" + ], + [ + "▁N", + "ative" + ], + [ + "▁Nat", + "ive" + ], + [ + "▁", + "Native" + ], + [ + "CC", + "E" + ], + [ + "C", + "CE" + ], + [ + "▁fi", + "fty" + ], + [ + "▁fif", + "ty" + ], + [ + "▁e", + "rw" + ], + [ + "▁er", + "w" + ], + [ + "r", + "h" + ], + [ + "is", + "sent" + ], + [ + "iss", + "ent" + ], + [ + "isse", + "nt" + ], + [ + "issen", + "t" + ], + [ + "}{", + "(" + ], + [ + "}", + "{(" + ], + [ + "▁lan", + "ç" + ], + [ + "▁X", + "code" + ], + [ + "го", + "род" + ], + [ + "гор", + "од" + ], + [ + "ci", + "r" + ], + [ + "c", + "ir" + ], + [ + "▁pel", + "ícula" + ], + [ + "▁O", + "scar" + ], + [ + "▁Os", + "car" + ], + [ + "▁sh", + "ore" + ], + [ + "▁sho", + "re" + ], + [ + "▁supp", + "lied" + ], + [ + "ex", + "amples" + ], + [ + "example", + "s" + ], + [ + "Me", + "ss" + ], + [ + "M", + "ess" + ], + [ + "VI", + "CE" + ], + [ + "V", + "ICE" + ], + [ + "▁ex", + "clude" + ], + [ + "▁h", + "en" + ], + [ + "▁he", + "n" + ], + [ + "▁", + "hen" + ], + [ + "▁гу", + "бер" + ], + [ + "▁F", + "ragment" + ], + [ + "▁Fra", + "gment" + ], + [ + "▁", + "Fragment" + ], + [ + "▁B", + "itte" + ], + [ + "▁Bi", + "tte" + ], + [ + "▁Bit", + "te" + ], + [ + "▁Bes", + "ides" + ], + [ + "▁h", + "es" + ], + [ + "▁he", + "s" + ], + [ + "▁", + "hes" + ], + [ + "▁ih", + "rem" + ], + [ + "▁ihr", + "em" + ], + [ + "▁ihre", + "m" + ], + [ + "▁Ser", + "ge" + ], + [ + "▁art", + "ific" + ], + [ + "=\"", + "${" + ], + [ + "=\"$", + "{" + ], + [ + "ло", + "во" + ], + [ + "лов", + "о" + ], + [ + "л", + "ово" + ], + [ + "ut", + "eur" + ], + [ + "ute", + "ur" + ], + [ + "ta", + "ire" + ], + [ + "t", + "aire" + ], + [ + "па", + "с" + ], + [ + "▁eas", + "iest" + ], + [ + "▁fam", + "iglia" + ], + [ + "N", + "ormal" + ], + [ + "▁d", + "alle" + ], + [ + "▁da", + "lle" + ], + [ + "▁dal", + "le" + ], + [ + "▁dall", + "e" + ], + [ + "▁n", + "ations" + ], + [ + "▁nation", + "s" + ], + [ + "▁nat", + "ions" + ], + [ + "r", + "p" + ], + [ + "th", + "ead" + ], + [ + "the", + "ad" + ], + [ + "t", + "head" + ], + [ + "▁обла", + "сті" + ], + [ + "▁Democr", + "atic" + ], + [ + "▁челов", + "е" + ], + [ + "мо", + "ж" + ], + [ + "▁г", + "ер" + ], + [ + "▁ге", + "р" + ], + [ + "▁", + "гер" + ], + [ + "▁small", + "est" + ], + [ + "▁Publish", + "ing" + ], + [ + "▁T", + "s" + ], + [ + "▁laugh", + "ed" + ], + [ + "ll", + "e" + ], + [ + "l", + "le" + ], + [ + "▁A", + "mt" + ], + [ + "▁Am", + "t" + ], + [ + "▁I", + "IS" + ], + [ + "▁II", + "S" + ], + [ + "FOR", + "M" + ], + [ + "F", + "ORM" + ], + [ + "Ma", + "g" + ], + [ + "M", + "ag" + ], + [ + "до", + "н" + ], + [ + "д", + "он" + ], + [ + "▁st", + "oria" + ], + [ + "▁stor", + "ia" + ], + [ + "▁sto", + "ria" + ], + [ + "▁organ", + "ized" + ], + [ + "▁organiz", + "ed" + ], + [ + "č", + "ní" + ], + [ + "▁o", + "x" + ], + [ + "▁", + "ox" + ], + [ + "ling", + "en" + ], + [ + "lin", + "gen" + ], + [ + "l", + "ingen" + ], + [ + "▁lu", + "ego" + ], + [ + "cc", + "ió" + ], + [ + "c", + "ció" + ], + [ + "▁re", + "ly" + ], + [ + "▁r", + "ely" + ], + [ + "▁rel", + "y" + ], + [ + "▁t", + "ussen" + ], + [ + "er", + "ten" + ], + [ + "ert", + "en" + ], + [ + "erte", + "n" + ], + [ + "▁hon", + "our" + ], + [ + "▁Cla", + "ude" + ], + [ + "▁Claud", + "e" + ], + [ + "▁Ko", + "rea" + ], + [ + "▁Kore", + "a" + ], + [ + "▁Kor", + "ea" + ], + [ + "▁Met", + "ropol" + ], + [ + "▁Metro", + "pol" + ], + [ + "Su", + "per" + ], + [ + "S", + "uper" + ], + [ + "ri", + "en" + ], + [ + "rie", + "n" + ], + [ + "r", + "ien" + ], + [ + "ér", + "ature" + ], + [ + "att", + "ro" + ], + [ + "attr", + "o" + ], + [ + "▁б", + "іль" + ], + [ + "▁бі", + "ль" + ], + [ + "▁", + "біль" + ], + [ + "▁Her", + "bert" + ], + [ + "▁aut", + "eurs" + ], + [ + "▁aute", + "urs" + ], + [ + "▁dar", + "auf" + ], + [ + "▁m", + "ental" + ], + [ + "▁men", + "tal" + ], + [ + "▁ment", + "al" + ], + [ + "▁r", + "ang" + ], + [ + "▁ra", + "ng" + ], + [ + "▁ran", + "g" + ], + [ + "▁s", + "ón" + ], + [ + "▁só", + "n" + ], + [ + "▁S", + "oph" + ], + [ + "▁So", + "ph" + ], + [ + ")\"", + "," + ], + [ + ")", + "\"," + ], + [ + "Des", + "criptor" + ], + [ + "prep", + "are" + ], + [ + "▁Land", + "kreis" + ], + [ + "H", + "C" + ], + [ + "cr", + "oss" + ], + [ + "cro", + "ss" + ], + [ + "c", + "ross" + ], + [ + "ли", + "за" + ], + [ + "▁Lo", + "gin" + ], + [ + "▁Log", + "in" + ], + [ + "▁", + "Login" + ], + [ + "on", + "en" + ], + [ + "one", + "n" + ], + [ + "o", + "nen" + ], + [ + "Fe", + "ature" + ], + [ + "▁m", + "useum" + ], + [ + "▁muse", + "um" + ], + [ + "▁", + "museum" + ], + [ + "ve", + "k" + ], + [ + "v", + "ek" + ], + [ + "▁Nel", + "son" + ], + [ + "▁re", + "jo" + ], + [ + "▁коман", + "ди" + ], + [ + "▁sum", + "mar" + ], + [ + "▁summ", + "ar" + ], + [ + "▁сле", + "ду" + ], + [ + "▁след", + "у" + ], + [ + "äm", + "p" + ], + [ + "ä", + "mp" + ], + [ + "▁G", + "as" + ], + [ + "▁Ga", + "s" + ], + [ + "во", + "м" + ], + [ + "в", + "ом" + ], + [ + "VAL", + "UE" + ], + [ + "in", + "ge" + ], + [ + "ing", + "e" + ], + [ + "per", + "iod" + ], + [ + "lass", + "en" + ], + [ + "las", + "sen" + ], + [ + "lasse", + "n" + ], + [ + "l", + "assen" + ], + [ + "áv", + "al" + ], + [ + "á", + "val" + ], + [ + "▁alt", + "ogether" + ], + [ + "um", + "ph" + ], + [ + "ump", + "h" + ], + [ + "ist", + "ro" + ], + [ + "istr", + "o" + ], + [ + "ą", + "ż" + ], + [ + "▁Ke", + "ep" + ], + [ + "▁Mar", + "co" + ], + [ + "▁Marc", + "o" + ], + [ + "▁ét", + "ant" + ], + [ + "▁D", + "re" + ], + [ + "▁Dr", + "e" + ], + [ + "ge", + "ometry" + ], + [ + "▁K", + "as" + ], + [ + "▁Ka", + "s" + ], + [ + "message", + "s" + ], + [ + "mess", + "ages" + ], + [ + "Co", + "ok" + ], + [ + "C", + "ook" + ], + [ + "▁S", + "ide" + ], + [ + "▁Si", + "de" + ], + [ + "▁Sid", + "e" + ], + [ + "▁", + "Side" + ], + [ + "▁ко", + "ми" + ], + [ + "▁ком", + "и" + ], + [ + "ст", + "ри" + ], + [ + "стр", + "и" + ], + [ + "с", + "три" + ], + [ + "▁ex", + "cess" + ], + [ + "▁exc", + "ess" + ], + [ + "▁Bi", + "ografia" + ], + [ + "XX", + "XX" + ], + [ + "XXX", + "X" + ], + [ + "X", + "XXX" + ], + [ + "▁N", + "ie" + ], + [ + "▁Ni", + "e" + ], + [ + "ven", + "dor" + ], + [ + "v", + "endor" + ], + [ + "xs", + "d" + ], + [ + "x", + "sd" + ], + [ + "Mil", + "l" + ], + [ + "M", + "ill" + ], + [ + "process", + "ing" + ], + [ + "▁Miss", + "ouri" + ], + [ + "▁perm", + "ett" + ], + [ + "▁permet", + "t" + ], + [ + "▁a", + "par" + ], + [ + "▁ap", + "ar" + ], + [ + "▁cro", + "wd" + ], + [ + "▁crow", + "d" + ], + [ + "fer", + "t" + ], + [ + "fe", + "rt" + ], + [ + "f", + "ert" + ], + [ + "▁D", + "ou" + ], + [ + "▁Do", + "u" + ], + [ + "r", + "í" + ], + [ + "▁C", + "C" + ], + [ + "▁", + "CC" + ], + [ + "▁pay", + "ment" + ], + [ + "▁", + "payment" + ], + [ + "▁Hol", + "lywood" + ], + [ + "▁V", + "irtual" + ], + [ + "▁", + "Virtual" + ], + [ + "▁sp", + "oken" + ], + [ + "▁spoke", + "n" + ], + [ + "▁spo", + "ken" + ], + [ + "▁t", + "ram" + ], + [ + "▁tr", + "am" + ], + [ + "▁tra", + "m" + ], + [ + "▁Comm", + "unity" + ], + [ + "▁Commun", + "ity" + ], + [ + "▁administr", + "ative" + ], + [ + "▁в", + "оло" + ], + [ + "▁во", + "ло" + ], + [ + "gi", + "or" + ], + [ + "gio", + "r" + ], + [ + "g", + "ior" + ], + [ + "vis", + "or" + ], + [ + "▁Укра", + "и" + ], + [ + "st", + "age" + ], + [ + "sta", + "ge" + ], + [ + "stag", + "e" + ], + [ + "▁For", + "mat" + ], + [ + "▁Form", + "at" + ], + [ + "▁", + "Format" + ], + [ + "▁conven", + "ient" + ], + [ + "Н", + "а" + ], + [ + "▁med", + "ian" + ], + [ + "▁media", + "n" + ], + [ + "▁medi", + "an" + ], + [ + "▁в", + "ра" + ], + [ + "▁", + "вра" + ], + [ + "▁Пре", + "ма" + ], + [ + "en", + "ig" + ], + [ + "eni", + "g" + ], + [ + "e", + "nig" + ], + [ + "▁Op", + "era" + ], + [ + "▁Oper", + "a" + ], + [ + "ré", + "s" + ], + [ + "r", + "és" + ], + [ + "▁f", + "mt" + ], + [ + "▁", + "fmt" + ], + [ + "▁effic", + "iency" + ], + [ + "ma", + "le" + ], + [ + "mal", + "e" + ], + [ + "m", + "ale" + ], + [ + "Ma", + "ster" + ], + [ + "M", + "aster" + ], + [ + "Ser", + "ies" + ], + [ + "Se", + "ries" + ], + [ + "S", + "eries" + ], + [ + "▁s", + "yd" + ], + [ + "▁sy", + "d" + ], + [ + "gener", + "ic" + ], + [ + "inter", + "val" + ], + [ + "▁e", + "fect" + ], + [ + "▁inwon", + "ers" + ], + [ + "лим", + "пи" + ], + [ + "ir", + "ement" + ], + [ + "ire", + "ment" + ], + [ + "Er", + "r" + ], + [ + "E", + "rr" + ], + [ + "ö", + "h" + ], + [ + "▁l", + "ying" + ], + [ + "▁ly", + "ing" + ], + [ + "▁", + "lying" + ], + [ + "▁S", + "ettings" + ], + [ + "▁Setting", + "s" + ], + [ + "▁", + "Settings" + ], + [ + "!", + "=" + ], + [ + "em", + "atic" + ], + [ + "emat", + "ic" + ], + [ + "arg", + "v" + ], + [ + "▁Bas", + "ic" + ], + [ + "▁", + "Basic" + ], + [ + "▁consider", + "ation" + ], + [ + "▁h", + "abe" + ], + [ + "▁ha", + "be" + ], + [ + "▁hab", + "e" + ], + [ + "-", + "%" + ], + [ + "▁mount", + "ains" + ], + [ + "▁mountain", + "s" + ], + [ + "▁pe", + "ak" + ], + [ + "▁f", + "allen" + ], + [ + "▁fall", + "en" + ], + [ + "▁fal", + "len" + ], + [ + "ed", + "ed" + ], + [ + "ede", + "d" + ], + [ + "e", + "ded" + ], + [ + "log", + "ic" + ], + [ + "▁mat", + "ched" + ], + [ + "▁match", + "ed" + ], + [ + "▁typ", + "ing" + ], + [ + "▁ty", + "ping" + ], + [ + ")}", + "," + ], + [ + ")", + "}," + ], + [ + "▁f", + "ancy" + ], + [ + "▁fan", + "cy" + ], + [ + "▁eleg", + "ant" + ], + [ + "ا", + "ل" + ], + [ + "▁уча", + "ст" + ], + [ + "▁Sa", + "rah" + ], + [ + "▁Sar", + "ah" + ], + [ + "▁V", + "erd" + ], + [ + "▁Ver", + "d" + ], + [ + "▁Ve", + "rd" + ], + [ + "▁t", + "ego" + ], + [ + "▁te", + "go" + ], + [ + "ru", + "les" + ], + [ + "rule", + "s" + ], + [ + "r", + "ules" + ], + [ + "▁mo", + "unted" + ], + [ + "▁mount", + "ed" + ], + [ + "▁і", + "м" + ], + [ + "ер", + "у" + ], + [ + "е", + "ру" + ], + [ + "st", + "off" + ], + [ + "sto", + "ff" + ], + [ + "fa", + "hren" + ], + [ + "fah", + "ren" + ], + [ + "fahr", + "en" + ], + [ + "f", + "ahren" + ], + [ + "dist", + "ance" + ], + [ + "d", + "istance" + ], + [ + "▁Lic", + "ense" + ], + [ + "▁LE", + "FT" + ], + [ + "▁", + "LEFT" + ], + [ + "▁w", + "p" + ], + [ + "▁", + "wp" + ], + [ + "/", + "{" + ], + [ + "▁am", + "azon" + ], + [ + "▁amaz", + "on" + ], + [ + "▁", + "amazon" + ], + [ + ">", + "&" + ], + [ + "▁els", + "ő" + ], + [ + "qu", + "arters" + ], + [ + "▁sh", + "ock" + ], + [ + "▁sho", + "ck" + ], + [ + "ni", + "ck" + ], + [ + "nic", + "k" + ], + [ + "n", + "ick" + ], + [ + "▁Arch", + "ite" + ], + [ + "▁S", + "quare" + ], + [ + "▁r", + "ates" + ], + [ + "▁ra", + "tes" + ], + [ + "▁rate", + "s" + ], + [ + "▁rat", + "es" + ], + [ + "io", + "re" + ], + [ + "ior", + "e" + ], + [ + "i", + "ore" + ], + [ + "▁N", + "at" + ], + [ + "▁Na", + "t" + ], + [ + "▁Char", + "lot" + ], + [ + "re", + "ichen" + ], + [ + "reich", + "en" + ], + [ + "rei", + "chen" + ], + [ + "reiche", + "n" + ], + [ + "▁var", + "iation" + ], + [ + "▁vari", + "ation" + ], + [ + "os", + "is" + ], + [ + "osi", + "s" + ], + [ + "li", + "fe" + ], + [ + "l", + "ife" + ], + [ + "sl", + "ide" + ], + [ + "s", + "lide" + ], + [ + "ab", + "i" + ], + [ + "a", + "bi" + ], + [ + "uk", + "i" + ], + [ + "u", + "ki" + ], + [ + "my", + "sq" + ], + [ + "mys", + "q" + ], + [ + "▁prim", + "itive" + ], + [ + "▁primit", + "ive" + ], + [ + "▁univers", + "itaire" + ], + [ + "LE", + "NG" + ], + [ + "ale", + "ż" + ], + [ + "eb", + "ook" + ], + [ + "e", + "book" + ], + [ + "s", + "yn" + ], + [ + "▁G", + "egen" + ], + [ + "▁Ge", + "gen" + ], + [ + "▁Geg", + "en" + ], + [ + "▁K", + "ü" + ], + [ + "▁а", + "ле" + ], + [ + "▁ал", + "е" + ], + [ + "▁L", + "ub" + ], + [ + "▁Lu", + "b" + ], + [ + "con", + "current" + ], + [ + "izz", + "ato" + ], + [ + "izza", + "to" + ], + [ + "▁st", + "ub" + ], + [ + "▁i", + "e" + ], + [ + "▁", + "ie" + ], + [ + "▁'", + "./" + ], + [ + "▁'.", + "/" + ], + [ + "co", + "d" + ], + [ + "c", + "od" + ], + [ + "▁intern", + "acional" + ], + [ + "▁G", + "las" + ], + [ + "▁Gl", + "as" + ], + [ + "▁Gla", + "s" + ], + [ + "▁m", + "are" + ], + [ + "▁ma", + "re" + ], + [ + "▁mar", + "e" + ], + [ + "▁N", + "eb" + ], + [ + "▁Ne", + "b" + ], + [ + "▁G", + "B" + ], + [ + "▁", + "GB" + ], + [ + "kw", + "args" + ], + [ + "▁a", + "ument" + ], + [ + "▁au", + "ment" + ], + [ + "WI", + "D" + ], + [ + "W", + "ID" + ], + [ + "▁ро", + "д" + ], + [ + "▁р", + "од" + ], + [ + "▁", + "род" + ], + [ + "p", + "unkt" + ], + [ + "▁G", + "rad" + ], + [ + "▁Gr", + "ad" + ], + [ + "▁Gra", + "d" + ], + [ + "▁", + "Grad" + ], + [ + "S", + "N" + ], + [ + "AM", + "P" + ], + [ + "A", + "MP" + ], + [ + "▁B", + "orn" + ], + [ + "▁Bo", + "rn" + ], + [ + "▁Bor", + "n" + ], + [ + "▁Guer", + "re" + ], + [ + "го", + "тов" + ], + [ + "▁med", + "io" + ], + [ + "▁medi", + "o" + ], + [ + "Me", + "d" + ], + [ + "M", + "ed" + ], + [ + "su", + "pp" + ], + [ + "sup", + "p" + ], + [ + "s", + "upp" + ], + [ + "act", + "ual" + ], + [ + "drop", + "down" + ], + [ + "▁ok", + "tober" + ], + [ + "▁", + "ř" + ], + [ + "▁circ", + "ular" + ], + [ + "▁cir", + "cular" + ], + [ + "▁circul", + "ar" + ], + [ + "▁s", + "kin" + ], + [ + "▁sk", + "in" + ], + [ + "▁ski", + "n" + ], + [ + "▁em", + "phas" + ], + [ + "▁emp", + "has" + ], + [ + "▁го", + "лов" + ], + [ + "▁голо", + "в" + ], + [ + "▁p", + "ue" + ], + [ + "▁pu", + "e" + ], + [ + "▁inform", + "ations" + ], + [ + "▁information", + "s" + ], + [ + "▁Wolf", + "gang" + ], + [ + "▁us", + "eless" + ], + [ + "▁use", + "less" + ], + [ + "и", + "т" + ], + [ + "▁Jo", + "an" + ], + [ + "▁б", + "ор" + ], + [ + "▁бо", + "р" + ], + [ + "▁", + "бор" + ], + [ + "▁G", + "lad" + ], + [ + "▁Gl", + "ad" + ], + [ + "▁Gla", + "d" + ], + [ + "▁K", + "now" + ], + [ + "▁Kn", + "ow" + ], + [ + "▁Kno", + "w" + ], + [ + "ké", + "nt" + ], + [ + "k", + "ént" + ], + [ + "sp", + "eed" + ], + [ + "spe", + "ed" + ], + [ + "▁Ke", + "vin" + ], + [ + "un", + "ft" + ], + [ + "▁ar", + "qu" + ], + [ + "▁", + "arqu" + ], + [ + "▁C", + "asa" + ], + [ + "▁Cas", + "a" + ], + [ + "▁Ca", + "sa" + ], + [ + "(.", + ".." + ], + [ + "(", + "..." + ], + [ + "▁rapid", + "ly" + ], + [ + "▁pro", + "ble" + ], + [ + "▁prob", + "le" + ], + [ + "▁probl", + "e" + ], + [ + "▁Ви", + "кипеди" + ], + [ + "že", + "n" + ], + [ + "ž", + "en" + ], + [ + "▁N", + "eben" + ], + [ + "▁Ne", + "ben" + ], + [ + "▁Neb", + "en" + ], + [ + "▁M", + "eter" + ], + [ + "▁Me", + "ter" + ], + [ + "▁Met", + "er" + ], + [ + "Child", + "ren" + ], + [ + "ce", + "m" + ], + [ + "c", + "em" + ], + [ + "ig", + "os" + ], + [ + "igo", + "s" + ], + [ + "aj", + "u" + ], + [ + "a", + "ju" + ], + [ + "▁Ret", + "rie" + ], + [ + "▁H", + "ell" + ], + [ + "▁He", + "ll" + ], + [ + "▁Hel", + "l" + ], + [ + "▁g", + "ig" + ], + [ + "▁gi", + "g" + ], + [ + "▁contro", + "vers" + ], + [ + "▁z", + "oom" + ], + [ + "▁zo", + "om" + ], + [ + "▁zoo", + "m" + ], + [ + "▁c", + "ens" + ], + [ + "▁ce", + "ns" + ], + [ + "▁alc", + "uni" + ], + [ + "▁He", + "ader" + ], + [ + "▁Head", + "er" + ], + [ + "▁", + "Header" + ], + [ + "Me", + "ta" + ], + [ + "Met", + "a" + ], + [ + "M", + "eta" + ], + [ + "Re", + "quired" + ], + [ + "▁ин", + "ститу" + ], + [ + "▁s", + "kup" + ], + [ + "▁sk", + "up" + ], + [ + "▁ing", + "les" + ], + [ + "ég", + "l" + ], + [ + "é", + "gl" + ], + [ + "bi", + "j" + ], + [ + "b", + "ij" + ], + [ + "▁t", + "ér" + ], + [ + "▁té", + "r" + ], + [ + "▁com", + "pag" + ], + [ + "▁comp", + "ag" + ], + [ + "▁comm", + "itted" + ], + [ + "▁commit", + "ted" + ], + [ + "▁process", + "ed" + ], + [ + "▁proc", + "essed" + ], + [ + "▁proces", + "sed" + ], + [ + "Lo", + "wer" + ], + [ + "L", + "ower" + ], + [ + "▁F", + "oreign" + ], + [ + "▁For", + "eign" + ], + [ + "▁Fore", + "ign" + ], + [ + "▁", + "Foreign" + ], + [ + "▁s", + "eq" + ], + [ + "▁se", + "q" + ], + [ + "▁", + "seq" + ], + [ + "sheet", + "s" + ], + [ + "she", + "ets" + ], + [ + "▁F", + "em" + ], + [ + "▁Fe", + "m" + ], + [ + "ho", + "z" + ], + [ + "h", + "oz" + ], + [ + "in", + "ks" + ], + [ + "ink", + "s" + ], + [ + "▁k", + "all" + ], + [ + "▁ka", + "ll" + ], + [ + "▁kal", + "l" + ], + [ + "vari", + "ant" + ], + [ + "▁li", + "bro" + ], + [ + "▁lib", + "ro" + ], + [ + "▁cl", + "icks" + ], + [ + "▁click", + "s" + ], + [ + "▁cli", + "cks" + ], + [ + "▁g", + "obierno" + ], + [ + "ie", + "gel" + ], + [ + "ieg", + "el" + ], + [ + "мо", + "го" + ], + [ + "м", + "ого" + ], + [ + "ge", + "me" + ], + [ + "gem", + "e" + ], + [ + "g", + "eme" + ], + [ + "▁t", + "ower" + ], + [ + "▁to", + "wer" + ], + [ + "▁par", + "ish" + ], + [ + "▁T", + "CP" + ], + [ + "▁l", + "s" + ], + [ + "▁", + "ls" + ], + [ + "▁n", + "ginx" + ], + [ + "▁ng", + "inx" + ], + [ + "▁", + "nginx" + ], + [ + "Na", + "N" + ], + [ + "▁D", + "ir" + ], + [ + "▁Di", + "r" + ], + [ + "▁", + "Dir" + ], + [ + "▁Begr", + "iffe" + ], + [ + "▁Begriff", + "e" + ], + [ + "ar", + "ie" + ], + [ + "ari", + "e" + ], + [ + "a", + "rie" + ], + [ + "ím", + "p" + ], + [ + "í", + "mp" + ], + [ + "ic", + "ios" + ], + [ + "ici", + "os" + ], + [ + "icio", + "s" + ], + [ + "i", + "cios" + ], + [ + "▁sh", + "aring" + ], + [ + "▁cin", + "éma" + ], + [ + "be", + "c" + ], + [ + "b", + "ec" + ], + [ + "RE", + "D" + ], + [ + "R", + "ED" + ], + [ + "▁K", + "ra" + ], + [ + "▁Kr", + "a" + ], + [ + "ab", + "ol" + ], + [ + "a", + "bol" + ], + [ + "▁fl", + "ux" + ], + [ + "▁flu", + "x" + ], + [ + "▁exp", + "ensive" + ], + [ + "▁су", + "ще" + ], + [ + "▁`", + "_" + ], + [ + "oc", + "z" + ], + [ + "o", + "cz" + ], + [ + "ли", + "ст" + ], + [ + "▁acqu", + "aint" + ], + [ + "▁w", + "ise" + ], + [ + "▁wis", + "e" + ], + [ + "▁", + "wise" + ], + [ + "▁pou", + "voir" + ], + [ + "▁pouv", + "oir" + ], + [ + "▁dev", + "ant" + ], + [ + "▁moment", + "um" + ], + [ + "im", + "mer" + ], + [ + "imm", + "er" + ], + [ + "▁C", + "oupe" + ], + [ + "▁Cou", + "pe" + ], + [ + "index", + "Of" + ], + [ + "▁does", + "nt" + ], + [ + "▁doesn", + "t" + ], + [ + "▁за", + "в" + ], + [ + "▁lic", + "ense" + ], + [ + "▁", + "â" + ], + [ + "CS", + "S" + ], + [ + "C", + "SS" + ], + [ + "▁r", + "ice" + ], + [ + "▁ric", + "e" + ], + [ + "▁ri", + "ce" + ], + [ + "▁", + "rice" + ], + [ + "Te", + "am" + ], + [ + "▁a", + "no" + ], + [ + "▁an", + "o" + ], + [ + "▁", + "ano" + ], + [ + "li", + "t" + ], + [ + "l", + "it" + ], + [ + "▁mer", + "ged" + ], + [ + "▁merge", + "d" + ], + [ + "▁C", + "ell" + ], + [ + "▁Ce", + "ll" + ], + [ + "▁Cel", + "l" + ], + [ + "▁", + "Cell" + ], + [ + "л", + "л" + ], + [ + "bo", + "y" + ], + [ + "b", + "oy" + ], + [ + "as", + "ts" + ], + [ + "ast", + "s" + ], + [ + "▁s", + "ell" + ], + [ + "▁se", + "ll" + ], + [ + "▁sel", + "l" + ], + [ + "▁gro", + "ße" + ], + [ + "▁groß", + "e" + ], + [ + "▁virt", + "uel" + ], + [ + "▁virtue", + "l" + ], + [ + "Can", + "cel" + ], + [ + "▁s", + "j" + ], + [ + "g", + "ment" + ], + [ + ".", + "<" + ], + [ + "ча", + "й" + ], + [ + "i", + "ë" + ], + [ + "ak", + "h" + ], + [ + "a", + "kh" + ], + [ + "iz", + "ers" + ], + [ + "ize", + "rs" + ], + [ + "izer", + "s" + ], + [ + "pr", + "it" + ], + [ + "p", + "rit" + ], + [ + "▁T", + "ib" + ], + [ + "▁Ti", + "b" + ], + [ + "▁elabor", + "ate" + ], + [ + "▁f", + "é" + ], + [ + "▁м", + "еди" + ], + [ + "▁ме", + "ди" + ], + [ + "LENG", + "TH" + ], + [ + "▁prim", + "arily" + ], + [ + "▁sc", + "ores" + ], + [ + "▁score", + "s" + ], + [ + "▁carry", + "ing" + ], + [ + "▁l", + "ake" + ], + [ + "▁la", + "ke" + ], + [ + "▁lak", + "e" + ], + [ + "com", + "pose" + ], + [ + "comp", + "ose" + ], + [ + "compos", + "e" + ], + [ + "▁Town", + "ship" + ], + [ + "un", + "ge" + ], + [ + "ung", + "e" + ], + [ + "▁al", + "berga" + ], + [ + "an", + "ych" + ], + [ + "any", + "ch" + ], + [ + "a", + "nych" + ], + [ + "qu", + "elle" + ], + [ + "que", + "lle" + ], + [ + "quel", + "le" + ], + [ + "q", + "uelle" + ], + [ + "▁Ar", + "k" + ], + [ + "▁p", + "ris" + ], + [ + "▁pr", + "is" + ], + [ + "▁pri", + "s" + ], + [ + "▁v", + "oll" + ], + [ + "▁vo", + "ll" + ], + [ + "▁vol", + "l" + ], + [ + "ш", + "ли" + ], + [ + "Valid", + "ation" + ], + [ + "▁ce", + "ux" + ], + [ + "▁pop", + "ulate" + ], + [ + "▁popula", + "te" + ], + [ + "▁popul", + "ate" + ], + [ + "\"", + "\r" + ], + [ + "▁fem", + "mes" + ], + [ + "▁femme", + "s" + ], + [ + "AN", + "G" + ], + [ + "A", + "NG" + ], + [ + "▁Desp", + "ite" + ], + [ + "вы", + "е" + ], + [ + "в", + "ые" + ], + [ + "is", + "ke" + ], + [ + "isk", + "e" + ], + [ + "i", + "ske" + ], + [ + "zu", + "g" + ], + [ + "z", + "ug" + ], + [ + "на", + "ча" + ], + [ + "▁h", + "atten" + ], + [ + "▁hat", + "ten" + ], + [ + "▁hatte", + "n" + ], + [ + "IN", + "SERT" + ], + [ + "Emp", + "loyee" + ], + [ + "▁mo", + "ments" + ], + [ + "▁moment", + "s" + ], + [ + "▁mom", + "ents" + ], + [ + "▁últ", + "ima" + ], + [ + "▁h", + "older" + ], + [ + "▁hold", + "er" + ], + [ + "▁ho", + "lder" + ], + [ + "▁hol", + "der" + ], + [ + "▁", + "holder" + ], + [ + "bl", + "ank" + ], + [ + "Col", + "lections" + ], + [ + "Collection", + "s" + ], + [ + "Collect", + "ions" + ], + [ + "ath", + "ers" + ], + [ + "ather", + "s" + ], + [ + "a", + "thers" + ], + [ + "▁g", + "rade" + ], + [ + "▁gr", + "ade" + ], + [ + "▁gra", + "de" + ], + [ + "▁grad", + "e" + ], + [ + "▁", + "grade" + ], + [ + "▁aff", + "airs" + ], + [ + "▁affair", + "s" + ], + [ + ".$", + "$" + ], + [ + ".", + "$$" + ], + [ + "▁d", + "elta" + ], + [ + "▁del", + "ta" + ], + [ + "▁", + "delta" + ], + [ + "▁Jug", + "end" + ], + [ + "▁españ", + "ol" + ], + [ + "▁O", + "UT" + ], + [ + "▁", + "OUT" + ], + [ + "▁mathemat", + "ical" + ], + [ + "▁m", + "ongo" + ], + [ + "▁mon", + "go" + ], + [ + "▁Ф", + "е" + ], + [ + "ul", + "ing" + ], + [ + "uli", + "ng" + ], + [ + "u", + "ling" + ], + [ + "▁re", + "volution" + ], + [ + "▁revol", + "ution" + ], + [ + "▁c", + "oin" + ], + [ + "▁co", + "in" + ], + [ + "▁sub", + "class" + ], + [ + "\"", + "=>" + ], + [ + "äch", + "e" + ], + [ + "ä", + "che" + ], + [ + "▁p", + "yg" + ], + [ + "▁py", + "g" + ], + [ + "ща", + "я" + ], + [ + "ill", + "ery" + ], + [ + "ille", + "ry" + ], + [ + "iller", + "y" + ], + [ + "▁com", + "enz" + ], + [ + "dep", + "th" + ], + [ + "▁c", + "él" + ], + [ + "▁re", + "size" + ], + [ + "▁res", + "ize" + ], + [ + "▁", + "resize" + ], + [ + "▁S", + "ame" + ], + [ + "▁Sam", + "e" + ], + [ + "▁Sa", + "me" + ], + [ + "▁st", + "rik" + ], + [ + "▁str", + "ik" + ], + [ + "▁stri", + "k" + ], + [ + "▁t", + "ir" + ], + [ + "▁ti", + "r" + ], + [ + "▁sc", + "arc" + ], + [ + "▁scar", + "c" + ], + [ + "▁M", + "ember" + ], + [ + "▁Mem", + "ber" + ], + [ + "▁", + "Member" + ], + [ + "sub", + "scribe" + ], + [ + "ó", + "ż" + ], + [ + "út", + "bol" + ], + [ + "ex", + "cept" + ], + [ + "▁dr", + "iving" + ], + [ + "▁dri", + "ving" + ], + [ + "▁driv", + "ing" + ], + [ + "ki", + "e" + ], + [ + "k", + "ie" + ], + [ + "zo", + "ny" + ], + [ + "zon", + "y" + ], + [ + "z", + "ony" + ], + [ + "ème", + "s" + ], + [ + "è", + "mes" + ], + [ + "Da", + "vid" + ], + [ + "D", + "avid" + ], + [ + "iss", + "ant" + ], + [ + "issa", + "nt" + ], + [ + "▁т", + "ы" + ], + [ + "▁", + "ты" + ], + [ + "▁é", + "lect" + ], + [ + "▁él", + "ect" + ], + [ + "▁re", + "name" + ], + [ + "▁r", + "ename" + ], + [ + "▁ren", + "ame" + ], + [ + "▁R", + "unning" + ], + [ + "▁Run", + "ning" + ], + [ + "▁", + "Running" + ], + [ + "▁inter", + "faces" + ], + [ + "▁interface", + "s" + ], + [ + "////////", + "////////" + ], + [ + "▁Wal", + "ker" + ], + [ + "▁Walk", + "er" + ], + [ + "▁soci", + "été" + ], + [ + "▁as", + "ks" + ], + [ + "▁ask", + "s" + ], + [ + "br", + "id" + ], + [ + "b", + "rid" + ], + [ + "▁je", + "we" + ], + [ + "▁se", + "ines" + ], + [ + "▁sein", + "es" + ], + [ + "▁seine", + "s" + ], + [ + "▁sei", + "nes" + ], + [ + "▁ag", + "ents" + ], + [ + "▁agent", + "s" + ], + [ + "▁M", + "Y" + ], + [ + "▁", + "MY" + ], + [ + "▁Law", + "rence" + ], + [ + "de", + "ss" + ], + [ + "des", + "s" + ], + [ + "d", + "ess" + ], + [ + "ie", + "sen" + ], + [ + "ies", + "en" + ], + [ + "iese", + "n" + ], + [ + "i", + "esen" + ], + [ + "▁людя", + "х" + ], + [ + "прав", + "и" + ], + [ + "пра", + "ви" + ], + [ + "▁anc", + "est" + ], + [ + "▁wel", + "che" + ], + [ + "ra", + "um" + ], + [ + "r", + "aum" + ], + [ + "▁o", + "rb" + ], + [ + "▁or", + "b" + ], + [ + "▁", + "orb" + ], + [ + "sc", + "al" + ], + [ + "s", + "cal" + ], + [ + "▁L", + "ear" + ], + [ + "▁Le", + "ar" + ], + [ + "▁w", + "ear" + ], + [ + "▁we", + "ar" + ], + [ + "▁s", + "lave" + ], + [ + "▁sl", + "ave" + ], + [ + "▁sla", + "ve" + ], + [ + "▁re", + "named" + ], + [ + "▁ren", + "amed" + ], + [ + "▁rename", + "d" + ], + [ + "če", + "n" + ], + [ + "č", + "en" + ], + [ + "ma", + "ste" + ], + [ + "mas", + "te" + ], + [ + "m", + "aste" + ], + [ + "ang", + "les" + ], + [ + "angle", + "s" + ], + [ + "▁Am", + "érica" + ], + [ + "▁t", + "i" + ], + [ + "▁", + "ti" + ], + [ + "▁dem", + "sel" + ], + [ + "▁bene", + "ath" + ], + [ + "bin", + "ary" + ], + [ + "b", + "inary" + ], + [ + "▁ed", + "ición" + ], + [ + "▁kil", + "omet" + ], + [ + "▁kilom", + "et" + ], + [ + "ui", + "ts" + ], + [ + "uit", + "s" + ], + [ + "u", + "its" + ], + [ + "▁cu", + "atro" + ], + [ + "▁ent", + "rance" + ], + [ + "▁entr", + "ance" + ], + [ + "ond", + "issement" + ], + [ + "▁b", + "ag" + ], + [ + "▁ba", + "g" + ], + [ + "▁", + "bag" + ], + [ + "▁Ar", + "men" + ], + [ + "▁Arm", + "en" + ], + [ + "ij", + "o" + ], + [ + "i", + "jo" + ], + [ + "▁L", + "ors" + ], + [ + "▁Lo", + "rs" + ], + [ + "▁Lor", + "s" + ], + [ + "▁demsel", + "ben" + ], + [ + "ê", + "m" + ], + [ + "▁dis", + "crete" + ], + [ + "▁prom", + "inent" + ], + [ + "▁J", + "ay" + ], + [ + "▁Ja", + "y" + ], + [ + "de", + "cor" + ], + [ + "dec", + "or" + ], + [ + "D", + "L" + ], + [ + "▁d", + "í" + ], + [ + "St", + "ruct" + ], + [ + "Str", + "uct" + ], + [ + "▁P", + "roduction" + ], + [ + "▁Produ", + "ction" + ], + [ + "▁Product", + "ion" + ], + [ + "th", + "ey" + ], + [ + "the", + "y" + ], + [ + "ar", + "ius" + ], + [ + "ari", + "us" + ], + [ + "sch", + "nitt" + ], + [ + "▁C", + "ou" + ], + [ + "▁Co", + "u" + ], + [ + "▁l", + "ex" + ], + [ + "▁le", + "x" + ], + [ + "▁", + "lex" + ], + [ + "y", + "outube" + ], + [ + "▁рабо", + "та" + ], + [ + "st", + "ation" + ], + [ + "sta", + "tion" + ], + [ + "stat", + "ion" + ], + [ + "se", + "p" + ], + [ + "s", + "ep" + ], + [ + "▁mi", + "rror" + ], + [ + "▁mir", + "ror" + ], + [ + "▁h", + "its" + ], + [ + "▁hit", + "s" + ], + [ + "▁hi", + "ts" + ], + [ + "▁Be", + "ck" + ], + [ + "at", + "ically" + ], + [ + "atic", + "ally" + ], + [ + "▁L", + "az" + ], + [ + "▁La", + "z" + ], + [ + "▁w", + "inner" + ], + [ + "▁win", + "ner" + ], + [ + "DE", + "X" + ], + [ + "D", + "EX" + ], + [ + "▁I", + "NT" + ], + [ + "▁IN", + "T" + ], + [ + "▁", + "INT" + ], + [ + "}^", + "{-" + ], + [ + "}^{", + "-" + ], + [ + "}", + "^{-" + ], + [ + "▁w", + "egen" + ], + [ + "▁we", + "gen" + ], + [ + "▁weg", + "en" + ], + [ + "ma", + "d" + ], + [ + "m", + "ad" + ], + [ + "An", + "gle" + ], + [ + "Ang", + "le" + ], + [ + "zi", + "ng" + ], + [ + "zin", + "g" + ], + [ + "z", + "ing" + ], + [ + "▁Bay", + "ern" + ], + [ + "▁Bayer", + "n" + ], + [ + "sa", + "l" + ], + [ + "s", + "al" + ], + [ + "äg", + "er" + ], + [ + "ä", + "ger" + ], + [ + "▁bus", + "y" + ], + [ + "▁st", + "ör" + ], + [ + "▁f", + "olk" + ], + [ + "▁fol", + "k" + ], + [ + "▁", + "folk" + ], + [ + "▁p", + "rix" + ], + [ + "▁pr", + "ix" + ], + [ + "▁pri", + "x" + ], + [ + "▁al", + "located" + ], + [ + "▁alloc", + "ated" + ], + [ + "▁allocate", + "d" + ], + [ + "▁p", + "t" + ], + [ + "▁", + "pt" + ], + [ + "af", + "fen" + ], + [ + "aff", + "en" + ], + [ + "a", + "ffen" + ], + [ + "cl", + "uster" + ], + [ + "clus", + "ter" + ], + [ + "▁com", + "plement" + ], + [ + "▁comp", + "lement" + ], + [ + "▁comple", + "ment" + ], + [ + "▁compl", + "ement" + ], + [ + "ár", + "s" + ], + [ + "á", + "rs" + ], + [ + "▁Amer", + "ika" + ], + [ + "рі", + "й" + ], + [ + "р", + "ій" + ], + [ + "▁val", + "ley" + ], + [ + "▁vall", + "ey" + ], + [ + "▁valle", + "y" + ], + [ + "▁ro", + "oms" + ], + [ + "▁room", + "s" + ], + [ + "▁", + "rooms" + ], + [ + "▁m", + "oi" + ], + [ + "▁mo", + "i" + ], + [ + ".\"", + "," + ], + [ + ".", + "\"," + ], + [ + ";;", + ";;" + ], + [ + "▁lo", + "west" + ], + [ + "▁low", + "est" + ], + [ + "no", + "g" + ], + [ + "n", + "og" + ], + [ + "▁land", + "et" + ], + [ + "▁lan", + "det" + ], + [ + "▁program", + "me" + ], + [ + "ch", + "io" + ], + [ + "chi", + "o" + ], + [ + "▁W", + "ährend" + ], + [ + "ánd", + "ez" + ], + [ + "▁дол", + "ж" + ], + [ + "▁o", + "uv" + ], + [ + "▁ou", + "v" + ], + [ + "▁", + "ouv" + ], + [ + "om", + "ány" + ], + [ + "▁Википеди", + "и" + ], + [ + "▁s", + "ó" + ], + [ + "▁ele", + "ktr" + ], + [ + "De", + "sc" + ], + [ + "Des", + "c" + ], + [ + "D", + "esc" + ], + [ + "▁Be", + "aut" + ], + [ + "▁Beau", + "t" + ], + [ + "на", + "р" + ], + [ + "н", + "ар" + ], + [ + "▁мо", + "же" + ], + [ + "▁мож", + "е" + ], + [ + "P", + "ierre" + ], + [ + "es", + "ota" + ], + [ + "eso", + "ta" + ], + [ + "▁oper", + "ated" + ], + [ + "▁opera", + "ted" + ], + [ + "▁operate", + "d" + ], + [ + "▁f", + "orte" + ], + [ + "▁for", + "te" + ], + [ + "▁fort", + "e" + ], + [ + "ри", + "с" + ], + [ + "р", + "ис" + ], + [ + "▁op", + "position" + ], + [ + "▁opp", + "osition" + ], + [ + "▁oppos", + "ition" + ], + [ + "al", + "ia" + ], + [ + "ali", + "a" + ], + [ + "a", + "lia" + ], + [ + "▁S", + "yl" + ], + [ + "▁Sy", + "l" + ], + [ + "get", + "Name" + ], + [ + "ве", + "ли" + ], + [ + "fi", + "k" + ], + [ + "f", + "ik" + ], + [ + "▁com", + "prom" + ], + [ + "▁comp", + "rom" + ], + [ + "▁compr", + "om" + ], + [ + "▁Text", + "View" + ], + [ + "▁", + "TextView" + ], + [ + "Sp", + "ring" + ], + [ + "S", + "pring" + ], + [ + "met", + "adata" + ], + [ + "meta", + "data" + ], + [ + "en", + "gu" + ], + [ + "eng", + "u" + ], + [ + "/", + "," + ], + [ + "▁car", + "ri" + ], + [ + "is", + "tol" + ], + [ + "ist", + "ol" + ], + [ + "isto", + "l" + ], + [ + "▁diag", + "onal" + ], + [ + "li", + "sta" + ], + [ + "list", + "a" + ], + [ + "lis", + "ta" + ], + [ + "l", + "ista" + ], + [ + "iz", + "en" + ], + [ + "ize", + "n" + ], + [ + "i", + "zen" + ], + [ + "▁re", + "nde" + ], + [ + "▁r", + "ende" + ], + [ + "▁ren", + "de" + ], + [ + "▁rend", + "e" + ], + [ + "gc", + "c" + ], + [ + "g", + "cc" + ], + [ + "be", + "ck" + ], + [ + "bec", + "k" + ], + [ + "li", + "us" + ], + [ + "l", + "ius" + ], + [ + "ir", + "al" + ], + [ + "ira", + "l" + ], + [ + "i", + "ral" + ], + [ + "Resol", + "ver" + ], + [ + "▁percent", + "age" + ], + [ + "▁at", + "tra" + ], + [ + "▁att", + "ra" + ], + [ + "▁attr", + "a" + ], + [ + "str", + "ings" + ], + [ + "string", + "s" + ], + [ + "wi", + "ąz" + ], + [ + "od", + "s" + ], + [ + "o", + "ds" + ], + [ + "во", + "лю" + ], + [ + "ę", + "ż" + ], + [ + "▁news", + "paper" + ], + [ + "▁newsp", + "aper" + ], + [ + "im", + "iter" + ], + [ + "imi", + "ter" + ], + [ + "imit", + "er" + ], + [ + "AB", + "C" + ], + [ + "A", + "BC" + ], + [ + "▁Man", + "chester" + ], + [ + "[", + "{" + ], + [ + "Ag", + "ent" + ], + [ + "Age", + "nt" + ], + [ + "A", + "gent" + ], + [ + "▁W", + "or" + ], + [ + "▁Wo", + "r" + ], + [ + "▁K", + "ath" + ], + [ + "▁Kat", + "h" + ], + [ + "▁Ka", + "th" + ], + [ + "▁по", + "ві" + ], + [ + "▁пов", + "і" + ], + [ + "▁ent", + "onces" + ], + [ + "▁n", + "iveau" + ], + [ + "at", + "ted" + ], + [ + "att", + "ed" + ], + [ + "atte", + "d" + ], + [ + "le", + "arn" + ], + [ + "lear", + "n" + ], + [ + "lea", + "rn" + ], + [ + "at", + "iques" + ], + [ + "ati", + "ques" + ], + [ + "atique", + "s" + ], + [ + "▁у", + "би" + ], + [ + "▁qu", + "indi" + ], + [ + "bin", + "ding" + ], + [ + "bind", + "ing" + ], + [ + "b", + "inding" + ], + [ + "▁import", + "ed" + ], + [ + "▁imp", + "orted" + ], + [ + "▁H", + "orn" + ], + [ + "▁Hor", + "n" + ], + [ + "▁Ho", + "rn" + ], + [ + "em", + "berg" + ], + [ + "ember", + "g" + ], + [ + "emb", + "erg" + ], + [ + "com", + "plex" + ], + [ + "comp", + "lex" + ], + [ + "comple", + "x" + ], + [ + "▁ne", + "ural" + ], + [ + "▁neu", + "ral" + ], + [ + "▁neur", + "al" + ], + [ + "in", + "formation" + ], + [ + "▁recogn", + "ition" + ], + [ + "in", + "gt" + ], + [ + "ing", + "t" + ], + [ + "▁inhab", + "itants" + ], + [ + "vu", + "e" + ], + [ + "v", + "ue" + ], + [ + "▁Be", + "völker" + ], + [ + "▁cur", + "ves" + ], + [ + "▁curve", + "s" + ], + [ + "▁curv", + "es" + ], + [ + "▁l", + "eb" + ], + [ + "▁le", + "b" + ], + [ + "▁", + "leb" + ], + [ + "ді", + "й" + ], + [ + "д", + "ій" + ], + [ + "▁s", + "ow" + ], + [ + "▁so", + "w" + ], + [ + "▁sent", + "iment" + ], + [ + "P", + "H" + ], + [ + "ra", + "che" + ], + [ + "rac", + "he" + ], + [ + "rach", + "e" + ], + [ + "r", + "ache" + ], + [ + "▁-", + "(" + ], + [ + "▁", + "-(" + ], + [ + "▁e", + "stable" + ], + [ + "▁est", + "able" + ], + [ + "▁es", + "table" + ], + [ + "▁estab", + "le" + ], + [ + "▁esta", + "ble" + ], + [ + "▁Ferd", + "inand" + ], + [ + "▁é", + "crit" + ], + [ + "▁éc", + "rit" + ], + [ + "▁prime", + "iro" + ], + [ + "▁t", + "ex" + ], + [ + "▁te", + "x" + ], + [ + "▁", + "tex" + ], + [ + "▁inter", + "mediate" + ], + [ + "ve", + "rage" + ], + [ + "ver", + "age" + ], + [ + "vera", + "ge" + ], + [ + "ib", + "us" + ], + [ + "i", + "bus" + ], + [ + "▁s", + "erves" + ], + [ + "▁ser", + "ves" + ], + [ + "▁serv", + "es" + ], + [ + "▁serve", + "s" + ], + [ + "iv", + "as" + ], + [ + "iva", + "s" + ], + [ + "i", + "vas" + ], + [ + "▁b", + "ru" + ], + [ + "▁br", + "u" + ], + [ + "▁", + "bru" + ], + [ + "▁l", + "um" + ], + [ + "▁lu", + "m" + ], + [ + "att", + "ice" + ], + [ + "atti", + "ce" + ], + [ + "ч", + "ный" + ], + [ + "▁D", + "res" + ], + [ + "▁Dr", + "es" + ], + [ + "▁Dre", + "s" + ], + [ + "▁v", + "ideos" + ], + [ + "▁video", + "s" + ], + [ + "▁vide", + "os" + ], + [ + "d", + "uration" + ], + [ + "▁a", + "bit" + ], + [ + "▁ab", + "it" + ], + [ + "▁e", + "gg" + ], + [ + "▁eg", + "g" + ], + [ + "ograph", + "ical" + ], + [ + "ographic", + "al" + ], + [ + "al", + "ph" + ], + [ + "ST", + "ATE" + ], + [ + "STAT", + "E" + ], + [ + "▁па", + "ра" + ], + [ + "▁пар", + "а" + ], + [ + "▁", + "пара" + ], + [ + "re", + "ading" + ], + [ + "read", + "ing" + ], + [ + "rea", + "ding" + ], + [ + "▁veh", + "icle" + ], + [ + "▁fort", + "une" + ], + [ + "ult", + "ats" + ], + [ + "▁St", + "oria" + ], + [ + "▁Sto", + "ria" + ], + [ + "mi", + "dt" + ], + [ + "mid", + "t" + ], + [ + "łą", + "cz" + ], + [ + "▁Mem", + "orial" + ], + [ + "▁v", + "as" + ], + [ + "▁va", + "s" + ], + [ + "▁", + "vas" + ], + [ + "▁з", + "ан" + ], + [ + "▁за", + "н" + ], + [ + "▁", + "зан" + ], + [ + "▁ut", + "ility" + ], + [ + "▁util", + "ity" + ], + [ + "▁ob", + "sc" + ], + [ + "▁obs", + "c" + ], + [ + "▁rel", + "acion" + ], + [ + "▁rela", + "cion" + ], + [ + "▁relac", + "ion" + ], + [ + "▁run", + "at" + ], + [ + "▁ru", + "nat" + ], + [ + "Re", + "lease" + ], + [ + "ta", + "ke" + ], + [ + "t", + "ake" + ], + [ + "▁O", + "liver" + ], + [ + "▁Ol", + "iver" + ], + [ + "▁Oliv", + "er" + ], + [ + "▁S", + "id" + ], + [ + "▁Si", + "d" + ], + [ + "ul", + "os" + ], + [ + "ulo", + "s" + ], + [ + "u", + "los" + ], + [ + "▁G", + "arc" + ], + [ + "▁Gar", + "c" + ], + [ + "▁Ga", + "rc" + ], + [ + "▁роз", + "та" + ], + [ + "▁S", + "ak" + ], + [ + "▁Sa", + "k" + ], + [ + "P", + "y" + ], + [ + "führ", + "t" + ], + [ + "f", + "ührt" + ], + [ + "▁tra", + "bal" + ], + [ + "▁trab", + "al" + ], + [ + "*", + "{" + ], + [ + "▁z", + "es" + ], + [ + "▁ze", + "s" + ], + [ + "▁", + "zes" + ], + [ + "▁sz", + "ere" + ], + [ + "▁szer", + "e" + ], + [ + "▁sze", + "re" + ], + [ + "▁v", + "arios" + ], + [ + "▁var", + "ios" + ], + [ + "▁vari", + "os" + ], + [ + "▁va", + "rios" + ], + [ + "▁o", + "tra" + ], + [ + "▁ot", + "ra" + ], + [ + "▁e", + "val" + ], + [ + "▁ev", + "al" + ], + [ + "▁", + "eval" + ], + [ + "▁situ", + "é" + ], + [ + "▁sit", + "ué" + ], + [ + "▁w", + "ounded" + ], + [ + "▁Vin", + "cent" + ], + [ + "▁вико", + "ри" + ], + [ + "▁en", + "code" + ], + [ + "▁enc", + "ode" + ], + [ + "▁", + "encode" + ], + [ + "Mod", + "al" + ], + [ + "Mo", + "dal" + ], + [ + "▁f", + "orb" + ], + [ + "▁for", + "b" + ], + [ + "▁fo", + "rb" + ], + [ + "▁dynam", + "ics" + ], + [ + "▁dynamic", + "s" + ], + [ + "▁de", + "pos" + ], + [ + "▁dep", + "os" + ], + [ + "ar", + "de" + ], + [ + "ard", + "e" + ], + [ + "▁street", + "s" + ], + [ + "▁stre", + "ets" + ], + [ + "▁K", + "omm" + ], + [ + "▁Kom", + "m" + ], + [ + "▁Ko", + "mm" + ], + [ + "=$", + "(" + ], + [ + "=", + "$(" + ], + [ + "▁по", + "вер" + ], + [ + "▁пов", + "ер" + ], + [ + "▁пове", + "р" + ], + [ + "▁d", + "ois" + ], + [ + "▁do", + "is" + ], + [ + "▁doi", + "s" + ], + [ + "▁v", + "itt" + ], + [ + "▁vi", + "tt" + ], + [ + "▁vit", + "t" + ], + [ + "▁automat", + "isch" + ], + [ + "▁re", + "load" + ], + [ + "▁", + "reload" + ], + [ + "▁Ver", + "walt" + ], + [ + "ber", + "o" + ], + [ + "be", + "ro" + ], + [ + "b", + "ero" + ], + [ + "▁h", + "ub" + ], + [ + "▁hu", + "b" + ], + [ + "▁m", + "os" + ], + [ + "▁mo", + "s" + ], + [ + "▁", + "mos" + ], + [ + "▁t", + "utto" + ], + [ + "▁tu", + "tto" + ], + [ + "▁tut", + "to" + ], + [ + "▁Freder", + "ick" + ], + [ + "ło", + "w" + ], + [ + "ł", + "ow" + ], + [ + "ant", + "ages" + ], + [ + "anta", + "ges" + ], + [ + "antage", + "s" + ], + [ + "aqu", + "e" + ], + [ + "a", + "que" + ], + [ + "pa", + "per" + ], + [ + "p", + "aper" + ], + [ + "▁ein", + "ige" + ], + [ + "`)", + "," + ], + [ + "`", + ")," + ], + [ + "d", + "j" + ], + [ + "▁P", + "le" + ], + [ + "▁Pl", + "e" + ], + [ + "▁%", + "," + ], + [ + "▁", + "%," + ], + [ + "▁B", + "itmap" + ], + [ + "▁Bit", + "map" + ], + [ + "▁", + "Bitmap" + ], + [ + "▁friend", + "ly" + ], + [ + "▁tr", + "uly" + ], + [ + "▁st", + "roke" + ], + [ + "▁str", + "oke" + ], + [ + "▁stro", + "ke" + ], + [ + "▁", + "stroke" + ], + [ + "ro", + "ph" + ], + [ + "rop", + "h" + ], + [ + "r", + "oph" + ], + [ + "▁en", + "gl" + ], + [ + "▁eng", + "l" + ], + [ + "▁", + "engl" + ], + [ + "▁c", + "off" + ], + [ + "▁co", + "ff" + ], + [ + "▁d", + "ust" + ], + [ + "▁du", + "st" + ], + [ + "▁dus", + "t" + ], + [ + "▁Jah", + "res" + ], + [ + "▁Jahr", + "es" + ], + [ + "▁Jahre", + "s" + ], + [ + "pp", + "i" + ], + [ + "p", + "pi" + ], + [ + "▁w", + "ys" + ], + [ + "▁wy", + "s" + ], + [ + "fa", + "ctor" + ], + [ + "fact", + "or" + ], + [ + "fac", + "tor" + ], + [ + "f", + "actor" + ], + [ + "sch", + "luss" + ], + [ + "▁дере", + "вня" + ], + [ + "▁дерев", + "ня" + ], + [ + "▁P", + "ast" + ], + [ + "▁Pa", + "st" + ], + [ + "▁Pas", + "t" + ], + [ + "▁до", + "ма" + ], + [ + "CO", + "M" + ], + [ + "C", + "OM" + ], + [ + "▁pu", + "eden" + ], + [ + "▁puede", + "n" + ], + [ + "▁pue", + "den" + ], + [ + "▁g", + "ift" + ], + [ + "▁gi", + "ft" + ], + [ + "▁G", + "la" + ], + [ + "▁Gl", + "a" + ], + [ + "▁trigger", + "ed" + ], + [ + "él", + "y" + ], + [ + "é", + "ly" + ], + [ + "ül", + "és" + ], + [ + "ü", + "lés" + ], + [ + "▁O", + "liv" + ], + [ + "▁Ol", + "iv" + ], + [ + "▁ver", + "so" + ], + [ + "▁vers", + "o" + ], + [ + "▁", + "verso" + ], + [ + "▁l", + "le" + ], + [ + "▁ll", + "e" + ], + [ + "▁", + "lle" + ], + [ + "▁G", + "li" + ], + [ + "▁Gl", + "i" + ], + [ + "▁L", + "td" + ], + [ + "o", + "a" + ], + [ + "▁territ", + "orio" + ], + [ + "ord", + "re" + ], + [ + "▁de", + "ck" + ], + [ + "▁dec", + "k" + ], + [ + "▁", + "deck" + ], + [ + "dr", + "a" + ], + [ + "d", + "ra" + ], + [ + "as", + "zt" + ], + [ + "asz", + "t" + ], + [ + "▁concern", + "ing" + ], + [ + "▁Add", + "itionally" + ], + [ + "▁kter", + "é" + ], + [ + "▁g", + "rund" + ], + [ + "▁gr", + "und" + ], + [ + "▁gru", + "nd" + ], + [ + "▁", + "grund" + ], + [ + "▁G", + "est" + ], + [ + "▁Ge", + "st" + ], + [ + "▁Ges", + "t" + ], + [ + "▁", + "Gest" + ], + [ + "▁mis", + "under" + ], + [ + "pr", + "et" + ], + [ + "pre", + "t" + ], + [ + "p", + "ret" + ], + [ + "──", + "──" + ], + [ + "▁re", + "putation" + ], + [ + "zi", + "a" + ], + [ + "z", + "ia" + ], + [ + "▁у", + "спе" + ], + [ + "▁ус", + "пе" + ], + [ + "▁esc", + "aped" + ], + [ + "▁escape", + "d" + ], + [ + "▁P", + "rag" + ], + [ + "▁Pr", + "ag" + ], + [ + "▁Pra", + "g" + ], + [ + "per", + "form" + ], + [ + "▁a", + "ustral" + ], + [ + "▁aust", + "ral" + ], + [ + "▁V", + "ater" + ], + [ + "▁Va", + "ter" + ], + [ + "ча", + "с" + ], + [ + "▁r", + "aces" + ], + [ + "▁ra", + "ces" + ], + [ + "▁race", + "s" + ], + [ + "▁rac", + "es" + ], + [ + "▁By", + "te" + ], + [ + "▁", + "Byte" + ], + [ + "Ma", + "sk" + ], + [ + "M", + "ask" + ], + [ + "▁Ter", + "rit" + ], + [ + "▁Terr", + "it" + ], + [ + "ст", + "ю" + ], + [ + "▁V", + "oci" + ], + [ + "▁Vo", + "ci" + ], + [ + "▁Fich", + "ier" + ], + [ + "▁Насе", + "лення" + ], + [ + "▁Unter", + "scheidung" + ], + [ + "te", + "enth" + ], + [ + "teen", + "th" + ], + [ + "▁pi", + "lot" + ], + [ + "▁pil", + "ot" + ], + [ + "▁j", + "i" + ], + [ + "▁", + "ji" + ], + [ + "▁дву", + "х" + ], + [ + "▁orient", + "ation" + ], + [ + "▁", + "orientation" + ], + [ + "ind", + "re" + ], + [ + "▁D", + "ort" + ], + [ + "▁Do", + "rt" + ], + [ + "▁Dor", + "t" + ], + [ + "ça", + "s" + ], + [ + "ç", + "as" + ], + [ + "п", + "ли" + ], + [ + "▁re", + "action" + ], + [ + "▁react", + "ion" + ], + [ + "▁cons", + "isting" + ], + [ + "▁consist", + "ing" + ], + [ + "▁fer", + "ro" + ], + [ + "ти", + "сти" + ], + [ + "ya", + "rd" + ], + [ + "yar", + "d" + ], + [ + "y", + "ard" + ], + [ + "▁с", + "ві" + ], + [ + "▁interpret", + "ation" + ], + [ + "i", + "ą" + ], + [ + "ra", + "h" + ], + [ + "r", + "ah" + ], + [ + "▁f", + "and" + ], + [ + "▁fa", + "nd" + ], + [ + "▁fan", + "d" + ], + [ + "Pub", + "lic" + ], + [ + "P", + "ublic" + ], + [ + "▁un", + "iverse" + ], + [ + "▁univers", + "e" + ], + [ + "▁ret", + "ir" + ], + [ + "▁cons", + "cious" + ], + [ + "ar", + "qu" + ], + [ + "▁w", + "aste" + ], + [ + "▁was", + "te" + ], + [ + "▁wa", + "ste" + ], + [ + "▁B", + "ib" + ], + [ + "▁Bi", + "b" + ], + [ + "ycler", + "View" + ], + [ + "▁list", + "ening" + ], + [ + "▁listen", + "ing" + ], + [ + "▁liste", + "ning" + ], + [ + "gle", + "ich" + ], + [ + "g", + "leich" + ], + [ + "nie", + "js" + ], + [ + "niej", + "s" + ], + [ + "▁cor", + "relation" + ], + [ + "▁correl", + "ation" + ], + [ + "▁corre", + "lation" + ], + [ + "▁rece", + "iver" + ], + [ + "▁receive", + "r" + ], + [ + "▁у", + "да" + ], + [ + "▁cour", + "age" + ], + [ + "▁cou", + "rage" + ], + [ + "uch", + "s" + ], + [ + "uc", + "hs" + ], + [ + "u", + "chs" + ], + [ + "fa", + "ss" + ], + [ + "fas", + "s" + ], + [ + "f", + "ass" + ], + [ + "▁ch", + "unk" + ], + [ + "▁", + "chunk" + ], + [ + "▁An", + "fang" + ], + [ + "▁gro", + "ßen" + ], + [ + "▁große", + "n" + ], + [ + "▁groß", + "en" + ], + [ + "cont", + "inue" + ], + [ + "continu", + "e" + ], + [ + "▁Warsza", + "wa" + ], + [ + "h", + "é" + ], + [ + "i", + "y" + ], + [ + "iv", + "ement" + ], + [ + "ive", + "ment" + ], + [ + "i", + "vement" + ], + [ + "▁", + "α" + ], + [ + "▁ex", + "posed" + ], + [ + "▁exp", + "osed" + ], + [ + "▁expos", + "ed" + ], + [ + "▁expose", + "d" + ], + [ + "▁z", + "ahl" + ], + [ + "▁za", + "hl" + ], + [ + "▁", + "zahl" + ], + [ + "▁sa", + "cr" + ], + [ + "▁sac", + "r" + ], + [ + "▁Lo", + "oks" + ], + [ + "▁Look", + "s" + ], + [ + "▁e", + "ager" + ], + [ + "en", + "ten" + ], + [ + "ent", + "en" + ], + [ + "ente", + "n" + ], + [ + "e", + "nten" + ], + [ + "C", + "ursor" + ], + [ + "/", + "_" + ], + [ + "ix", + "a" + ], + [ + "i", + "xa" + ], + [ + "ре", + "ла" + ], + [ + "зна", + "ча" + ], + [ + "з", + "нача" + ], + [ + "▁фамили", + "ей" + ], + [ + "▁ar", + "gent" + ], + [ + "▁arg", + "ent" + ], + [ + "▁", + "argent" + ], + [ + "▁An", + "ders" + ], + [ + "▁And", + "ers" + ], + [ + "œuv", + "re" + ], + [ + "▁I", + "sa" + ], + [ + "▁Is", + "a" + ], + [ + "мен", + "та" + ], + [ + "мент", + "а" + ], + [ + "▁ad", + "vers" + ], + [ + "▁adv", + "ers" + ], + [ + "ri", + "ction" + ], + [ + "ric", + "tion" + ], + [ + "rict", + "ion" + ], + [ + "r", + "iction" + ], + [ + "G", + "P" + ], + [ + "▁п", + "ісля" + ], + [ + "▁pre", + "serve" + ], + [ + "▁pres", + "erve" + ], + [ + "▁G", + "arden" + ], + [ + "▁Gar", + "den" + ], + [ + "▁Gard", + "en" + ], + [ + "R", + "ate" + ], + [ + "ap", + "rès" + ], + [ + "a", + "près" + ], + [ + "▁read", + "able" + ], + [ + "in", + "du" + ], + [ + "ind", + "u" + ], + [ + "▁s", + "kill" + ], + [ + "▁sk", + "ill" + ], + [ + "▁ski", + "ll" + ], + [ + "▁hel", + "ping" + ], + [ + "▁help", + "ing" + ], + [ + "ograph", + "ique" + ], + [ + "cl", + "ing" + ], + [ + "cli", + "ng" + ], + [ + "c", + "ling" + ], + [ + "olog", + "ist" + ], + [ + "▁Fil", + "ter" + ], + [ + "▁", + "Filter" + ], + [ + "▁f", + "inger" + ], + [ + "▁fin", + "ger" + ], + [ + "▁V", + "all" + ], + [ + "▁Val", + "l" + ], + [ + "▁Va", + "ll" + ], + [ + "▁Pol", + "ish" + ], + [ + "▁Po", + "lish" + ], + [ + "l", + "g" + ], + [ + "▁Famil", + "ien" + ], + [ + "▁Familie", + "n" + ], + [ + "▁w", + "aters" + ], + [ + "▁water", + "s" + ], + [ + "▁wa", + "ters" + ], + [ + "▁wat", + "ers" + ], + [ + "▁pse", + "ud" + ], + [ + "az", + "a" + ], + [ + "a", + "za" + ], + [ + "_", + ")" + ], + [ + "AR", + "Y" + ], + [ + "A", + "RY" + ], + [ + "▁с", + "реди" + ], + [ + "▁сред", + "и" + ], + [ + "▁сре", + "ди" + ], + [ + "▁M", + "ust" + ], + [ + "▁Mus", + "t" + ], + [ + "▁Mu", + "st" + ], + [ + "▁B", + "od" + ], + [ + "▁Bo", + "d" + ], + [ + "an", + "on" + ], + [ + "ano", + "n" + ], + [ + "a", + "non" + ], + [ + "▁l", + "ado" + ], + [ + "▁la", + "do" + ], + [ + "▁lad", + "o" + ], + [ + "▁t", + "ight" + ], + [ + "im", + "en" + ], + [ + "ime", + "n" + ], + [ + "i", + "men" + ], + [ + "ap", + "pen" + ], + [ + "app", + "en" + ], + [ + "appe", + "n" + ], + [ + "a", + "ppen" + ], + [ + "fr", + "ames" + ], + [ + "frame", + "s" + ], + [ + "fra", + "mes" + ], + [ + "fram", + "es" + ], + [ + "in", + "gers" + ], + [ + "ing", + "ers" + ], + [ + "inger", + "s" + ], + [ + "inge", + "rs" + ], + [ + "▁CO", + "VID" + ], + [ + "▁з", + "і" + ], + [ + "▁", + "зі" + ], + [ + "▁с", + "ве" + ], + [ + "▁ц", + "ь" + ], + [ + "▁", + "ць" + ], + [ + "▁L", + "eft" + ], + [ + "▁Le", + "ft" + ], + [ + "▁", + "Left" + ], + [ + "]]", + ";" + ], + [ + "]", + "];" + ], + [ + "ч", + "ь" + ], + [ + "фи", + "ка" + ], + [ + "▁с", + "ло" + ], + [ + "▁", + "сло" + ], + [ + "▁п", + "і" + ], + [ + "▁", + "пі" + ], + [ + "▁ex", + "iste" + ], + [ + "▁exist", + "e" + ], + [ + "▁Atl", + "antic" + ], + [ + "▁maintain", + "ed" + ], + [ + "▁ir", + "re" + ], + [ + "▁an", + "née" + ], + [ + "▁ann", + "ée" + ], + [ + "▁", + "année" + ], + [ + "▁comm", + "ented" + ], + [ + "▁comment", + "ed" + ], + [ + "ве", + "ро" + ], + [ + "вер", + "о" + ], + [ + "ber", + "ta" + ], + [ + "bert", + "a" + ], + [ + "b", + "erta" + ], + [ + "▁L", + "ad" + ], + [ + "▁La", + "d" + ], + [ + "▁U", + "pon" + ], + [ + "▁Up", + "on" + ], + [ + "▁p", + "ause" + ], + [ + "▁pa", + "use" + ], + [ + "▁pau", + "se" + ], + [ + "mi", + "ll" + ], + [ + "mil", + "l" + ], + [ + "m", + "ill" + ], + [ + "op", + "ter" + ], + [ + "opt", + "er" + ], + [ + "U", + "K" + ], + [ + "ре", + "с" + ], + [ + "р", + "ес" + ], + [ + "нцикло", + "педи" + ], + [ + "▁along", + "side" + ], + [ + "▁ro", + "bot" + ], + [ + "▁rob", + "ot" + ], + [ + "▁f", + "ert" + ], + [ + "▁fe", + "rt" + ], + [ + "▁fer", + "t" + ], + [ + "▁", + "fert" + ], + [ + "▁m", + "oy" + ], + [ + "▁mo", + "y" + ], + [ + "▁a", + "de" + ], + [ + "▁ad", + "e" + ], + [ + "▁", + "ade" + ], + [ + "Map", + "per" + ], + [ + "Mapp", + "er" + ], + [ + "Ma", + "pper" + ], + [ + "M", + "apper" + ], + [ + ")-", + ">" + ], + [ + ")", + "->" + ], + [ + "ig", + "ua" + ], + [ + "igu", + "a" + ], + [ + "ét", + "ique" + ], + [ + "т", + "ка" + ], + [ + "al", + "ias" + ], + [ + "ali", + "as" + ], + [ + "alia", + "s" + ], + [ + "a", + "lias" + ], + [ + "▁о", + "ри" + ], + [ + "▁ор", + "и" + ], + [ + "▁M", + "agn" + ], + [ + "▁Ma", + "gn" + ], + [ + "▁Mag", + "n" + ], + [ + "▁gehör", + "te" + ], + [ + "▁gehört", + "e" + ], + [ + "im", + "b" + ], + [ + "i", + "mb" + ], + [ + ")}", + "{\\" + ], + [ + ")}{", + "\\" + ], + [ + ")", + "}{\\" + ], + [ + "▁Wikip", + "édia" + ], + [ + "▁u", + "rs" + ], + [ + "▁ur", + "s" + ], + [ + "▁", + "urs" + ], + [ + "▁e", + "nde" + ], + [ + "▁en", + "de" + ], + [ + "▁end", + "e" + ], + [ + "▁", + "ende" + ], + [ + "le", + "b" + ], + [ + "l", + "eb" + ], + [ + "▁G", + "C" + ], + [ + "▁", + "GC" + ], + [ + "H", + "ol" + ], + [ + "an", + "cing" + ], + [ + "anc", + "ing" + ], + [ + "anci", + "ng" + ], + [ + "Un", + "ion" + ], + [ + "Uni", + "on" + ], + [ + "▁ten", + "ía" + ], + [ + "T", + "T" + ], + [ + "▁e", + "state" + ], + [ + "▁est", + "ate" + ], + [ + "▁esta", + "te" + ], + [ + "▁estat", + "e" + ], + [ + "h", + "á" + ], + [ + "▁по", + "лі" + ], + [ + "▁пол", + "і" + ], + [ + "ul", + "tan" + ], + [ + "ult", + "an" + ], + [ + "▁H", + "ockey" + ], + [ + "ul", + "se" + ], + [ + "uls", + "e" + ], + [ + "▁cho", + "ices" + ], + [ + "▁choice", + "s" + ], + [ + "sch", + "er" + ], + [ + "sc", + "her" + ], + [ + "sche", + "r" + ], + [ + "s", + "cher" + ], + [ + "▁[", + "]," + ], + [ + "▁[]", + "," + ], + [ + "▁pot", + "entially" + ], + [ + "▁potential", + "ly" + ], + [ + "▁Ü", + "bers" + ], + [ + "▁Über", + "s" + ], + [ + "▁ad", + "mit" + ], + [ + "▁adm", + "it" + ], + [ + "Com", + "ment" + ], + [ + "Comm", + "ent" + ], + [ + "ст", + "я" + ], + [ + "с", + "тя" + ], + [ + "▁V", + "ien" + ], + [ + "▁Vi", + "en" + ], + [ + "▁Vie", + "n" + ], + [ + "▁ц", + "і" + ], + [ + "▁", + "ці" + ], + [ + "▁per", + "mut" + ], + [ + "▁perm", + "ut" + ], + [ + "c", + "gi" + ], + [ + "▁cr", + "ít" + ], + [ + "Con", + "sole" + ], + [ + "Cons", + "ole" + ], + [ + "ct", + "ic" + ], + [ + "▁ok", + "res" + ], + [ + "aw", + "k" + ], + [ + "foot", + "ball" + ], + [ + "ou", + "est" + ], + [ + "o", + "uest" + ], + [ + "CT", + "YPE" + ], + [ + "C", + "TYPE" + ], + [ + "olog", + "ique" + ], + [ + "▁const", + "it" + ], + [ + "▁cons", + "tit" + ], + [ + "▁inter", + "ests" + ], + [ + "▁interest", + "s" + ], + [ + "▁Pro", + "gress" + ], + [ + "▁", + "Progress" + ], + [ + "▁M", + "enu" + ], + [ + "▁Me", + "nu" + ], + [ + "▁Men", + "u" + ], + [ + "▁", + "Menu" + ], + [ + "▁tak", + "é" + ], + [ + "▁ta", + "ké" + ], + [ + "▁As", + "ian" + ], + [ + "▁Asia", + "n" + ], + [ + "▁за", + "щи" + ], + [ + "▁young", + "er" + ], + [ + "▁w", + "ished" + ], + [ + "▁wish", + "ed" + ], + [ + "▁wis", + "hed" + ], + [ + "▁S", + "ort" + ], + [ + "▁So", + "rt" + ], + [ + "▁Sor", + "t" + ], + [ + "▁", + "Sort" + ], + [ + "▁aud", + "ience" + ], + [ + "▁audi", + "ence" + ], + [ + "am", + "ba" + ], + [ + "amb", + "a" + ], + [ + "▁gehör", + "t" + ], + [ + "▁K", + "ansas" + ], + [ + "ya", + "ume" + ], + [ + "▁Prof", + "essional" + ], + [ + "â", + "ce" + ], + [ + "▁f", + "atto" + ], + [ + "▁fa", + "tto" + ], + [ + "▁fat", + "to" + ], + [ + "to", + "d" + ], + [ + "t", + "od" + ], + [ + "▁data", + "sets" + ], + [ + "▁datas", + "ets" + ], + [ + "▁dataset", + "s" + ], + [ + "▁f", + "are" + ], + [ + "▁far", + "e" + ], + [ + "▁fa", + "re" + ], + [ + "▁", + "fare" + ], + [ + "▁w", + "aves" + ], + [ + "▁wave", + "s" + ], + [ + "▁wa", + "ves" + ], + [ + "~", + "/" + ], + [ + "▁measure", + "ment" + ], + [ + "▁w", + "ol" + ], + [ + "▁wo", + "l" + ], + [ + "▁", + "wol" + ], + [ + "ind", + "ust" + ], + [ + "indu", + "st" + ], + [ + "▁strugg", + "ling" + ], + [ + "▁pull", + "ed" + ], + [ + "▁pul", + "led" + ], + [ + "▁car", + "atter" + ], + [ + "▁Ex", + "terne" + ], + [ + "▁Ext", + "erne" + ], + [ + "▁Extern", + "e" + ], + [ + "▁дей", + "стви" + ], + [ + "cn", + "t" + ], + [ + "c", + "nt" + ], + [ + "li", + "ches" + ], + [ + "lic", + "hes" + ], + [ + "lich", + "es" + ], + [ + "liche", + "s" + ], + [ + "▁Pos", + "sible" + ], + [ + "▁Poss", + "ible" + ], + [ + "▁fa", + "ced" + ], + [ + "▁face", + "d" + ], + [ + "▁fac", + "ed" + ], + [ + "▁hypoth", + "esis" + ], + [ + "▁kil", + "om" + ], + [ + "▁n", + "är" + ], + [ + "▁nä", + "r" + ], + [ + "bo", + "olean" + ], + [ + "P", + "Y" + ], + [ + "am", + "pa" + ], + [ + "amp", + "a" + ], + [ + "▁k", + "iss" + ], + [ + "▁ki", + "ss" + ], + [ + "▁kis", + "s" + ], + [ + "▁as", + "tero" + ], + [ + "▁ast", + "ero" + ], + [ + "▁neg", + "li" + ], + [ + "am", + "ents" + ], + [ + "ament", + "s" + ], + [ + "amen", + "ts" + ], + [ + "a", + "ments" + ], + [ + "▁S", + "tu" + ], + [ + "▁St", + "u" + ], + [ + "at", + "ó" + ], + [ + "a", + "tó" + ], + [ + "▁Const", + "itution" + ], + [ + "▁inter", + "pol" + ], + [ + "▁Un", + "able" + ], + [ + "▁Una", + "ble" + ], + [ + "▁p", + "is" + ], + [ + "▁pi", + "s" + ], + [ + "▁", + "pis" + ], + [ + "▁p", + "arc" + ], + [ + "▁par", + "c" + ], + [ + "▁pa", + "rc" + ], + [ + "\"]", + ")" + ], + [ + "\"", + "])" + ], + [ + "ple", + "r" + ], + [ + "pl", + "er" + ], + [ + "p", + "ler" + ], + [ + "▁aut", + "ory" + ], + [ + "▁auto", + "ry" + ], + [ + "▁autor", + "y" + ], + [ + "▁alg", + "unos" + ], + [ + "yw", + "na" + ], + [ + "})", + ")" + ], + [ + "}", + "))" + ], + [ + "▁f", + "alls" + ], + [ + "▁fall", + "s" + ], + [ + "▁fal", + "ls" + ], + [ + "▁", + "falls" + ], + [ + "▁é", + "quip" + ], + [ + "▁e", + "mit" + ], + [ + "▁em", + "it" + ], + [ + "▁", + "emit" + ], + [ + "▁pro", + "fil" + ], + [ + "▁prof", + "il" + ], + [ + "ge", + "ts" + ], + [ + "get", + "s" + ], + [ + "g", + "ets" + ], + [ + "ф", + "о" + ], + [ + "▁Milit", + "ary" + ], + [ + "▁nombre", + "ux" + ], + [ + "oc", + "t" + ], + [ + "o", + "ct" + ], + [ + "Re", + "place" + ], + [ + "Rep", + "lace" + ], + [ + "▁se", + "asons" + ], + [ + "▁season", + "s" + ], + [ + "▁ch", + "âteau" + ], + [ + "▁type", + "of" + ], + [ + "▁", + "typeof" + ], + [ + "po", + "lit" + ], + [ + "pol", + "it" + ], + [ + "p", + "olit" + ], + [ + "▁r", + "and" + ], + [ + "▁ra", + "nd" + ], + [ + "▁ran", + "d" + ], + [ + "▁", + "rand" + ], + [ + "▁qu", + "ar" + ], + [ + "▁erst", + "mals" + ], + [ + "си", + "ни" + ], + [ + "▁pay", + "load" + ], + [ + "▁", + "payload" + ], + [ + "П", + "о" + ], + [ + "кі", + "н" + ], + [ + "к", + "ін" + ], + [ + "re", + "po" + ], + [ + "rep", + "o" + ], + [ + "▁P", + "av" + ], + [ + "▁Pa", + "v" + ], + [ + "Sc", + "ore" + ], + [ + "S", + "core" + ], + [ + "er", + "ves" + ], + [ + "erv", + "es" + ], + [ + "erve", + "s" + ], + [ + "▁soll", + "te" + ], + [ + "▁мі", + "ж" + ], + [ + "éb", + "ec" + ], + [ + "é", + "bec" + ], + [ + "▁c", + "lip" + ], + [ + "▁cl", + "ip" + ], + [ + "▁cli", + "p" + ], + [ + "▁", + "clip" + ], + [ + "▁N", + "ice" + ], + [ + "▁Nic", + "e" + ], + [ + "▁Ni", + "ce" + ], + [ + "▁n", + "eben" + ], + [ + "▁ne", + "ben" + ], + [ + "▁ass", + "ass" + ], + [ + "it", + "ories" + ], + [ + "ito", + "ries" + ], + [ + "itor", + "ies" + ], + [ + "itori", + "es" + ], + [ + "▁un", + "ity" + ], + [ + "▁unit", + "y" + ], + [ + "▁", + "unity" + ], + [ + "▁е", + "н" + ], + [ + "▁", + "ен" + ], + [ + "▁Inst", + "itut" + ], + [ + "▁Instit", + "ut" + ], + [ + "▁", + "Institut" + ], + [ + "▁intern", + "ationale" + ], + [ + "▁international", + "e" + ], + [ + "▁на", + "ук" + ], + [ + "▁нау", + "к" + ], + [ + "▁com", + "and" + ], + [ + "▁kle", + "ine" + ], + [ + "▁klein", + "e" + ], + [ + "▁adj", + "acent" + ], + [ + "▁deliver", + "ed" + ], + [ + "▁ш", + "е" + ], + [ + "▁", + "ше" + ], + [ + "зе", + "м" + ], + [ + "з", + "ем" + ], + [ + "▁c", + "ot" + ], + [ + "▁co", + "t" + ], + [ + "▁", + "cot" + ], + [ + "vis", + "ual" + ], + [ + "ва", + "ет" + ], + [ + "▁C", + "ensus" + ], + [ + "\\", + "_" + ], + [ + "▁territ", + "ory" + ], + [ + "чи", + "л" + ], + [ + "ч", + "ил" + ], + [ + "ч", + "ные" + ], + [ + "fl", + "utter" + ], + [ + "Did", + "Load" + ], + [ + "Document", + "s" + ], + [ + "Doc", + "uments" + ], + [ + "▁d", + "ob" + ], + [ + "▁do", + "b" + ], + [ + "▁", + "dob" + ], + [ + "Br", + "e" + ], + [ + "B", + "re" + ], + [ + "an", + "imate" + ], + [ + "ani", + "mate" + ], + [ + "anim", + "ate" + ], + [ + "▁b", + "iz" + ], + [ + "▁bi", + "z" + ], + [ + "▁b", + "ata" + ], + [ + "▁ba", + "ta" + ], + [ + "▁bat", + "a" + ], + [ + "▁S", + "U" + ], + [ + "▁", + "SU" + ], + [ + "es", + "o" + ], + [ + "e", + "so" + ], + [ + "▁p", + "riority" + ], + [ + "▁prior", + "ity" + ], + [ + "vá", + "n" + ], + [ + "v", + "án" + ], + [ + "ir", + "as" + ], + [ + "ira", + "s" + ], + [ + "i", + "ras" + ], + [ + "▁char", + "ged" + ], + [ + "▁charge", + "d" + ], + [ + "▁charg", + "ed" + ], + [ + "▁M", + "icro" + ], + [ + "▁Mi", + "cro" + ], + [ + "▁Mic", + "ro" + ], + [ + "at", + "oire" + ], + [ + "ato", + "ire" + ], + [ + "a", + "toire" + ], + [ + "че", + "р" + ], + [ + "ч", + "ер" + ], + [ + "ab", + "ad" + ], + [ + "aba", + "d" + ], + [ + "a", + "bad" + ], + [ + "ur", + "u" + ], + [ + "u", + "ru" + ], + [ + "▁v", + "š" + ], + [ + "dir", + "e" + ], + [ + "di", + "re" + ], + [ + "d", + "ire" + ], + [ + "▁Tw", + "itter" + ], + [ + "▁м", + "ето" + ], + [ + "▁ме", + "то" + ], + [ + "▁мет", + "о" + ], + [ + ").", + "." + ], + [ + ")", + ".." + ], + [ + "▁Ц", + "ент" + ], + [ + "▁ent", + "wick" + ], + [ + "▁M", + "ind" + ], + [ + "▁Min", + "d" + ], + [ + "▁Mi", + "nd" + ], + [ + "▁ф", + "унк" + ], + [ + "F", + "uture" + ], + [ + "ls", + "t" + ], + [ + "l", + "st" + ], + [ + "ło", + "ż" + ], + [ + "fl", + "i" + ], + [ + "f", + "li" + ], + [ + "t", + "ensor" + ], + [ + "▁top", + "ology" + ], + [ + "▁ar", + "te" + ], + [ + "▁art", + "e" + ], + [ + "▁", + "arte" + ], + [ + "ER", + "T" + ], + [ + "E", + "RT" + ], + [ + "▁var", + "iance" + ], + [ + "▁vari", + "ance" + ], + [ + "Im", + "ages" + ], + [ + "Image", + "s" + ], + [ + "▁(", + "@" + ], + [ + "▁", + "(@" + ], + [ + "Array", + "List" + ], + [ + "O", + "C" + ], + [ + "▁Де", + "мо" + ], + [ + "auc", + "oup" + ], + [ + "▁de", + "notes" + ], + [ + "▁den", + "otes" + ], + [ + "▁denote", + "s" + ], + [ + "im", + "on" + ], + [ + "imo", + "n" + ], + [ + "i", + "mon" + ], + [ + "њ", + "и" + ], + [ + "▁Prz", + "yp" + ], + [ + "▁Z", + "ag" + ], + [ + "▁Za", + "g" + ], + [ + "▁ди", + "ре" + ], + [ + "▁Similar", + "ly" + ], + [ + "б", + "ро" + ], + [ + "▁mil", + "itaire" + ], + [ + "▁milit", + "aire" + ], + [ + "▁т", + "ому" + ], + [ + "▁то", + "му" + ], + [ + "▁том", + "у" + ], + [ + "▁", + "тому" + ], + [ + "▁John", + "ny" + ], + [ + "▁Мекси", + "ку" + ], + [ + "ћ", + "а" + ], + [ + "Su", + "pp" + ], + [ + "S", + "upp" + ], + [ + "▁jun", + "ior" + ], + [ + "▁junio", + "r" + ], + [ + "▁juni", + "or" + ], + [ + "ol", + "tre" + ], + [ + "olt", + "re" + ], + [ + "o", + "ltre" + ], + [ + "▁Мо", + "ск" + ], + [ + "▁Мос", + "к" + ], + [ + "▁adm", + "itted" + ], + [ + "▁admit", + "ted" + ], + [ + "▁relig", + "ios" + ], + [ + "зя", + "й" + ], + [ + "е", + "го" + ], + [ + "▁t", + "ears" + ], + [ + "▁te", + "ars" + ], + [ + "▁tea", + "rs" + ], + [ + "in", + "go" + ], + [ + "ing", + "o" + ], + [ + "od", + "u" + ], + [ + "o", + "du" + ], + [ + "iv", + "eness" + ], + [ + "ive", + "ness" + ], + [ + "iven", + "ess" + ], + [ + "▁l", + "ogo" + ], + [ + "▁lo", + "go" + ], + [ + "▁log", + "o" + ], + [ + "▁", + "logo" + ], + [ + "▁últ", + "imo" + ], + [ + "▁al", + "iment" + ], + [ + "▁ali", + "ment" + ], + [ + "▁U", + "ITableView" + ], + [ + "▁", + "UITableView" + ], + [ + ")", + "!" + ], + [ + "▁n", + "j" + ], + [ + "le", + "tte" + ], + [ + "let", + "te" + ], + [ + "lett", + "e" + ], + [ + "l", + "ette" + ], + [ + "▁res", + "ident" + ], + [ + "▁resid", + "ent" + ], + [ + "▁term", + "ine" + ], + [ + "▁ter", + "mine" + ], + [ + "▁termin", + "e" + ], + [ + "▁у", + "же" + ], + [ + "▁С", + "те" + ], + [ + "▁Ст", + "е" + ], + [ + "off", + "ice" + ], + [ + "▁c", + "arte" + ], + [ + "▁car", + "te" + ], + [ + "▁cart", + "e" + ], + [ + "▁li", + "vre" + ], + [ + "▁liv", + "re" + ], + [ + "▁Мо", + "сков" + ], + [ + "▁Мос", + "ков" + ], + [ + "▁Моск", + "ов" + ], + [ + "▁e", + "lections" + ], + [ + "▁elect", + "ions" + ], + [ + "▁ele", + "ctions" + ], + [ + "▁election", + "s" + ], + [ + "зи", + "ден" + ], + [ + "Tr", + "igger" + ], + [ + "▁Ben", + "jamin" + ], + [ + "add", + "Class" + ], + [ + "ско", + "г" + ], + [ + "▁Ob", + "servable" + ], + [ + "▁Observ", + "able" + ], + [ + "▁", + "Observable" + ], + [ + "Cl", + "a" + ], + [ + "C", + "la" + ], + [ + "gem", + "ein" + ], + [ + "geme", + "in" + ], + [ + "g", + "emein" + ], + [ + "▁con", + "sent" + ], + [ + "▁cons", + "ent" + ], + [ + "▁conse", + "nt" + ], + [ + "в", + "ри" + ], + [ + "▁un", + "fold" + ], + [ + "▁unf", + "old" + ], + [ + "▁govern", + "or" + ], + [ + "▁gover", + "nor" + ], + [ + "▁governo", + "r" + ], + [ + "на", + "л" + ], + [ + "н", + "ал" + ], + [ + "▁t", + "oda" + ], + [ + "▁to", + "da" + ], + [ + "▁tod", + "a" + ], + [ + "Rem", + "ote" + ], + [ + "ar", + "ias" + ], + [ + "ari", + "as" + ], + [ + "aria", + "s" + ], + [ + "a", + "rias" + ], + [ + "▁in", + "stal" + ], + [ + "▁inst", + "al" + ], + [ + "▁ins", + "tal" + ], + [ + "fix", + "ed" + ], + [ + "f", + "ixed" + ], + [ + "▁dec", + "ay" + ], + [ + "▁де", + "рев" + ], + [ + "▁дере", + "в" + ], + [ + "xy", + "z" + ], + [ + "x", + "yz" + ], + [ + "▁D", + "ATE" + ], + [ + "▁DA", + "TE" + ], + [ + "▁DAT", + "E" + ], + [ + "▁", + "DATE" + ], + [ + "im", + "ar" + ], + [ + "ima", + "r" + ], + [ + "i", + "mar" + ], + [ + "nt", + "il" + ], + [ + "n", + "til" + ], + [ + "▁start", + "up" + ], + [ + "al", + "ion" + ], + [ + "ali", + "on" + ], + [ + "▁ko", + "lej" + ], + [ + "▁kol", + "ej" + ], + [ + "▁kole", + "j" + ], + [ + "ci", + "os" + ], + [ + "cio", + "s" + ], + [ + "c", + "ios" + ], + [ + "▁r", + "anges" + ], + [ + "▁range", + "s" + ], + [ + "▁ran", + "ges" + ], + [ + "▁rang", + "es" + ], + [ + "▁stup", + "id" + ], + [ + "▁implement", + "ations" + ], + [ + "▁implementation", + "s" + ], + [ + "▁r", + "m" + ], + [ + "▁", + "rm" + ], + [ + "én", + "ek" + ], + [ + "é", + "nek" + ], + [ + "▁g", + "cc" + ], + [ + "▁", + "gcc" + ], + [ + "▁sc", + "ène" + ], + [ + "N", + "avigation" + ], + [ + "▁", + " " + ], + [ + "▁к", + "ан" + ], + [ + "▁ка", + "н" + ], + [ + "▁", + "кан" + ], + [ + "▁town", + "s" + ], + [ + "User", + "name" + ], + [ + "Us", + "ername" + ], + [ + "▁ф", + "е" + ], + [ + "▁", + "фе" + ], + [ + "▁le", + "aders" + ], + [ + "▁lead", + "ers" + ], + [ + "▁leader", + "s" + ], + [ + "oi", + "t" + ], + [ + "o", + "it" + ], + [ + "w", + "är" + ], + [ + "▁d", + "ummy" + ], + [ + "▁ass", + "istant" + ], + [ + "▁assist", + "ant" + ], + [ + "{$", + "\\" + ], + [ + "{", + "$\\" + ], + [ + "бі", + "р" + ], + [ + "б", + "ір" + ], + [ + "▁r", + "oy" + ], + [ + "▁ro", + "y" + ], + [ + "▁", + "roy" + ], + [ + "▁L", + "ayout" + ], + [ + "▁", + "Layout" + ], + [ + "▁J", + "ung" + ], + [ + "▁Ju", + "ng" + ], + [ + "▁Jun", + "g" + ], + [ + "Line", + "s" + ], + [ + "Lin", + "es" + ], + [ + "Li", + "nes" + ], + [ + "L", + "ines" + ], + [ + "▁Hol", + "land" + ], + [ + "по", + "р" + ], + [ + "п", + "ор" + ], + [ + "▁Г", + "ри" + ], + [ + "▁B", + "ened" + ], + [ + "▁Be", + "ned" + ], + [ + "▁Ben", + "ed" + ], + [ + "▁П", + "од" + ], + [ + "▁По", + "д" + ], + [ + "xl", + "s" + ], + [ + "x", + "ls" + ], + [ + "▁G", + "ol" + ], + [ + "▁Go", + "l" + ], + [ + "▁Al", + "eks" + ], + [ + "▁Ale", + "ks" + ], + [ + "▁ej", + "emplo" + ], + [ + "▁se", + "zon" + ], + [ + "ar", + "ding" + ], + [ + "ard", + "ing" + ], + [ + "ardi", + "ng" + ], + [ + "ardin", + "g" + ], + [ + "foot", + "note" + ], + [ + "▁Cong", + "rès" + ], + [ + "re", + "fer" + ], + [ + "ref", + "er" + ], + [ + "ска", + "та" + ], + [ + "с", + "ката" + ], + [ + "Iter", + "ator" + ], + [ + "▁our", + "selves" + ], + [ + "▁M", + "ic" + ], + [ + "▁Mi", + "c" + ], + [ + "▁c", + "ódigo" + ], + [ + "▁пло", + "ща" + ], + [ + "▁\\", + "$" + ], + [ + "▁Char", + "lie" + ], + [ + "No", + "des" + ], + [ + "Node", + "s" + ], + [ + "N", + "odes" + ], + [ + "▁p", + "uzz" + ], + [ + "▁pu", + "zz" + ], + [ + "▁Ident", + "ifier" + ], + [ + "▁", + "Identifier" + ], + [ + "▁fl", + "utter" + ], + [ + "▁", + "flutter" + ], + [ + "▁pr", + "ü" + ], + [ + "▁", + "prü" + ], + [ + "▁o", + "rt" + ], + [ + "▁or", + "t" + ], + [ + "▁", + "ort" + ], + [ + "▁C", + "ort" + ], + [ + "▁Cor", + "t" + ], + [ + "▁Co", + "rt" + ], + [ + "astic", + "search" + ], + [ + "▁С", + "вя" + ], + [ + "▁B", + "ull" + ], + [ + "▁Bu", + "ll" + ], + [ + "▁Bul", + "l" + ], + [ + "ud", + "em" + ], + [ + "ude", + "m" + ], + [ + "u", + "dem" + ], + [ + "▁ap", + "parent" + ], + [ + "▁appar", + "ent" + ], + [ + ":-", + "-" + ], + [ + ":", + "--" + ], + [ + "▁Х", + "ар" + ], + [ + "▁Ха", + "р" + ], + [ + "▁L", + "ap" + ], + [ + "▁La", + "p" + ], + [ + "▁com", + "port" + ], + [ + "▁comp", + "ort" + ], + [ + "mat", + "ically" + ], + [ + "m", + "atically" + ], + [ + "▁cu", + "rios" + ], + [ + "▁cur", + "ios" + ], + [ + "▁мо", + "жет" + ], + [ + "▁мож", + "ет" + ], + [ + "▁може", + "т" + ], + [ + "▁B", + "h" + ], + [ + "ap", + "ping" + ], + [ + "app", + "ing" + ], + [ + "a", + "pping" + ], + [ + "▁b", + "asketball" + ], + [ + "▁basket", + "ball" + ], + [ + "ze", + "tek" + ], + [ + "zet", + "ek" + ], + [ + "▁r", + "unt" + ], + [ + "▁run", + "t" + ], + [ + "▁ru", + "nt" + ], + [ + "▁Mil", + "an" + ], + [ + "▁Mi", + "lan" + ], + [ + "fe", + "ction" + ], + [ + "fect", + "ion" + ], + [ + "f", + "ection" + ], + [ + "rí", + "a" + ], + [ + "r", + "ía" + ], + [ + "▁K", + "in" + ], + [ + "▁Ki", + "n" + ], + [ + "▁s", + "lower" + ], + [ + "▁sl", + "ower" + ], + [ + "▁slow", + "er" + ], + [ + "▁slo", + "wer" + ], + [ + "bo", + "th" + ], + [ + "bot", + "h" + ], + [ + "b", + "oth" + ], + [ + "▁Inst", + "ituto" + ], + [ + "▁Instit", + "uto" + ], + [ + "▁Institut", + "o" + ], + [ + "▁Histor", + "ical" + ], + [ + "▁Historic", + "al" + ], + [ + "▁równ", + "ież" + ], + [ + "mat", + "ches" + ], + [ + "match", + "es" + ], + [ + "yc", + "i" + ], + [ + "y", + "ci" + ], + [ + "▁esp", + "èce" + ], + [ + "▁Schwe", + "izer" + ], + [ + "▁Schweiz", + "er" + ], + [ + "N", + "T" + ], + [ + "S", + "F" + ], + [ + "ac", + "ia" + ], + [ + "aci", + "a" + ], + [ + "a", + "cia" + ], + [ + "for", + "ge" + ], + [ + "f", + "orge" + ], + [ + "Point", + "s" + ], + [ + "Po", + "ints" + ], + [ + "num", + "bers" + ], + [ + "number", + "s" + ], + [ + "▁f", + "alling" + ], + [ + "▁fall", + "ing" + ], + [ + "▁fal", + "ling" + ], + [ + "▁inherit", + "ance" + ], + [ + "▁Er", + "st" + ], + [ + "▁custom", + "ers" + ], + [ + "▁customer", + "s" + ], + [ + "▁a", + "ctu" + ], + [ + "▁act", + "u" + ], + [ + "▁ac", + "tu" + ], + [ + "▁m", + "igration" + ], + [ + "▁migr", + "ation" + ], + [ + "\\", + "'" + ], + [ + "Pl", + "an" + ], + [ + "P", + "lan" + ], + [ + "M", + "r" + ], + [ + "ot", + "hy" + ], + [ + "oth", + "y" + ], + [ + "o", + "thy" + ], + [ + "▁up", + "grad" + ], + [ + "би", + "ра" + ], + [ + "▁O", + "ffic" + ], + [ + "▁Of", + "fic" + ], + [ + "▁Off", + "ic" + ], + [ + "▁W", + "ait" + ], + [ + "▁Wa", + "it" + ], + [ + "▁", + "Wait" + ], + [ + "▁to", + "ler" + ], + [ + "ar", + "don" + ], + [ + "ard", + "on" + ], + [ + "ardo", + "n" + ], + [ + "▁s", + "lide" + ], + [ + "▁sl", + "ide" + ], + [ + "▁sli", + "de" + ], + [ + "▁", + "slide" + ], + [ + ")", + "_" + ], + [ + "▁ста", + "в" + ], + [ + "▁", + "став" + ], + [ + "▁nu", + "clear" + ], + [ + "▁nuc", + "lear" + ], + [ + "▁nucle", + "ar" + ], + [ + "▁B", + "il" + ], + [ + "▁Bi", + "l" + ], + [ + "ow", + "ner" + ], + [ + "own", + "er" + ], + [ + "o", + "wner" + ], + [ + "▁Har", + "ris" + ], + [ + "▁Harr", + "is" + ], + [ + "In", + "formation" + ], + [ + "▁p", + "ó" + ], + [ + "▁вклю", + "ча" + ], + [ + "▁nu", + "ovo" + ], + [ + "▁C", + "av" + ], + [ + "▁Ca", + "v" + ], + [ + "▁De", + "scri" + ], + [ + "▁Des", + "cri" + ], + [ + "▁а", + "к" + ], + [ + "ód", + "zt" + ], + [ + "▁react", + "js" + ], + [ + "▁Ad", + "ams" + ], + [ + "▁Adam", + "s" + ], + [ + "▁Ada", + "ms" + ], + [ + "▁Altern", + "atively" + ], + [ + "ст", + "рук" + ], + [ + "стру", + "к" + ], + [ + "стр", + "ук" + ], + [ + ")`", + "," + ], + [ + ")", + "`," + ], + [ + "sub", + "string" + ], + [ + "subst", + "ring" + ], + [ + "substr", + "ing" + ], + [ + "▁mass", + "ive" + ], + [ + "▁heav", + "ily" + ], + [ + "▁се", + "зо" + ], + [ + "▁сез", + "о" + ], + [ + "▁A", + "na" + ], + [ + "▁An", + "a" + ], + [ + "▁v", + "ale" + ], + [ + "▁val", + "e" + ], + [ + "▁va", + "le" + ], + [ + "Pa", + "d" + ], + [ + "P", + "ad" + ], + [ + "▁E", + "ither" + ], + [ + "▁r", + "s" + ], + [ + "▁", + "rs" + ], + [ + "an", + "che" + ], + [ + "anc", + "he" + ], + [ + "anch", + "e" + ], + [ + "▁up", + "loaded" + ], + [ + "▁upload", + "ed" + ], + [ + "▁(", + "/" + ], + [ + "▁", + "(/" + ], + [ + "▁с", + "пор" + ], + [ + "▁спо", + "р" + ], + [ + "▁сп", + "ор" + ], + [ + "▁redu", + "ction" + ], + [ + "▁Tok", + "yo" + ], + [ + "gr", + "en" + ], + [ + "gre", + "n" + ], + [ + "g", + "ren" + ], + [ + "▁m", + "igli" + ], + [ + "▁mig", + "li" + ], + [ + "▁iter", + "ator" + ], + [ + "▁", + "iterator" + ], + [ + "st", + "av" + ], + [ + "sta", + "v" + ], + [ + "▁support", + "ing" + ], + [ + "▁ö", + "sterreich" + ], + [ + "▁NS", + "Log" + ], + [ + "ist", + "iques" + ], + [ + "isti", + "ques" + ], + [ + "istique", + "s" + ], + [ + "ri", + "min" + ], + [ + "rim", + "in" + ], + [ + "r", + "imin" + ], + [ + "MO", + "DE" + ], + [ + "}}", + "}\\" + ], + [ + "}}}", + "\\" + ], + [ + "}", + "}}\\" + ], + [ + "▁exp", + "los" + ], + [ + "▁expl", + "os" + ], + [ + "▁explo", + "s" + ], + [ + "от", + "е" + ], + [ + "о", + "те" + ], + [ + "▁(", + "„" + ], + [ + "Sa", + "l" + ], + [ + "S", + "al" + ], + [ + "▁simple", + "st" + ], + [ + "▁simpl", + "est" + ], + [ + "▁gi", + "à" + ], + [ + "▁та", + "н" + ], + [ + "▁т", + "ан" + ], + [ + "▁", + "тан" + ], + [ + "▁c", + "yl" + ], + [ + "▁cy", + "l" + ], + [ + "bi", + "r" + ], + [ + "b", + "ir" + ], + [ + "▁measure", + "ments" + ], + [ + "▁measurement", + "s" + ], + [ + "Create", + "d" + ], + [ + "Cre", + "ated" + ], + [ + "er", + "ek" + ], + [ + "ere", + "k" + ], + [ + "e", + "rek" + ], + [ + "look", + "up" + ], + [ + "w", + "irtschaft" + ], + [ + "▁В", + "оло" + ], + [ + "▁Во", + "ло" + ], + [ + "▁Вол", + "о" + ], + [ + "ti", + "mer" + ], + [ + "time", + "r" + ], + [ + "tim", + "er" + ], + [ + "t", + "imer" + ], + [ + "de", + "rr" + ], + [ + "der", + "r" + ], + [ + "d", + "err" + ], + [ + "▁ст", + "ала" + ], + [ + "▁ста", + "ла" + ], + [ + "▁стал", + "а" + ], + [ + "▁sc", + "enes" + ], + [ + "▁scen", + "es" + ], + [ + "▁scene", + "s" + ], + [ + "▁per", + "su" + ], + [ + "▁pers", + "u" + ], + [ + "li", + "est" + ], + [ + "lie", + "st" + ], + [ + "lies", + "t" + ], + [ + "l", + "iest" + ], + [ + "▁sch", + "edule" + ], + [ + "▁sched", + "ule" + ], + [ + "ta", + "l" + ], + [ + "t", + "al" + ], + [ + "ле", + "но" + ], + [ + "лен", + "о" + ], + [ + "▁pain", + "ting" + ], + [ + "▁paint", + "ing" + ], + [ + "▁impro", + "vement" + ], + [ + "▁improve", + "ment" + ], + [ + "▁improv", + "ement" + ], + [ + "so", + "ftware" + ], + [ + "soft", + "ware" + ], + [ + "▁govern", + "o" + ], + [ + "▁gover", + "no" + ], + [ + "▁H", + "ir" + ], + [ + "▁Hi", + "r" + ], + [ + "Exec", + "ution" + ], + [ + "▁Ok", + "ay" + ], + [ + "Pro", + "p" + ], + [ + "Pr", + "op" + ], + [ + "P", + "rop" + ], + [ + "lo", + "ster" + ], + [ + "los", + "ter" + ], + [ + "lost", + "er" + ], + [ + "l", + "oster" + ], + [ + "ніципа", + "лі" + ], + [ + "▁peu", + "vent" + ], + [ + "ol", + "u" + ], + [ + "o", + "lu" + ], + [ + "▁Ф", + "а" + ], + [ + "roll", + "o" + ], + [ + "rol", + "lo" + ], + [ + "▁ко", + "ло" + ], + [ + "▁к", + "оло" + ], + [ + "▁", + "коло" + ], + [ + "▁car", + "rière" + ], + [ + "▁carri", + "ère" + ], + [ + "▁t", + "oggle" + ], + [ + "▁tog", + "gle" + ], + [ + "▁togg", + "le" + ], + [ + "▁", + "toggle" + ], + [ + "▁(", + "$\\" + ], + [ + "▁($", + "\\" + ], + [ + "▁aggreg", + "ate" + ], + [ + "▁Б", + "і" + ], + [ + "text", + "area" + ], + [ + "O", + "k" + ], + [ + "it", + "to" + ], + [ + "itt", + "o" + ], + [ + "i", + "tto" + ], + [ + "▁s", + "tim" + ], + [ + "▁st", + "im" + ], + [ + "▁recurs", + "ion" + ], + [ + "▁Feder", + "ation" + ], + [ + ")_", + "{" + ], + [ + ")", + "_{" + ], + [ + "ate", + "gor" + ], + [ + "ateg", + "or" + ], + [ + "▁dist", + "ribu" + ], + [ + "▁distrib", + "u" + ], + [ + "Cl", + "oud" + ], + [ + "▁m", + "adre" + ], + [ + "▁mad", + "re" + ], + [ + "▁i", + "v" + ], + [ + "▁", + "iv" + ], + [ + "▁Lie", + "utenant" + ], + [ + "▁subst", + "ant" + ], + [ + "▁le", + "af" + ], + [ + "▁", + "leaf" + ], + [ + "▁Kont", + "rola" + ], + [ + "V", + "A" + ], + [ + "▁t", + "omb" + ], + [ + "▁to", + "mb" + ], + [ + "▁tom", + "b" + ], + [ + "э", + "н" + ], + [ + "ato", + "es" + ], + [ + "▁god", + "ine" + ], + [ + "▁#", + ">" + ], + [ + "C", + "ert" + ], + [ + "▁em", + "presa" + ], + [ + "▁empres", + "a" + ], + [ + "Pro", + "ps" + ], + [ + "Pr", + "ops" + ], + [ + "Prop", + "s" + ], + [ + "▁pl", + "anned" + ], + [ + "▁plan", + "ned" + ], + [ + "▁random", + "ly" + ], + [ + "j", + "ähr" + ], + [ + "el", + "em" + ], + [ + "ele", + "m" + ], + [ + "e", + "lem" + ], + [ + "▁Oper", + "ation" + ], + [ + "▁Opera", + "tion" + ], + [ + "▁", + "Operation" + ], + [ + "*", + "`" + ], + [ + "pro", + "tocol" + ], + [ + "proto", + "col" + ], + [ + "()", + "));" + ], + [ + "())", + ");" + ], + [ + "()))", + ";" + ], + [ + "(", + ")));" + ], + [ + "we", + "l" + ], + [ + "w", + "el" + ], + [ + "▁p", + "raw" + ], + [ + "▁pr", + "aw" + ], + [ + "▁pra", + "w" + ], + [ + "▁с", + "им" + ], + [ + "▁си", + "м" + ], + [ + "▁w", + "ob" + ], + [ + "▁wo", + "b" + ], + [ + "▁h", + "ace" + ], + [ + "▁ha", + "ce" + ], + [ + "▁near", + "est" + ], + [ + "dis", + "able" + ], + [ + "▁C", + "ommun" + ], + [ + "▁Com", + "mun" + ], + [ + "▁Comm", + "un" + ], + [ + "▁re", + "vel" + ], + [ + "▁rev", + "el" + ], + [ + "▁reve", + "l" + ], + [ + "Fr", + "ee" + ], + [ + "Fre", + "e" + ], + [ + "F", + "ree" + ], + [ + "▁bra", + "ckets" + ], + [ + "IO", + "Exception" + ], + [ + "▁al", + "to" + ], + [ + "▁alt", + "o" + ], + [ + "▁mar", + "ry" + ], + [ + "▁a", + "uc" + ], + [ + "▁au", + "c" + ], + [ + "▁", + "auc" + ], + [ + "),", + "\\" + ], + [ + ")", + ",\\" + ], + [ + "▁typ", + "o" + ], + [ + "▁ty", + "po" + ], + [ + "ed", + "ad" + ], + [ + "eda", + "d" + ], + [ + "ar", + "á" + ], + [ + "a", + "rá" + ], + [ + "ic", + "ator" + ], + [ + "ica", + "tor" + ], + [ + "tat", + "ywna" + ], + [ + "▁b", + "uff" + ], + [ + "▁bu", + "ff" + ], + [ + "▁buf", + "f" + ], + [ + "▁", + "buff" + ], + [ + "or", + "ders" + ], + [ + "ord", + "ers" + ], + [ + "order", + "s" + ], + [ + "orde", + "rs" + ], + [ + "▁as", + "ynchronous" + ], + [ + "▁e", + "con" + ], + [ + "▁ec", + "on" + ], + [ + "▁f", + "eu" + ], + [ + "▁fe", + "u" + ], + [ + "▁I", + "ron" + ], + [ + "▁Ir", + "on" + ], + [ + "▁r", + "ising" + ], + [ + "▁ris", + "ing" + ], + [ + "▁ri", + "sing" + ], + [ + "Rad", + "ius" + ], + [ + "cl", + "k" + ], + [ + "▁zwe", + "iten" + ], + [ + "▁zwei", + "ten" + ], + [ + "▁zweite", + "n" + ], + [ + "`", + "'" + ], + [ + "▁un", + "iqu" + ], + [ + "▁F", + "M" + ], + [ + "▁", + "FM" + ], + [ + "▁B", + "ran" + ], + [ + "▁Br", + "an" + ], + [ + "▁Bra", + "n" + ], + [ + "▁f", + "lu" + ], + [ + "▁fl", + "u" + ], + [ + "▁", + "flu" + ], + [ + "▁sens", + "itive" + ], + [ + "ur", + "re" + ], + [ + "urr", + "e" + ], + [ + "▁I", + "ter" + ], + [ + "▁It", + "er" + ], + [ + "▁", + "Iter" + ], + [ + "▁S", + "ein" + ], + [ + "▁Se", + "in" + ], + [ + "▁difer", + "entes" + ], + [ + "▁diferen", + "tes" + ], + [ + "▁не", + "го" + ], + [ + "▁н", + "его" + ], + [ + "▁", + "него" + ], + [ + "ch", + "ia" + ], + [ + "chi", + "a" + ], + [ + "▁An", + "leitung" + ], + [ + "atur", + "day" + ], + [ + "▁sh", + "orter" + ], + [ + "▁short", + "er" + ], + [ + "▁transl", + "ated" + ], + [ + "▁translate", + "d" + ], + [ + "▁R", + "és" + ], + [ + "▁Ré", + "s" + ], + [ + "▁r", + "ode" + ], + [ + "▁ro", + "de" + ], + [ + "▁rod", + "e" + ], + [ + "dr", + "ag" + ], + [ + "dra", + "g" + ], + [ + "d", + "rag" + ], + [ + "▁l", + "ange" + ], + [ + "▁lang", + "e" + ], + [ + "▁lan", + "ge" + ], + [ + "B", + "i" + ], + [ + "ü", + "b" + ], + [ + "le", + "ur" + ], + [ + "l", + "eur" + ], + [ + "▁order", + "ing" + ], + [ + "▁ord", + "ering" + ], + [ + "al", + "ous" + ], + [ + "alo", + "us" + ], + [ + "▁К", + "ор" + ], + [ + "▁Ко", + "р" + ], + [ + "ar", + "char" + ], + [ + "arch", + "ar" + ], + [ + "arc", + "har" + ], + [ + "dest", + "roy" + ], + [ + "erv", + "ation" + ], + [ + "erva", + "tion" + ], + [ + "]]", + "," + ], + [ + "]", + "]," + ], + [ + "Accessor", + "Impl" + ], + [ + "▁autory", + "tatywna" + ], + [ + "Se", + "quence" + ], + [ + "Sequ", + "ence" + ], + [ + "▁pro", + "yect" + ], + [ + "▁b", + "ran" + ], + [ + "▁br", + "an" + ], + [ + "▁bra", + "n" + ], + [ + "▁(", + "+" + ], + [ + "▁K", + "ab" + ], + [ + "▁Ka", + "b" + ], + [ + "▁z", + "em" + ], + [ + "▁ze", + "m" + ], + [ + "▁", + "zem" + ], + [ + "▁Cal", + "cul" + ], + [ + "▁", + "Calcul" + ], + [ + "▁se", + "ul" + ], + [ + "▁seu", + "l" + ], + [ + "▁N", + "iger" + ], + [ + "▁Ni", + "ger" + ], + [ + "▁ch", + "iam" + ], + [ + "▁chi", + "am" + ], + [ + "th", + "row" + ], + [ + "▁Plan", + "et" + ], + [ + "▁Pla", + "net" + ], + [ + "bild", + "ung" + ], + [ + "▁z", + "ones" + ], + [ + "▁zo", + "nes" + ], + [ + "▁zone", + "s" + ], + [ + "trans", + "ition" + ], + [ + "ле", + "ний" + ], + [ + "▁m", + "apped" + ], + [ + "▁ma", + "pped" + ], + [ + "▁map", + "ped" + ], + [ + "on", + "aut" + ], + [ + "ona", + "ut" + ], + [ + "Pa", + "ir" + ], + [ + "P", + "air" + ], + [ + "il", + "ian" + ], + [ + "ili", + "an" + ], + [ + "ilia", + "n" + ], + [ + "▁M", + "organ" + ], + [ + "▁Mor", + "gan" + ], + [ + "▁un", + "to" + ], + [ + "▁", + "unto" + ], + [ + "jo", + "u" + ], + [ + "j", + "ou" + ], + [ + "▁h", + "id" + ], + [ + "▁hi", + "d" + ], + [ + "▁M", + "eta" + ], + [ + "▁Me", + "ta" + ], + [ + "▁Met", + "a" + ], + [ + "▁", + "Meta" + ], + [ + "▁e", + "lles" + ], + [ + "▁el", + "les" + ], + [ + "▁elle", + "s" + ], + [ + "▁ell", + "es" + ], + [ + "▁", + "elles" + ], + [ + "Lo", + "u" + ], + [ + "L", + "ou" + ], + [ + "ra", + "ma" + ], + [ + "ram", + "a" + ], + [ + "r", + "ama" + ], + [ + "ge", + "ordnet" + ], + [ + "▁scarc", + "ely" + ], + [ + "▁m", + "int" + ], + [ + "▁min", + "t" + ], + [ + "▁mi", + "nt" + ], + [ + "F", + "ocus" + ], + [ + "▁Al", + "ter" + ], + [ + "▁Alt", + "er" + ], + [ + "▁d", + "io" + ], + [ + "▁di", + "o" + ], + [ + "▁am", + "pl" + ], + [ + "▁amp", + "l" + ], + [ + "ière", + "ment" + ], + [ + "▁ис", + "следова" + ], + [ + "LE", + "D" + ], + [ + "L", + "ED" + ], + [ + "alg", + "orithm" + ], + [ + "▁сай", + "ті" + ], + [ + "▁сайт", + "і" + ], + [ + "▁\"", + "\")" + ], + [ + "▁\"\"", + ")" + ], + [ + "Hi", + "story" + ], + [ + "H", + "istory" + ], + [ + "p", + "k" + ], + [ + "▁W", + "hit" + ], + [ + "▁Wh", + "it" + ], + [ + "▁си", + "стем" + ], + [ + "▁систе", + "м" + ], + [ + "▁Kir", + "chen" + ], + [ + "▁Kirche", + "n" + ], + [ + "▁Kirch", + "en" + ], + [ + "r", + "à" + ], + [ + "AP", + "P" + ], + [ + "A", + "PP" + ], + [ + "▁<", + "%" + ], + [ + "ant", + "ine" + ], + [ + "anti", + "ne" + ], + [ + "antin", + "e" + ], + [ + "▁D", + "isk" + ], + [ + "▁Dis", + "k" + ], + [ + "▁Di", + "sk" + ], + [ + "con", + "v" + ], + [ + "we", + "lt" + ], + [ + "wel", + "t" + ], + [ + "w", + "elt" + ], + [ + "▁F", + "ut" + ], + [ + "▁Fu", + "t" + ], + [ + "▁N", + "om" + ], + [ + "▁No", + "m" + ], + [ + "or", + "do" + ], + [ + "ord", + "o" + ], + [ + "el", + "lij" + ], + [ + "ell", + "ij" + ], + [ + "elli", + "j" + ], + [ + "▁rece", + "ives" + ], + [ + "▁receive", + "s" + ], + [ + "co", + "w" + ], + [ + "c", + "ow" + ], + [ + "yt", + "u" + ], + [ + "y", + "tu" + ], + [ + "▁o", + "bras" + ], + [ + "▁ob", + "ras" + ], + [ + "▁obra", + "s" + ], + [ + "▁p", + "urchase" + ], + [ + "▁purch", + "ase" + ], + [ + "▁ear", + "ned" + ], + [ + "▁acc", + "essed" + ], + [ + "▁access", + "ed" + ], + [ + "ax", + "i" + ], + [ + "a", + "xi" + ], + [ + "▁M", + "ans" + ], + [ + "▁Man", + "s" + ], + [ + "▁Ma", + "ns" + ], + [ + "iv", + "an" + ], + [ + "iva", + "n" + ], + [ + "i", + "van" + ], + [ + "▁t", + "uvo" + ], + [ + "▁tu", + "vo" + ], + [ + "▁T", + "race" + ], + [ + "▁Tr", + "ace" + ], + [ + "▁Tra", + "ce" + ], + [ + "▁", + "Trace" + ], + [ + "rim", + "onio" + ], + [ + "▁desen", + "vol" + ], + [ + "ér", + "ique" + ], + [ + "éri", + "que" + ], + [ + "é", + "rique" + ], + [ + "▁result", + "ed" + ], + [ + "▁comp", + "uting" + ], + [ + "▁comput", + "ing" + ], + [ + "▁insp", + "ired" + ], + [ + "▁inspir", + "ed" + ], + [ + "▁Pr", + "ize" + ], + [ + "▁Pri", + "ze" + ], + [ + "*", + "\"" + ], + [ + "Com", + "put" + ], + [ + "Comp", + "ut" + ], + [ + "▁ext", + "ensive" + ], + [ + "▁extens", + "ive" + ], + [ + "è", + "g" + ], + [ + "▁Port", + "ály" + ], + [ + "▁cast", + "le" + ], + [ + "▁", + "castle" + ], + [ + "▁*", + "." + ], + [ + "▁", + "*." + ], + [ + "▁ph", + "otos" + ], + [ + "▁phot", + "os" + ], + [ + "▁photo", + "s" + ], + [ + "▁vo", + "et" + ], + [ + "ON", + "G" + ], + [ + "O", + "NG" + ], + [ + "▁A", + "lle" + ], + [ + "▁Al", + "le" + ], + [ + "▁All", + "e" + ], + [ + "▁thre", + "aten" + ], + [ + "▁threat", + "en" + ], + [ + "st", + "üt" + ], + [ + "▁album", + "s" + ], + [ + "▁alb", + "ums" + ], + [ + "▁d", + "ense" + ], + [ + "▁den", + "se" + ], + [ + "▁dens", + "e" + ], + [ + "fl", + "at" + ], + [ + "f", + "lat" + ], + [ + "cont", + "inu" + ], + [ + "Sub", + "ject" + ], + [ + "Su", + "bject" + ], + [ + "▁read", + "only" + ], + [ + "Op", + "t" + ], + [ + "O", + "pt" + ], + [ + "пи", + "ско" + ], + [ + "пис", + "ко" + ], + [ + "▁A", + "ber" + ], + [ + "▁Ab", + "er" + ], + [ + "▁P", + "osition" + ], + [ + "▁Pos", + "ition" + ], + [ + "▁", + "Position" + ], + [ + "▁To", + "day" + ], + [ + "▁Tod", + "ay" + ], + [ + "▁m", + "ini" + ], + [ + "▁min", + "i" + ], + [ + "▁mi", + "ni" + ], + [ + "▁B", + "ef" + ], + [ + "▁Be", + "f" + ], + [ + "li", + "sten" + ], + [ + "list", + "en" + ], + [ + "lis", + "ten" + ], + [ + "l", + "isten" + ], + [ + "ствен", + "ного" + ], + [ + "ственно", + "го" + ], + [ + "SU", + "B" + ], + [ + "S", + "UB" + ], + [ + "os", + "sa" + ], + [ + "oss", + "a" + ], + [ + "▁P", + "ope" + ], + [ + "▁Po", + "pe" + ], + [ + "▁Pop", + "e" + ], + [ + "▁Jim", + "my" + ], + [ + "▁Д", + "ру" + ], + [ + "ungs", + "seite" + ], + [ + "▁t", + "ren" + ], + [ + "▁tr", + "en" + ], + [ + "▁tre", + "n" + ], + [ + "op", + "tim" + ], + [ + "opt", + "im" + ], + [ + "it", + "sch" + ], + [ + "its", + "ch" + ], + [ + "▁s", + "amt" + ], + [ + "▁sa", + "mt" + ], + [ + "▁sam", + "t" + ], + [ + "▁испо", + "л" + ], + [ + "▁ис", + "пол" + ], + [ + "&", + "=" + ], + [ + "▁Przyp", + "isy" + ], + [ + "▁про", + "дол" + ], + [ + "C", + "r" + ], + [ + "er", + "mann" + ], + [ + "erm", + "ann" + ], + [ + "erman", + "n" + ], + [ + "▁ма", + "тери" + ], + [ + "▁мате", + "ри" + ], + [ + "▁H", + "ugo" + ], + [ + "▁Hu", + "go" + ], + [ + "▁De", + "ze" + ], + [ + "▁Dez", + "e" + ], + [ + "TR", + "UE" + ], + [ + "▁defe", + "at" + ], + [ + "▁watch", + "ed" + ], + [ + "▁wat", + "ched" + ], + [ + "▁G", + "ent" + ], + [ + "▁Ge", + "nt" + ], + [ + "▁Gen", + "t" + ], + [ + "AU", + "T" + ], + [ + "A", + "UT" + ], + [ + "or", + "ous" + ], + [ + "oro", + "us" + ], + [ + "▁о", + "преде" + ], + [ + "ori", + "entation" + ], + [ + "orient", + "ation" + ], + [ + "▁distingu", + "ished" + ], + [ + "▁distinguish", + "ed" + ], + [ + "▁mes", + "mo" + ], + [ + "▁s", + "li" + ], + [ + "▁sl", + "i" + ], + [ + "ме", + "на" + ], + [ + "мен", + "а" + ], + [ + "м", + "ена" + ], + [ + "mit", + "tel" + ], + [ + "mitt", + "el" + ], + [ + "m", + "ittel" + ], + [ + "ge", + "richt" + ], + [ + "ger", + "icht" + ], + [ + "et", + "on" + ], + [ + "eto", + "n" + ], + [ + "e", + "ton" + ], + [ + "->", + "{" + ], + [ + "-", + ">{" + ], + [ + "▁w", + "ont" + ], + [ + "▁won", + "t" + ], + [ + "▁wo", + "nt" + ], + [ + "▁w", + "eg" + ], + [ + "▁we", + "g" + ], + [ + "▁", + "weg" + ], + [ + "▁class", + "ific" + ], + [ + "il", + "us" + ], + [ + "i", + "lus" + ], + [ + "▁M", + "D" + ], + [ + "▁", + "MD" + ], + [ + "task", + "s" + ], + [ + "▁c", + "him" + ], + [ + "▁ch", + "im" + ], + [ + "▁chi", + "m" + ], + [ + "aw", + "ait" + ], + [ + "awa", + "it" + ], + [ + "a", + "wait" + ], + [ + "▁g", + "ang" + ], + [ + "▁gan", + "g" + ], + [ + "▁ga", + "ng" + ], + [ + "▁", + "gang" + ], + [ + "▁w", + "ię" + ], + [ + "▁", + "wię" + ], + [ + "th", + "rough" + ], + [ + "▁Russ", + "ell" + ], + [ + "▁guess", + "ing" + ], + [ + "▁а", + "кт" + ], + [ + "▁ак", + "т" + ], + [ + "б", + "лі" + ], + [ + "c", + "ategories" + ], + [ + "су", + "т" + ], + [ + "с", + "ут" + ], + [ + "▁F", + "en" + ], + [ + "▁Fe", + "n" + ], + [ + "▁му", + "ж" + ], + [ + "▁ne", + "wer" + ], + [ + "▁new", + "er" + ], + [ + "▁A", + "sync" + ], + [ + "▁As", + "ync" + ], + [ + "▁", + "Async" + ], + [ + "▁t", + "erme" + ], + [ + "▁term", + "e" + ], + [ + "▁ter", + "me" + ], + [ + ">", + "/" + ], + [ + "па", + "ра" + ], + [ + "пар", + "а" + ], + [ + "▁T", + "rust" + ], + [ + "▁Tr", + "ust" + ], + [ + "▁Tru", + "st" + ], + [ + "▁O", + "pt" + ], + [ + "▁Op", + "t" + ], + [ + "▁", + "Opt" + ], + [ + "▁d", + "ah" + ], + [ + "▁da", + "h" + ], + [ + "▁wonder", + "ful" + ], + [ + "adrat", + "kil" + ], + [ + "▁Г", + "ра" + ], + [ + "ma", + "pping" + ], + [ + "map", + "ping" + ], + [ + "m", + "apping" + ], + [ + "▁disc", + "overy" + ], + [ + "▁discover", + "y" + ], + [ + "▁disco", + "very" + ], + [ + "▁B", + "E" + ], + [ + "▁", + "BE" + ], + [ + "En", + "able" + ], + [ + "▁Fri", + "end" + ], + [ + "с", + "ня" + ], + [ + "▁cont", + "rolled" + ], + [ + "▁control", + "led" + ], + [ + "чно", + "ї" + ], + [ + "ч", + "ної" + ], + [ + "▁contribution", + "s" + ], + [ + "▁contrib", + "utions" + ], + [ + "j", + "ší" + ], + [ + "▁L", + "ev" + ], + [ + "▁Le", + "v" + ], + [ + "▁franc", + "és" + ], + [ + "▁m", + "ic" + ], + [ + "▁mi", + "c" + ], + [ + "▁", + "mic" + ], + [ + "zi", + "k" + ], + [ + "z", + "ik" + ], + [ + "▁a", + "lem" + ], + [ + "▁al", + "em" + ], + [ + "▁ale", + "m" + ], + [ + "▁", + "alem" + ], + [ + "can", + "cel" + ], + [ + "!", + "'" + ], + [ + "▁g", + "rat" + ], + [ + "▁gr", + "at" + ], + [ + "▁gra", + "t" + ], + [ + "▁Begriff", + "sklär" + ], + [ + "Cam", + "era" + ], + [ + "if", + "icación" + ], + [ + "ific", + "ación" + ], + [ + "ifica", + "ción" + ], + [ + "ró", + "d" + ], + [ + "r", + "ód" + ], + [ + "▁Arn", + "old" + ], + [ + "▁bezeichnet", + "er" + ], + [ + "▁f", + "ought" + ], + [ + "▁de", + "put" + ], + [ + "▁dep", + "ut" + ], + [ + "▁D", + "rop" + ], + [ + "▁Dr", + "op" + ], + [ + "▁Dro", + "p" + ], + [ + "▁", + "Drop" + ], + [ + "ta", + "x" + ], + [ + "t", + "ax" + ], + [ + "d", + "g" + ], + [ + "▁H", + "op" + ], + [ + "▁Ho", + "p" + ], + [ + "G", + "N" + ], + [ + "▁Kir", + "ch" + ], + [ + "▁Б", + "ар" + ], + [ + "▁Ба", + "р" + ], + [ + "In", + "voke" + ], + [ + "Inv", + "oke" + ], + [ + "▁er", + "halten" + ], + [ + "▁ve", + "el" + ], + [ + "▁word", + "press" + ], + [ + "▁", + "wordpress" + ], + [ + "▁IN", + "NER" + ], + [ + "trans", + "action" + ], + [ + "▁dé", + "jà" + ], + [ + "Fa", + "ct" + ], + [ + "F", + "act" + ], + [ + "▁над", + "мор" + ], + [ + "▁angular", + "js" + ], + [ + "▁á", + "t" + ], + [ + "▁", + "át" + ], + [ + "▁a", + "lap" + ], + [ + "▁al", + "ap" + ], + [ + "▁P", + "rice" + ], + [ + "▁Pr", + "ice" + ], + [ + "▁Pri", + "ce" + ], + [ + "▁", + "Price" + ], + [ + "▁eff", + "et" + ], + [ + "▁s", + "phere" + ], + [ + "▁sp", + "here" + ], + [ + "▁spher", + "e" + ], + [ + "Class", + "Loader" + ], + [ + "▁r", + "ugby" + ], + [ + "▁rug", + "by" + ], + [ + "▁king", + "dom" + ], + [ + "▁M", + "ut" + ], + [ + "▁Mu", + "t" + ], + [ + "▁ки", + "но" + ], + [ + "▁re", + "ward" + ], + [ + "ci", + "t" + ], + [ + "c", + "it" + ], + [ + "▁present", + "e" + ], + [ + "▁pres", + "ente" + ], + [ + "St", + "o" + ], + [ + "S", + "to" + ], + [ + "Char", + "acter" + ], + [ + "lo", + "gs" + ], + [ + "log", + "s" + ], + [ + "l", + "ogs" + ], + [ + "▁cent", + "rale" + ], + [ + "▁central", + "e" + ], + [ + "▁m", + "ouv" + ], + [ + "▁mo", + "uv" + ], + [ + "▁mou", + "v" + ], + [ + "▁ok", + "ay" + ], + [ + "▁ap", + "lic" + ], + [ + "Mo", + "re" + ], + [ + "Mor", + "e" + ], + [ + "M", + "ore" + ], + [ + "ény", + "ek" + ], + [ + "▁Kö", + "ln" + ], + [ + "ne", + "tt" + ], + [ + "net", + "t" + ], + [ + "n", + "ett" + ], + [ + "▁исто", + "рии" + ], + [ + "▁истори", + "и" + ], + [ + "▁descri", + "bing" + ], + [ + "▁sold", + "ier" + ], + [ + "▁N", + "eed" + ], + [ + "▁Ne", + "ed" + ], + [ + "L", + "ight" + ], + [ + "▁\"", + "\\<" + ], + [ + "▁\"\\", + "<" + ], + [ + "▁h", + "av" + ], + [ + "▁ha", + "v" + ], + [ + "▁", + "hav" + ], + [ + "er", + "mo" + ], + [ + "erm", + "o" + ], + [ + "▁infer", + "ior" + ], + [ + "le", + "a" + ], + [ + "l", + "ea" + ], + [ + "▁g", + "g" + ], + [ + "▁", + "gg" + ], + [ + "▁кон", + "це" + ], + [ + "fra", + "gment" + ], + [ + "f", + "ragment" + ], + [ + "s", + "b" + ], + [ + "Count", + "ry" + ], + [ + "C", + "ountry" + ], + [ + "▁v", + "ě" + ], + [ + "▁", + "vě" + ], + [ + "▁B", + "eng" + ], + [ + "▁Be", + "ng" + ], + [ + "▁Ben", + "g" + ], + [ + "▁Э", + "то" + ], + [ + "▁во", + "до" + ], + [ + "ма", + "р" + ], + [ + "м", + "ар" + ], + [ + "STR", + "ING" + ], + [ + "▁ú", + "j" + ], + [ + "multi", + "ple" + ], + [ + "multip", + "le" + ], + [ + "state", + "ment" + ], + [ + "stat", + "ement" + ], + [ + "▁invol", + "ves" + ], + [ + "▁involve", + "s" + ], + [ + "▁te", + "cn" + ], + [ + "▁tec", + "n" + ], + [ + "St", + "udent" + ], + [ + "gr", + "é" + ], + [ + "g", + "ré" + ], + [ + "▁le", + "an" + ], + [ + "▁", + "lean" + ], + [ + "▁bring", + "ing" + ], + [ + "▁Med", + "ical" + ], + [ + "▁Medic", + "al" + ], + [ + "▁Medi", + "cal" + ], + [ + "▁програ", + "м" + ], + [ + "▁V", + "og" + ], + [ + "▁Vo", + "g" + ], + [ + "▁ж", + "ов" + ], + [ + "▁Sp", + "irit" + ], + [ + "nt", + "h" + ], + [ + "n", + "th" + ], + [ + "▁stand", + "ards" + ], + [ + "▁standard", + "s" + ], + [ + "▁Pro", + "file" + ], + [ + "▁Prof", + "ile" + ], + [ + "▁Profil", + "e" + ], + [ + "▁", + "Profile" + ], + [ + "▁e", + "z" + ], + [ + "▁", + "ez" + ], + [ + "▁террито", + "рии" + ], + [ + "▁s", + "tem" + ], + [ + "▁st", + "em" + ], + [ + "▁ste", + "m" + ], + [ + "ui", + "l" + ], + [ + "u", + "il" + ], + [ + "▁O", + "g" + ], + [ + "B", + "tn" + ], + [ + "na", + "l" + ], + [ + "n", + "al" + ], + [ + "▁near", + "by" + ], + [ + "▁produ", + "cing" + ], + [ + "cri", + "v" + ], + [ + "cr", + "iv" + ], + [ + "c", + "riv" + ], + [ + "▁assum", + "ptions" + ], + [ + "▁assumption", + "s" + ], + [ + "▁S", + "park" + ], + [ + "▁Sp", + "ark" + ], + [ + "▁L", + "ot" + ], + [ + "▁Lo", + "t" + ], + [ + "it", + "udes" + ], + [ + "itu", + "des" + ], + [ + "itude", + "s" + ], + [ + "itud", + "es" + ], + [ + "af", + "ka" + ], + [ + "fi", + "ve" + ], + [ + "f", + "ive" + ], + [ + "at", + "io" + ], + [ + "ati", + "o" + ], + [ + "▁distingu", + "ish" + ], + [ + "ro", + "ck" + ], + [ + "roc", + "k" + ], + [ + "r", + "ock" + ], + [ + "égl", + "ise" + ], + [ + "é", + "glise" + ], + [ + "▁rapp", + "res" + ], + [ + "▁rap", + "pres" + ], + [ + ">\\", + "<" + ], + [ + ">", + "\\<" + ], + [ + "лі", + "й" + ], + [ + "л", + "ій" + ], + [ + "▁ми", + "ни" + ], + [ + "▁", + "мини" + ], + [ + "▁intitul", + "é" + ], + [ + "}}", + "(\\" + ], + [ + "}}(", + "\\" + ], + [ + "}", + "}(\\" + ], + [ + "▁R", + "out" + ], + [ + "▁Ro", + "ut" + ], + [ + "▁Rou", + "t" + ], + [ + "▁", + "Rout" + ], + [ + "▁B", + "order" + ], + [ + "▁Bor", + "der" + ], + [ + "▁", + "Border" + ], + [ + "▁over", + "rid" + ], + [ + "HO", + "ST" + ], + [ + "H", + "OST" + ], + [ + "rit", + "ten" + ], + [ + "ritt", + "en" + ], + [ + "r", + "itten" + ], + [ + "sa", + "y" + ], + [ + "s", + "ay" + ], + [ + "▁Ч", + "и" + ], + [ + "icht", + "ung" + ], + [ + "▁straight", + "forward" + ], + [ + "ob", + "b" + ], + [ + "o", + "bb" + ], + [ + "▁Ter", + "ra" + ], + [ + "▁Terr", + "a" + ], + [ + "▁[", + ":" + ], + [ + "▁", + "[:" + ], + [ + "Be", + "n" + ], + [ + "B", + "en" + ], + [ + "▁compos", + "ite" + ], + [ + ")+", + "\\" + ], + [ + ")", + "+\\" + ], + [ + "▁c", + "rown" + ], + [ + "▁cr", + "own" + ], + [ + "▁cro", + "wn" + ], + [ + "▁crow", + "n" + ], + [ + "dir", + "ection" + ], + [ + "direct", + "ion" + ], + [ + "dire", + "ction" + ], + [ + "d", + "irection" + ], + [ + "▁неско", + "лько" + ], + [ + "▁av", + "ail" + ], + [ + "▁purch", + "ased" + ], + [ + "▁purchase", + "d" + ], + [ + "ho", + "ok" + ], + [ + "h", + "ook" + ], + [ + "et", + "ies" + ], + [ + "eti", + "es" + ], + [ + "e", + "ties" + ], + [ + "▁f", + "ase" + ], + [ + "▁fa", + "se" + ], + [ + "▁fas", + "e" + ], + [ + "▁R", + "um" + ], + [ + "▁Ru", + "m" + ], + [ + "▁ge", + "nom" + ], + [ + "▁gen", + "om" + ], + [ + "▁d", + "ét" + ], + [ + "▁dé", + "t" + ], + [ + "ow", + "ą" + ], + [ + "mp", + "eg" + ], + [ + "▁І", + "н" + ], + [ + "des", + "ktop" + ], + [ + "▁in", + "jection" + ], + [ + "▁inj", + "ection" + ], + [ + "▁inject", + "ion" + ], + [ + "ag", + "le" + ], + [ + "a", + "gle" + ], + [ + "▁E", + "dd" + ], + [ + "▁Ed", + "d" + ], + [ + "_{", + "(" + ], + [ + "_", + "{(" + ], + [ + "▁H", + "em" + ], + [ + "▁He", + "m" + ], + [ + "ut", + "os" + ], + [ + "uto", + "s" + ], + [ + "pr", + "oj" + ], + [ + "pro", + "j" + ], + [ + "▁superfic", + "ie" + ], + [ + "Pl", + "ot" + ], + [ + "P", + "lot" + ], + [ + "▁D", + "ocker" + ], + [ + "▁Do", + "cker" + ], + [ + "▁Doc", + "ker" + ], + [ + "ät", + "z" + ], + [ + "ä", + "tz" + ], + [ + "kre", + "ich" + ], + [ + "k", + "reich" + ], + [ + "▁un", + "clear" + ], + [ + "▁uncle", + "ar" + ], + [ + "▁Un", + "ity" + ], + [ + "▁Unit", + "y" + ], + [ + "▁stream", + "s" + ], + [ + "▁stre", + "ams" + ], + [ + "ви", + "д" + ], + [ + "▁simpl", + "ified" + ], + [ + "Fil", + "l" + ], + [ + "Fi", + "ll" + ], + [ + "F", + "ill" + ], + [ + "▁s", + "ant" + ], + [ + "▁sa", + "nt" + ], + [ + "▁san", + "t" + ], + [ + "▁K", + "ommun" + ], + [ + "▁Kom", + "mun" + ], + [ + "▁Komm", + "un" + ], + [ + "▁d", + "uc" + ], + [ + "▁du", + "c" + ], + [ + "▁д", + "ве" + ], + [ + "▁o", + "bs" + ], + [ + "▁ob", + "s" + ], + [ + "▁", + "obs" + ], + [ + "ž", + "it" + ], + [ + "▁Jane", + "iro" + ], + [ + "б", + "я" + ], + [ + "▁pr", + "esso" + ], + [ + "▁pres", + "so" + ], + [ + "▁press", + "o" + ], + [ + "▁Min", + "istry" + ], + [ + "▁b", + "urst" + ], + [ + "▁bur", + "st" + ], + [ + "▁re", + "aching" + ], + [ + "▁reach", + "ing" + ], + [ + "li", + "ter" + ], + [ + "lit", + "er" + ], + [ + "l", + "iter" + ], + [ + "▁response", + "s" + ], + [ + "▁respons", + "es" + ], + [ + "▁E", + "ug" + ], + [ + "▁Eu", + "g" + ], + [ + "▁s", + "od" + ], + [ + "▁so", + "d" + ], + [ + "▁C", + "ord" + ], + [ + "▁Cor", + "d" + ], + [ + "▁Co", + "rd" + ], + [ + "▁P", + "erm" + ], + [ + "▁Per", + "m" + ], + [ + "▁Pe", + "rm" + ], + [ + "▁", + "Perm" + ], + [ + "par", + "ts" + ], + [ + "part", + "s" + ], + [ + "p", + "arts" + ], + [ + "ци", + "ма" + ], + [ + "vari", + "ables" + ], + [ + "variable", + "s" + ], + [ + "▁forgot", + "ten" + ], + [ + "Fe", + "rn" + ], + [ + "F", + "ern" + ], + [ + "ost", + "ęp" + ], + [ + "v", + "l" + ], + [ + "▁С", + "м" + ], + [ + "ki", + "m" + ], + [ + "k", + "im" + ], + [ + "aj", + "ąc" + ], + [ + "ają", + "c" + ], + [ + "a", + "jąc" + ], + [ + "на", + "ль" + ], + [ + "нал", + "ь" + ], + [ + "н", + "аль" + ], + [ + "г", + "ле" + ], + [ + "hel", + "per" + ], + [ + "help", + "er" + ], + [ + "du", + "p" + ], + [ + "d", + "up" + ], + [ + "eu", + "w" + ], + [ + "e", + "uw" + ], + [ + "fr", + "a" + ], + [ + "f", + "ra" + ], + [ + "ell", + "ite" + ], + [ + "elli", + "te" + ], + [ + "an", + "ya" + ], + [ + "any", + "a" + ], + [ + "▁re", + "ign" + ], + [ + "▁r", + "eign" + ], + [ + "▁rei", + "gn" + ], + [ + "ges", + "amt" + ], + [ + "се", + "да" + ], + [ + "▁R", + "yan" + ], + [ + "▁Ry", + "an" + ], + [ + "▁form", + "atted" + ], + [ + "▁format", + "ted" + ], + [ + "▁formatt", + "ed" + ], + [ + "▁B", + "org" + ], + [ + "▁Bo", + "rg" + ], + [ + "▁Bor", + "g" + ], + [ + "wal", + "k" + ], + [ + "w", + "alk" + ], + [ + "▁а", + "л" + ], + [ + "▁", + "ал" + ], + [ + "agnost", + "ics" + ], + [ + "agnostic", + "s" + ], + [ + "▁C", + "ape" + ], + [ + "▁Cap", + "e" + ], + [ + "▁Ca", + "pe" + ], + [ + "▁Fran", + "co" + ], + [ + "▁Franc", + "o" + ], + [ + "▁f", + "ug" + ], + [ + "▁fu", + "g" + ], + [ + ":", + ")" + ], + [ + "ю", + "з" + ], + [ + "F", + "etch" + ], + [ + "▁rough", + "ly" + ], + [ + "▁M", + "is" + ], + [ + "▁Mi", + "s" + ], + [ + "uet", + "ooth" + ], + [ + "▁Venez", + "uela" + ], + [ + "▁a", + "stronom" + ], + [ + "▁astr", + "onom" + ], + [ + "\")", + "`" + ], + [ + "\"", + ")`" + ], + [ + "om", + "bres" + ], + [ + "omb", + "res" + ], + [ + "▁кото", + "рой" + ], + [ + "ó", + "p" + ], + [ + "ow", + "ed" + ], + [ + "owe", + "d" + ], + [ + "o", + "wed" + ], + [ + "H", + "R" + ], + [ + "▁C", + "amer" + ], + [ + "▁Cam", + "er" + ], + [ + "▁Ca", + "mer" + ], + [ + "ки", + "е" + ], + [ + "par", + "ison" + ], + [ + "▁B", + "ij" + ], + [ + "▁Bi", + "j" + ], + [ + "tem", + "plates" + ], + [ + "template", + "s" + ], + [ + "en", + "vironment" + ], + [ + "environ", + "ment" + ], + [ + "iz", + "ação" + ], + [ + "iza", + "ção" + ], + [ + "▁é", + "r" + ], + [ + "▁", + "ér" + ], + [ + "▁pl", + "enty" + ], + [ + "▁Type", + "Error" + ], + [ + "▁for", + "ty" + ], + [ + "▁fort", + "y" + ], + [ + "ко", + "ном" + ], + [ + "кон", + "ом" + ], + [ + "коно", + "м" + ], + [ + "▁S", + "ed" + ], + [ + "▁Se", + "d" + ], + [ + "▁th", + "ats" + ], + [ + "▁that", + "s" + ], + [ + "▁gra", + "vity" + ], + [ + "▁grav", + "ity" + ], + [ + "▁gravit", + "y" + ], + [ + "▁", + "gravity" + ], + [ + "▁spirit", + "ual" + ], + [ + "▁dup", + "licates" + ], + [ + "▁duplicate", + "s" + ], + [ + "▁enc", + "ryption" + ], + [ + "▁encrypt", + "ion" + ], + [ + "▁re", + "ven" + ], + [ + "▁r", + "even" + ], + [ + "▁rev", + "en" + ], + [ + "▁reve", + "n" + ], + [ + "▁", + "reven" + ], + [ + "get", + "Instance" + ], + [ + "äl", + "lor" + ], + [ + "äll", + "or" + ], + [ + "dis", + "k" + ], + [ + "di", + "sk" + ], + [ + "d", + "isk" + ], + [ + "▁th", + "ro" + ], + [ + "▁thr", + "o" + ], + [ + "▁N", + "ak" + ], + [ + "▁Na", + "k" + ], + [ + "▁p", + "oł" + ], + [ + "▁po", + "ł" + ], + [ + "▁her", + "aus" + ], + [ + "in", + "valid" + ], + [ + "s", + "By" + ], + [ + "Bo", + "ot" + ], + [ + "B", + "oot" + ], + [ + "▁bu", + "cket" + ], + [ + "▁", + "bucket" + ], + [ + "▁P", + "arse" + ], + [ + "▁Par", + "se" + ], + [ + "▁", + "Parse" + ], + [ + "he", + "x" + ], + [ + "h", + "ex" + ], + [ + "Con", + "ne" + ], + [ + "C", + "onne" + ], + [ + "▁Comp", + "uter" + ], + [ + "▁Comput", + "er" + ], + [ + "zy", + "k" + ], + [ + "z", + "yk" + ], + [ + "▁indu", + "ced" + ], + [ + "▁Br", + "uno" + ], + [ + "▁Bru", + "no" + ], + [ + "▁Brun", + "o" + ], + [ + "▁address", + "ed" + ], + [ + "▁addr", + "essed" + ], + [ + "ma", + "nia" + ], + [ + "man", + "ia" + ], + [ + "m", + "ania" + ], + [ + "▁in", + "clus" + ], + [ + "▁incl", + "us" + ], + [ + "▁inc", + "lus" + ], + [ + "▁inclu", + "s" + ], + [ + "oun", + "ced" + ], + [ + "ounce", + "d" + ], + [ + "script", + "size" + ], + [ + "scripts", + "ize" + ], + [ + "▁E", + "pis" + ], + [ + "▁Ep", + "is" + ], + [ + "▁v", + "ocal" + ], + [ + "▁vo", + "cal" + ], + [ + "▁voc", + "al" + ], + [ + "▁Jon", + "athan" + ], + [ + "у", + "м" + ], + [ + "st", + "aden" + ], + [ + "sta", + "den" + ], + [ + "stad", + "en" + ], + [ + "▁Child", + "ren" + ], + [ + "▁", + "Children" + ], + [ + "пе", + "й" + ], + [ + "п", + "ей" + ], + [ + "It", + "alia" + ], + [ + "Ital", + "ia" + ], + [ + "reib", + "ung" + ], + [ + "▁n", + "ost" + ], + [ + "▁no", + "st" + ], + [ + "▁nos", + "t" + ], + [ + "▁", + "nost" + ], + [ + "▁е", + "щё" + ], + [ + "▁Wer", + "ke" + ], + [ + "▁Werk", + "e" + ], + [ + "▁act", + "ress" + ], + [ + "▁Minn", + "esota" + ], + [ + "ri", + "ke" + ], + [ + "rik", + "e" + ], + [ + "r", + "ike" + ], + [ + "▁t", + "ek" + ], + [ + "▁te", + "k" + ], + [ + "▁", + "tek" + ], + [ + "▁prime", + "ira" + ], + [ + "▁f", + "rat" + ], + [ + "▁fr", + "at" + ], + [ + "▁fra", + "t" + ], + [ + "▁Config", + "uration" + ], + [ + "▁", + "Configuration" + ], + [ + "▁b", + "id" + ], + [ + "▁bi", + "d" + ], + [ + "▁", + "bid" + ], + [ + "tr", + "igger" + ], + [ + "Cont", + "ents" + ], + [ + "Content", + "s" + ], + [ + "▁const", + "antly" + ], + [ + "▁constant", + "ly" + ], + [ + "!!", + "!" + ], + [ + "!", + "!!" + ], + [ + "▁d", + "read" + ], + [ + "▁dr", + "ead" + ], + [ + "▁dre", + "ad" + ], + [ + "▁hundred", + "s" + ], + [ + "ist", + "ische" + ], + [ + "isti", + "sche" + ], + [ + "▁card", + "inal" + ], + [ + "T", + "ABLE" + ], + [ + "▁est", + "os" + ], + [ + "▁esto", + "s" + ], + [ + "ass", + "oc" + ], + [ + "asso", + "c" + ], + [ + "gr", + "ay" + ], + [ + "gra", + "y" + ], + [ + "g", + "ray" + ], + [ + "▁Sch", + "loss" + ], + [ + "▁Schl", + "oss" + ], + [ + "▁s", + "che" + ], + [ + "▁sc", + "he" + ], + [ + "▁sch", + "e" + ], + [ + "▁", + "sche" + ], + [ + "con", + "g" + ], + [ + "co", + "ng" + ], + [ + "c", + "ong" + ], + [ + "▁ko", + "ji" + ], + [ + "ète", + "s" + ], + [ + "èt", + "es" + ], + [ + "è", + "tes" + ], + [ + "▁E", + "ra" + ], + [ + "▁Er", + "a" + ], + [ + "om", + "i" + ], + [ + "o", + "mi" + ], + [ + "▁S", + "R" + ], + [ + "▁", + "SR" + ], + [ + "▁wr", + "apped" + ], + [ + "▁wra", + "pped" + ], + [ + "▁wrap", + "ped" + ], + [ + "▁tr", + "unc" + ], + [ + "▁a", + "h" + ], + [ + "▁", + "ah" + ], + [ + "eg", + "os" + ], + [ + "ego", + "s" + ], + [ + "ok", + "i" + ], + [ + "o", + "ki" + ], + [ + "mo", + "uth" + ], + [ + "m", + "outh" + ], + [ + "log", + "ging" + ], + [ + "▁f", + "asc" + ], + [ + "▁fa", + "sc" + ], + [ + "▁fas", + "c" + ], + [ + "▁S", + "ample" + ], + [ + "▁Sam", + "ple" + ], + [ + "▁", + "Sample" + ], + [ + "▁c", + "onte" + ], + [ + "▁con", + "te" + ], + [ + "▁cont", + "e" + ], + [ + "▁v", + "illa" + ], + [ + "▁vi", + "lla" + ], + [ + "▁vill", + "a" + ], + [ + "▁vil", + "la" + ], + [ + "▁", + "villa" + ], + [ + "com", + "ments" + ], + [ + "comm", + "ents" + ], + [ + "comment", + "s" + ], + [ + "▁b", + "atal" + ], + [ + "▁ba", + "tal" + ], + [ + "▁bat", + "al" + ], + [ + "▁bata", + "l" + ], + [ + "▁Garc", + "ía" + ], + [ + "▁N", + "orte" + ], + [ + "▁Nor", + "te" + ], + [ + "▁we", + "chsel" + ], + [ + "▁Muse", + "o" + ], + [ + "▁enf", + "ants" + ], + [ + "▁whis", + "per" + ], + [ + "na", + "ke" + ], + [ + "nak", + "e" + ], + [ + "n", + "ake" + ], + [ + "▁jed", + "nak" + ], + [ + "l", + "ês" + ], + [ + "en", + "ders" + ], + [ + "end", + "ers" + ], + [ + "ender", + "s" + ], + [ + "ende", + "rs" + ], + [ + "▁ä", + "l" + ], + [ + "▁", + "äl" + ], + [ + "▁V", + "B" + ], + [ + "▁", + "VB" + ], + [ + "▁cook", + "ies" + ], + [ + "▁cookie", + "s" + ], + [ + "ze", + "ti" + ], + [ + "zet", + "i" + ], + [ + "z", + "eti" + ], + [ + "at", + "um" + ], + [ + "atu", + "m" + ], + [ + "▁d", + "edu" + ], + [ + "▁de", + "du" + ], + [ + "▁ded", + "u" + ], + [ + "▁arr", + "anged" + ], + [ + "▁arrang", + "ed" + ], + [ + "la", + "z" + ], + [ + "l", + "az" + ], + [ + "▁cu", + "enta" + ], + [ + "ym", + "l" + ], + [ + "y", + "ml" + ], + [ + "▁f", + "lav" + ], + [ + "▁fl", + "av" + ], + [ + "▁fla", + "v" + ], + [ + "M", + "R" + ], + [ + "em", + "et" + ], + [ + "eme", + "t" + ], + [ + "e", + "met" + ], + [ + "бі", + "ль" + ], + [ + "б", + "іль" + ], + [ + "cm", + "p" + ], + [ + "c", + "mp" + ], + [ + "it", + "uto" + ], + [ + "itu", + "to" + ], + [ + "itut", + "o" + ], + [ + "ze", + "tt" + ], + [ + "zet", + "t" + ], + [ + "z", + "ett" + ], + [ + "▁en", + "vi" + ], + [ + "▁env", + "i" + ], + [ + "▁k", + "ot" + ], + [ + "▁ko", + "t" + ], + [ + "$", + ":" + ], + [ + "up", + "per" + ], + [ + "upp", + "er" + ], + [ + "u", + "pper" + ], + [ + "▁Al", + "berto" + ], + [ + "▁Albert", + "o" + ], + [ + "k", + "b" + ], + [ + "An", + "al" + ], + [ + "A", + "nal" + ], + [ + "ör", + "t" + ], + [ + "ö", + "rt" + ], + [ + "▁[", + "-" + ], + [ + "▁", + "[-" + ], + [ + "▁führ", + "te" + ], + [ + "▁führt", + "e" + ], + [ + "ia", + "h" + ], + [ + "i", + "ah" + ], + [ + "▁T", + "un" + ], + [ + "▁Tu", + "n" + ], + [ + "▁и", + "скус" + ], + [ + "uw", + "e" + ], + [ + "u", + "we" + ], + [ + "is", + "pecies" + ], + [ + "i", + "species" + ], + [ + "P", + "ub" + ], + [ + "Syn", + "c" + ], + [ + "S", + "ync" + ], + [ + "▁Colomb", + "ia" + ], + [ + "ak", + "ers" + ], + [ + "ake", + "rs" + ], + [ + "aker", + "s" + ], + [ + "▁Imper", + "ial" + ], + [ + "ov", + "ing" + ], + [ + "ovi", + "ng" + ], + [ + "o", + "ving" + ], + [ + "▁int", + "elligence" + ], + [ + "▁intellig", + "ence" + ], + [ + "▁equip", + "ment" + ], + [ + "ei", + "n" + ], + [ + "e", + "in" + ], + [ + "dag", + "ger" + ], + [ + "d", + "agger" + ], + [ + "▁Ed", + "ge" + ], + [ + "▁", + "Edge" + ], + [ + "▁Рес", + "публи" + ], + [ + "adratkil", + "ometer" + ], + [ + "▁An", + "to" + ], + [ + "▁Ant", + "o" + ], + [ + "▁char", + "ges" + ], + [ + "▁charge", + "s" + ], + [ + "▁charg", + "es" + ], + [ + "▁O", + "cean" + ], + [ + "▁simpl", + "ify" + ], + [ + "▁m", + "iesz" + ], + [ + "▁mi", + "esz" + ], + [ + "▁mie", + "sz" + ], + [ + "run", + "ning" + ], + [ + "r", + "unning" + ], + [ + "▁L", + "ac" + ], + [ + "▁La", + "c" + ], + [ + "gen", + "ommen" + ], + [ + "▁represent", + "ative" + ], + [ + "=", + "." + ], + [ + "▁P", + "red" + ], + [ + "▁Pr", + "ed" + ], + [ + "▁Pre", + "d" + ], + [ + "▁", + "Pred" + ], + [ + "▁sp", + "ite" + ], + [ + "ci", + "ale" + ], + [ + "cial", + "e" + ], + [ + "cia", + "le" + ], + [ + "c", + "iale" + ], + [ + "▁n", + "ave" + ], + [ + "▁na", + "ve" + ], + [ + "▁nav", + "e" + ], + [ + "▁ext", + "ens" + ], + [ + "▁neut", + "ral" + ], + [ + "▁кото", + "рая" + ], + [ + ".<", + "/" + ], + [ + ".", + ":", + ":" + ], + [ + ">", + "::" + ], + [ + "ш", + "ёл" + ], + [ + "▁princip", + "ales" + ], + [ + "▁principal", + "es" + ], + [ + "▁principale", + "s" + ], + [ + "▁ц", + "ар" + ], + [ + "▁t", + "ied" + ], + [ + "▁ti", + "ed" + ], + [ + "▁tie", + "d" + ], + [ + "▁al", + "ta" + ], + [ + "▁alt", + "a" + ], + [ + "▁C", + "it" + ], + [ + "▁Ci", + "t" + ], + [ + "li", + "ned" + ], + [ + "line", + "d" + ], + [ + "lin", + "ed" + ], + [ + "l", + "ined" + ], + [ + "ma", + "jor" + ], + [ + "▁p", + "unk" + ], + [ + "▁pun", + "k" + ], + [ + "▁cin", + "co" + ], + [ + "ick", + "ý" + ], + [ + "▁r", + "aggi" + ], + [ + "▁ra", + "ggi" + ], + [ + "▁rag", + "gi" + ], + [ + "ty", + "pen" + ], + [ + "type", + "n" + ], + [ + "typ", + "en" + ], + [ + "тель", + "ство" + ], + [ + "▁con", + "ference" + ], + [ + "▁confer", + "ence" + ], + [ + "▁с", + "іль" + ], + [ + "▁сі", + "ль" + ], + [ + "▁he", + "ut" + ], + [ + "i", + "š" + ], + [ + "ет", + "а" + ], + [ + "е", + "та" + ], + [ + "vel", + "ope" + ], + [ + "velop", + "e" + ], + [ + "h", + "box" + ], + [ + "no", + "wn" + ], + [ + "now", + "n" + ], + [ + "n", + "own" + ], + [ + "▁z", + "ar" + ], + [ + "▁za", + "r" + ], + [ + "▁", + "zar" + ], + [ + "kt", + "iv" + ], + [ + "ie", + "ß" + ], + [ + "▁с", + "тре" + ], + [ + "▁ст", + "ре" + ], + [ + "▁", + "стре" + ], + [ + "▁Event", + "Args" + ], + [ + "▁", + "EventArgs" + ], + [ + "▁I", + "ra" + ], + [ + "▁Ir", + "a" + ], + [ + "▁V", + "BA" + ], + [ + "▁VB", + "A" + ], + [ + "▁S", + "anto" + ], + [ + "▁San", + "to" + ], + [ + "▁Sant", + "o" + ], + [ + "▁F", + "ach" + ], + [ + "▁Fa", + "ch" + ], + [ + "▁Fac", + "h" + ], + [ + "▁F", + "F" + ], + [ + "▁", + "FF" + ], + [ + "▁Ray", + "mond" + ], + [ + "ме", + "ц" + ], + [ + "im", + "plementation" + ], + [ + "▁bro", + "thers" + ], + [ + "▁brother", + "s" + ], + [ + "▁cô", + "té" + ], + [ + "▁cont", + "rollers" + ], + [ + "▁control", + "lers" + ], + [ + "▁controller", + "s" + ], + [ + "▁C", + "le" + ], + [ + "▁Cl", + "e" + ], + [ + "▁c", + "able" + ], + [ + "▁ca", + "ble" + ], + [ + "▁cab", + "le" + ], + [ + "▁con", + "fer" + ], + [ + "▁conf", + "er" + ], + [ + "▁{", + "-" + ], + [ + "▁", + "{-" + ], + [ + "▁cz", + "ł" + ], + [ + "▁Fil", + "ip" + ], + [ + "at", + "orio" + ], + [ + "ator", + "io" + ], + [ + "ato", + "rio" + ], + [ + "atori", + "o" + ], + [ + "▁w", + "icht" + ], + [ + "▁be", + "aucoup" + ], + [ + "▁L", + "it" + ], + [ + "▁Li", + "t" + ], + [ + "▁s", + "essions" + ], + [ + "▁session", + "s" + ], + [ + "▁sess", + "ions" + ], + [ + "▁Su", + "ccess" + ], + [ + "▁", + "Success" + ], + [ + "▁ro", + "uting" + ], + [ + "▁rout", + "ing" + ], + [ + "▁rou", + "ting" + ], + [ + "ni", + "u" + ], + [ + "n", + "iu" + ], + [ + "▁V", + "ice" + ], + [ + "▁Vi", + "ce" + ], + [ + "▁Vic", + "e" + ], + [ + "▁k", + "rit" + ], + [ + "▁kr", + "it" + ], + [ + "up", + "dated" + ], + [ + "update", + "d" + ], + [ + "▁In", + "valid" + ], + [ + "▁", + "Invalid" + ], + [ + "▁Mann", + "schaft" + ], + [ + "▁a", + "os" + ], + [ + "▁ao", + "s" + ], + [ + "▁t", + "udi" + ], + [ + "▁tu", + "di" + ], + [ + "▁tud", + "i" + ], + [ + "▁des", + "prés" + ], + [ + "▁desp", + "rés" + ], + [ + "qu", + "a" + ], + [ + "q", + "ua" + ], + [ + "Cont", + "ains" + ], + [ + "Comp", + "any" + ], + [ + "▁person", + "a" + ], + [ + "▁pers", + "ona" + ], + [ + "ad", + "apter" + ], + [ + "с", + "ни" + ], + [ + "▁v", + "oj" + ], + [ + "▁vo", + "j" + ], + [ + "▁", + "voj" + ], + [ + "▁e", + "scri" + ], + [ + "▁es", + "cri" + ], + [ + "▁esc", + "ri" + ], + [ + "ag", + "t" + ], + [ + "a", + "gt" + ], + [ + "▁с", + "тво" + ], + [ + "▁ст", + "во" + ], + [ + "▁", + "ство" + ], + [ + "▁dist", + "rito" + ], + [ + "ap", + "an" + ], + [ + "apa", + "n" + ], + [ + "a", + "pan" + ], + [ + "▁aspect", + "s" + ], + [ + "▁z", + "al" + ], + [ + "▁za", + "l" + ], + [ + ")^", + "{\\" + ], + [ + ")^{", + "\\" + ], + [ + ")", + "^{\\" + ], + [ + "▁syst", + "ème" + ], + [ + "▁а", + "на" + ], + [ + "▁ан", + "а" + ], + [ + "▁", + "ана" + ], + [ + "ium", + "s" + ], + [ + "iu", + "ms" + ], + [ + "i", + "ums" + ], + [ + "▁prem", + "iers" + ], + [ + "▁premi", + "ers" + ], + [ + "▁premier", + "s" + ], + [ + "▁по", + "э" + ], + [ + "▁m", + "ère" + ], + [ + "▁G", + "un" + ], + [ + "▁Gu", + "n" + ], + [ + "ap", + "ing" + ], + [ + "api", + "ng" + ], + [ + "a", + "ping" + ], + [ + "▁R", + "ain" + ], + [ + "▁Ra", + "in" + ], + [ + "▁ig", + "ual" + ], + [ + "▁process", + "or" + ], + [ + "▁proc", + "essor" + ], + [ + "▁", + "processor" + ], + [ + "')", + "`" + ], + [ + "'", + ")`" + ], + [ + "bl", + "ing" + ], + [ + "b", + "ling" + ], + [ + "▁m", + "ism" + ], + [ + "▁mi", + "sm" + ], + [ + "▁mis", + "m" + ], + [ + "br", + "áz" + ], + [ + "▁close", + "st" + ], + [ + "▁clos", + "est" + ], + [ + "▁Re", + "ading" + ], + [ + "▁Read", + "ing" + ], + [ + "▁по", + "пу" + ], + [ + "con", + "o" + ], + [ + "co", + "no" + ], + [ + "c", + "ono" + ], + [ + "▁k", + "ult" + ], + [ + "▁!", + "!" + ], + [ + "▁", + "!!" + ], + [ + "▁Ex", + "pression" + ], + [ + "▁Exp", + "ression" + ], + [ + "▁Express", + "ion" + ], + [ + "▁", + "Expression" + ], + [ + "▁indu", + "ction" + ], + [ + "▁induct", + "ion" + ], + [ + "ah", + "ren" + ], + [ + "ahr", + "en" + ], + [ + "a", + "hren" + ], + [ + "▁c", + "p" + ], + [ + "▁", + "cp" + ], + [ + "▁viol", + "ence" + ], + [ + "ient", + "í" + ], + [ + "cent", + "e" + ], + [ + "cen", + "te" + ], + [ + "c", + "ente" + ], + [ + "▁D", + "ob" + ], + [ + "▁Do", + "b" + ], + [ + "ja", + "ck" + ], + [ + "j", + "ack" + ], + [ + "so", + "ng" + ], + [ + "son", + "g" + ], + [ + "s", + "ong" + ], + [ + "bu", + "cket" + ], + [ + "▁de", + "port" + ], + [ + "▁dep", + "ort" + ], + [ + "ки", + "ми" + ], + [ + "ким", + "и" + ], + [ + "l", + "m" + ], + [ + "▁in", + "noc" + ], + [ + "▁inn", + "oc" + ], + [ + "Ch", + "anges" + ], + [ + "Change", + "s" + ], + [ + "▁pro", + "hib" + ], + [ + "ang", + "ol" + ], + [ + "ango", + "l" + ], + [ + "isecond", + "s" + ], + [ + "i", + "seconds" + ], + [ + "▁п", + "ор" + ], + [ + "▁по", + "р" + ], + [ + "▁", + "пор" + ], + [ + "▁h", + "ip" + ], + [ + "▁hi", + "p" + ], + [ + "▁", + "hip" + ], + [ + "▁p", + "ů" + ], + [ + "en", + "dorf" + ], + [ + "end", + "orf" + ], + [ + "endo", + "rf" + ], + [ + "endor", + "f" + ], + [ + "▁sch", + "eduled" + ], + [ + "▁schedule", + "d" + ], + [ + "▁Fl", + "ug" + ], + [ + "ac", + "yj" + ], + [ + "acy", + "j" + ], + [ + "▁Fil", + "ms" + ], + [ + "▁Film", + "s" + ], + [ + "athed", + "ral" + ], + [ + "Po", + "wer" + ], + [ + "P", + "ower" + ], + [ + "ar", + "din" + ], + [ + "ard", + "in" + ], + [ + "ardi", + "n" + ], + [ + "ka", + "p" + ], + [ + "k", + "ap" + ], + [ + "ic", + "ken" + ], + [ + "ick", + "en" + ], + [ + "i", + "cken" + ], + [ + "re", + "size" + ], + [ + "res", + "ize" + ], + [ + "eu", + "s" + ], + [ + "e", + "us" + ], + [ + "r", + "r" + ], + [ + "ля", + "н" + ], + [ + "л", + "ян" + ], + [ + "▁H", + "av" + ], + [ + "▁Ha", + "v" + ], + [ + "▁o", + "ra" + ], + [ + "▁or", + "a" + ], + [ + "▁", + "ora" + ], + [ + "FR", + "OM" + ], + [ + "F", + "ROM" + ], + [ + "ло", + "ся" + ], + [ + "▁te", + "rug" + ], + [ + "▁ter", + "ug" + ], + [ + "▁W", + "idth" + ], + [ + "▁", + "Width" + ], + [ + "▁accept", + "s" + ], + [ + "бе", + "н" + ], + [ + "б", + "ен" + ], + [ + "▁m", + "ich" + ], + [ + "▁mi", + "ch" + ], + [ + "▁mic", + "h" + ], + [ + "▁C", + "zech" + ], + [ + "▁Cz", + "ech" + ], + [ + "▁B", + "edeut" + ], + [ + "▁ви", + "д" + ], + [ + "▁", + "вид" + ], + [ + "ô", + "me" + ], + [ + "▁L", + "oop" + ], + [ + "▁Lo", + "op" + ], + [ + "▁", + "Loop" + ], + [ + "sp", + "ect" + ], + [ + "spe", + "ct" + ], + [ + "spec", + "t" + ], + [ + "s", + "pect" + ], + [ + "ü", + "k" + ], + [ + "es", + "ton" + ], + [ + "est", + "on" + ], + [ + "esto", + "n" + ], + [ + "e", + "ston" + ], + [ + "▁s", + "lot" + ], + [ + "▁sl", + "ot" + ], + [ + "▁slo", + "t" + ], + [ + "▁został", + "a" + ], + [ + "▁Charlot", + "te" + ], + [ + "▁состав", + "ляет" + ], + [ + "▁составля", + "ет" + ], + [ + "▁Prom", + "ise" + ], + [ + "▁e", + "po" + ], + [ + "▁ep", + "o" + ], + [ + "▁d", + "iction" + ], + [ + "▁di", + "ction" + ], + [ + "▁dict", + "ion" + ], + [ + "▁dic", + "tion" + ], + [ + "▁", + "diction" + ], + [ + "▁Frank", + "lin" + ], + [ + "▁R", + "iv" + ], + [ + "▁Ri", + "v" + ], + [ + "ру", + "г" + ], + [ + "ci", + "da" + ], + [ + "cid", + "a" + ], + [ + "c", + "ida" + ], + [ + "▁Ex", + "plorer" + ], + [ + "cook", + "ie" + ], + [ + "▁former", + "ly" + ], + [ + "▁municip", + "ality" + ], + [ + "▁municipal", + "ity" + ], + [ + "▁Ste", + "fan" + ], + [ + "▁Stef", + "an" + ], + [ + "list", + "s" + ], + [ + "lis", + "ts" + ], + [ + "l", + "ists" + ], + [ + "CO", + "MP" + ], + [ + "COM", + "P" + ], + [ + "Le", + "n" + ], + [ + "L", + "en" + ], + [ + "▁Sta", + "at" + ], + [ + "▁N", + "BA" + ], + [ + "de", + "ns" + ], + [ + "den", + "s" + ], + [ + "d", + "ens" + ], + [ + "▁osc", + "ill" + ], + [ + "!", + "." + ], + [ + "▁P", + "O" + ], + [ + "▁", + "PO" + ], + [ + "ô", + "ne" + ], + [ + "es", + "es" + ], + [ + "ese", + "s" + ], + [ + "▁на", + "циональ" + ], + [ + "vo", + "or" + ], + [ + "v", + "oor" + ], + [ + "▁ко", + "пи" + ], + [ + "▁по", + "зи" + ], + [ + "▁", + "пози" + ], + [ + "ul", + "u" + ], + [ + "u", + "lu" + ], + [ + "Const", + "raint" + ], + [ + "Constra", + "int" + ], + [ + "▁сво", + "ей" + ], + [ + "▁algebra", + "ic" + ], + [ + "ч", + "ня" + ], + [ + "Di", + "ct" + ], + [ + "D", + "ict" + ], + [ + "▁appear", + "ing" + ], + [ + "▁appe", + "aring" + ], + [ + "▁p", + "rav" + ], + [ + "▁pr", + "av" + ], + [ + "▁pra", + "v" + ], + [ + "▁Univers", + "al" + ], + [ + "B", + "rowser" + ], + [ + "▁Sing", + "ap" + ], + [ + "ennes", + "see" + ], + [ + "]", + "_" + ], + [ + "▁S", + "of" + ], + [ + "▁So", + "f" + ], + [ + "▁C", + "ad" + ], + [ + "▁Ca", + "d" + ], + [ + "oun", + "ce" + ], + [ + "▁cost", + "s" + ], + [ + "▁cos", + "ts" + ], + [ + "]{", + "\\" + ], + [ + "]", + "{\\" + ], + [ + "../", + "../" + ], + [ + "ськ", + "ій" + ], + [ + "ські", + "й" + ], + [ + "üh", + "l" + ], + [ + "ü", + "hl" + ], + [ + "ie", + "ty" + ], + [ + "iet", + "y" + ], + [ + "i", + "ety" + ], + [ + "п", + "р" + ], + [ + "▁interpre", + "ted" + ], + [ + "▁interpret", + "ed" + ], + [ + "aj", + "n" + ], + [ + "col", + "og" + ], + [ + "co", + "log" + ], + [ + "colo", + "g" + ], + [ + "c", + "olog" + ], + [ + "Y", + "S" + ], + [ + "ma", + "ns" + ], + [ + "man", + "s" + ], + [ + "m", + "ans" + ], + [ + "▁met", + "rics" + ], + [ + "▁metric", + "s" + ], + [ + "▁reg", + "istr" + ], + [ + "▁", + "registr" + ], + [ + "ist", + "ance" + ], + [ + "istan", + "ce" + ], + [ + "▁По", + "ль" + ], + [ + "▁an", + "onymous" + ], + [ + "▁", + "anonymous" + ], + [ + "▁institution", + "s" + ], + [ + "▁instit", + "utions" + ], + [ + "▁z", + "dob" + ], + [ + "▁zd", + "ob" + ], + [ + "pr", + "üng" + ], + [ + "prü", + "ng" + ], + [ + "▁ар", + "ти" + ], + [ + "▁e", + "stat" + ], + [ + "▁est", + "at" + ], + [ + "▁es", + "tat" + ], + [ + "▁esta", + "t" + ], + [ + "ac", + "ci" + ], + [ + "acc", + "i" + ], + [ + "▁academ", + "ic" + ], + [ + "▁ch", + "iesa" + ], + [ + "▁chi", + "esa" + ], + [ + "▁G", + "ian" + ], + [ + "▁Gi", + "an" + ], + [ + "▁Gia", + "n" + ], + [ + "cont", + "rib" + ], + [ + "contr", + "ib" + ], + [ + "um", + "ed" + ], + [ + "ume", + "d" + ], + [ + "u", + "med" + ], + [ + "▁G", + "ir" + ], + [ + "▁Gi", + "r" + ], + [ + "▁base", + "ball" + ], + [ + "numer", + "ic" + ], + [ + "n", + "umeric" + ], + [ + "Gener", + "ator" + ], + [ + "G", + "M" + ], + [ + "▁t", + "iny" + ], + [ + "▁ti", + "ny" + ], + [ + "▁tin", + "y" + ], + [ + "▁", + "tiny" + ], + [ + "▁dist", + "inction" + ], + [ + "▁distinct", + "ion" + ], + [ + "ге", + "р" + ], + [ + "г", + "ер" + ], + [ + "▁r", + "ust" + ], + [ + "▁ru", + "st" + ], + [ + "▁rus", + "t" + ], + [ + "▁", + "rust" + ], + [ + "▁FI", + "FA" + ], + [ + "▁Pro", + "perties" + ], + [ + "▁", + "Properties" + ], + [ + "^", + "-" + ], + [ + "▁э", + "кс" + ], + [ + "▁эк", + "с" + ], + [ + "▁Sta", + "nis" + ], + [ + "▁Stan", + "is" + ], + [ + "▁A", + "jax" + ], + [ + "es", + "cape" + ], + [ + "esc", + "ape" + ], + [ + "▁con", + "sp" + ], + [ + "▁cons", + "p" + ], + [ + "▁C", + "hen" + ], + [ + "▁Ch", + "en" + ], + [ + "▁Che", + "n" + ], + [ + "▁N", + "aval" + ], + [ + "▁Na", + "val" + ], + [ + "▁Nav", + "al" + ], + [ + "Bi", + "t" + ], + [ + "B", + "it" + ], + [ + "▁b", + "ât" + ], + [ + "ски", + "ми" + ], + [ + "ским", + "и" + ], + [ + "с", + "кими" + ], + [ + "dr", + "ive" + ], + [ + "dri", + "ve" + ], + [ + "d", + "rive" + ], + [ + "▁R", + "ound" + ], + [ + "▁Ro", + "und" + ], + [ + "▁Rou", + "nd" + ], + [ + "ph", + "oto" + ], + [ + "▁Le", + "vel" + ], + [ + "▁Lev", + "el" + ], + [ + "▁", + "Level" + ], + [ + "▁g", + "eg" + ], + [ + "▁ge", + "g" + ], + [ + "▁", + "geg" + ], + [ + "To", + "m" + ], + [ + "T", + "om" + ], + [ + "▁M", + "obile" + ], + [ + "▁", + "Mobile" + ], + [ + "▁T", + "rop" + ], + [ + "▁Tr", + "op" + ], + [ + "▁Tro", + "p" + ], + [ + "Dir", + "ection" + ], + [ + "Direct", + "ion" + ], + [ + "D", + "irection" + ], + [ + "is", + "an" + ], + [ + "isa", + "n" + ], + [ + "i", + "san" + ], + [ + ")^", + "{-" + ], + [ + ")^{", + "-" + ], + [ + ")", + "^{-" + ], + [ + "▁Set", + "ting" + ], + [ + "▁", + "Setting" + ], + [ + "▁Pro", + "bably" + ], + [ + "ль", + "я" + ], + [ + "л", + "ья" + ], + [ + "▁as", + "sets" + ], + [ + "▁ass", + "ets" + ], + [ + "▁asse", + "ts" + ], + [ + "▁asset", + "s" + ], + [ + "▁", + "assets" + ], + [ + "▁a", + "tte" + ], + [ + "▁at", + "te" + ], + [ + "▁att", + "e" + ], + [ + "▁", + "atte" + ], + [ + "▁b", + "ulk" + ], + [ + "▁bul", + "k" + ], + [ + "és", + "t" + ], + [ + "é", + "st" + ], + [ + "▁w", + "ing" + ], + [ + "▁win", + "g" + ], + [ + "▁", + "wing" + ], + [ + "ni", + "us" + ], + [ + "niu", + "s" + ], + [ + "n", + "ius" + ], + [ + "▁w", + "ins" + ], + [ + "▁win", + "s" + ], + [ + "▁l", + "ud" + ], + [ + "▁lu", + "d" + ], + [ + "us", + "hing" + ], + [ + "ush", + "ing" + ], + [ + "▁d", + "even" + ], + [ + "▁de", + "ven" + ], + [ + "▁dev", + "en" + ], + [ + "▁deve", + "n" + ], + [ + "огра", + "ф" + ], + [ + "о", + "граф" + ], + [ + "burg", + "er" + ], + [ + "bur", + "ger" + ], + [ + "b", + "urger" + ], + [ + "▁em", + "bar" + ], + [ + "▁emb", + "ar" + ], + [ + "Filter", + "Chain" + ], + [ + "▁t", + "um" + ], + [ + "▁tu", + "m" + ], + [ + "▁ö", + "ss" + ], + [ + "▁nom", + "mé" + ], + [ + "▁p", + "ir" + ], + [ + "▁pi", + "r" + ], + [ + "▁l", + "uc" + ], + [ + "▁lu", + "c" + ], + [ + "db", + "o" + ], + [ + "d", + "bo" + ], + [ + "ag", + "ues" + ], + [ + "ague", + "s" + ], + [ + "agu", + "es" + ], + [ + "▁al", + "can" + ], + [ + "▁alc", + "an" + ], + [ + "ou", + "wen" + ], + [ + "ouw", + "en" + ], + [ + "▁Stan", + "ley" + ], + [ + "ци", + "али" + ], + [ + "▁g", + "rown" + ], + [ + "▁gr", + "own" + ], + [ + "▁gro", + "wn" + ], + [ + "▁grow", + "n" + ], + [ + "▁pres", + "erved" + ], + [ + "▁preserve", + "d" + ], + [ + "▁s", + "olar" + ], + [ + "▁so", + "lar" + ], + [ + "▁sol", + "ar" + ], + [ + "▁Насе", + "ление" + ], + [ + "▁perform", + "ances" + ], + [ + "▁performance", + "s" + ], + [ + "▁C", + "ow" + ], + [ + "▁Co", + "w" + ], + [ + "▁engine", + "ering" + ], + [ + "▁engineer", + "ing" + ], + [ + "▁sc", + "aling" + ], + [ + "▁scal", + "ing" + ], + [ + "at", + "omic" + ], + [ + "ato", + "mic" + ], + [ + "atom", + "ic" + ], + [ + "end", + "ance" + ], + [ + "▁a", + "ce" + ], + [ + "▁ac", + "e" + ], + [ + "▁", + "ace" + ], + [ + "än", + "gen" + ], + [ + "äng", + "en" + ], + [ + "änge", + "n" + ], + [ + "An", + "im" + ], + [ + "A", + "nim" + ], + [ + "ph", + "ase" + ], + [ + "pha", + "se" + ], + [ + "phas", + "e" + ], + [ + "z", + "burg" + ], + [ + "O", + "ld" + ], + [ + "▁serv", + "ant" + ], + [ + "▁geme", + "ins" + ], + [ + "▁Ob", + "serv" + ], + [ + "trans", + "late" + ], + [ + "▁cover", + "ing" + ], + [ + "▁cov", + "ering" + ], + [ + "▁est", + "án" + ], + [ + "▁está", + "n" + ], + [ + "▁problem", + "a" + ], + [ + "▁proble", + "ma" + ], + [ + "▁probl", + "ema" + ], + [ + "▁у", + "станов" + ], + [ + "▁l", + "lev" + ], + [ + "▁ll", + "ev" + ], + [ + "▁lle", + "v" + ], + [ + "▁c", + "zerw" + ], + [ + "é", + "al" + ], + [ + "me", + "z" + ], + [ + "m", + "ez" + ], + [ + "RE", + "E" + ], + [ + "R", + "EE" + ], + [ + "ER", + "R" + ], + [ + "ту", + "ри" + ], + [ + "тур", + "и" + ], + [ + "se", + "gu" + ], + [ + "seg", + "u" + ], + [ + "s", + "egu" + ], + [ + "▁pro", + "fit" + ], + [ + "▁prof", + "it" + ], + [ + "▁multip", + "lication" + ], + [ + "kom", + "men" + ], + [ + "k", + "ommen" + ], + [ + "▁f", + "aut" + ], + [ + "▁fa", + "ut" + ], + [ + "▁candid", + "ates" + ], + [ + "▁candidate", + "s" + ], + [ + "▁U", + "ri" + ], + [ + "▁Ur", + "i" + ], + [ + "▁", + "Uri" + ], + [ + "▁La", + "ura" + ], + [ + "▁Laur", + "a" + ], + [ + "▁Lau", + "ra" + ], + [ + "▁s", + "ap" + ], + [ + "▁sa", + "p" + ], + [ + "▁ви", + "сини" + ], + [ + "▁Bet", + "ween" + ], + [ + "fa", + "de" + ], + [ + "f", + "ade" + ], + [ + "▁res", + "erved" + ], + [ + "▁reserve", + "d" + ], + [ + "▁invol", + "ving" + ], + [ + "▁M", + "are" + ], + [ + "▁Mar", + "e" + ], + [ + "▁Ma", + "re" + ], + [ + "▁Cont", + "ainer" + ], + [ + "▁", + "Container" + ], + [ + "▁на", + "зна" + ], + [ + "▁DE", + "BUG" + ], + [ + "▁", + "DEBUG" + ], + [ + "▁h", + "urt" + ], + [ + "▁hur", + "t" + ], + [ + "▁hu", + "rt" + ], + [ + "▁Pol", + "ski" + ], + [ + "▁l", + "ux" + ], + [ + "▁lu", + "x" + ], + [ + "C", + "B" + ], + [ + "wa", + "ch" + ], + [ + "w", + "ach" + ], + [ + "▁пери", + "од" + ], + [ + "▁перио", + "д" + ], + [ + "▁C", + "atherine" + ], + [ + "▁g", + "anz" + ], + [ + "▁gan", + "z" + ], + [ + "uch", + "te" + ], + [ + "ucht", + "e" + ], + [ + "u", + "chte" + ], + [ + "▁cons", + "umer" + ], + [ + "▁consum", + "er" + ], + [ + "▁consume", + "r" + ], + [ + "▁cross", + "ed" + ], + [ + "ord", + "ered" + ], + [ + "order", + "ed" + ], + [ + "orde", + "red" + ], + [ + "aw", + "ay" + ], + [ + "awa", + "y" + ], + [ + "a", + "way" + ], + [ + "te", + "chn" + ], + [ + "tech", + "n" + ], + [ + "▁sub", + "scri" + ], + [ + "▁subs", + "cri" + ], + [ + "▁short", + "cut" + ], + [ + "▁произ", + "вод" + ], + [ + "▁simultane", + "ously" + ], + [ + "▁r", + "ating" + ], + [ + "▁ra", + "ting" + ], + [ + "▁rat", + "ing" + ], + [ + "▁", + "rating" + ], + [ + "▁K", + "ings" + ], + [ + "▁King", + "s" + ], + [ + "▁Kin", + "gs" + ], + [ + "▁relations", + "hips" + ], + [ + "▁relation", + "ships" + ], + [ + "▁relationship", + "s" + ], + [ + "▁S", + "ex" + ], + [ + "▁Se", + "x" + ], + [ + "▁T", + "ool" + ], + [ + "▁To", + "ol" + ], + [ + "▁", + "Tool" + ], + [ + "ag", + "h" + ], + [ + "a", + "gh" + ], + [ + "ac", + "ters" + ], + [ + "act", + "ers" + ], + [ + "acter", + "s" + ], + [ + "log", + "ger" + ], + [ + "hom", + "me" + ], + [ + "en", + "gers" + ], + [ + "eng", + "ers" + ], + [ + "enger", + "s" + ], + [ + "▁R", + "i" + ], + [ + "ear", + "ance" + ], + [ + "ea", + "rance" + ], + [ + "▁appear", + "ances" + ], + [ + "▁appearance", + "s" + ], + [ + "Re", + "al" + ], + [ + "▁p", + "asse" + ], + [ + "▁pass", + "e" + ], + [ + "▁pas", + "se" + ], + [ + "ic", + "lopedia" + ], + [ + "ч", + "ко" + ], + [ + "ter", + "re" + ], + [ + "▁Ont", + "ario" + ], + [ + "▁пере", + "да" + ], + [ + "▁перед", + "а" + ], + [ + "fo", + "oter" + ], + [ + "foo", + "ter" + ], + [ + "foot", + "er" + ], + [ + "arch", + "ivi" + ], + [ + "archiv", + "i" + ], + [ + "if", + "iz" + ], + [ + "ifi", + "z" + ], + [ + "▁Pro", + "test" + ], + [ + "▁Prote", + "st" + ], + [ + "▁L", + "IN" + ], + [ + "▁LI", + "N" + ], + [ + "▁", + "LIN" + ], + [ + "unn", + "able" + ], + [ + "▁cent", + "uries" + ], + [ + "▁B", + "ayer" + ], + [ + "▁Ba", + "yer" + ], + [ + "▁Bay", + "er" + ], + [ + "ці", + "ю" + ], + [ + "ов", + "ин" + ], + [ + "ови", + "н" + ], + [ + "о", + "вин" + ], + [ + "▁And", + "rea" + ], + [ + "▁Andre", + "a" + ], + [ + "se", + "lection" + ], + [ + "select", + "ion" + ], + [ + "sel", + "ection" + ], + [ + "▁c", + "alm" + ], + [ + "▁cal", + "m" + ], + [ + "▁ca", + "lm" + ], + [ + "▁mod", + "ification" + ], + [ + "▁modific", + "ation" + ], + [ + "▁short", + "ly" + ], + [ + "in", + "aire" + ], + [ + "ina", + "ire" + ], + [ + "i", + "naire" + ], + [ + "▁f", + "usion" + ], + [ + "▁fus", + "ion" + ], + [ + "▁feel", + "ings" + ], + [ + "▁feeling", + "s" + ], + [ + "▁fee", + "lings" + ], + [ + "P", + "K" + ], + [ + "▁Ro", + "berto" + ], + [ + "▁Robert", + "o" + ], + [ + "г", + "не" + ], + [ + "Sh", + "ared" + ], + [ + "▁mehr", + "ere" + ], + [ + "▁N", + "iem" + ], + [ + "▁Ni", + "em" + ], + [ + "▁Nie", + "m" + ], + [ + "om", + "p" + ], + [ + "o", + "mp" + ], + [ + "En", + "v" + ], + [ + "▁Art", + "icle" + ], + [ + "▁P", + "ok" + ], + [ + "▁Po", + "k" + ], + [ + "▁V", + "ARCHAR" + ], + [ + "▁d", + "il" + ], + [ + "▁di", + "l" + ], + [ + "▁af", + "ford" + ], + [ + "▁aff", + "ord" + ], + [ + "▁con", + "front" + ], + [ + "▁conf", + "ront" + ], + [ + "ow", + "anie" + ], + [ + "owa", + "nie" + ], + [ + "owan", + "ie" + ], + [ + "▁min", + "istre" + ], + [ + "▁minist", + "re" + ], + [ + "▁mini", + "stre" + ], + [ + "ad", + "esh" + ], + [ + "ade", + "sh" + ], + [ + "ades", + "h" + ], + [ + "▁P", + "oly" + ], + [ + "▁Pol", + "y" + ], + [ + "▁Po", + "ly" + ], + [ + "▁Ра", + "спо" + ], + [ + "▁Рас", + "по" + ], + [ + "▁Gru", + "ppe" + ], + [ + "▁H", + "elen" + ], + [ + "▁He", + "len" + ], + [ + "▁Hel", + "en" + ], + [ + "▁c", + "c" + ], + [ + "▁", + "cc" + ], + [ + "▁port", + "rait" + ], + [ + "be", + "w" + ], + [ + "b", + "ew" + ], + [ + "▁b", + "eta" + ], + [ + "▁be", + "ta" + ], + [ + "▁bet", + "a" + ], + [ + "▁", + "beta" + ], + [ + "▁W", + "ir" + ], + [ + "▁Wi", + "r" + ], + [ + "▁A", + "udio" + ], + [ + "▁Aud", + "io" + ], + [ + "▁", + "Audio" + ], + [ + "▁(", + "\\<" + ], + [ + "▁(\\", + "<" + ], + [ + "rior", + "ity" + ], + [ + "▁n", + "it" + ], + [ + "▁ni", + "t" + ], + [ + "▁", + "nit" + ], + [ + "▁пред", + "стави" + ], + [ + "▁представ", + "и" + ], + [ + "▁V", + "ie" + ], + [ + "▁Vi", + "e" + ], + [ + "▁w", + "ür" + ], + [ + "▁", + "wür" + ], + [ + "▁H", + "old" + ], + [ + "▁Hol", + "d" + ], + [ + "▁Ho", + "ld" + ], + [ + "▁", + "Hold" + ], + [ + "▁S", + "ad" + ], + [ + "▁Sa", + "d" + ], + [ + "▁To", + "chter" + ], + [ + "▁o", + "ltre" + ], + [ + "▁ol", + "tre" + ], + [ + "▁", + "oltre" + ], + [ + "▁Act", + "iv" + ], + [ + "▁", + "Activ" + ], + [ + "▁J", + "ason" + ], + [ + "▁Ja", + "son" + ], + [ + "▁Jas", + "on" + ], + [ + "▁wie", + "ku" + ], + [ + "▁reg", + "ards" + ], + [ + "▁regard", + "s" + ], + [ + "▁t", + "aste" + ], + [ + "▁ta", + "ste" + ], + [ + "agnost", + "ic" + ], + [ + "ла", + "ся" + ], + [ + "▁S", + "elf" + ], + [ + "▁Sel", + "f" + ], + [ + "▁", + "Self" + ], + [ + "▁a", + "pr" + ], + [ + "▁ap", + "r" + ], + [ + "▁De", + "ep" + ], + [ + "sc", + "op" + ], + [ + "s", + "cop" + ], + [ + "Act", + "iv" + ], + [ + "▁type", + "def" + ], + [ + "▁typed", + "ef" + ], + [ + "Content", + "View" + ], + [ + "comp", + "iler" + ], + [ + "compile", + "r" + ], + [ + "▁R", + "oth" + ], + [ + "▁Ro", + "th" + ], + [ + "▁Rot", + "h" + ], + [ + "x", + "c" + ], + [ + "зи", + "к" + ], + [ + "▁l", + "argo" + ], + [ + "▁lar", + "go" + ], + [ + "▁larg", + "o" + ], + [ + "▁R", + "ena" + ], + [ + "▁Re", + "na" + ], + [ + "▁Ren", + "a" + ], + [ + "he", + "iten" + ], + [ + "heit", + "en" + ], + [ + "▁platform", + "s" + ], + [ + "▁plat", + "forms" + ], + [ + "ul", + "la" + ], + [ + "ull", + "a" + ], + [ + "u", + "lla" + ], + [ + "▁gl", + "ance" + ], + [ + "▁mas", + "cul" + ], + [ + "▁m", + "ex" + ], + [ + "▁me", + "x" + ], + [ + "▁J", + "orge" + ], + [ + "▁fun", + "cion" + ], + [ + "▁func", + "ion" + ], + [ + "cho", + "ose" + ], + [ + "▁re", + "views" + ], + [ + "▁review", + "s" + ], + [ + "▁Al", + "ban" + ], + [ + "▁Alb", + "an" + ], + [ + "▁G", + "lo" + ], + [ + "▁Gl", + "o" + ], + [ + "▁S", + "pecies" + ], + [ + "▁Spe", + "cies" + ], + [ + "▁Spec", + "ies" + ], + [ + "▁F", + "ame" + ], + [ + "▁Fa", + "me" + ], + [ + "▁Fam", + "e" + ], + [ + "▁R", + "oll" + ], + [ + "▁Ro", + "ll" + ], + [ + "▁Rol", + "l" + ], + [ + "▁P", + "uerto" + ], + [ + "▁\\", + ")" + ], + [ + "▁", + "\\)" + ], + [ + "ym", + "nas" + ], + [ + "ymn", + "as" + ], + [ + "en", + "viron" + ], + [ + "▁i", + "phone" + ], + [ + "▁Wrest", + "ling" + ], + [ + "ał", + "y" + ], + [ + "a", + "ły" + ], + [ + "▁Ind", + "iana" + ], + [ + "▁India", + "na" + ], + [ + "▁Indian", + "a" + ], + [ + "Rad", + "io" + ], + [ + "V", + "S" + ], + [ + "▁independ", + "ence" + ], + [ + "та", + "й" + ], + [ + "▁de", + "code" + ], + [ + "▁dec", + "ode" + ], + [ + "▁", + "decode" + ], + [ + "Wh", + "ite" + ], + [ + "▁j", + "ourn" + ], + [ + "▁jo", + "urn" + ], + [ + "▁jou", + "rn" + ], + [ + "▁jour", + "n" + ], + [ + "ícul", + "o" + ], + [ + "í", + "culo" + ], + [ + "▁Bar", + "b" + ], + [ + "▁Ba", + "rb" + ], + [ + "▁Ev", + "angel" + ], + [ + "▁An", + "dy" + ], + [ + "▁And", + "y" + ], + [ + "▁Wel", + "come" + ], + [ + "▁De", + "vice" + ], + [ + "▁Dev", + "ice" + ], + [ + "▁", + "Device" + ], + [ + "ge", + "f" + ], + [ + "g", + "ef" + ], + [ + "▁remember", + "ed" + ], + [ + "▁vari", + "ations" + ], + [ + "▁variation", + "s" + ], + [ + "▁Ad", + "olf" + ], + [ + "it", + "aine" + ], + [ + "ita", + "ine" + ], + [ + "▁надмор", + "ској" + ], + [ + "▁s", + "team" + ], + [ + "▁ste", + "am" + ], + [ + "▁concern", + "s" + ], + [ + "▁`", + "|" + ], + [ + "▁би", + "о" + ], + [ + "тель", + "ства" + ], + [ + "▁qu", + "attro" + ], + [ + "ext", + "end" + ], + [ + "▁trab", + "ajo" + ], + [ + "▁trabaj", + "o" + ], + [ + "en", + "berg" + ], + [ + "▁scen", + "arios" + ], + [ + "▁scenario", + "s" + ], + [ + "ân", + "t" + ], + [ + "â", + "nt" + ], + [ + "▁kom", + "mt" + ], + [ + "▁komm", + "t" + ], + [ + "▁dom", + "estic" + ], + [ + "▁B", + "asketball" + ], + [ + "▁Co", + "oper" + ], + [ + "so", + "ck" + ], + [ + "s", + "ock" + ], + [ + "дер", + "жа" + ], + [ + "д", + "ержа" + ], + [ + "={", + "\\" + ], + [ + "=", + "{\\" + ], + [ + "▁in", + "ici" + ], + [ + "▁P", + "hill" + ], + [ + "▁Ph", + "ill" + ], + [ + "▁Phil", + "l" + ], + [ + "▁гене", + "рал" + ], + [ + "archivi", + "ato" + ], + [ + "ъ", + "н" + ], + [ + "Ro", + "b" + ], + [ + "R", + "ob" + ], + [ + "▁t", + "ong" + ], + [ + "▁to", + "ng" + ], + [ + "▁ton", + "g" + ], + [ + "▁character", + "istics" + ], + [ + "▁characteristic", + "s" + ], + [ + "▁a", + "maz" + ], + [ + "▁am", + "az" + ], + [ + "▁M", + "ode" + ], + [ + "▁Mod", + "e" + ], + [ + "▁Mo", + "de" + ], + [ + "▁", + "Mode" + ], + [ + "▁inaug", + "ur" + ], + [ + "we", + "hr" + ], + [ + "ra", + "nt" + ], + [ + "ran", + "t" + ], + [ + "r", + "ant" + ], + [ + "ion", + "ali" + ], + [ + "ional", + "i" + ], + [ + "iona", + "li" + ], + [ + "▁M", + "other" + ], + [ + "▁Mo", + "ther" + ], + [ + "▁Mot", + "her" + ], + [ + "M", + "a" + ], + [ + "é", + "qu" + ], + [ + "▁K", + "elly" + ], + [ + "▁Kel", + "ly" + ], + [ + "ci", + "le" + ], + [ + "cil", + "e" + ], + [ + "c", + "ile" + ], + [ + "▁beste", + "ht" + ], + [ + "▁estim", + "ates" + ], + [ + "▁estimate", + "s" + ], + [ + "rugu", + "ay" + ], + [ + "▁A", + "ns" + ], + [ + "▁An", + "s" + ], + [ + "Ma", + "d" + ], + [ + "M", + "ad" + ], + [ + "▁на", + "в" + ], + [ + "▁d", + "onnées" + ], + [ + "▁donn", + "ées" + ], + [ + "▁donné", + "es" + ], + [ + "▁", + "données" + ], + [ + "▁trop", + "ical" + ], + [ + "▁Sever", + "al" + ], + [ + "el", + "ter" + ], + [ + "elt", + "er" + ], + [ + "elte", + "r" + ], + [ + "▁P", + "ho" + ], + [ + "▁Ph", + "o" + ], + [ + "ke", + "m" + ], + [ + "k", + "em" + ], + [ + "▁Custom", + "er" + ], + [ + "▁", + "Customer" + ], + [ + "▁скла", + "ді" + ], + [ + "▁c", + "ourses" + ], + [ + "▁course", + "s" + ], + [ + "▁cours", + "es" + ], + [ + "Pl", + "atform" + ], + [ + "nav", + "bar" + ], + [ + "le", + "arning" + ], + [ + "lear", + "ning" + ], + [ + "learn", + "ing" + ], + [ + "▁Sw", + "edish" + ], + [ + "▁z", + "ast" + ], + [ + "▁za", + "st" + ], + [ + "▁zas", + "t" + ], + [ + "▁L", + "ig" + ], + [ + "▁Li", + "g" + ], + [ + "man", + "agement" + ], + [ + "▁l", + "od" + ], + [ + "▁lo", + "d" + ], + [ + "uff", + "le" + ], + [ + "Text", + "ure" + ], + [ + "Te", + "xture" + ], + [ + "ar", + "ga" + ], + [ + "arg", + "a" + ], + [ + "át", + "um" + ], + [ + "▁D", + "DR" + ], + [ + "ні", + "ї" + ], + [ + "н", + "ії" + ], + [ + "▁Soci", + "été" + ], + [ + "▁dom", + "ains" + ], + [ + "▁domain", + "s" + ], + [ + "▁perm", + "itted" + ], + [ + "▁permit", + "ted" + ], + [ + "▁ex", + "terne" + ], + [ + "▁ext", + "erne" + ], + [ + "▁extern", + "e" + ], + [ + "▁quel", + "que" + ], + [ + "v", + "t" + ], + [ + "ym", + "an" + ], + [ + "y", + "man" + ], + [ + "▁W", + "ard" + ], + [ + "▁War", + "d" + ], + [ + "▁Wa", + "rd" + ], + [ + "▁ag", + "li" + ], + [ + "▁", + "agli" + ], + [ + "▁and", + "ra" + ], + [ + "▁an", + "dra" + ], + [ + "▁", + "andra" + ], + [ + "S", + "napshot" + ], + [ + "▁m", + "å" + ], + [ + "▁ye", + "ah" + ], + [ + "де", + "на" + ], + [ + "ден", + "а" + ], + [ + "д", + "ена" + ], + [ + "ęp", + "u" + ], + [ + "ę", + "pu" + ], + [ + "ask", + "ell" + ], + [ + "▁Ré", + "publique" + ], + [ + "in", + "ject" + ], + [ + "▁'", + ";" + ], + [ + "▁", + "';" + ], + [ + "än", + "n" + ], + [ + "ä", + "nn" + ], + [ + "▁z", + "elf" + ], + [ + "▁Ent", + "wicklung" + ], + [ + "ár", + "ia" + ], + [ + "á", + "ria" + ], + [ + "on", + "omy" + ], + [ + "ono", + "my" + ], + [ + "onom", + "y" + ], + [ + "▁s", + "vil" + ], + [ + "▁sv", + "il" + ], + [ + "ie", + "se" + ], + [ + "ies", + "e" + ], + [ + "i", + "ese" + ], + [ + "▁con", + "ser" + ], + [ + "▁cons", + "er" + ], + [ + "▁conse", + "r" + ], + [ + "▁n", + "im" + ], + [ + "▁ni", + "m" + ], + [ + "▁", + "nim" + ], + [ + "▁r", + "ész" + ], + [ + "▁ré", + "sz" + ], + [ + "▁rés", + "z" + ], + [ + "▁И", + "тали" + ], + [ + "▁part", + "ici" + ], + [ + "▁partic", + "i" + ], + [ + "▁parti", + "ci" + ], + [ + "▁L", + "ion" + ], + [ + "▁Li", + "on" + ], + [ + "s", + "r" + ], + [ + "al", + "ways" + ], + [ + "▁Влади", + "мир" + ], + [ + "че", + "ские" + ], + [ + "[", + "," + ], + [ + "▁Def", + "inition" + ], + [ + "▁", + "Definition" + ], + [ + "na", + "nt" + ], + [ + "nan", + "t" + ], + [ + "n", + "ant" + ], + [ + "oe", + "m" + ], + [ + "o", + "em" + ], + [ + "Id", + "s" + ], + [ + "I", + "ds" + ], + [ + "▁в", + "не" + ], + [ + "▁[", + "...]" + ], + [ + "▁на", + "прав" + ], + [ + "▁нап", + "рав" + ], + [ + "▁G", + "O" + ], + [ + "▁", + "GO" + ], + [ + "▁å", + "rs" + ], + [ + "▁år", + "s" + ], + [ + "▁ut", + "án" + ], + [ + "▁out", + "ros" + ], + [ + "▁reg", + "ión" + ], + [ + "▁M", + "ong" + ], + [ + "▁Mon", + "g" + ], + [ + "▁Mo", + "ng" + ], + [ + "▁fil", + "me" + ], + [ + "▁film", + "e" + ], + [ + "▁tri", + "ple" + ], + [ + "▁trip", + "le" + ], + [ + "▁sp", + "ons" + ], + [ + "▁spo", + "ns" + ], + [ + "De", + "velop" + ], + [ + "▁out", + "come" + ], + [ + "▁B", + "ible" + ], + [ + "▁Bi", + "ble" + ], + [ + "▁Bib", + "le" + ], + [ + "▁и", + "мени" + ], + [ + "▁име", + "ни" + ], + [ + "▁имен", + "и" + ], + [ + "Can", + "vas" + ], + [ + "пу", + "та" + ], + [ + "cur", + "r" + ], + [ + "cu", + "rr" + ], + [ + "c", + "urr" + ], + [ + "ás", + "ok" + ], + [ + "){", + "\\" + ], + [ + ")", + "{\\" + ], + [ + "ning", + "ar" + ], + [ + "`", + ";" + ], + [ + "▁Fl", + "ash" + ], + [ + ":", + "#" + ], + [ + "mu", + "st" + ], + [ + "mus", + "t" + ], + [ + "m", + "ust" + ], + [ + "cp", + "u" + ], + [ + "c", + "pu" + ], + [ + "▁form", + "ats" + ], + [ + "▁format", + "s" + ], + [ + "▁forma", + "ts" + ], + [ + "Ha", + "r" + ], + [ + "H", + "ar" + ], + [ + "▁epis", + "odio" + ], + [ + "▁R", + "osa" + ], + [ + "▁Ro", + "sa" + ], + [ + "▁Ros", + "a" + ], + [ + "▁d", + "ès" + ], + [ + "em", + "it" + ], + [ + "emi", + "t" + ], + [ + "e", + "mit" + ], + [ + "rit", + "eria" + ], + [ + "rite", + "ria" + ], + [ + "riter", + "ia" + ], + [ + "An", + "notation" + ], + [ + "Fl", + "ag" + ], + [ + "F", + "lag" + ], + [ + "g", + "mail" + ], + [ + "▁N", + "ormal" + ], + [ + "▁Nor", + "mal" + ], + [ + "▁Norm", + "al" + ], + [ + "▁", + "Normal" + ], + [ + "oll", + "ary" + ], + [ + "ollar", + "y" + ], + [ + "▁f", + "oss" + ], + [ + "▁fo", + "ss" + ], + [ + "▁fos", + "s" + ], + [ + "▁con", + "current" + ], + [ + "▁conc", + "urrent" + ], + [ + "▁", + "concurrent" + ], + [ + "▁crash", + "es" + ], + [ + "▁ви", + "де" + ], + [ + "▁вид", + "е" + ], + [ + "▁Min", + "or" + ], + [ + "▁Mi", + "nor" + ], + [ + "▁S", + "it" + ], + [ + "▁Si", + "t" + ], + [ + "▁S", + "N" + ], + [ + "▁", + "SN" + ], + [ + "▁s", + "car" + ], + [ + "▁sc", + "ar" + ], + [ + "▁", + "scar" + ], + [ + "▁fe", + "min" + ], + [ + "▁fem", + "in" + ], + [ + "▁spec", + "ification" + ], + [ + "▁specific", + "ation" + ], + [ + "so", + "ap" + ], + [ + "▁o", + "perate" + ], + [ + "▁oper", + "ate" + ], + [ + "▁opera", + "te" + ], + [ + "▁principal", + "mente" + ], + [ + "▁a", + "ust" + ], + [ + "▁au", + "st" + ], + [ + "▁aus", + "t" + ], + [ + "ib", + "ile" + ], + [ + "ibil", + "e" + ], + [ + "it", + "ime" + ], + [ + "iti", + "me" + ], + [ + "i", + "time" + ], + [ + "ле", + "жа" + ], + [ + "if", + "rame" + ], + [ + "i", + "frame" + ], + [ + "▁concept", + "s" + ], + [ + "▁conce", + "pts" + ], + [ + "▁t", + "ack" + ], + [ + "▁ta", + "ck" + ], + [ + "▁v", + "iss" + ], + [ + "▁vis", + "s" + ], + [ + "▁vi", + "ss" + ], + [ + "▁car", + "bon" + ], + [ + "ter", + "y" + ], + [ + "te", + "ry" + ], + [ + "t", + "ery" + ], + [ + "▁n", + "aming" + ], + [ + "▁na", + "ming" + ], + [ + "▁nam", + "ing" + ], + [ + "▁Or", + "ts" + ], + [ + "▁Ort", + "s" + ], + [ + "id", + "ente" + ], + [ + "ident", + "e" + ], + [ + "iden", + "te" + ], + [ + "▁Cap", + "it" + ], + [ + "▁Ca", + "pit" + ], + [ + "▁ex", + "pr" + ], + [ + "▁exp", + "r" + ], + [ + "▁", + "expr" + ], + [ + "▁насе", + "љу" + ], + [ + "▁Select", + "ed" + ], + [ + "▁Sel", + "ected" + ], + [ + "▁Sele", + "cted" + ], + [ + "▁", + "Selected" + ], + [ + "▁h", + "inter" + ], + [ + "▁hint", + "er" + ], + [ + "▁hin", + "ter" + ], + [ + "▁i", + "frame" + ], + [ + "▁if", + "rame" + ], + [ + "▁", + "iframe" + ], + [ + "▁z", + "b" + ], + [ + "index", + "Path" + ], + [ + "col", + "l" + ], + [ + "co", + "ll" + ], + [ + "c", + "oll" + ], + [ + "▁wr", + "ześ" + ], + [ + "▁a", + "cht" + ], + [ + "▁ac", + "ht" + ], + [ + "▁ach", + "t" + ], + [ + "▁", + "acht" + ], + [ + "▁grad", + "ually" + ], + [ + "▁gradu", + "ally" + ], + [ + "▁ч", + "у" + ], + [ + "▁", + "чу" + ], + [ + "зе", + "й" + ], + [ + "з", + "ей" + ], + [ + "ha", + "ft" + ], + [ + "h", + "aft" + ], + [ + "▁t", + "ran" + ], + [ + "▁tr", + "an" + ], + [ + "▁tra", + "n" + ], + [ + "▁la", + "quelle" + ], + [ + "yt", + "ics" + ], + [ + "ID", + "E" + ], + [ + "I", + "DE" + ], + [ + "▁py", + "game" + ], + [ + "▁pyg", + "ame" + ], + [ + "▁P", + "ackage" + ], + [ + "▁Pack", + "age" + ], + [ + "▁", + "Package" + ], + [ + "▁class", + "Name" + ], + [ + "▁", + "className" + ], + [ + "B", + "al" + ], + [ + "pe", + "rl" + ], + [ + "per", + "l" + ], + [ + "ти", + "на" + ], + [ + "тин", + "а" + ], + [ + "O", + "cc" + ], + [ + "▁in", + "frastr" + ], + [ + "▁Champion", + "s" + ], + [ + "▁Champ", + "ions" + ], + [ + "▁class", + "ic" + ], + [ + "▁R", + "aw" + ], + [ + "▁Ra", + "w" + ], + [ + "▁", + "Raw" + ], + [ + "▁partial", + "ly" + ], + [ + "▁parti", + "ally" + ], + [ + "▁T", + "ed" + ], + [ + "▁Te", + "d" + ], + [ + "▁sto", + "let" + ], + [ + "ra", + "ined" + ], + [ + "rain", + "ed" + ], + [ + "raine", + "d" + ], + [ + "rai", + "ned" + ], + [ + "r", + "ained" + ], + [ + "WH", + "ERE" + ], + [ + "W", + "HERE" + ], + [ + "▁v", + "all" + ], + [ + "▁val", + "l" + ], + [ + "▁va", + "ll" + ], + [ + "▁Jul", + "ia" + ], + [ + "▁Ju", + "lia" + ], + [ + "▁Juli", + "a" + ], + [ + "za", + "t" + ], + [ + "z", + "at" + ], + [ + "▁surr", + "ounded" + ], + [ + "SE", + "E" + ], + [ + "S", + "EE" + ], + [ + "▁walk", + "ing" + ], + [ + "▁wal", + "king" + ], + [ + "B", + "ad" + ], + [ + "FO", + "R" + ], + [ + "F", + "OR" + ], + [ + "con", + "tre" + ], + [ + "cont", + "re" + ], + [ + "contr", + "e" + ], + [ + "▁Pal", + "est" + ], + [ + "▁Pale", + "st" + ], + [ + "át", + "ico" + ], + [ + "▁engine", + "er" + ], + [ + "▁part", + "ners" + ], + [ + "▁partner", + "s" + ], + [ + "▁Je", + "ws" + ], + [ + "▁Jew", + "s" + ], + [ + "il", + "ers" + ], + [ + "ile", + "rs" + ], + [ + "iler", + "s" + ], + [ + "i", + "lers" + ], + [ + "▁c", + "erem" + ], + [ + "▁ce", + "rem" + ], + [ + "▁cer", + "em" + ], + [ + "▁inter", + "actions" + ], + [ + "▁interaction", + "s" + ], + [ + "▁interact", + "ions" + ], + [ + "ac", + "u" + ], + [ + "a", + "cu" + ], + [ + "st", + "y" + ], + [ + "s", + "ty" + ], + [ + "▁Prince", + "ss" + ], + [ + "▁Prin", + "cess" + ], + [ + "sh", + "arp" + ], + [ + "sha", + "rp" + ], + [ + "▁Sing", + "les" + ], + [ + "▁Single", + "s" + ], + [ + "▁ї", + "х" + ], + [ + "ch", + "ez" + ], + [ + "che", + "z" + ], + [ + "c", + "hez" + ], + [ + "Rece", + "iver" + ], + [ + "Receive", + "r" + ], + [ + "▁pat", + "ients" + ], + [ + "▁patient", + "s" + ], + [ + "string", + "ify" + ], + [ + "▁compet", + "ed" + ], + [ + "be", + "y" + ], + [ + "b", + "ey" + ], + [ + "$", + ";" + ], + [ + "▁B", + "d" + ], + [ + "had", + "oop" + ], + [ + "h", + "adoop" + ], + [ + "▁Div", + "isión" + ], + [ + "öl", + "d" + ], + [ + "ö", + "ld" + ], + [ + "▁restrict", + "ed" + ], + [ + "▁comm", + "ander" + ], + [ + "▁command", + "er" + ], + [ + "▁comma", + "nder" + ], + [ + "▁High", + "way" + ], + [ + "▁Č", + "esk" + ], + [ + "▁m", + "yth" + ], + [ + "▁my", + "th" + ], + [ + "ча", + "н" + ], + [ + "ч", + "ан" + ], + [ + "ra", + "ham" + ], + [ + "rah", + "am" + ], + [ + "▁en", + "qu" + ], + [ + "▁p", + "og" + ], + [ + "▁po", + "g" + ], + [ + "▁com", + "una" + ], + [ + "▁comun", + "a" + ], + [ + "▁print", + "ln" + ], + [ + "▁", + "println" + ], + [ + "▁к", + "руп" + ], + [ + "▁de", + "pois" + ], + [ + "▁dep", + "ois" + ], + [ + "▁se", + "ats" + ], + [ + "▁sea", + "ts" + ], + [ + "▁seat", + "s" + ], + [ + "▁neigh", + "b" + ], + [ + "ци", + "она" + ], + [ + "цион", + "а" + ], + [ + "ag", + "ine" + ], + [ + "agi", + "ne" + ], + [ + "agin", + "e" + ], + [ + "▁cloth", + "es" + ], + [ + "▁clo", + "thes" + ], + [ + "▁P", + "rior" + ], + [ + "▁Pr", + "ior" + ], + [ + "▁Pri", + "or" + ], + [ + "Br", + "ain" + ], + [ + "Bra", + "in" + ], + [ + "B", + "rain" + ], + [ + "FF", + "FF" + ], + [ + "':", + "'" + ], + [ + "'", + ":'" + ], + [ + "fe", + "atures" + ], + [ + "feature", + "s" + ], + [ + "▁file", + "system" + ], + [ + "▁files", + "ystem" + ], + [ + "▁sing", + "les" + ], + [ + "▁single", + "s" + ], + [ + "▁Mel", + "bourne" + ], + [ + "▁dest", + "ruction" + ], + [ + "▁destruct", + "ion" + ], + [ + "▁destru", + "ction" + ], + [ + "▁Ly", + "on" + ], + [ + "▁In", + "sel" + ], + [ + "▁Ins", + "el" + ], + [ + "Na", + "v" + ], + [ + "N", + "av" + ], + [ + "▁Re", + "place" + ], + [ + "▁Rep", + "lace" + ], + [ + "▁", + "Replace" + ], + [ + "▁l", + "é" + ], + [ + "▁", + "lé" + ], + [ + "Wh", + "o" + ], + [ + "W", + "ho" + ], + [ + "▁E", + "stad" + ], + [ + "▁Est", + "ad" + ], + [ + "▁Esta", + "d" + ], + [ + "▁dim", + "ensional" + ], + [ + "▁dimension", + "al" + ], + [ + "▁", + "dimensional" + ], + [ + "▁ö", + "ff" + ], + [ + "▁", + "öff" + ], + [ + "▁gr", + "ands" + ], + [ + "▁gran", + "ds" + ], + [ + "▁grand", + "s" + ], + [ + "дж", + "а" + ], + [ + "д", + "жа" + ], + [ + "pl", + "ane" + ], + [ + "plan", + "e" + ], + [ + "pla", + "ne" + ], + [ + "p", + "lane" + ], + [ + "но", + "сті" + ], + [ + "ност", + "і" + ], + [ + "нос", + "ті" + ], + [ + "▁Or", + "igin" + ], + [ + "▁Ori", + "gin" + ], + [ + "▁Orig", + "in" + ], + [ + "▁", + "Origin" + ], + [ + "W", + "I" + ], + [ + "än", + "ner" + ], + [ + "änn", + "er" + ], + [ + "▁C", + "ry" + ], + [ + "▁Cr", + "y" + ], + [ + "IT", + "ION" + ], + [ + "▁fö", + "dd" + ], + [ + "▁cult", + "ura" + ], + [ + "▁R", + "ank" + ], + [ + "▁Ran", + "k" + ], + [ + "▁v", + "uel" + ], + [ + "▁vue", + "l" + ], + [ + "▁vu", + "el" + ], + [ + "▁z", + "ag" + ], + [ + "▁za", + "g" + ], + [ + "▁Ma", + "xim" + ], + [ + "▁Max", + "im" + ], + [ + "он", + "у" + ], + [ + "о", + "ну" + ], + [ + "()", + "))" + ], + [ + "())", + ")" + ], + [ + "(", + ")))" + ], + [ + "R", + "aw" + ], + [ + "kir", + "che" + ], + [ + "k", + "irche" + ], + [ + "▁a", + "demás" + ], + [ + "▁t", + "ie" + ], + [ + "▁ti", + "e" + ], + [ + "▁St", + "yle" + ], + [ + "▁", + "Style" + ], + [ + "ско", + "в" + ], + [ + "ск", + "ов" + ], + [ + "с", + "ков" + ], + [ + "ist", + "ant" + ], + [ + "ista", + "nt" + ], + [ + "istan", + "t" + ], + [ + "ol", + "ph" + ], + [ + "▁Z", + "ür" + ], + [ + "▁In", + "fo" + ], + [ + "▁Inf", + "o" + ], + [ + "▁", + "Info" + ], + [ + "DO", + "M" + ], + [ + "D", + "OM" + ], + [ + "us", + "c" + ], + [ + "u", + "sc" + ], + [ + "na", + "hm" + ], + [ + "nah", + "m" + ], + [ + "▁Ф", + "едера" + ], + [ + "▁F", + "ot" + ], + [ + "▁Fo", + "t" + ], + [ + "▁spec", + "ifying" + ], + [ + "▁specify", + "ing" + ], + [ + "▁tit", + "olo" + ], + [ + "▁Bo", + "ys" + ], + [ + "▁Boy", + "s" + ], + [ + "ie", + "ch" + ], + [ + "iec", + "h" + ], + [ + "i", + "ech" + ], + [ + "Pl", + "ace" + ], + [ + "P", + "lace" + ], + [ + "▁H", + "off" + ], + [ + "▁Ho", + "ff" + ], + [ + "▁Hof", + "f" + ], + [ + "▁c", + "ached" + ], + [ + "▁ca", + "ched" + ], + [ + "▁cache", + "d" + ], + [ + "ва", + "ль" + ], + [ + "вал", + "ь" + ], + [ + "в", + "аль" + ], + [ + "is", + "her" + ], + [ + "ish", + "er" + ], + [ + "roll", + "ing" + ], + [ + "rol", + "ling" + ], + [ + "op", + "ens" + ], + [ + "ope", + "ns" + ], + [ + "open", + "s" + ], + [ + "▁h", + "r" + ], + [ + "▁", + "hr" + ], + [ + "--", + "----" + ], + [ + "----", + "--" + ], + [ + "---", + "---" + ], + [ + "-----", + "-" + ], + [ + "-", + "-----" + ], + [ + "▁mag", + "gior" + ], + [ + "▁maggio", + "r" + ], + [ + "▁trans", + "actions" + ], + [ + "▁transaction", + "s" + ], + [ + "▁c", + "riminal" + ], + [ + "▁crim", + "inal" + ], + [ + "▁re", + "tre" + ], + [ + "▁ret", + "re" + ], + [ + "▁retr", + "e" + ], + [ + "▁Camp", + "bell" + ], + [ + "))", + ":" + ], + [ + ")", + "):" + ], + [ + "▁n", + "ed" + ], + [ + "▁ne", + "d" + ], + [ + "▁", + "ned" + ], + [ + "Page", + "r" + ], + [ + "Pa", + "ger" + ], + [ + "P", + "ager" + ], + [ + "▁H", + "ero" + ], + [ + "▁He", + "ro" + ], + [ + "▁Her", + "o" + ], + [ + "(_", + "_" + ], + [ + "(", + "__" + ], + [ + "▁un", + "cle" + ], + [ + "▁re", + "aches" + ], + [ + "▁reach", + "es" + ], + [ + "ar", + "to" + ], + [ + "art", + "o" + ], + [ + "▁h", + "ello" + ], + [ + "▁hel", + "lo" + ], + [ + "▁hell", + "o" + ], + [ + "▁", + "hello" + ], + [ + "Pre", + "ferences" + ], + [ + "▁за", + "тем" + ], + [ + "Name", + "d" + ], + [ + "Na", + "med" + ], + [ + "N", + "amed" + ], + [ + "▁re", + "aders" + ], + [ + "▁read", + "ers" + ], + [ + "▁reader", + "s" + ], + [ + "х", + "і" + ], + [ + "ke", + "rn" + ], + [ + "ker", + "n" + ], + [ + "k", + "ern" + ], + [ + "▁у", + "по" + ], + [ + "ки", + "н" + ], + [ + "к", + "ин" + ], + [ + "▁l", + "av" + ], + [ + "▁la", + "v" + ], + [ + "▁", + "lav" + ], + [ + "▁n", + "ob" + ], + [ + "▁no", + "b" + ], + [ + "▁se", + "cre" + ], + [ + "▁sec", + "re" + ], + [ + "▁List", + "View" + ], + [ + "▁", + "ListView" + ], + [ + "ва", + "ния" + ], + [ + "▁May", + "or" + ], + [ + "bo", + "rough" + ], + [ + "bor", + "ough" + ], + [ + "▁fil", + "osof" + ], + [ + "не", + "ння" + ], + [ + "нен", + "ня" + ], + [ + "фр", + "и" + ], + [ + "ф", + "ри" + ], + [ + "▁p", + "atr" + ], + [ + "▁pat", + "r" + ], + [ + "▁pa", + "tr" + ], + [ + "F", + "M" + ], + [ + "▁a", + "cid" + ], + [ + "▁ac", + "id" + ], + [ + "▁Salv", + "ador" + ], + [ + "▁a", + "bb" + ], + [ + "▁ab", + "b" + ], + [ + "▁", + "abb" + ], + [ + "▁G", + "raham" + ], + [ + "▁Gra", + "ham" + ], + [ + "pol", + "icy" + ], + [ + "neg", + "ative" + ], + [ + "ński", + "ego" + ], + [ + "ń", + "skiego" + ], + [ + "▁He", + "imat" + ], + [ + "▁d", + "azu" + ], + [ + "▁da", + "zu" + ], + [ + "▁m", + "ely" + ], + [ + "▁me", + "ly" + ], + [ + "▁mel", + "y" + ], + [ + "▁r", + "ide" + ], + [ + "▁rid", + "e" + ], + [ + "▁ri", + "de" + ], + [ + "▁", + "ride" + ], + [ + "▁du", + "ties" + ], + [ + "▁dut", + "ies" + ], + [ + "ov", + "ery" + ], + [ + "over", + "y" + ], + [ + "ove", + "ry" + ], + [ + "o", + "very" + ], + [ + "▁Pro", + "position" + ], + [ + "▁Prop", + "osition" + ], + [ + "▁Pa", + "olo" + ], + [ + "/", + "'" + ], + [ + "▁M", + "au" + ], + [ + "▁Ma", + "u" + ], + [ + "im", + "enti" + ], + [ + "iment", + "i" + ], + [ + "imen", + "ti" + ], + [ + "Sa", + "int" + ], + [ + "S", + "aint" + ], + [ + "fa", + "ther" + ], + [ + "f", + "ather" + ], + [ + "▁equ", + "ilib" + ], + [ + "ph", + "ony" + ], + [ + "phon", + "y" + ], + [ + "▁c", + "las" + ], + [ + "▁cl", + "as" + ], + [ + "▁cla", + "s" + ], + [ + "▁от", + "ли" + ], + [ + "▁Buffer", + "ed" + ], + [ + "▁Buff", + "ered" + ], + [ + "re", + "k" + ], + [ + "r", + "ek" + ], + [ + "▁m", + "itt" + ], + [ + "▁mit", + "t" + ], + [ + "▁mi", + "tt" + ], + [ + "▁", + "mitt" + ], + [ + "▁H", + "ur" + ], + [ + "▁Hu", + "r" + ], + [ + "▁Har", + "vard" + ], + [ + "▁demonstr", + "ate" + ], + [ + "ua", + "rio" + ], + [ + "u", + "ario" + ], + [ + "▁do", + "lor" + ], + [ + "▁dol", + "or" + ], + [ + "▁reject", + "ed" + ], + [ + "▁M", + "üller" + ], + [ + "▁n", + "ac" + ], + [ + "▁na", + "c" + ], + [ + "▁B", + "elle" + ], + [ + "▁Be", + "lle" + ], + [ + "▁Bel", + "le" + ], + [ + "▁Bell", + "e" + ], + [ + "▁gather", + "ed" + ], + [ + "n", + "r" + ], + [ + "fr", + "ika" + ], + [ + "fri", + "ka" + ], + [ + "öl", + "l" + ], + [ + "ö", + "ll" + ], + [ + "▁chem", + "ical" + ], + [ + "ni", + "g" + ], + [ + "n", + "ig" + ], + [ + "▁cal", + "c" + ], + [ + "▁", + "calc" + ], + [ + "▁DE", + "FAULT" + ], + [ + "▁", + "DEFAULT" + ], + [ + "▁philosoph", + "y" + ], + [ + "▁Lar", + "avel" + ], + [ + "▁al", + "ignment" + ], + [ + "▁align", + "ment" + ], + [ + "E", + "V" + ], + [ + "e", + "or" + ], + [ + "▁d", + "zie" + ], + [ + "▁dz", + "ie" + ], + [ + "▁", + "dzie" + ], + [ + "▁m", + "est" + ], + [ + "▁me", + "st" + ], + [ + "▁mes", + "t" + ], + [ + "▁I", + "o" + ], + [ + "CR", + "E" + ], + [ + "C", + "RE" + ], + [ + "з", + "ви" + ], + [ + "▁M", + "edic" + ], + [ + "▁Me", + "dic" + ], + [ + "▁Med", + "ic" + ], + [ + "▁Medi", + "c" + ], + [ + "▁n", + "ä" + ], + [ + "▁z", + "ab" + ], + [ + "▁za", + "b" + ], + [ + "▁S", + "lov" + ], + [ + "▁Sl", + "ov" + ], + [ + "▁Slo", + "v" + ], + [ + "ut", + "lich" + ], + [ + "▁am", + "plit" + ], + [ + "▁ampl", + "it" + ], + [ + "▁amp", + "lit" + ], + [ + "▁Fran", + "kreich" + ], + [ + "▁Frank", + "reich" + ], + [ + "▁к", + "іль" + ], + [ + "▁кі", + "ль" + ], + [ + "IN", + "D" + ], + [ + "I", + "ND" + ], + [ + "exec", + "ution" + ], + [ + "▁Kar", + "riere" + ], + [ + "d", + "ostęp" + ], + [ + "▁r", + "éal" + ], + [ + "▁ré", + "al" + ], + [ + "en", + "go" + ], + [ + "eng", + "o" + ], + [ + "▁se", + "vere" + ], + [ + "▁sever", + "e" + ], + [ + "зм", + "а" + ], + [ + "з", + "ма" + ], + [ + "▁тур", + "ни" + ], + [ + "▁C", + "arter" + ], + [ + "▁Car", + "ter" + ], + [ + "▁Cart", + "er" + ], + [ + "▁Rob", + "inson" + ], + [ + "▁Robin", + "son" + ], + [ + "getElement", + "sBy" + ], + [ + "▁pro", + "totype" + ], + [ + "▁proto", + "type" + ], + [ + "▁", + "prototype" + ], + [ + "▁jap", + "on" + ], + [ + "▁ja", + "pon" + ], + [ + "führ", + "ung" + ], + [ + "f", + "ührung" + ], + [ + "▁con", + "segu" + ], + [ + "▁cons", + "egu" + ], + [ + "▁conse", + "gu" + ], + [ + "▁st", + "udi" + ], + [ + "▁stud", + "i" + ], + [ + "▁l", + "ire" + ], + [ + "▁li", + "re" + ], + [ + "▁", + "lire" + ], + [ + "▁sch", + "ließ" + ], + [ + "▁", + "schließ" + ], + [ + "▁B", + "uff" + ], + [ + "▁Bu", + "ff" + ], + [ + "▁red", + "und" + ], + [ + "▁redu", + "nd" + ], + [ + "▁e", + "rn" + ], + [ + "▁er", + "n" + ], + [ + "▁", + "ern" + ], + [ + "▁my", + "ster" + ], + [ + "▁myst", + "er" + ], + [ + "▁prop", + "rio" + ], + [ + "▁propri", + "o" + ], + [ + "ate", + "ful" + ], + [ + "▁Par", + "ent" + ], + [ + "▁Pa", + "rent" + ], + [ + "▁", + "Parent" + ], + [ + "▁lad", + "ies" + ], + [ + "ra", + "ck" + ], + [ + "rac", + "k" + ], + [ + "r", + "ack" + ], + [ + "ти", + "ка" + ], + [ + "тик", + "а" + ], + [ + "en", + "burg" + ], + [ + "▁каче", + "стве" + ], + [ + "▁E", + "F" + ], + [ + "▁", + "EF" + ], + [ + "▁st", + "am" + ], + [ + "▁sta", + "m" + ], + [ + "▁nue", + "va" + ], + [ + "▁fil", + "tered" + ], + [ + "▁filter", + "ed" + ], + [ + "re", + "ten" + ], + [ + "ret", + "en" + ], + [ + "r", + "eten" + ], + [ + "▁I", + "an" + ], + [ + "▁Matt", + "hew" + ], + [ + "▁Matth", + "ew" + ], + [ + "ki", + "h" + ], + [ + "k", + "ih" + ], + [ + "▁", + "ő" + ], + [ + "▁ком", + "пози" + ], + [ + "▁for", + "ever" + ], + [ + "▁fore", + "ver" + ], + [ + "oir", + "es" + ], + [ + "oi", + "res" + ], + [ + "oire", + "s" + ], + [ + "o", + "ires" + ], + [ + ":\\", + "\\" + ], + [ + ":", + "\\\\" + ], + [ + "▁ét", + "udes" + ], + [ + "▁s", + "oup" + ], + [ + "▁so", + "up" + ], + [ + "▁sou", + "p" + ], + [ + "▁p", + "leased" + ], + [ + "▁please", + "d" + ], + [ + "▁ple", + "ased" + ], + [ + ")}", + "(" + ], + [ + ")", + "}(" + ], + [ + "▁S", + "top" + ], + [ + "▁St", + "op" + ], + [ + "▁Sto", + "p" + ], + [ + "▁", + "Stop" + ], + [ + "Set", + "ter" + ], + [ + "S", + "etter" + ], + [ + "▁He", + "lp" + ], + [ + "▁Hel", + "p" + ], + [ + "▁", + "Help" + ], + [ + "▁b", + "ars" + ], + [ + "▁bar", + "s" + ], + [ + "▁ba", + "rs" + ], + [ + "▁", + "bars" + ], + [ + "▁ER", + "R" + ], + [ + "▁", + "ERR" + ], + [ + "▁(", + "?" + ], + [ + "▁", + "(?" + ], + [ + "▁po", + "etry" + ], + [ + "▁poet", + "ry" + ], + [ + "▁U", + "til" + ], + [ + "▁Ut", + "il" + ], + [ + "▁", + "Util" + ], + [ + "A", + "K" + ], + [ + "▁f", + "ick" + ], + [ + "▁fi", + "ck" + ], + [ + "▁fic", + "k" + ], + [ + "▁I", + "M" + ], + [ + "▁", + "IM" + ], + [ + "▁pro", + "ud" + ], + [ + "▁pr", + "oud" + ], + [ + "но", + "си" + ], + [ + "нос", + "и" + ], + [ + "▁m", + "uerte" + ], + [ + "▁mu", + "erte" + ], + [ + "▁Palmar", + "ès" + ], + [ + "▁N", + "as" + ], + [ + "▁Na", + "s" + ], + [ + "щи", + "х" + ], + [ + "щ", + "их" + ], + [ + "▁qu", + "er" + ], + [ + "▁que", + "r" + ], + [ + "▁q", + "uer" + ], + [ + "▁", + "quer" + ], + [ + "▁a", + "penas" + ], + [ + "▁ap", + "enas" + ], + [ + "][", + "'" + ], + [ + "]", + "['" + ], + [ + "▁Kon", + "st" + ], + [ + "по", + "н" + ], + [ + "п", + "он" + ], + [ + "▁Sch", + "iff" + ], + [ + "▁m", + "p" + ], + [ + "▁", + "mp" + ], + [ + "▁б", + "лаго" + ], + [ + "fr", + "am" + ], + [ + "fra", + "m" + ], + [ + "f", + "ram" + ], + [ + "▁house", + "hold" + ], + [ + "▁t", + "ract" + ], + [ + "▁tr", + "act" + ], + [ + "▁tra", + "ct" + ], + [ + "▁trac", + "t" + ], + [ + "enc", + "oding" + ], + [ + "▁und", + "ert" + ], + [ + "▁under", + "t" + ], + [ + "▁", + "undert" + ], + [ + "▁A", + "ug" + ], + [ + "▁Au", + "g" + ], + [ + "ов", + "ан" + ], + [ + "ова", + "н" + ], + [ + "о", + "ван" + ], + [ + "▁Ar", + "ten" + ], + [ + "▁Art", + "en" + ], + [ + "▁Arte", + "n" + ], + [ + "▁inv", + "oked" + ], + [ + "▁invoke", + "d" + ], + [ + "▁d", + "ynast" + ], + [ + "▁fle", + "et" + ], + [ + "че", + "ство" + ], + [ + "▁Mur", + "ray" + ], + [ + "▁g", + "ut" + ], + [ + "▁gu", + "t" + ], + [ + "eli", + "hood" + ], + [ + "▁S", + "SH" + ], + [ + "▁SS", + "H" + ], + [ + "от", + "вет" + ], + [ + "▁person", + "ally" + ], + [ + "▁personal", + "ly" + ], + [ + "при", + "я" + ], + [ + "п", + "рия" + ], + [ + "▁fin", + "anci" + ], + [ + "▁finan", + "ci" + ], + [ + "▁Thom", + "pson" + ], + [ + "al", + "u" + ], + [ + "a", + "lu" + ], + [ + "id", + "entity" + ], + [ + "ident", + "ity" + ], + [ + "▁G", + "rab" + ], + [ + "▁Gr", + "ab" + ], + [ + "▁Gra", + "b" + ], + [ + "add", + "le" + ], + [ + "É", + "t" + ], + [ + "▁T", + "ob" + ], + [ + "▁To", + "b" + ], + [ + "▁ver", + "lor" + ], + [ + "▁verl", + "or" + ], + [ + "▁Saint", + "e" + ], + [ + "▁Sa", + "inte" + ], + [ + "▁Sain", + "te" + ], + [ + "▁d", + "op" + ], + [ + "▁do", + "p" + ], + [ + "▁в", + "ере" + ], + [ + "▁ве", + "ре" + ], + [ + "▁вер", + "е" + ], + [ + "__", + "_" + ], + [ + "_", + "__" + ], + [ + "▁prom", + "otion" + ], + [ + "▁-", + "=" + ], + [ + "▁от", + "де" + ], + [ + "▁amb", + "igu" + ], + [ + "▁", + "ambigu" + ], + [ + "OR", + "DER" + ], + [ + "ORD", + "ER" + ], + [ + "▁Comm", + "unic" + ], + [ + "▁Commun", + "ic" + ], + [ + "▁im", + "ply" + ], + [ + "▁imp", + "ly" + ], + [ + "▁impl", + "y" + ], + [ + "on", + "ed" + ], + [ + "one", + "d" + ], + [ + "o", + "ned" + ], + [ + "clud", + "ing" + ], + [ + "▁coll", + "ision" + ], + [ + "▁fragment", + "s" + ], + [ + "▁frag", + "ments" + ], + [ + "script", + "ion" + ], + [ + "scri", + "ption" + ], + [ + "s", + "cription" + ], + [ + "▁'", + "{" + ], + [ + "ля", + "х" + ], + [ + "л", + "ях" + ], + [ + "▁h", + "ans" + ], + [ + "▁ha", + "ns" + ], + [ + "▁han", + "s" + ], + [ + "у", + "с" + ], + [ + "wi", + "re" + ], + [ + "w", + "ire" + ], + [ + "name", + "space" + ], + [ + "names", + "pace" + ], + [ + "▁s", + "word" + ], + [ + "▁sw", + "ord" + ], + [ + "▁swo", + "rd" + ], + [ + "ref", + "resh" + ], + [ + "▁kw", + "am" + ], + [ + "z", + "s" + ], + [ + "comm", + "ons" + ], + [ + "common", + "s" + ], + [ + "▁c", + "osa" + ], + [ + "▁co", + "sa" + ], + [ + "▁cos", + "a" + ], + [ + "▁reg", + "ime" + ], + [ + "gr", + "ep" + ], + [ + "gre", + "p" + ], + [ + "g", + "rep" + ], + [ + "▁di", + "oc" + ], + [ + "▁dio", + "c" + ], + [ + "▁Cont", + "act" + ], + [ + "▁", + "Contact" + ], + [ + "▁est", + "as" + ], + [ + "▁esta", + "s" + ], + [ + "▁Ste", + "wart" + ], + [ + "▁v", + "iele" + ], + [ + "▁vi", + "ele" + ], + [ + "▁vie", + "le" + ], + [ + "▁viel", + "e" + ], + [ + "то", + "ва" + ], + [ + "тов", + "а" + ], + [ + "т", + "ова" + ], + [ + "▁R", + "an" + ], + [ + "▁Ra", + "n" + ], + [ + "an", + "nes" + ], + [ + "ann", + "es" + ], + [ + "anne", + "s" + ], + [ + "id", + "ay" + ], + [ + "ida", + "y" + ], + [ + "i", + "day" + ], + [ + "▁s", + "napshot" + ], + [ + "▁snap", + "shot" + ], + [ + "or", + "row" + ], + [ + "orr", + "ow" + ], + [ + "▁za", + "č" + ], + [ + "▁участи", + "е" + ], + [ + "▁prom", + "ised" + ], + [ + "▁promise", + "d" + ], + [ + "Ass", + "embly" + ], + [ + "▁champion", + "ship" + ], + [ + "▁champions", + "hip" + ], + [ + "▁Def", + "ine" + ], + [ + "▁e", + "ren" + ], + [ + "▁er", + "en" + ], + [ + "▁ere", + "n" + ], + [ + "▁", + "eren" + ], + [ + "▁но", + "во" + ], + [ + "▁н", + "ово" + ], + [ + "▁нов", + "о" + ], + [ + "▁", + "ново" + ], + [ + "▁th", + "inks" + ], + [ + "▁think", + "s" + ], + [ + "▁thin", + "ks" + ], + [ + "Ag", + "e" + ], + [ + "A", + "ge" + ], + [ + "▁g", + "ev" + ], + [ + "▁ge", + "v" + ], + [ + "var", + "char" + ], + [ + "v", + "archar" + ], + [ + "iv", + "ità" + ], + [ + "com", + "pos" + ], + [ + "comp", + "os" + ], + [ + "▁M", + "utter" + ], + [ + "▁Mut", + "ter" + ], + [ + "CO", + "NT" + ], + [ + "CON", + "T" + ], + [ + "arm", + "ée" + ], + [ + "ag", + "net" + ], + [ + "agn", + "et" + ], + [ + "agne", + "t" + ], + [ + "▁B", + "row" + ], + [ + "▁Br", + "ow" + ], + [ + "▁Bro", + "w" + ], + [ + ".", + "—" + ], + [ + "▁Tele", + "vision" + ], + [ + "▁Д", + "ля" + ], + [ + "▁v", + "m" + ], + [ + "▁", + "vm" + ], + [ + "▁or", + "din" + ], + [ + "▁ord", + "in" + ], + [ + "▁", + "ordin" + ], + [ + "▁Миха", + "й" + ], + [ + "▁apro", + "xim" + ], + [ + "')", + "->" + ], + [ + "'", + ")->" + ], + [ + "▁z", + "oo" + ], + [ + "▁zo", + "o" + ], + [ + "ip", + "pi" + ], + [ + "ipp", + "i" + ], + [ + "i", + "ppi" + ], + [ + "▁s", + "ino" + ], + [ + "▁si", + "no" + ], + [ + "▁sin", + "o" + ], + [ + "▁Qu", + "ébec" + ], + [ + "ra", + "ges" + ], + [ + "rag", + "es" + ], + [ + "rage", + "s" + ], + [ + "r", + "ages" + ], + [ + "ä", + "ck" + ], + [ + "ei", + "ng" + ], + [ + "ein", + "g" + ], + [ + "e", + "ing" + ], + [ + "ar", + "lo" + ], + [ + "pi", + "os" + ], + [ + "pio", + "s" + ], + [ + "p", + "ios" + ], + [ + "▁C", + "han" + ], + [ + "▁Ch", + "an" + ], + [ + "▁Cha", + "n" + ], + [ + "▁el", + "li" + ], + [ + "▁ell", + "i" + ], + [ + "▁", + "elli" + ], + [ + "▁in", + "cons" + ], + [ + "▁inc", + "ons" + ], + [ + "▁incon", + "s" + ], + [ + "gest", + "ellt" + ], + [ + "g", + "estellt" + ], + [ + "pp", + "ers" + ], + [ + "pper", + "s" + ], + [ + "ppe", + "rs" + ], + [ + "p", + "pers" + ], + [ + "Je", + "an" + ], + [ + "anst", + "alt" + ], + [ + "▁D", + "ance" + ], + [ + "▁Dan", + "ce" + ], + [ + "▁to", + "en" + ], + [ + "▁toe", + "n" + ], + [ + "▁de", + "cis" + ], + [ + "▁dec", + "is" + ], + [ + "▁Ре", + "зу" + ], + [ + "▁official", + "ly" + ], + [ + "▁offici", + "ally" + ], + [ + "ät", + "ze" + ], + [ + "ätz", + "e" + ], + [ + "▁до", + "ро" + ], + [ + "▁e", + "numer" + ], + [ + "▁en", + "umer" + ], + [ + "▁enum", + "er" + ], + [ + "▁trois", + "ième" + ], + [ + "ty", + "p" + ], + [ + "t", + "yp" + ], + [ + "of", + "fs" + ], + [ + "off", + "s" + ], + [ + "бо", + "ль" + ], + [ + "od", + "n" + ], + [ + "o", + "dn" + ], + [ + "▁Z", + "ar" + ], + [ + "▁Za", + "r" + ], + [ + "▁дру", + "го" + ], + [ + "qu", + "ia" + ], + [ + "qui", + "a" + ], + [ + "▁Nicol", + "as" + ], + [ + "▁Nic", + "olas" + ], + [ + "▁Nicola", + "s" + ], + [ + "пи", + "су" + ], + [ + "пис", + "у" + ], + [ + "▁m", + "ob" + ], + [ + "▁mo", + "b" + ], + [ + "pa", + "ces" + ], + [ + "pace", + "s" + ], + [ + "p", + "aces" + ], + [ + "нь", + "ого" + ], + [ + "ньо", + "го" + ], + [ + "Al", + "g" + ], + [ + "A", + "lg" + ], + [ + "éro", + "ï" + ], + [ + "Error", + "s" + ], + [ + "Err", + "ors" + ], + [ + "▁г", + "ре" + ], + [ + "▁", + "гре" + ], + [ + "▁жен", + "щи" + ], + [ + "in", + "ch" + ], + [ + "inc", + "h" + ], + [ + "▁Kore", + "an" + ], + [ + "▁Korea", + "n" + ], + [ + "▁A", + "post" + ], + [ + "▁Ap", + "ost" + ], + [ + "▁L", + "iver" + ], + [ + "▁Li", + "ver" + ], + [ + "▁Live", + "r" + ], + [ + "▁Liv", + "er" + ], + [ + "▁element", + "ary" + ], + [ + "▁D", + "I" + ], + [ + "▁", + "DI" + ], + [ + "ви", + "си" + ], + [ + "▁so", + "il" + ], + [ + "▁D", + "LL" + ], + [ + "▁r", + "isp" + ], + [ + "▁ris", + "p" + ], + [ + "▁ri", + "sp" + ], + [ + "▁Sh", + "akespe" + ], + [ + "▁G", + "aussian" + ], + [ + "▁K", + "urt" + ], + [ + "▁Kur", + "t" + ], + [ + "▁Ku", + "rt" + ], + [ + "Ver", + "tex" + ], + [ + "Vert", + "ex" + ], + [ + "eb", + "ol" + ], + [ + "e", + "bol" + ], + [ + "organ", + "isation" + ], + [ + "är", + "en" + ], + [ + "äre", + "n" + ], + [ + "ä", + "ren" + ], + [ + "▁Y", + "ES" + ], + [ + "▁", + "YES" + ], + [ + "C", + "UR" + ], + [ + "▁нача", + "ль" + ], + [ + "▁по", + "стро" + ], + [ + "▁пос", + "тро" + ], + [ + "▁Lu", + "igi" + ], + [ + "▁c", + "aching" + ], + [ + "prevent", + "Default" + ], + [ + "am", + "d" + ], + [ + "a", + "md" + ], + [ + "▁V", + "it" + ], + [ + "▁Vi", + "t" + ], + [ + "sub", + "st" + ], + [ + "su", + "bst" + ], + [ + "▁ст", + "рои" + ], + [ + "▁C", + "ampion" + ], + [ + "▁Camp", + "ion" + ], + [ + "ch", + "r" + ], + [ + "c", + "hr" + ], + [ + "фе", + "ре" + ], + [ + "фер", + "е" + ], + [ + "ф", + "ере" + ], + [ + "▁С", + "писок" + ], + [ + "N", + "F" + ], + [ + "▁c", + "ím" + ], + [ + "▁cí", + "m" + ], + [ + "▁h", + "é" + ], + [ + "▁", + "hé" + ], + [ + "re", + "bbe" + ], + [ + "reb", + "be" + ], + [ + "oc", + "y" + ], + [ + "o", + "cy" + ], + [ + "be", + "low" + ], + [ + "bel", + "ow" + ], + [ + "▁by", + "lo" + ], + [ + "▁byl", + "o" + ], + [ + "▁У", + "и" + ], + [ + "▁\\", + "({\\" + ], + [ + "▁\\(", + "{\\" + ], + [ + "▁`", + ":" + ], + [ + "▁", + "`:" + ], + [ + "gi", + "ore" + ], + [ + "gio", + "re" + ], + [ + "gior", + "e" + ], + [ + "g", + "iore" + ], + [ + "Sa", + "n" + ], + [ + "S", + "an" + ], + [ + "▁G", + "ate" + ], + [ + "▁Ga", + "te" + ], + [ + "▁в", + "с" + ], + [ + "▁o", + "limp" + ], + [ + "▁ol", + "imp" + ], + [ + "▁Mat", + "rix" + ], + [ + "▁", + "Matrix" + ], + [ + "▁he", + "aring" + ], + [ + "▁hear", + "ing" + ], + [ + "ri", + "i" + ], + [ + "r", + "ii" + ], + [ + "tf", + "rac" + ], + [ + "t", + "frac" + ], + [ + "▁allem", + "and" + ], + [ + "▁V", + "ue" + ], + [ + "л", + "н" + ], + [ + "▁comp", + "iling" + ], + [ + "▁E", + "ns" + ], + [ + "▁En", + "s" + ], + [ + "▁investig", + "ation" + ], + [ + "▁A", + "x" + ], + [ + "▁ch", + "ars" + ], + [ + "▁char", + "s" + ], + [ + "▁cha", + "rs" + ], + [ + "▁target", + "s" + ], + [ + "▁tar", + "gets" + ], + [ + "▁l", + "oud" + ], + [ + "▁lo", + "ud" + ], + [ + "us", + "ement" + ], + [ + "use", + "ment" + ], + [ + "▁N", + "ether" + ], + [ + "▁Ne", + "ther" + ], + [ + "▁Net", + "her" + ], + [ + "com", + "merce" + ], + [ + "IG", + "HT" + ], + [ + "oc", + "oa" + ], + [ + "oco", + "a" + ], + [ + "if", + "ecycle" + ], + [ + "ife", + "cycle" + ], + [ + "▁Le", + "o" + ], + [ + "pr", + "iv" + ], + [ + "p", + "riv" + ], + [ + "▁go", + "ods" + ], + [ + "▁good", + "s" + ], + [ + "ad", + "amente" + ], + [ + "ada", + "mente" + ], + [ + "A", + "ustral" + ], + [ + "▁re", + "boot" + ], + [ + "▁reb", + "oot" + ], + [ + "Ge", + "st" + ], + [ + "G", + "est" + ], + [ + "▁represent", + "ations" + ], + [ + "▁representation", + "s" + ], + [ + "ce", + "u" + ], + [ + "c", + "eu" + ], + [ + "▁do", + "ctrine" + ], + [ + "ce", + "rs" + ], + [ + "cer", + "s" + ], + [ + "c", + "ers" + ], + [ + "▁K", + "rak" + ], + [ + "▁Kr", + "ak" + ], + [ + "▁Kra", + "k" + ], + [ + "▁adv", + "oc" + ], + [ + "▁squad", + "ra" + ], + [ + "▁arbeit", + "ete" + ], + [ + "üs", + "t" + ], + [ + "ü", + "st" + ], + [ + "▁p", + "ill" + ], + [ + "▁pi", + "ll" + ], + [ + "▁pil", + "l" + ], + [ + "An", + "swer" + ], + [ + "▁к", + "віт" + ], + [ + "▁W", + "a" + ], + [ + "um", + "ann" + ], + [ + "uman", + "n" + ], + [ + "uma", + "nn" + ], + [ + "u", + "mann" + ], + [ + "▁D", + "ynam" + ], + [ + "▁Dy", + "nam" + ], + [ + "Fa", + "mil" + ], + [ + "F", + "amil" + ], + [ + "▁t", + "ennis" + ], + [ + "▁ten", + "nis" + ], + [ + "▁Engine", + "ering" + ], + [ + "▁circ", + "les" + ], + [ + "▁cir", + "cles" + ], + [ + "▁circle", + "s" + ], + [ + "▁Mary", + "land" + ], + [ + "▁b", + "esta" + ], + [ + "▁be", + "sta" + ], + [ + "▁best", + "a" + ], + [ + "▁bes", + "ta" + ], + [ + "▁b", + "ases" + ], + [ + "▁bas", + "es" + ], + [ + "▁base", + "s" + ], + [ + "▁znaj", + "du" + ], + [ + "ктор", + "а" + ], + [ + "кто", + "ра" + ], + [ + "к", + "тора" + ], + [ + "▁ar", + "rest" + ], + [ + "▁arr", + "est" + ], + [ + "ле", + "р" + ], + [ + "л", + "ер" + ], + [ + "▁G", + "ia" + ], + [ + "▁Gi", + "a" + ], + [ + "▁remark", + "able" + ], + [ + "▁мо", + "гу" + ], + [ + "▁Sup", + "reme" + ], + [ + "▁`", + "%" + ], + [ + "do", + "r" + ], + [ + "d", + "or" + ], + [ + "▁au", + "jourd" + ], + [ + "▁w", + "is" + ], + [ + "WID", + "TH" + ], + [ + "▁mis", + "ma" + ], + [ + "▁mism", + "a" + ], + [ + "▁fl", + "uid" + ], + [ + "▁flu", + "id" + ], + [ + "▁pet", + "ite" + ], + [ + "▁petit", + "e" + ], + [ + "▁T", + "ow" + ], + [ + "▁To", + "w" + ], + [ + "Reg", + "istry" + ], + [ + "em", + "ed" + ], + [ + "eme", + "d" + ], + [ + "e", + "med" + ], + [ + "▁Wis", + "consin" + ], + [ + "▁R", + "acing" + ], + [ + "▁Ra", + "cing" + ], + [ + "▁reg", + "istration" + ], + [ + "▁registr", + "ation" + ], + [ + "/", + "%" + ], + [ + "th", + "ird" + ], + [ + "▁mon", + "uments" + ], + [ + "▁monument", + "s" + ], + [ + "че", + "й" + ], + [ + "ч", + "ей" + ], + [ + "▁j", + "et" + ], + [ + "▁je", + "t" + ], + [ + "▁", + "jet" + ], + [ + "▁Ur", + "ban" + ], + [ + "ál", + "va" + ], + [ + "▁mil", + "ieu" + ], + [ + "▁poss", + "ess" + ], + [ + "▁g", + "erm" + ], + [ + "▁ge", + "rm" + ], + [ + "▁ger", + "m" + ], + [ + "dep", + "endencies" + ], + [ + "▁enem", + "ies" + ], + [ + "▁s", + "amen" + ], + [ + "▁sa", + "men" + ], + [ + "▁same", + "n" + ], + [ + "▁sam", + "en" + ], + [ + "▁W", + "erner" + ], + [ + "▁Wer", + "ner" + ], + [ + "▁h", + "izo" + ], + [ + "▁hi", + "zo" + ], + [ + "▁t", + "d" + ], + [ + "▁", + "td" + ], + [ + "▁y", + "esterday" + ], + [ + "▁А", + "д" + ], + [ + "▁ha", + "sn" + ], + [ + "▁has", + "n" + ], + [ + "cel", + "lation" + ], + [ + "cell", + "ation" + ], + [ + "ov", + "ání" + ], + [ + "ová", + "ní" + ], + [ + "li", + "ka" + ], + [ + "lik", + "a" + ], + [ + "l", + "ika" + ], + [ + "We", + "ek" + ], + [ + "▁I", + "ng" + ], + [ + "▁In", + "g" + ], + [ + "▁E", + "mail" + ], + [ + "▁Em", + "ail" + ], + [ + "▁", + "Email" + ], + [ + "▁m", + "ètres" + ], + [ + "▁O", + "CLC" + ], + [ + "▁among", + "st" + ], + [ + "▁spl", + "end" + ], + [ + "fu", + "r" + ], + [ + "f", + "ur" + ], + [ + "ant", + "ics" + ], + [ + "anti", + "cs" + ], + [ + "antic", + "s" + ], + [ + "▁X", + "XX" + ], + [ + "▁XX", + "X" + ], + [ + "▁", + "XXX" + ], + [ + "▁груп", + "пы" + ], + [ + "la", + "ch" + ], + [ + "lac", + "h" + ], + [ + "l", + "ach" + ], + [ + "▁c", + "ousin" + ], + [ + "▁cou", + "sin" + ], + [ + "▁in", + "variant" + ], + [ + "▁invari", + "ant" + ], + [ + "ђ", + "у" + ], + [ + "▁Be", + "ispiel" + ], + [ + "▁Bei", + "spiel" + ], + [ + "▁hard", + "er" + ], + [ + "▁har", + "der" + ], + [ + "▁b", + "ell" + ], + [ + "▁be", + "ll" + ], + [ + "▁bel", + "l" + ], + [ + "▁", + "bell" + ], + [ + "▁or", + "ch" + ], + [ + "▁", + "orch" + ], + [ + "t", + "b" + ], + [ + "Foot", + "note" + ], + [ + "re", + "gon" + ], + [ + "reg", + "on" + ], + [ + "Mart", + "in" + ], + [ + "▁in", + "con" + ], + [ + "▁inc", + "on" + ], + [ + "▁attack", + "ed" + ], + [ + "_{", + "-" + ], + [ + "_", + "{-" + ], + [ + "▁T", + "ras" + ], + [ + "▁Tr", + "as" + ], + [ + "▁Tra", + "s" + ], + [ + "par", + "ty" + ], + [ + "part", + "y" + ], + [ + "ite", + "it" + ], + [ + "▁s", + "aint" + ], + [ + "▁sa", + "int" + ], + [ + "▁sain", + "t" + ], + [ + "rás", + "ok" + ], + [ + "r", + "ások" + ], + [ + "▁contain", + "ers" + ], + [ + "▁container", + "s" + ], + [ + "M", + "o" + ], + [ + "▁S", + "n" + ], + [ + "quant", + "ity" + ], + [ + "▁r", + "as" + ], + [ + "▁ra", + "s" + ], + [ + "▁", + "ras" + ], + [ + "▁C", + "anal" + ], + [ + "▁Can", + "al" + ], + [ + "▁Ca", + "nal" + ], + [ + "cc", + "ion" + ], + [ + "c", + "cion" + ], + [ + "uv", + "o" + ], + [ + "u", + "vo" + ], + [ + "▁i", + "dx" + ], + [ + "▁id", + "x" + ], + [ + "▁", + "idx" + ], + [ + "type", + "name" + ], + [ + "typen", + "ame" + ], + [ + "typ", + "ename" + ], + [ + "▁R", + "ugby" + ], + [ + "▁Se", + "ems" + ], + [ + "▁See", + "ms" + ], + [ + "▁trans", + "mit" + ], + [ + "▁transm", + "it" + ], + [ + "▁Pr", + "äsident" + ], + [ + "з", + "не" + ], + [ + "▁B", + "aker" + ], + [ + "▁Ba", + "ker" + ], + [ + "▁Bak", + "er" + ], + [ + "in", + "th" + ], + [ + "int", + "h" + ], + [ + "i", + "nth" + ], + [ + "▁tö", + "bb" + ], + [ + "ver", + "ein" + ], + [ + "vere", + "in" + ], + [ + "▁espe", + "cie" + ], + [ + "▁espec", + "ie" + ], + [ + ",", + "(" + ], + [ + "▁t", + "éc" + ], + [ + "▁té", + "c" + ], + [ + "▁W", + "ITH" + ], + [ + "▁u", + "nos" + ], + [ + "▁un", + "os" + ], + [ + "▁uno", + "s" + ], + [ + "▁", + "unos" + ], + [ + "▁polit", + "ics" + ], + [ + "create", + "Element" + ], + [ + "▁st", + "ats" + ], + [ + "▁stat", + "s" + ], + [ + "▁sta", + "ts" + ], + [ + "▁", + "stats" + ], + [ + "▁T", + "ennessee" + ], + [ + "▁Bedeut", + "ung" + ], + [ + "▁S", + "creen" + ], + [ + "▁Sc", + "reen" + ], + [ + "▁", + "Screen" + ], + [ + "▁Stra", + "ße" + ], + [ + "an", + "ze" + ], + [ + "anz", + "e" + ], + [ + "▁part", + "ly" + ], + [ + "man", + "uel" + ], + [ + "ol", + "ation" + ], + [ + "ola", + "tion" + ], + [ + "o", + "lation" + ], + [ + "hor", + "izontal" + ], + [ + "érie", + "ure" + ], + [ + "érieur", + "e" + ], + [ + "am", + "pio" + ], + [ + "amp", + "io" + ], + [ + "▁ст", + "рук" + ], + [ + "▁", + "струк" + ], + [ + "We", + "ight" + ], + [ + "La", + "nd" + ], + [ + "L", + "and" + ], + [ + "po", + "ly" + ], + [ + "pol", + "y" + ], + [ + "p", + "oly" + ], + [ + "▁D", + "ak" + ], + [ + "▁Da", + "k" + ], + [ + "▁Ass", + "ume" + ], + [ + "\".", + "$" + ], + [ + "\"", + ".$" + ], + [ + "▁c", + "asi" + ], + [ + "▁cas", + "i" + ], + [ + "▁ca", + "si" + ], + [ + "▁g", + "ross" + ], + [ + "▁gr", + "oss" + ], + [ + "▁gro", + "ss" + ], + [ + "▁gros", + "s" + ], + [ + "▁ent", + "ertain" + ], + [ + "▁enter", + "tain" + ], + [ + "▁déc", + "ada" + ], + [ + "'.", + "$" + ], + [ + "'", + ".$" + ], + [ + "en", + "cer" + ], + [ + "ence", + "r" + ], + [ + "enc", + "er" + ], + [ + "▁guarante", + "ed" + ], + [ + "▁guarantee", + "d" + ], + [ + "]$", + "." + ], + [ + "]", + "$." + ], + [ + "ли", + "ся" + ], + [ + "▁accept", + "able" + ], + [ + "ra", + "ise" + ], + [ + "rai", + "se" + ], + [ + "rais", + "e" + ], + [ + "ir", + "us" + ], + [ + "i", + "rus" + ], + [ + "we", + "it" + ], + [ + "wei", + "t" + ], + [ + "▁А", + "на" + ], + [ + "▁Ан", + "а" + ], + [ + "▁h", + "ills" + ], + [ + "▁hill", + "s" + ], + [ + "ip", + "age" + ], + [ + "i", + "page" + ], + [ + "BI", + "T" + ], + [ + "B", + "IT" + ], + [ + "▁nu", + "cle" + ], + [ + "▁nuc", + "le" + ], + [ + "▁ut", + "ilis" + ], + [ + "▁util", + "is" + ], + [ + "CA", + "A" + ], + [ + "C", + "AA" + ], + [ + "ène", + "s" + ], + [ + "èn", + "es" + ], + [ + "è", + "nes" + ], + [ + "▁Schwe", + "iz" + ], + [ + "▁A", + "A" + ], + [ + "▁", + "AA" + ], + [ + "ning", + "er" + ], + [ + "n", + "inger" + ], + [ + "▁b", + "ands" + ], + [ + "▁band", + "s" + ], + [ + "▁ban", + "ds" + ], + [ + "▁t", + "ender" + ], + [ + "▁te", + "nder" + ], + [ + "▁ten", + "der" + ], + [ + "▁tend", + "er" + ], + [ + "so", + "m" + ], + [ + "s", + "om" + ], + [ + "W", + "arning" + ], + [ + "▁B", + "ischof" + ], + [ + "▁A", + "rc" + ], + [ + "▁Ar", + "c" + ], + [ + "▁W", + "oman" + ], + [ + "▁Wo", + "man" + ], + [ + "▁trans", + "mission" + ], + [ + "▁transm", + "ission" + ], + [ + "ч", + "ни" + ], + [ + "is", + "tre" + ], + [ + "ist", + "re" + ], + [ + "istr", + "e" + ], + [ + "i", + "stre" + ], + [ + "B", + "Y" + ], + [ + "▁S", + "I" + ], + [ + "▁", + "SI" + ], + [ + "▁П", + "ар" + ], + [ + "▁Па", + "р" + ], + [ + "▁}", + ")." + ], + [ + "▁})", + "." + ], + [ + "▁", + "})." + ], + [ + "▁present", + "a" + ], + [ + "▁pres", + "enta" + ], + [ + "▁Re", + "né" + ], + [ + "▁Ren", + "é" + ], + [ + "▁happ", + "iness" + ], + [ + "▁P", + "unk" + ], + [ + "col", + "s" + ], + [ + "co", + "ls" + ], + [ + "c", + "ols" + ], + [ + "▁Des", + "de" + ], + [ + "рё", + "х" + ], + [ + "▁м", + "она" + ], + [ + "▁мо", + "на" + ], + [ + "▁scr", + "atch" + ], + [ + "▁t", + "cp" + ], + [ + "▁", + "tcp" + ], + [ + "ête", + "s" + ], + [ + "êt", + "es" + ], + [ + "ê", + "tes" + ], + [ + "it", + "ated" + ], + [ + "ita", + "ted" + ], + [ + "itat", + "ed" + ], + [ + "itate", + "d" + ], + [ + "▁dif", + "eren" + ], + [ + "▁difer", + "en" + ], + [ + "ge", + "h" + ], + [ + "g", + "eh" + ], + [ + "na", + "hmen" + ], + [ + "nah", + "men" + ], + [ + "nahme", + "n" + ], + [ + "nahm", + "en" + ], + [ + "П", + "е" + ], + [ + "ck", + "i" + ], + [ + "c", + "ki" + ], + [ + "▁Te", + "atro" + ], + [ + "▁Re", + "member" + ], + [ + "▁Rem", + "ember" + ], + [ + "▁f", + "right" + ], + [ + "▁fr", + "ight" + ], + [ + "▁Y", + "am" + ], + [ + "▁Ya", + "m" + ], + [ + "west", + "ern" + ], + [ + "le", + "ted" + ], + [ + "let", + "ed" + ], + [ + "lete", + "d" + ], + [ + "▁в", + "стре" + ], + [ + "▁вс", + "тре" + ], + [ + "▁telep", + "ülés" + ], + [ + "зи", + "н" + ], + [ + "з", + "ин" + ], + [ + "▁Qu", + "ant" + ], + [ + "▁", + "Quant" + ], + [ + "▁su", + "pre" + ], + [ + "▁sup", + "re" + ], + [ + "áj", + "a" + ], + [ + "á", + "ja" + ], + [ + "ді", + "я" + ], + [ + "д", + "ія" + ], + [ + "▁car", + "rera" + ], + [ + "▁carre", + "ra" + ], + [ + "kre", + "t" + ], + [ + "kr", + "et" + ], + [ + "k", + "ret" + ], + [ + "par", + "a" + ], + [ + "pa", + "ra" + ], + [ + "p", + "ara" + ], + [ + "▁S", + "UM" + ], + [ + "▁SU", + "M" + ], + [ + "▁", + "SUM" + ], + [ + "▁p", + "it" + ], + [ + "▁pi", + "t" + ], + [ + "▁", + "pit" + ], + [ + "ź", + "dz" + ], + [ + "é", + "o" + ], + [ + "ре", + "ння" + ], + [ + "рен", + "ня" + ], + [ + "▁C", + "hor" + ], + [ + "▁Ch", + "or" + ], + [ + "▁Cho", + "r" + ], + [ + "▁vo", + "ix" + ], + [ + "▁exec", + "utive" + ], + [ + "▁execut", + "ive" + ], + [ + "▁all", + "erdings" + ], + [ + "May", + "be" + ], + [ + "▁д", + "ень" + ], + [ + "▁де", + "нь" + ], + [ + "▁f", + "lying" + ], + [ + "▁fl", + "ying" + ], + [ + "▁fly", + "ing" + ], + [ + "▁par", + "liament" + ], + [ + "жда", + "н" + ], + [ + "ж", + "дан" + ], + [ + "▁f", + "ram" + ], + [ + "▁fr", + "am" + ], + [ + "▁fra", + "m" + ], + [ + "▁", + "fram" + ], + [ + "▁жов", + "т" + ], + [ + "▁u", + "gly" + ], + [ + "▁бу", + "ду" + ], + [ + "ig", + "ny" + ], + [ + "ign", + "y" + ], + [ + "\\|", + "_{" + ], + [ + "\\", + "|_{" + ], + [ + "▁b", + "itter" + ], + [ + "▁bit", + "ter" + ], + [ + "sc", + "e" + ], + [ + "s", + "ce" + ], + [ + "▁p", + "ole" + ], + [ + "▁po", + "le" + ], + [ + "▁pol", + "e" + ], + [ + "▁", + "pole" + ], + [ + "Ver", + "lag" + ], + [ + "▁total", + "ité" + ], + [ + "▁found", + "ation" + ], + [ + "j", + "t" + ], + [ + "▁s", + "lice" + ], + [ + "▁sl", + "ice" + ], + [ + "▁sli", + "ce" + ], + [ + "▁", + "slice" + ], + [ + "if", + "ique" + ], + [ + "ifi", + "que" + ], + [ + "▁integr", + "ate" + ], + [ + "▁integra", + "te" + ], + [ + "st", + "rij" + ], + [ + "str", + "ij" + ], + [ + "▁asym", + "pt" + ], + [ + "▁е", + "му" + ], + [ + "▁pert", + "urb" + ], + [ + "▁F", + "low" + ], + [ + "▁Fl", + "ow" + ], + [ + "▁Flo", + "w" + ], + [ + "▁", + "Flow" + ], + [ + "jb", + "oss" + ], + [ + "RI", + "G" + ], + [ + "R", + "IG" + ], + [ + "▁A", + "less" + ], + [ + "▁Al", + "ess" + ], + [ + "▁Ale", + "ss" + ], + [ + "XX", + "X" + ], + [ + "X", + "XX" + ], + [ + "▁s", + "umm" + ], + [ + "▁su", + "mm" + ], + [ + "▁sum", + "m" + ], + [ + "sql", + "ite" + ], + [ + "▁che", + "er" + ], + [ + "pr", + "ob" + ], + [ + "pro", + "b" + ], + [ + "p", + "rob" + ], + [ + "▁G", + "PU" + ], + [ + "▁GP", + "U" + ], + [ + "zi", + "ł" + ], + [ + "z", + "ił" + ], + [ + "(*", + ")" + ], + [ + "(", + "*)" + ], + [ + "▁in", + "duct" + ], + [ + "▁ind", + "uct" + ], + [ + "▁indu", + "ct" + ], + [ + "RA", + "Y" + ], + [ + "bl", + "att" + ], + [ + "bla", + "tt" + ], + [ + "qu", + "esta" + ], + [ + "que", + "sta" + ], + [ + "quest", + "a" + ], + [ + "ques", + "ta" + ], + [ + "or", + "u" + ], + [ + "o", + "ru" + ], + [ + "▁In", + "side" + ], + [ + "▁Ins", + "ide" + ], + [ + "▁Mc", + "G" + ], + [ + "▁N", + "ep" + ], + [ + "▁Ne", + "p" + ], + [ + "м", + "п" + ], + [ + "▁in", + "ve" + ], + [ + "▁inv", + "e" + ], + [ + "▁An", + "imal" + ], + [ + "▁Anim", + "al" + ], + [ + "▁s", + "ob" + ], + [ + "▁so", + "b" + ], + [ + "▁", + "sob" + ], + [ + "ít", + "ott" + ], + [ + "loy", + "ment" + ], + [ + "▁b", + "und" + ], + [ + "▁bu", + "nd" + ], + [ + "▁", + "bund" + ], + [ + "St", + "ation" + ], + [ + "Stat", + "ion" + ], + [ + "▁B", + "EGIN" + ], + [ + "▁part", + "iellement" + ], + [ + "ig", + "g" + ], + [ + "i", + "gg" + ], + [ + "est", + "ore" + ], + [ + "esto", + "re" + ], + [ + "e", + "store" + ], + [ + "▁co", + "inc" + ], + [ + "▁coin", + "c" + ], + [ + "▁Som", + "mer" + ], + [ + "▁m", + "d" + ], + [ + "▁", + "md" + ], + [ + "▁loc", + "ked" + ], + [ + "▁lock", + "ed" + ], + [ + "▁", + "locked" + ], + [ + "math", + "char" + ], + [ + "ar", + "ma" + ], + [ + "arm", + "a" + ], + [ + "pe", + "nt" + ], + [ + "pen", + "t" + ], + [ + "p", + "ent" + ], + [ + "ar", + "ium" + ], + [ + "ari", + "um" + ], + [ + "a", + "rium" + ], + [ + "▁e", + "ars" + ], + [ + "▁ear", + "s" + ], + [ + "▁", + "ears" + ], + [ + "▁S", + "ongs" + ], + [ + "▁Son", + "gs" + ], + [ + "▁Song", + "s" + ], + [ + "▁similar", + "ly" + ], + [ + "▁liter", + "ally" + ], + [ + "▁literal", + "ly" + ], + [ + "▁in", + "ches" + ], + [ + "▁inc", + "hes" + ], + [ + "▁af", + "fection" + ], + [ + "▁aff", + "ection" + ], + [ + "▁affect", + "ion" + ], + [ + "l", + "p" + ], + [ + "▁con", + "cluded" + ], + [ + "▁conclude", + "d" + ], + [ + "▁му", + "ніципалі" + ], + [ + "▁па", + "мя" + ], + [ + "est", + "aur" + ], + [ + "esta", + "ur" + ], + [ + "▁J", + "osh" + ], + [ + "▁Jo", + "sh" + ], + [ + "▁Jos", + "h" + ], + [ + "▁F", + "ritz" + ], + [ + "▁Fr", + "itz" + ], + [ + "▁Fri", + "tz" + ], + [ + "DB", + "C" + ], + [ + "D", + "BC" + ], + [ + "д", + "ён" + ], + [ + "pos", + "a" + ], + [ + "po", + "sa" + ], + [ + "p", + "osa" + ], + [ + "▁gold", + "en" + ], + [ + "▁gol", + "den" + ], + [ + "▁p", + "c" + ], + [ + "▁", + "pc" + ], + [ + "▁com", + "te" + ], + [ + "▁Z", + "iel" + ], + [ + "▁Zie", + "l" + ], + [ + "▁prés", + "ente" + ], + [ + "▁présent", + "e" + ], + [ + "mar", + "ks" + ], + [ + "mark", + "s" + ], + [ + "m", + "arks" + ], + [ + "ig", + "neur" + ], + [ + "ign", + "eur" + ], + [ + "igne", + "ur" + ], + [ + "▁D", + "rive" + ], + [ + "▁Dr", + "ive" + ], + [ + "▁neg", + "lect" + ], + [ + "▁roz", + "p" + ], + [ + "▁F", + "ive" + ], + [ + "sp", + "aces" + ], + [ + "space", + "s" + ], + [ + "s", + "paces" + ], + [ + "▁M", + "edi" + ], + [ + "▁Me", + "di" + ], + [ + "▁Med", + "i" + ], + [ + "▁ex", + "isted" + ], + [ + "▁exist", + "ed" + ], + [ + "▁existe", + "d" + ], + [ + "▁by", + "ła" + ], + [ + "▁był", + "a" + ], + [ + "дж", + "и" + ], + [ + "д", + "жи" + ], + [ + "▁fr", + "ente" + ], + [ + "т", + "ник" + ], + [ + "od", + "d" + ], + [ + "o", + "dd" + ], + [ + "▁answer", + "ing" + ], + [ + "bi", + "an" + ], + [ + "bia", + "n" + ], + [ + "b", + "ian" + ], + [ + "▁E", + "ugen" + ], + [ + "▁Eu", + "gen" + ], + [ + "▁Eug", + "en" + ], + [ + "▁Public", + "ations" + ], + [ + "▁Pub", + "lications" + ], + [ + "▁D", + "ia" + ], + [ + "▁Di", + "a" + ], + [ + "l", + "á" + ], + [ + "▁'", + "_" + ], + [ + "▁", + "'_" + ], + [ + "▁rec", + "uper" + ], + [ + "ом", + "у" + ], + [ + "о", + "му" + ], + [ + "▁App", + "end" + ], + [ + "▁Ap", + "pend" + ], + [ + "▁", + "Append" + ], + [ + "ob", + "ar" + ], + [ + "oba", + "r" + ], + [ + "o", + "bar" + ], + [ + "▁employ", + "ees" + ], + [ + "▁employee", + "s" + ], + [ + "▁comp", + "ens" + ], + [ + "eme", + "tery" + ], + [ + "emet", + "ery" + ], + [ + "▁э", + "лект" + ], + [ + "MO", + "N" + ], + [ + "M", + "ON" + ], + [ + "ol", + "in" + ], + [ + "oli", + "n" + ], + [ + "o", + "lin" + ], + [ + "▁histor", + "ic" + ], + [ + "hi", + "s" + ], + [ + "h", + "is" + ], + [ + "ą", + "d" + ], + [ + "n", + "m" + ], + [ + "▁G", + "oth" + ], + [ + "▁Go", + "th" + ], + [ + "▁Got", + "h" + ], + [ + "▁st", + "ress" + ], + [ + "▁str", + "ess" + ], + [ + "▁stre", + "ss" + ], + [ + "▁parte", + "cip" + ], + [ + "▁A", + "w" + ], + [ + "▁s", + "ar" + ], + [ + "▁sa", + "r" + ], + [ + "▁h", + "u" + ], + [ + "▁", + "hu" + ], + [ + "▁mat", + "plotlib" + ], + [ + "▁M", + "yst" + ], + [ + "▁My", + "st" + ], + [ + "▁Mys", + "t" + ], + [ + "()", + ";`" + ], + [ + "();", + "`" + ], + [ + "(", + ");`" + ], + [ + "sch", + "ein" + ], + [ + "sc", + "hein" + ], + [ + "sche", + "in" + ], + [ + "Long", + "rightarrow" + ], + [ + "▁р", + "я" + ], + [ + "▁", + "ря" + ], + [ + "▁Is", + "ra" + ], + [ + "[", + "^" + ], + [ + "no", + "u" + ], + [ + "n", + "ou" + ], + [ + "▁syn", + "d" + ], + [ + "▁sy", + "nd" + ], + [ + "work", + "ing" + ], + [ + "wor", + "king" + ], + [ + "▁N", + "ation" + ], + [ + "▁Na", + "tion" + ], + [ + "▁Nat", + "ion" + ], + [ + "▁P", + "ent" + ], + [ + "▁Pe", + "nt" + ], + [ + "▁Pen", + "t" + ], + [ + "▁k", + "lass" + ], + [ + "▁kl", + "ass" + ], + [ + "▁klas", + "s" + ], + [ + "▁applic", + "able" + ], + [ + "▁D", + "iam" + ], + [ + "▁Di", + "am" + ], + [ + "▁Dia", + "m" + ], + [ + "▁bras", + "ile" + ], + [ + "▁p", + "ac" + ], + [ + "▁pa", + "c" + ], + [ + "▁He", + "ight" + ], + [ + "▁", + "Height" + ], + [ + "P", + "ut" + ], + [ + "▁int", + "ro" + ], + [ + "▁intr", + "o" + ], + [ + "▁", + "intro" + ], + [ + "▁unus", + "ual" + ], + [ + "na", + "s" + ], + [ + "n", + "as" + ], + [ + "▁Geb", + "äude" + ], + [ + "▁be", + "am" + ], + [ + "▁R", + "ect" + ], + [ + "▁Re", + "ct" + ], + [ + "▁Rec", + "t" + ], + [ + "▁", + "Rect" + ], + [ + "▁Prim", + "era" + ], + [ + "▁Prime", + "ra" + ], + [ + "▁h", + "aut" + ], + [ + "▁ha", + "ut" + ], + [ + "▁t", + "rait" + ], + [ + "▁tr", + "ait" + ], + [ + "▁tra", + "it" + ], + [ + "prü", + "ft" + ], + [ + "in", + "ación" + ], + [ + "ina", + "ción" + ], + [ + "▁configuration", + "s" + ], + [ + "▁configur", + "ations" + ], + [ + "▁g", + "ilt" + ], + [ + "▁gi", + "lt" + ], + [ + "▁territ", + "oire" + ], + [ + "he", + "z" + ], + [ + "h", + "ez" + ], + [ + "▁al", + "te" + ], + [ + "▁alt", + "e" + ], + [ + "rel", + "ative" + ], + [ + "Ex", + "cel" + ], + [ + "▁W", + "right" + ], + [ + "G", + "V" + ], + [ + "по", + "ли" + ], + [ + "пол", + "и" + ], + [ + "Qu", + "ant" + ], + [ + "▁ga", + "uge" + ], + [ + "▁gau", + "ge" + ], + [ + "▁multi", + "ply" + ], + [ + "▁multip", + "ly" + ], + [ + "AS", + "S" + ], + [ + "A", + "SS" + ], + [ + "ствен", + "но" + ], + [ + "ан", + "у" + ], + [ + "а", + "ну" + ], + [ + "▁j", + "eden" + ], + [ + "▁je", + "den" + ], + [ + "▁jed", + "en" + ], + [ + "▁liter", + "ary" + ], + [ + "▁D", + "ro" + ], + [ + "▁Dr", + "o" + ], + [ + "▁adv", + "ise" + ], + [ + "▁advis", + "e" + ], + [ + "it", + "zen" + ], + [ + "itz", + "en" + ], + [ + "▁dis", + "ag" + ], + [ + "web", + "site" + ], + [ + "▁д", + "ія" + ], + [ + "▁ді", + "я" + ], + [ + "▁", + "дія" + ], + [ + "▁ob", + "server" + ], + [ + "▁obser", + "ver" + ], + [ + "▁observ", + "er" + ], + [ + "▁observe", + "r" + ], + [ + "▁janu", + "ár" + ], + [ + "v", + "ě" + ], + [ + "ku", + "p" + ], + [ + "k", + "up" + ], + [ + "▁S", + "es" + ], + [ + "▁Se", + "s" + ], + [ + "▁woj", + "ew" + ], + [ + "▁st", + "ages" + ], + [ + "▁stage", + "s" + ], + [ + "▁sta", + "ges" + ], + [ + "▁stag", + "es" + ], + [ + "▁вре", + "мени" + ], + [ + "▁време", + "ни" + ], + [ + "łu", + "ż" + ], + [ + "но", + "с" + ], + [ + "н", + "ос" + ], + [ + "Down", + "load" + ], + [ + "ip", + "o" + ], + [ + "i", + "po" + ], + [ + "▁g", + "raf" + ], + [ + "▁gr", + "af" + ], + [ + "▁gra", + "f" + ], + [ + "▁ро", + "бо" + ], + [ + "▁Nik", + "ol" + ], + [ + "▁Ni", + "kol" + ], + [ + "▁f", + "ic" + ], + [ + "▁fi", + "c" + ], + [ + "▁", + "fic" + ], + [ + "▁jo", + "ining" + ], + [ + "▁join", + "ing" + ], + [ + "▁divers", + "os" + ], + [ + "▁LI", + "KE" + ], + [ + "▁F", + "itz" + ], + [ + "▁d", + "imin" + ], + [ + "▁di", + "min" + ], + [ + "▁dim", + "in" + ], + [ + "▁dist", + "rib" + ], + [ + "Sa", + "m" + ], + [ + "S", + "am" + ], + [ + "ko", + "z" + ], + [ + "k", + "oz" + ], + [ + "▁al", + "phabet" + ], + [ + "▁alpha", + "bet" + ], + [ + "os", + "er" + ], + [ + "ose", + "r" + ], + [ + "o", + "ser" + ], + [ + "OU", + "R" + ], + [ + "O", + "UR" + ], + [ + "uk", + "a" + ], + [ + "u", + "ka" + ], + [ + "ка", + "я" + ], + [ + "▁ste", + "el" + ], + [ + "▁`", + "--" + ], + [ + "▁`-", + "-" + ], + [ + "▁t", + "ener" + ], + [ + "▁te", + "ner" + ], + [ + "▁ten", + "er" + ], + [ + "mar", + "ker" + ], + [ + "mark", + "er" + ], + [ + "▁He", + "aven" + ], + [ + "new", + "command" + ], + [ + "▁prison", + "ers" + ], + [ + "▁prisoner", + "s" + ], + [ + "▁K", + "night" + ], + [ + "▁Kn", + "ight" + ], + [ + "▁present", + "s" + ], + [ + "▁pres", + "ents" + ], + [ + "▁qu", + "esti" + ], + [ + "▁quest", + "i" + ], + [ + "▁tr", + "ains" + ], + [ + "▁tra", + "ins" + ], + [ + "▁train", + "s" + ], + [ + "op", + "era" + ], + [ + "ope", + "ra" + ], + [ + "oper", + "a" + ], + [ + "▁Li", + "near" + ], + [ + "▁Lin", + "ear" + ], + [ + "▁Line", + "ar" + ], + [ + "▁", + "Linear" + ], + [ + "▁M", + "E" + ], + [ + "▁", + "ME" + ], + [ + "▁B", + "uc" + ], + [ + "▁Bu", + "c" + ], + [ + "Le", + "g" + ], + [ + "L", + "eg" + ], + [ + "▁ag", + "ua" + ], + [ + "▁", + "agua" + ], + [ + "▁Gr", + "iff" + ], + [ + "ol", + "g" + ], + [ + "o", + "lg" + ], + [ + "ds", + "t" + ], + [ + "d", + "st" + ], + [ + ".", + "\r" + ], + [ + "▁person", + "es" + ], + [ + "▁pers", + "ones" + ], + [ + "▁persone", + "s" + ], + [ + "Ma", + "l" + ], + [ + "M", + "al" + ], + [ + "бе", + "ре" + ], + [ + "бер", + "е" + ], + [ + "б", + "ере" + ], + [ + "fol", + "ge" + ], + [ + "folg", + "e" + ], + [ + "▁ac", + "ab" + ], + [ + "ct", + "u" + ], + [ + "c", + "tu" + ], + [ + "pt", + "ic" + ], + [ + "▁N", + "avigation" + ], + [ + "▁", + "Navigation" + ], + [ + "R", + "uss" + ], + [ + "га", + "ль" + ], + [ + "г", + "аль" + ], + [ + "▁F", + "ul" + ], + [ + "▁Fu", + "l" + ], + [ + "▁ма", + "є" + ], + [ + "чна", + "я" + ], + [ + "ч", + "ная" + ], + [ + "wn", + "er" + ], + [ + "w", + "ner" + ], + [ + "con", + "tra" + ], + [ + "cont", + "ra" + ], + [ + "contr", + "a" + ], + [ + "▁jou", + "eur" + ], + [ + "▁joue", + "ur" + ], + [ + "▁J", + "ess" + ], + [ + "▁Je", + "ss" + ], + [ + "▁Jes", + "s" + ], + [ + "▁re", + "new" + ], + [ + "▁ren", + "ew" + ], + [ + "▁l", + "ap" + ], + [ + "▁la", + "p" + ], + [ + "▁", + "lap" + ], + [ + "▁cas", + "ting" + ], + [ + "▁cast", + "ing" + ], + [ + "ga", + "l" + ], + [ + "g", + "al" + ], + [ + "▁tém", + "atu" + ], + [ + "▁на", + "зыва" + ], + [ + "за", + "х" + ], + [ + "ч", + "не" + ], + [ + ")-", + "\\" + ], + [ + ")", + "-\\" + ], + [ + "▁ча", + "сто" + ], + [ + "▁час", + "то" + ], + [ + "▁част", + "о" + ], + [ + "}$", + "-" + ], + [ + "}", + "$-" + ], + [ + "▁l", + "icz" + ], + [ + "▁li", + "cz" + ], + [ + "▁lic", + "z" + ], + [ + "▁e", + "mot" + ], + [ + "▁em", + "ot" + ], + [ + "ha", + "rm" + ], + [ + "har", + "m" + ], + [ + "h", + "arm" + ], + [ + "▁occasion", + "ally" + ], + [ + "▁hor", + "ror" + ], + [ + "▁ho", + "rror" + ], + [ + "ea", + "st" + ], + [ + "e", + "ast" + ], + [ + "▁pr", + "inter" + ], + [ + "▁print", + "er" + ], + [ + "▁prin", + "ter" + ], + [ + "ar", + "an" + ], + [ + "ara", + "n" + ], + [ + "a", + "ran" + ], + [ + "▁Miss", + "iss" + ], + [ + "fol", + "low" + ], + [ + "f", + "ollow" + ], + [ + "▁Bar", + "ry" + ], + [ + "▁investig", + "ate" + ], + [ + "go", + "w" + ], + [ + "g", + "ow" + ], + [ + "▁Amer", + "icans" + ], + [ + "▁American", + "s" + ], + [ + "▁America", + "ns" + ], + [ + "S", + "ince" + ], + [ + "▁від", + "о" + ], + [ + "▁ві", + "до" + ], + [ + "▁re", + "un" + ], + [ + "os", + "ci" + ], + [ + "osc", + "i" + ], + [ + "o", + "sci" + ], + [ + "▁Ch", + "apter" + ], + [ + "▁Chap", + "ter" + ], + [ + "▁b", + "ay" + ], + [ + "▁ba", + "y" + ], + [ + "▁", + "bay" + ], + [ + "ро", + "ме" + ], + [ + "ром", + "е" + ], + [ + "et", + "he" + ], + [ + "eth", + "e" + ], + [ + "e", + "the" + ], + [ + "éd", + "ie" + ], + [ + "é", + "die" + ], + [ + "com", + "ot" + ], + [ + "co", + "mot" + ], + [ + "como", + "t" + ], + [ + "▁miejs", + "cowo" + ], + [ + "▁stud", + "ierte" + ], + [ + "▁studi", + "erte" + ], + [ + "ou", + "vert" + ], + [ + "ouv", + "ert" + ], + [ + "ouve", + "rt" + ], + [ + "ouver", + "t" + ], + [ + "▁к", + "ур" + ], + [ + "▁ку", + "р" + ], + [ + "▁", + "кур" + ], + [ + "▁DE", + "SC" + ], + [ + "▁DES", + "C" + ], + [ + "▁touch", + "ed" + ], + [ + "▁tou", + "ched" + ], + [ + "▁Jer", + "ry" + ], + [ + "ue", + "se" + ], + [ + "ues", + "e" + ], + [ + "u", + "ese" + ], + [ + "ли", + "ще" + ], + [ + "auth", + "entication" + ], + [ + "authentic", + "ation" + ], + [ + "▁col", + "le" + ], + [ + "▁co", + "lle" + ], + [ + "▁coll", + "e" + ], + [ + "he", + "art" + ], + [ + "▁reg", + "iment" + ], + [ + "▁regime", + "nt" + ], + [ + "cri", + "bed" + ], + [ + "cribe", + "d" + ], + [ + "▁Бо", + "ль" + ], + [ + "▁про", + "ис" + ], + [ + "ce", + "ae" + ], + [ + "▁mass", + "es" + ], + [ + "▁sc", + "rolling" + ], + [ + "▁scroll", + "ing" + ], + [ + "us", + "to" + ], + [ + "ust", + "o" + ], + [ + "u", + "sto" + ], + [ + "S", + "W" + ], + [ + "ov", + "at" + ], + [ + "ova", + "t" + ], + [ + "o", + "vat" + ], + [ + "▁gr", + "âce" + ], + [ + "▁Архи", + "в" + ], + [ + "▁Се", + "вер" + ], + [ + "av", + "ait" + ], + [ + "ava", + "it" + ], + [ + "▁Marsh", + "all" + ], + [ + "▁Mars", + "hall" + ], + [ + "▁Hash", + "Map" + ], + [ + "▁", + "HashMap" + ], + [ + "ac", + "on" + ], + [ + "aco", + "n" + ], + [ + "a", + "con" + ], + [ + "ück", + "en" + ], + [ + "ücke", + "n" + ], + [ + "ü", + "cken" + ], + [ + "[]", + ")" + ], + [ + "[", + "])" + ], + [ + "▁ev", + "angel" + ], + [ + "et", + "zung" + ], + [ + "etz", + "ung" + ], + [ + "tt", + "emberg" + ], + [ + "st", + "ers" + ], + [ + "ste", + "rs" + ], + [ + "ster", + "s" + ], + [ + "s", + "ters" + ], + [ + "T", + "M" + ], + [ + "▁ли", + "тера" + ], + [ + "qu", + "ot" + ], + [ + "Pr", + "ed" + ], + [ + "Pre", + "d" + ], + [ + "P", + "red" + ], + [ + "▁w", + "erk" + ], + [ + "▁wer", + "k" + ], + [ + "▁", + "werk" + ], + [ + "▁ha", + "ber" + ], + [ + "▁hab", + "er" + ], + [ + "▁habe", + "r" + ], + [ + "la", + "va" + ], + [ + "lav", + "a" + ], + [ + "l", + "ava" + ], + [ + "vo", + "us" + ], + [ + "v", + "ous" + ], + [ + "▁L", + "ate" + ], + [ + "▁La", + "te" + ], + [ + "▁Lat", + "e" + ], + [ + "cy", + "cle" + ], + [ + "cyc", + "le" + ], + [ + "c", + "ycle" + ], + [ + "ти", + "рова" + ], + [ + "▁про", + "ду" + ], + [ + "▁прод", + "у" + ], + [ + "▁pop", + "ulations" + ], + [ + "▁population", + "s" + ], + [ + "▁popul", + "ations" + ], + [ + "▁Y", + "an" + ], + [ + "▁Ya", + "n" + ], + [ + "Pre", + "fix" + ], + [ + "P", + "refix" + ], + [ + "actér", + "istiques" + ], + [ + "+", + "'" + ], + [ + "()", + "`](" + ], + [ + "()`", + "](" + ], + [ + "▁Л", + "ь" + ], + [ + "фи", + "ль" + ], + [ + "▁жи", + "зни" + ], + [ + "ft", + "p" + ], + [ + "f", + "tp" + ], + [ + "▁все", + "х" + ], + [ + "▁g", + "dzie" + ], + [ + "▁v", + "idea" + ], + [ + "▁vid", + "ea" + ], + [ + "▁vide", + "a" + ], + [ + "oa", + "uth" + ], + [ + "o", + "auth" + ], + [ + "▁p", + "id" + ], + [ + "▁pi", + "d" + ], + [ + "▁", + "pid" + ], + [ + "ů", + "m" + ], + [ + "▁p", + "esso" + ], + [ + "▁pes", + "so" + ], + [ + "▁track", + "ing" + ], + [ + "▁trac", + "king" + ], + [ + "iz", + "in" + ], + [ + "izi", + "n" + ], + [ + "i", + "zin" + ], + [ + "▁Mor", + "ris" + ], + [ + "щи", + "й" + ], + [ + "▁Provin", + "z" + ], + [ + "▁M", + "itte" + ], + [ + "▁Mit", + "te" + ], + [ + "▁Mi", + "tte" + ], + [ + "▁Mitt", + "e" + ], + [ + "▁artific", + "ial" + ], + [ + "bráz", + "ky" + ], + [ + "▁до", + "сти" + ], + [ + "▁rest", + "ored" + ], + [ + "▁restore", + "d" + ], + [ + "▁resto", + "red" + ], + [ + "▁commun", + "icate" + ], + [ + "▁communic", + "ate" + ], + [ + "ag", + "it" + ], + [ + "agi", + "t" + ], + [ + "a", + "git" + ], + [ + "Rec", + "ogn" + ], + [ + "▁l", + "on" + ], + [ + "▁lo", + "n" + ], + [ + "▁", + "lon" + ], + [ + "▁за", + "ня" + ], + [ + "▁зан", + "я" + ], + [ + "▁Arg", + "ument" + ], + [ + "▁", + "Argument" + ], + [ + "fl", + "ush" + ], + [ + "flu", + "sh" + ], + [ + "ма", + "на" + ], + [ + "ман", + "а" + ], + [ + "м", + "ана" + ], + [ + "sec", + "onds" + ], + [ + "second", + "s" + ], + [ + "U", + "C" + ], + [ + "▁R", + "uth" + ], + [ + "▁Ru", + "th" + ], + [ + "▁t", + "ub" + ], + [ + "▁tu", + "b" + ], + [ + "▁B", + "ret" + ], + [ + "▁Br", + "et" + ], + [ + "▁Bre", + "t" + ], + [ + "▁P", + "ere" + ], + [ + "▁Per", + "e" + ], + [ + "▁Pe", + "re" + ], + [ + "▁respons", + "ibility" + ], + [ + "ńcz", + "y" + ], + [ + "ń", + "czy" + ], + [ + "▁environment", + "s" + ], + [ + "▁environ", + "ments" + ], + [ + "ke", + "e" + ], + [ + "k", + "ee" + ], + [ + "▁g", + "root" + ], + [ + "▁gr", + "oot" + ], + [ + "▁gro", + "ot" + ], + [ + "▁pain", + "ted" + ], + [ + "▁paint", + "ed" + ], + [ + "▁Éd", + "itions" + ], + [ + "cp", + "y" + ], + [ + "c", + "py" + ], + [ + "ár", + "t" + ], + [ + "á", + "rt" + ], + [ + "lich", + "keit" + ], + [ + "ar", + "da" + ], + [ + "ard", + "a" + ], + [ + "B", + "atch" + ], + [ + "▁Leop", + "old" + ], + [ + "re", + "ason" + ], + [ + "rea", + "son" + ], + [ + "reas", + "on" + ], + [ + "n", + "oreferrer" + ], + [ + "se", + "ns" + ], + [ + "sen", + "s" + ], + [ + "s", + "ens" + ], + [ + "▁ro", + "cks" + ], + [ + "▁rock", + "s" + ], + [ + "▁Hit", + "ler" + ], + [ + "ла", + "т" + ], + [ + "л", + "ат" + ], + [ + "▁qu", + "oted" + ], + [ + "▁quot", + "ed" + ], + [ + "▁quote", + "d" + ], + [ + "▁ко", + "лле" + ], + [ + "▁у", + "ров" + ], + [ + "ba", + "g" + ], + [ + "b", + "ag" + ], + [ + ".\"", + ")" + ], + [ + ".", + "\")" + ], + [ + "▁M", + "L" + ], + [ + "▁", + "ML" + ], + [ + "▁kom", + "t" + ], + [ + "▁ko", + "mt" + ], + [ + "▁[", + "_" + ], + [ + "▁", + "[_" + ], + [ + "▁spect", + "ral" + ], + [ + "ed", + "o" + ], + [ + "e", + "do" + ], + [ + "▁in", + "sieme" + ], + [ + "▁suffer", + "ing" + ], + [ + "▁suff", + "ering" + ], + [ + "sl", + "ider" + ], + [ + "slide", + "r" + ], + [ + "▁Kenn", + "edy" + ], + [ + "ol", + "ate" + ], + [ + "ola", + "te" + ], + [ + "o", + "late" + ], + [ + "▁P", + "atri" + ], + [ + "▁Pa", + "tri" + ], + [ + "▁Pat", + "ri" + ], + [ + "зи", + "и" + ], + [ + "O", + "H" + ], + [ + "▁те", + "а" + ], + [ + "▁пра", + "ва" + ], + [ + "▁прав", + "а" + ], + [ + "ма", + "х" + ], + [ + "re", + "write" + ], + [ + "rew", + "rite" + ], + [ + "r", + "ewrite" + ], + [ + "▁Eins", + "atz" + ], + [ + "ex", + "ternal" + ], + [ + "ext", + "ernal" + ], + [ + "hol", + "ds" + ], + [ + "hold", + "s" + ], + [ + "h", + "olds" + ], + [ + "▁P", + "laces" + ], + [ + "▁Pl", + "aces" + ], + [ + "▁Pla", + "ces" + ], + [ + "▁Place", + "s" + ], + [ + "at", + "ype" + ], + [ + "aty", + "pe" + ], + [ + "a", + "type" + ], + [ + "▁vul", + "ner" + ], + [ + "▁abandon", + "ed" + ], + [ + "Or", + "igin" + ], + [ + "Ori", + "gin" + ], + [ + "▁max", + "imal" + ], + [ + "▁maxim", + "al" + ], + [ + "AA", + "AA" + ], + [ + "▁Base", + "ball" + ], + [ + "▁C", + "lose" + ], + [ + "▁Cl", + "ose" + ], + [ + "▁Clo", + "se" + ], + [ + "▁", + "Close" + ], + [ + "▁pa", + "inter" + ], + [ + "▁pain", + "ter" + ], + [ + "▁paint", + "er" + ], + [ + "▁assign", + "ing" + ], + [ + "N", + "B" + ], + [ + "bl", + "ast" + ], + [ + "bla", + "st" + ], + [ + "b", + "last" + ], + [ + "▁K", + "ünstler" + ], + [ + ")]", + "(" + ], + [ + ")", + "](" + ], + [ + "fa", + "ch" + ], + [ + "fac", + "h" + ], + [ + "f", + "ach" + ], + [ + "▁Const", + "antin" + ], + [ + "▁Constant", + "in" + ], + [ + "ok", + "es" + ], + [ + "oke", + "s" + ], + [ + "o", + "kes" + ], + [ + "▁no", + "body" + ], + [ + "▁nob", + "ody" + ], + [ + "▁subt", + "ract" + ], + [ + "▁fos", + "se" + ], + [ + "▁foss", + "e" + ], + [ + "▁cert", + "ific" + ], + [ + "▁m", + "use" + ], + [ + "▁mus", + "e" + ], + [ + "▁mu", + "se" + ], + [ + "/)", + "," + ], + [ + "/", + ")," + ], + [ + "▁Pro", + "fil" + ], + [ + "▁Prof", + "il" + ], + [ + "▁pro", + "xim" + ], + [ + "▁Jer", + "usalem" + ], + [ + "▁simp", + "licity" + ], + [ + "▁simpl", + "icity" + ], + [ + "▁w", + "sz" + ], + [ + "▁ws", + "z" + ], + [ + "NUM", + "BER" + ], + [ + "utt", + "avia" + ], + [ + "U", + "ITableView" + ], + [ + "ich", + "ter" + ], + [ + "icht", + "er" + ], + [ + "ichte", + "r" + ], + [ + "i", + "chter" + ], + [ + "жа", + "н" + ], + [ + "ж", + "ан" + ], + [ + "▁L", + "av" + ], + [ + "▁La", + "v" + ], + [ + "it", + "chen" + ], + [ + "itch", + "en" + ], + [ + "▁Ч", + "ем" + ], + [ + "▁Че", + "м" + ], + [ + "T", + "u" + ], + [ + "▁ge", + "om" + ], + [ + "▁zv", + "uky" + ], + [ + "▁Sur", + "vey" + ], + [ + "AN", + "CE" + ], + [ + "▁enc", + "rypted" + ], + [ + "▁encrypt", + "ed" + ], + [ + "pr", + "of" + ], + [ + "pro", + "f" + ], + [ + "▁d", + "are" + ], + [ + "▁da", + "re" + ], + [ + "▁dar", + "e" + ], + [ + "▁L", + "oren" + ], + [ + "▁Lo", + "ren" + ], + [ + "▁Lor", + "en" + ], + [ + "т", + "в" + ], + [ + "▁А", + "лек" + ], + [ + "▁Ал", + "ек" + ], + [ + "▁comput", + "ers" + ], + [ + "▁computer", + "s" + ], + [ + "▁compute", + "rs" + ], + [ + "▁expect", + "ation" + ], + [ + "▁substant", + "ial" + ], + [ + "▁Д", + "ми" + ], + [ + "▁`", + "{" + ], + [ + "▁д", + "ра" + ], + [ + "▁др", + "а" + ], + [ + "▁", + "дра" + ], + [ + "ub", + "ble" + ], + [ + "▁per", + "forms" + ], + [ + "▁perform", + "s" + ], + [ + "▁Kr", + "ieg" + ], + [ + "▁Krie", + "g" + ], + [ + "▁in", + "coming" + ], + [ + "▁inc", + "oming" + ], + [ + "▁Class", + "ification" + ], + [ + "Web", + "View" + ], + [ + "▁epis", + "odes" + ], + [ + "▁episode", + "s" + ], + [ + "ap", + "per" + ], + [ + "app", + "er" + ], + [ + "appe", + "r" + ], + [ + "a", + "pper" + ], + [ + "äu", + "fig" + ], + [ + "▁gi", + "ov" + ], + [ + "▁De", + "part" + ], + [ + "▁Dep", + "art" + ], + [ + "бо", + "ра" + ], + [ + "бор", + "а" + ], + [ + "ed", + "ly" + ], + [ + "os", + "pod" + ], + [ + "osp", + "od" + ], + [ + "▁p", + "tr" + ], + [ + "▁pt", + "r" + ], + [ + "▁", + "ptr" + ], + [ + "▁d", + "átum" + ], + [ + "▁est", + "imation" + ], + [ + "▁estim", + "ation" + ], + [ + "ic", + "ole" + ], + [ + "ico", + "le" + ], + [ + "icol", + "e" + ], + [ + "i", + "cole" + ], + [ + "▁-", + "---" + ], + [ + "▁--", + "--" + ], + [ + "▁---", + "-" + ], + [ + "▁", + "----" + ], + [ + "▁prin", + "ces" + ], + [ + "▁prince", + "s" + ], + [ + "HE", + "AD" + ], + [ + "▁diff", + "usion" + ], + [ + "▁diffus", + "ion" + ], + [ + "▁d", + "rie" + ], + [ + "▁dr", + "ie" + ], + [ + "▁dri", + "e" + ], + [ + "▁A", + "da" + ], + [ + "▁Ad", + "a" + ], + [ + "ни", + "це" + ], + [ + "ниц", + "е" + ], + [ + "ng", + "inx" + ], + [ + "n", + "ginx" + ], + [ + "sh", + "al" + ], + [ + "sha", + "l" + ], + [ + "s", + "hal" + ], + [ + "▁febru", + "ari" + ], + [ + "▁T", + "at" + ], + [ + "▁Ta", + "t" + ], + [ + "lo", + "oking" + ], + [ + "look", + "ing" + ], + [ + "ku", + "nd" + ], + [ + "k", + "und" + ], + [ + "▁De", + "an" + ], + [ + "m", + "ongodb" + ], + [ + "вши", + "х" + ], + [ + "в", + "ших" + ], + [ + "▁A", + "ur" + ], + [ + "▁Au", + "r" + ], + [ + "▁Fl", + "ora" + ], + [ + "▁Flor", + "a" + ], + [ + "▁Flo", + "ra" + ], + [ + "▁Stud", + "ios" + ], + [ + "▁Studio", + "s" + ], + [ + "ци", + "је" + ], + [ + "ei", + "l" + ], + [ + "e", + "il" + ], + [ + "Inst", + "all" + ], + [ + "▁f", + "ranch" + ], + [ + "▁fr", + "anch" + ], + [ + "▁fran", + "ch" + ], + [ + "▁franc", + "h" + ], + [ + "▁H", + "MS" + ], + [ + "▁pract", + "ices" + ], + [ + "▁practice", + "s" + ], + [ + "le", + "j" + ], + [ + "l", + "ej" + ], + [ + "da", + "le" + ], + [ + "dal", + "e" + ], + [ + "d", + "ale" + ], + [ + "▁po", + "ste" + ], + [ + "▁pos", + "te" + ], + [ + "▁post", + "e" + ], + [ + "▁H", + "els" + ], + [ + "▁He", + "ls" + ], + [ + "▁Hel", + "s" + ], + [ + "▁reli", + "able" + ], + [ + "źdz", + "ier" + ], + [ + "▁ver", + "se" + ], + [ + "▁vers", + "e" + ], + [ + "▁", + "verse" + ], + [ + "er", + "meister" + ], + [ + "erme", + "ister" + ], + [ + "▁qu", + "it" + ], + [ + "▁qui", + "t" + ], + [ + "▁q", + "uit" + ], + [ + "▁", + "quit" + ], + [ + "ét", + "ico" + ], + [ + "il", + "is" + ], + [ + "ili", + "s" + ], + [ + "i", + "lis" + ], + [ + "ed", + "or" + ], + [ + "edo", + "r" + ], + [ + "e", + "dor" + ], + [ + "▁Cult", + "ural" + ], + [ + "▁Cultura", + "l" + ], + [ + "дж", + "е" + ], + [ + "д", + "же" + ], + [ + "▁li", + "ked" + ], + [ + "▁like", + "d" + ], + [ + "▁lik", + "ed" + ], + [ + "▁m", + "ongodb" + ], + [ + "▁mongo", + "db" + ], + [ + "▁", + "mongodb" + ], + [ + "▁Broad", + "way" + ], + [ + "▁I", + "R" + ], + [ + "▁", + "IR" + ], + [ + "es", + "zt" + ], + [ + "esz", + "t" + ], + [ + "ho", + "v" + ], + [ + "h", + "ov" + ], + [ + "▁m", + "íst" + ], + [ + "▁mí", + "st" + ], + [ + "re", + "iche" + ], + [ + "reich", + "e" + ], + [ + "rei", + "che" + ], + [ + "▁k", + "B" + ], + [ + "ст", + "ом" + ], + [ + "сто", + "м" + ], + [ + "с", + "том" + ], + [ + "▁SQL", + "ite" + ], + [ + "▁tor", + "neo" + ], + [ + "\\", + "." + ], + [ + "Or", + "d" + ], + [ + "O", + "rd" + ], + [ + "▁Admin", + "istration" + ], + [ + "▁Administr", + "ation" + ], + [ + "▁з", + "да" + ], + [ + "▁", + "зда" + ], + [ + "▁H", + "inter" + ], + [ + "▁Hin", + "ter" + ], + [ + "▁V", + "ia" + ], + [ + "▁Vi", + "a" + ], + [ + "Dec", + "imal" + ], + [ + "or", + "ious" + ], + [ + "ori", + "ous" + ], + [ + "orio", + "us" + ], + [ + "▁nécess", + "aire" + ], + [ + "w", + "x" + ], + [ + "▁t", + "ej" + ], + [ + "▁te", + "j" + ], + [ + "▁t", + "ema" + ], + [ + "▁te", + "ma" + ], + [ + "▁tem", + "a" + ], + [ + "O", + "brázky" + ], + [ + "ри", + "те" + ], + [ + "рит", + "е" + ], + [ + "▁build", + "s" + ], + [ + "▁l", + "aten" + ], + [ + "▁la", + "ten" + ], + [ + "▁lat", + "en" + ], + [ + "▁late", + "n" + ], + [ + "▁г", + "г" + ], + [ + "Vis", + "ibility" + ], + [ + "lä", + "u" + ], + [ + "l", + "äu" + ], + [ + "▁se", + "chs" + ], + [ + "▁sec", + "hs" + ], + [ + "▁лу", + "ч" + ], + [ + "ce", + "ra" + ], + [ + "cer", + "a" + ], + [ + "c", + "era" + ], + [ + "Co", + "uld" + ], + [ + "C", + "ould" + ], + [ + "▁tra", + "ject" + ], + [ + "}}", + "^{" + ], + [ + "}}^", + "{" + ], + [ + "}", + "}^{" + ], + [ + "▁Jap", + "on" + ], + [ + "▁Ja", + "pon" + ], + [ + "an", + "other" + ], + [ + "ano", + "ther" + ], + [ + "I", + "K" + ], + [ + "▁belong", + "ing" + ], + [ + "▁fac", + "ilities" + ], + [ + "▁facil", + "ities" + ], + [ + "▁D", + "aily" + ], + [ + "▁Da", + "ily" + ], + [ + "▁de", + "ce" + ], + [ + "▁dec", + "e" + ], + [ + "int", + "ro" + ], + [ + "▁слу", + "ча" + ], + [ + "Name", + "space" + ], + [ + "Names", + "pace" + ], + [ + "▁B", + "ak" + ], + [ + "▁Ba", + "k" + ], + [ + "loc", + "ale" + ], + [ + "local", + "e" + ], + [ + "U", + "G" + ], + [ + "=$", + "{" + ], + [ + "=", + "${" + ], + [ + "▁comp", + "añ" + ], + [ + "ją", + "c" + ], + [ + "j", + "ąc" + ], + [ + "▁ar", + "ithmetic" + ], + [ + "fo", + "rum" + ], + [ + "for", + "um" + ], + [ + "f", + "orum" + ], + [ + "▁por", + "ta" + ], + [ + "▁port", + "a" + ], + [ + "on", + "k" + ], + [ + "▁g", + "ender" + ], + [ + "▁ge", + "nder" + ], + [ + "▁gen", + "der" + ], + [ + "▁", + "gender" + ], + [ + "▁expect", + "s" + ], + [ + "б", + "ка" + ], + [ + "▁n", + "ak" + ], + [ + "▁na", + "k" + ], + [ + "▁", + "nak" + ], + [ + "▁G", + "race" + ], + [ + "▁Gr", + "ace" + ], + [ + "▁Gra", + "ce" + ], + [ + "▁st", + "ro" + ], + [ + "▁str", + "o" + ], + [ + "ivid", + "ual" + ], + [ + "▁C", + "OM" + ], + [ + "▁CO", + "M" + ], + [ + "▁", + "COM" + ], + [ + "▁F", + "arm" + ], + [ + "▁Fa", + "rm" + ], + [ + "▁Far", + "m" + ], + [ + "▁c", + "anton" + ], + [ + "▁can", + "ton" + ], + [ + "▁cant", + "on" + ], + [ + "то", + "му" + ], + [ + "том", + "у" + ], + [ + "т", + "ому" + ], + [ + "java", + "x" + ], + [ + "jav", + "ax" + ], + [ + "се", + "й" + ], + [ + "с", + "ей" + ], + [ + "▁brief", + "ly" + ], + [ + "Fa", + "ce" + ], + [ + "F", + "ace" + ], + [ + "rot", + "ate" + ], + [ + "const", + "ant" + ], + [ + "▁g", + "allery" + ], + [ + "▁gall", + "ery" + ], + [ + "ast", + "ro" + ], + [ + "astr", + "o" + ], + [ + "all", + "ery" + ], + [ + "alle", + "ry" + ], + [ + "aller", + "y" + ], + [ + "▁D", + "J" + ], + [ + "char", + "ge" + ], + [ + "charg", + "e" + ], + [ + "ходи", + "ть" + ], + [ + "ходит", + "ь" + ], + [ + "C", + "ent" + ], + [ + "\\\"", + "," + ], + [ + "\\", + "\"," + ], + [ + "▁d", + "onna" + ], + [ + "▁don", + "na" + ], + [ + "▁donn", + "a" + ], + [ + "ar", + "ca" + ], + [ + "arc", + "a" + ], + [ + "la", + "de" + ], + [ + "lad", + "e" + ], + [ + "l", + "ade" + ], + [ + "zi", + "n" + ], + [ + "z", + "in" + ], + [ + "▁N", + "ed" + ], + [ + "▁Ne", + "d" + ], + [ + "▁host", + "ing" + ], + [ + "▁hos", + "ting" + ], + [ + "id", + "or" + ], + [ + "ido", + "r" + ], + [ + "i", + "dor" + ], + [ + "it", + "ative" + ], + [ + "itat", + "ive" + ], + [ + "ig", + "s" + ], + [ + "i", + "gs" + ], + [ + "▁п", + "ря" + ], + [ + "▁пр", + "я" + ], + [ + "▁t", + "icket" + ], + [ + "▁tick", + "et" + ], + [ + "▁ti", + "cket" + ], + [ + "▁stud", + "ying" + ], + [ + "▁study", + "ing" + ], + [ + "▁des", + "igner" + ], + [ + "▁design", + "er" + ], + [ + "lap", + "sed" + ], + [ + "lapse", + "d" + ], + [ + "laps", + "ed" + ], + [ + "l", + "apsed" + ], + [ + "▁la", + "at" + ], + [ + "▁d", + "ix" + ], + [ + "▁di", + "x" + ], + [ + "▁integr", + "ated" + ], + [ + "▁integrate", + "d" + ], + [ + "▁integra", + "ted" + ], + [ + "▁in", + "formed" + ], + [ + "▁inform", + "ed" + ], + [ + "▁be", + "have" + ], + [ + "▁beh", + "ave" + ], + [ + "▁behav", + "e" + ], + [ + "▁la", + "bour" + ], + [ + "▁lab", + "our" + ], + [ + "est", + "ellt" + ], + [ + "cal", + "endar" + ], + [ + "▁k", + "illing" + ], + [ + "▁kil", + "ling" + ], + [ + "▁kill", + "ing" + ], + [ + "▁tw", + "itter" + ], + [ + "▁", + "twitter" + ], + [ + "ia", + "e" + ], + [ + "i", + "ae" + ], + [ + "▁histor", + "ique" + ], + [ + "DE", + "FAULT" + ], + [ + "ia", + "ła" + ], + [ + "iał", + "a" + ], + [ + "i", + "ała" + ], + [ + "▁theoret", + "ical" + ], + [ + "▁un", + "ders" + ], + [ + "▁und", + "ers" + ], + [ + "▁under", + "s" + ], + [ + "ля", + "ет" + ], + [ + "at", + "an" + ], + [ + "ata", + "n" + ], + [ + "a", + "tan" + ], + [ + "▁s", + "urname" + ], + [ + "▁sur", + "name" + ], + [ + "▁inter", + "cept" + ], + [ + "гла", + "сно" + ], + [ + "▁општи", + "ни" + ], + [ + "▁t", + "ired" + ], + [ + "▁tir", + "ed" + ], + [ + "▁ti", + "red" + ], + [ + "▁B", + "eth" + ], + [ + "▁Be", + "th" + ], + [ + "▁Bet", + "h" + ], + [ + "▁ад", + "министратив" + ], + [ + "L", + "i" + ], + [ + "▁Т", + "ур" + ], + [ + "▁Ту", + "р" + ], + [ + "▁Sc", + "anner" + ], + [ + "▁S", + "tern" + ], + [ + "▁St", + "ern" + ], + [ + "▁Ste", + "rn" + ], + [ + "▁Ster", + "n" + ], + [ + "▁вме", + "сте" + ], + [ + "▁report", + "ing" + ], + [ + "▁s", + "ull" + ], + [ + "▁su", + "ll" + ], + [ + "▁sul", + "l" + ], + [ + "ци", + "ей" + ], + [ + "ber", + "ts" + ], + [ + "bert", + "s" + ], + [ + "og", + "onal" + ], + [ + "ogo", + "nal" + ], + [ + "ő", + "k" + ], + [ + "▁i", + "psum" + ], + [ + "▁ip", + "sum" + ], + [ + "▁seu", + "lement" + ], + [ + "▁seul", + "ement" + ], + [ + "▁seule", + "ment" + ], + [ + "▁Se", + "iten" + ], + [ + "▁Seit", + "en" + ], + [ + "▁Seite", + "n" + ], + [ + "word", + "press" + ], + [ + "▁fe", + "aturing" + ], + [ + "ist", + "ischen" + ], + [ + "isti", + "schen" + ], + [ + "istische", + "n" + ], + [ + "ju", + "b" + ], + [ + "j", + "ub" + ], + [ + "▁é", + "tr" + ], + [ + "▁ét", + "r" + ], + [ + "▁", + "étr" + ], + [ + "▁t", + "ea" + ], + [ + "▁te", + "a" + ], + [ + "▁adapt", + "ed" + ], + [ + "▁sc", + "ales" + ], + [ + "▁scale", + "s" + ], + [ + "▁scal", + "es" + ], + [ + "▁n", + "an" + ], + [ + "▁na", + "n" + ], + [ + "▁", + "nan" + ], + [ + "get", + "Value" + ], + [ + "▁Bl", + "ues" + ], + [ + "▁Blue", + "s" + ], + [ + "ac", + "les" + ], + [ + "acle", + "s" + ], + [ + "a", + "cles" + ], + [ + "▁st", + "ati" + ], + [ + "▁stat", + "i" + ], + [ + "▁sta", + "ti" + ], + [ + "▁ent", + "itled" + ], + [ + "▁R", + "alph" + ], + [ + "gra", + "vity" + ], + [ + "▁entre", + "pr" + ], + [ + "któ", + "ber" + ], + [ + "li", + "mat" + ], + [ + "lim", + "at" + ], + [ + "l", + "imat" + ], + [ + "li", + "s" + ], + [ + "l", + "is" + ], + [ + "De", + "mo" + ], + [ + "D", + "emo" + ], + [ + "re", + "lation" + ], + [ + "rel", + "ation" + ], + [ + "▁n", + "ep" + ], + [ + "▁ne", + "p" + ], + [ + "pro", + "wad" + ], + [ + "it", + "is" + ], + [ + "iti", + "s" + ], + [ + "i", + "tis" + ], + [ + "▁p", + "up" + ], + [ + "▁pu", + "p" + ], + [ + "neh", + "mer" + ], + [ + "nehm", + "er" + ], + [ + "▁disapp", + "oint" + ], + [ + "▁et", + "was" + ], + [ + "▁etwa", + "s" + ], + [ + "an", + "non" + ], + [ + "ann", + "on" + ], + [ + "anno", + "n" + ], + [ + "▁appro", + "ved" + ], + [ + "▁cl", + "ever" + ], + [ + "▁cle", + "ver" + ], + [ + "Lo", + "ading" + ], + [ + "Load", + "ing" + ], + [ + "▁ver", + "z" + ], + [ + "▁ve", + "rz" + ], + [ + "res", + "se" + ], + [ + "ress", + "e" + ], + [ + "r", + "esse" + ], + [ + "▁insp", + "ir" + ], + [ + "▁sam", + "pling" + ], + [ + "▁B", + "ek" + ], + [ + "▁Be", + "k" + ], + [ + "})", + "$." + ], + [ + "})$", + "." + ], + [ + "}", + ")$." + ], + [ + "▁г", + "рома" + ], + [ + "▁spe", + "cie" + ], + [ + "▁spec", + "ie" + ], + [ + "▁re", + "pub" + ], + [ + "▁rep", + "ub" + ], + [ + "▁lo", + "ader" + ], + [ + "▁load", + "er" + ], + [ + "▁", + "loader" + ], + [ + "▁e", + "rf" + ], + [ + "▁er", + "f" + ], + [ + "▁should", + "er" + ], + [ + "ra", + "is" + ], + [ + "rai", + "s" + ], + [ + "r", + "ais" + ], + [ + "▁ма", + "те" + ], + [ + "▁мат", + "е" + ], + [ + "▁Mon", + "th" + ], + [ + "▁Mont", + "h" + ], + [ + "▁Mo", + "nth" + ], + [ + "▁", + "Month" + ], + [ + "Sc", + "ene" + ], + [ + "▁block", + "ing" + ], + [ + "▁o", + "cean" + ], + [ + "ge", + "ben" + ], + [ + "geb", + "en" + ], + [ + "g", + "eben" + ], + [ + "▁Kil", + "ometer" + ], + [ + "▁b", + "edeut" + ], + [ + "▁M", + "ix" + ], + [ + "▁Mi", + "x" + ], + [ + "fm", + "t" + ], + [ + "f", + "mt" + ], + [ + "▁Nor", + "weg" + ], + [ + "▁ID", + "s" + ], + [ + "par", + "allel" + ], + [ + "▁ant", + "icip" + ], + [ + "▁anti", + "cip" + ], + [ + "▁re", + "vis" + ], + [ + "▁rev", + "is" + ], + [ + "ха", + "н" + ], + [ + "х", + "ан" + ], + [ + "▁с", + "вет" + ], + [ + "▁све", + "т" + ], + [ + "CA", + "SE" + ], + [ + "C", + "ASE" + ], + [ + "▁f", + "ührt" + ], + [ + "▁führ", + "t" + ], + [ + "▁", + "führt" + ], + [ + "▁at", + "omic" + ], + [ + "▁atom", + "ic" + ], + [ + "▁", + "atomic" + ], + [ + "▁dark", + "ness" + ], + [ + "▁Fußball", + "spieler" + ], + [ + "▁Ж", + "и" + ], + [ + "quis", + "ition" + ], + [ + "▁S", + "ieg" + ], + [ + "▁Sie", + "g" + ], + [ + "▁Si", + "eg" + ], + [ + "C", + "irc" + ], + [ + "▁c", + "ientí" + ], + [ + "ne", + "lle" + ], + [ + "nel", + "le" + ], + [ + "nell", + "e" + ], + [ + "n", + "elle" + ], + [ + "SH", + "A" + ], + [ + "S", + "HA" + ], + [ + "▁u", + "rb" + ], + [ + "▁ur", + "b" + ], + [ + "▁", + "urb" + ], + [ + "▁k", + "si" + ], + [ + "leq", + "slant" + ], + [ + "▁ф", + "рон" + ], + [ + "▁de", + "fect" + ], + [ + "▁def", + "ect" + ], + [ + "▁defe", + "ct" + ], + [ + "▁r", + "á" + ], + [ + "▁", + "rá" + ], + [ + "▁strong", + "er" + ], + [ + "▁p", + "ł" + ], + [ + "▁commun", + "ities" + ], + [ + "ни", + "на" + ], + [ + "нин", + "а" + ], + [ + "en", + "as" + ], + [ + "ena", + "s" + ], + [ + "e", + "nas" + ], + [ + "ienne", + "nt" + ], + [ + "ienn", + "ent" + ], + [ + "▁safe", + "ly" + ], + [ + "▁saf", + "ely" + ], + [ + "▁т", + "я" + ], + [ + "▁", + "тя" + ], + [ + "▁ben", + "chmark" + ], + [ + "▁Bra", + "un" + ], + [ + "method", + "s" + ], + [ + "arg", + "ument" + ], + [ + "vo", + "s" + ], + [ + "v", + "os" + ], + [ + "ob", + "ox" + ], + [ + "o", + "box" + ], + [ + "ро", + "ви" + ], + [ + "ров", + "и" + ], + [ + "р", + "ови" + ], + [ + "▁recher", + "che" + ], + [ + "m", + "n" + ], + [ + "▁br", + "ings" + ], + [ + "▁bring", + "s" + ], + [ + "m", + "achine" + ], + [ + "CE", + "SS" + ], + [ + "CES", + "S" + ], + [ + "host", + "s" + ], + [ + "hos", + "ts" + ], + [ + "▁N", + "Y" + ], + [ + "Aut", + "ow" + ], + [ + "Auto", + "w" + ], + [ + "▁сов", + "ремен" + ], + [ + "▁G", + "ary" + ], + [ + "▁Gar", + "y" + ], + [ + "▁Ga", + "ry" + ], + [ + "▁s", + "ensor" + ], + [ + "▁sens", + "or" + ], + [ + "▁document", + "ed" + ], + [ + "▁pr", + "endre" + ], + [ + "▁prend", + "re" + ], + [ + "▁pe", + "er" + ], + [ + "en", + "ix" + ], + [ + "eni", + "x" + ], + [ + "ha", + "i" + ], + [ + "h", + "ai" + ], + [ + "ar", + "be" + ], + [ + "цен", + "т" + ], + [ + "ц", + "ент" + ], + [ + "_", + "(" + ], + [ + "▁U", + "RI" + ], + [ + "▁", + "URI" + ], + [ + "ев", + "а" + ], + [ + "е", + "ва" + ], + [ + "▁Re", + "gie" + ], + [ + "▁Reg", + "ie" + ], + [ + "▁Mon", + "ument" + ], + [ + "▁onder", + "werp" + ], + [ + "B", + "ag" + ], + [ + "ti", + "t" + ], + [ + "t", + "it" + ], + [ + "▁st", + "ir" + ], + [ + "▁n", + "erv" + ], + [ + "▁ne", + "rv" + ], + [ + "▁ner", + "v" + ], + [ + "стор", + "ія" + ], + [ + "▁s", + "ov" + ], + [ + "▁so", + "v" + ], + [ + "▁writ", + "ers" + ], + [ + "▁write", + "rs" + ], + [ + "▁writer", + "s" + ], + [ + "▁sort", + "s" + ], + [ + "▁sor", + "ts" + ], + [ + "ab", + "solute" + ], + [ + "▁difficult", + "ies" + ], + [ + "▁par", + "lament" + ], + [ + "▁parl", + "ament" + ], + [ + "▁IE", + "numerable" + ], + [ + "▁dis", + "sol" + ], + [ + "▁diss", + "ol" + ], + [ + "▁CH", + "ECK" + ], + [ + "ar", + "ina" + ], + [ + "ari", + "na" + ], + [ + "arin", + "a" + ], + [ + "in", + "burgh" + ], + [ + "D", + "M" + ], + [ + "▁e", + "ind" + ], + [ + "▁ein", + "d" + ], + [ + "▁bud", + "get" + ], + [ + "▁cert", + "ains" + ], + [ + "▁certain", + "s" + ], + [ + "▁för", + "sta" + ], + [ + "▁först", + "a" + ], + [ + "an", + "ja" + ], + [ + "a", + "nja" + ], + [ + "▁го", + "дов" + ], + [ + "▁год", + "ов" + ], + [ + "▁т", + "ек" + ], + [ + "▁те", + "к" + ], + [ + "▁", + "тек" + ], + [ + "▁D", + "uch" + ], + [ + "▁Du", + "ch" + ], + [ + "▁Duc", + "h" + ], + [ + "gu", + "i" + ], + [ + "g", + "ui" + ], + [ + "▁Te", + "ams" + ], + [ + "▁Team", + "s" + ], + [ + "▁мно", + "ги" + ], + [ + "Mar", + "ie" + ], + [ + "Ma", + "rie" + ], + [ + "M", + "arie" + ], + [ + "In", + "tegr" + ], + [ + "Int", + "egr" + ], + [ + "Thread", + "Pool" + ], + [ + "ru", + "st" + ], + [ + "rus", + "t" + ], + [ + "r", + "ust" + ], + [ + "í", + "k" + ], + [ + "%", + "\"" + ], + [ + "en", + "f" + ], + [ + "sp", + "l" + ], + [ + "s", + "pl" + ], + [ + "▁be", + "gun" + ], + [ + "▁beg", + "un" + ], + [ + "lo", + "u" + ], + [ + "l", + "ou" + ], + [ + "▁Rewrite", + "Rule" + ], + [ + "tu", + "ple" + ], + [ + "ane", + "ous" + ], + [ + "▁mar", + "ine" + ], + [ + "▁mari", + "ne" + ], + [ + "▁", + "marine" + ], + [ + "at", + "tan" + ], + [ + "att", + "an" + ], + [ + "atta", + "n" + ], + [ + "ik", + "al" + ], + [ + "ika", + "l" + ], + [ + "i", + "kal" + ], + [ + "▁gradu", + "ated" + ], + [ + "il", + "lé" + ], + [ + "ill", + "é" + ], + [ + "▁про", + "ве" + ], + [ + "▁пров", + "е" + ], + [ + "▁пр", + "ове" + ], + [ + "▁Р", + "оз" + ], + [ + "▁Ро", + "з" + ], + [ + "',", + "\r" + ], + [ + "'", + ",\r" + ], + [ + "▁Pf", + "arr" + ], + [ + "▁n", + "ivel" + ], + [ + "▁ni", + "vel" + ], + [ + "▁пра", + "цю" + ], + [ + "mus", + "ic" + ], + [ + "▁set", + "Timeout" + ], + [ + "ER", + "S" + ], + [ + "E", + "RS" + ], + [ + "▁E", + "rik" + ], + [ + "▁Er", + "ik" + ], + [ + "pi", + "t" + ], + [ + "p", + "it" + ], + [ + "▁Х", + "ро" + ], + [ + "▁p", + "ił" + ], + [ + "▁pi", + "ł" + ], + [ + "▁p", + "eri" + ], + [ + "▁per", + "i" + ], + [ + "▁pe", + "ri" + ], + [ + "до", + "к" + ], + [ + "д", + "ок" + ], + [ + "us", + "zt" + ], + [ + "usz", + "t" + ], + [ + "▁B", + "ear" + ], + [ + "▁Be", + "ar" + ], + [ + "Class", + "Name" + ], + [ + "▁Par", + "lament" + ], + [ + "▁a", + "ix" + ], + [ + "▁ai", + "x" + ], + [ + "▁inv", + "ited" + ], + [ + "▁P", + "ATH" + ], + [ + "▁PA", + "TH" + ], + [ + "▁", + "PATH" + ], + [ + "xt", + "er" + ], + [ + "x", + "ter" + ], + [ + "▁R", + "ace" + ], + [ + "▁Ra", + "ce" + ], + [ + "▁h", + "echo" + ], + [ + "▁he", + "cho" + ], + [ + "▁T", + "ower" + ], + [ + "▁To", + "wer" + ], + [ + "▁Tow", + "er" + ], + [ + "▁u", + "tf" + ], + [ + "▁ut", + "f" + ], + [ + "▁", + "utf" + ], + [ + "act", + "ly" + ], + [ + "▁бу", + "де" + ], + [ + "▁ang", + "les" + ], + [ + "▁angle", + "s" + ], + [ + "▁", + "angles" + ], + [ + "ня", + "я" + ], + [ + "ouv", + "elles" + ], + [ + "ouve", + "lles" + ], + [ + "ouvel", + "les" + ], + [ + "ouvelle", + "s" + ], + [ + "▁cl", + "imate" + ], + [ + "▁cli", + "mate" + ], + [ + "▁clim", + "ate" + ], + [ + "▁sing", + "ing" + ], + [ + "▁sin", + "ging" + ], + [ + "▁navig", + "ate" + ], + [ + ">'", + ";" + ], + [ + ">", + "';" + ], + [ + "ad", + "ows" + ], + [ + "ado", + "ws" + ], + [ + "adow", + "s" + ], + [ + "▁l", + "eta" + ], + [ + "▁le", + "ta" + ], + [ + "▁let", + "a" + ], + [ + "▁S", + "itz" + ], + [ + "▁Si", + "tz" + ], + [ + "▁Sit", + "z" + ], + [ + "▁part", + "itions" + ], + [ + "▁partition", + "s" + ], + [ + "▁d", + "ock" + ], + [ + "▁do", + "ck" + ], + [ + "▁doc", + "k" + ], + [ + "▁ż", + "y" + ], + [ + "▁", + "ży" + ], + [ + "▁alloc", + "ate" + ], + [ + "▁benef", + "its" + ], + [ + "▁benefit", + "s" + ], + [ + "▁n", + "ieder" + ], + [ + "▁nie", + "der" + ], + [ + "▁ni", + "eder" + ], + [ + "xp", + "ath" + ], + [ + "x", + "path" + ], + [ + "me", + "ck" + ], + [ + "äl", + "le" + ], + [ + "äll", + "e" + ], + [ + "ä", + "lle" + ], + [ + "▁cou", + "pling" + ], + [ + "▁coup", + "ling" + ], + [ + "жи", + "л" + ], + [ + "ж", + "ил" + ], + [ + "For", + "Key" + ], + [ + "ar", + "gent" + ], + [ + "arg", + "ent" + ], + [ + "cl", + "ou" + ], + [ + "clo", + "u" + ], + [ + "c", + "lou" + ], + [ + "▁instru", + "ments" + ], + [ + "▁instrument", + "s" + ], + [ + "▁ent", + "hus" + ], + [ + "▁m", + "ég" + ], + [ + "▁mé", + "g" + ], + [ + "▁Па", + "в" + ], + [ + "▁R", + "ach" + ], + [ + "▁Ra", + "ch" + ], + [ + "--", + "---" + ], + [ + "----", + "-" + ], + [ + "---", + "--" + ], + [ + "-", + "----" + ], + [ + "▁API", + "s" + ], + [ + "▁AP", + "Is" + ], + [ + "▁V", + "ier" + ], + [ + "▁Vi", + "er" + ], + [ + "▁Vie", + "r" + ], + [ + "C", + "md" + ], + [ + "it", + "ore" + ], + [ + "ito", + "re" + ], + [ + "itor", + "e" + ], + [ + "▁C", + "uba" + ], + [ + "▁Cu", + "ba" + ], + [ + "▁Cub", + "a" + ], + [ + "▁dátum", + "mal" + ], + [ + "▁embed", + "ding" + ], + [ + "std", + "io" + ], + [ + "▁Gil", + "bert" + ], + [ + "▁ge", + "prüft" + ], + [ + "▁st", + "ating" + ], + [ + "▁stat", + "ing" + ], + [ + "▁sta", + "ting" + ], + [ + "▁stati", + "ng" + ], + [ + "▁trigger", + "s" + ], + [ + "▁trig", + "gers" + ], + [ + "+", + "=" + ], + [ + "▁spé", + "cial" + ], + [ + "▁del", + "iber" + ], + [ + "▁deli", + "ber" + ], + [ + "ми", + "н" + ], + [ + "м", + "ин" + ], + [ + "Pro", + "du" + ], + [ + "Pr", + "odu" + ], + [ + "P", + "rodu" + ], + [ + "▁St", + "ati" + ], + [ + "▁Stat", + "i" + ], + [ + "▁Sta", + "ti" + ], + [ + "▁z", + "us" + ], + [ + "▁zu", + "s" + ], + [ + "kt", + "ionen" + ], + [ + "ktion", + "en" + ], + [ + "Dispatch", + "er" + ], + [ + "id", + "al" + ], + [ + "ida", + "l" + ], + [ + "i", + "dal" + ], + [ + "▁L", + "P" + ], + [ + "▁", + "LP" + ], + [ + "op", + "tera" + ], + [ + "opt", + "era" + ], + [ + "opter", + "a" + ], + [ + "▁e", + "star" + ], + [ + "▁est", + "ar" + ], + [ + "▁es", + "tar" + ], + [ + "▁esta", + "r" + ], + [ + "▁зна", + "чи" + ], + [ + "с", + "мо" + ], + [ + "ous", + "es" + ], + [ + "ouse", + "s" + ], + [ + "o", + "uses" + ], + [ + "eng", + "ono" + ], + [ + "engo", + "no" + ], + [ + "▁W", + "PF" + ], + [ + "pub", + "lish" + ], + [ + "▁t", + "eor" + ], + [ + "▁te", + "or" + ], + [ + "el", + "if" + ], + [ + "eli", + "f" + ], + [ + "▁e", + "rg" + ], + [ + "▁er", + "g" + ], + [ + "▁", + "erg" + ], + [ + "▁separ", + "ation" + ], + [ + "Pa", + "n" + ], + [ + "P", + "an" + ], + [ + "▁Or", + "chestra" + ], + [ + "Pe", + "ter" + ], + [ + "P", + "eter" + ], + [ + "bound", + "s" + ], + [ + "b", + "ounds" + ], + [ + "▁Shakespe", + "are" + ], + [ + "▁cant", + "ante" + ], + [ + "▁d", + "emi" + ], + [ + "▁de", + "mi" + ], + [ + "▁dem", + "i" + ], + [ + "▁Pop", + "ular" + ], + [ + "ф", + "р" + ], + [ + "ar", + "ring" + ], + [ + "arr", + "ing" + ], + [ + "ци", + "н" + ], + [ + "ц", + "ин" + ], + [ + "▁И", + "с" + ], + [ + "vo", + "n" + ], + [ + "v", + "on" + ], + [ + "▁subst", + "itution" + ], + [ + "▁lí", + "nea" + ], + [ + "\\}$", + "." + ], + [ + "\\}", + "$." + ], + [ + "\\", + "}$." + ], + [ + "com", + "o" + ], + [ + "co", + "mo" + ], + [ + "c", + "omo" + ], + [ + "▁ва", + "ж" + ], + [ + "wa", + "gen" + ], + [ + "w", + "agen" + ], + [ + "▁rare", + "ly" + ], + [ + "▁period", + "s" + ], + [ + "▁peri", + "ods" + ], + [ + "gl", + "ob" + ], + [ + "g", + "lob" + ], + [ + "▁F", + "rid" + ], + [ + "▁Fr", + "id" + ], + [ + "▁Fri", + "d" + ], + [ + "▁T", + "err" + ], + [ + "▁Te", + "rr" + ], + [ + "▁Ter", + "r" + ], + [ + "▁Re", + "lease" + ], + [ + "▁", + "Release" + ], + [ + "Brain", + "z" + ], + [ + "▁гра", + "ф" + ], + [ + "▁", + "граф" + ], + [ + "DI", + "S" + ], + [ + "D", + "IS" + ], + [ + "compat", + "ible" + ], + [ + "▁po", + "č" + ], + [ + "LI", + "N" + ], + [ + "L", + "IN" + ], + [ + "▁K", + "ällor" + ], + [ + "▁A", + "rizona" + ], + [ + "pp", + "y" + ], + [ + "p", + "py" + ], + [ + "Se", + "q" + ], + [ + "S", + "eq" + ], + [ + "▁A", + "in" + ], + [ + "▁T", + "ourn" + ], + [ + "▁To", + "urn" + ], + [ + "▁Tour", + "n" + ], + [ + "br", + "ow" + ], + [ + "bro", + "w" + ], + [ + "b", + "row" + ], + [ + "▁K", + "ör" + ], + [ + "▁Kö", + "r" + ], + [ + "▁a", + "sh" + ], + [ + "▁as", + "h" + ], + [ + "▁", + "ash" + ], + [ + "ogene", + "ous" + ], + [ + "▁dia", + "lect" + ], + [ + "▁насе", + "ља" + ], + [ + "mysql", + "i" + ], + [ + "mysq", + "li" + ], + [ + "цо", + "в" + ], + [ + "ц", + "ов" + ], + [ + "▁f", + "lor" + ], + [ + "▁fl", + "or" + ], + [ + "▁flo", + "r" + ], + [ + "▁ф", + "ло" + ], + [ + "IA", + "B" + ], + [ + "I", + "AB" + ], + [ + "▁With", + "in" + ], + [ + "▁Wit", + "hin" + ], + [ + "^", + "(" + ], + [ + "▁b", + "ois" + ], + [ + "▁bo", + "is" + ], + [ + "▁t", + "ank" + ], + [ + "▁tan", + "k" + ], + [ + "▁aff", + "ili" + ], + [ + "▁h", + "ijo" + ], + [ + "▁hij", + "o" + ], + [ + "▁hi", + "jo" + ], + [ + "▁K", + "ate" + ], + [ + "▁Kat", + "e" + ], + [ + "▁Ka", + "te" + ], + [ + "▁Ver", + "l" + ], + [ + "▁Ve", + "rl" + ], + [ + "▁M", + "iami" + ], + [ + "▁Mi", + "ami" + ], + [ + "▁type", + "script" + ], + [ + "▁types", + "cript" + ], + [ + "њ", + "у" + ], + [ + "▁V", + "ern" + ], + [ + "▁Ver", + "n" + ], + [ + "▁Ve", + "rn" + ], + [ + "▁ви", + "со" + ], + [ + "ie", + "mann" + ], + [ + "iem", + "ann" + ], + [ + "i", + "emann" + ], + [ + "▁co", + "verage" + ], + [ + "▁cover", + "age" + ], + [ + "br", + "ie" + ], + [ + "b", + "rie" + ], + [ + "▁Start", + "ing" + ], + [ + "▁Star", + "ting" + ], + [ + "num", + "py" + ], + [ + "▁J", + "enkins" + ], + [ + "▁Jen", + "kins" + ], + [ + "▁k", + "ét" + ], + [ + "▁ké", + "t" + ], + [ + "▁g", + "rup" + ], + [ + "▁gr", + "up" + ], + [ + "▁gru", + "p" + ], + [ + "▁S", + "cient" + ], + [ + "▁Sc", + "ient" + ], + [ + "▁Sci", + "ent" + ], + [ + "▁inter", + "rupt" + ], + [ + "▁b", + "lob" + ], + [ + "▁bl", + "ob" + ], + [ + "▁blo", + "b" + ], + [ + "▁", + "blob" + ], + [ + "ug", + "el" + ], + [ + "uge", + "l" + ], + [ + "u", + "gel" + ], + [ + "▁Or", + "th" + ], + [ + "▁Ort", + "h" + ], + [ + "ab", + "ama" + ], + [ + "aba", + "ma" + ], + [ + "▁B", + "apt" + ], + [ + "▁Ba", + "pt" + ], + [ + "ow", + "nik" + ], + [ + "own", + "ik" + ], + [ + "▁бы", + "ть" + ], + [ + "▁Jul", + "ius" + ], + [ + "▁Ju", + "lius" + ], + [ + "▁Juli", + "us" + ], + [ + "▁П", + "рез" + ], + [ + "▁Пре", + "з" + ], + [ + "▁subst", + "itute" + ], + [ + "support", + "ed" + ], + [ + "supp", + "orted" + ], + [ + "ch", + "y" + ], + [ + "c", + "hy" + ], + [ + "egy", + "zetek" + ], + [ + "▁Per", + "formance" + ], + [ + "▁Perform", + "ance" + ], + [ + "less", + "ly" + ], + [ + "Con", + "structor" + ], + [ + "▁ext", + "ending" + ], + [ + "▁extend", + "ing" + ], + [ + "▁Mus", + "lim" + ], + [ + "Over", + "flow" + ], + [ + "▁J", + "enn" + ], + [ + "▁Je", + "nn" + ], + [ + "▁Jen", + "n" + ], + [ + "▁produ", + "z" + ], + [ + "▁prod", + "uz" + ], + [ + "мі", + "ї" + ], + [ + "м", + "ії" + ], + [ + "▁país", + "es" + ], + [ + "▁e", + "ux" + ], + [ + "▁eu", + "x" + ], + [ + "▁f", + "ate" + ], + [ + "▁fa", + "te" + ], + [ + "▁fat", + "e" + ], + [ + "ol", + "oge" + ], + [ + "olog", + "e" + ], + [ + "olo", + "ge" + ], + [ + "у", + "к" + ], + [ + "▁wo", + "bei" + ], + [ + "▁wob", + "ei" + ], + [ + "▁S", + "achsen" + ], + [ + "▁Sach", + "sen" + ], + [ + "▁са", + "йт" + ], + [ + "▁сай", + "т" + ], + [ + "Mod", + "els" + ], + [ + "Model", + "s" + ], + [ + "Mode", + "ls" + ], + [ + "▁F", + "ast" + ], + [ + "▁Fa", + "st" + ], + [ + "bes", + "ondere" + ], + [ + "▁F", + "R" + ], + [ + "▁", + "FR" + ], + [ + "▁a", + "con" + ], + [ + "▁ac", + "on" + ], + [ + "▁", + "acon" + ], + [ + "▁Den", + "kmal" + ], + [ + "▁an", + "ch" + ], + [ + "▁anc", + "h" + ], + [ + "▁", + "anch" + ], + [ + "▁públic", + "o" + ], + [ + "▁T", + "as" + ], + [ + "▁Ta", + "s" + ], + [ + "▁c", + "and" + ], + [ + "▁can", + "d" + ], + [ + "▁ca", + "nd" + ], + [ + "▁pa", + "ździer" + ], + [ + "▁М", + "он" + ], + [ + "▁Мо", + "н" + ], + [ + "▁vers", + "us" + ], + [ + "ru", + "t" + ], + [ + "r", + "ut" + ], + [ + "G", + "T" + ], + [ + "▁insert", + "ing" + ], + [ + "▁inser", + "ting" + ], + [ + "▁can", + "ad" + ], + [ + "▁ca", + "nad" + ], + [ + "є", + "м" + ], + [ + "▁M", + "etro" + ], + [ + "▁Met", + "ro" + ], + [ + "▁Herz", + "og" + ], + [ + "Ign", + "ore" + ], + [ + "▁decre", + "ase" + ], + [ + "▁п", + "ун" + ], + [ + "▁пу", + "н" + ], + [ + "▁F", + "ischer" + ], + [ + "▁M", + "all" + ], + [ + "▁Ma", + "ll" + ], + [ + "▁Mal", + "l" + ], + [ + "▁n", + "örd" + ], + [ + "io", + "stream" + ], + [ + "i", + "ostream" + ], + [ + "▁Lux", + "emb" + ], + [ + "pay", + "load" + ], + [ + "▁Ze", + "itung" + ], + [ + "▁Zeit", + "ung" + ], + [ + "▁mod", + "ifying" + ], + [ + "▁modify", + "ing" + ], + [ + "▁C", + "her" + ], + [ + "▁Ch", + "er" + ], + [ + "▁Che", + "r" + ], + [ + "▁Lu", + "ci" + ], + [ + "▁Luc", + "i" + ], + [ + "n", + "x" + ], + [ + "▁lo", + "ose" + ], + [ + "▁top", + "ics" + ], + [ + "▁topic", + "s" + ], + [ + "▁var", + "ied" + ], + [ + "▁vari", + "ed" + ], + [ + "▁va", + "ried" + ], + [ + "▁p", + "g" + ], + [ + "▁", + "pg" + ], + [ + "aj", + "es" + ], + [ + "aje", + "s" + ], + [ + "a", + "jes" + ], + [ + "um", + "m" + ], + [ + "u", + "mm" + ], + [ + "View", + "s" + ], + [ + "▁B", + "eau" + ], + [ + "▁Be", + "au" + ], + [ + "MA", + "P" + ], + [ + "M", + "AP" + ], + [ + "ip", + "eline" + ], + [ + "ipe", + "line" + ], + [ + "▁Inter", + "est" + ], + [ + "ar", + "ith" + ], + [ + "ari", + "th" + ], + [ + "▁seg", + "ún" + ], + [ + "▁Geme", + "ins" + ], + [ + "▁Att", + "ribute" + ], + [ + "▁", + "Attribute" + ], + [ + "comm", + "unity" + ], + [ + "▁цент", + "р" + ], + [ + "▁kil", + "ometer" + ], + [ + "▁kilomet", + "er" + ], + [ + "▁kilom", + "eter" + ], + [ + "▁é", + "conom" + ], + [ + "▁éc", + "onom" + ], + [ + "lar", + "ation" + ], + [ + "▁к", + "ъ" + ], + [ + "▁car", + "riage" + ], + [ + "▁carri", + "age" + ], + [ + "▁L", + "ane" + ], + [ + "▁La", + "ne" + ], + [ + "▁Lan", + "e" + ], + [ + "▁не", + "об" + ], + [ + "ku", + "r" + ], + [ + "k", + "ur" + ], + [ + "▁A", + "F" + ], + [ + "▁", + "AF" + ], + [ + "IN", + "TER" + ], + [ + "INT", + "ER" + ], + [ + "))", + "$" + ], + [ + ")", + ")$" + ], + [ + "▁be", + "ide" + ], + [ + "▁bei", + "de" + ], + [ + "dest", + "ination" + ], + [ + "▁font", + "s" + ], + [ + "▁fon", + "ts" + ], + [ + "▁", + "fonts" + ], + [ + "append", + "Child" + ], + [ + "▁M", + "AR" + ], + [ + "▁MA", + "R" + ], + [ + "▁g", + "ay" + ], + [ + "▁ga", + "y" + ], + [ + "mi", + "l" + ], + [ + "m", + "il" + ], + [ + "le", + "sh" + ], + [ + "les", + "h" + ], + [ + "l", + "esh" + ], + [ + "è", + "t" + ], + [ + "▁W", + "ang" + ], + [ + "▁Wa", + "ng" + ], + [ + "▁Y", + "ears" + ], + [ + "▁Year", + "s" + ], + [ + "▁Ye", + "ars" + ], + [ + "▁S", + "ymbol" + ], + [ + "▁Sym", + "bol" + ], + [ + "▁", + "Symbol" + ], + [ + "Li", + "ve" + ], + [ + "L", + "ive" + ], + [ + "qu", + "ency" + ], + [ + "▁U", + "sers" + ], + [ + "▁Use", + "rs" + ], + [ + "▁User", + "s" + ], + [ + "▁Us", + "ers" + ], + [ + "▁", + "Users" + ], + [ + "▁Un", + "icode" + ], + [ + "▁S", + "au" + ], + [ + "▁Sa", + "u" + ], + [ + "▁t", + "ons" + ], + [ + "▁to", + "ns" + ], + [ + "▁ton", + "s" + ], + [ + "▁", + "tons" + ], + [ + "▁Н", + "і" + ], + [ + "▁кра", + "ї" + ], + [ + "▁", + "краї" + ], + [ + "AX", + "I" + ], + [ + "▁P", + "ick" + ], + [ + "▁Pi", + "ck" + ], + [ + "▁Pic", + "k" + ], + [ + "A", + "I" + ], + [ + "▁h", + "ath" + ], + [ + "▁ha", + "th" + ], + [ + "▁hat", + "h" + ], + [ + "▁a", + "inda" + ], + [ + "▁ain", + "da" + ], + [ + "▁p", + "apa" + ], + [ + "▁pa", + "pa" + ], + [ + "▁pap", + "a" + ], + [ + "▁C", + "enso" + ], + [ + "▁B", + "ald" + ], + [ + "▁Ba", + "ld" + ], + [ + "▁Bal", + "d" + ], + [ + "▁Насе", + "ље" + ], + [ + "▁sim", + "ulations" + ], + [ + "▁simulation", + "s" + ], + [ + "▁j", + "aren" + ], + [ + "▁ja", + "ren" + ], + [ + "▁jar", + "en" + ], + [ + "▁inher", + "ited" + ], + [ + "▁inherit", + "ed" + ], + [ + "▁то", + "й" + ], + [ + "▁", + "той" + ], + [ + "▁fe", + "els" + ], + [ + "▁feel", + "s" + ], + [ + "▁fee", + "ls" + ], + [ + "ress", + "ion" + ], + [ + "r", + "ession" + ], + [ + "▁o", + "któber" + ], + [ + "bi", + "d" + ], + [ + "b", + "id" + ], + [ + "ás", + "i" + ], + [ + "á", + "si" + ], + [ + "▁m", + "uss" + ], + [ + "▁mus", + "s" + ], + [ + "▁mu", + "ss" + ], + [ + "vent", + "ory" + ], + [ + "▁me", + "ist" + ], + [ + "▁b", + "ore" + ], + [ + "▁bo", + "re" + ], + [ + "▁bor", + "e" + ], + [ + "▁sl", + "ider" + ], + [ + "▁slide", + "r" + ], + [ + "▁sli", + "der" + ], + [ + "▁", + "slider" + ], + [ + "де", + "ли" + ], + [ + "\\", + ";" + ], + [ + "▁extra", + "cted" + ], + [ + "▁extract", + "ed" + ], + [ + "ку", + "р" + ], + [ + "к", + "ур" + ], + [ + "Ed", + "ge" + ], + [ + "▁per", + "f" + ], + [ + "▁pe", + "rf" + ], + [ + "▁Brig", + "ade" + ], + [ + "▁гра", + "д" + ], + [ + "▁", + "град" + ], + [ + "ie", + "nie" + ], + [ + "ien", + "ie" + ], + [ + "i", + "enie" + ], + [ + "▁N", + "orden" + ], + [ + "▁Nor", + "den" + ], + [ + "▁Nord", + "en" + ], + [ + "▁c", + "ancer" + ], + [ + "▁can", + "cer" + ], + [ + "\"", + "/" + ], + [ + "C", + "ur" + ], + [ + "▁С", + "ере" + ], + [ + "▁Се", + "ре" + ], + [ + "▁Сер", + "е" + ], + [ + "▁liqu", + "id" + ], + [ + "str", + "ucture" + ], + [ + "struct", + "ure" + ], + [ + "▁cho", + "osing" + ], + [ + "▁Per", + "l" + ], + [ + "▁Pe", + "rl" + ], + [ + "Si", + "de" + ], + [ + "S", + "ide" + ], + [ + "ü", + "s" + ], + [ + "ри", + "тор" + ], + [ + "рито", + "р" + ], + [ + "рит", + "ор" + ], + [ + "▁k", + "ost" + ], + [ + "▁ko", + "st" + ], + [ + "▁pa", + "ckets" + ], + [ + "▁pack", + "ets" + ], + [ + "▁packet", + "s" + ], + [ + "▁кото", + "рого" + ], + [ + "▁Com", + "un" + ], + [ + "▁Co", + "mun" + ], + [ + "▁f", + "ingers" + ], + [ + "▁fin", + "gers" + ], + [ + "▁finger", + "s" + ], + [ + "ográ", + "fica" + ], + [ + ">", + ":" + ], + [ + "▁champion", + "nat" + ], + [ + "▁bl", + "ieb" + ], + [ + "▁S", + "itu" + ], + [ + "▁Si", + "tu" + ], + [ + "▁Sit", + "u" + ], + [ + "▁su", + "ic" + ], + [ + "an", + "dis" + ], + [ + "and", + "is" + ], + [ + "Fr", + "e" + ], + [ + "F", + "re" + ], + [ + "▁C", + "onc" + ], + [ + "▁Con", + "c" + ], + [ + "▁Co", + "nc" + ], + [ + "▁re", + "public" + ], + [ + "▁rep", + "ublic" + ], + [ + "▁repub", + "lic" + ], + [ + "▁ar", + "med" + ], + [ + "▁arm", + "ed" + ], + [ + "▁h", + "ell" + ], + [ + "▁he", + "ll" + ], + [ + "▁hel", + "l" + ], + [ + "▁", + "hell" + ], + [ + "▁h", + "ög" + ], + [ + "▁hö", + "g" + ], + [ + "rag", + "ma" + ], + [ + "▁en", + "se" + ], + [ + "▁ens", + "e" + ], + [ + "▁", + "ense" + ], + [ + "▁ac", + "res" + ], + [ + "▁В", + "ід" + ], + [ + "▁Ві", + "д" + ], + [ + "▁Re", + "form" + ], + [ + "▁Ref", + "orm" + ], + [ + "Main", + "Activity" + ], + [ + "ke", + "eper" + ], + [ + "keep", + "er" + ], + [ + "kee", + "per" + ], + [ + "er", + "b" + ], + [ + "e", + "rb" + ], + [ + "▁mon", + "aster" + ], + [ + "sub", + "subsection" + ], + [ + "▁Ди", + "в" + ], + [ + "▁cre", + "ature" + ], + [ + "▁indic", + "ating" + ], + [ + "▁url", + "s" + ], + [ + "▁ur", + "ls" + ], + [ + "▁", + "urls" + ], + [ + "▁k", + "ein" + ], + [ + "▁ke", + "in" + ], + [ + "об", + "раз" + ], + [ + "обра", + "з" + ], + [ + "pi", + "ck" + ], + [ + "pic", + "k" + ], + [ + "p", + "ick" + ], + [ + "▁Ad", + "mir" + ], + [ + "▁old", + "est" + ], + [ + "▁ol", + "dest" + ], + [ + "▁m", + "uz" + ], + [ + "▁mu", + "z" + ], + [ + "▁contra", + "diction" + ], + [ + "▁contrad", + "iction" + ], + [ + "▁contradict", + "ion" + ], + [ + "▁prob", + "abil" + ], + [ + "illi", + "ant" + ], + [ + "▁p", + "av" + ], + [ + "▁pa", + "v" + ], + [ + "▁pa", + "pel" + ], + [ + "▁pap", + "el" + ], + [ + "ub", + "s" + ], + [ + "u", + "bs" + ], + [ + "▁ж", + "ена" + ], + [ + "▁же", + "на" + ], + [ + "▁жен", + "а" + ], + [ + "▁", + "жена" + ], + [ + "AM", + "L" + ], + [ + "A", + "ML" + ], + [ + "▁re", + "cip" + ], + [ + "▁rec", + "ip" + ], + [ + "▁reci", + "p" + ], + [ + "▁C", + "OL" + ], + [ + "▁CO", + "L" + ], + [ + "▁", + "COL" + ], + [ + "ad", + "ded" + ], + [ + "add", + "ed" + ], + [ + "▁cl", + "ue" + ], + [ + "▁Uk", + "raine" + ], + [ + "▁Ukrain", + "e" + ], + [ + "▁jel", + "ent" + ], + [ + "че", + "нь" + ], + [ + "чен", + "ь" + ], + [ + "ч", + "ень" + ], + [ + "▁mathemat", + "ics" + ], + [ + "Ac", + "cept" + ], + [ + "▁с", + "от" + ], + [ + "▁со", + "т" + ], + [ + "▁се", + "вер" + ], + [ + "▁isol", + "ated" + ], + [ + "▁по", + "я" + ], + [ + "w", + "ür" + ], + [ + "Ro", + "uter" + ], + [ + "Route", + "r" + ], + [ + "Rout", + "er" + ], + [ + "R", + "outer" + ], + [ + "CA", + "T" + ], + [ + "C", + "AT" + ], + [ + "rg", + "b" + ], + [ + "r", + "gb" + ], + [ + "▁L", + "ov" + ], + [ + "▁Lo", + "v" + ], + [ + "mu", + "table" + ], + [ + "mut", + "able" + ], + [ + "m", + "utable" + ], + [ + "▁W", + "es" + ], + [ + "▁We", + "s" + ], + [ + "▁Ital", + "ien" + ], + [ + "Dra", + "g" + ], + [ + "Dr", + "ag" + ], + [ + "D", + "rag" + ], + [ + "en", + "ium" + ], + [ + "eni", + "um" + ], + [ + "at", + "ting" + ], + [ + "att", + "ing" + ], + [ + "atti", + "ng" + ], + [ + "tc", + "p" + ], + [ + "t", + "cp" + ], + [ + "▁erfolg", + "te" + ], + [ + "▁Be", + "it" + ], + [ + "▁Bei", + "t" + ], + [ + "га", + "то" + ], + [ + "▁System", + "s" + ], + [ + "▁Syst", + "ems" + ], + [ + "▁re", + "serve" + ], + [ + "▁res", + "erve" + ], + [ + "er", + "ee" + ], + [ + "ere", + "e" + ], + [ + "e", + "ree" + ], + [ + "▁Па", + "ри" + ], + [ + "▁Пар", + "и" + ], + [ + "▁з", + "али" + ], + [ + "▁за", + "ли" + ], + [ + "▁re", + "nt" + ], + [ + "▁r", + "ent" + ], + [ + "▁ren", + "t" + ], + [ + "▁", + "rent" + ], + [ + "▁s", + "unt" + ], + [ + "▁su", + "nt" + ], + [ + "▁sun", + "t" + ], + [ + "▁G", + "irls" + ], + [ + "▁Girl", + "s" + ], + [ + "▁Gir", + "ls" + ], + [ + "▁Er", + "nest" + ], + [ + "▁Ern", + "est" + ], + [ + "▁f", + "its" + ], + [ + "▁fi", + "ts" + ], + [ + "▁fit", + "s" + ], + [ + "▁op", + "pon" + ], + [ + "▁opp", + "on" + ], + [ + "▁живе", + "ло" + ], + [ + "▁av", + "aient" + ], + [ + "▁Flor", + "ence" + ], + [ + "▁Flo", + "rence" + ], + [ + "▁чи", + "сле" + ], + [ + "▁eng", + "ines" + ], + [ + "▁engine", + "s" + ], + [ + "D", + "ynamic" + ], + [ + "▁stycz", + "nia" + ], + [ + "▁b", + "ias" + ], + [ + "▁bi", + "as" + ], + [ + "▁Ex", + "change" + ], + [ + "ди", + "й" + ], + [ + "▁histor", + "iques" + ], + [ + "▁historique", + "s" + ], + [ + "▁H", + "ä" + ], + [ + "ho", + "d" + ], + [ + "h", + "od" + ], + [ + "▁w", + "ł" + ], + [ + "sch", + "ap" + ], + [ + "▁l", + "ac" + ], + [ + "▁la", + "c" + ], + [ + "▁", + "lac" + ], + [ + "▁F", + "oi" + ], + [ + "▁Fo", + "i" + ], + [ + "▁d", + "well" + ], + [ + "▁dw", + "ell" + ], + [ + "▁Unter", + "nehmen" + ], + [ + "UR", + "N" + ], + [ + "▁kilomet", + "res" + ], + [ + "▁Одна", + "ко" + ], + [ + "к", + "ли" + ], + [ + "▁S", + "ri" + ], + [ + "▁Sr", + "i" + ], + [ + "Gr", + "oups" + ], + [ + "Group", + "s" + ], + [ + "min", + "d" + ], + [ + "mi", + "nd" + ], + [ + "m", + "ind" + ], + [ + "os", + "lov" + ], + [ + "fer", + "n" + ], + [ + "fe", + "rn" + ], + [ + "f", + "ern" + ], + [ + "eg", + "u" + ], + [ + "e", + "gu" + ], + [ + "abel", + "ed" + ], + [ + "abe", + "led" + ], + [ + "F", + "iddle" + ], + [ + "▁Cent", + "ury" + ], + [ + "/", + "-" + ], + [ + "▁J", + "egyzetek" + ], + [ + "He", + "n" + ], + [ + "H", + "en" + ], + [ + "ens", + "emble" + ], + [ + "▁G", + "ut" + ], + [ + "▁Gu", + "t" + ], + [ + "_{", + "{\\" + ], + [ + "_", + "{{\\" + ], + [ + "▁ran", + "king" + ], + [ + "▁rank", + "ing" + ], + [ + "+", + "$" + ], + [ + "ал", + "а" + ], + [ + "а", + "ла" + ], + [ + "▁#", + "{" + ], + [ + "▁", + "#{" + ], + [ + "im", + "ientos" + ], + [ + "imiento", + "s" + ], + [ + "ach", + "im" + ], + [ + "ac", + "him" + ], + [ + "achi", + "m" + ], + [ + "ri", + "des" + ], + [ + "ride", + "s" + ], + [ + "rid", + "es" + ], + [ + "r", + "ides" + ], + [ + "▁K", + "laus" + ], + [ + "▁Kl", + "aus" + ], + [ + "▁int", + "end" + ], + [ + "▁inte", + "nd" + ], + [ + "▁inten", + "d" + ], + [ + "▁Kent", + "ucky" + ], + [ + "ci", + "pe" + ], + [ + "cip", + "e" + ], + [ + "c", + "ipe" + ], + [ + "▁D", + "ienst" + ], + [ + "▁Di", + "enst" + ], + [ + "▁situ", + "ated" + ], + [ + "▁pó", + "ź" + ], + [ + "▁s", + "crit" + ], + [ + "▁sc", + "rit" + ], + [ + "▁scr", + "it" + ], + [ + "▁scri", + "t" + ], + [ + "cl", + "ip" + ], + [ + "cli", + "p" + ], + [ + "c", + "lip" + ], + [ + "не", + "т" + ], + [ + "н", + "ет" + ], + [ + "ta", + "bles" + ], + [ + "table", + "s" + ], + [ + "tab", + "les" + ], + [ + "t", + "ables" + ], + [ + "▁N", + "ied" + ], + [ + "▁Ni", + "ed" + ], + [ + "▁Nie", + "d" + ], + [ + "▁Mc", + "K" + ], + [ + "▁pow", + "st" + ], + [ + "▁kun", + "nen" + ], + [ + "▁Ev", + "ans" + ], + [ + "▁Eva", + "ns" + ], + [ + "ж", + "ды" + ], + [ + "ва", + "ть" + ], + [ + "ват", + "ь" + ], + [ + "uch", + "ar" + ], + [ + "uc", + "har" + ], + [ + "ucha", + "r" + ], + [ + "u", + "char" + ], + [ + "▁res", + "idents" + ], + [ + "▁resid", + "ents" + ], + [ + "▁resident", + "s" + ], + [ + "ia", + "k" + ], + [ + "i", + "ak" + ], + [ + "▁Re", + "sol" + ], + [ + "▁Res", + "ol" + ], + [ + "▁", + "Resol" + ], + [ + "▁ve", + "ces" + ], + [ + "▁vec", + "es" + ], + [ + "▁satisf", + "ying" + ], + [ + "▁satisfy", + "ing" + ], + [ + "IN", + "F" + ], + [ + "I", + "NF" + ], + [ + "▁с", + "ин" + ], + [ + "▁си", + "н" + ], + [ + "▁cross", + "ing" + ], + [ + "ib", + "en" + ], + [ + "ibe", + "n" + ], + [ + "i", + "ben" + ], + [ + "▁ши", + "ро" + ], + [ + "pt", + "o" + ], + [ + "p", + "to" + ], + [ + "IL", + "L" + ], + [ + "I", + "LL" + ], + [ + "▁ро", + "ль" + ], + [ + "▁a", + "ktiv" + ], + [ + "▁akt", + "iv" + ], + [ + "▁обра", + "щения" + ], + [ + "Wik", + "ispecies" + ], + [ + "▁Hö", + "he" + ], + [ + "cr", + "o" + ], + [ + "c", + "ro" + ], + [ + "══", + "══" + ], + [ + "al", + "tra" + ], + [ + "alt", + "ra" + ], + [ + "▁FI", + "LE" + ], + [ + "▁", + "FILE" + ], + [ + "▁u", + "ps" + ], + [ + "▁up", + "s" + ], + [ + "▁", + "ups" + ], + [ + "▁al", + "location" + ], + [ + "▁all", + "ocation" + ], + [ + "▁alloc", + "ation" + ], + [ + "▁allo", + "cation" + ], + [ + "Mich", + "ael" + ], + [ + "▁acknow", + "led" + ], + [ + "Lin", + "ux" + ], + [ + "▁met", + "ros" + ], + [ + "▁", + "metros" + ], + [ + "tt", + "e" + ], + [ + "t", + "te" + ], + [ + "af", + "en" + ], + [ + "a", + "fen" + ], + [ + "▁x", + "code" + ], + [ + "▁тра", + "ди" + ], + [ + "spe", + "cies" + ], + [ + "spec", + "ies" + ], + [ + "s", + "pecies" + ], + [ + "▁inj", + "ury" + ], + [ + "▁са", + "мы" + ], + [ + "▁сам", + "ы" + ], + [ + "▁l", + "attice" + ], + [ + "M", + "aterial" + ], + [ + "and", + "enburg" + ], + [ + "anden", + "burg" + ], + [ + "▁huvud", + "staden" + ], + [ + "st", + "ory" + ], + [ + "sto", + "ry" + ], + [ + "stor", + "y" + ], + [ + "▁var", + "ying" + ], + [ + "▁vary", + "ing" + ], + [ + "▁kö", + "vet" + ], + [ + "▁Росси", + "йской" + ], + [ + "ir", + "se" + ], + [ + "irs", + "e" + ], + [ + "▁d", + "rum" + ], + [ + "▁dr", + "um" + ], + [ + "▁dru", + "m" + ], + [ + "Pr", + "essed" + ], + [ + "Press", + "ed" + ], + [ + "Pres", + "sed" + ], + [ + "La", + "r" + ], + [ + "L", + "ar" + ], + [ + "▁A", + "gu" + ], + [ + "▁Ag", + "u" + ], + [ + "▁w", + "eil" + ], + [ + "▁we", + "il" + ], + [ + "▁comm", + "ence" + ], + [ + "▁Seg", + "ún" + ], + [ + "Gest", + "ure" + ], + [ + "Sh", + "ape" + ], + [ + "S", + "hape" + ], + [ + "▁V", + "ors" + ], + [ + "▁Vo", + "rs" + ], + [ + "▁Vor", + "s" + ], + [ + "▁succ", + "ès" + ], + [ + "▁correct", + "ed" + ], + [ + "▁corre", + "cted" + ], + [ + "▁corr", + "ected" + ], + [ + "K", + "ar" + ], + [ + "▁cr", + "uel" + ], + [ + "▁cru", + "el" + ], + [ + "▁polit", + "ico" + ], + [ + "▁Schrift", + "steller" + ], + [ + "▁ris", + "ult" + ], + [ + "et", + "u" + ], + [ + "e", + "tu" + ], + [ + "arch", + "iv" + ], + [ + "▁gén", + "ero" + ], + [ + "▁gé", + "nero" + ], + [ + "▁L", + "ü" + ], + [ + "▁tri", + "umph" + ], + [ + "OR", + "S" + ], + [ + "O", + "RS" + ], + [ + "L", + "u" + ], + [ + "▁person", + "nel" + ], + [ + "▁personn", + "el" + ], + [ + "▁personne", + "l" + ], + [ + "▁H", + "ills" + ], + [ + "▁Hill", + "s" + ], + [ + "▁Hil", + "ls" + ], + [ + "as", + "set" + ], + [ + "ass", + "et" + ], + [ + "asse", + "t" + ], + [ + "do", + "min" + ], + [ + "dom", + "in" + ], + [ + "d", + "omin" + ], + [ + "Rece", + "ive" + ], + [ + "▁O", + "ak" + ], + [ + "▁K", + "no" + ], + [ + "▁Kn", + "o" + ], + [ + "▁The", + "ory" + ], + [ + "ir", + "ie" + ], + [ + "iri", + "e" + ], + [ + "i", + "rie" + ], + [ + "ow", + "an" + ], + [ + "owa", + "n" + ], + [ + "o", + "wan" + ], + [ + "▁est", + "ava" + ], + [ + "▁esta", + "va" + ], + [ + "▁exec", + "utes" + ], + [ + "▁execute", + "s" + ], + [ + "▁execut", + "es" + ], + [ + "й", + "т" + ], + [ + "óp", + "ez" + ], + [ + "ó", + "pez" + ], + [ + "по", + "ло" + ], + [ + "пол", + "о" + ], + [ + "п", + "оло" + ], + [ + "ét", + "ica" + ], + [ + "▁назва", + "ние" + ], + [ + "▁conver", + "ges" + ], + [ + "▁not", + "re" + ], + [ + "▁no", + "tre" + ], + [ + "▁pop", + "ulated" + ], + [ + "▁popula", + "ted" + ], + [ + "▁popul", + "ated" + ], + [ + "▁populate", + "d" + ], + [ + "▁mov", + "ements" + ], + [ + "▁move", + "ments" + ], + [ + "▁movement", + "s" + ], + [ + "▁statist", + "ical" + ], + [ + "▁Zwe", + "iten" + ], + [ + "qu", + "in" + ], + [ + "qui", + "n" + ], + [ + "▁import", + "antes" + ], + [ + "▁important", + "es" + ], + [ + "▁importante", + "s" + ], + [ + "▁k", + "lein" + ], + [ + "▁kle", + "in" + ], + [ + "▁kl", + "ein" + ], + [ + "▁Seg", + "unda" + ], + [ + "schließ", + "end" + ], + [ + "Fail", + "ure" + ], + [ + "na", + "r" + ], + [ + "n", + "ar" + ], + [ + "da", + "g" + ], + [ + "d", + "ag" + ], + [ + "▁ru", + "olo" + ], + [ + "▁f", + "iction" + ], + [ + "▁fi", + "ction" + ], + [ + "▁fic", + "tion" + ], + [ + "▁fict", + "ion" + ], + [ + "▁исполь", + "зу" + ], + [ + "▁cr", + "isis" + ], + [ + "▁Get", + "ting" + ], + [ + ",", + "%" + ], + [ + "▁ар", + "мии" + ], + [ + "▁cam", + "pus" + ], + [ + "▁camp", + "us" + ], + [ + "▁fo", + "oter" + ], + [ + "▁foot", + "er" + ], + [ + "▁foo", + "ter" + ], + [ + "▁", + "footer" + ], + [ + "▁d", + "ías" + ], + [ + "▁día", + "s" + ], + [ + "▁dí", + "as" + ], + [ + "ба", + "н" + ], + [ + "б", + "ан" + ], + [ + "▁liber", + "ty" + ], + [ + "▁libert", + "y" + ], + [ + "▁g", + "h" + ], + [ + "▁", + "gh" + ], + [ + "▁cham", + "ber" + ], + [ + "▁district", + "s" + ], + [ + "▁exc", + "ited" + ], + [ + "▁can", + "ción" + ], + [ + "ter", + "o" + ], + [ + "te", + "ro" + ], + [ + "t", + "ero" + ], + [ + "▁Work", + "ing" + ], + [ + "▁Wor", + "king" + ], + [ + "▁czę", + "ści" + ], + [ + "ль", + "ный" + ], + [ + "▁f", + "orum" + ], + [ + "▁for", + "um" + ], + [ + "▁fo", + "rum" + ], + [ + "▁", + "forum" + ], + [ + "▁E", + "he" + ], + [ + "▁ка", + "та" + ], + [ + "▁", + "ката" + ], + [ + "it", + "ations" + ], + [ + "itation", + "s" + ], + [ + "itat", + "ions" + ], + [ + "To", + "ols" + ], + [ + "Tool", + "s" + ], + [ + "T", + "ools" + ], + [ + "ach", + "iv" + ], + [ + "achi", + "v" + ], + [ + "▁c", + "res" + ], + [ + "▁cre", + "s" + ], + [ + "▁cr", + "es" + ], + [ + "as", + "to" + ], + [ + "ast", + "o" + ], + [ + "a", + "sto" + ], + [ + "▁re", + "ver" + ], + [ + "▁r", + "ever" + ], + [ + "▁rev", + "er" + ], + [ + "▁reve", + "r" + ], + [ + "▁n", + "azionale" + ], + [ + "▁naz", + "ionale" + ], + [ + "▁do", + "ors" + ], + [ + "▁door", + "s" + ], + [ + "▁N", + "ancy" + ], + [ + "▁Nan", + "cy" + ], + [ + "▁is", + "lands" + ], + [ + "▁island", + "s" + ], + [ + "Im", + "p" + ], + [ + "I", + "mp" + ], + [ + "▁Ch", + "air" + ], + [ + "▁Cha", + "ir" + ], + [ + "▁v", + "orm" + ], + [ + "▁vo", + "rm" + ], + [ + "▁vor", + "m" + ], + [ + "se", + "in" + ], + [ + "s", + "ein" + ], + [ + "▁до", + "ку" + ], + [ + "er", + "set" + ], + [ + "ers", + "et" + ], + [ + "▁tät", + "ig" + ], + [ + "▁K", + "rit" + ], + [ + "▁Kr", + "it" + ], + [ + "▁п", + "я" + ], + [ + "▁cons", + "ervation" + ], + [ + "▁conserv", + "ation" + ], + [ + "▁Part", + "ido" + ], + [ + "▁Parti", + "do" + ], + [ + "min", + "ipage" + ], + [ + "Valid", + "ator" + ], + [ + "▁rec", + "overy" + ], + [ + "▁recover", + "y" + ], + [ + "▁NA", + "SA" + ], + [ + "▁NAS", + "A" + ], + [ + "▁br", + "east" + ], + [ + "▁bre", + "ast" + ], + [ + "il", + "ty" + ], + [ + "ilt", + "y" + ], + [ + "an", + "aly" + ], + [ + "ana", + "ly" + ], + [ + "anal", + "y" + ], + [ + "el", + "ines" + ], + [ + "eli", + "nes" + ], + [ + "eline", + "s" + ], + [ + "elin", + "es" + ], + [ + "e", + "lines" + ], + [ + "▁S", + "aturday" + ], + [ + "em", + "ark" + ], + [ + "e", + "mark" + ], + [ + "ce", + "j" + ], + [ + "c", + "ej" + ], + [ + "Ze", + "ro" + ], + [ + "Z", + "ero" + ], + [ + "▁Tur", + "ner" + ], + [ + "▁Turn", + "er" + ], + [ + "sec", + "ure" + ], + [ + "Ex", + "ists" + ], + [ + "▁R", + "ick" + ], + [ + "▁Ric", + "k" + ], + [ + "▁Ri", + "ck" + ], + [ + "ev", + "alu" + ], + [ + "eval", + "u" + ], + [ + "e", + "valu" + ], + [ + "ct", + "rl" + ], + [ + "ctr", + "l" + ], + [ + "c", + "trl" + ], + [ + "▁com", + "pression" + ], + [ + "▁comp", + "ression" + ], + [ + "▁compr", + "ession" + ], + [ + "▁compress", + "ion" + ], + [ + "▁C", + "URL" + ], + [ + "text", + "color" + ], + [ + ")\\", + "," + ], + [ + ")", + "\\," + ], + [ + "long", + "rightarrow" + ], + [ + "▁Fern", + "seh" + ], + [ + "▁", + "Fernseh" + ], + [ + "ic", + "ha" + ], + [ + "ich", + "a" + ], + [ + "i", + "cha" + ], + [ + "▁l", + "oi" + ], + [ + "▁lo", + "i" + ], + [ + "▁О", + "те" + ], + [ + "▁От", + "е" + ], + [ + "▁c", + "ave" + ], + [ + "▁ca", + "ve" + ], + [ + "▁cav", + "e" + ], + [ + "▁do", + "zen" + ], + [ + "▁expla", + "ining" + ], + [ + "▁expl", + "aining" + ], + [ + "▁explain", + "ing" + ], + [ + "▁in", + "nov" + ], + [ + "▁inn", + "ov" + ], + [ + "▁Nich", + "olas" + ], + [ + "▁dia", + "meter" + ], + [ + "▁diam", + "eter" + ], + [ + "▁M", + "arian" + ], + [ + "▁Mar", + "ian" + ], + [ + "▁Ma", + "rian" + ], + [ + "▁Maria", + "n" + ], + [ + "▁Mari", + "an" + ], + [ + "▁f", + "ires" + ], + [ + "▁fire", + "s" + ], + [ + "▁fi", + "res" + ], + [ + "▁fir", + "es" + ], + [ + "▁art", + "ifact" + ], + [ + "▁", + "artifact" + ], + [ + "▁Par", + "ker" + ], + [ + "▁Park", + "er" + ], + [ + "▁B", + "und" + ], + [ + "▁Bu", + "nd" + ], + [ + "▁Bun", + "d" + ], + [ + "▁v", + "erte" + ], + [ + "▁ver", + "te" + ], + [ + "▁vert", + "e" + ], + [ + "▁", + "verte" + ], + [ + "▁tal", + "ent" + ], + [ + "▁tale", + "nt" + ], + [ + "▁Lu", + "cas" + ], + [ + "▁Luc", + "as" + ], + [ + "re", + "verse" + ], + [ + "▁folg", + "enden" + ], + [ + "▁S", + "ah" + ], + [ + "▁Sa", + "h" + ], + [ + "ject", + "ions" + ], + [ + "je", + "ctions" + ], + [ + "jection", + "s" + ], + [ + "▁inve", + "ce" + ], + [ + "▁cost", + "itu" + ], + [ + "▁s", + "sl" + ], + [ + "▁ss", + "l" + ], + [ + "▁", + "ssl" + ], + [ + "}}", + "^" + ], + [ + "}", + "}^" + ], + [ + "▁viol", + "ent" + ], + [ + "▁s", + "pos" + ], + [ + "▁sp", + "os" + ], + [ + "▁spo", + "s" + ], + [ + "Ro", + "ut" + ], + [ + "R", + "out" + ], + [ + "jd", + "k" + ], + [ + "j", + "dk" + ], + [ + "▁за", + "ме" + ], + [ + "▁f", + "urent" + ], + [ + "▁fur", + "ent" + ], + [ + "▁fu", + "rent" + ], + [ + "an", + "dal" + ], + [ + "and", + "al" + ], + [ + "anda", + "l" + ], + [ + "H", + "om" + ], + [ + "▁Sen", + "ior" + ], + [ + "▁p", + "ounds" + ], + [ + "▁Disc", + "ogs" + ], + [ + "▁з", + "е" + ], + [ + "▁", + "зе" + ], + [ + "'}", + "[" + ], + [ + "'", + "}[" + ], + [ + "▁Napole", + "on" + ], + [ + "ordin", + "ates" + ], + [ + "ordinate", + "s" + ], + [ + "à", + "n" + ], + [ + "▁k", + "urz" + ], + [ + "▁kur", + "z" + ], + [ + "▁v", + "ere" + ], + [ + "▁ver", + "e" + ], + [ + "▁ve", + "re" + ], + [ + "▁", + "vere" + ], + [ + "▁re", + "use" + ], + [ + "▁Г", + "ен" + ], + [ + "▁Ге", + "н" + ], + [ + "▁S", + "yst" + ], + [ + "▁Sy", + "st" + ], + [ + "▁disapp", + "eared" + ], + [ + "▁disappear", + "ed" + ], + [ + "▁W", + "atch" + ], + [ + "▁Wat", + "ch" + ], + [ + "▁", + "Watch" + ], + [ + "bibli", + "othek" + ], + [ + "▁кор", + "пу" + ], + [ + "▁C", + "s" + ], + [ + "▁}", + "`" + ], + [ + "▁", + "}`" + ], + [ + "▁r", + "ör" + ], + [ + "▁де", + "ла" + ], + [ + "▁", + "дела" + ], + [ + "V", + "B" + ], + [ + "▁calcul", + "us" + ], + [ + "▁calc", + "ulus" + ], + [ + "ро", + "да" + ], + [ + "род", + "а" + ], + [ + "▁jud", + "gment" + ], + [ + "at", + "ile" + ], + [ + "ati", + "le" + ], + [ + "▁long", + "ue" + ], + [ + "▁lon", + "gue" + ], + [ + "▁H", + "us" + ], + [ + "▁Hu", + "s" + ], + [ + "J", + "ac" + ], + [ + "}}", + ")" + ], + [ + "}", + "})" + ], + [ + "RI", + "PT" + ], + [ + "IAB", + "ot" + ], + [ + "▁ap", + "ós" + ], + [ + "▁a", + "ston" + ], + [ + "▁as", + "ton" + ], + [ + "▁ast", + "on" + ], + [ + "Web", + "achiv" + ], + [ + "▁URL", + "s" + ], + [ + "▁co", + "at" + ], + [ + "▁э", + "коно" + ], + [ + "▁l", + "ear" + ], + [ + "▁le", + "ar" + ], + [ + "▁", + "lear" + ], + [ + "ext", + "ensions" + ], + [ + "extension", + "s" + ], + [ + "▁Class", + "ic" + ], + [ + "T", + "I" + ], + [ + "▁T", + "age" + ], + [ + "▁Tag", + "e" + ], + [ + "▁Ta", + "ge" + ], + [ + "▁l", + "á" + ], + [ + "▁", + "lá" + ], + [ + "▁s", + "emb" + ], + [ + "▁se", + "mb" + ], + [ + "▁sem", + "b" + ], + [ + "▁développ", + "ement" + ], + [ + "IS", + "TS" + ], + [ + "IST", + "S" + ], + [ + "▁sol", + "ves" + ], + [ + "▁solve", + "s" + ], + [ + ",\\", + "," + ], + [ + ",", + "\\," + ], + [ + "▁чем", + "пі" + ], + [ + "ord", + "inary" + ], + [ + "ordin", + "ary" + ], + [ + "▁B", + "av" + ], + [ + "▁Ba", + "v" + ], + [ + "▁much", + "os" + ], + [ + "▁mu", + "chos" + ], + [ + "▁mucho", + "s" + ], + [ + "S", + "elf" + ], + [ + "▁Ма", + "й" + ], + [ + "▁D", + "iet" + ], + [ + "▁Die", + "t" + ], + [ + "▁Di", + "et" + ], + [ + "▁necess", + "ity" + ], + [ + "ві", + "д" + ], + [ + "в", + "ід" + ], + [ + "▁m", + "ano" + ], + [ + "▁ma", + "no" + ], + [ + "▁man", + "o" + ], + [ + "▁С", + "р" + ], + [ + "▁car", + "re" + ], + [ + "▁Cam", + "era" + ], + [ + "▁Camer", + "a" + ], + [ + "▁", + "Camera" + ], + [ + "▁N", + "arod" + ], + [ + "▁Na", + "rod" + ], + [ + "▁Nar", + "od" + ], + [ + "▁Ph", + "one" + ], + [ + "▁Pho", + "ne" + ], + [ + "▁", + "Phone" + ], + [ + "▁pol", + "ym" + ], + [ + "▁poly", + "m" + ], + [ + "im", + "ore" + ], + [ + "imo", + "re" + ], + [ + "i", + "more" + ], + [ + "is", + "Empty" + ], + [ + "▁Hou", + "ston" + ], + [ + "▁Re", + "ce" + ], + [ + "▁Rec", + "e" + ], + [ + "▁", + "Rece" + ], + [ + "▁present", + "ation" + ], + [ + "▁pres", + "entation" + ], + [ + "▁presenta", + "tion" + ], + [ + "▁", + "presentation" + ], + [ + "ни", + "ципа" + ], + [ + "ници", + "па" + ], + [ + "▁D", + "b" + ], + [ + "▁", + "Db" + ], + [ + "▁conf", + "ident" + ], + [ + "▁}", + "{" + ], + [ + "▁", + "}{" + ], + [ + "▁bul", + "let" + ], + [ + "▁", + "bullet" + ], + [ + "▁{", + "}," + ], + [ + "▁{}", + "," + ], + [ + "AN", + "GE" + ], + [ + "ANG", + "E" + ], + [ + "▁No", + "tre" + ], + [ + "▁Not", + "re" + ], + [ + "ch", + "in" + ], + [ + "chi", + "n" + ], + [ + "c", + "hin" + ], + [ + "▁Dr", + "agon" + ], + [ + "▁Drag", + "on" + ], + [ + "▁Dra", + "gon" + ], + [ + "er", + "ca" + ], + [ + "erc", + "a" + ], + [ + "ia", + "li" + ], + [ + "ial", + "i" + ], + [ + "i", + "ali" + ], + [ + "▁as", + "set" + ], + [ + "▁ass", + "et" + ], + [ + "▁asse", + "t" + ], + [ + "▁", + "asset" + ], + [ + "▁mu", + "ito" + ], + [ + "▁muit", + "o" + ], + [ + "▁deep", + "ly" + ], + [ + "▁rest", + "riction" + ], + [ + "▁restrict", + "ion" + ], + [ + "▁com", + "merce" + ], + [ + "▁commer", + "ce" + ], + [ + "▁", + "commerce" + ], + [ + "▁B", + "omb" + ], + [ + "▁Bo", + "mb" + ], + [ + "▁Bom", + "b" + ], + [ + "c", + "aught" + ], + [ + "q", + "q" + ], + [ + "▁A", + "rag" + ], + [ + "▁Ar", + "ag" + ], + [ + "▁Ara", + "g" + ], + [ + "▁не", + "мец" + ], + [ + "▁Anal", + "ysis" + ], + [ + "▁člán", + "ku" + ], + [ + "▁b", + "aby" + ], + [ + "▁ba", + "by" + ], + [ + "▁e", + "chter" + ], + [ + "▁о", + "дного" + ], + [ + "▁од", + "ного" + ], + [ + "▁одно", + "го" + ], + [ + "же", + "на" + ], + [ + "жен", + "а" + ], + [ + "ж", + "ена" + ], + [ + "▁white", + "space" + ], + [ + "▁whites", + "pace" + ], + [ + "ç", + "u" + ], + [ + "LI", + "ST" + ], + [ + "L", + "IST" + ], + [ + "fr", + "ique" + ], + [ + "fri", + "que" + ], + [ + "f", + "rique" + ], + [ + "▁v", + "arias" + ], + [ + "▁var", + "ias" + ], + [ + "▁vari", + "as" + ], + [ + "▁va", + "rias" + ], + [ + "▁W", + "it" + ], + [ + "▁Wi", + "t" + ], + [ + "▁Lic", + "encia" + ], + [ + "Ex", + "it" + ], + [ + "▁sie", + "rp" + ], + [ + "▁sier", + "p" + ], + [ + "▁ass", + "emb" + ], + [ + "▁asse", + "mb" + ], + [ + "▁split", + "ting" + ], + [ + "▁spl", + "itting" + ], + [ + "▁pa", + "lace" + ], + [ + "▁pal", + "ace" + ], + [ + "▁b", + "locked" + ], + [ + "▁block", + "ed" + ], + [ + "▁bound", + "aries" + ], + [ + "▁iter", + "ations" + ], + [ + "▁iteration", + "s" + ], + [ + "▁Rot", + "ten" + ], + [ + "▁Ver", + "kehr" + ], + [ + "▁we", + "er" + ], + [ + "Test", + "s" + ], + [ + "T", + "ests" + ], + [ + "if", + "ting" + ], + [ + "ift", + "ing" + ], + [ + "▁reg", + "ul" + ], + [ + "▁pers", + "ist" + ], + [ + "▁Sol", + "ution" + ], + [ + "p", + "b" + ], + [ + "▁col", + "lapse" + ], + [ + "▁", + "collapse" + ], + [ + "▁arr", + "ested" + ], + [ + "▁arrest", + "ed" + ], + [ + "▁pred", + "icate" + ], + [ + "▁Z", + "one" + ], + [ + "▁Zo", + "ne" + ], + [ + "▁", + "Zone" + ], + [ + "▁in", + "gen" + ], + [ + "▁ing", + "en" + ], + [ + "▁", + "ingen" + ], + [ + "zá", + "lez" + ], + [ + "▁b", + "anks" + ], + [ + "▁bank", + "s" + ], + [ + "▁ban", + "ks" + ], + [ + "pl", + "ant" + ], + [ + "plan", + "t" + ], + [ + "pla", + "nt" + ], + [ + "p", + "lant" + ], + [ + "▁N", + "ella" + ], + [ + "▁Ne", + "lla" + ], + [ + "▁Nel", + "la" + ], + [ + "▁Nell", + "a" + ], + [ + "▁б", + "ан" + ], + [ + "▁ба", + "н" + ], + [ + "▁", + "бан" + ], + [ + "▁S", + "now" + ], + [ + "▁Sn", + "ow" + ], + [ + "▁Kre", + "uz" + ], + [ + "í", + "cio" + ], + [ + "▁en", + "ters" + ], + [ + "▁ent", + "ers" + ], + [ + "▁enter", + "s" + ], + [ + "▁ex", + "pose" + ], + [ + "▁exp", + "ose" + ], + [ + "▁expos", + "e" + ], + [ + "č", + "i" + ], + [ + "ши", + "е" + ], + [ + "Qu", + "al" + ], + [ + "Q", + "ual" + ], + [ + "▁lands", + "cape" + ], + [ + "▁пода", + "цима" + ], + [ + "ma", + "i" + ], + [ + "m", + "ai" + ], + [ + "st", + "ag" + ], + [ + "sta", + "g" + ], + [ + "s", + "tag" + ], + [ + "ова", + "ний" + ], + [ + "DE", + "F" + ], + [ + "D", + "EF" + ], + [ + "[]", + "{" + ], + [ + "[", + "]{" + ], + [ + "▁derni", + "ère" + ], + [ + "ic", + "ut" + ], + [ + "i", + "cut" + ], + [ + "▁X", + "ml" + ], + [ + "▁", + "Xml" + ], + [ + "▁sub", + "group" + ], + [ + "▁Pol", + "sce" + ], + [ + "▁W", + "arning" + ], + [ + "▁War", + "ning" + ], + [ + "▁", + "Warning" + ], + [ + "▁veh", + "icles" + ], + [ + "▁vehicle", + "s" + ], + [ + "io", + "t" + ], + [ + "i", + "ot" + ], + [ + "▁d", + "ll" + ], + [ + "▁", + "dll" + ], + [ + "ro", + "nt" + ], + [ + "ron", + "t" + ], + [ + "r", + "ont" + ], + [ + "▁Lou", + "ise" + ], + [ + "▁Louis", + "e" + ], + [ + "▁a", + "ra" + ], + [ + "▁ar", + "a" + ], + [ + "▁", + "ara" + ], + [ + "▁S", + "cala" + ], + [ + "▁Sc", + "ala" + ], + [ + "▁canon", + "ical" + ], + [ + "▁pl", + "acing" + ], + [ + "▁pla", + "cing" + ], + [ + "ER", + "Y" + ], + [ + "E", + "RY" + ], + [ + "▁J", + "ag" + ], + [ + "▁Ja", + "g" + ], + [ + "▁v", + "irus" + ], + [ + "▁vi", + "rus" + ], + [ + "▁vir", + "us" + ], + [ + "em", + "u" + ], + [ + "e", + "mu" + ], + [ + "▁}", + ");\r" + ], + [ + "▁});", + "\r" + ], + [ + "▁})", + ";\r" + ], + [ + "▁м", + "м" + ], + [ + "▁Tr", + "ying" + ], + [ + "▁Try", + "ing" + ], + [ + "▁Lex", + "ikon" + ], + [ + "ab", + "ord" + ], + [ + "abor", + "d" + ], + [ + "▁exped", + "ition" + ], + [ + "▁demand", + "ed" + ], + [ + "▁demande", + "d" + ], + [ + "Z", + "yg" + ], + [ + "le", + "in" + ], + [ + "lei", + "n" + ], + [ + "l", + "ein" + ], + [ + "▁verw", + "endet" + ], + [ + "ри", + "на" + ], + [ + "рин", + "а" + ], + [ + "wo", + "l" + ], + [ + "w", + "ol" + ], + [ + "▁p", + "ivot" + ], + [ + "▁одна", + "ко" + ], + [ + "▁propri", + "et" + ], + [ + "▁a", + "wards" + ], + [ + "▁aw", + "ards" + ], + [ + "▁award", + "s" + ], + [ + "to", + "ut" + ], + [ + "t", + "out" + ], + [ + "▁as", + "sim" + ], + [ + "▁ass", + "im" + ], + [ + "▁St", + "orm" + ], + [ + "▁Sto", + "rm" + ], + [ + "Li", + "mit" + ], + [ + "L", + "imit" + ], + [ + "el", + "in" + ], + [ + "eli", + "n" + ], + [ + "e", + "lin" + ], + [ + "we", + "alth" + ], + [ + "ue", + "z" + ], + [ + "u", + "ez" + ], + [ + "▁rap", + "present" + ], + [ + "▁rappres", + "ent" + ], + [ + "▁re", + "sta" + ], + [ + "▁r", + "esta" + ], + [ + "▁res", + "ta" + ], + [ + "▁rest", + "a" + ], + [ + "▁gegründ", + "et" + ], + [ + "▁journal", + "ist" + ], + [ + "is", + "ie" + ], + [ + "isi", + "e" + ], + [ + "▁fac", + "ility" + ], + [ + "▁facil", + "ity" + ], + [ + "il", + "led" + ], + [ + "ill", + "ed" + ], + [ + "ille", + "d" + ], + [ + "ul", + "k" + ], + [ + "▁P", + "K" + ], + [ + "▁", + "PK" + ], + [ + "An", + "chor" + ], + [ + "▁_", + ")" + ], + [ + "▁", + "_)" + ], + [ + "V", + "F" + ], + [ + "LA", + "B" + ], + [ + "L", + "AB" + ], + [ + "▁n", + "å" + ], + [ + "od", + "os" + ], + [ + "odo", + "s" + ], + [ + "▁bill", + "ion" + ], + [ + "vir", + "ti" + ], + [ + "virt", + "i" + ], + [ + "▁Je", + "ux" + ], + [ + "юз", + "а" + ], + [ + "ю", + "за" + ], + [ + "tom", + "cat" + ], + [ + "▁ch", + "arts" + ], + [ + "▁char", + "ts" + ], + [ + "▁chart", + "s" + ], + [ + "▁", + "charts" + ], + [ + "▁B", + "undle" + ], + [ + "▁Bund", + "le" + ], + [ + "▁", + "Bundle" + ], + [ + "▁l", + "st" + ], + [ + "▁ls", + "t" + ], + [ + "▁", + "lst" + ], + [ + "▁ex", + "er" + ], + [ + "▁fem", + "ales" + ], + [ + "▁female", + "s" + ], + [ + "▁oblig", + "ed" + ], + [ + "▁a", + "by" + ], + [ + "▁ab", + "y" + ], + [ + "▁", + "aby" + ], + [ + "roll", + "ed" + ], + [ + "rol", + "led" + ], + [ + "rolle", + "d" + ], + [ + "dr", + "i" + ], + [ + "d", + "ri" + ], + [ + "▁S", + "che" + ], + [ + "▁Sch", + "e" + ], + [ + "▁Sc", + "he" + ], + [ + "▁vess", + "els" + ], + [ + "▁vessel", + "s" + ], + [ + "IMA", + "RY" + ], + [ + "IM", + "ARY" + ], + [ + "▁reason", + "ing" + ], + [ + "▁про", + "те" + ], + [ + "▁пр", + "оте" + ], + [ + "FI", + "LES" + ], + [ + "FILE", + "S" + ], + [ + "ver", + "k" + ], + [ + "v", + "erk" + ], + [ + "os", + "os" + ], + [ + "oso", + "s" + ], + [ + "▁ком", + "му" + ], + [ + "ді", + "ї" + ], + [ + "д", + "ії" + ], + [ + "▁d", + "d" + ], + [ + "▁", + "dd" + ], + [ + "▁со", + "ответ" + ], + [ + "▁IO", + "Exception" + ], + [ + "▁", + "IOException" + ], + [ + "sk", + "ých" + ], + [ + "ský", + "ch" + ], + [ + "▁C", + "LI" + ], + [ + "▁CL", + "I" + ], + [ + "▁", + "CLI" + ], + [ + "▁", + "ње" + ], + [ + "C", + "M" + ], + [ + "T", + "D" + ], + [ + "▁possib", + "ilities" + ], + [ + "▁possibil", + "ities" + ], + [ + "▁Com", + "pos" + ], + [ + "▁Comp", + "os" + ], + [ + "hal", + "f" + ], + [ + "h", + "alf" + ], + [ + "▁web", + "page" + ], + [ + "▁s", + "wing" + ], + [ + "▁sw", + "ing" + ], + [ + "▁", + "swing" + ], + [ + "▁z", + "as" + ], + [ + "▁za", + "s" + ], + [ + "▁", + "zas" + ], + [ + "▁cy", + "cl" + ], + [ + "le", + "id" + ], + [ + "lei", + "d" + ], + [ + "ist", + "ica" + ], + [ + "istic", + "a" + ], + [ + "isti", + "ca" + ], + [ + "▁In", + "sert" + ], + [ + "▁Ins", + "ert" + ], + [ + "▁", + "Insert" + ], + [ + "▁Sw", + "eden" + ], + [ + "▁want", + "ing" + ], + [ + "▁", + "ال" + ], + [ + "▁e", + "euw" + ], + [ + "▁Admin", + "istr" + ], + [ + "▁War", + "ren" + ], + [ + "▁b", + "s" + ], + [ + "▁", + "bs" + ], + [ + "▁p", + "am" + ], + [ + "▁pa", + "m" + ], + [ + "an", + "us" + ], + [ + "anu", + "s" + ], + [ + "Dr", + "a" + ], + [ + "D", + "ra" + ], + [ + "ex", + "pl" + ], + [ + "exp", + "l" + ], + [ + "▁K", + "ant" + ], + [ + "▁Kan", + "t" + ], + [ + "▁Ka", + "nt" + ], + [ + "▁Aust", + "in" + ], + [ + "▁c", + "sak" + ], + [ + "▁cs", + "ak" + ], + [ + "▁the", + "atre" + ], + [ + "▁compat", + "ibility" + ], + [ + "ма", + "тиче" + ], + [ + "мати", + "че" + ], + [ + "set", + "State" + ], + [ + "б", + "ю" + ], + [ + "}{", + "|" + ], + [ + "}", + "{|" + ], + [ + "▁D", + "y" + ], + [ + "▁Zw", + "ischen" + ], + [ + "Al", + "t" + ], + [ + "A", + "lt" + ], + [ + "CLA", + "RE" + ], + [ + "st", + "eps" + ], + [ + "ste", + "ps" + ], + [ + "step", + "s" + ], + [ + "▁L", + "age" + ], + [ + "▁La", + "ge" + ], + [ + "▁Lag", + "e" + ], + [ + "▁M", + "itt" + ], + [ + "▁Mit", + "t" + ], + [ + "▁Mi", + "tt" + ], + [ + "▁Dub", + "lin" + ], + [ + "▁рабо", + "ты" + ], + [ + "de", + "ep" + ], + [ + "▁fl", + "ows" + ], + [ + "▁flow", + "s" + ], + [ + "▁flo", + "ws" + ], + [ + "▁Pa", + "lace" + ], + [ + "▁Pal", + "ace" + ], + [ + "▁Pala", + "ce" + ], + [ + "un", + "ix" + ], + [ + "uni", + "x" + ], + [ + "re", + "fs" + ], + [ + "ref", + "s" + ], + [ + "um", + "ar" + ], + [ + "uma", + "r" + ], + [ + "u", + "mar" + ], + [ + "as", + "et" + ], + [ + "ase", + "t" + ], + [ + "a", + "set" + ], + [ + "co", + "v" + ], + [ + "c", + "ov" + ], + [ + "▁p", + "ing" + ], + [ + "▁pi", + "ng" + ], + [ + "▁pin", + "g" + ], + [ + "▁", + "ping" + ], + [ + "▁Saf", + "ari" + ], + [ + "fl", + "ug" + ], + [ + "flu", + "g" + ], + [ + "cre", + "ens" + ], + [ + "creen", + "s" + ], + [ + "c", + "reens" + ], + [ + "{", + "#" + ], + [ + "▁ре", + "а" + ], + [ + "ad", + "ors" + ], + [ + "ado", + "rs" + ], + [ + "ador", + "s" + ], + [ + "▁a", + "mor" + ], + [ + "▁am", + "or" + ], + [ + "uc", + "e" + ], + [ + "u", + "ce" + ], + [ + "de", + "mic" + ], + [ + "dem", + "ic" + ], + [ + "▁Nether", + "lands" + ], + [ + "▁cluster", + "s" + ], + [ + "▁clust", + "ers" + ], + [ + "▁en", + "for" + ], + [ + "▁enf", + "or" + ], + [ + "mar", + "ine" + ], + [ + "▁b", + "ugs" + ], + [ + "▁bu", + "gs" + ], + [ + "▁bug", + "s" + ], + [ + "izz", + "ata" + ], + [ + "izza", + "ta" + ], + [ + "▁s", + "cra" + ], + [ + "▁sc", + "ra" + ], + [ + "▁scr", + "a" + ], + [ + "Le", + "s" + ], + [ + "L", + "es" + ], + [ + "qu", + "ick" + ], + [ + "qui", + "ck" + ], + [ + "▁turn", + "o" + ], + [ + "▁tur", + "no" + ], + [ + "_", + "*" + ], + [ + "ер", + "а" + ], + [ + "е", + "ра" + ], + [ + "Gener", + "ated" + ], + [ + ">", + "[" + ], + [ + "▁e", + "stre" + ], + [ + "▁est", + "re" + ], + [ + "▁es", + "tre" + ], + [ + "▁", + "estre" + ], + [ + "or", + "de" + ], + [ + "ord", + "e" + ], + [ + "▁v", + "erg" + ], + [ + "▁ver", + "g" + ], + [ + "▁ve", + "rg" + ], + [ + "ро", + "з" + ], + [ + "р", + "оз" + ], + [ + "▁p", + "au" + ], + [ + "▁pa", + "u" + ], + [ + "in", + "cludes" + ], + [ + "include", + "s" + ], + [ + "includ", + "es" + ], + [ + "as", + "sa" + ], + [ + "ass", + "a" + ], + [ + "ad", + "ers" + ], + [ + "ader", + "s" + ], + [ + "ade", + "rs" + ], + [ + "a", + "ders" + ], + [ + "▁Гер", + "ма" + ], + [ + "▁est", + "aven" + ], + [ + "▁esta", + "ven" + ], + [ + "▁ear", + "liest" + ], + [ + "▁res", + "ultado" + ], + [ + "▁result", + "ado" + ], + [ + "mu", + "n" + ], + [ + "m", + "un" + ], + [ + "▁pl", + "ots" + ], + [ + "▁plot", + "s" + ], + [ + "▁", + "plots" + ], + [ + "di", + "n" + ], + [ + "d", + "in" + ], + [ + "sort", + "ed" + ], + [ + "s", + "orted" + ], + [ + "▁p", + "reference" + ], + [ + "▁pre", + "ference" + ], + [ + "▁prefer", + "ence" + ], + [ + "ri", + "ó" + ], + [ + "r", + "ió" + ], + [ + "ту", + "ре" + ], + [ + "тур", + "е" + ], + [ + "▁L", + "igue" + ], + [ + "▁Li", + "gue" + ], + [ + "▁Lig", + "ue" + ], + [ + "▁за", + "вер" + ], + [ + "▁зав", + "ер" + ], + [ + "ph", + "r" + ], + [ + "p", + "hr" + ], + [ + "▁p", + "ocket" + ], + [ + "▁po", + "cket" + ], + [ + "▁poc", + "ket" + ], + [ + "▁par", + "l" + ], + [ + "▁pa", + "rl" + ], + [ + "▁l", + "ak" + ], + [ + "▁la", + "k" + ], + [ + "▁", + "lak" + ], + [ + "▁p", + "owie" + ], + [ + "▁po", + "wie" + ], + [ + "▁pow", + "ie" + ], + [ + "▁al", + "tres" + ], + [ + "▁alt", + "res" + ], + [ + "▁altre", + "s" + ], + [ + "$}", + ";" + ], + [ + "$", + "};" + ], + [ + "pl", + "ain" + ], + [ + "pla", + "in" + ], + [ + "p", + "lain" + ], + [ + "▁C", + "red" + ], + [ + "▁Cre", + "d" + ], + [ + "▁Cr", + "ed" + ], + [ + "▁", + "Cred" + ], + [ + "it", + "za" + ], + [ + "itz", + "a" + ], + [ + "pe", + "rp" + ], + [ + "per", + "p" + ], + [ + "Gr", + "een" + ], + [ + "Gre", + "en" + ], + [ + "G", + "reen" + ], + [ + "▁dev", + "oted" + ], + [ + "product", + "ion" + ], + [ + "produ", + "ction" + ], + [ + "p", + "roduction" + ], + [ + "work", + "er" + ], + [ + "wor", + "ker" + ], + [ + "el", + "sen" + ], + [ + "els", + "en" + ], + [ + "else", + "n" + ], + [ + "▁v", + "ern" + ], + [ + "▁ver", + "n" + ], + [ + "▁ve", + "rn" + ], + [ + "▁", + "vern" + ], + [ + "▁már", + "cius" + ], + [ + "▁Conf", + "eder" + ], + [ + "▁Liver", + "pool" + ], + [ + "▁му", + "зи" + ], + [ + "▁em", + "ails" + ], + [ + "▁email", + "s" + ], + [ + "▁dist", + "ances" + ], + [ + "▁distance", + "s" + ], + [ + "▁seg", + "ments" + ], + [ + "▁segment", + "s" + ], + [ + "▁a", + "nth" + ], + [ + "▁an", + "th" + ], + [ + "▁ant", + "h" + ], + [ + "▁", + "anth" + ], + [ + "▁w", + "rest" + ], + [ + "▁wr", + "est" + ], + [ + "▁ho", + "og" + ], + [ + "▁cin", + "ema" + ], + [ + "rr", + "or" + ], + [ + "r", + "ror" + ], + [ + "▁geb", + "oren" + ], + [ + "▁é", + "c" + ], + [ + "▁", + "éc" + ], + [ + "Mar", + "ker" + ], + [ + "Mark", + "er" + ], + [ + "▁Com", + "pet" + ], + [ + "▁Comp", + "et" + ], + [ + "▁ли", + "сто" + ], + [ + "all", + "owed" + ], + [ + "allow", + "ed" + ], + [ + "allo", + "wed" + ], + [ + "vol", + "ume" + ], + [ + "Esp", + "agne" + ], + [ + "Z", + "e" + ], + [ + "▁fix", + "es" + ], + [ + "▁fi", + "xes" + ], + [ + "▁r", + "ond" + ], + [ + "▁ro", + "nd" + ], + [ + "▁arrang", + "ement" + ], + [ + "/", + "~" + ], + [ + ".]", + "(" + ], + [ + ".", + "](" + ], + [ + "▁For", + "rások" + ], + [ + "▁weiter", + "en" + ], + [ + "▁weit", + "eren" + ], + [ + "▁weitere", + "n" + ], + [ + "ex", + "cel" + ], + [ + "▁з", + "мі" + ], + [ + "▁mod", + "erne" + ], + [ + "▁modern", + "e" + ], + [ + "▁moder", + "ne" + ], + [ + "Eng", + "lish" + ], + [ + "▁Transfer", + "markt" + ], + [ + "▁be", + "aring" + ], + [ + "▁bear", + "ing" + ], + [ + "▁cl", + "eared" + ], + [ + "▁clear", + "ed" + ], + [ + "▁cle", + "ared" + ], + [ + "▁са", + "м" + ], + [ + "▁di", + "vs" + ], + [ + "▁div", + "s" + ], + [ + "ć", + "i" + ], + [ + "▁э", + "той" + ], + [ + "▁это", + "й" + ], + [ + "▁Ге", + "ор" + ], + [ + "sc", + "ene" + ], + [ + "sce", + "ne" + ], + [ + "▁a", + "ges" + ], + [ + "▁ag", + "es" + ], + [ + "▁age", + "s" + ], + [ + "▁", + "ages" + ], + [ + "GE", + "N" + ], + [ + "G", + "EN" + ], + [ + "rä", + "n" + ], + [ + "r", + "än" + ], + [ + "▁T", + "oul" + ], + [ + "▁To", + "ul" + ], + [ + "▁A", + "bs" + ], + [ + "▁Ab", + "s" + ], + [ + "j", + "át" + ], + [ + "▁med", + "iante" + ], + [ + "▁medi", + "ante" + ], + [ + "▁median", + "te" + ], + [ + "▁em", + "pres" + ], + [ + "▁emp", + "res" + ], + [ + "▁Emp", + "loyee" + ], + [ + "▁", + "Employee" + ], + [ + "▁polynomial", + "s" + ], + [ + "▁optim", + "ize" + ], + [ + "▁вы", + "ступа" + ], + [ + "fa", + "re" + ], + [ + "far", + "e" + ], + [ + "f", + "are" + ], + [ + "ве", + "й" + ], + [ + "в", + "ей" + ], + [ + "x", + "f" + ], + [ + "qu", + "ez" + ], + [ + "que", + "z" + ], + [ + "q", + "uez" + ], + [ + "▁bo", + "tan" + ], + [ + "▁bot", + "an" + ], + [ + "▁def", + "end" + ], + [ + "▁defe", + "nd" + ], + [ + "▁Qu", + "art" + ], + [ + "Mon", + "t" + ], + [ + "Mo", + "nt" + ], + [ + "M", + "ont" + ], + [ + "v", + "b" + ], + [ + "ti", + "ck" + ], + [ + "t", + "ick" + ], + [ + "W", + "D" + ], + [ + "min", + "e" + ], + [ + "mi", + "ne" + ], + [ + "m", + "ine" + ], + [ + "▁mod", + "ific" + ], + [ + "not", + "ification" + ], + [ + "▁d", + "enn" + ], + [ + "▁de", + "nn" + ], + [ + "▁den", + "n" + ], + [ + "▁al", + "go" + ], + [ + "▁alg", + "o" + ], + [ + "▁S", + "po" + ], + [ + "▁Sp", + "o" + ], + [ + "▁m", + "istrzost" + ], + [ + "/", + ":" + ], + [ + "▁a", + "present" + ], + [ + "▁apr", + "esent" + ], + [ + "▁п", + "род" + ], + [ + "▁про", + "д" + ], + [ + "▁пр", + "од" + ], + [ + "Vol", + "ume" + ], + [ + "sk", + "ą" + ], + [ + "s", + "ką" + ], + [ + "prote", + "cted" + ], + [ + "▁Turk", + "ish" + ], + [ + "az", + "y" + ], + [ + "a", + "zy" + ], + [ + "▁p", + "ouv" + ], + [ + "▁po", + "uv" + ], + [ + "▁pou", + "v" + ], + [ + "▁perí", + "odo" + ], + [ + "sk", + "og" + ], + [ + "sko", + "g" + ], + [ + "▁ent", + "ropy" + ], + [ + "▁entr", + "opy" + ], + [ + "ze", + "d" + ], + [ + "z", + "ed" + ], + [ + "то", + "ри" + ], + [ + "тор", + "и" + ], + [ + "▁l", + "ij" + ], + [ + "▁li", + "j" + ], + [ + "▁", + "lij" + ], + [ + "bo", + "ards" + ], + [ + "board", + "s" + ], + [ + "▁ста", + "ту" + ], + [ + "Bo", + "ol" + ], + [ + "B", + "ool" + ], + [ + "▁pol", + "ity" + ], + [ + "▁polit", + "y" + ], + [ + "@\"", + "," + ], + [ + "@", + "\"," + ], + [ + "▁рі", + "к" + ], + [ + "né", + "e" + ], + [ + "n", + "ée" + ], + [ + "▁Z", + "ug" + ], + [ + "▁Zu", + "g" + ], + [ + "▁Un", + "iti" + ], + [ + "▁Unit", + "i" + ], + [ + "ém", + "et" + ], + [ + "é", + "met" + ], + [ + "at", + "ience" + ], + [ + "ati", + "ence" + ], + [ + "di", + "men" + ], + [ + "dim", + "en" + ], + [ + "d", + "imen" + ], + [ + "▁St", + "even" + ], + [ + "▁Ste", + "ven" + ], + [ + "▁Steve", + "n" + ], + [ + "H", + "a" + ], + [ + "ACT", + "ION" + ], + [ + "A", + "CTION" + ], + [ + "▁w", + "and" + ], + [ + "▁wa", + "nd" + ], + [ + "▁", + "wand" + ], + [ + "▁Na", + "var" + ], + [ + "▁Nav", + "ar" + ], + [ + "▁сі", + "чня" + ], + [ + "W", + "atch" + ], + [ + "▁Stu", + "art" + ], + [ + "▁z", + "de" + ], + [ + "▁zd", + "e" + ], + [ + "▁кон", + "тро" + ], + [ + "data", + "set" + ], + [ + "dat", + "aset" + ], + [ + "datas", + "et" + ], + [ + "y", + "ó" + ], + [ + "▁B", + "ush" + ], + [ + "▁Bu", + "sh" + ], + [ + "▁Bus", + "h" + ], + [ + "▁се", + "бя" + ], + [ + "▁wor", + "thy" + ], + [ + "▁worth", + "y" + ], + [ + "▁B", + "le" + ], + [ + "▁Bl", + "e" + ], + [ + "▁pro", + "por" + ], + [ + "▁prop", + "or" + ], + [ + "▁Vill", + "age" + ], + [ + "▁Villa", + "ge" + ], + [ + "▁Vil", + "lage" + ], + [ + "▁r", + "y" + ], + [ + "▁", + "ry" + ], + [ + "▁v", + "oit" + ], + [ + "▁vo", + "it" + ], + [ + "▁копи", + "я" + ], + [ + "▁z", + "p" + ], + [ + "▁c", + "ura" + ], + [ + "▁cu", + "ra" + ], + [ + "▁cur", + "a" + ], + [ + "▁H", + "tml" + ], + [ + "▁", + "Html" + ], + [ + "▁Die", + "ser" + ], + [ + "▁Dies", + "er" + ], + [ + "▁Diese", + "r" + ], + [ + "▁D", + "ays" + ], + [ + "▁Da", + "ys" + ], + [ + "▁Day", + "s" + ], + [ + "▁", + "Days" + ], + [ + "on", + "nes" + ], + [ + "onn", + "es" + ], + [ + "onne", + "s" + ], + [ + "▁ant", + "igu" + ], + [ + "▁anti", + "gu" + ], + [ + "▁Sta", + "aten" + ], + [ + "▁Staat", + "en" + ], + [ + "▁f", + "aint" + ], + [ + "▁fa", + "int" + ], + [ + "on", + "gs" + ], + [ + "ong", + "s" + ], + [ + "▁ö", + "st" + ], + [ + "▁", + "öst" + ], + [ + "Re", + "direct" + ], + [ + "Red", + "irect" + ], + [ + "ел", + "ь" + ], + [ + "е", + "ль" + ], + [ + "at", + "orial" + ], + [ + "ator", + "ial" + ], + [ + "ato", + "rial" + ], + [ + "atori", + "al" + ], + [ + "▁b", + "other" + ], + [ + "▁bo", + "ther" + ], + [ + "▁both", + "er" + ], + [ + "▁bot", + "her" + ], + [ + "Edit", + "Text" + ], + [ + "▁Gi", + "ul" + ], + [ + "▁за", + "во" + ], + [ + "▁зав", + "о" + ], + [ + "▁pue", + "blo" + ], + [ + "▁Mississ", + "ippi" + ], + [ + "ja", + "k" + ], + [ + "j", + "ak" + ], + [ + "▁w", + "ings" + ], + [ + "▁win", + "gs" + ], + [ + "▁wing", + "s" + ], + [ + "on", + "c" + ], + [ + "o", + "nc" + ], + [ + "ív", + "el" + ], + [ + "í", + "vel" + ], + [ + "ien", + "cia" + ], + [ + "i", + "encia" + ], + [ + "ent", + "licht" + ], + [ + "entlich", + "t" + ], + [ + "▁B", + "TW" + ], + [ + "or", + "nal" + ], + [ + "orn", + "al" + ], + [ + "▁Ко", + "ро" + ], + [ + "▁Кор", + "о" + ], + [ + "▁од", + "ним" + ], + [ + "▁sa", + "lv" + ], + [ + "▁sal", + "v" + ], + [ + "▁f", + "inden" + ], + [ + "▁find", + "en" + ], + [ + "▁fin", + "den" + ], + [ + "ge", + "o" + ], + [ + "▁а", + "виа" + ], + [ + "att", + "ung" + ], + [ + "vi", + "v" + ], + [ + "v", + "iv" + ], + [ + "▁L", + "uther" + ], + [ + "▁Lu", + "ther" + ], + [ + "▁об", + "щи" + ], + [ + "▁Ro", + "lle" + ], + [ + "▁Rol", + "le" + ], + [ + "▁Roll", + "e" + ], + [ + "▁Ab", + "raham" + ], + [ + "▁cent", + "ered" + ], + [ + "▁center", + "ed" + ], + [ + "▁sl", + "ash" + ], + [ + "▁sla", + "sh" + ], + [ + "▁", + "slash" + ], + [ + "is", + "at" + ], + [ + "isa", + "t" + ], + [ + "em", + "ann" + ], + [ + "ema", + "nn" + ], + [ + "eman", + "n" + ], + [ + "e", + "mann" + ], + [ + "O", + "s" + ], + [ + "пар", + "та" + ], + [ + "▁P", + "ablo" + ], + [ + "▁Pa", + "blo" + ], + [ + "▁collabor", + "ation" + ], + [ + "path", + "s" + ], + [ + "pat", + "hs" + ], + [ + "éd", + "ition" + ], + [ + "▁view", + "ed" + ], + [ + "▁vie", + "wed" + ], + [ + "▁cons", + "isted" + ], + [ + "▁consist", + "ed" + ], + [ + "▁recover", + "ed" + ], + [ + "▁Mex", + "ican" + ], + [ + "▁F", + "ix" + ], + [ + "▁sp", + "ell" + ], + [ + "▁spe", + "ll" + ], + [ + "▁spel", + "l" + ], + [ + "Spec", + "ial" + ], + [ + "Spe", + "cial" + ], + [ + "▁С", + "т" + ], + [ + "ess", + "eur" + ], + [ + "esse", + "ur" + ], + [ + "▁Украи", + "ны" + ], + [ + "form", + "er" + ], + [ + "for", + "mer" + ], + [ + "▁ś", + "w" + ], + [ + "▁z", + "eros" + ], + [ + "▁ze", + "ros" + ], + [ + "▁zero", + "s" + ], + [ + "▁Stra", + "ßen" + ], + [ + "▁Straße", + "n" + ], + [ + "▁organ", + "isation" + ], + [ + "▁organis", + "ation" + ], + [ + "▁", + "organisation" + ], + [ + "üss", + "en" + ], + [ + "üs", + "sen" + ], + [ + "▁S", + "ierra" + ], + [ + "▁Se", + "ason" + ], + [ + "▁Sea", + "son" + ], + [ + "▁vol", + "ont" + ], + [ + "Bean", + "Factory" + ], + [ + "▁помо", + "щ" + ], + [ + "▁pres", + "sing" + ], + [ + "▁press", + "ing" + ], + [ + "▁equival", + "ence" + ], + [ + "▁c", + "att" + ], + [ + "▁ca", + "tt" + ], + [ + "▁cat", + "t" + ], + [ + "ic", + "ity" + ], + [ + "ici", + "ty" + ], + [ + "i", + "city" + ], + [ + "▁accompl", + "ished" + ], + [ + "▁accomp", + "lished" + ], + [ + "▁accomplish", + "ed" + ], + [ + "▁y", + "o" + ], + [ + "▁", + "yo" + ], + [ + "▁s", + "ic" + ], + [ + "▁si", + "c" + ], + [ + "▁im", + "ports" + ], + [ + "▁import", + "s" + ], + [ + "▁accom", + "mod" + ], + [ + "▁Port", + "o" + ], + [ + "▁Por", + "to" + ], + [ + "▁я", + "ка" + ], + [ + "▁як", + "а" + ], + [ + "▁lo", + "an" + ], + [ + "ти", + "ки" + ], + [ + "тик", + "и" + ], + [ + "▁check", + "out" + ], + [ + "▁ass", + "ess" + ], + [ + "▁asse", + "ss" + ], + [ + "▁Pop", + "ulation" + ], + [ + "ur", + "ent" + ], + [ + "ure", + "nt" + ], + [ + "uren", + "t" + ], + [ + "u", + "rent" + ], + [ + "clo", + "jure" + ], + [ + "▁Sant", + "os" + ], + [ + "▁Santo", + "s" + ], + [ + "▁inform", + "áció" + ], + [ + "PO", + "S" + ], + [ + "P", + "OS" + ], + [ + "▁g", + "are" + ], + [ + "▁gar", + "e" + ], + [ + "▁ga", + "re" + ], + [ + "▁k", + "ick" + ], + [ + "▁ki", + "ck" + ], + [ + "▁rad", + "ical" + ], + [ + "▁radi", + "cal" + ], + [ + "▁Pe", + "ace" + ], + [ + "▁stream", + "ing" + ], + [ + "▁stre", + "aming" + ], + [ + "ca", + "mp" + ], + [ + "cam", + "p" + ], + [ + "c", + "amp" + ], + [ + "zą", + "t" + ], + [ + "го", + "вор" + ], + [ + "гов", + "ор" + ], + [ + "гово", + "р" + ], + [ + "▁Reg", + "ierung" + ], + [ + "▁proceed", + "ed" + ], + [ + "f", + "m" + ], + [ + "ле", + "ны" + ], + [ + "лен", + "ы" + ], + [ + "▁ear", + "nest" + ], + [ + "▁Par", + "ad" + ], + [ + "▁Pa", + "rad" + ], + [ + "▁Para", + "d" + ], + [ + "request", + "s" + ], + [ + "▁R", + "aum" + ], + [ + "▁Ra", + "um" + ], + [ + "š", + "č" + ], + [ + "▁polic", + "ies" + ], + [ + "▁T", + "ig" + ], + [ + "▁Ti", + "g" + ], + [ + "▁s", + "itt" + ], + [ + "▁si", + "tt" + ], + [ + "▁sit", + "t" + ], + [ + "▁Ener", + "gy" + ], + [ + "▁pur", + "ely" + ], + [ + "▁pure", + "ly" + ], + [ + "▁H", + "aut" + ], + [ + "▁Ha", + "ut" + ], + [ + "▁Sp", + "eed" + ], + [ + "▁Spe", + "ed" + ], + [ + "▁", + "Speed" + ], + [ + "bi", + "o" + ], + [ + "b", + "io" + ], + [ + "▁o", + "range" + ], + [ + "▁or", + "ange" + ], + [ + "▁big", + "gest" + ], + [ + "▁britann", + "ique" + ], + [ + "▁No", + "table" + ], + [ + "▁Not", + "able" + ], + [ + "v", + "u" + ], + [ + "ле", + "нии" + ], + [ + "би", + "н" + ], + [ + "б", + "ин" + ], + [ + "▁N", + "ash" + ], + [ + "▁Na", + "sh" + ], + [ + "▁Nas", + "h" + ], + [ + "ще", + "ние" + ], + [ + "▁c", + "iel" + ], + [ + "▁ci", + "el" + ], + [ + "adém", + "ie" + ], + [ + "▁гру", + "дня" + ], + [ + "▁jo", + "ue" + ], + [ + "▁jou", + "e" + ], + [ + "▁v", + "oted" + ], + [ + "▁vo", + "ted" + ], + [ + "▁vot", + "ed" + ], + [ + "▁vote", + "d" + ], + [ + "ri", + "co" + ], + [ + "ric", + "o" + ], + [ + "r", + "ico" + ], + [ + "▁го", + "р" + ], + [ + "▁г", + "ор" + ], + [ + "▁", + "гор" + ], + [ + "▁коман", + "ду" + ], + [ + "it", + "ivity" + ], + [ + "iti", + "vity" + ], + [ + "▁щ", + "е" + ], + [ + "▁", + "ще" + ], + [ + "▁de", + "finite" + ], + [ + "▁defin", + "ite" + ], + [ + "▁definit", + "e" + ], + [ + "uro", + "pa" + ], + [ + "urop", + "a" + ], + [ + "!\"", + ");" + ], + [ + "!", + "\");" + ], + [ + "Default", + "s" + ], + [ + "▁неко", + "торы" + ], + [ + "éd", + "ération" + ], + [ + "▁s", + "illy" + ], + [ + "▁sil", + "ly" + ], + [ + "▁talk", + "ed" + ], + [ + "▁tal", + "ked" + ], + [ + "re", + "u" + ], + [ + "r", + "eu" + ], + [ + "▁L", + "omb" + ], + [ + "▁Lo", + "mb" + ], + [ + "▁stat", + "ue" + ], + [ + "кт", + "а" + ], + [ + "к", + "та" + ], + [ + "ю", + "р" + ], + [ + "um", + "ably" + ], + [ + "▁горо", + "де" + ], + [ + "▁город", + "е" + ], + [ + "▁R", + "untime" + ], + [ + "▁Run", + "time" + ], + [ + "▁", + "Runtime" + ], + [ + "▁di", + "agn" + ], + [ + "▁diag", + "n" + ], + [ + "▁dia", + "gn" + ], + [ + "▁r", + "etro" + ], + [ + "▁ret", + "ro" + ], + [ + "▁retr", + "o" + ], + [ + "▁Sver", + "ige" + ], + [ + "▁in", + "icial" + ], + [ + "▁inici", + "al" + ], + [ + "ien", + "za" + ], + [ + "i", + "enza" + ], + [ + "▁fig", + "lio" + ], + [ + "▁z", + "og" + ], + [ + "▁zo", + "g" + ], + [ + "▁re", + "y" + ], + [ + "▁r", + "ey" + ], + [ + "▁", + "rey" + ], + [ + "▁R", + "und" + ], + [ + "▁Run", + "d" + ], + [ + "▁Ru", + "nd" + ], + [ + "т", + "ный" + ], + [ + "▁ce", + "ased" + ], + [ + "er", + "no" + ], + [ + "ern", + "o" + ], + [ + "▁e", + "sa" + ], + [ + "▁es", + "a" + ], + [ + "▁", + "esa" + ], + [ + "▁tr", + "ouv" + ], + [ + "▁tro", + "uv" + ], + [ + "▁trou", + "v" + ], + [ + "▁Gemeinde", + "n" + ], + [ + "▁Geme", + "inden" + ], + [ + "▁comer", + "cial" + ], + [ + "sk", + "ap" + ], + [ + "ska", + "p" + ], + [ + "s", + "kap" + ], + [ + "en", + "ario" + ], + [ + "ena", + "rio" + ], + [ + "▁ju", + "ris" + ], + [ + "▁jur", + "is" + ], + [ + "T", + "B" + ], + [ + "на", + "ла" + ], + [ + "нал", + "а" + ], + [ + "н", + "ала" + ], + [ + "▁v", + "ij" + ], + [ + "▁vi", + "j" + ], + [ + "V", + "O" + ], + [ + "▁c", + "lin" + ], + [ + "▁cl", + "in" + ], + [ + "▁cli", + "n" + ], + [ + "jö", + "r" + ], + [ + "j", + "ör" + ], + [ + "са", + "н" + ], + [ + "с", + "ан" + ], + [ + "ow", + "ała" + ], + [ + "owa", + "ła" + ], + [ + "ował", + "a" + ], + [ + "rib", + "ución" + ], + [ + "ribu", + "ción" + ], + [ + "▁urs", + "prüng" + ], + [ + "▁con", + "dem" + ], + [ + "▁cond", + "em" + ], + [ + "▁St", + "age" + ], + [ + "▁Sta", + "ge" + ], + [ + "▁", + "Stage" + ], + [ + "▁mix", + "ing" + ], + [ + "▁рі", + "з" + ], + [ + "▁f", + "ans" + ], + [ + "▁fa", + "ns" + ], + [ + "▁fan", + "s" + ], + [ + "há", + "z" + ], + [ + "h", + "áz" + ], + [ + "so", + "cial" + ], + [ + "soci", + "al" + ], + [ + "za", + "n" + ], + [ + "z", + "an" + ], + [ + "▁с", + "вой" + ], + [ + "▁сво", + "й" + ], + [ + "Cook", + "ie" + ], + [ + "▁Ro", + "land" + ], + [ + "▁Rol", + "and" + ], + [ + "az", + "ionale" + ], + [ + "▁Sl", + "oven" + ], + [ + "▁Slo", + "ven" + ], + [ + "▁Slov", + "en" + ], + [ + "▁F", + "iche" + ], + [ + "▁Fich", + "e" + ], + [ + "▁S", + "é" + ], + [ + "h", + "ä" + ], + [ + "▁official", + "s" + ], + [ + "▁offici", + "als" + ], + [ + "▁î", + "nt" + ], + [ + "▁în", + "t" + ], + [ + "Inter", + "ceptor" + ], + [ + "Table", + "s" + ], + [ + "Tab", + "les" + ], + [ + "T", + "ables" + ], + [ + "▁da", + "von" + ], + [ + "▁dav", + "on" + ], + [ + "init", + "ialize" + ], + [ + "initial", + "ize" + ], + [ + "]=", + "\"" + ], + [ + "]", + "=\"" + ], + [ + "▁B", + "ody" + ], + [ + "▁Bo", + "dy" + ], + [ + "▁Bod", + "y" + ], + [ + "▁", + "Body" + ], + [ + "▁U", + "pper" + ], + [ + "▁Up", + "per" + ], + [ + "▁", + "Upper" + ], + [ + "▁Col", + "lect" + ], + [ + "▁Coll", + "ect" + ], + [ + "▁", + "Collect" + ], + [ + "▁Zür", + "ich" + ], + [ + "Hor", + "izontal" + ], + [ + "Ty", + "p" + ], + [ + "T", + "yp" + ], + [ + "▁polít", + "ico" + ], + [ + "▁Rewrite", + "Cond" + ], + [ + "▁h", + "oped" + ], + [ + "▁hope", + "d" + ], + [ + "▁ho", + "ped" + ], + [ + "▁hop", + "ed" + ], + [ + "▁anx", + "ious" + ], + [ + "Li", + "ter" + ], + [ + "L", + "iter" + ], + [ + "ja", + "hr" + ], + [ + "j", + "ahr" + ], + [ + "▁ass", + "emble" + ], + [ + "▁assemb", + "le" + ], + [ + "▁c", + "rypt" + ], + [ + "▁cry", + "pt" + ], + [ + "lah", + "oma" + ], + [ + "AS", + "H" + ], + [ + "A", + "SH" + ], + [ + "▁Б", + "ри" + ], + [ + "▁C", + "ic" + ], + [ + "▁Ci", + "c" + ], + [ + "tw", + "itter" + ], + [ + "hy", + "per" + ], + [ + "▁T", + "ell" + ], + [ + "▁Te", + "ll" + ], + [ + "▁Tel", + "l" + ], + [ + "іль", + "ки" + ], + [ + "во", + "бо" + ], + [ + "▁ba", + "zie" + ], + [ + "▁baz", + "ie" + ], + [ + "▁contempor", + "ary" + ], + [ + "▁Param", + "eter" + ], + [ + "▁Para", + "meter" + ], + [ + "▁", + "Parameter" + ], + [ + "st", + "wa" + ], + [ + "▁bek", + "end" + ], + [ + "co", + "ck" + ], + [ + "c", + "ock" + ], + [ + "pre", + "vious" + ], + [ + "prev", + "ious" + ], + [ + "en", + "ska" + ], + [ + "ens", + "ka" + ], + [ + "ensk", + "a" + ], + [ + "▁c", + "aller" + ], + [ + "▁cal", + "ler" + ], + [ + "▁call", + "er" + ], + [ + "]]", + ")" + ], + [ + "]", + "])" + ], + [ + "▁R", + "az" + ], + [ + "▁Ra", + "z" + ], + [ + "▁Se", + "lon" + ], + [ + "▁Sel", + "on" + ], + [ + "▁propos", + "al" + ], + [ + "▁b", + "ý" + ], + [ + "▁S", + "ied" + ], + [ + "▁Sie", + "d" + ], + [ + "▁Si", + "ed" + ], + [ + "▁Arbe", + "its" + ], + [ + "▁Arbeit", + "s" + ], + [ + "▁p", + "ride" + ], + [ + "▁pr", + "ide" + ], + [ + "▁pri", + "de" + ], + [ + "▁sl", + "ope" + ], + [ + "▁slo", + "pe" + ], + [ + "id", + "é" + ], + [ + "grad", + "ient" + ], + [ + "▁Дже", + "рела" + ], + [ + "▁S", + "H" + ], + [ + "▁", + "SH" + ], + [ + "▁раз", + "рабо" + ], + [ + "ivers", + "ity" + ], + [ + "спо", + "дар" + ], + [ + "\\{", + "\\" + ], + [ + "\\", + "{\\" + ], + [ + "▁с", + "тали" + ], + [ + "▁ст", + "али" + ], + [ + "▁ста", + "ли" + ], + [ + "▁стал", + "и" + ], + [ + "▁Ein", + "zel" + ], + [ + "▁Einz", + "el" + ], + [ + "▁rg", + "ba" + ], + [ + "▁A", + "nim" + ], + [ + "▁An", + "im" + ], + [ + "▁", + "Anim" + ], + [ + "▁a", + "lles" + ], + [ + "▁al", + "les" + ], + [ + "▁all", + "es" + ], + [ + "▁alle", + "s" + ], + [ + "▁", + "alles" + ], + [ + "ба", + "р" + ], + [ + "б", + "ар" + ], + [ + "er", + "te" + ], + [ + "ert", + "e" + ], + [ + "▁réalis", + "é" + ], + [ + "▁réal", + "isé" + ], + [ + "Inst", + "itut" + ], + [ + "▁mar", + "kup" + ], + [ + "▁mark", + "up" + ], + [ + "▁v", + "ars" + ], + [ + "▁var", + "s" + ], + [ + "▁va", + "rs" + ], + [ + "▁", + "vars" + ], + [ + "▁g", + "am" + ], + [ + "▁ga", + "m" + ], + [ + "▁Васи", + "ль" + ], + [ + "iz", + "za" + ], + [ + "izz", + "a" + ], + [ + "i", + "zza" + ], + [ + "▁C", + "ob" + ], + [ + "▁Co", + "b" + ], + [ + "▁M", + "etal" + ], + [ + "▁Me", + "tal" + ], + [ + "▁Met", + "al" + ], + [ + "▁Meta", + "l" + ], + [ + "▁le", + "ak" + ], + [ + "▁L", + "anc" + ], + [ + "▁La", + "nc" + ], + [ + "▁Lan", + "c" + ], + [ + "Sw", + "itch" + ], + [ + "De", + "lay" + ], + [ + "Del", + "ay" + ], + [ + "at", + "uur" + ], + [ + "atu", + "ur" + ], + [ + "▁че", + "ты" + ], + [ + "▁анг", + "лий" + ], + [ + "▁leg", + "acy" + ], + [ + "▁desar", + "roll" + ], + [ + "▁top", + "ological" + ], + [ + "▁jewe", + "ils" + ], + [ + "▁Nederland", + "se" + ], + [ + "▁atmos", + "phere" + ], + [ + "ur", + "ban" + ], + [ + "urb", + "an" + ], + [ + "▁s", + "lov" + ], + [ + "▁sl", + "ov" + ], + [ + "▁slo", + "v" + ], + [ + "▁law", + "yer" + ], + [ + "pe", + "cially" + ], + [ + "▁altern", + "ate" + ], + [ + "▁para", + "met" + ], + [ + "▁param", + "et" + ], + [ + "▁establish", + "ment" + ], + [ + "▁wood", + "s" + ], + [ + "▁wo", + "ods" + ], + [ + "P", + "D" + ], + [ + "▁на", + "и" + ], + [ + "▁m", + "ang" + ], + [ + "▁ma", + "ng" + ], + [ + "▁man", + "g" + ], + [ + "▁wechsel", + "te" + ], + [ + "сь", + "ку" + ], + [ + "ськ", + "у" + ], + [ + ".", + "=" + ], + [ + "▁fif", + "teen" + ], + [ + "SU", + "M" + ], + [ + "S", + "UM" + ], + [ + "▁F", + "ro" + ], + [ + "▁Fr", + "o" + ], + [ + "▁L", + "ED" + ], + [ + "▁LE", + "D" + ], + [ + "▁", + "LED" + ], + [ + "ow", + "ano" + ], + [ + "owa", + "no" + ], + [ + "owan", + "o" + ], + [ + "стви", + "е" + ], + [ + "▁D", + "onnées" + ], + [ + "to", + "l" + ], + [ + "t", + "ol" + ], + [ + "ży", + "n" + ], + [ + "ż", + "yn" + ], + [ + "cre", + "f" + ], + [ + "cr", + "ef" + ], + [ + "c", + "ref" + ], + [ + "стви", + "и" + ], + [ + "ho", + "rn" + ], + [ + "hor", + "n" + ], + [ + "h", + "orn" + ], + [ + "▁со", + "об" + ], + [ + "▁обо", + "ро" + ], + [ + "▁Comp", + "lete" + ], + [ + "▁Comple", + "te" + ], + [ + "▁", + "Complete" + ], + [ + "“", + ")" + ], + [ + "▁kind", + "ly" + ], + [ + "▁Cham", + "ber" + ], + [ + "s", + "ég" + ], + [ + "W", + "H" + ], + [ + "▁amb", + "ient" + ], + [ + "к", + "ро" + ], + [ + "▁ch", + "eval" + ], + [ + "▁che", + "val" + ], + [ + "▁на", + "писа" + ], + [ + "fl", + "u" + ], + [ + "f", + "lu" + ], + [ + "▁Off", + "iz" + ], + [ + "ma", + "te" + ], + [ + "mat", + "e" + ], + [ + "m", + "ate" + ], + [ + "nat", + "ural" + ], + [ + "n", + "atural" + ], + [ + "se", + "par" + ], + [ + "sep", + "ar" + ], + [ + "em", + "pre" + ], + [ + "emp", + "re" + ], + [ + "View", + "Holder" + ], + [ + "f", + "w" + ], + [ + "▁le", + "tech" + ], + [ + "▁let", + "ech" + ], + [ + "▁tra", + "iling" + ], + [ + "▁trail", + "ing" + ], + [ + "at", + "ri" + ], + [ + "atr", + "i" + ], + [ + "a", + "tri" + ], + [ + "▁G", + "ó" + ], + [ + "▁B", + "onn" + ], + [ + "▁Bo", + "nn" + ], + [ + "▁Bon", + "n" + ], + [ + "▁un", + "likely" + ], + [ + "▁unlike", + "ly" + ], + [ + "RA", + "M" + ], + [ + "R", + "AM" + ], + [ + "en", + "st" + ], + [ + "ens", + "t" + ], + [ + "St", + "ats" + ], + [ + "Stat", + "s" + ], + [ + "▁поли", + "тиче" + ], + [ + ")-", + "-(" + ], + [ + ")--", + "(" + ], + [ + "▁t", + "rom" + ], + [ + "▁tr", + "om" + ], + [ + "▁tro", + "m" + ], + [ + "!.", + ".." + ], + [ + "!", + "..." + ], + [ + "▁Mean", + "while" + ], + [ + "ст", + "ана" + ], + [ + "ста", + "на" + ], + [ + "стан", + "а" + ], + [ + "▁Re", + "ino" + ], + [ + "▁Rein", + "o" + ], + [ + "▁A", + "rist" + ], + [ + "▁Ar", + "ist" + ], + [ + "▁Ari", + "st" + ], + [ + "$}", + "}%" + ], + [ + "$", + "}}%" + ], + [ + "▁so", + "lem" + ], + [ + "▁sol", + "em" + ], + [ + "▁sole", + "m" + ], + [ + "clos", + "ure" + ], + [ + "ign", + "ation" + ], + [ + "ło", + "d" + ], + [ + "ł", + "od" + ], + [ + "▁di", + "vor" + ], + [ + "▁div", + "or" + ], + [ + "▁между", + "народ" + ], + [ + "=\"", + "" + ], + [ + "▁==", + ">" + ], + [ + "Ori", + "entation" + ], + [ + "ci", + "d" + ], + [ + "c", + "id" + ], + [ + "Car", + "t" + ], + [ + "Ca", + "rt" + ], + [ + "C", + "art" + ], + [ + "▁m", + "urm" + ], + [ + "▁mu", + "rm" + ], + [ + "▁mur", + "m" + ], + [ + "▁ass", + "ez" + ], + [ + "▁asse", + "z" + ], + [ + "▁l", + "inking" + ], + [ + "▁link", + "ing" + ], + [ + "▁lin", + "king" + ], + [ + "build", + "ing" + ], + [ + "▁rec", + "onna" + ], + [ + "▁recon", + "na" + ], + [ + "▁s", + "hook" + ], + [ + "▁sh", + "ook" + ], + [ + "▁sho", + "ok" + ], + [ + "man", + "aged" + ], + [ + "mana", + "ged" + ], + [ + "land", + "a" + ], + [ + "lan", + "da" + ], + [ + "l", + "anda" + ], + [ + "▁Le", + "ón" + ], + [ + "▁cré", + "ation" + ], + [ + "до", + "й" + ], + [ + "oc", + "ity" + ], + [ + "oci", + "ty" + ], + [ + "o", + "city" + ], + [ + "▁w", + "ij" + ], + [ + "▁", + "wij" + ], + [ + "▁wie", + "ś" + ], + [ + "xt", + "art" + ], + [ + "▁M", + "ove" + ], + [ + "▁Mo", + "ve" + ], + [ + "▁Mov", + "e" + ], + [ + "▁", + "Move" + ], + [ + "lung", + "en" + ], + [ + "l", + "ungen" + ], + [ + "ству", + "ет" + ], + [ + "or", + "ney" + ], + [ + "orn", + "ey" + ], + [ + "option", + "al" + ], + [ + "opt", + "ional" + ], + [ + "ma", + "cro" + ], + [ + "mac", + "ro" + ], + [ + "Cond", + "ition" + ], + [ + "▁square", + "s" + ], + [ + "▁squ", + "ares" + ], + [ + "▁mist", + "aken" + ], + [ + "▁mistake", + "n" + ], + [ + "án", + "t" + ], + [ + "á", + "nt" + ], + [ + "▁R", + "is" + ], + [ + "▁Ri", + "s" + ], + [ + "▁sent", + "ences" + ], + [ + "▁sentence", + "s" + ], + [ + "er", + "ea" + ], + [ + "ere", + "a" + ], + [ + "e", + "rea" + ], + [ + "▁m", + "ij" + ], + [ + "▁mi", + "j" + ], + [ + "Un", + "d" + ], + [ + "U", + "nd" + ], + [ + "▁nom", + "br" + ], + [ + "z", + "A" + ], + [ + "▁In", + "dependent" + ], + [ + "▁Indep", + "endent" + ], + [ + "▁Independ", + "ent" + ], + [ + "▁p", + "review" + ], + [ + "▁pre", + "view" + ], + [ + "▁prev", + "iew" + ], + [ + "▁", + "preview" + ], + [ + "im", + "as" + ], + [ + "ima", + "s" + ], + [ + "i", + "mas" + ], + [ + "▁m", + "ales" + ], + [ + "▁ma", + "les" + ], + [ + "▁mal", + "es" + ], + [ + "▁male", + "s" + ], + [ + "in", + "ental" + ], + [ + "inen", + "tal" + ], + [ + "inent", + "al" + ], + [ + "Th", + "ank" + ], + [ + "▁p", + "opol" + ], + [ + "▁po", + "pol" + ], + [ + "▁pop", + "ol" + ], + [ + "▁p", + "over" + ], + [ + "▁po", + "ver" + ], + [ + "▁pov", + "er" + ], + [ + "▁gr", + "asp" + ], + [ + "▁gra", + "sp" + ], + [ + "▁im", + "ped" + ], + [ + "▁imp", + "ed" + ], + [ + "▁campion", + "ato" + ], + [ + "▁W", + "ei" + ], + [ + "▁We", + "i" + ], + [ + "▁t", + "itled" + ], + [ + "▁title", + "d" + ], + [ + "▁tit", + "led" + ], + [ + "▁A", + "demás" + ], + [ + "▁Pass", + "word" + ], + [ + "▁", + "Password" + ], + [ + "▁P", + "am" + ], + [ + "▁Pa", + "m" + ], + [ + "UI", + "LD" + ], + [ + "▁ли", + "пня" + ], + [ + "wer", + "b" + ], + [ + "we", + "rb" + ], + [ + "w", + "erb" + ], + [ + "........", + "........" + ], + [ + "▁R", + "ío" + ], + [ + "▁te", + "eth" + ], + [ + "b", + "p" + ], + [ + "▁S", + "W" + ], + [ + "▁", + "SW" + ], + [ + "ul", + "aire" + ], + [ + "ula", + "ire" + ], + [ + "▁se", + "ized" + ], + [ + "▁sei", + "zed" + ], + [ + "▁St", + "ef" + ], + [ + "▁Ste", + "f" + ], + [ + "ú", + "l" + ], + [ + "▁v", + "iz" + ], + [ + "▁vi", + "z" + ], + [ + "ion", + "y" + ], + [ + "io", + "ny" + ], + [ + "i", + "ony" + ], + [ + "▁j", + "unt" + ], + [ + "▁ju", + "nt" + ], + [ + "▁jun", + "t" + ], + [ + "▁kter", + "á" + ], + [ + "▁wrześ", + "nia" + ], + [ + "<", + ">" + ], + [ + "▁s", + "urg" + ], + [ + "▁su", + "rg" + ], + [ + "▁sur", + "g" + ], + [ + "▁tu", + "tte" + ], + [ + "▁tut", + "te" + ], + [ + "▁H", + "ob" + ], + [ + "▁Ho", + "b" + ], + [ + "по", + "від" + ], + [ + "пов", + "ід" + ], + [ + "▁w", + "ohl" + ], + [ + "▁wo", + "hl" + ], + [ + "▁", + "wohl" + ], + [ + "▁t", + "rag" + ], + [ + "▁tr", + "ag" + ], + [ + "▁tra", + "g" + ], + [ + "▁C", + "rown" + ], + [ + "▁Cr", + "own" + ], + [ + "▁Cro", + "wn" + ], + [ + "▁Crow", + "n" + ], + [ + "▁tr", + "ova" + ], + [ + "▁tro", + "va" + ], + [ + "▁trov", + "a" + ], + [ + "сто", + "ву" + ], + [ + "стов", + "у" + ], + [ + "▁Vien", + "na" + ], + [ + "ese", + "hen" + ], + [ + "▁met", + "ropol" + ], + [ + "▁reflect", + "ed" + ], + [ + "те", + "та" + ], + [ + "тет", + "а" + ], + [ + "т", + "ета" + ], + [ + "▁trad", + "uc" + ], + [ + "▁tradu", + "c" + ], + [ + "▁B", + "ast" + ], + [ + "▁Bas", + "t" + ], + [ + "▁Ba", + "st" + ], + [ + "▁ersch", + "ien" + ], + [ + "wo", + "ord" + ], + [ + "()", + "\"" + ], + [ + "(", + ")\"" + ], + [ + "ta", + "let" + ], + [ + "tal", + "et" + ], + [ + "t", + "alet" + ], + [ + "▁ro", + "ads" + ], + [ + "▁road", + "s" + ], + [ + "ве", + "дения" + ], + [ + "веде", + "ния" + ], + [ + "ühr", + "ung" + ], + [ + "▁c", + "ogn" + ], + [ + "▁co", + "gn" + ], + [ + "▁V", + "alle" + ], + [ + "▁Val", + "le" + ], + [ + "▁Va", + "lle" + ], + [ + "▁Vall", + "e" + ], + [ + "▁land", + "ing" + ], + [ + "▁lan", + "ding" + ], + [ + "▁Re", + "gex" + ], + [ + "▁Reg", + "ex" + ], + [ + "▁I", + "owa" + ], + [ + "▁Io", + "wa" + ], + [ + "dz", + "iał" + ], + [ + "d", + "ział" + ], + [ + "▁erre", + "ichte" + ], + [ + "au", + "m" + ], + [ + "a", + "um" + ], + [ + "▁found", + "er" + ], + [ + "▁fo", + "under" + ], + [ + "▁fou", + "nder" + ], + [ + "ap", + "olis" + ], + [ + "Comp", + "iler" + ], + [ + "▁k", + "op" + ], + [ + "▁ko", + "p" + ], + [ + "▁", + "kop" + ], + [ + "▁m", + "arc" + ], + [ + "▁ma", + "rc" + ], + [ + "▁mar", + "c" + ], + [ + "▁те", + "ритор" + ], + [ + "))", + "`" + ], + [ + ")", + ")`" + ], + [ + "▁l", + "ei" + ], + [ + "▁le", + "i" + ], + [ + "▁", + "lei" + ], + [ + "ge", + "on" + ], + [ + "geo", + "n" + ], + [ + "▁weap", + "ons" + ], + [ + "▁weapon", + "s" + ], + [ + "▁h", + "orn" + ], + [ + "▁hor", + "n" + ], + [ + "▁ho", + "rn" + ], + [ + "▁", + "horn" + ], + [ + "▁el", + "if" + ], + [ + "▁", + "elif" + ], + [ + "▁Cap", + "ital" + ], + [ + "▁Capit", + "al" + ], + [ + "ć", + "e" + ], + [ + "▁for", + "all" + ], + [ + "▁", + "forall" + ], + [ + "▁э", + "та" + ], + [ + "pre", + "view" + ], + [ + "prev", + "iew" + ], + [ + "p", + "review" + ], + [ + "▁D", + "NA" + ], + [ + "▁s", + "id" + ], + [ + "▁si", + "d" + ], + [ + "or", + "ch" + ], + [ + "▁R", + "as" + ], + [ + "▁Ra", + "s" + ], + [ + "▁a", + "rab" + ], + [ + "▁ar", + "ab" + ], + [ + "▁ara", + "b" + ], + [ + "▁", + "arab" + ], + [ + "Be", + "st" + ], + [ + "B", + "est" + ], + [ + "▁с", + "чита" + ], + [ + "▁L", + "ópez" + ], + [ + "an", + "ça" + ], + [ + "▁fun", + "kc" + ], + [ + "▁t", + "ienen" + ], + [ + "▁tiene", + "n" + ], + [ + "▁ti", + "enen" + ], + [ + "▁tie", + "nen" + ], + [ + ";", + "&" + ], + [ + "m", + "useum" + ], + [ + "▁E", + "rr" + ], + [ + "▁Er", + "r" + ], + [ + "▁", + "Err" + ], + [ + "▁re", + "sort" + ], + [ + "▁res", + "ort" + ], + [ + "No", + "v" + ], + [ + "N", + "ov" + ], + [ + "▁k", + "al" + ], + [ + "▁ka", + "l" + ], + [ + "▁", + "kal" + ], + [ + "M", + "W" + ], + [ + "ш", + "ь" + ], + [ + "an", + "chor" + ], + [ + "anc", + "hor" + ], + [ + "anch", + "or" + ], + [ + "▁ро", + "ман" + ], + [ + "le", + "ading" + ], + [ + "lea", + "ding" + ], + [ + "▁m", + "anten" + ], + [ + "▁ma", + "nten" + ], + [ + "▁man", + "ten" + ], + [ + "▁mant", + "en" + ], + [ + "▁Sil", + "va" + ], + [ + "da", + "de" + ], + [ + "d", + "ade" + ], + [ + "▁design", + "ated" + ], + [ + "▁rev", + "ista" + ], + [ + "▁revis", + "ta" + ], + [ + "O", + "ct" + ], + [ + "per", + "cent" + ], + [ + "▁у", + "ні" + ], + [ + "ident", + "ifier" + ], + [ + "ma", + "ss" + ], + [ + "mas", + "s" + ], + [ + "m", + "ass" + ], + [ + "@", + "@" + ], + [ + "uls", + "ion" + ], + [ + "ger", + "meister" + ], + [ + "g", + "ermeister" + ], + [ + "▁pred", + "icted" + ], + [ + "▁predict", + "ed" + ], + [ + "▁с", + "ви" + ], + [ + "жно", + "й" + ], + [ + "ж", + "ной" + ], + [ + "▁Er", + "geb" + ], + [ + "▁c", + "ust" + ], + [ + "▁cu", + "st" + ], + [ + "▁remove", + "s" + ], + [ + "▁remov", + "es" + ], + [ + "ch", + "arg" + ], + [ + "char", + "g" + ], + [ + "cha", + "rg" + ], + [ + "при", + "мер" + ], + [ + "▁for", + "ming" + ], + [ + "▁form", + "ing" + ], + [ + "as", + "ma" + ], + [ + "asm", + "a" + ], + [ + "std", + "out" + ], + [ + "F", + "un" + ], + [ + "ym", + "e" + ], + [ + "y", + "me" + ], + [ + "ter", + "ed" + ], + [ + "te", + "red" + ], + [ + "tere", + "d" + ], + [ + "t", + "ered" + ], + [ + "urs", + "ive" + ], + [ + "ig", + "hed" + ], + [ + "igh", + "ed" + ], + [ + "▁сле", + "д" + ], + [ + "▁", + "след" + ], + [ + "ver", + "band" + ], + [ + "verb", + "and" + ], + [ + "▁LO", + "G" + ], + [ + "▁", + "LOG" + ], + [ + "ra", + "ms" + ], + [ + "ram", + "s" + ], + [ + "r", + "ams" + ], + [ + "éo", + "n" + ], + [ + "é", + "on" + ], + [ + "en", + "dra" + ], + [ + "end", + "ra" + ], + [ + "▁Be", + "reich" + ], + [ + "▁Bere", + "ich" + ], + [ + "▁tempor", + "al" + ], + [ + "▁temp", + "oral" + ], + [ + "▁tempo", + "ral" + ], + [ + "▁lang", + "ue" + ], + [ + "▁lan", + "gue" + ], + [ + "▁I", + "nn" + ], + [ + "▁In", + "n" + ], + [ + "▁more", + "over" + ], + [ + "▁tutorial", + "s" + ], + [ + "M", + "iddle" + ], + [ + "▁совет", + "ский" + ], + [ + "▁mainten", + "ance" + ], + [ + "as", + "ures" + ], + [ + "asure", + "s" + ], + [ + "▁vál", + "to" + ], + [ + "BA", + "SE" + ], + [ + "B", + "ASE" + ], + [ + "▁disapp", + "ear" + ], + [ + "ски", + "я" + ], + [ + "▁conoc", + "ido" + ], + [ + "▁На", + "у" + ], + [ + "▁Li", + "bert" + ], + [ + "▁Lib", + "ert" + ], + [ + "▁Liber", + "t" + ], + [ + "▁Har", + "old" + ], + [ + "▁life", + "time" + ], + [ + "▁lif", + "etime" + ], + [ + "▁T", + "ür" + ], + [ + "▁za", + "wod" + ], + [ + "▁zaw", + "od" + ], + [ + "om", + "ic" + ], + [ + "omi", + "c" + ], + [ + "o", + "mic" + ], + [ + "▁Retrie", + "ved" + ], + [ + "arch", + "itecture" + ], + [ + "č", + "ka" + ], + [ + "iform", + "es" + ], + [ + "develop", + "ment" + ], + [ + "ord", + "nung" + ], + [ + "In", + "f" + ], + [ + "le", + "ben" + ], + [ + "leb", + "en" + ], + [ + "l", + "eben" + ], + [ + "▁St", + "ars" + ], + [ + "▁Sta", + "rs" + ], + [ + "▁Star", + "s" + ], + [ + "sign", + "al" + ], + [ + "sig", + "nal" + ], + [ + "▁gram", + "mar" + ], + [ + "▁cor", + "so" + ], + [ + "▁cors", + "o" + ], + [ + "▁W", + "agner" + ], + [ + "▁ge", + "ht" + ], + [ + "▁royal", + "e" + ], + [ + "▁roy", + "ale" + ], + [ + "wa", + "rn" + ], + [ + "war", + "n" + ], + [ + "w", + "arn" + ], + [ + "um", + "bled" + ], + [ + "umb", + "led" + ], + [ + "umble", + "d" + ], + [ + "▁inst", + "it" + ], + [ + "▁ins", + "tit" + ], + [ + "▁Ш", + "и" + ], + [ + "h", + "h" + ], + [ + "▁ref", + "uge" + ], + [ + "▁favor", + "ite" + ], + [ + "ier", + "to" + ], + [ + "iert", + "o" + ], + [ + "▁cond", + "ado" + ], + [ + "▁T", + "her" + ], + [ + "▁The", + "r" + ], + [ + "▁Th", + "er" + ], + [ + "▁человек", + "а" + ], + [ + "▁челове", + "ка" + ], + [ + "▁F", + "ood" + ], + [ + "▁Foo", + "d" + ], + [ + "▁Fo", + "od" + ], + [ + "▁se", + "izo" + ], + [ + "▁sei", + "zo" + ], + [ + "▁Init", + "ialize" + ], + [ + "▁Initial", + "ize" + ], + [ + "▁con", + "nu" + ], + [ + "▁conn", + "u" + ], + [ + "▁over", + "lap" + ], + [ + "▁E", + "mil" + ], + [ + "▁Em", + "il" + ], + [ + "▁Mart", + "í" + ], + [ + "▁жовт", + "ня" + ], + [ + "er", + "va" + ], + [ + "erv", + "a" + ], + [ + "▁bo", + "ats" + ], + [ + "▁boat", + "s" + ], + [ + "a", + "ções" + ], + [ + "▁der", + "rot" + ], + [ + "▁m", + "alloc" + ], + [ + "▁mal", + "loc" + ], + [ + "▁", + "malloc" + ], + [ + "▁con", + "ject" + ], + [ + "▁conj", + "ect" + ], + [ + "j", + "k" + ], + [ + "▁s", + "are" + ], + [ + "▁sa", + "re" + ], + [ + "▁sar", + "e" + ], + [ + "ле", + "мен" + ], + [ + "лем", + "ен" + ], + [ + "▁s", + "ums" + ], + [ + "▁su", + "ms" + ], + [ + "▁sum", + "s" + ], + [ + "Author", + "ization" + ], + [ + "▁K", + "un" + ], + [ + "▁Ku", + "n" + ], + [ + "]$", + "," + ], + [ + "]", + "$," + ], + [ + "geme", + "inde" + ], + [ + "gemein", + "de" + ], + [ + "g", + "emeinde" + ], + [ + "od", + "ot" + ], + [ + "odo", + "t" + ], + [ + "o", + "dot" + ], + [ + "de", + "fin" + ], + [ + "def", + "in" + ], + [ + "▁e", + "mission" + ], + [ + "▁em", + "ission" + ], + [ + "▁Кра", + "с" + ], + [ + "▁app", + "art" + ], + [ + "▁ap", + "part" + ], + [ + "▁appar", + "t" + ], + [ + "▁stop", + "ping" + ], + [ + "▁sto", + "pping" + ], + [ + "▁С", + "ред" + ], + [ + "▁conj", + "ug" + ], + [ + "▁ins", + "ight" + ], + [ + "▁Broad", + "cast" + ], + [ + "▁PM", + "ID" + ], + [ + "▁adv", + "antages" + ], + [ + "▁advantage", + "s" + ], + [ + "en", + "es" + ], + [ + "ene", + "s" + ], + [ + "e", + "nes" + ], + [ + "▁res", + "idence" + ], + [ + "▁resid", + "ence" + ], + [ + "lj", + "en" + ], + [ + "l", + "jen" + ], + [ + "iss", + "eur" + ], + [ + "isse", + "ur" + ], + [ + "▁pubblic", + "ato" + ], + [ + "▁Git", + "Hub" + ], + [ + "▁Per", + "u" + ], + [ + "▁Pe", + "ru" + ], + [ + "▁galax", + "ies" + ], + [ + "▁annot", + "ations" + ], + [ + "▁annotation", + "s" + ], + [ + "ga", + "s" + ], + [ + "g", + "as" + ], + [ + "▁ré", + "pond" + ], + [ + "▁rép", + "ond" + ], + [ + "J", + "s" + ], + [ + "▁independent", + "ly" + ], + [ + "▁independ", + "ently" + ], + [ + "N", + "P" + ], + [ + "▁in", + "qu" + ], + [ + "▁gr", + "ounds" + ], + [ + "▁ground", + "s" + ], + [ + "Com", + "ponents" + ], + [ + "Component", + "s" + ], + [ + "▁a", + "nten" + ], + [ + "▁an", + "ten" + ], + [ + "▁ant", + "en" + ], + [ + "▁ante", + "n" + ], + [ + "▁", + "anten" + ], + [ + "▁в", + "з" + ], + [ + "▁h", + "os" + ], + [ + "▁ho", + "s" + ], + [ + "▁", + "hos" + ], + [ + "▁s", + "int" + ], + [ + "▁si", + "nt" + ], + [ + "▁sin", + "t" + ], + [ + "▁h", + "iding" + ], + [ + "▁hi", + "ding" + ], + [ + "▁hid", + "ing" + ], + [ + "▁wojew", + "ództ" + ], + [ + "Message", + "s" + ], + [ + "Mess", + "ages" + ], + [ + "▁по", + "каза" + ], + [ + "▁пока", + "за" + ], + [ + "==", + "=" + ], + [ + "=", + "==" + ], + [ + "▁Ab", + "stract" + ], + [ + "▁", + "Abstract" + ], + [ + "▁l", + "äng" + ], + [ + "▁län", + "g" + ], + [ + "▁lä", + "ng" + ], + [ + "▁Form", + "ula" + ], + [ + "da", + "wn" + ], + [ + "d", + "awn" + ], + [ + "▁design", + "s" + ], + [ + "Im", + "g" + ], + [ + "▁Portug", + "uese" + ], + [ + "▁incl", + "uy" + ], + [ + "▁inclu", + "y" + ], + [ + "avig", + "ator" + ], + [ + "▁Bro", + "thers" + ], + [ + "▁cont", + "inent" + ], + [ + "▁contin", + "ent" + ], + [ + "▁evident", + "ly" + ], + [ + "ra", + "ce" + ], + [ + "rac", + "e" + ], + [ + "r", + "ace" + ], + [ + "ць", + "кого" + ], + [ + "▁re", + "ck" + ], + [ + "▁rec", + "k" + ], + [ + "▁", + "reck" + ], + [ + "▁сер", + "пня" + ], + [ + "▁G", + "rey" + ], + [ + "▁Gr", + "ey" + ], + [ + "▁Gre", + "y" + ], + [ + "▁appe", + "al" + ], + [ + "▁un", + "like" + ], + [ + "▁power", + "shell" + ], + [ + "▁pow", + "ershell" + ], + [ + "▁powers", + "hell" + ], + [ + "▁r", + "acc" + ], + [ + "▁ra", + "cc" + ], + [ + "▁rac", + "c" + ], + [ + "fer", + "s" + ], + [ + "fe", + "rs" + ], + [ + "f", + "ers" + ], + [ + "▁bur", + "ning" + ], + [ + "▁burn", + "ing" + ], + [ + "fas", + "st" + ], + [ + "fass", + "t" + ], + [ + "inst", + "alled" + ], + [ + "install", + "ed" + ], + [ + "▁G", + "ive" + ], + [ + "▁Gi", + "ve" + ], + [ + "▁col", + "onial" + ], + [ + "▁colon", + "ial" + ], + [ + "▁", + "€" + ], + [ + "▁R", + "ö" + ], + [ + "▁ch", + "rist" + ], + [ + "▁chr", + "ist" + ], + [ + "ne", + "hm" + ], + [ + "neh", + "m" + ], + [ + "та", + "м" + ], + [ + "▁cor", + "po" + ], + [ + "▁con", + "virti" + ], + [ + "yt", + "er" + ], + [ + "y", + "ter" + ], + [ + "S", + "ym" + ], + [ + "▁Gree", + "ce" + ], + [ + "▁m", + "oth" + ], + [ + "▁mo", + "th" + ], + [ + "▁mot", + "h" + ], + [ + "▁Joh", + "an" + ], + [ + "▁Jo", + "han" + ], + [ + "▁mon", + "arch" + ], + [ + "▁Down", + "load" + ], + [ + "▁", + "Download" + ], + [ + "▁c", + "raft" + ], + [ + "▁cr", + "aft" + ], + [ + "▁cra", + "ft" + ], + [ + "▁", + "craft" + ], + [ + "u", + "ž" + ], + [ + "▁Lu", + "ke" + ], + [ + "▁suf", + "fix" + ], + [ + "▁suff", + "ix" + ], + [ + "\\", + "/" + ], + [ + "Ha", + "ve" + ], + [ + "H", + "ave" + ], + [ + "▁ка", + "рь" + ], + [ + "▁кар", + "ь" + ], + [ + "▁comfort", + "able" + ], + [ + "▁t", + "ips" + ], + [ + "▁tip", + "s" + ], + [ + "▁ti", + "ps" + ], + [ + "▁П", + "ісля" + ], + [ + "▁бро", + "ја" + ], + [ + "▁ин", + "форма" + ], + [ + "M", + "Q" + ], + [ + "бра", + "н" + ], + [ + "б", + "ран" + ], + [ + "▁t", + "x" + ], + [ + "▁", + "tx" + ], + [ + "▁sl", + "aves" + ], + [ + "▁sla", + "ves" + ], + [ + "▁slave", + "s" + ], + [ + "▁fire", + "wall" + ], + [ + "▁For", + "ces" + ], + [ + "▁Force", + "s" + ], + [ + "at", + "if" + ], + [ + "ati", + "f" + ], + [ + "▁Qu", + "ellen" + ], + [ + "▁thé", + "âtre" + ], + [ + "ль", + "ных" + ], + [ + "▁располо", + "жен" + ], + [ + "▁Det", + "ails" + ], + [ + "▁", + "Details" + ], + [ + "k", + "ą" + ], + [ + "▁long", + "itud" + ], + [ + "IN", + "ST" + ], + [ + "▁n", + "aval" + ], + [ + "▁na", + "val" + ], + [ + "▁nav", + "al" + ], + [ + "Fern", + "seh" + ], + [ + "es", + "sel" + ], + [ + "ess", + "el" + ], + [ + "esse", + "l" + ], + [ + "Gr", + "ad" + ], + [ + "G", + "rad" + ], + [ + "▁be", + "lang" + ], + [ + "▁bel", + "ang" + ], + [ + "▁a", + "ggi" + ], + [ + "▁ag", + "gi" + ], + [ + "▁", + "aggi" + ], + [ + "Zygote", + "Init" + ], + [ + "ł", + "ów" + ], + [ + "▁S", + "ug" + ], + [ + "▁Su", + "g" + ], + [ + "si", + "l" + ], + [ + "s", + "il" + ], + [ + "▁ex", + "terior" + ], + [ + "щ", + "і" + ], + [ + "OR", + "D" + ], + [ + "en", + "ser" + ], + [ + "ens", + "er" + ], + [ + "ense", + "r" + ], + [ + "▁rapid", + "e" + ], + [ + "▁rap", + "ide" + ], + [ + "▁тем", + "пера" + ], + [ + "in", + "cie" + ], + [ + "inci", + "e" + ], + [ + "inc", + "ie" + ], + [ + "S", + "i" + ], + [ + "av", + "am" + ], + [ + "ava", + "m" + ], + [ + "ar", + "ded" + ], + [ + "ard", + "ed" + ], + [ + "arde", + "d" + ], + [ + "▁Ad", + "ded" + ], + [ + "▁Add", + "ed" + ], + [ + "End", + "point" + ], + [ + "hard", + "t" + ], + [ + "har", + "dt" + ], + [ + "ст", + "ран" + ], + [ + "стра", + "н" + ], + [ + "стр", + "ан" + ], + [ + "▁est", + "ilo" + ], + [ + "▁H", + "az" + ], + [ + "▁Ha", + "z" + ], + [ + "▁mus", + "ste" + ], + [ + "▁muss", + "te" + ], + [ + "u", + "o" + ], + [ + "ii", + "i" + ], + [ + "i", + "ii" + ], + [ + "▁ř", + "í" + ], + [ + "▁", + "ří" + ], + [ + "an", + "zen" + ], + [ + "anz", + "en" + ], + [ + "anze", + "n" + ], + [ + "же", + "ний" + ], + [ + "ah", + "a" + ], + [ + "a", + "ha" + ], + [ + "ARN", + "ING" + ], + [ + "▁re", + "nov" + ], + [ + "▁ren", + "ov" + ], + [ + "▁div", + "ine" + ], + [ + "▁convin", + "ced" + ], + [ + "▁hum", + "ans" + ], + [ + "▁human", + "s" + ], + [ + "▁hu", + "mans" + ], + [ + "▁depart", + "ure" + ], + [ + "▁Med", + "iter" + ], + [ + "▁Medi", + "ter" + ], + [ + "q", + "a" + ], + [ + "▁poss", + "essed" + ], + [ + "▁possess", + "ed" + ], + [ + "▁цер", + "кви" + ], + [ + "gi", + "v" + ], + [ + "g", + "iv" + ], + [ + "▁сво", + "ї" + ], + [ + "▁Ort", + "ste" + ], + [ + "▁Orts", + "te" + ], + [ + "R", + "ich" + ], + [ + "pu", + "is" + ], + [ + "p", + "uis" + ], + [ + "in", + "crement" + ], + [ + "▁Hann", + "over" + ], + [ + "▁u", + "cz" + ], + [ + "Do", + "ne" + ], + [ + "Don", + "e" + ], + [ + "D", + "one" + ], + [ + "▁alg", + "uns" + ], + [ + "FI", + "X" + ], + [ + "F", + "IX" + ], + [ + "▁Her", + "itage" + ], + [ + "remove", + "Class" + ], + [ + "фе", + "р" + ], + [ + "ф", + "ер" + ], + [ + "▁a", + "bc" + ], + [ + "▁ab", + "c" + ], + [ + "▁", + "abc" + ], + [ + "D", + "r" + ], + [ + "▁се", + "мей" + ], + [ + "▁сем", + "ей" + ], + [ + "{", + ":" + ], + [ + "▁se", + "ule" + ], + [ + "▁seu", + "le" + ], + [ + "▁seul", + "e" + ], + [ + "zeich", + "nungen" + ], + [ + "zeichnung", + "en" + ], + [ + "ad", + "dy" + ], + [ + "add", + "y" + ], + [ + "▁Par", + "ís" + ], + [ + "üss", + "eld" + ], + [ + "▁re", + "ception" + ], + [ + "▁rece", + "ption" + ], + [ + "fo", + "lio" + ], + [ + "fol", + "io" + ], + [ + "ti", + "ny" + ], + [ + "t", + "iny" + ], + [ + "▁recens", + "ement" + ], + [ + "▁N", + "ur" + ], + [ + "▁Nu", + "r" + ], + [ + "▁k", + "ier" + ], + [ + "▁ki", + "er" + ], + [ + "▁g", + "mina" + ], + [ + "▁gmin", + "a" + ], + [ + "sta", + "at" + ], + [ + "ánd", + "ose" + ], + [ + "че", + "ская" + ], + [ + "▁spe", + "aker" + ], + [ + "▁speak", + "er" + ], + [ + "▁expon", + "ential" + ], + [ + "▁exponent", + "ial" + ], + [ + "▁D", + "ieu" + ], + [ + "▁Die", + "u" + ], + [ + "▁Di", + "eu" + ], + [ + "▁при", + "з" + ], + [ + "▁пр", + "из" + ], + [ + "▁Raf", + "ael" + ], + [ + "▁gg", + "plot" + ], + [ + "▁Tem", + "plate" + ], + [ + "▁Temp", + "late" + ], + [ + "▁", + "Template" + ], + [ + "ou", + "re" + ], + [ + "our", + "e" + ], + [ + "o", + "ure" + ], + [ + "▁In", + "ner" + ], + [ + "▁Inn", + "er" + ], + [ + "▁", + "Inner" + ], + [ + "og", + "ne" + ], + [ + "ogn", + "e" + ], + [ + "ig", + "are" + ], + [ + "iga", + "re" + ], + [ + "▁Ar", + "te" + ], + [ + "▁Art", + "e" + ], + [ + "▁C", + "ov" + ], + [ + "▁Co", + "v" + ], + [ + "▁auf", + "grund" + ], + [ + "▁Б", + "ы" + ], + [ + "▁cerem", + "ony" + ], + [ + "▁S", + "part" + ], + [ + "▁Sp", + "art" + ], + [ + "ject", + "ive" + ], + [ + "y", + "i" + ], + [ + "▁in", + "izi" + ], + [ + "▁l", + "atin" + ], + [ + "▁lat", + "in" + ], + [ + "▁Never", + "theless" + ], + [ + "▁D", + "one" + ], + [ + "▁Do", + "ne" + ], + [ + "▁Don", + "e" + ], + [ + "▁", + "Done" + ], + [ + "т", + "ря" + ], + [ + "▁A", + "rr" + ], + [ + "▁Ar", + "r" + ], + [ + "▁", + "Arr" + ], + [ + "se", + "ason" + ], + [ + "▁скла", + "ду" + ], + [ + "▁pod", + "czas" + ], + [ + "▁Beaut", + "iful" + ], + [ + "▁Weltkrie", + "g" + ], + [ + "▁з", + "о" + ], + [ + "▁", + "зо" + ], + [ + "▁over", + "come" + ], + [ + "▁Pr", + "aha" + ], + [ + "▁Pra", + "ha" + ], + [ + "▁рай", + "ону" + ], + [ + "▁райо", + "ну" + ], + [ + "▁район", + "у" + ], + [ + "▁sub", + "scription" + ], + [ + "▁subs", + "cription" + ], + [ + "▁subscri", + "ption" + ], + [ + "ig", + "ent" + ], + [ + "igen", + "t" + ], + [ + "ige", + "nt" + ], + [ + "i", + "gent" + ], + [ + "▁по", + "ка" + ], + [ + "la", + "tex" + ], + [ + "lat", + "ex" + ], + [ + "late", + "x" + ], + [ + "▁b", + "each" + ], + [ + "▁be", + "ach" + ], + [ + "▁ро", + "ках" + ], + [ + "ge", + "g" + ], + [ + "g", + "eg" + ], + [ + "▁pro", + "bl" + ], + [ + "▁prob", + "l" + ], + [ + "arg", + "uments" + ], + [ + "argument", + "s" + ], + [ + "▁organ", + "izations" + ], + [ + "▁organiz", + "ations" + ], + [ + "▁organization", + "s" + ], + [ + "▁N", + "an" + ], + [ + "▁Na", + "n" + ], + [ + "▁st", + "ones" + ], + [ + "▁sto", + "nes" + ], + [ + "▁stone", + "s" + ], + [ + "▁H", + "unter" + ], + [ + "▁Hun", + "ter" + ], + [ + "▁regular", + "ly" + ], + [ + "шо", + "го" + ], + [ + "ш", + "ого" + ], + [ + "▁flex", + "ible" + ], + [ + "op", + "ts" + ], + [ + "opt", + "s" + ], + [ + "o", + "pts" + ], + [ + "á", + "ř" + ], + [ + "wi", + "tz" + ], + [ + "w", + "itz" + ], + [ + "▁'", + ")" + ], + [ + "▁", + "')" + ], + [ + "PA", + "SS" + ], + [ + "P", + "ASS" + ], + [ + "▁k", + "raj" + ], + [ + "▁kr", + "aj" + ], + [ + "▁kra", + "j" + ], + [ + "▁f", + "ake" + ], + [ + "▁fa", + "ke" + ], + [ + "he", + "its" + ], + [ + "heit", + "s" + ], + [ + "os", + "ph" + ], + [ + "osp", + "h" + ], + [ + "parse", + "Int" + ], + [ + "F", + "ALSE" + ], + [ + "▁prof", + "ess" + ], + [ + "▁profes", + "s" + ], + [ + "pe", + "ople" + ], + [ + "▁pre", + "cip" + ], + [ + "▁prec", + "ip" + ], + [ + "dir", + "name" + ], + [ + "▁per", + "pet" + ], + [ + "▁Up", + "dated" + ], + [ + "▁Update", + "d" + ], + [ + "▁", + "Updated" + ], + [ + "ra", + "yed" + ], + [ + "ray", + "ed" + ], + [ + "▁prov", + "oc" + ], + [ + "▁тра", + "вня" + ], + [ + "▁трав", + "ня" + ], + [ + "▁categ", + "orie" + ], + [ + "▁categor", + "ie" + ], + [ + "▁те", + "о" + ], + [ + "с", + "ну" + ], + [ + "ot", + "r" + ], + [ + "o", + "tr" + ], + [ + "▁Вер", + "хов" + ], + [ + "▁comp", + "ét" + ], + [ + "Co", + "st" + ], + [ + "C", + "ost" + ], + [ + "▁w", + "ider" + ], + [ + "▁wide", + "r" + ], + [ + "▁wid", + "er" + ], + [ + "▁Ob", + "viously" + ], + [ + "пи", + "сан" + ], + [ + "писа", + "н" + ], + [ + "пис", + "ан" + ], + [ + "▁на", + "стоя" + ], + [ + "▁see", + "king" + ], + [ + "▁seek", + "ing" + ], + [ + "()", + ")," + ], + [ + "())", + "," + ], + [ + "(", + "))," + ], + [ + "▁é", + "quipe" + ], + [ + "▁équip", + "e" + ], + [ + "▁", + "équipe" + ], + [ + "▁comm", + "its" + ], + [ + "▁commit", + "s" + ], + [ + "▁S", + "vens" + ], + [ + "▁Sv", + "ens" + ], + [ + "я", + "бре" + ], + [ + "at", + "ern" + ], + [ + "ate", + "rn" + ], + [ + "ater", + "n" + ], + [ + "a", + "tern" + ], + [ + "▁h", + "eter" + ], + [ + "▁he", + "ter" + ], + [ + "▁het", + "er" + ], + [ + "▁Boot", + "strap" + ], + [ + "én", + "é" + ], + [ + "é", + "né" + ], + [ + "▁deriv", + "atives" + ], + [ + "▁derivative", + "s" + ], + [ + "▁Det", + "roit" + ], + [ + "▁provin", + "cial" + ], + [ + "▁provincia", + "l" + ], + [ + "onom", + "ie" + ], + [ + "E", + "B" + ], + [ + "▁c", + "uer" + ], + [ + "▁cu", + "er" + ], + [ + "▁от", + "носи" + ], + [ + "▁отно", + "си" + ], + [ + "▁не", + "й" + ], + [ + "▁н", + "ей" + ], + [ + "▁", + "ней" + ], + [ + ")", + "»." + ], + [ + "▁Ci", + "udad" + ], + [ + "IA", + "L" + ], + [ + "I", + "AL" + ], + [ + "zy", + "st" + ], + [ + "z", + "yst" + ], + [ + ")\"", + ")" + ], + [ + ")", + "\")" + ], + [ + "▁Al", + "c" + ], + [ + "bl", + "ogs" + ], + [ + "blog", + "s" + ], + [ + "blo", + "gs" + ], + [ + "b", + "logs" + ], + [ + "▁par", + "mi" + ], + [ + "▁Album", + "s" + ], + [ + "▁Alb", + "ums" + ], + [ + "▁Bo", + "liv" + ], + [ + "▁Bol", + "iv" + ], + [ + "▁c", + "lés" + ], + [ + "▁cl", + "és" + ], + [ + "Product", + "s" + ], + [ + "uer", + "do" + ], + [ + "▁ge", + "lang" + ], + [ + "▁gel", + "ang" + ], + [ + "zn", + "ik" + ], + [ + "z", + "nik" + ], + [ + "ha", + "gen" + ], + [ + "h", + "agen" + ], + [ + "an", + "onymous" + ], + [ + "▁sv", + "g" + ], + [ + "▁", + "svg" + ], + [ + "▁Cons", + "eil" + ], + [ + "▁Conse", + "il" + ], + [ + "▁A", + "ri" + ], + [ + "▁Ar", + "i" + ], + [ + "col", + "i" + ], + [ + "co", + "li" + ], + [ + "c", + "oli" + ], + [ + "▁c", + "zy" + ], + [ + "▁cz", + "y" + ], + [ + "▁", + "czy" + ], + [ + "▁C", + "V" + ], + [ + "▁", + "CV" + ], + [ + "▁f", + "ord" + ], + [ + "▁for", + "d" + ], + [ + "▁fo", + "rd" + ], + [ + "▁", + "ford" + ], + [ + "▁Au", + "ßer" + ], + [ + "▁Auß", + "er" + ], + [ + "▁C", + "I" + ], + [ + "▁", + "CI" + ], + [ + "▁t", + "empt" + ], + [ + "▁tem", + "pt" + ], + [ + "▁temp", + "t" + ], + [ + "▁Organ", + "isation" + ], + [ + "á", + "š" + ], + [ + "▁cy", + "cles" + ], + [ + "▁cycle", + "s" + ], + [ + "▁cycl", + "es" + ], + [ + "▁ges", + "lacht" + ], + [ + "▁лю", + "дей" + ], + [ + "ým", + "i" + ], + [ + "ý", + "mi" + ], + [ + "▁S", + "pieler" + ], + [ + "▁Spiel", + "er" + ], + [ + "ef", + "e" + ], + [ + "e", + "fe" + ], + [ + "▁Mar", + "vel" + ], + [ + "▁por", + "tal" + ], + [ + "▁port", + "al" + ], + [ + "▁porta", + "l" + ], + [ + "▁", + "portal" + ], + [ + "▁Сер", + "г" + ], + [ + "▁g", + "rado" + ], + [ + "▁gr", + "ado" + ], + [ + "▁gra", + "do" + ], + [ + "▁grad", + "o" + ], + [ + "▁hand", + "lers" + ], + [ + "▁handle", + "rs" + ], + [ + "▁handler", + "s" + ], + [ + "▁Inter", + "face" + ], + [ + "▁", + "Interface" + ], + [ + "AM", + "E" + ], + [ + "A", + "ME" + ], + [ + "▁ser", + "iously" + ], + [ + "▁serious", + "ly" + ], + [ + "▁B", + "inding" + ], + [ + "▁Bin", + "ding" + ], + [ + "▁Bind", + "ing" + ], + [ + "▁", + "Binding" + ], + [ + "▁R", + "ang" + ], + [ + "▁Ra", + "ng" + ], + [ + "▁Ran", + "g" + ], + [ + "▁n", + "ada" + ], + [ + "▁na", + "da" + ], + [ + "▁nad", + "a" + ], + [ + "oc", + "e" + ], + [ + "o", + "ce" + ], + [ + "▁inte", + "gra" + ], + [ + "▁integr", + "a" + ], + [ + "oc", + "racy" + ], + [ + "ocr", + "acy" + ], + [ + "▁аль", + "бо" + ], + [ + "▁st", + "ability" + ], + [ + "▁stabil", + "ity" + ], + [ + "Un", + "s" + ], + [ + "U", + "ns" + ], + [ + "▁v", + "eter" + ], + [ + "▁ve", + "ter" + ], + [ + "--", + "----+" + ], + [ + "----", + "--+" + ], + [ + "---", + "---+" + ], + [ + "------", + "+" + ], + [ + "-----", + "-+" + ], + [ + "▁se", + "rait" + ], + [ + "▁ser", + "ait" + ], + [ + "▁sera", + "it" + ], + [ + "▁om", + "itted" + ], + [ + "▁uncertain", + "ty" + ], + [ + "on", + "ian" + ], + [ + "oni", + "an" + ], + [ + "onia", + "n" + ], + [ + "▁re", + "sto" + ], + [ + "▁r", + "esto" + ], + [ + "▁res", + "to" + ], + [ + "▁rest", + "o" + ], + [ + "▁же", + "лез" + ], + [ + "▁од", + "ной" + ], + [ + "▁одно", + "й" + ], + [ + "▁Bevölker", + "ung" + ], + [ + "▁K", + "raft" + ], + [ + "▁Kr", + "aft" + ], + [ + "▁Kra", + "ft" + ], + [ + "ст", + "р" + ], + [ + "▁Mos", + "cow" + ], + [ + "la", + "ne" + ], + [ + "lan", + "e" + ], + [ + "l", + "ane" + ], + [ + "ar", + "ab" + ], + [ + "ara", + "b" + ], + [ + "a", + "rab" + ], + [ + "▁s", + "pole" + ], + [ + "▁sp", + "ole" + ], + [ + "▁spo", + "le" + ], + [ + "▁сво", + "его" + ], + [ + "?", + ":" + ], + [ + "ST", + "ART" + ], + [ + "▁ин", + "тер" + ], + [ + "▁инте", + "р" + ], + [ + "▁sym", + "pt" + ], + [ + "▁Loren", + "zo" + ], + [ + "▁ej", + "ec" + ], + [ + "▁pros", + "per" + ], + [ + "DA", + "T" + ], + [ + "D", + "AT" + ], + [ + "лимпи", + "й" + ], + [ + "▁sh", + "apes" + ], + [ + "▁shape", + "s" + ], + [ + "value", + "Of" + ], + [ + "▁associ", + "ate" + ], + [ + "▁Med", + "ien" + ], + [ + "▁Medi", + "en" + ], + [ + "EN", + "V" + ], + [ + "▁с", + "ре" + ], + [ + "▁држа", + "ве" + ], + [ + "▁the", + "ories" + ], + [ + "he", + "b" + ], + [ + "h", + "eb" + ], + [ + "▁Way", + "ne" + ], + [ + "▁String", + "Builder" + ], + [ + "iw", + "ers" + ], + [ + "i", + "wers" + ], + [ + "▁M", + "aps" + ], + [ + "▁Ma", + "ps" + ], + [ + "▁Map", + "s" + ], + [ + "Ph", + "ys" + ], + [ + "\\}", + "\\" + ], + [ + "\\", + "}\\" + ], + [ + "▁P", + "arte" + ], + [ + "▁Par", + "te" + ], + [ + "▁Part", + "e" + ], + [ + "▁Hud", + "son" + ], + [ + "ло", + "н" + ], + [ + "л", + "он" + ], + [ + "L", + "ng" + ], + [ + "▁р", + "ы" + ], + [ + "▁", + "ры" + ], + [ + "ст", + "ей" + ], + [ + "сте", + "й" + ], + [ + "с", + "тей" + ], + [ + "la", + "u" + ], + [ + "l", + "au" + ], + [ + "an", + "cer" + ], + [ + "ance", + "r" + ], + [ + "anc", + "er" + ], + [ + "▁Co", + "ppa" + ], + [ + "▁Cop", + "pa" + ], + [ + "▁вій", + "сь" + ], + [ + "▁u", + "cc" + ], + [ + "▁Pat", + "tern" + ], + [ + "▁", + "Pattern" + ], + [ + "▁gar", + "bage" + ], + [ + "▁Gon", + "zález" + ], + [ + "▁Encyc", + "lop" + ], + [ + "et", + "ten" + ], + [ + "ett", + "en" + ], + [ + "ette", + "n" + ], + [ + "Ex", + "ternal" + ], + [ + "Ext", + "ernal" + ], + [ + "RE", + "F" + ], + [ + "R", + "EF" + ], + [ + ">", + ";" + ], + [ + "lij", + "ke" + ], + [ + "lijk", + "e" + ], + [ + "▁inter", + "sect" + ], + [ + "▁Un", + "less" + ], + [ + "▁de", + "eper" + ], + [ + "▁deep", + "er" + ], + [ + "▁ж", + "і" + ], + [ + "▁", + "жі" + ], + [ + "de", + "nt" + ], + [ + "den", + "t" + ], + [ + "d", + "ent" + ], + [ + "le", + "f" + ], + [ + "l", + "ef" + ], + [ + "▁ch", + "anson" + ], + [ + "▁diff", + "us" + ], + [ + "▁pr", + "imi" + ], + [ + "▁prim", + "i" + ], + [ + "▁pri", + "mi" + ], + [ + "▁W", + "ieder" + ], + [ + "▁Wi", + "eder" + ], + [ + "▁Wie", + "der" + ], + [ + "▁a", + "ws" + ], + [ + "▁aw", + "s" + ], + [ + "▁", + "aws" + ], + [ + "ow", + "ana" + ], + [ + "owa", + "na" + ], + [ + "owan", + "a" + ], + [ + "▁so", + "ciale" + ], + [ + "▁social", + "e" + ], + [ + "▁soci", + "ale" + ], + [ + "▁soc", + "iale" + ], + [ + "ik", + "k" + ], + [ + "i", + "kk" + ], + [ + "ль", + "ной" + ], + [ + "льно", + "й" + ], + [ + "▁div", + "isions" + ], + [ + "▁division", + "s" + ], + [ + "▁divis", + "ions" + ], + [ + "ло", + "со" + ], + [ + "▁Cl", + "aud" + ], + [ + "▁Cla", + "ud" + ], + [ + "▁Y", + "a" + ], + [ + "▁v", + "oce" + ], + [ + "▁vo", + "ce" + ], + [ + "▁voc", + "e" + ], + [ + "▁B", + "ranch" + ], + [ + "▁Br", + "anch" + ], + [ + "▁Bran", + "ch" + ], + [ + "▁f", + "itted" + ], + [ + "▁fit", + "ted" + ], + [ + "or", + "r" + ], + [ + "o", + "rr" + ], + [ + "ôt", + "el" + ], + [ + "ô", + "tel" + ], + [ + "st", + "roke" + ], + [ + "str", + "oke" + ], + [ + "list", + "ener" + ], + [ + "listen", + "er" + ], + [ + "im", + "an" + ], + [ + "ima", + "n" + ], + [ + "i", + "man" + ], + [ + "во", + "сто" + ], + [ + "▁Sh", + "ah" + ], + [ + "Int", + "roduction" + ], + [ + "▁new", + "line" + ], + [ + "▁t", + "ile" + ], + [ + "▁til", + "e" + ], + [ + "▁ti", + "le" + ], + [ + "']", + "))" + ], + [ + "'])", + ")" + ], + [ + "'", + "]))" + ], + [ + "▁trav", + "aux" + ], + [ + "▁trava", + "ux" + ], + [ + "CON", + "FIG" + ], + [ + "▁quadr", + "atic" + ], + [ + "on", + "neur" + ], + [ + "onn", + "eur" + ], + [ + "onne", + "ur" + ], + [ + "▁Gi", + "org" + ], + [ + "▁ident", + "ific" + ], + [ + "éric", + "aine" + ], + [ + "érica", + "ine" + ], + [ + "▁UI", + "View" + ], + [ + "▁", + "UIView" + ], + [ + "▁Lib", + "eral" + ], + [ + "▁Liber", + "al" + ], + [ + "▁K", + "och" + ], + [ + "▁Ko", + "ch" + ], + [ + "▁Berlin", + "er" + ], + [ + "▁Berl", + "iner" + ], + [ + "▁not", + "ifications" + ], + [ + "▁notification", + "s" + ], + [ + "▁Su", + "san" + ], + [ + "▁Sus", + "an" + ], + [ + "▁c", + "adre" + ], + [ + "▁cad", + "re" + ], + [ + "▁K", + "loster" + ], + [ + "▁Kl", + "oster" + ], + [ + "▁exam", + "ine" + ], + [ + "▁е", + "дин" + ], + [ + "▁еди", + "н" + ], + [ + "▁UN", + "ION" + ], + [ + "▁al", + "ten" + ], + [ + "▁alt", + "en" + ], + [ + "▁alte", + "n" + ], + [ + "▁f", + "init" + ], + [ + "▁fin", + "it" + ], + [ + "▁fi", + "nit" + ], + [ + "▁pe", + "dig" + ], + [ + "▁ped", + "ig" + ], + [ + "cy", + "k" + ], + [ + "c", + "yk" + ], + [ + "▁mouv", + "ement" + ], + [ + "▁mou", + "vement" + ], + [ + "IO", + "S" + ], + [ + "I", + "OS" + ], + [ + "▁бри", + "тан" + ], + [ + "▁b", + "out" + ], + [ + "▁bo", + "ut" + ], + [ + "▁bou", + "t" + ], + [ + "▁ав", + "тор" + ], + [ + "▁авто", + "р" + ], + [ + "ниц", + "тво" + ], + [ + "ет", + "о" + ], + [ + "е", + "то" + ], + [ + "le", + "ra" + ], + [ + "ler", + "a" + ], + [ + "l", + "era" + ], + [ + "cl", + "s" + ], + [ + "c", + "ls" + ], + [ + "▁L", + "ey" + ], + [ + "▁Le", + "y" + ], + [ + "am", + "y" + ], + [ + "a", + "my" + ], + [ + "ag", + "ens" + ], + [ + "age", + "ns" + ], + [ + "agen", + "s" + ], + [ + "a", + "gens" + ], + [ + "as", + "hed" + ], + [ + "ash", + "ed" + ], + [ + "▁ok", + "rę" + ], + [ + "г", + "ро" + ], + [ + "el", + "lett" + ], + [ + "ell", + "ett" + ], + [ + "elle", + "tt" + ], + [ + "▁F", + "ellow" + ], + [ + "▁Fel", + "low" + ], + [ + "▁manif", + "old" + ], + [ + "$)", + "," + ], + [ + "$", + ")," + ], + [ + "ld", + "er" + ], + [ + "l", + "der" + ], + [ + "▁v", + "oz" + ], + [ + "▁vo", + "z" + ], + [ + "▁be", + "gg" + ], + [ + "▁beg", + "g" + ], + [ + "▁b", + "aron" + ], + [ + "▁bar", + "on" + ], + [ + "▁ba", + "ron" + ], + [ + "▁f", + "id" + ], + [ + "▁fi", + "d" + ], + [ + "▁f", + "iring" + ], + [ + "▁fi", + "ring" + ], + [ + "▁fir", + "ing" + ], + [ + "il", + "da" + ], + [ + "ild", + "a" + ], + [ + "de", + "k" + ], + [ + "d", + "ek" + ], + [ + "A", + "U" + ], + [ + "it", + "are" + ], + [ + "ita", + "re" + ], + [ + "itar", + "e" + ], + [ + "▁A", + "ra" + ], + [ + "▁Ar", + "a" + ], + [ + "▁Ex", + "it" + ], + [ + "▁", + "Exit" + ], + [ + "▁cin", + "emat" + ], + [ + "▁cinema", + "t" + ], + [ + "▁int", + "ros" + ], + [ + "▁intr", + "os" + ], + [ + "▁intro", + "s" + ], + [ + "▁contact", + "s" + ], + [ + "пе", + "ни" + ], + [ + "пен", + "и" + ], + [ + "▁m", + "öglich" + ], + [ + "▁Singap", + "ore" + ], + [ + "str", + "öm" + ], + [ + "▁H", + "ern" + ], + [ + "▁He", + "rn" + ], + [ + "▁Her", + "n" + ], + [ + "▁six", + "th" + ], + [ + "▁public", + "ations" + ], + [ + "▁pub", + "lications" + ], + [ + "▁publication", + "s" + ], + [ + "vi", + "e" + ], + [ + "v", + "ie" + ], + [ + "▁H", + "at" + ], + [ + "▁Ha", + "t" + ], + [ + "▁accept", + "ing" + ], + [ + "á", + "c" + ], + [ + "st", + "wo" + ], + [ + "s", + "two" + ], + [ + "▁quiet", + "ly" + ], + [ + "Ph", + "oto" + ], + [ + "▁b", + "asket" + ], + [ + "▁bas", + "ket" + ], + [ + "▁eigen", + "values" + ], + [ + "▁mé", + "dec" + ], + [ + "▁méd", + "ec" + ], + [ + "▁O", + "limp" + ], + [ + "▁Ol", + "imp" + ], + [ + "▁цер", + "ков" + ], + [ + "al", + "in" + ], + [ + "ali", + "n" + ], + [ + "a", + "lin" + ], + [ + "con", + "sum" + ], + [ + "cons", + "um" + ], + [ + "▁l", + "assen" + ], + [ + "▁las", + "sen" + ], + [ + "▁", + "lassen" + ], + [ + "▁ан", + "ти" + ], + [ + "▁S", + "eq" + ], + [ + "▁Se", + "q" + ], + [ + "▁", + "Seq" + ], + [ + "\";", + "\r" + ], + [ + "\"", + ";\r" + ], + [ + "ra", + "re" + ], + [ + "rar", + "e" + ], + [ + "r", + "are" + ], + [ + "▁$", + "|\\" + ], + [ + "▁$|", + "\\" + ], + [ + "▁n", + "ick" + ], + [ + "▁ni", + "ck" + ], + [ + "▁nic", + "k" + ], + [ + "▁", + "nick" + ], + [ + "df", + "lare" + ], + [ + "V", + "ec" + ], + [ + "bind", + "ung" + ], + [ + "▁b", + "g" + ], + [ + "▁", + "bg" + ], + [ + "ch", + "anges" + ], + [ + "change", + "s" + ], + [ + "chan", + "ges" + ], + [ + "Day", + "s" + ], + [ + "Da", + "ys" + ], + [ + "D", + "ays" + ], + [ + "▁M", + "ouse" + ], + [ + "▁Mo", + "use" + ], + [ + "▁Mou", + "se" + ], + [ + "▁", + "Mouse" + ], + [ + "▁wait", + "ed" + ], + [ + "▁wa", + "ited" + ], + [ + "▁Tom", + "atoes" + ], + [ + "▁f", + "as" + ], + [ + "▁fa", + "s" + ], + [ + "▁", + "fas" + ], + [ + "ver", + "te" + ], + [ + "vert", + "e" + ], + [ + "v", + "erte" + ], + [ + "▁success", + "ion" + ], + [ + "▁succ", + "ession" + ], + [ + "со", + "р" + ], + [ + "с", + "ор" + ], + [ + "▁s", + "ols" + ], + [ + "▁so", + "ls" + ], + [ + "▁sol", + "s" + ], + [ + "▁R", + "ender" + ], + [ + "▁Re", + "nder" + ], + [ + "▁Ren", + "der" + ], + [ + "▁", + "Render" + ], + [ + "▁lead", + "ership" + ], + [ + "▁leader", + "ship" + ], + [ + "▁leaders", + "hip" + ], + [ + "▁signific", + "ance" + ], + [ + "▁ga", + "uche" + ], + [ + "▁gau", + "che" + ], + [ + "ca", + "no" + ], + [ + "can", + "o" + ], + [ + "c", + "ano" + ], + [ + "▁P", + "ie" + ], + [ + "▁Pi", + "e" + ], + [ + "enso", + "ort" + ], + [ + "▁cam", + "bio" + ], + [ + "▁camb", + "io" + ], + [ + "▁у", + "з" + ], + [ + "▁ende", + "av" + ], + [ + "Comp", + "leted" + ], + [ + "Comple", + "ted" + ], + [ + "Complete", + "d" + ], + [ + "▁Архив", + "ная" + ], + [ + "j", + "d" + ], + [ + "ór", + "ico" + ], + [ + "ó", + "rico" + ], + [ + "▁church", + "es" + ], + [ + "▁an", + "imate" + ], + [ + "▁anim", + "ate" + ], + [ + "▁ani", + "mate" + ], + [ + "▁", + "animate" + ], + [ + "S", + "G" + ], + [ + "comp", + "ute" + ], + [ + "comput", + "e" + ], + [ + "▁uniform", + "ly" + ], + [ + "IN", + "IT" + ], + [ + "ll", + "es" + ], + [ + "lle", + "s" + ], + [ + "l", + "les" + ], + [ + "Http", + "Request" + ], + [ + "К", + "о" + ], + [ + "Di", + "ff" + ], + [ + "D", + "iff" + ], + [ + "▁s", + "ah" + ], + [ + "▁sa", + "h" + ], + [ + "air", + "o" + ], + [ + "ai", + "ro" + ], + [ + "a", + "iro" + ], + [ + "may", + "be" + ], + [ + "UT", + "E" + ], + [ + "U", + "TE" + ], + [ + "▁D", + "ow" + ], + [ + "▁Do", + "w" + ], + [ + "hu", + "man" + ], + [ + "hum", + "an" + ], + [ + "h", + "uman" + ], + [ + "▁au", + "rait" + ], + [ + "▁aur", + "ait" + ], + [ + "dar", + "k" + ], + [ + "d", + "ark" + ], + [ + "▁re", + "pair" + ], + [ + "▁rep", + "air" + ], + [ + "▁n", + "er" + ], + [ + "▁ne", + "r" + ], + [ + "▁", + "ner" + ], + [ + "▁D", + "abei" + ], + [ + "▁Da", + "bei" + ], + [ + "▁Bo", + "tan" + ], + [ + "▁Bot", + "an" + ], + [ + "Or", + "iginal" + ], + [ + "Origin", + "al" + ], + [ + "az", + "ă" + ], + [ + "▁N", + "AT" + ], + [ + "▁NA", + "T" + ], + [ + "im", + "per" + ], + [ + "imp", + "er" + ], + [ + "▁Y", + "outh" + ], + [ + "▁You", + "th" + ], + [ + "th", + "es" + ], + [ + "the", + "s" + ], + [ + "t", + "hes" + ], + [ + "▁окру", + "га" + ], + [ + "▁F", + "lo" + ], + [ + "▁Fl", + "o" + ], + [ + "▁break", + "fast" + ], + [ + "ur", + "ls" + ], + [ + "url", + "s" + ], + [ + "▁über", + "nahm" + ], + [ + "ár", + "ios" + ], + [ + "ário", + "s" + ], + [ + "á", + "rios" + ], + [ + "▁O", + "range" + ], + [ + "▁Or", + "ange" + ], + [ + "▁Aff", + "airs" + ], + [ + "sk", + "e" + ], + [ + "s", + "ke" + ], + [ + "▁not", + "ify" + ], + [ + "▁", + "notify" + ], + [ + "imo", + "ine" + ], + [ + "▁Ar", + "ena" + ], + [ + "▁Are", + "na" + ], + [ + "▁lib", + "eral" + ], + [ + "▁liber", + "al" + ], + [ + "▁o", + "bec" + ], + [ + "▁ob", + "ec" + ], + [ + "if", + "a" + ], + [ + "i", + "fa" + ], + [ + "gu", + "ez" + ], + [ + "gue", + "z" + ], + [ + "g", + "uez" + ], + [ + "ion", + "o" + ], + [ + "io", + "no" + ], + [ + "i", + "ono" + ], + [ + "пера", + "тор" + ], + [ + "▁ret", + "ained" + ], + [ + "▁retain", + "ed" + ], + [ + "fa", + "iled" + ], + [ + "fail", + "ed" + ], + [ + "bin", + "e" + ], + [ + "bi", + "ne" + ], + [ + "b", + "ine" + ], + [ + "т", + "ных" + ], + [ + "▁CG", + "Rect" + ], + [ + "cam", + "era" + ], + [ + "ide", + "note" + ], + [ + "iden", + "ote" + ], + [ + "K", + "B" + ], + [ + "▁l", + "ights" + ], + [ + "▁light", + "s" + ], + [ + "▁P", + "ictures" + ], + [ + "▁Picture", + "s" + ], + [ + "▁Squad", + "ron" + ], + [ + "▁V", + "olk" + ], + [ + "▁Vol", + "k" + ], + [ + "▁b", + "urg" + ], + [ + "▁bu", + "rg" + ], + [ + "▁bur", + "g" + ], + [ + "▁", + "burg" + ], + [ + ",", + "]" + ], + [ + "G", + "i" + ], + [ + "ê", + "que" + ], + [ + "make", + "Text" + ], + [ + "▁every", + "body" + ], + [ + "▁Hy", + "per" + ], + [ + "▁Hyp", + "er" + ], + [ + "▁De", + "ux" + ], + [ + "▁gl", + "ory" + ], + [ + "▁glo", + "ry" + ], + [ + "pres", + "entation" + ], + [ + "present", + "ation" + ], + [ + "on", + "ica" + ], + [ + "oni", + "ca" + ], + [ + "onic", + "a" + ], + [ + "o", + "nica" + ], + [ + "▁fr", + "ère" + ], + [ + "ag", + "et" + ], + [ + "age", + "t" + ], + [ + "a", + "get" + ], + [ + "▁h", + "ints" + ], + [ + "▁hint", + "s" + ], + [ + "▁hin", + "ts" + ], + [ + "▁t", + "unnel" + ], + [ + "▁tun", + "nel" + ], + [ + "▁E", + "j" + ], + [ + "ál", + "is" + ], + [ + "á", + "lis" + ], + [ + "▁V", + "iv" + ], + [ + "▁Vi", + "v" + ], + [ + "ствен", + "ных" + ], + [ + "▁c", + "aps" + ], + [ + "▁cap", + "s" + ], + [ + "▁ca", + "ps" + ], + [ + "PA", + "RT" + ], + [ + "PAR", + "T" + ], + [ + "P", + "ART" + ], + [ + "oc", + "i" + ], + [ + "o", + "ci" + ], + [ + "▁p", + "rices" + ], + [ + "▁pr", + "ices" + ], + [ + "▁pri", + "ces" + ], + [ + "▁price", + "s" + ], + [ + "curr", + "ency" + ], + [ + "c", + "urrency" + ], + [ + "▁a", + "chter" + ], + [ + "▁ach", + "ter" + ], + [ + "▁acht", + "er" + ], + [ + "rom", + "agnet" + ], + [ + "ge", + "nder" + ], + [ + "gen", + "der" + ], + [ + "gende", + "r" + ], + [ + "g", + "ender" + ], + [ + "▁s", + "uis" + ], + [ + "▁su", + "is" + ], + [ + "vers", + "ions" + ], + [ + "version", + "s" + ], + [ + "▁Tr", + "aining" + ], + [ + "▁Tra", + "ining" + ], + [ + "▁Train", + "ing" + ], + [ + "in", + "side" + ], + [ + "ins", + "ide" + ], + [ + "eg", + "e" + ], + [ + "e", + "ge" + ], + [ + "▁tot", + "ale" + ], + [ + "▁total", + "e" + ], + [ + "▁D", + "aar" + ], + [ + "▁Da", + "ar" + ], + [ + "▁grud", + "nia" + ], + [ + "▁I", + "er" + ], + [ + "▁occasion", + "s" + ], + [ + "▁occas", + "ions" + ], + [ + "▁k", + "de" + ], + [ + "▁tensor", + "flow" + ], + [ + "▁", + "tensorflow" + ], + [ + "▁ó", + "r" + ], + [ + "▁", + "ór" + ], + [ + "Method", + "s" + ], + [ + "▁loop", + "ing" + ], + [ + "▁direct", + "eur" + ], + [ + "k", + "ę" + ], + [ + "▁is", + "omorphism" + ], + [ + "▁Jo", + "ão" + ], + [ + "▁al", + "igned" + ], + [ + "▁align", + "ed" + ], + [ + "▁", + "aligned" + ], + [ + "он", + "ов" + ], + [ + "о", + "нов" + ], + [ + "ur", + "ger" + ], + [ + "urg", + "er" + ], + [ + "▁n", + "ova" + ], + [ + "▁no", + "va" + ], + [ + "▁nov", + "a" + ], + [ + "mor", + "row" + ], + [ + "m", + "orrow" + ], + [ + "al", + "tern" + ], + [ + "alt", + "ern" + ], + [ + "alter", + "n" + ], + [ + "H", + "D" + ], + [ + "▁m", + "arqu" + ], + [ + "▁mar", + "qu" + ], + [ + "at", + "ivas" + ], + [ + "ativ", + "as" + ], + [ + "ati", + "vas" + ], + [ + "ativa", + "s" + ], + [ + "gg", + "reg" + ], + [ + "g", + "greg" + ], + [ + "▁anci", + "en" + ], + [ + "▁anc", + "ien" + ], + [ + "ni", + "t" + ], + [ + "n", + "it" + ], + [ + "▁sec", + "ured" + ], + [ + "▁secure", + "d" + ], + [ + "mi", + "er" + ], + [ + "m", + "ier" + ], + [ + "▁O", + "le" + ], + [ + "▁Ol", + "e" + ], + [ + "▁ин", + "те" + ], + [ + "▁m", + "inus" + ], + [ + "▁min", + "us" + ], + [ + "▁", + "minus" + ], + [ + "▁clear", + "er" + ], + [ + "▁n", + "ello" + ], + [ + "▁nel", + "lo" + ], + [ + "▁nell", + "o" + ], + [ + "▁információ", + "k" + ], + [ + "▁pro", + "pre" + ], + [ + "▁prop", + "re" + ], + [ + "{", + "." + ], + [ + "il", + "og" + ], + [ + "ilo", + "g" + ], + [ + "i", + "log" + ], + [ + "▁Qu", + "ick" + ], + [ + "▁acc", + "us" + ], + [ + "▁ac", + "cus" + ], + [ + "emp", + "loyee" + ], + [ + "▁з", + "у" + ], + [ + "▁", + "зу" + ], + [ + "ць", + "кий" + ], + [ + "фі", + "цій" + ], + [ + "▁пу", + "бли" + ], + [ + "▁", + "публи" + ], + [ + "▁b", + "ent" + ], + [ + "▁be", + "nt" + ], + [ + "▁ben", + "t" + ], + [ + "▁по", + "зво" + ], + [ + "▁П", + "ор" + ], + [ + "▁По", + "р" + ], + [ + "áz", + "í" + ], + [ + "án", + "ico" + ], + [ + "á", + "nico" + ], + [ + "empty", + "set" + ], + [ + "▁sur", + "tout" + ], + [ + "re", + "no" + ], + [ + "ren", + "o" + ], + [ + "r", + "eno" + ], + [ + "un", + "ya" + ], + [ + "▁у", + "ез" + ], + [ + "▁Mill", + "ionen" + ], + [ + "▁listop", + "ada" + ], + [ + "▁M", + "aine" + ], + [ + "▁Ma", + "ine" + ], + [ + "▁Main", + "e" + ], + [ + "▁Mai", + "ne" + ], + [ + "▁gru", + "pos" + ], + [ + "▁grupo", + "s" + ], + [ + "▁grup", + "os" + ], + [ + "▁St", + "orage" + ], + [ + "▁Sto", + "rage" + ], + [ + "▁", + "Storage" + ], + [ + "▁app", + "le" + ], + [ + "▁ap", + "ple" + ], + [ + "▁", + "apple" + ], + [ + "▁L", + "ö" + ], + [ + "ou", + "sed" + ], + [ + "ous", + "ed" + ], + [ + "ouse", + "d" + ], + [ + "o", + "used" + ], + [ + "д", + "ро" + ], + [ + "sc", + "i" + ], + [ + "s", + "ci" + ], + [ + "▁hi", + "bernate" + ], + [ + "▁", + "hibernate" + ], + [ + "do", + "g" + ], + [ + "d", + "og" + ], + [ + "▁во", + "сто" + ], + [ + "▁вос", + "то" + ], + [ + "▁", + "восто" + ], + [ + "▁intens", + "ity" + ], + [ + "leg", + "end" + ], + [ + "lege", + "nd" + ], + [ + "legen", + "d" + ], + [ + "▁W", + "ille" + ], + [ + "▁Will", + "e" + ], + [ + "▁Wil", + "le" + ], + [ + "▁Wi", + "lle" + ], + [ + "▁szer", + "int" + ], + [ + "ges", + "ellschaft" + ], + [ + "▁L", + "iving" + ], + [ + "▁Li", + "ving" + ], + [ + "▁Liv", + "ing" + ], + [ + "al", + "lo" + ], + [ + "all", + "o" + ], + [ + "▁S", + "plit" + ], + [ + "▁Sp", + "lit" + ], + [ + "▁", + "Split" + ], + [ + "dr", + "u" + ], + [ + "d", + "ru" + ], + [ + "ne", + "ed" + ], + [ + "n", + "eed" + ], + [ + "▁Дж", + "он" + ], + [ + "▁Sw", + "iss" + ], + [ + "▁sp", + "raw" + ], + [ + "▁spr", + "aw" + ], + [ + "▁be", + "ho" + ], + [ + "▁beh", + "o" + ], + [ + "▁fot", + "ograf" + ], + [ + "▁ren", + "contre" + ], + [ + "▁k", + "is" + ], + [ + "▁ki", + "s" + ], + [ + "▁sign", + "ing" + ], + [ + "▁sig", + "ning" + ], + [ + "ak", + "ult" + ], + [ + "aku", + "lt" + ], + [ + "▁index", + "ing" + ], + [ + "ap", + "or" + ], + [ + "a", + "por" + ], + [ + "▁con", + "ception" + ], + [ + "▁concept", + "ion" + ], + [ + "▁conce", + "ption" + ], + [ + "ag", + "greg" + ], + [ + "agg", + "reg" + ], + [ + "a", + "ggreg" + ], + [ + "▁Са", + "вез" + ], + [ + "▁aff", + "air" + ], + [ + "ě", + "ní" + ], + [ + "A", + "ugust" + ], + [ + "▁се", + "кре" + ], + [ + "▁miesz", + "kań" + ], + [ + "UI", + "Image" + ], + [ + "▁b", + "ishop" + ], + [ + "▁bi", + "shop" + ], + [ + "▁", + "bishop" + ], + [ + "▁serv", + "ants" + ], + [ + "▁servant", + "s" + ], + [ + "▁tr", + "ail" + ], + [ + "▁tra", + "il" + ], + [ + "di", + "git" + ], + [ + "dig", + "it" + ], + [ + "▁jo", + "ins" + ], + [ + "▁join", + "s" + ], + [ + "▁N", + "ear" + ], + [ + "▁Ne", + "ar" + ], + [ + "öff", + "entlich" + ], + [ + ">", + "{" + ], + [ + "▁sk", + "ład" + ], + [ + "ge", + "führt" + ], + [ + "gef", + "ührt" + ], + [ + "▁Hol", + "z" + ], + [ + "▁Milit", + "är" + ], + [ + "ach", + "i" + ], + [ + "ac", + "hi" + ], + [ + "a", + "chi" + ], + [ + "Up", + "per" + ], + [ + "U", + "pper" + ], + [ + "pi", + "ne" + ], + [ + "pin", + "e" + ], + [ + "p", + "ine" + ], + [ + "ut", + "zt" + ], + [ + "utz", + "t" + ], + [ + "▁nu", + "ova" + ], + [ + "ibr", + "ation" + ], + [ + "▁B", + "ien" + ], + [ + "▁Bi", + "en" + ], + [ + "▁пер", + "вый" + ], + [ + "▁первы", + "й" + ], + [ + "▁Cre", + "ating" + ], + [ + "On", + "ce" + ], + [ + "▁ein", + "mal" + ], + [ + "▁ge", + "ometric" + ], + [ + "▁geomet", + "ric" + ], + [ + "st", + "vo" + ], + [ + "▁k", + "W" + ], + [ + "▁decom", + "position" + ], + [ + "▁com", + "edy" + ], + [ + "▁come", + "dy" + ], + [ + "▁activ", + "ation" + ], + [ + "▁an", + "gry" + ], + [ + "▁ang", + "ry" + ], + [ + "ill", + "eurs" + ], + [ + "ille", + "urs" + ], + [ + "▁inst", + "antly" + ], + [ + "▁instant", + "ly" + ], + [ + "▁suggest", + "ing" + ], + [ + "▁C", + "lay" + ], + [ + "▁Cl", + "ay" + ], + [ + "▁Cla", + "y" + ], + [ + "co", + "t" + ], + [ + "c", + "ot" + ], + [ + "▁G", + "én" + ], + [ + "▁Gé", + "n" + ], + [ + "($", + "(" + ], + [ + "(", + "$(" + ], + [ + "un", + "wrap" + ], + [ + "▁lif", + "ted" + ], + [ + "▁lift", + "ed" + ], + [ + "▁K", + "it" + ], + [ + "▁Ki", + "t" + ], + [ + "▁", + "Kit" + ], + [ + "▁l", + "inea" + ], + [ + "▁li", + "nea" + ], + [ + "▁line", + "a" + ], + [ + "▁lin", + "ea" + ], + [ + "о", + "к" + ], + [ + "ha", + "rt" + ], + [ + "har", + "t" + ], + [ + "h", + "art" + ], + [ + "->", + "_" + ], + [ + "▁n", + "uit" + ], + [ + "▁nu", + "it" + ], + [ + "▁Iss", + "ue" + ], + [ + "ли", + "и" + ], + [ + "▁r", + "öm" + ], + [ + "Task", + "s" + ], + [ + "▁S", + "r" + ], + [ + "▁se", + "is" + ], + [ + "▁sei", + "s" + ], + [ + "as", + "ia" + ], + [ + "asi", + "a" + ], + [ + "}}", + "$." + ], + [ + "}}$", + "." + ], + [ + "}", + "}$." + ], + [ + ":", + "{" + ], + [ + "control", + "s" + ], + [ + "contr", + "ols" + ], + [ + "▁S", + "tim" + ], + [ + "▁St", + "im" + ], + [ + "▁Re", + "cht" + ], + [ + "▁Rec", + "ht" + ], + [ + "ocia", + "ción" + ], + [ + "oci", + "ación" + ], + [ + "▁N", + "atal" + ], + [ + "▁Na", + "tal" + ], + [ + "▁Nat", + "al" + ], + [ + "▁Philipp", + "ines" + ], + [ + "ul", + "en" + ], + [ + "ule", + "n" + ], + [ + "u", + "len" + ], + [ + "F", + "ixed" + ], + [ + "▁switch", + "ed" + ], + [ + "Z", + "ip" + ], + [ + "os", + "pel" + ], + [ + "osp", + "el" + ], + [ + "▁нача", + "ле" + ], + [ + "▁B", + "lan" + ], + [ + "▁Bl", + "an" + ], + [ + "▁Bla", + "n" + ], + [ + "ur", + "st" + ], + [ + "urs", + "t" + ], + [ + "▁aut", + "our" + ], + [ + "▁auto", + "ur" + ], + [ + "C", + "a" + ], + [ + "▁lat", + "itude" + ], + [ + "▁F", + "rei" + ], + [ + "▁Fre", + "i" + ], + [ + "▁Fr", + "ei" + ], + [ + "▁Mus", + "ée" + ], + [ + "▁K", + "urz" + ], + [ + "▁Kur", + "z" + ], + [ + "▁Ku", + "rz" + ], + [ + "▁reg", + "ião" + ], + [ + "sw", + "ap" + ], + [ + "▁h", + "ate" + ], + [ + "▁ha", + "te" + ], + [ + "▁hat", + "e" + ], + [ + "▁mod", + "ifications" + ], + [ + "▁modification", + "s" + ], + [ + "▁modific", + "ations" + ], + [ + "▁К", + "ом" + ], + [ + "▁Ко", + "м" + ], + [ + "▁Anto", + "ine" + ], + [ + "ug", + "a" + ], + [ + "u", + "ga" + ], + [ + "RE", + "CT" + ], + [ + "R", + "ECT" + ], + [ + "ét", + "er" + ], + [ + "é", + "ter" + ], + [ + "G", + "ROUP" + ], + [ + "▁sacr", + "ific" + ], + [ + "▁W", + "he" + ], + [ + "▁Wh", + "e" + ], + [ + "▁Ste", + "vens" + ], + [ + "▁Steve", + "ns" + ], + [ + "▁Steven", + "s" + ], + [ + "olog", + "ische" + ], + [ + "Sum", + "mary" + ], + [ + "ob", + "s" + ], + [ + "o", + "bs" + ], + [ + "hn", + "en" + ], + [ + "h", + "nen" + ], + [ + "<", + "%=" + ], + [ + "di", + "enst" + ], + [ + "d", + "ienst" + ], + [ + "re", + "mark" + ], + [ + "rem", + "ark" + ], + [ + "r", + "emark" + ], + [ + "▁veröff", + "entlicht" + ], + [ + "е", + "л" + ], + [ + "▁M", + "ock" + ], + [ + "▁Mo", + "ck" + ], + [ + "▁", + "Mock" + ], + [ + "▁Ль", + "в" + ], + [ + "▁tr", + "ês" + ], + [ + "g", + "b" + ], + [ + "▁celebr", + "ated" + ], + [ + "▁E", + "b" + ], + [ + "▁c", + "osta" + ], + [ + "▁co", + "sta" + ], + [ + "▁cost", + "a" + ], + [ + "▁cos", + "ta" + ], + [ + "▁Ge", + "ographic" + ], + [ + "▁att", + "achment" + ], + [ + "▁attach", + "ment" + ], + [ + "mann", + "schaft" + ], + [ + "▁depend", + "ence" + ], + [ + "�", + "�" + ], + [ + "▁att", + "itude" + ], + [ + "et", + "al" + ], + [ + "eta", + "l" + ], + [ + "e", + "tal" + ], + [ + "vi", + "c" + ], + [ + "v", + "ic" + ], + [ + "ba", + "ut" + ], + [ + "bau", + "t" + ], + [ + "b", + "aut" + ], + [ + "▁д", + "ов" + ], + [ + "▁до", + "в" + ], + [ + "▁", + "дов" + ], + [ + "▁inter", + "ven" + ], + [ + "▁G", + "ü" + ], + [ + "ón", + "ica" + ], + [ + "ó", + "nica" + ], + [ + "▁P", + "on" + ], + [ + "▁Po", + "n" + ], + [ + "▁dispon", + "ible" + ], + [ + "▁F", + "eb" + ], + [ + "▁Fe", + "b" + ], + [ + "▁wor", + "ship" + ], + [ + "▁Specific", + "ally" + ], + [ + "H", + "y" + ], + [ + "ij", + "u" + ], + [ + "i", + "ju" + ], + [ + "▁c", + "b" + ], + [ + "▁", + "cb" + ], + [ + "▁sp", + "ac" + ], + [ + "lev", + "eland" + ], + [ + "level", + "and" + ], + [ + "▁local", + "idad" + ], + [ + "▁prec", + "eding" + ], + [ + "▁preced", + "ing" + ], + [ + "▁H", + "essen" + ], + [ + "x", + "p" + ], + [ + "▁W", + "ein" + ], + [ + "▁We", + "in" + ], + [ + "▁Wei", + "n" + ], + [ + "▁Rom", + "â" + ], + [ + "▁gi", + "orno" + ], + [ + "▁gior", + "no" + ], + [ + "▁квіт", + "ня" + ], + [ + "lla", + "ços" + ], + [ + "▁Academ", + "ia" + ], + [ + "▁k", + "ül" + ], + [ + "▁Å", + "rs" + ], + [ + "▁на", + "ј" + ], + [ + "uc", + "lide" + ], + [ + "Inter", + "net" + ], + [ + "Intern", + "et" + ], + [ + "or", + "ton" + ], + [ + "ort", + "on" + ], + [ + "▁c", + "orn" + ], + [ + "▁cor", + "n" + ], + [ + "▁co", + "rn" + ], + [ + "я", + "ми" + ], + [ + "▁\"", + "*" + ], + [ + "▁Fel", + "ix" + ], + [ + "ap", + "at" + ], + [ + "apa", + "t" + ], + [ + "a", + "pat" + ], + [ + "▁сво", + "и" + ], + [ + "MI", + "T" + ], + [ + "M", + "IT" + ], + [ + "ma", + "de" + ], + [ + "mad", + "e" + ], + [ + "m", + "ade" + ], + [ + "▁lo", + "comot" + ], + [ + "хо", + "да" + ], + [ + "ход", + "а" + ], + [ + "F", + "P" + ], + [ + "▁p", + "m" + ], + [ + "▁", + "pm" + ], + [ + ".*", + ";" + ], + [ + "▁H", + "amm" + ], + [ + "▁Ha", + "mm" + ], + [ + "▁Ham", + "m" + ], + [ + "`", + "}" + ], + [ + "Layout", + "Inflater" + ], + [ + "==", + "\"" + ], + [ + "=", + "=\"" + ], + [ + "▁E", + "ur" + ], + [ + "▁Eu", + "r" + ], + [ + "▁d", + "ogs" + ], + [ + "▁do", + "gs" + ], + [ + "▁dog", + "s" + ], + [ + "же", + "нии" + ], + [ + "▁a", + "zon" + ], + [ + "▁az", + "on" + ], + [ + "▁", + "azon" + ], + [ + "▁em", + "ulator" + ], + [ + "▁r", + "icon" + ], + [ + "▁ric", + "on" + ], + [ + "▁ri", + "con" + ], + [ + "be", + "eld" + ], + [ + "▁н", + "у" + ], + [ + "▁", + "ну" + ], + [ + "▁approxim", + "ate" + ], + [ + "L", + "M" + ], + [ + "▁B", + "ond" + ], + [ + "▁Bo", + "nd" + ], + [ + "▁Bon", + "d" + ], + [ + "▁en", + "h" + ], + [ + "ęd", + "z" + ], + [ + "ę", + "dz" + ], + [ + "▁s", + "olit" + ], + [ + "▁so", + "lit" + ], + [ + "▁sol", + "it" + ], + [ + "Relative", + "Layout" + ], + [ + "et", + "eor" + ], + [ + "ete", + "or" + ], + [ + "ament", + "os" + ], + [ + "amento", + "s" + ], + [ + "▁in", + "direct" + ], + [ + "▁ind", + "irect" + ], + [ + "ib", + "ől" + ], + [ + "▁g", + "ros" + ], + [ + "▁gr", + "os" + ], + [ + "▁gro", + "s" + ], + [ + "▁Original", + "s" + ], + [ + "▁Origin", + "als" + ], + [ + "▁Orig", + "inals" + ], + [ + "comm", + "ands" + ], + [ + "command", + "s" + ], + [ + "Ex", + "port" + ], + [ + "Exp", + "ort" + ], + [ + "▁A", + "vec" + ], + [ + "▁Av", + "ec" + ], + [ + "▁sole", + "mn" + ], + [ + "▁solem", + "n" + ], + [ + "▁correct", + "ion" + ], + [ + "▁corre", + "ction" + ], + [ + "▁corr", + "ection" + ], + [ + "▁про", + "води" + ], + [ + "▁прово", + "ди" + ], + [ + "▁Mo", + "sk" + ], + [ + "▁Mos", + "k" + ], + [ + "▁по", + "до" + ], + [ + "▁под", + "о" + ], + [ + "▁geb", + "ied" + ], + [ + "▁nast", + "ęp" + ], + [ + "▁D", + "river" + ], + [ + "▁Dr", + "iver" + ], + [ + "▁Drive", + "r" + ], + [ + "▁", + "Driver" + ], + [ + "▁O", + "ok" + ], + [ + "▁V", + "ec" + ], + [ + "▁Ve", + "c" + ], + [ + "▁", + "Vec" + ], + [ + "▁lung", + "o" + ], + [ + "▁lun", + "go" + ], + [ + "fi", + "cos" + ], + [ + "fic", + "os" + ], + [ + "fico", + "s" + ], + [ + "f", + "icos" + ], + [ + "▁s", + "vol" + ], + [ + "▁sv", + "ol" + ], + [ + "▁svo", + "l" + ], + [ + "▁k", + "id" + ], + [ + "▁ki", + "d" + ], + [ + "n", + "ja" + ], + [ + "▁H", + "r" + ], + [ + "▁под", + "дер" + ], + [ + "▁vis", + "ibility" + ], + [ + "▁", + "visibility" + ], + [ + "▁M", + "éd" + ], + [ + "▁Mé", + "d" + ], + [ + "▁c", + "pu" + ], + [ + "▁cp", + "u" + ], + [ + "▁", + "cpu" + ], + [ + "dis", + "cussion" + ], + [ + "As", + "set" + ], + [ + "Ass", + "et" + ], + [ + "▁def", + "ense" + ], + [ + "▁Any", + "one" + ], + [ + "▁Just", + "in" + ], + [ + "is", + "zt" + ], + [ + "isz", + "t" + ], + [ + "▁Coll", + "ins" + ], + [ + "▁Val", + "ent" + ], + [ + "▁P", + "ale" + ], + [ + "▁Pa", + "le" + ], + [ + "▁Pal", + "e" + ], + [ + "▁f", + "uel" + ], + [ + "▁fue", + "l" + ], + [ + "▁fu", + "el" + ], + [ + "▁n", + "ose" + ], + [ + "▁no", + "se" + ], + [ + "▁nos", + "e" + ], + [ + "rí", + "guez" + ], + [ + "▁Sch", + "les" + ], + [ + "▁Schl", + "es" + ], + [ + "▁Mal", + "ays" + ], + [ + "▁com", + "mut" + ], + [ + "▁comm", + "ut" + ], + [ + "dr", + "o" + ], + [ + "d", + "ro" + ], + [ + "ui", + "ng" + ], + [ + "u", + "ing" + ], + [ + "▁R", + "ico" + ], + [ + "▁Ric", + "o" + ], + [ + "▁Ri", + "co" + ], + [ + "▁Em", + "ma" + ], + [ + "or", + "p" + ], + [ + "o", + "rp" + ], + [ + "▁K", + "irk" + ], + [ + "▁Kir", + "k" + ], + [ + "▁Qu", + "ando" + ], + [ + "▁Ne", + "ue" + ], + [ + "▁Neu", + "e" + ], + [ + "▁de", + "mande" + ], + [ + "▁dem", + "ande" + ], + [ + "▁demand", + "e" + ], + [ + "▁C", + "over" + ], + [ + "▁Co", + "ver" + ], + [ + "▁Cov", + "er" + ], + [ + "▁res", + "cue" + ], + [ + "▁gew", + "ählt" + ], + [ + "▁Cal", + "endar" + ], + [ + "▁", + "Calendar" + ], + [ + "▁Mad", + "onna" + ], + [ + "W", + "P" + ], + [ + "os", + "hi" + ], + [ + "osh", + "i" + ], + [ + "▁M", + "aven" + ], + [ + "▁Ma", + "ven" + ], + [ + "▁b", + "elle" + ], + [ + "▁be", + "lle" + ], + [ + "▁bel", + "le" + ], + [ + "▁bell", + "e" + ], + [ + "▁w", + "x" + ], + [ + "▁", + "wx" + ], + [ + "▁su", + "gar" + ], + [ + "▁sug", + "ar" + ], + [ + "▁Bet", + "rieb" + ], + [ + "▁equilib", + "rium" + ], + [ + "E", + "AR" + ], + [ + "▁text", + "s" + ], + [ + "▁tex", + "ts" + ], + [ + "сло", + "в" + ], + [ + "с", + "лов" + ], + [ + "▁czerw", + "ca" + ], + [ + "▁D", + "üsseld" + ], + [ + "▁EL", + "SE" + ], + [ + "▁am", + "ery" + ], + [ + "▁amer", + "y" + ], + [ + "▁a", + "ni" + ], + [ + "▁an", + "i" + ], + [ + "▁", + "ani" + ], + [ + "▁o", + "bey" + ], + [ + "▁ob", + "ey" + ], + [ + "▁N", + "ell" + ], + [ + "▁Ne", + "ll" + ], + [ + "▁Nel", + "l" + ], + [ + "▁in", + "ne" + ], + [ + "▁inn", + "e" + ], + [ + "▁т", + "ро" + ], + [ + "▁", + "тро" + ], + [ + "F", + "D" + ], + [ + "cc", + "o" + ], + [ + "c", + "co" + ], + [ + "▁Z", + "ob" + ], + [ + "▁Zo", + "b" + ], + [ + "al", + "ette" + ], + [ + "ale", + "tte" + ], + [ + "alet", + "te" + ], + [ + "a", + "lette" + ], + [ + "▁má", + "jus" + ], + [ + "ect", + "ed" + ], + [ + "ec", + "ted" + ], + [ + "e", + "cted" + ], + [ + "▁Tur", + "key" + ], + [ + "▁Turk", + "ey" + ], + [ + "▁Wh", + "ether" + ], + [ + "▁Whe", + "ther" + ], + [ + "q", + "i" + ], + [ + "▁ш", + "то" + ], + [ + "▁head", + "quarters" + ], + [ + "en", + "di" + ], + [ + "end", + "i" + ], + [ + "ar", + "us" + ], + [ + "aru", + "s" + ], + [ + "a", + "rus" + ], + [ + "op", + "us" + ], + [ + "o", + "pus" + ], + [ + "▁з", + "оло" + ], + [ + "▁зо", + "ло" + ], + [ + "▁de", + "stru" + ], + [ + "▁dest", + "ru" + ], + [ + "▁L", + "ok" + ], + [ + "▁Lo", + "k" + ], + [ + "▁satisf", + "action" + ], + [ + "()", + "\r" + ], + [ + "(", + ")\r" + ], + [ + "▁Т", + "ер" + ], + [ + "▁Те", + "р" + ], + [ + "Jo", + "se" + ], + [ + "J", + "ose" + ], + [ + "▁con", + "quer" + ], + [ + "▁conqu", + "er" + ], + [ + "▁E", + "ffect" + ], + [ + "▁", + "Effect" + ], + [ + "Layout", + "Params" + ], + [ + "ie", + "z" + ], + [ + "i", + "ez" + ], + [ + "▁extern", + "s" + ], + [ + "▁gegen", + "über" + ], + [ + "▁E", + "SP" + ], + [ + "▁ES", + "P" + ], + [ + "ol", + "ta" + ], + [ + "olt", + "a" + ], + [ + "process", + "or" + ], + [ + "proc", + "essor" + ], + [ + "▁K", + "ult" + ], + [ + "▁Ku", + "lt" + ], + [ + "▁Atl", + "anta" + ], + [ + "▁t", + "ier" + ], + [ + "▁ti", + "er" + ], + [ + "▁tie", + "r" + ], + [ + "Oper", + "ator" + ], + [ + "▁ди", + "а" + ], + [ + "▁пи", + "сь" + ], + [ + "▁gro", + "ß" + ], + [ + "▁he", + "arts" + ], + [ + "▁heart", + "s" + ], + [ + "▁hear", + "ts" + ], + [ + "▁mill", + "imeter" + ], + [ + "al", + "though" + ], + [ + "alth", + "ough" + ], + [ + "al", + "les" + ], + [ + "all", + "es" + ], + [ + "alle", + "s" + ], + [ + "a", + "lles" + ], + [ + "▁Mag", + "ic" + ], + [ + "tr", + "aining" + ], + [ + "tra", + "ining" + ], + [ + "train", + "ing" + ], + [ + "ol", + "ine" + ], + [ + "oli", + "ne" + ], + [ + "olin", + "e" + ], + [ + "o", + "line" + ], + [ + "▁орган", + "і" + ], + [ + ">\\<", + "^" + ], + [ + ">", + "\\<^" + ], + [ + "ці", + "аль" + ], + [ + "ex", + "ports" + ], + [ + "export", + "s" + ], + [ + "Work", + "book" + ], + [ + "▁вере", + "сня" + ], + [ + "▁t", + "eles" + ], + [ + "▁te", + "les" + ], + [ + "▁tele", + "s" + ], + [ + "▁tel", + "es" + ], + [ + "▁econom", + "y" + ], + [ + "▁econ", + "omy" + ], + [ + "▁ec", + "onomy" + ], + [ + "▁t", + "rap" + ], + [ + "▁tr", + "ap" + ], + [ + "▁tra", + "p" + ], + [ + "▁ref", + "use" + ], + [ + "▁str", + "anger" + ], + [ + "▁strange", + "r" + ], + [ + "▁stran", + "ger" + ], + [ + "▁inst", + "inct" + ], + [ + "по", + "да" + ], + [ + "ol", + "an" + ], + [ + "ola", + "n" + ], + [ + "o", + "lan" + ], + [ + "▁n", + "ing" + ], + [ + "▁ni", + "ng" + ], + [ + "▁nin", + "g" + ], + [ + "▁", + "ning" + ], + [ + "inf", + "late" + ], + [ + "infl", + "ate" + ], + [ + "itat", + "ea" + ], + [ + "itate", + "a" + ], + [ + "ack", + "s" + ], + [ + "ac", + "ks" + ], + [ + "a", + "cks" + ], + [ + "▁J", + "oy" + ], + [ + "▁Jo", + "y" + ], + [ + "FL", + "AG" + ], + [ + "FLA", + "G" + ], + [ + "ail", + "and" + ], + [ + "ai", + "land" + ], + [ + "▁sort", + "i" + ], + [ + "▁sor", + "ti" + ], + [ + "▁в", + "пер" + ], + [ + "▁p", + "én" + ], + [ + "▁pé", + "n" + ], + [ + "Not", + "hing" + ], + [ + "No", + "thing" + ], + [ + "N", + "othing" + ], + [ + "▁sz", + "áz" + ], + [ + "▁Á", + "ng" + ], + [ + "▁A", + "UT" + ], + [ + "▁", + "AUT" + ], + [ + "Act", + "ions" + ], + [ + "Action", + "s" + ], + [ + "A", + "ctions" + ], + [ + "E", + "very" + ], + [ + "▁чер", + "вня" + ], + [ + "▁авто", + "мо" + ], + [ + "▁rout", + "ine" + ], + [ + "▁e", + "struct" + ], + [ + "▁est", + "ruct" + ], + [ + "▁G", + "ang" + ], + [ + "▁Ga", + "ng" + ], + [ + "▁Gan", + "g" + ], + [ + "▁h", + "oles" + ], + [ + "▁ho", + "les" + ], + [ + "▁hol", + "es" + ], + [ + "▁hole", + "s" + ], + [ + "th", + "esis" + ], + [ + "thes", + "is" + ], + [ + "▁con", + "cl" + ], + [ + "▁conc", + "l" + ], + [ + "▁p", + "é" + ], + [ + "ri", + "ers" + ], + [ + "rie", + "rs" + ], + [ + "rier", + "s" + ], + [ + "r", + "iers" + ], + [ + "ро", + "вой" + ], + [ + "рово", + "й" + ], + [ + "р", + "овой" + ], + [ + "ad", + "ic" + ], + [ + "adi", + "c" + ], + [ + "a", + "dic" + ], + [ + "Sp", + "eed" + ], + [ + "Spe", + "ed" + ], + [ + "▁command", + "ed" + ], + [ + "▁N", + "azionale" + ], + [ + "▁Naz", + "ionale" + ], + [ + "Man", + "aged" + ], + [ + "▁DE", + "CLARE" + ], + [ + "▁se", + "dan" + ], + [ + "▁sed", + "an" + ], + [ + "String", + "s" + ], + [ + "Str", + "ings" + ], + [ + "▁sa", + "cred" + ], + [ + "▁sac", + "red" + ], + [ + "▁sacr", + "ed" + ], + [ + "ter", + "such" + ], + [ + "ters", + "uch" + ], + [ + "▁abit", + "anti" + ], + [ + "br", + "it" + ], + [ + "b", + "rit" + ], + [ + "▁N", + "CAA" + ], + [ + "▁NC", + "AA" + ], + [ + "▁С", + "П" + ], + [ + "▁a", + "ged" + ], + [ + "▁ag", + "ed" + ], + [ + "▁age", + "d" + ], + [ + "▁", + "aged" + ], + [ + "▁Ch", + "iesa" + ], + [ + "▁Chi", + "esa" + ], + [ + "▁re", + "vision" + ], + [ + "▁rev", + "ision" + ], + [ + "▁revis", + "ion" + ], + [ + "op", + "ro" + ], + [ + "o", + "pro" + ], + [ + "▁over", + "write" + ], + [ + "emb", + "ros" + ], + [ + "embro", + "s" + ], + [ + "▁sort", + "ie" + ], + [ + "▁sorti", + "e" + ], + [ + "▁ot", + "ten" + ], + [ + "▁ott", + "en" + ], + [ + "xi", + "v" + ], + [ + "x", + "iv" + ], + [ + "▁d", + "eli" + ], + [ + "▁de", + "li" + ], + [ + "▁del", + "i" + ], + [ + "▁A", + "sp" + ], + [ + "▁As", + "p" + ], + [ + "▁b", + "alls" + ], + [ + "▁bal", + "ls" + ], + [ + "▁ball", + "s" + ], + [ + "ka", + "f" + ], + [ + "k", + "af" + ], + [ + "▁br", + "ave" + ], + [ + "▁bra", + "ve" + ], + [ + "▁все", + "го" + ], + [ + "▁вс", + "его" + ], + [ + "eg", + "n" + ], + [ + "e", + "gn" + ], + [ + "jp", + "eg" + ], + [ + "▁O", + "sten" + ], + [ + "▁Os", + "ten" + ], + [ + "▁Ost", + "en" + ], + [ + "Const", + "ants" + ], + [ + "▁Inf", + "antry" + ], + [ + "▁N", + "ev" + ], + [ + "▁Ne", + "v" + ], + [ + "▁я", + "ких" + ], + [ + "▁як", + "их" + ], + [ + "▁му", + "ниципа" + ], + [ + "ci", + "ja" + ], + [ + "c", + "ija" + ], + [ + "▁p", + "oem" + ], + [ + "▁po", + "em" + ], + [ + "▁ne", + "gro" + ], + [ + "▁neg", + "ro" + ], + [ + "ха", + "р" + ], + [ + "х", + "ар" + ], + [ + "▁A", + "sk" + ], + [ + "▁As", + "k" + ], + [ + "▁a", + "vo" + ], + [ + "▁av", + "o" + ], + [ + "▁", + "avo" + ], + [ + "▁Me", + "yer" + ], + [ + "▁Mey", + "er" + ], + [ + "▁W", + "esten" + ], + [ + "▁We", + "sten" + ], + [ + "▁West", + "en" + ], + [ + "▁Wes", + "ten" + ], + [ + "▁o", + "ko" + ], + [ + "▁ok", + "o" + ], + [ + "▁", + "oko" + ], + [ + "ag", + "in" + ], + [ + "agi", + "n" + ], + [ + "a", + "gin" + ], + [ + "▁Süd", + "en" + ], + [ + "▁Sü", + "den" + ], + [ + "ent", + "ries" + ], + [ + "entr", + "ies" + ], + [ + "▁Rep", + "ublik" + ], + [ + "▁Repub", + "lik" + ], + [ + "Collection", + "View" + ], + [ + "--", + "-----" + ], + [ + "----", + "---" + ], + [ + "---", + "----" + ], + [ + "------", + "-" + ], + [ + "-----", + "--" + ], + [ + "-", + "------" + ], + [ + "▁fire", + "fox" + ], + [ + "▁alc", + "une" + ], + [ + "▁фо", + "то" + ], + [ + "▁отри", + "ма" + ], + [ + "~~~~", + "~~~~" + ], + [ + "▁Ра", + "з" + ], + [ + "▁Com", + "plex" + ], + [ + "▁Comp", + "lex" + ], + [ + "▁Comple", + "x" + ], + [ + "▁p", + "ia" + ], + [ + "▁pi", + "a" + ], + [ + "▁public", + "ada" + ], + [ + "we", + "i" + ], + [ + "w", + "ei" + ], + [ + "ced", + "ure" + ], + [ + "occup", + "ation" + ], + [ + "▁medic", + "ine" + ], + [ + "▁dr", + "ove" + ], + [ + "▁dro", + "ve" + ], + [ + "Pro", + "blem" + ], + [ + "▁beg", + "inner" + ], + [ + "▁begin", + "ner" + ], + [ + "▁thorough", + "ly" + ], + [ + "ur", + "ia" + ], + [ + "uri", + "a" + ], + [ + "u", + "ria" + ], + [ + "av", + "ant" + ], + [ + "ava", + "nt" + ], + [ + "avan", + "t" + ], + [ + "uch", + "a" + ], + [ + "uc", + "ha" + ], + [ + "u", + "cha" + ], + [ + "▁l", + "ever" + ], + [ + "▁le", + "ver" + ], + [ + "▁lev", + "er" + ], + [ + "▁te", + "atro" + ], + [ + "▁teat", + "ro" + ], + [ + "AV", + "A" + ], + [ + "A", + "VA" + ], + [ + "sq", + "u" + ], + [ + "s", + "qu" + ], + [ + "tr", + "at" + ], + [ + "tra", + "t" + ], + [ + "t", + "rat" + ], + [ + "iv", + "atal" + ], + [ + "iva", + "tal" + ], + [ + "▁d", + "irty" + ], + [ + "▁dir", + "ty" + ], + [ + "▁se", + "conde" + ], + [ + "▁second", + "e" + ], + [ + "▁sec", + "onde" + ], + [ + "▁grav", + "it" + ], + [ + "▁pro", + "position" + ], + [ + "▁prop", + "osition" + ], + [ + "▁propos", + "ition" + ], + [ + "h", + "bar" + ], + [ + "om", + "ini" + ], + [ + "omin", + "i" + ], + [ + "omi", + "ni" + ], + [ + "▁", + "”" + ], + [ + "▁C", + "amil" + ], + [ + "▁Cam", + "il" + ], + [ + "▁Ca", + "mil" + ], + [ + "▁qu", + "een" + ], + [ + "▁que", + "en" + ], + [ + "mod", + "ifier" + ], + [ + "J", + "an" + ], + [ + "▁l", + "yr" + ], + [ + "▁ly", + "r" + ], + [ + "Com", + "boBox" + ], + [ + "ion", + "ic" + ], + [ + "io", + "nic" + ], + [ + "ioni", + "c" + ], + [ + "i", + "onic" + ], + [ + "▁h", + "oly" + ], + [ + "▁ho", + "ly" + ], + [ + "▁hol", + "y" + ], + [ + "▁Sebast", + "ian" + ], + [ + "|", + "_{" + ], + [ + "▁{", + "@" + ], + [ + "▁мо", + "жно" + ], + [ + "▁мож", + "но" + ], + [ + "▁Cre", + "ative" + ], + [ + "▁inter", + "ess" + ], + [ + "▁inte", + "ress" + ], + [ + "▁C", + "T" + ], + [ + "▁", + "CT" + ], + [ + "i", + "ções" + ], + [ + "▁ch", + "ant" + ], + [ + "▁cha", + "nt" + ], + [ + "▁", + "chant" + ], + [ + "▁wsp", + "ół" + ], + [ + "▁Мекси", + "ка" + ], + [ + "▁ran", + "ked" + ], + [ + "▁rank", + "ed" + ], + [ + "▁paździer", + "nika" + ], + [ + "▁b", + "rut" + ], + [ + "▁br", + "ut" + ], + [ + "▁bru", + "t" + ], + [ + "▁far", + "ther" + ], + [ + "▁V", + "erb" + ], + [ + "▁Ver", + "b" + ], + [ + "▁Ve", + "rb" + ], + [ + "▁S", + "even" + ], + [ + "▁Se", + "ven" + ], + [ + "lb", + "l" + ], + [ + "l", + "bl" + ], + [ + "▁mention", + "s" + ], + [ + "▁ment", + "ions" + ], + [ + "▁F", + "ight" + ], + [ + "▁Fig", + "ht" + ], + [ + "if", + "en" + ], + [ + "ife", + "n" + ], + [ + "i", + "fen" + ], + [ + "▁b", + "og" + ], + [ + "▁bo", + "g" + ], + [ + "▁re", + "gres" + ], + [ + "▁reg", + "res" + ], + [ + "▁sc", + "oring" + ], + [ + "ic", + "ane" + ], + [ + "ica", + "ne" + ], + [ + "ican", + "e" + ], + [ + "▁El", + "li" + ], + [ + "▁Ell", + "i" + ], + [ + "▁pie", + "rw" + ], + [ + "▁pier", + "w" + ], + [ + "me", + "asure" + ], + [ + "ński", + "ej" + ], + [ + "ń", + "skiej" + ], + [ + "#", + "{" + ], + [ + "▁де", + "ся" + ], + [ + "▁var", + "maste" + ], + [ + "▁Un", + "ix" + ], + [ + "I", + "Z" + ], + [ + "iti", + "é" + ], + [ + "Prim", + "ary" + ], + [ + "▁Spring", + "er" + ], + [ + "▁Spr", + "inger" + ], + [ + "ün", + "g" + ], + [ + "ü", + "ng" + ], + [ + "▁an", + "v" + ], + [ + "▁vers", + "ione" + ], + [ + "▁version", + "e" + ], + [ + "▁should", + "ers" + ], + [ + "▁shoulder", + "s" + ], + [ + "▁бри", + "га" + ], + [ + "▁j", + "av" + ], + [ + "▁ja", + "v" + ], + [ + "▁", + "jav" + ], + [ + "lt", + "al" + ], + [ + "l", + "tal" + ], + [ + "▁kall", + "aste" + ], + [ + "▁Mitch", + "ell" + ], + [ + "▁wire", + "less" + ], + [ + "▁wir", + "eless" + ], + [ + "▁Á", + "l" + ], + [ + "resp", + "ons" + ], + [ + "co", + "uld" + ], + [ + "cou", + "ld" + ], + [ + "c", + "ould" + ], + [ + "▁re", + "lax" + ], + [ + "▁rel", + "ax" + ], + [ + "▁rela", + "x" + ], + [ + "▁", + "relax" + ], + [ + "Lo", + "nd" + ], + [ + "L", + "ond" + ], + [ + "ń", + "cz" + ], + [ + "ство", + "вал" + ], + [ + "ствова", + "л" + ], + [ + "▁pol", + "ski" + ], + [ + "en", + "ç" + ], + [ + "za", + "r" + ], + [ + "z", + "ar" + ], + [ + "▁d", + "type" + ], + [ + "▁dt", + "ype" + ], + [ + "ow", + "ned" + ], + [ + "own", + "ed" + ], + [ + "un", + "known" + ], + [ + "unk", + "nown" + ], + [ + "▁m", + "utable" + ], + [ + "▁mu", + "table" + ], + [ + "▁mut", + "able" + ], + [ + "▁", + "mutable" + ], + [ + "▁si", + "empre" + ], + [ + "▁Mont", + "real" + ], + [ + "▁loc", + "ate" + ], + [ + "▁tr", + "aces" + ], + [ + "▁tra", + "ces" + ], + [ + "▁trace", + "s" + ], + [ + "▁trac", + "es" + ], + [ + "▁ins", + "gesamt" + ], + [ + "▁N", + "il" + ], + [ + "▁Ni", + "l" + ], + [ + "▁", + "Nil" + ], + [ + "▁п", + "рода" + ], + [ + "▁про", + "да" + ], + [ + "▁прод", + "а" + ], + [ + "▁War", + "ner" + ], + [ + "▁N", + "au" + ], + [ + "▁Na", + "u" + ], + [ + "tri", + "angle" + ], + [ + "▁concentr", + "ation" + ], + [ + "▁gentle", + "men" + ], + [ + "äch", + "t" + ], + [ + "ä", + "cht" + ], + [ + "fil", + "ters" + ], + [ + "filter", + "s" + ], + [ + "inci", + "pal" + ], + [ + "VAL", + "ID" + ], + [ + "▁де", + "пута" + ], + [ + "ad", + "ó" + ], + [ + "▁kon", + "st" + ], + [ + "gs", + "å" + ], + [ + "ag", + "as" + ], + [ + "aga", + "s" + ], + [ + "a", + "gas" + ], + [ + "▁meille", + "ur" + ], + [ + "▁дан", + "ным" + ], + [ + "є", + "дна" + ], + [ + "en", + "coded" + ], + [ + "enc", + "oded" + ], + [ + "encode", + "d" + ], + [ + "<", + "'" + ], + [ + "▁she", + "ets" + ], + [ + "▁sheet", + "s" + ], + [ + "▁", + "sheets" + ], + [ + "cu", + "ador" + ], + [ + "▁викори", + "стову" + ], + [ + "▁De", + "put" + ], + [ + "▁Dep", + "ut" + ], + [ + "▁man", + "ière" + ], + [ + "ą", + "g" + ], + [ + "cs", + "ol" + ], + [ + "c", + "sol" + ], + [ + ")$", + "-" + ], + [ + ")", + "$-" + ], + [ + "UI", + "View" + ], + [ + "▁mill", + "ones" + ], + [ + "▁E", + "hren" + ], + [ + "▁Ehr", + "en" + ], + [ + "Si", + "l" + ], + [ + "S", + "il" + ], + [ + "▁a", + "tac" + ], + [ + "▁at", + "ac" + ], + [ + "▁C", + "old" + ], + [ + "▁Col", + "d" + ], + [ + "▁Co", + "ld" + ], + [ + "\"", + "\\" + ], + [ + "▁appro", + "ached" + ], + [ + "▁approach", + "ed" + ], + [ + "▁Års", + "med" + ], + [ + "W", + "M" + ], + [ + "▁De", + "port" + ], + [ + "▁Dep", + "ort" + ], + [ + "mi", + "s" + ], + [ + "m", + "is" + ], + [ + "and", + "box" + ], + [ + "ob", + "serv" + ], + [ + "obs", + "erv" + ], + [ + "set", + "ting" + ], + [ + "sett", + "ing" + ], + [ + "ha", + "tó" + ], + [ + "hat", + "ó" + ], + [ + "h", + "ató" + ], + [ + "▁s", + "trat" + ], + [ + "▁st", + "rat" + ], + [ + "▁str", + "at" + ], + [ + "▁stra", + "t" + ], + [ + "▁s", + "pre" + ], + [ + "▁sp", + "re" + ], + [ + "▁spr", + "e" + ], + [ + "▁", + "spre" + ], + [ + "▁person", + "ne" + ], + [ + "▁pers", + "onne" + ], + [ + "▁personn", + "e" + ], + [ + "▁dir", + "ige" + ], + [ + "▁dirig", + "e" + ], + [ + "pu", + "ll" + ], + [ + "p", + "ull" + ], + [ + "da", + "ting" + ], + [ + "dat", + "ing" + ], + [ + "d", + "ating" + ], + [ + "▁F", + "act" + ], + [ + "▁Fa", + "ct" + ], + [ + "▁Fac", + "t" + ], + [ + "▁", + "Fact" + ], + [ + "▁manip", + "ulate" + ], + [ + "▁M", + "AC" + ], + [ + "▁MA", + "C" + ], + [ + "▁d", + "ej" + ], + [ + "▁de", + "j" + ], + [ + "ult", + "imo" + ], + [ + "F", + "X" + ], + [ + "Li", + "fe" + ], + [ + "L", + "ife" + ], + [ + "▁c", + "rack" + ], + [ + "▁cr", + "ack" + ], + [ + "▁cra", + "ck" + ], + [ + "▁m", + "í" + ], + [ + "▁п", + "ове" + ], + [ + "▁по", + "ве" + ], + [ + "▁пов", + "е" + ], + [ + "▁w", + "ore" + ], + [ + "▁wor", + "e" + ], + [ + "▁wo", + "re" + ], + [ + "univers", + "ité" + ], + [ + "▁form", + "ulas" + ], + [ + "▁formula", + "s" + ], + [ + "▁Elis", + "abeth" + ], + [ + "pl", + "ots" + ], + [ + "plot", + "s" + ], + [ + "mi", + "le" + ], + [ + "mil", + "e" + ], + [ + "m", + "ile" + ], + [ + "▁me", + "nor" + ], + [ + "▁men", + "or" + ], + [ + "ти", + "л" + ], + [ + "т", + "ил" + ], + [ + "key", + "word" + ], + [ + "▁Balt", + "imore" + ], + [ + "hr", + "er" + ], + [ + "hre", + "r" + ], + [ + "h", + "rer" + ], + [ + "▁C", + "lement" + ], + [ + "▁Cl", + "ement" + ], + [ + "▁Cle", + "ment" + ], + [ + "vi", + "m" + ], + [ + "v", + "im" + ], + [ + "ra", + "ss" + ], + [ + "ras", + "s" + ], + [ + "r", + "ass" + ], + [ + "T", + "ake" + ], + [ + "▁cím", + "ű" + ], + [ + "▁Con", + "vention" + ], + [ + "at", + "ge" + ], + [ + "se", + "ed" + ], + [ + "see", + "d" + ], + [ + "s", + "eed" + ], + [ + "▁D", + "í" + ], + [ + "▁Sp", + "ider" + ], + [ + "ah", + "oo" + ], + [ + "aho", + "o" + ], + [ + "▁име", + "ет" + ], + [ + "ühr", + "t" + ], + [ + "üh", + "rt" + ], + [ + "▁по", + "писа" + ], + [ + "▁C", + "ot" + ], + [ + "▁Co", + "t" + ], + [ + "▁no", + "bles" + ], + [ + "▁noble", + "s" + ], + [ + "▁nob", + "les" + ], + [ + "RE", + "SS" + ], + [ + "RES", + "S" + ], + [ + "▁che", + "min" + ], + [ + "▁chem", + "in" + ], + [ + "▁gł", + "ówn" + ], + [ + "G", + "G" + ], + [ + "▁German", + "ia" + ], + [ + "▁Ger", + "mania" + ], + [ + "▁Germ", + "ania" + ], + [ + "▁Alexand", + "re" + ], + [ + "he", + "ns" + ], + [ + "hen", + "s" + ], + [ + "h", + "ens" + ], + [ + "sw", + "ift" + ], + [ + "oo", + "p" + ], + [ + "o", + "op" + ], + [ + "Sub", + "view" + ], + [ + "▁requ", + "iring" + ], + [ + "ęd", + "zy" + ], + [ + "ędz", + "y" + ], + [ + "▁f", + "ict" + ], + [ + "▁fi", + "ct" + ], + [ + "▁fic", + "t" + ], + [ + "▁Кон", + "стан" + ], + [ + "▁dé", + "put" + ], + [ + "▁dép", + "ut" + ], + [ + "▁surpr", + "ising" + ], + [ + "▁de", + "ix" + ], + [ + "▁dei", + "x" + ], + [ + "▁unter", + "schied" + ], + [ + "in", + "son" + ], + [ + "ins", + "on" + ], + [ + "▁Char", + "acter" + ], + [ + "▁", + "Character" + ], + [ + "▁g", + "estion" + ], + [ + "▁ges", + "tion" + ], + [ + "▁gest", + "ion" + ], + [ + "ch", + "us" + ], + [ + "c", + "hus" + ], + [ + "com", + "es" + ], + [ + "co", + "mes" + ], + [ + "come", + "s" + ], + [ + "▁n", + "eur" + ], + [ + "▁ne", + "ur" + ], + [ + "▁neu", + "r" + ], + [ + "▁", + "neur" + ], + [ + "▁ye", + "ux" + ], + [ + "ol", + "lar" + ], + [ + "oll", + "ar" + ], + [ + "▁par", + "ad" + ], + [ + "▁para", + "d" + ], + [ + "▁pa", + "rad" + ], + [ + "▁mag", + "giore" + ], + [ + "▁maggio", + "re" + ], + [ + "▁maggior", + "e" + ], + [ + "TR", + "AN" + ], + [ + "▁vo", + "tre" + ], + [ + "▁vot", + "re" + ], + [ + "▁des", + "cent" + ], + [ + "▁desc", + "ent" + ], + [ + "▁I", + "con" + ], + [ + "▁", + "Icon" + ], + [ + "▁Jud", + "ge" + ], + [ + "▁occup", + "ation" + ], + [ + "▁", + "occupation" + ], + [ + "ep", + "ing" + ], + [ + "e", + "ping" + ], + [ + "▁ton", + "gue" + ], + [ + "▁tong", + "ue" + ], + [ + "▁En", + "llaços" + ], + [ + "ru", + "f" + ], + [ + "r", + "uf" + ], + [ + "▁prote", + "in" + ], + [ + "▁prot", + "ein" + ], + [ + "▁vis", + "itors" + ], + [ + "▁visit", + "ors" + ], + [ + "▁visitor", + "s" + ], + [ + "ax", + "y" + ], + [ + "a", + "xy" + ], + [ + "es", + "ten" + ], + [ + "est", + "en" + ], + [ + "este", + "n" + ], + [ + "e", + "sten" + ], + [ + "bl", + "ica" + ], + [ + "blic", + "a" + ], + [ + "b", + "lica" + ], + [ + "h", + "w" + ], + [ + "▁spir", + "its" + ], + [ + "▁spirit", + "s" + ], + [ + "▁redu", + "ces" + ], + [ + "▁reduce", + "s" + ], + [ + "▁м", + "ен" + ], + [ + "▁ме", + "н" + ], + [ + "▁", + "мен" + ], + [ + "▁L", + "amb" + ], + [ + "▁La", + "mb" + ], + [ + "▁Lam", + "b" + ], + [ + "▁M", + "ine" + ], + [ + "▁Min", + "e" + ], + [ + "▁Mi", + "ne" + ], + [ + "▁ver", + "ified" + ], + [ + "▁B", + "aby" + ], + [ + "▁Ba", + "by" + ], + [ + "▁Bab", + "y" + ], + [ + "▁pr", + "ize" + ], + [ + "▁pri", + "ze" + ], + [ + "в", + "ър" + ], + [ + "▁rat", + "ings" + ], + [ + "▁rating", + "s" + ], + [ + "▁f", + "ore" + ], + [ + "▁for", + "e" + ], + [ + "▁fo", + "re" + ], + [ + "▁", + "fore" + ], + [ + "as", + "ha" + ], + [ + "ash", + "a" + ], + [ + "a", + "sha" + ], + [ + "ur", + "rence" + ], + [ + "urr", + "ence" + ], + [ + "▁int", + "ér" + ], + [ + "▁Ol", + "ímp" + ], + [ + "cr", + "a" + ], + [ + "c", + "ra" + ], + [ + "▁comput", + "ational" + ], + [ + "▁computation", + "al" + ], + [ + "ir", + "che" + ], + [ + "irc", + "he" + ], + [ + ".:", + " " + ], + [ + "▁illustr", + "ated" + ], + [ + "▁illustrate", + "d" + ], + [ + "▁Sh", + "are" + ], + [ + "▁house", + "holds" + ], + [ + "▁household", + "s" + ], + [ + "▁con", + "volution" + ], + [ + "oe", + "md" + ], + [ + "oem", + "d" + ], + [ + "▁zd", + "oby" + ], + [ + "▁zdob", + "y" + ], + [ + "cc", + "c" + ], + [ + "c", + "cc" + ], + [ + "▁quant", + "ities" + ], + [ + "Ch", + "e" + ], + [ + "C", + "he" + ], + [ + "Sh", + "ould" + ], + [ + "▁ge", + "nius" + ], + [ + "▁gen", + "ius" + ], + [ + "ad", + "j" + ], + [ + "a", + "dj" + ], + [ + "х", + "ва" + ], + [ + "Пе", + "тер" + ], + [ + "EM", + "A" + ], + [ + "E", + "MA" + ], + [ + "▁R", + "ights" + ], + [ + "▁Right", + "s" + ], + [ + "▁E", + "li" + ], + [ + "▁El", + "i" + ], + [ + "VA", + "R" + ], + [ + "V", + "AR" + ], + [ + "ш", + "ло" + ], + [ + "▁з", + "бір" + ], + [ + "ift", + "ung" + ], + [ + "▁cont", + "ributed" + ], + [ + "▁contrib", + "uted" + ], + [ + "▁contribu", + "ted" + ], + [ + "▁contribute", + "d" + ], + [ + "ze", + "f" + ], + [ + "z", + "ef" + ], + [ + "▁CH", + "AR" + ], + [ + "▁", + "CHAR" + ], + [ + "▁S", + "ib" + ], + [ + "▁Si", + "b" + ], + [ + "▁M", + "ant" + ], + [ + "▁Man", + "t" + ], + [ + "▁Ma", + "nt" + ], + [ + "▁свя", + "зи" + ], + [ + "▁java", + "fx" + ], + [ + "▁c", + "ependant" + ], + [ + "▁in", + "tu" + ], + [ + "▁int", + "u" + ], + [ + "▁т", + "вор" + ], + [ + "▁", + "Ó" + ], + [ + "gu", + "er" + ], + [ + "gue", + "r" + ], + [ + "g", + "uer" + ], + [ + "ra", + "do" + ], + [ + "rad", + "o" + ], + [ + "r", + "ado" + ], + [ + "▁Re", + "vol" + ], + [ + "▁Rev", + "ol" + ], + [ + "▁fé", + "min" + ], + [ + "▁Or", + "leans" + ], + [ + "▁p", + "oj" + ], + [ + "▁po", + "j" + ], + [ + "▁p", + "rez" + ], + [ + "▁pr", + "ez" + ], + [ + "▁pre", + "z" + ], + [ + "Te", + "x" + ], + [ + "T", + "ex" + ], + [ + "ou", + "wd" + ], + [ + "ouw", + "d" + ], + [ + "?", + "(" + ], + [ + "▁L", + "IM" + ], + [ + "▁LI", + "M" + ], + [ + "ist", + "ique" + ], + [ + "isti", + "que" + ], + [ + "es", + "ar" + ], + [ + "esa", + "r" + ], + [ + "▁he", + "ures" + ], + [ + "ic", + "ki" + ], + [ + "ick", + "i" + ], + [ + "i", + "cki" + ], + [ + "▁d", + "bo" + ], + [ + "▁db", + "o" + ], + [ + "▁", + "dbo" + ], + [ + "sk", + "ih" + ], + [ + "ski", + "h" + ], + [ + "s", + "kih" + ], + [ + "conf", + "irm" + ], + [ + "▁vil", + "ág" + ], + [ + "▁ci", + "utat" + ], + [ + "▁D", + "R" + ], + [ + "▁", + "DR" + ], + [ + "▁Haw", + "ai" + ], + [ + "ch", + "ed" + ], + [ + "che", + "d" + ], + [ + "c", + "hed" + ], + [ + "▁s", + "pher" + ], + [ + "▁sp", + "her" + ], + [ + "▁Art", + "ikel" + ], + [ + "▁Multi", + "ple" + ], + [ + "ci", + "u" + ], + [ + "c", + "iu" + ], + [ + "▁м", + "ы" + ], + [ + "▁", + "мы" + ], + [ + "▁lip", + "ca" + ], + [ + "](", + "/" + ], + [ + "]", + "(/" + ], + [ + "Str", + "ategy" + ], + [ + "▁Al", + "abama" + ], + [ + "SD", + "K" + ], + [ + "S", + "DK" + ], + [ + "UT", + "C" + ], + [ + "U", + "TC" + ], + [ + "__", + "." + ], + [ + "_", + "_." + ], + [ + "Arg", + "uments" + ], + [ + "Argument", + "s" + ], + [ + "▁set", + "ContentView" + ], + [ + "î", + "le" + ], + [ + "By", + "Val" + ], + [ + "▁J", + "VM" + ], + [ + "юще", + "го" + ], + [ + "▁Leon", + "ard" + ], + [ + "▁just", + "ify" + ], + [ + "це", + "м" + ], + [ + "ц", + "ем" + ], + [ + "▁n", + "ab" + ], + [ + "▁na", + "b" + ], + [ + "▁", + "nab" + ], + [ + "CCE", + "SS" + ], + [ + "C", + "CESS" + ], + [ + "▁hope", + "s" + ], + [ + "▁ho", + "pes" + ], + [ + "▁hop", + "es" + ], + [ + ")", + "&" + ], + [ + "se", + "ro" + ], + [ + "ser", + "o" + ], + [ + "s", + "ero" + ], + [ + "▁за", + "й" + ], + [ + "слі", + "д" + ], + [ + "▁R", + "ég" + ], + [ + "▁Ré", + "g" + ], + [ + "▁S", + "ang" + ], + [ + "▁San", + "g" + ], + [ + "▁Sa", + "ng" + ], + [ + "▁f", + "ung" + ], + [ + "▁fun", + "g" + ], + [ + "▁fu", + "ng" + ], + [ + "ba", + "ar" + ], + [ + "b", + "aar" + ], + [ + "▁coff", + "ee" + ], + [ + "ass", + "embly" + ], + [ + "▁В", + "ін" + ], + [ + "▁Ві", + "н" + ], + [ + "э", + "й" + ], + [ + "▁comp", + "rend" + ], + [ + "▁compr", + "end" + ], + [ + "fil", + "led" + ], + [ + "fill", + "ed" + ], + [ + "f", + "illed" + ], + [ + "р", + "д" + ], + [ + "od", + "ia" + ], + [ + "odi", + "a" + ], + [ + "o", + "dia" + ], + [ + "▁g", + "ens" + ], + [ + "▁ge", + "ns" + ], + [ + "▁gen", + "s" + ], + [ + "▁", + "gens" + ], + [ + "fl", + "uss" + ], + [ + "flu", + "ss" + ], + [ + "f", + "luss" + ], + [ + "Draw", + "able" + ], + [ + "▁sur", + "ve" + ], + [ + "▁surv", + "e" + ], + [ + "Set", + "up" + ], + [ + "▁n", + "ależ" + ], + [ + "▁conj", + "unto" + ], + [ + "▁Е", + "го" + ], + [ + "▁old", + "al" + ], + [ + "▁ol", + "dal" + ], + [ + "▁ver", + "bose" + ], + [ + "▁verb", + "ose" + ], + [ + "▁Elect", + "ric" + ], + [ + "▁H", + "arrison" + ], + [ + "▁Harr", + "ison" + ], + [ + "▁Harris", + "on" + ], + [ + "en", + "gen" + ], + [ + "eng", + "en" + ], + [ + "par", + "agraph" + ], + [ + "para", + "graph" + ], + [ + "▁n", + "ouvelles" + ], + [ + "▁nouve", + "lles" + ], + [ + "▁nouvelle", + "s" + ], + [ + "▁вре", + "ме" + ], + [ + "▁m", + "emor" + ], + [ + "▁me", + "mor" + ], + [ + "▁mem", + "or" + ], + [ + "▁mayo", + "ría" + ], + [ + "▁mayor", + "ía" + ], + [ + "са", + "д" + ], + [ + "▁bat", + "aille" + ], + [ + "▁bata", + "ille" + ], + [ + "▁therm", + "al" + ], + [ + "▁ther", + "mal" + ], + [ + "▁Хро", + "нологи" + ], + [ + "▁B", + "etter" + ], + [ + "▁Bet", + "ter" + ], + [ + "by", + "e" + ], + [ + "b", + "ye" + ], + [ + "▁теа", + "тра" + ], + [ + "ro", + "e" + ], + [ + "r", + "oe" + ], + [ + "▁se", + "gle" + ], + [ + "▁seg", + "le" + ], + [ + "ro", + "tt" + ], + [ + "rot", + "t" + ], + [ + "r", + "ott" + ], + [ + "▁opin", + "ions" + ], + [ + "▁opinion", + "s" + ], + [ + ")}", + ")" + ], + [ + ")", + "})" + ], + [ + "üh", + "le" + ], + [ + "ühl", + "e" + ], + [ + "▁G", + "ün" + ], + [ + "▁Gü", + "n" + ], + [ + "▁", + "Щ" + ], + [ + "b", + "ól" + ], + [ + "▁Lar", + "ry" + ], + [ + "▁so", + "lic" + ], + [ + "▁sol", + "ic" + ], + [ + "▁z", + "war" + ], + [ + "▁zw", + "ar" + ], + [ + "▁Car", + "oline" + ], + [ + "▁Carol", + "ine" + ], + [ + "▁Reich", + "s" + ], + [ + "Ext", + "ensions" + ], + [ + "Extension", + "s" + ], + [ + "mi", + "gr" + ], + [ + "m", + "igr" + ], + [ + ":", + "@" + ], + [ + "▁en", + "umerate" + ], + [ + "▁enumer", + "ate" + ], + [ + "▁", + "enumerate" + ], + [ + "▁eigen", + "en" + ], + [ + "▁eig", + "enen" + ], + [ + "▁expl", + "ore" + ], + [ + "▁explo", + "re" + ], + [ + "ém", + "u" + ], + [ + "é", + "mu" + ], + [ + "▁g", + "at" + ], + [ + "▁ga", + "t" + ], + [ + "▁", + "gat" + ], + [ + "▁imper", + "ial" + ], + [ + "▁Us", + "ually" + ], + [ + "▁t", + "ud" + ], + [ + "▁tu", + "d" + ], + [ + "▁у", + "кра" + ], + [ + "hi", + "m" + ], + [ + "h", + "im" + ], + [ + "▁cor", + "ners" + ], + [ + "▁corner", + "s" + ], + [ + "▁corn", + "ers" + ], + [ + "▁S", + "ER" + ], + [ + "▁SE", + "R" + ], + [ + "▁", + "SER" + ], + [ + "▁interpre", + "ter" + ], + [ + "▁interpret", + "er" + ], + [ + "▁I", + "ce" + ], + [ + "▁amount", + "s" + ], + [ + "▁P", + "ala" + ], + [ + "▁Pa", + "la" + ], + [ + "▁Pal", + "a" + ], + [ + "▁t", + "inha" + ], + [ + "▁tin", + "ha" + ], + [ + "vo", + "le" + ], + [ + "vol", + "e" + ], + [ + "v", + "ole" + ], + [ + "▁g", + "le" + ], + [ + "▁gl", + "e" + ], + [ + "▁", + "gle" + ], + [ + "uc", + "ci" + ], + [ + "▁sie", + "he" + ], + [ + "Jac", + "k" + ], + [ + "J", + "ack" + ], + [ + "▁w", + "oll" + ], + [ + "▁wo", + "ll" + ], + [ + "▁wol", + "l" + ], + [ + "▁e", + "lder" + ], + [ + "▁el", + "der" + ], + [ + "▁ко", + "раб" + ], + [ + "▁eng", + "ag" + ], + [ + "▁La", + "urent" + ], + [ + "▁Laur", + "ent" + ], + [ + "▁Lau", + "rent" + ], + [ + "▁ach", + "iev" + ], + [ + "ist", + "ik" + ], + [ + "isti", + "k" + ], + [ + "ar", + "ct" + ], + [ + "arc", + "t" + ], + [ + "тно", + "го" + ], + [ + "т", + "ного" + ], + [ + "▁g", + "ir" + ], + [ + "▁gi", + "r" + ], + [ + "▁Sing", + "h" + ], + [ + "▁Sin", + "gh" + ], + [ + "math", + "op" + ], + [ + "US", + "A" + ], + [ + "U", + "SA" + ], + [ + "▁Pro", + "jekt" + ], + [ + "▁de", + "be" + ], + [ + "▁deb", + "e" + ], + [ + "richt", + "ung" + ], + [ + "r", + "ichtung" + ], + [ + "▁T", + "sch" + ], + [ + "▁Ts", + "ch" + ], + [ + "um", + "inate" + ], + [ + "umin", + "ate" + ], + [ + "▁s", + "zó" + ], + [ + "▁sz", + "ó" + ], + [ + "ly", + "ph" + ], + [ + "зи", + "дент" + ], + [ + "зиден", + "т" + ], + [ + "▁lim", + "itations" + ], + [ + "▁limit", + "ations" + ], + [ + "▁limitation", + "s" + ], + [ + "юще", + "й" + ], + [ + "▁b", + "ila" + ], + [ + "▁bi", + "la" + ], + [ + "▁bil", + "a" + ], + [ + "P", + "ush" + ], + [ + "▁off", + "ering" + ], + [ + "▁offer", + "ing" + ], + [ + "ien", + "nes" + ], + [ + "ienne", + "s" + ], + [ + "ienn", + "es" + ], + [ + "i", + "ennes" + ], + [ + "Fr", + "i" + ], + [ + "F", + "ri" + ], + [ + "▁post", + "gresql" + ], + [ + "▁", + "postgresql" + ], + [ + "▁Tom", + "my" + ], + [ + "▁partic", + "olare" + ], + [ + "▁stolet", + "í" + ], + [ + "▁ar", + "rib" + ], + [ + "▁arr", + "ib" + ], + [ + "▁E", + "va" + ], + [ + "▁Ev", + "a" + ], + [ + "sch", + "ool" + ], + [ + "▁v", + "endor" + ], + [ + "▁ven", + "dor" + ], + [ + "▁vend", + "or" + ], + [ + "▁", + "vendor" + ], + [ + "▁D", + "allas" + ], + [ + "▁Dal", + "las" + ], + [ + "▁pro", + "long" + ], + [ + "CRE", + "ATE" + ], + [ + "C", + "REATE" + ], + [ + "▁suiv", + "ante" + ], + [ + "STAT", + "US" + ], + [ + "l", + "à" + ], + [ + "k", + "v" + ], + [ + "▁h", + "äufig" + ], + [ + "▁Agr", + "icult" + ], + [ + "▁h", + "uit" + ], + [ + "▁hu", + "it" + ], + [ + "▁in", + "oltre" + ], + [ + "▁L", + "loyd" + ], + [ + "▁францу", + "з" + ], + [ + "▁вы", + "пол" + ], + [ + "▁faith", + "ful" + ], + [ + "▁В", + "ар" + ], + [ + "▁Ва", + "р" + ], + [ + "▁ver", + "l" + ], + [ + "▁ve", + "rl" + ], + [ + "▁ju", + "ego" + ], + [ + "▁Резу", + "лтати" + ], + [ + ",", + "...," + ], + [ + "▁implicit", + "ly" + ], + [ + "ir", + "ks" + ], + [ + "irk", + "s" + ], + [ + "Cal", + "cul" + ], + [ + "▁m", + "eses" + ], + [ + "▁mes", + "es" + ], + [ + "om", + "ed" + ], + [ + "ome", + "d" + ], + [ + "o", + "med" + ], + [ + "▁p", + "ak" + ], + [ + "▁pa", + "k" + ], + [ + "he", + "rit" + ], + [ + "her", + "it" + ], + [ + "▁opt", + "ical" + ], + [ + "▁І", + "сторія" + ], + [ + "ve", + "is" + ], + [ + "▁capital", + "e" + ], + [ + "▁capit", + "ale" + ], + [ + "place", + "holder" + ], + [ + "int", + "rag" + ], + [ + "▁At", + "las" + ], + [ + "▁Atl", + "as" + ], + [ + "▁", + "Atlas" + ], + [ + ")]", + ";" + ], + [ + ")", + "];" + ], + [ + "ic", + "ons" + ], + [ + "ico", + "ns" + ], + [ + "icon", + "s" + ], + [ + "i", + "cons" + ], + [ + "▁B", + "ent" + ], + [ + "▁Be", + "nt" + ], + [ + "▁Ben", + "t" + ], + [ + "▁W", + "idget" + ], + [ + "▁", + "Widget" + ], + [ + "▁vol", + "unt" + ], + [ + "av", + "o" + ], + [ + "a", + "vo" + ], + [ + "ég", + "r" + ], + [ + "é", + "gr" + ], + [ + "li", + "ge" + ], + [ + "lig", + "e" + ], + [ + "l", + "ige" + ], + [ + "▁N", + "AME" + ], + [ + "▁NA", + "ME" + ], + [ + "▁", + "NAME" + ], + [ + "▁ab", + "stra" + ], + [ + "▁abs", + "tra" + ], + [ + "▁f", + "ís" + ], + [ + "▁B", + "rowser" + ], + [ + "▁Brow", + "ser" + ], + [ + "▁", + "Browser" + ], + [ + "▁b", + "ush" + ], + [ + "▁bu", + "sh" + ], + [ + "▁bus", + "h" + ], + [ + "ha", + "ll" + ], + [ + "hal", + "l" + ], + [ + "h", + "all" + ], + [ + "▁cloud", + "s" + ], + [ + "▁S", + "UB" + ], + [ + "▁SU", + "B" + ], + [ + "▁", + "SUB" + ], + [ + "▁t", + "andis" + ], + [ + "▁tan", + "dis" + ], + [ + "▁Common", + "wealth" + ], + [ + "та", + "я" + ], + [ + "▁exha", + "ust" + ], + [ + "________", + "________" + ], + [ + "▁Stat", + "istics" + ], + [ + "▁Statist", + "ics" + ], + [ + "▁Relig", + "ion" + ], + [ + "▁Mu", + "ham" + ], + [ + "ual", + "s" + ], + [ + "ua", + "ls" + ], + [ + "u", + "als" + ], + [ + "go", + "to" + ], + [ + "got", + "o" + ], + [ + "g", + "oto" + ], + [ + "Dig", + "ital" + ], + [ + "Famil", + "y" + ], + [ + "▁B", + "un" + ], + [ + "▁Bu", + "n" + ], + [ + "let", + "in" + ], + [ + "Man", + "agement" + ], + [ + "▁cap", + "abilities" + ], + [ + "an", + "nten" + ], + [ + "ann", + "ten" + ], + [ + "annt", + "en" + ], + [ + "annte", + "n" + ], + [ + "▁се", + "бе" + ], + [ + "▁st", + "ays" + ], + [ + "▁stay", + "s" + ], + [ + "▁sta", + "ys" + ], + [ + "kt", + "er" + ], + [ + "kte", + "r" + ], + [ + "k", + "ter" + ], + [ + "▁d", + "ost" + ], + [ + "▁do", + "st" + ], + [ + "▁dos", + "t" + ], + [ + "▁Т", + "ре" + ], + [ + "ло", + "вич" + ], + [ + "лови", + "ч" + ], + [ + "л", + "ович" + ], + [ + "▁d", + "ying" + ], + [ + "▁dy", + "ing" + ], + [ + "se", + "ctions" + ], + [ + "section", + "s" + ], + [ + "sect", + "ions" + ], + [ + "án", + "os" + ], + [ + "á", + "nos" + ], + [ + "▁app", + "arten" + ], + [ + "▁appar", + "ten" + ], + [ + "▁appart", + "en" + ], + [ + "▁zo", + "als" + ], + [ + "▁dr", + "essed" + ], + [ + "▁dress", + "ed" + ], + [ + "▁com", + "press" + ], + [ + "▁comp", + "ress" + ], + [ + "▁compr", + "ess" + ], + [ + "ń", + "ska" + ], + [ + "▁sierp", + "nia" + ], + [ + "▁ти", + "ту" + ], + [ + "diction", + "ary" + ], + [ + "d", + "ictionary" + ], + [ + "▁r", + "abb" + ], + [ + "▁ra", + "bb" + ], + [ + "▁vé", + "rit" + ], + [ + "В", + "о" + ], + [ + "▁sing", + "leton" + ], + [ + "▁single", + "ton" + ], + [ + "▁v", + "ital" + ], + [ + "▁vi", + "tal" + ], + [ + "▁vit", + "al" + ], + [ + "▁vita", + "l" + ], + [ + "Ref", + "resh" + ], + [ + "ме", + "ль" + ], + [ + "м", + "ель" + ], + [ + "▁Z", + "h" + ], + [ + "▁Af", + "ghan" + ], + [ + "in", + "kel" + ], + [ + "ink", + "el" + ], + [ + "aa", + "aa" + ], + [ + "▁particip", + "ants" + ], + [ + "ar", + "in" + ], + [ + "ari", + "n" + ], + [ + "a", + "rin" + ], + [ + "▁M", + "old" + ], + [ + "▁Mo", + "ld" + ], + [ + "▁Mol", + "d" + ], + [ + "▁prim", + "eros" + ], + [ + "▁prime", + "ros" + ], + [ + "▁primer", + "os" + ], + [ + "▁ра", + "н" + ], + [ + "▁р", + "ан" + ], + [ + "▁", + "ран" + ], + [ + "▁А", + "мери" + ], + [ + "▁restaur", + "ant" + ], + [ + "év", + "el" + ], + [ + "é", + "vel" + ], + [ + "▁S", + "L" + ], + [ + "▁", + "SL" + ], + [ + "▁R", + "ey" + ], + [ + "▁Re", + "y" + ], + [ + "ch", + "as" + ], + [ + "cha", + "s" + ], + [ + "c", + "has" + ], + [ + "▁elect", + "rons" + ], + [ + "▁electron", + "s" + ], + [ + "▁electro", + "ns" + ], + [ + "▁Pitt", + "s" + ], + [ + "▁Pit", + "ts" + ], + [ + "▁J", + "ules" + ], + [ + "▁Jul", + "es" + ], + [ + "▁Ju", + "les" + ], + [ + "ма", + "й" + ], + [ + "en", + "ant" + ], + [ + "ena", + "nt" + ], + [ + "e", + "nant" + ], + [ + "-", + "}" + ], + [ + "ла", + "д" + ], + [ + "▁Мос", + "ква" + ], + [ + "▁Моск", + "ва" + ], + [ + "go", + "m" + ], + [ + "g", + "om" + ], + [ + "▁Fern", + "ández" + ], + [ + "fun", + "d" + ], + [ + "fu", + "nd" + ], + [ + "f", + "und" + ], + [ + "int", + "erno" + ], + [ + "inter", + "no" + ], + [ + "intern", + "o" + ], + [ + "▁M", + "ari" + ], + [ + "▁Mar", + "i" + ], + [ + "▁Ma", + "ri" + ], + [ + "▁r", + "ius" + ], + [ + "▁ri", + "us" + ], + [ + "▁Pro", + "zent" + ], + [ + "ст", + "рі" + ], + [ + "стр", + "і" + ], + [ + "▁в", + "нут" + ], + [ + "ant", + "erie" + ], + [ + "ante", + "rie" + ], + [ + "anter", + "ie" + ], + [ + "▁п", + "рис" + ], + [ + "▁при", + "с" + ], + [ + "▁пр", + "ис" + ], + [ + "▁о", + "бы" + ], + [ + "▁об", + "ы" + ], + [ + "▁M", + "arina" + ], + [ + "▁Mar", + "ina" + ], + [ + "▁Mari", + "na" + ], + [ + "▁occ", + "urrence" + ], + [ + "▁occur", + "rence" + ], + [ + "▁occurr", + "ence" + ], + [ + "ri", + "kt" + ], + [ + "rik", + "t" + ], + [ + "r", + "ikt" + ], + [ + "▁фи", + "зи" + ], + [ + "▁sch", + "wer" + ], + [ + "▁schw", + "er" + ], + [ + "▁Г", + "ре" + ], + [ + "Re", + "set" + ], + [ + "Res", + "et" + ], + [ + "▁much", + "o" + ], + [ + "▁mu", + "cho" + ], + [ + "an", + "dr" + ], + [ + "and", + "r" + ], + [ + "▁W", + "ies" + ], + [ + "▁Wi", + "es" + ], + [ + "▁Wie", + "s" + ], + [ + "▁Ke", + "ith" + ], + [ + "▁Jul", + "ian" + ], + [ + "▁Juli", + "an" + ], + [ + "▁Julia", + "n" + ], + [ + "▁c", + "ole" + ], + [ + "▁col", + "e" + ], + [ + "▁co", + "le" + ], + [ + "▁", + "cole" + ], + [ + "ci", + "endo" + ], + [ + "c", + "iendo" + ], + [ + "▁Cont", + "empor" + ], + [ + "et", + "ry" + ], + [ + "etr", + "y" + ], + [ + "e", + "try" + ], + [ + "el", + "ian" + ], + [ + "eli", + "an" + ], + [ + "elia", + "n" + ], + [ + "ги", + "и" + ], + [ + "▁го", + "ло" + ], + [ + "▁г", + "оло" + ], + [ + "▁d", + "él" + ], + [ + "▁dé", + "l" + ], + [ + "▁de", + "cent" + ], + [ + "▁dec", + "ent" + ], + [ + "▁dece", + "nt" + ], + [ + "Р", + "СР" + ], + [ + "▁sze", + "ptember" + ], + [ + "ме", + "ст" + ], + [ + "cast", + "le" + ], + [ + "▁держа", + "в" + ], + [ + "}\"", + ")" + ], + [ + "}", + "\")" + ], + [ + "▁ASC", + "II" + ], + [ + "▁G", + "len" + ], + [ + "▁Gl", + "en" + ], + [ + "itzer", + "land" + ], + [ + "T", + "oggle" + ], + [ + "▁trad", + "icional" + ], + [ + "▁P", + "lat" + ], + [ + "▁Pl", + "at" + ], + [ + "▁Pla", + "t" + ], + [ + "ve", + "e" + ], + [ + "v", + "ee" + ], + [ + "ab", + "gerufen" + ], + [ + "(", + "|" + ], + [ + "CL", + "I" + ], + [ + "C", + "LI" + ], + [ + "}}", + "$," + ], + [ + "}}$", + "," + ], + [ + "}", + "}$," + ], + [ + "▁Bow", + "l" + ], + [ + "▁M", + "ale" + ], + [ + "▁Ma", + "le" + ], + [ + "▁Mal", + "e" + ], + [ + "▁B", + "res" + ], + [ + "▁Br", + "es" + ], + [ + "▁Bre", + "s" + ], + [ + "▁п", + "си" + ], + [ + "▁Ch", + "allenge" + ], + [ + "z", + "ó" + ], + [ + "▁pro", + "jekt" + ], + [ + "▁neg", + "oti" + ], + [ + "ab", + "ove" + ], + [ + "a", + "bove" + ], + [ + "▁пери", + "о" + ], + [ + "▁long", + "est" + ], + [ + "▁lon", + "gest" + ], + [ + "auth", + "entic" + ], + [ + "▁tr", + "adu" + ], + [ + "▁tra", + "du" + ], + [ + "▁trad", + "u" + ], + [ + "▁mujer", + "es" + ], + [ + "▁And", + "re" + ], + [ + "▁ha", + "dn" + ], + [ + "▁had", + "n" + ], + [ + "▁Sch", + "ule" + ], + [ + "▁Schul", + "e" + ], + [ + "ode", + "l" + ], + [ + "od", + "el" + ], + [ + "o", + "del" + ], + [ + "ble", + "d" + ], + [ + "bl", + "ed" + ], + [ + "b", + "led" + ], + [ + "▁T", + "rade" + ], + [ + "▁Tr", + "ade" + ], + [ + "▁Tra", + "de" + ], + [ + "▁Trad", + "e" + ], + [ + "▁m", + "obil" + ], + [ + "▁mo", + "bil" + ], + [ + "▁mob", + "il" + ], + [ + "▁alg", + "unas" + ], + [ + "▁L", + "ak" + ], + [ + "▁La", + "k" + ], + [ + "▁Connect", + "icut" + ], + [ + "▁al", + "co" + ], + [ + "▁alc", + "o" + ], + [ + "▁Sel", + "bst" + ], + [ + "i", + "ł" + ], + [ + "▁a", + "lb" + ], + [ + "▁al", + "b" + ], + [ + "ouver", + "neur" + ], + [ + "ouvern", + "eur" + ], + [ + "▁s", + "r" + ], + [ + "▁", + "sr" + ], + [ + "▁v", + "ba" + ], + [ + "▁vb", + "a" + ], + [ + "lo", + "ped" + ], + [ + "lop", + "ed" + ], + [ + "l", + "oped" + ], + [ + "▁Par", + "tei" + ], + [ + "▁Part", + "ei" + ], + [ + "▁Parte", + "i" + ], + [ + "ua", + "te" + ], + [ + "u", + "ate" + ], + [ + "▁Auth", + "entication" + ], + [ + "▁", + "Authentication" + ], + [ + "be", + "i" + ], + [ + "b", + "ei" + ], + [ + "}}", + "." + ], + [ + "}", + "}." + ], + [ + "▁kon", + "nten" + ], + [ + "▁konn", + "ten" + ], + [ + "▁konnte", + "n" + ], + [ + "▁до", + "по" + ], + [ + "▁h", + "yd" + ], + [ + "▁hy", + "d" + ], + [ + "Off", + "ice" + ], + [ + "d", + "onnées" + ], + [ + "▁C", + "leveland" + ], + [ + "ri", + "ta" + ], + [ + "rit", + "a" + ], + [ + "r", + "ita" + ], + [ + "ío", + "s" + ], + [ + "í", + "os" + ], + [ + "▁вы", + "ше" + ], + [ + "▁Ro", + "berts" + ], + [ + "▁Robert", + "s" + ], + [ + "▁é", + "lections" + ], + [ + "▁élect", + "ions" + ], + [ + "▁'", + "')" + ], + [ + "▁''", + ")" + ], + [ + "▁publish", + "ing" + ], + [ + "▁b", + "apt" + ], + [ + "▁ba", + "pt" + ], + [ + "<>", + "();" + ], + [ + "<", + ">();" + ], + [ + "miss", + "ing" + ], + [ + "mis", + "sing" + ], + [ + "рова", + "но" + ], + [ + "рован", + "о" + ], + [ + "р", + "овано" + ], + [ + "▁ho", + "using" + ], + [ + "▁hous", + "ing" + ], + [ + "▁in", + "ference" + ], + [ + "▁infer", + "ence" + ], + [ + "▁Rena", + "issance" + ], + [ + "▁r", + "èg" + ], + [ + "▁Ste", + "ph" + ], + [ + "▁Step", + "h" + ], + [ + "CE", + "S" + ], + [ + "C", + "ES" + ], + [ + "ER", + "E" + ], + [ + "E", + "RE" + ], + [ + "ке", + "т" + ], + [ + "к", + "ет" + ], + [ + "O", + "U" + ], + [ + "▁group", + "ing" + ], + [ + "ver", + "kehr" + ], + [ + "ji", + "h" + ], + [ + "j", + "ih" + ], + [ + "ag", + "li" + ], + [ + "▁mil", + "k" + ], + [ + "la", + "it" + ], + [ + "l", + "ait" + ], + [ + "St", + "age" + ], + [ + "▁by", + "ly" + ], + [ + "▁byl", + "y" + ], + [ + "▁wood", + "en" + ], + [ + "▁wo", + "oden" + ], + [ + "ke", + "ley" + ], + [ + "kel", + "ey" + ], + [ + "kele", + "y" + ], + [ + "et", + "ra" + ], + [ + "etr", + "a" + ], + [ + "e", + "tra" + ], + [ + "▁P", + "eg" + ], + [ + "▁Pe", + "g" + ], + [ + "▁don", + "né" + ], + [ + "▁donn", + "é" + ], + [ + "ad", + "al" + ], + [ + "ada", + "l" + ], + [ + "a", + "dal" + ], + [ + "sequ", + "ently" + ], + [ + "▁ins", + "besondere" + ], + [ + "EL", + "D" + ], + [ + "E", + "LD" + ], + [ + "▁M", + "am" + ], + [ + "▁Ma", + "m" + ], + [ + "▁vol", + "te" + ], + [ + "▁volt", + "e" + ], + [ + "▁pro", + "spect" + ], + [ + "▁pros", + "pect" + ], + [ + "но", + "ве" + ], + [ + "нов", + "е" + ], + [ + "н", + "ове" + ], + [ + "▁den", + "oted" + ], + [ + "▁denote", + "d" + ], + [ + "▁over", + "lay" + ], + [ + "Per", + "mission" + ], + [ + "Perm", + "ission" + ], + [ + "ee", + "n" + ], + [ + "e", + "en" + ], + [ + "▁E", + "M" + ], + [ + "▁", + "EM" + ], + [ + "▁u", + "z" + ], + [ + "▁", + "uz" + ], + [ + "M", + "c" + ], + [ + "ol", + "it" + ], + [ + "oli", + "t" + ], + [ + "o", + "lit" + ], + [ + "▁ser", + "vi" + ], + [ + "▁serv", + "i" + ], + [ + "▁He", + "idel" + ], + [ + "▁Wien", + "er" + ], + [ + "▁Wi", + "ener" + ], + [ + "▁Wie", + "ner" + ], + [ + "▁il", + "legal" + ], + [ + "▁predict", + "ions" + ], + [ + "▁prediction", + "s" + ], + [ + "▁go", + "og" + ], + [ + "ho", + "n" + ], + [ + "h", + "on" + ], + [ + "▁Cin", + "ema" + ], + [ + "▁ре", + "волю" + ], + [ + "▁R", + "ule" + ], + [ + "▁Ru", + "le" + ], + [ + "▁", + "Rule" + ], + [ + "wo", + "d" + ], + [ + "w", + "od" + ], + [ + "▁rad", + "iation" + ], + [ + "▁radi", + "ation" + ], + [ + "o", + "ł" + ], + [ + "ово", + "ї" + ], + [ + "▁Per", + "form" + ], + [ + "▁prison", + "er" + ], + [ + "▁a", + "met" + ], + [ + "▁am", + "et" + ], + [ + "▁fig", + "ura" + ], + [ + "▁figur", + "a" + ], + [ + "▁Comm", + "ander" + ], + [ + "▁Command", + "er" + ], + [ + "▁о", + "фициаль" + ], + [ + "▁t", + "rov" + ], + [ + "▁tr", + "ov" + ], + [ + "▁tro", + "v" + ], + [ + "▁a", + "cted" + ], + [ + "▁act", + "ed" + ], + [ + "▁ac", + "ted" + ], + [ + "▁work", + "flow" + ], + [ + "▁Республи", + "ки" + ], + [ + "▁guid", + "ance" + ], + [ + "▁м", + "ене" + ], + [ + "▁ме", + "не" + ], + [ + "▁мен", + "е" + ], + [ + "▁", + "мене" + ], + [ + "N", + "ational" + ], + [ + "▁K", + "el" + ], + [ + "▁Ke", + "l" + ], + [ + "web", + "pack" + ], + [ + "про", + "стра" + ], + [ + "▁llam", + "ado" + ], + [ + "al", + "og" + ], + [ + "alo", + "g" + ], + [ + "a", + "log" + ], + [ + "ter", + "ra" + ], + [ + "ix", + "en" + ], + [ + "le", + "graph" + ], + [ + "leg", + "raph" + ], + [ + "ä", + "ischen" + ], + [ + "▁teach", + "ers" + ], + [ + "▁teacher", + "s" + ], + [ + "ud", + "en" + ], + [ + "ude", + "n" + ], + [ + "u", + "den" + ], + [ + "▁o", + "gså" + ], + [ + "pos", + "sible" + ], + [ + "poss", + "ible" + ], + [ + "▁S", + "oul" + ], + [ + "▁So", + "ul" + ], + [ + "▁Sou", + "l" + ], + [ + "▁Ge", + "ography" + ], + [ + "▁за", + "да" + ], + [ + "hi", + "t" + ], + [ + "h", + "it" + ], + [ + "▁an", + "ger" + ], + [ + "▁ang", + "er" + ], + [ + "▁ange", + "r" + ], + [ + "▁", + "anger" + ], + [ + "▁rem", + "porte" + ], + [ + "▁remp", + "orte" + ], + [ + "Po", + "d" + ], + [ + "P", + "od" + ], + [ + "ч", + "ке" + ], + [ + "▁a", + "ria" + ], + [ + "▁ar", + "ia" + ], + [ + "▁", + "aria" + ], + [ + "▁A", + "stronom" + ], + [ + "ch", + "apter" + ], + [ + "▁f", + "ork" + ], + [ + "▁for", + "k" + ], + [ + "▁Cu", + "ando" + ], + [ + "men", + "se" + ], + [ + "m", + "ense" + ], + [ + "▁Christ", + "ians" + ], + [ + "▁Christian", + "s" + ], + [ + "g", + "c" + ], + [ + "▁#", + "(" + ], + [ + "Or", + "gan" + ], + [ + "▁ste", + "ady" + ], + [ + "▁stead", + "y" + ], + [ + "ps", + "e" + ], + [ + "p", + "se" + ], + [ + "жи", + "ть" + ], + [ + "ig", + "nes" + ], + [ + "ign", + "es" + ], + [ + "igne", + "s" + ], + [ + "ater", + "ra" + ], + [ + "a", + "terra" + ], + [ + "mo", + "vie" + ], + [ + "mov", + "ie" + ], + [ + "m", + "ovie" + ], + [ + "pos", + "ta" + ], + [ + "po", + "sta" + ], + [ + "post", + "a" + ], + [ + "p", + "osta" + ], + [ + "ra", + "ste" + ], + [ + "ras", + "te" + ], + [ + "r", + "aste" + ], + [ + "▁Res", + "source" + ], + [ + "▁Ress", + "ource" + ], + [ + "▁Pa", + "ís" + ], + [ + "▁(", + ");" + ], + [ + "▁()", + ";" + ], + [ + "▁", + "();" + ], + [ + "▁pen", + "alty" + ], + [ + "т", + "т" + ], + [ + "▁tras", + "fer" + ], + [ + "cent", + "ury" + ], + [ + "▁clean", + "er" + ], + [ + "sel", + "enium" + ], + [ + "s", + "elenium" + ], + [ + "ort", + "heast" + ], + [ + "orth", + "east" + ], + [ + "xi", + "c" + ], + [ + "x", + "ic" + ], + [ + "лі", + "ї" + ], + [ + "л", + "ії" + ], + [ + "▁ingles", + "e" + ], + [ + "▁T", + "ang" + ], + [ + "▁Ta", + "ng" + ], + [ + "▁Tan", + "g" + ], + [ + "▁g", + "ods" + ], + [ + "▁go", + "ds" + ], + [ + "▁god", + "s" + ], + [ + "fr", + "ent" + ], + [ + "fre", + "nt" + ], + [ + "f", + "rent" + ], + [ + "ci", + "ente" + ], + [ + "cient", + "e" + ], + [ + "c", + "iente" + ], + [ + "st", + "arts" + ], + [ + "start", + "s" + ], + [ + "star", + "ts" + ], + [ + "▁mus", + "ica" + ], + [ + "▁music", + "a" + ], + [ + "ymnas", + "ium" + ], + [ + "--", + "--+" + ], + [ + "----", + "+" + ], + [ + "---", + "-+" + ], + [ + "-", + "---+" + ], + [ + "▁ter", + "rest" + ], + [ + "▁terre", + "st" + ], + [ + "▁retr", + "ieved" + ], + [ + "▁retrieve", + "d" + ], + [ + "ia", + "re" + ], + [ + "iar", + "e" + ], + [ + "i", + "are" + ], + [ + "un", + "ning" + ], + [ + "unn", + "ing" + ], + [ + "▁Mar", + "cus" + ], + [ + "▁Marc", + "us" + ], + [ + "▁prom", + "ote" + ], + [ + "war", + "ning" + ], + [ + "warn", + "ing" + ], + [ + "w", + "arning" + ], + [ + "ты", + "й" + ], + [ + "т", + "ый" + ], + [ + "})", + "$," + ], + [ + "})$", + "," + ], + [ + "}", + ")$," + ], + [ + "Trans", + "port" + ], + [ + "▁re", + "son" + ], + [ + "▁res", + "on" + ], + [ + "▁C", + "lo" + ], + [ + "▁Cl", + "o" + ], + [ + "▁e", + "rm" + ], + [ + "▁er", + "m" + ], + [ + "▁", + "erm" + ], + [ + "▁elimin", + "ate" + ], + [ + "▁elim", + "inate" + ], + [ + "he", + "imer" + ], + [ + "heim", + "er" + ], + [ + "▁s", + "aves" + ], + [ + "▁sa", + "ves" + ], + [ + "▁sav", + "es" + ], + [ + "▁save", + "s" + ], + [ + "▁pr", + "ayer" + ], + [ + "▁pra", + "yer" + ], + [ + "▁pray", + "er" + ], + [ + "Class", + "es" + ], + [ + "Ex", + "press" + ], + [ + "Exp", + "ress" + ], + [ + "Expr", + "ess" + ], + [ + "▁Akadem", + "ie" + ], + [ + "El", + "se" + ], + [ + "Tu", + "rn" + ], + [ + "T", + "urn" + ], + [ + "▁ik", + "ke" + ], + [ + "▁re", + "i" + ], + [ + "▁r", + "ei" + ], + [ + "▁", + "rei" + ], + [ + "▁di", + "rett" + ], + [ + "▁dire", + "tt" + ], + [ + "▁dir", + "ett" + ], + [ + "▁R", + "ost" + ], + [ + "▁Ro", + "st" + ], + [ + "▁Ros", + "t" + ], + [ + "▁P", + "apa" + ], + [ + "▁Pa", + "pa" + ], + [ + "▁Pap", + "a" + ], + [ + "▁j", + "sf" + ], + [ + "▁js", + "f" + ], + [ + "ле", + "нием" + ], + [ + "ление", + "м" + ], + [ + "▁T", + "ul" + ], + [ + "▁Tu", + "l" + ], + [ + "▁Z", + "ak" + ], + [ + "▁Za", + "k" + ], + [ + "▁niem", + "ieck" + ], + [ + "T", + "w" + ], + [ + "am", + "our" + ], + [ + "amo", + "ur" + ], + [ + "ne", + "sted" + ], + [ + "nes", + "ted" + ], + [ + "nest", + "ed" + ], + [ + "n", + "ested" + ], + [ + "pp", + "ets" + ], + [ + "ppe", + "ts" + ], + [ + "ppet", + "s" + ], + [ + "ш", + "п" + ], + [ + "di", + "t" + ], + [ + "d", + "it" + ], + [ + "зе", + "н" + ], + [ + "з", + "ен" + ], + [ + "zy", + "ma" + ], + [ + "zym", + "a" + ], + [ + "hr", + "te" + ], + [ + "Constra", + "ints" + ], + [ + "Constraint", + "s" + ], + [ + "▁own", + "ership" + ], + [ + "▁owner", + "ship" + ], + [ + "Ar", + "m" + ], + [ + "A", + "rm" + ], + [ + "▁cons", + "umption" + ], + [ + "▁consum", + "ption" + ], + [ + "▁f", + "et" + ], + [ + "▁fe", + "t" + ], + [ + "iv", + "ari" + ], + [ + "iva", + "ri" + ], + [ + "i", + "vari" + ], + [ + "ch", + "rom" + ], + [ + "chr", + "om" + ], + [ + "set", + "Attribute" + ], + [ + "▁com", + "pose" + ], + [ + "▁comp", + "ose" + ], + [ + "▁compos", + "e" + ], + [ + "▁", + "compose" + ], + [ + "▁back", + "ing" + ], + [ + "▁P", + "az" + ], + [ + "▁Pa", + "z" + ], + [ + "▁s", + "cri" + ], + [ + "▁sc", + "ri" + ], + [ + "▁scr", + "i" + ], + [ + "▁", + "scri" + ], + [ + "▁Me", + "chan" + ], + [ + "▁Nor", + "way" + ], + [ + "▁J", + "up" + ], + [ + "▁Ju", + "p" + ], + [ + "▁m", + "ér" + ], + [ + "▁mé", + "r" + ], + [ + "▁administr", + "ator" + ], + [ + "▁c", + "abe" + ], + [ + "▁ca", + "be" + ], + [ + "▁cab", + "e" + ], + [ + "ival", + "ent" + ], + [ + "▁thr", + "one" + ], + [ + "▁thro", + "ne" + ], + [ + "▁d", + "ues" + ], + [ + "▁du", + "es" + ], + [ + "▁due", + "s" + ], + [ + "▁hum", + "or" + ], + [ + "▁hu", + "mor" + ], + [ + "▁A", + "dri" + ], + [ + "▁Ad", + "ri" + ], + [ + "▁ab", + "ort" + ], + [ + "ña", + "s" + ], + [ + "ñ", + "as" + ], + [ + "▁Ки", + "їв" + ], + [ + "j", + "ící" + ], + [ + "▁zwe", + "ite" + ], + [ + "▁zwei", + "te" + ], + [ + "▁do", + "ub" + ], + [ + "▁dou", + "b" + ], + [ + "er", + "shell" + ], + [ + "ers", + "hell" + ], + [ + "шо", + "й" + ], + [ + "▁F", + "am" + ], + [ + "▁Fa", + "m" + ], + [ + "å", + "k" + ], + [ + "▁twe", + "ede" + ], + [ + "▁twee", + "de" + ], + [ + "▁R", + "ib" + ], + [ + "▁Ri", + "b" + ], + [ + "▁f", + "ør" + ], + [ + "pc", + "ión" + ], + [ + "p", + "ción" + ], + [ + "in", + "ned" + ], + [ + "inn", + "ed" + ], + [ + "rv", + "m" + ], + [ + "r", + "vm" + ], + [ + "▁App", + "ar" + ], + [ + "▁Ap", + "par" + ], + [ + "▁D", + "j" + ], + [ + "▁S", + "hang" + ], + [ + "▁Sh", + "ang" + ], + [ + "Dist", + "ance" + ], + [ + "D", + "istance" + ], + [ + "▁d", + "awn" + ], + [ + "▁da", + "wn" + ], + [ + "▁", + "dawn" + ], + [ + "▁Mat", + "th" + ], + [ + "▁Matt", + "h" + ], + [ + "▁err", + "ichtet" + ], + [ + "ph", + "antom" + ], + [ + "phan", + "tom" + ], + [ + "▁re", + "leases" + ], + [ + "▁release", + "s" + ], + [ + "Recogn", + "izer" + ], + [ + "▁K", + "op" + ], + [ + "▁Ko", + "p" + ], + [ + "▁P", + "ul" + ], + [ + "▁Pu", + "l" + ], + [ + "u", + "é" + ], + [ + "na", + "ts" + ], + [ + "nat", + "s" + ], + [ + "n", + "ats" + ], + [ + "re", + "lax" + ], + [ + "rel", + "ax" + ], + [ + "▁f", + "led" + ], + [ + "▁fl", + "ed" + ], + [ + "▁fle", + "d" + ], + [ + "▁experience", + "s" + ], + [ + "▁experien", + "ces" + ], + [ + "ще", + "е" + ], + [ + "ме", + "ня" + ], + [ + "мен", + "я" + ], + [ + "▁пер", + "сона" + ], + [ + "▁Id", + "entity" + ], + [ + "▁Ident", + "ity" + ], + [ + "▁", + "Identity" + ], + [ + "re", + "ts" + ], + [ + "ret", + "s" + ], + [ + "r", + "ets" + ], + [ + "k", + "unft" + ], + [ + "la", + "rg" + ], + [ + "lar", + "g" + ], + [ + "l", + "arg" + ], + [ + "List", + "Item" + ], + [ + "v", + "d" + ], + [ + "run", + "ner" + ], + [ + "la", + "nt" + ], + [ + "lan", + "t" + ], + [ + "l", + "ant" + ], + [ + "ip", + "art" + ], + [ + "i", + "part" + ], + [ + "ba", + "y" + ], + [ + "b", + "ay" + ], + [ + "ie", + "i" + ], + [ + "i", + "ei" + ], + [ + "▁length", + "s" + ], + [ + "▁c", + "attle" + ], + [ + "▁catt", + "le" + ], + [ + "je", + "ts" + ], + [ + "jet", + "s" + ], + [ + "j", + "ets" + ], + [ + "▁se", + "hen" + ], + [ + "J", + "ul" + ], + [ + "fa", + "tt" + ], + [ + "f", + "att" + ], + [ + "▁sur", + "render" + ], + [ + "▁surr", + "ender" + ], + [ + "▁Tr", + "ump" + ], + [ + "▁Tru", + "mp" + ], + [ + "дно", + "го" + ], + [ + "д", + "ного" + ], + [ + "▁Four", + "ier" + ], + [ + "▁Fou", + "rier" + ], + [ + "ie", + "ben" + ], + [ + "ieb", + "en" + ], + [ + "i", + "eben" + ], + [ + "_", + "\"" + ], + [ + "▁frü", + "her" + ], + [ + "▁gar", + "ant" + ], + [ + "▁ga", + "rant" + ], + [ + "uclide", + "an" + ], + [ + "äg", + "t" + ], + [ + "ä", + "gt" + ], + [ + "▁пів", + "ден" + ], + [ + "Page", + "s" + ], + [ + "Pa", + "ges" + ], + [ + "P", + "ages" + ], + [ + "▁r", + "ivers" + ], + [ + "▁river", + "s" + ], + [ + "▁riv", + "ers" + ], + [ + "▁ri", + "vers" + ], + [ + "▁don", + "ner" + ], + [ + "▁donn", + "er" + ], + [ + "▁donne", + "r" + ], + [ + "sv", + "n" + ], + [ + "s", + "vn" + ], + [ + "▁", + "ł" + ], + [ + "ov", + "ě" + ], + [ + "o", + "vě" + ], + [ + "▁Le", + "ist" + ], + [ + "ar", + "ial" + ], + [ + "ari", + "al" + ], + [ + "aria", + "l" + ], + [ + "a", + "rial" + ], + [ + "ov", + "ých" + ], + [ + "ový", + "ch" + ], + [ + "▁f", + "illing" + ], + [ + "▁fil", + "ling" + ], + [ + "▁fill", + "ing" + ], + [ + "▁mus", + "icale" + ], + [ + "▁music", + "ale" + ], + [ + "▁musical", + "e" + ], + [ + "▁musica", + "le" + ], + [ + "ma", + "xim" + ], + [ + "max", + "im" + ], + [ + "▁d", + "ashed" + ], + [ + "▁das", + "hed" + ], + [ + "▁dash", + "ed" + ], + [ + "▁Н", + "ов" + ], + [ + "▁Но", + "в" + ], + [ + "Draw", + "er" + ], + [ + "Dra", + "wer" + ], + [ + "▁Medic", + "ine" + ], + [ + "▁dok", + "ument" + ], + [ + "ow", + "el" + ], + [ + "owe", + "l" + ], + [ + "o", + "wel" + ], + [ + "vi", + "ć" + ], + [ + "v", + "ić" + ], + [ + "he", + "ly" + ], + [ + "hel", + "y" + ], + [ + "h", + "ely" + ], + [ + "▁e", + "let" + ], + [ + "▁el", + "et" + ], + [ + "▁ele", + "t" + ], + [ + "Sec", + "onds" + ], + [ + "Second", + "s" + ], + [ + "▁Gon", + "z" + ], + [ + "ro", + "u" + ], + [ + "r", + "ou" + ], + [ + "▁fin", + "ales" + ], + [ + "▁final", + "es" + ], + [ + "▁finale", + "s" + ], + [ + "r", + "n" + ], + [ + "f", + "ø" + ], + [ + "▁index", + "ed" + ], + [ + "class", + "Name" + ], + [ + "▁o", + "ber" + ], + [ + "▁ob", + "er" + ], + [ + "▁", + "ober" + ], + [ + "▁du", + "as" + ], + [ + "▁optim", + "ized" + ], + [ + "▁optimize", + "d" + ], + [ + "▁k", + "dy" + ], + [ + "vers", + "ary" + ], + [ + "ener", + "gy" + ], + [ + "▁цент", + "ра" + ], + [ + "▁центр", + "а" + ], + [ + "▁c", + "urrency" + ], + [ + "▁curr", + "ency" + ], + [ + "▁", + "currency" + ], + [ + "zy", + "ż" + ], + [ + "Li", + "ke" + ], + [ + "L", + "ike" + ], + [ + "▁Г", + "и" + ], + [ + "so", + "no" + ], + [ + "son", + "o" + ], + [ + "s", + "ono" + ], + [ + "▁pa", + "lab" + ], + [ + "▁pal", + "ab" + ], + [ + "▁p", + "ushing" + ], + [ + "▁push", + "ing" + ], + [ + "ub", + "lik" + ], + [ + "▁H", + "ass" + ], + [ + "▁Ha", + "ss" + ], + [ + "▁Has", + "s" + ], + [ + "}\\", + ",\\" + ], + [ + "}\\,", + "\\" + ], + [ + "}", + "\\,\\" + ], + [ + "un", + "ker" + ], + [ + "unk", + "er" + ], + [ + "▁F", + "actory" + ], + [ + "▁Fact", + "ory" + ], + [ + "▁", + "Factory" + ], + [ + "▁Res", + "ources" + ], + [ + "▁Resource", + "s" + ], + [ + "▁", + "Resources" + ], + [ + "date", + "i" + ], + [ + "da", + "tei" + ], + [ + "dat", + "ei" + ], + [ + "▁T", + "ools" + ], + [ + "▁To", + "ols" + ], + [ + "▁Tool", + "s" + ], + [ + "▁", + "Tools" + ], + [ + "▁ste", + "hen" + ], + [ + "si", + "me" + ], + [ + "sim", + "e" + ], + [ + "s", + "ime" + ], + [ + "▁Х", + "у" + ], + [ + "▁h", + "och" + ], + [ + "▁ho", + "ch" + ], + [ + "▁Rod", + "ríguez" + ], + [ + "zeit", + "ig" + ], + [ + "▁Ter", + "ry" + ], + [ + "▁Terr", + "y" + ], + [ + "▁о", + "бу" + ], + [ + "▁об", + "у" + ], + [ + "Us", + "age" + ], + [ + "urch", + "ase" + ], + [ + "l", + "ö" + ], + [ + "▁Int", + "roduction" + ], + [ + "▁", + "Introduction" + ], + [ + "▁particip", + "ation" + ], + [ + "ο", + "ς" + ], + [ + "og", + "li" + ], + [ + "ap", + "y" + ], + [ + "a", + "py" + ], + [ + "▁hope", + "fully" + ], + [ + "pon", + "der" + ], + [ + "po", + "nder" + ], + [ + "pond", + "er" + ], + [ + "p", + "onder" + ], + [ + "▁Y", + "ang" + ], + [ + "▁Yan", + "g" + ], + [ + "▁Ya", + "ng" + ], + [ + "▁prom", + "ises" + ], + [ + "▁promise", + "s" + ], + [ + "▁вер", + "ну" + ], + [ + "▁о", + "стров" + ], + [ + "▁ост", + "ров" + ], + [ + "^{", + "+" + ], + [ + "▁most", + "ra" + ], + [ + "▁mo", + "stra" + ], + [ + "▁mos", + "tra" + ], + [ + "▁CURL", + "OPT" + ], + [ + "H", + "H" + ], + [ + "▁std", + "out" + ], + [ + "▁", + "stdout" + ], + [ + "▁br", + "illiant" + ], + [ + "▁manus", + "cript" + ], + [ + "▁de", + "cir" + ], + [ + "▁dec", + "ir" + ], + [ + "▁B", + "olog" + ], + [ + "▁Bo", + "log" + ], + [ + "▁Bol", + "og" + ], + [ + "▁ме", + "ста" + ], + [ + "▁мест", + "а" + ], + [ + "▁in", + "visible" + ], + [ + "▁C", + "hal" + ], + [ + "▁Ch", + "al" + ], + [ + "▁Cha", + "l" + ], + [ + "▁analy", + "ze" + ], + [ + "▁analyz", + "e" + ], + [ + "pr", + "ilis" + ], + [ + "pril", + "is" + ], + [ + "att", + "end" + ], + [ + "atten", + "d" + ], + [ + "atte", + "nd" + ], + [ + "M", + "vc" + ], + [ + "th", + "an" + ], + [ + "tha", + "n" + ], + [ + "t", + "han" + ], + [ + "ck", + "o" + ], + [ + "c", + "ko" + ], + [ + "▁Que", + "bec" + ], + [ + "▁pl", + "anta" + ], + [ + "▁plan", + "ta" + ], + [ + "▁plant", + "a" + ], + [ + "▁télé", + "vis" + ], + [ + "▁un", + "install" + ], + [ + "èn", + "cies" + ], + [ + "▁gmin", + "ie" + ], + [ + "▁P", + "ref" + ], + [ + "▁Pr", + "ef" + ], + [ + "▁Pre", + "f" + ], + [ + "▁le", + "quel" + ], + [ + "Inv", + "ocation" + ], + [ + "▁", + "Í" + ], + [ + "▁trans", + "formed" + ], + [ + "▁transform", + "ed" + ], + [ + "MA", + "N" + ], + [ + "M", + "AN" + ], + [ + "ge", + "baut" + ], + [ + "geb", + "aut" + ], + [ + "▁со", + "хра" + ], + [ + "▁вто", + "рой" + ], + [ + "▁L", + "ith" + ], + [ + "▁Li", + "th" + ], + [ + "▁Lit", + "h" + ], + [ + "wend", + "ung" + ], + [ + "▁Polit", + "ik" + ], + [ + "▁Sen", + "ator" + ], + [ + "▁L", + "L" + ], + [ + "▁", + "LL" + ], + [ + "жде", + "ние" + ], + [ + "ш", + "те" + ], + [ + "▁C", + "és" + ], + [ + "▁b", + "ande" + ], + [ + "▁band", + "e" + ], + [ + "▁ban", + "de" + ], + [ + "▁ba", + "nde" + ], + [ + "▁histor", + "ian" + ], + [ + "▁historia", + "n" + ], + [ + "▁pass", + "words" + ], + [ + "▁password", + "s" + ], + [ + "mal", + "loc" + ], + [ + "m", + "alloc" + ], + [ + "▁sem", + "if" + ], + [ + "▁semi", + "f" + ], + [ + "▁r", + "å" + ], + [ + "▁", + "rå" + ], + [ + "unic", + "í" + ], + [ + "uni", + "cí" + ], + [ + "Av", + "ailable" + ], + [ + "Option", + "al" + ], + [ + "Opt", + "ional" + ], + [ + "▁T", + "we" + ], + [ + "▁Tw", + "e" + ], + [ + "▁k", + "ró" + ], + [ + "▁kr", + "ó" + ], + [ + "▁sub", + "sets" + ], + [ + "▁subset", + "s" + ], + [ + "▁subs", + "ets" + ], + [ + "▁D", + "AT" + ], + [ + "▁DA", + "T" + ], + [ + "▁", + "DAT" + ], + [ + "▁double", + "s" + ], + [ + "▁dou", + "bles" + ], + [ + "▁doub", + "les" + ], + [ + "ни", + "ками" + ], + [ + "ника", + "ми" + ], + [ + "▁з", + "в" + ], + [ + "ge", + "geben" + ], + [ + "geg", + "eben" + ], + [ + "g", + "egeben" + ], + [ + "▁По", + "пис" + ], + [ + "▁jú", + "lius" + ], + [ + "▁m", + "eteor" + ], + [ + "▁met", + "eor" + ], + [ + "Mo", + "unt" + ], + [ + "M", + "ount" + ], + [ + "iv", + "ent" + ], + [ + "ive", + "nt" + ], + [ + "iven", + "t" + ], + [ + "i", + "vent" + ], + [ + "▁N", + "athan" + ], + [ + "▁Na", + "than" + ], + [ + "▁Nat", + "han" + ], + [ + "▁Sch", + "utz" + ], + [ + "eg", + "ov" + ], + [ + "ego", + "v" + ], + [ + "e", + "gov" + ], + [ + "▁d", + "öd" + ], + [ + "▁me", + "at" + ], + [ + "▁пун", + "кт" + ], + [ + "▁m", + "inds" + ], + [ + "▁min", + "ds" + ], + [ + "▁mind", + "s" + ], + [ + "eli", + "very" + ], + [ + "▁T", + "LS" + ], + [ + "ре", + "м" + ], + [ + "р", + "ем" + ], + [ + "cks", + "å" + ], + [ + "▁stay", + "ed" + ], + [ + "▁sta", + "yed" + ], + [ + "▁B", + "in" + ], + [ + "▁Bi", + "n" + ], + [ + "▁P", + "ia" + ], + [ + "▁Pi", + "a" + ], + [ + "▁и", + "мен" + ], + [ + "▁име", + "н" + ], + [ + "▁им", + "ен" + ], + [ + "▁Bob", + "by" + ], + [ + "▁produ", + "it" + ], + [ + "▁prod", + "uit" + ], + [ + "em", + "pio" + ], + [ + "emp", + "io" + ], + [ + "▁redu", + "cing" + ], + [ + "▁Y", + "u" + ], + [ + "▁Gesch", + "äft" + ], + [ + "▁per", + "ché" + ], + [ + "▁c", + "ors" + ], + [ + "▁cor", + "s" + ], + [ + "▁co", + "rs" + ], + [ + "▁i", + "cons" + ], + [ + "▁icon", + "s" + ], + [ + "▁ic", + "ons" + ], + [ + "▁", + "icons" + ], + [ + "App", + "Data" + ], + [ + "▁H", + "og" + ], + [ + "▁Ho", + "g" + ], + [ + "▁р", + "ів" + ], + [ + "▁рі", + "в" + ], + [ + "▁", + "рів" + ], + [ + "▁S", + "ans" + ], + [ + "▁San", + "s" + ], + [ + "▁Sa", + "ns" + ], + [ + "▁si", + "ège" + ], + [ + "▁siè", + "ge" + ], + [ + "st", + "ellen" + ], + [ + "stell", + "en" + ], + [ + "stelle", + "n" + ], + [ + "Br", + "ush" + ], + [ + "OF", + "F" + ], + [ + "O", + "FF" + ], + [ + "▁vis", + "itor" + ], + [ + "▁visit", + "or" + ], + [ + "▁b", + "ath" + ], + [ + "▁ba", + "th" + ], + [ + "▁bat", + "h" + ], + [ + "▁f", + "ee" + ], + [ + "▁fe", + "e" + ], + [ + "at", + "isf" + ], + [ + "ati", + "sf" + ], + [ + "atis", + "f" + ], + [ + "▁cu", + "rv" + ], + [ + "▁cur", + "v" + ], + [ + "▁fol", + "gender" + ], + [ + "▁folg", + "ender" + ], + [ + "▁cons", + "cience" + ], + [ + "▁Se", + "attle" + ], + [ + "▁med", + "ieval" + ], + [ + "▁medi", + "eval" + ], + [ + "dist", + "ribution" + ], + [ + "▁D", + "M" + ], + [ + "▁", + "DM" + ], + [ + "▁м", + "я" + ], + [ + "▁", + "мя" + ], + [ + "▁R", + "UN" + ], + [ + "ak", + "ov" + ], + [ + "ako", + "v" + ], + [ + "a", + "kov" + ], + [ + "ce", + "il" + ], + [ + "c", + "eil" + ], + [ + "▁let", + "ting" + ], + [ + "▁lett", + "ing" + ], + [ + "▁d", + "ov" + ], + [ + "▁do", + "v" + ], + [ + "▁о", + "би" + ], + [ + "▁об", + "и" + ], + [ + "ki", + "ej" + ], + [ + "kie", + "j" + ], + [ + "k", + "iej" + ], + [ + "▁dire", + "kt" + ], + [ + "▁t", + "m" + ], + [ + "▁", + "tm" + ], + [ + "col", + "ors" + ], + [ + "color", + "s" + ], + [ + "colo", + "rs" + ], + [ + "▁alt", + "ro" + ], + [ + "▁tijd", + "ens" + ], + [ + "]{", + "'" + ], + [ + "]", + "{'" + ], + [ + "▁B", + "om" + ], + [ + "▁Bo", + "m" + ], + [ + "▁k", + "unst" + ], + [ + "▁kun", + "st" + ], + [ + "▁sh", + "elter" + ], + [ + "▁r", + "av" + ], + [ + "▁ra", + "v" + ], + [ + "▁", + "rav" + ], + [ + "pre", + "dict" + ], + [ + "pred", + "ict" + ], + [ + "▁comenz", + "ó" + ], + [ + "▁świ", + "at" + ], + [ + "▁św", + "iat" + ], + [ + "▁Du", + "rant" + ], + [ + "▁Dur", + "ant" + ], + [ + "▁sch", + "emes" + ], + [ + "▁scheme", + "s" + ], + [ + "▁sche", + "mes" + ], + [ + "▁m", + "esh" + ], + [ + "▁me", + "sh" + ], + [ + "▁mes", + "h" + ], + [ + "▁ind", + "icator" + ], + [ + "▁indic", + "ator" + ], + [ + "▁E", + "mer" + ], + [ + "▁Em", + "er" + ], + [ + "▁gu", + "ilty" + ], + [ + "не", + "ц" + ], + [ + "▁consequ", + "ences" + ], + [ + "▁consequence", + "s" + ], + [ + "cl", + "udes" + ], + [ + "clude", + "s" + ], + [ + "clud", + "es" + ], + [ + "▁L", + "ower" + ], + [ + "▁Lo", + "wer" + ], + [ + "▁Low", + "er" + ], + [ + "▁", + "Lower" + ], + [ + "▁по", + "ме" + ], + [ + "▁p", + "ace" + ], + [ + "▁pa", + "ce" + ], + [ + "▁pac", + "e" + ], + [ + "▁", + "pace" + ], + [ + "да", + "го" + ], + [ + "▁am", + "bos" + ], + [ + "▁amb", + "os" + ], + [ + "l", + "b" + ], + [ + "▁educ", + "ated" + ], + [ + "ur", + "ale" + ], + [ + "ura", + "le" + ], + [ + "ural", + "e" + ], + [ + "u", + "rale" + ], + [ + "an", + "h" + ], + [ + "es", + "ség" + ], + [ + "ess", + "ég" + ], + [ + "▁associ", + "ations" + ], + [ + "▁association", + "s" + ], + [ + "to", + "wn" + ], + [ + "t", + "own" + ], + [ + "▁t", + "rif" + ], + [ + "▁tr", + "if" + ], + [ + "▁tri", + "f" + ], + [ + "sample", + "s" + ], + [ + "sam", + "ples" + ], + [ + "s", + "amples" + ], + [ + "bo", + "s" + ], + [ + "b", + "os" + ], + [ + "▁S", + "pect" + ], + [ + "▁Sp", + "ect" + ], + [ + "▁Spe", + "ct" + ], + [ + "▁Spec", + "t" + ], + [ + "▁Ц", + "е" + ], + [ + "alt", + "ung" + ], + [ + "▁L", + "ob" + ], + [ + "▁Lo", + "b" + ], + [ + "▁curios", + "ity" + ], + [ + "▁We", + "iter" + ], + [ + "▁Wei", + "ter" + ], + [ + "▁Weit", + "er" + ], + [ + "est", + "one" + ], + [ + "esto", + "ne" + ], + [ + "eston", + "e" + ], + [ + "e", + "stone" + ], + [ + "▁dem", + "ol" + ], + [ + "▁demo", + "l" + ], + [ + "▁ap", + "olog" + ], + [ + "▁apo", + "log" + ], + [ + "▁D", + "ynamic" + ], + [ + "▁Dynam", + "ic" + ], + [ + "▁", + "Dynamic" + ], + [ + "In", + "ner" + ], + [ + "es", + "per" + ], + [ + "esp", + "er" + ], + [ + "ec", + "z" + ], + [ + "e", + "cz" + ], + [ + "uel", + "lement" + ], + [ + "uelle", + "ment" + ], + [ + "▁Hamilton", + "ian" + ], + [ + "At", + "las" + ], + [ + "▁ar", + "gue" + ], + [ + "▁arg", + "ue" + ], + [ + "For", + "eign" + ], + [ + "F", + "oreign" + ], + [ + "col", + "lapse" + ], + [ + "▁tér", + "min" + ], + [ + "▁electron", + "ic" + ], + [ + "▁electro", + "nic" + ], + [ + "▁N", + "R" + ], + [ + "▁", + "NR" + ], + [ + "▁c", + "orr" + ], + [ + "▁cor", + "r" + ], + [ + "▁co", + "rr" + ], + [ + "▁", + "corr" + ], + [ + "tem", + "ps" + ], + [ + "temp", + "s" + ], + [ + "Index", + "Path" + ], + [ + "я", + "з" + ], + [ + "▁tal", + "ál" + ], + [ + "to", + "day" + ], + [ + "tod", + "ay" + ], + [ + "wa", + "ve" + ], + [ + "w", + "ave" + ], + [ + "▁s", + "ib" + ], + [ + "▁si", + "b" + ], + [ + "▁с", + "пи" + ], + [ + "▁сп", + "и" + ], + [ + "▁con", + "vey" + ], + [ + "▁conv", + "ey" + ], + [ + "▁Gé", + "ographie" + ], + [ + "▁Н", + "ью" + ], + [ + "▁Hi", + "bernate" + ], + [ + "▁t", + "in" + ], + [ + "▁ti", + "n" + ], + [ + "di", + "c" + ], + [ + "d", + "ic" + ], + [ + "pp", + "ings" + ], + [ + "pping", + "s" + ], + [ + "s", + "weise" + ], + [ + "▁roll", + "ing" + ], + [ + "▁rol", + "ling" + ], + [ + "▁", + "rolling" + ], + [ + "▁select", + "s" + ], + [ + ")\\", + ")" + ], + [ + ")", + "\\)" + ], + [ + "▁po", + "eta" + ], + [ + "▁poet", + "a" + ], + [ + "▁сте", + "пени" + ], + [ + "▁A", + "br" + ], + [ + "▁Ab", + "r" + ], + [ + "▁hö", + "ch" + ], + [ + "▁s", + "tern" + ], + [ + "▁st", + "ern" + ], + [ + "▁ste", + "rn" + ], + [ + "▁ster", + "n" + ], + [ + "▁f", + "jär" + ], + [ + "▁inst", + "aller" + ], + [ + "▁install", + "er" + ], + [ + "▁instal", + "ler" + ], + [ + "de", + "cl" + ], + [ + "dec", + "l" + ], + [ + "▁m", + "iser" + ], + [ + "▁mi", + "ser" + ], + [ + "▁mis", + "er" + ], + [ + "▁mise", + "r" + ], + [ + "group", + "by" + ], + [ + "sub", + "str" + ], + [ + "subst", + "r" + ], + [ + "▁phen", + "omen" + ], + [ + "▁W", + "ing" + ], + [ + "▁Win", + "g" + ], + [ + "▁Wi", + "ng" + ], + [ + "▁f", + "ills" + ], + [ + "▁fil", + "ls" + ], + [ + "▁fill", + "s" + ], + [ + "▁ú", + "nico" + ], + [ + "Run", + "ning" + ], + [ + "R", + "unning" + ], + [ + "Com", + "e" + ], + [ + "Co", + "me" + ], + [ + "C", + "ome" + ], + [ + "ir", + "able" + ], + [ + "ira", + "ble" + ], + [ + "i", + "rable" + ], + [ + "sim", + "eq" + ], + [ + "sime", + "q" + ], + [ + "▁re", + "mp" + ], + [ + "▁r", + "emp" + ], + [ + "▁rem", + "p" + ], + [ + "ke", + "le" + ], + [ + "kel", + "e" + ], + [ + "k", + "ele" + ], + [ + "li", + "ers" + ], + [ + "lie", + "rs" + ], + [ + "lier", + "s" + ], + [ + "l", + "iers" + ], + [ + "▁kwiet", + "nia" + ], + [ + "▁inter", + "rupted" + ], + [ + "▁interrupt", + "ed" + ], + [ + "▁J", + "et" + ], + [ + "▁Je", + "t" + ], + [ + "=\\", + "{" + ], + [ + "=", + "\\{" + ], + [ + "íd", + "o" + ], + [ + "í", + "do" + ], + [ + "▁Tai", + "wan" + ], + [ + "▁воз", + "ра" + ], + [ + "▁altern", + "atives" + ], + [ + "▁alternative", + "s" + ], + [ + "▁T", + "ir" + ], + [ + "▁Ti", + "r" + ], + [ + "▁Re", + "serve" + ], + [ + "▁Res", + "erve" + ], + [ + "▁К", + "ур" + ], + [ + "▁Ку", + "р" + ], + [ + "▁No", + "bel" + ], + [ + "▁Nob", + "el" + ], + [ + "▁рабо", + "тал" + ], + [ + "▁работа", + "л" + ], + [ + "▁a", + "xes" + ], + [ + "▁ax", + "es" + ], + [ + "▁C", + "ependant" + ], + [ + "k", + "á" + ], + [ + "▁er", + "neut" + ], + [ + "▁D", + "emo" + ], + [ + "▁De", + "mo" + ], + [ + "▁Dem", + "o" + ], + [ + "▁", + "Demo" + ], + [ + "comm", + "unic" + ], + [ + "con", + "structor" + ], + [ + "construct", + "or" + ], + [ + "▁Mon", + "day" + ], + [ + "▁Mond", + "ay" + ], + [ + "N", + "il" + ], + [ + "Hash", + "Map" + ], + [ + "pay", + "ment" + ], + [ + "▁fix", + "ing" + ], + [ + "▁A", + "DD" + ], + [ + "▁AD", + "D" + ], + [ + "▁", + "ADD" + ], + [ + "re", + "view" + ], + [ + "rev", + "iew" + ], + [ + "▁poss", + "ibil" + ], + [ + "▁possib", + "il" + ], + [ + "▁g", + "rote" + ], + [ + "▁gr", + "ote" + ], + [ + "▁gro", + "te" + ], + [ + "▁group", + "ed" + ], + [ + "▁groupe", + "d" + ], + [ + "▁L", + "ima" + ], + [ + "▁Li", + "ma" + ], + [ + "▁Lim", + "a" + ], + [ + "▁A", + "ugen" + ], + [ + "▁Au", + "gen" + ], + [ + "▁Aug", + "en" + ], + [ + "▁o", + "ckså" + ], + [ + "on", + "as" + ], + [ + "ona", + "s" + ], + [ + "o", + "nas" + ], + [ + "▁deb", + "ate" + ], + [ + "▁In", + "gl" + ], + [ + "▁Ing", + "l" + ], + [ + "D", + "a" + ], + [ + "SO", + "UR" + ], + [ + "S", + "OUR" + ], + [ + "ett", + "be" + ], + [ + "▁Batt", + "alion" + ], + [ + "▁F", + "loat" + ], + [ + "▁Flo", + "at" + ], + [ + "▁", + "Float" + ], + [ + "▁c", + "one" + ], + [ + "▁con", + "e" + ], + [ + "▁co", + "ne" + ], + [ + "read", + "sheet" + ], + [ + "co", + "urt" + ], + [ + "cou", + "rt" + ], + [ + "c", + "ourt" + ], + [ + "li", + "gen" + ], + [ + "lig", + "en" + ], + [ + "lige", + "n" + ], + [ + "l", + "igen" + ], + [ + "▁Begin", + "n" + ], + [ + "▁Beg", + "inn" + ], + [ + "▁LI", + "MIT" + ], + [ + "▁LIM", + "IT" + ], + [ + "▁enjo", + "yed" + ], + [ + "▁enjoy", + "ed" + ], + [ + "▁Jak", + "ob" + ], + [ + "▁t", + "elt" + ], + [ + "▁te", + "lt" + ], + [ + "▁tel", + "t" + ], + [ + "back", + "end" + ], + [ + "▁Gemeins", + "ame" + ], + [ + "li", + "nt" + ], + [ + "lin", + "t" + ], + [ + "l", + "int" + ], + [ + "al", + "ling" + ], + [ + "all", + "ing" + ], + [ + "▁b", + "ör" + ], + [ + "gr", + "and" + ], + [ + "gra", + "nd" + ], + [ + "g", + "rand" + ], + [ + "▁divers", + "es" + ], + [ + "▁diverse", + "s" + ], + [ + "▁z", + "wiąz" + ], + [ + "▁Kom", + "pon" + ], + [ + "▁inner", + "halb" + ], + [ + "▁desar", + "rollo" + ], + [ + "▁desarroll", + "o" + ], + [ + "▁Ma", + "sters" + ], + [ + "▁Mas", + "ters" + ], + [ + "▁Master", + "s" + ], + [ + "io", + "so" + ], + [ + "ios", + "o" + ], + [ + "i", + "oso" + ], + [ + "]`", + "." + ], + [ + "]", + "`." + ], + [ + "▁frances", + "a" + ], + [ + "▁franc", + "esa" + ], + [ + "A", + "ff" + ], + [ + "in", + "ek" + ], + [ + "ine", + "k" + ], + [ + "i", + "nek" + ], + [ + "▁des", + "sin" + ], + [ + "▁dess", + "in" + ], + [ + "`.", + "`" + ], + [ + "`", + ".`" + ], + [ + "▁r", + "anks" + ], + [ + "▁ran", + "ks" + ], + [ + "▁rank", + "s" + ], + [ + "бер", + "г" + ], + [ + "▁s", + "kal" + ], + [ + "▁sk", + "al" + ], + [ + "▁S", + "ultan" + ], + [ + "▁Sul", + "tan" + ], + [ + "А", + "Н" + ], + [ + "▁спо", + "соб" + ], + [ + "▁contra", + "dict" + ], + [ + "▁contrad", + "ict" + ], + [ + "▁re", + "com" + ], + [ + "▁rec", + "om" + ], + [ + "▁Ok", + "lahoma" + ], + [ + "▁Vlad", + "imir" + ], + [ + "▁m", + "eters" + ], + [ + "▁me", + "ters" + ], + [ + "▁met", + "ers" + ], + [ + "▁meter", + "s" + ], + [ + "trans", + "port" + ], + [ + "▁cons", + "ulté" + ], + [ + "▁consult", + "é" + ], + [ + "▁", + "consulté" + ], + [ + "▁A", + "TP" + ], + [ + "▁AT", + "P" + ], + [ + "eb", + "b" + ], + [ + "e", + "bb" + ], + [ + "▁vol", + "unte" + ], + [ + "▁volunt", + "e" + ], + [ + "▁out", + "line" + ], + [ + "LI", + "C" + ], + [ + "L", + "IC" + ], + [ + "▁e", + "uro" + ], + [ + "▁eu", + "ro" + ], + [ + "Char", + "Field" + ], + [ + "med", + "ium" + ], + [ + "medi", + "um" + ], + [ + "▁Belg", + "ique" + ], + [ + "Pro", + "c" + ], + [ + "Pr", + "oc" + ], + [ + "P", + "roc" + ], + [ + "ro", + "utes" + ], + [ + "route", + "s" + ], + [ + "rout", + "es" + ], + [ + "rou", + "tes" + ], + [ + "▁cont", + "ribu" + ], + [ + "▁contrib", + "u" + ], + [ + "!", + "}" + ], + [ + "ší", + "m" + ], + [ + "š", + "ím" + ], + [ + "▁L", + "ess" + ], + [ + "▁Le", + "ss" + ], + [ + "▁Les", + "s" + ], + [ + "▁K", + "ost" + ], + [ + "▁Ko", + "st" + ], + [ + "▁Kos", + "t" + ], + [ + "▁eredet", + "iből" + ], + [ + "re", + "ven" + ], + [ + "rev", + "en" + ], + [ + "r", + "even" + ], + [ + "ver", + "ify" + ], + [ + "▁S", + "alt" + ], + [ + "▁Sal", + "t" + ], + [ + "▁Sa", + "lt" + ], + [ + "▁shoot", + "ing" + ], + [ + "▁sho", + "oting" + ], + [ + "▁dis", + "pose" + ], + [ + "▁dispos", + "e" + ], + [ + "▁disp", + "ose" + ], + [ + "uj", + "í" + ], + [ + "▁t", + "ierra" + ], + [ + "▁tier", + "ra" + ], + [ + "▁po", + "ison" + ], + [ + "▁poi", + "son" + ], + [ + "sa", + "k" + ], + [ + "s", + "ak" + ], + [ + "periment", + "al" + ], + [ + "▁N", + "é" + ], + [ + "▁K", + "id" + ], + [ + "▁Ki", + "d" + ], + [ + "ag", + "yar" + ], + [ + "agy", + "ar" + ], + [ + "▁archiv", + "álva" + ], + [ + "be", + "reich" + ], + [ + "bere", + "ich" + ], + [ + "í", + "z" + ], + [ + "▁R", + "itter" + ], + [ + "▁Хронологи", + "ја" + ], + [ + "ze", + "um" + ], + [ + "да", + "х" + ], + [ + "▁gr", + "ünd" + ], + [ + "▁program", + "mer" + ], + [ + "▁programme", + "r" + ], + [ + "▁cons", + "eil" + ], + [ + "▁conse", + "il" + ], + [ + "▁enc", + "rypt" + ], + [ + "integr", + "ation" + ], + [ + "C", + "ulture" + ], + [ + "▁Circ", + "le" + ], + [ + "▁Cir", + "cle" + ], + [ + "Ob", + "servable" + ], + [ + "▁gen", + "omsnitt" + ], + [ + "▁Se", + "lection" + ], + [ + "▁Select", + "ion" + ], + [ + "▁Sel", + "ection" + ], + [ + "▁Sele", + "ction" + ], + [ + "▁", + "Selection" + ], + [ + "▁ir", + "regular" + ], + [ + "Aut", + "res" + ], + [ + "Per", + "cent" + ], + [ + "fa", + "ult" + ], + [ + "f", + "ault" + ], + [ + "▁virt", + "ue" + ], + [ + "ą", + "pi" + ], + [ + "▁s", + "ess" + ], + [ + "▁se", + "ss" + ], + [ + "▁ses", + "s" + ], + [ + "▁Так", + "же" + ], + [ + "Tim", + "estamp" + ], + [ + "▁litt", + "érature" + ], + [ + "▁mo", + "ż" + ], + [ + "▁b", + "orrow" + ], + [ + "▁bor", + "row" + ], + [ + "▁con", + "ced" + ], + [ + "▁conc", + "ed" + ], + [ + "▁conce", + "d" + ], + [ + "чни", + "к" + ], + [ + "ч", + "ник" + ], + [ + "▁L", + "und" + ], + [ + "▁Lu", + "nd" + ], + [ + "ION", + "S" + ], + [ + "IO", + "NS" + ], + [ + "yn", + "ie" + ], + [ + "y", + "nie" + ], + [ + "▁S", + "hin" + ], + [ + "▁Sh", + "in" + ], + [ + "▁o", + "sob" + ], + [ + "▁os", + "ob" + ], + [ + "b", + "ě" + ], + [ + "▁int", + "uit" + ], + [ + "▁intu", + "it" + ], + [ + "▁на", + "п" + ], + [ + "▁p", + "roph" + ], + [ + "▁pro", + "ph" + ], + [ + "▁pr", + "oph" + ], + [ + "▁prop", + "h" + ], + [ + "▁p", + "itt" + ], + [ + "▁pi", + "tt" + ], + [ + "▁pit", + "t" + ], + [ + "▁IB", + "M" + ], + [ + "▁T", + "ill" + ], + [ + "▁Ti", + "ll" + ], + [ + "▁h", + "ina" + ], + [ + "▁hi", + "na" + ], + [ + "▁hin", + "a" + ], + [ + "it", + "test" + ], + [ + "itt", + "est" + ], + [ + "itte", + "st" + ], + [ + "gener", + "ator" + ], + [ + "▁N", + "in" + ], + [ + "▁Ni", + "n" + ], + [ + "▁K", + "ot" + ], + [ + "▁Ko", + "t" + ], + [ + "▁p", + "asser" + ], + [ + "▁pass", + "er" + ], + [ + "▁pas", + "ser" + ], + [ + "▁passe", + "r" + ], + [ + "▁dis", + "position" + ], + [ + "▁dispos", + "ition" + ], + [ + "▁disp", + "osition" + ], + [ + "un", + "ing" + ], + [ + "uni", + "ng" + ], + [ + "u", + "ning" + ], + [ + "▁f", + "ame" + ], + [ + "▁fa", + "me" + ], + [ + "▁fam", + "e" + ], + [ + "▁t", + "enia" + ], + [ + "▁te", + "nia" + ], + [ + "▁ten", + "ia" + ], + [ + "an", + "cement" + ], + [ + "ance", + "ment" + ], + [ + "anc", + "ement" + ], + [ + "▁Su", + "isse" + ], + [ + "`", + "-" + ], + [ + "▁h", + "ombres" + ], + [ + "▁hom", + "bres" + ], + [ + "▁hombre", + "s" + ], + [ + "▁inf", + "inity" + ], + [ + "▁infin", + "ity" + ], + [ + "▁окон", + "ча" + ], + [ + "▁co", + "sm" + ], + [ + "▁cos", + "m" + ], + [ + "▁D", + "ennis" + ], + [ + "▁Den", + "nis" + ], + [ + "ba", + "z" + ], + [ + "b", + "az" + ], + [ + "ha", + "upt" + ], + [ + "h", + "aupt" + ], + [ + "▁might", + "y" + ], + [ + "▁pr", + "ede" + ], + [ + "▁pre", + "de" + ], + [ + "▁pred", + "e" + ], + [ + "us", + "able" + ], + [ + "usa", + "ble" + ], + [ + "▁ws", + "zyst" + ], + [ + "▁wsz", + "yst" + ], + [ + "▁l", + "b" + ], + [ + "▁", + "lb" + ], + [ + "AB", + "ASE" + ], + [ + "A", + "BASE" + ], + [ + "j", + "na" + ], + [ + "не", + "в" + ], + [ + "н", + "ев" + ], + [ + "▁as", + "es" + ], + [ + "▁", + "ases" + ], + [ + "▁final", + "mente" + ], + [ + "й", + "м" + ], + [ + "pe", + "ction" + ], + [ + "pect", + "ion" + ], + [ + "pec", + "tion" + ], + [ + "p", + "ection" + ], + [ + "▁Stud", + "ien" + ], + [ + "▁Norweg", + "ian" + ], + [ + "ce", + "go" + ], + [ + "c", + "ego" + ], + [ + "IN", + "DEX" + ], + [ + "IND", + "EX" + ], + [ + "or", + "ten" + ], + [ + "ort", + "en" + ], + [ + "orte", + "n" + ], + [ + "▁friend", + "ship" + ], + [ + "▁friends", + "hip" + ], + [ + "met", + "ro" + ], + [ + "m", + "etro" + ], + [ + "th", + "ick" + ], + [ + "▁Z", + "el" + ], + [ + "▁Ze", + "l" + ], + [ + "LO", + "W" + ], + [ + "L", + "OW" + ], + [ + "▁there", + "by" + ], + [ + "un", + "ted" + ], + [ + "unt", + "ed" + ], + [ + "unte", + "d" + ], + [ + "▁sur", + "faces" + ], + [ + "▁surface", + "s" + ], + [ + "ющи", + "м" + ], + [ + "%)", + "." + ], + [ + "%", + ")." + ], + [ + "▁W", + "onder" + ], + [ + "▁Wo", + "nder" + ], + [ + "▁redund", + "ant" + ], + [ + "▁G", + "ros" + ], + [ + "▁Gr", + "os" + ], + [ + "▁Gro", + "s" + ], + [ + "▁web", + "sites" + ], + [ + "▁website", + "s" + ], + [ + "▁v", + "io" + ], + [ + "▁vi", + "o" + ], + [ + "▁o", + "cas" + ], + [ + "▁oc", + "as" + ], + [ + "vé", + "s" + ], + [ + "v", + "és" + ], + [ + "▁G", + "am" + ], + [ + "▁Ga", + "m" + ], + [ + "d", + "w" + ], + [ + "Ind", + "icator" + ], + [ + "▁K", + "ob" + ], + [ + "▁Ko", + "b" + ], + [ + "▁j", + "ack" + ], + [ + "▁ja", + "ck" + ], + [ + "▁", + "jack" + ], + [ + "Hi", + "nt" + ], + [ + "H", + "int" + ], + [ + "▁A", + "pol" + ], + [ + "▁Ap", + "ol" + ], + [ + "▁други", + "е" + ], + [ + "▁N", + "UM" + ], + [ + "▁", + "NUM" + ], + [ + "▁o", + "fic" + ], + [ + "▁of", + "ic" + ], + [ + "yst", + "ycz" + ], + [ + "▁were", + "ld" + ], + [ + "▁wer", + "eld" + ], + [ + "мо", + "сти" + ], + [ + "LE", + "FT" + ], + [ + "▁T", + "ypes" + ], + [ + "▁Type", + "s" + ], + [ + "▁Ty", + "pes" + ], + [ + "▁Typ", + "es" + ], + [ + "▁", + "Types" + ], + [ + "se", + "en" + ], + [ + "see", + "n" + ], + [ + "s", + "een" + ], + [ + "un", + "cia" + ], + [ + "unc", + "ia" + ], + [ + "unci", + "a" + ], + [ + "▁n", + "arod" + ], + [ + "▁na", + "rod" + ], + [ + "▁nar", + "od" + ], + [ + "▁это", + "т" + ], + [ + "Side", + "note" + ], + [ + "S", + "idenote" + ], + [ + "ue", + "il" + ], + [ + "u", + "eil" + ], + [ + "▁от", + "ме" + ], + [ + "▁cour", + "ts" + ], + [ + "▁court", + "s" + ], + [ + "fi", + "r" + ], + [ + "f", + "ir" + ], + [ + "ur", + "z" + ], + [ + "u", + "rz" + ], + [ + "чен", + "ко" + ], + [ + "Cred", + "entials" + ], + [ + "▁imag", + "ination" + ], + [ + "it", + "ats" + ], + [ + "ita", + "ts" + ], + [ + "itat", + "s" + ], + [ + "bu", + "ff" + ], + [ + "buf", + "f" + ], + [ + "b", + "uff" + ], + [ + "fl", + "ash" + ], + [ + "▁bad", + "ly" + ], + [ + "▁w", + "orn" + ], + [ + "▁wor", + "n" + ], + [ + "▁wo", + "rn" + ], + [ + "▁окру", + "гу" + ], + [ + "cat", + "alog" + ], + [ + "catal", + "og" + ], + [ + "c", + "atalog" + ], + [ + "li", + "me" + ], + [ + "lim", + "e" + ], + [ + "l", + "ime" + ], + [ + "▁G", + "ill" + ], + [ + "▁Gi", + "ll" + ], + [ + "▁Gil", + "l" + ], + [ + "▁S", + "ent" + ], + [ + "▁Se", + "nt" + ], + [ + "▁Sen", + "t" + ], + [ + "ie", + "lla" + ], + [ + "iel", + "la" + ], + [ + "i", + "ella" + ], + [ + "▁Cra", + "ig" + ], + [ + "▁S", + "ele" + ], + [ + "▁Se", + "le" + ], + [ + "▁Sel", + "e" + ], + [ + "▁Indep", + "end" + ], + [ + "▁prov", + "incie" + ], + [ + "▁provin", + "cie" + ], + [ + "os", + "sen" + ], + [ + "oss", + "en" + ], + [ + "▁за", + "пад" + ], + [ + "▁запа", + "д" + ], + [ + "▁inf", + "ant" + ], + [ + "▁pr", + "events" + ], + [ + "▁prevent", + "s" + ], + [ + "▁prev", + "ents" + ], + [ + "▁provin", + "ces" + ], + [ + "▁province", + "s" + ], + [ + "af", + "é" + ], + [ + "be", + "g" + ], + [ + "b", + "eg" + ], + [ + "▁col", + "ours" + ], + [ + "▁colour", + "s" + ], + [ + "B", + "F" + ], + [ + "ë", + "n" + ], + [ + "▁Ме", + "жду" + ], + [ + "î", + "n" + ], + [ + "Ob", + "server" + ], + [ + "for", + "sch" + ], + [ + "í", + "gen" + ], + [ + "um", + "ption" + ], + [ + "ump", + "tion" + ], + [ + "▁Ill", + "ustr" + ], + [ + "ри", + "ст" + ], + [ + "рис", + "т" + ], + [ + "▁по", + "лови" + ], + [ + "▁пол", + "ови" + ], + [ + "▁поло", + "ви" + ], + [ + "▁`", + "&" + ], + [ + "▁o", + "re" + ], + [ + "▁or", + "e" + ], + [ + "▁", + "ore" + ], + [ + "▁supp", + "lies" + ], + [ + "▁parent", + "hes" + ], + [ + "Found", + "ation" + ], + [ + "▁v", + "ou" + ], + [ + "▁vo", + "u" + ], + [ + "▁T", + "out" + ], + [ + "▁To", + "ut" + ], + [ + "Don", + "ald" + ], + [ + "▁R", + "ET" + ], + [ + "▁RE", + "T" + ], + [ + "we", + "ig" + ], + [ + "wei", + "g" + ], + [ + "▁produ", + "cción" + ], + [ + "mi", + "x" + ], + [ + "m", + "ix" + ], + [ + "▁ut", + "wor" + ], + [ + "▁f", + "öl" + ], + [ + "▁fö", + "l" + ], + [ + "▁ent", + "ão" + ], + [ + "▁S", + "ister" + ], + [ + "▁Si", + "ster" + ], + [ + "Tag", + "s" + ], + [ + "T", + "ags" + ], + [ + "▁Савез", + "не" + ], + [ + "▁privile", + "ges" + ], + [ + "▁na", + "zw" + ], + [ + "▁naz", + "w" + ], + [ + "▁R", + "av" + ], + [ + "▁Ra", + "v" + ], + [ + "▁re", + "pro" + ], + [ + "▁rep", + "ro" + ], + [ + "▁repr", + "o" + ], + [ + "▁M", + "ason" + ], + [ + "▁Ma", + "son" + ], + [ + "▁Mas", + "on" + ], + [ + "▁Pl", + "atform" + ], + [ + "▁Plat", + "form" + ], + [ + "▁", + "Platform" + ], + [ + "▁про", + "бле" + ], + [ + "▁P", + "érez" + ], + [ + "▁bl", + "anc" + ], + [ + "▁bla", + "nc" + ], + [ + "▁blan", + "c" + ], + [ + "Be", + "havior" + ], + [ + "фи", + "ци" + ], + [ + "ek", + "en" + ], + [ + "e", + "ken" + ], + [ + "▁me", + "ets" + ], + [ + "▁meet", + "s" + ], + [ + "(.", + "*" + ], + [ + "(", + ".*" + ], + [ + "▁f", + "å" + ], + [ + "ep", + "en" + ], + [ + "e", + "pen" + ], + [ + "ma", + "ker" + ], + [ + "make", + "r" + ], + [ + "m", + "aker" + ], + [ + "▁lo", + "yal" + ], + [ + "mem", + "bers" + ], + [ + "member", + "s" + ], + [ + "m", + "embers" + ], + [ + "meister", + "schaft" + ], + [ + "go", + "al" + ], + [ + "ш", + "лен" + ], + [ + "▁се", + "веро" + ], + [ + "▁север", + "о" + ], + [ + "ie", + "nde" + ], + [ + "ien", + "de" + ], + [ + "i", + "ende" + ], + [ + "д", + "ні" + ], + [ + "Pro", + "of" + ], + [ + "▁exp", + "lic" + ], + [ + "▁expl", + "ic" + ], + [ + "▁elect", + "ro" + ], + [ + "ie", + "ls" + ], + [ + "iel", + "s" + ], + [ + "i", + "els" + ], + [ + "re", + "load" + ], + [ + "▁el", + "even" + ], + [ + "▁ele", + "ven" + ], + [ + "▁elev", + "en" + ], + [ + "▁part", + "idos" + ], + [ + "▁partido", + "s" + ], + [ + "în", + "e" + ], + [ + "î", + "ne" + ], + [ + "▁R", + "egin" + ], + [ + "▁Re", + "gin" + ], + [ + "▁Reg", + "in" + ], + [ + "▁é", + "x" + ], + [ + "▁Bu", + "lg" + ], + [ + "▁Bul", + "g" + ], + [ + "▁network", + "ing" + ], + [ + "▁net", + "working" + ], + [ + "▁se", + "parator" + ], + [ + "▁separ", + "ator" + ], + [ + "User", + "Name" + ], + [ + "▁edific", + "io" + ], + [ + "▁M", + "ie" + ], + [ + "▁Mi", + "e" + ], + [ + "▁id", + "le" + ], + [ + "ye", + "d" + ], + [ + "y", + "ed" + ], + [ + "▁pass", + "engers" + ], + [ + "▁passenger", + "s" + ], + [ + "+", + ")" + ], + [ + "me", + "no" + ], + [ + "men", + "o" + ], + [ + "m", + "eno" + ], + [ + "eg", + "gi" + ], + [ + "e", + "ggi" + ], + [ + "▁nice", + "ly" + ], + [ + "▁nic", + "ely" + ], + [ + "end", + "encia" + ], + [ + "enden", + "cia" + ], + [ + "чи", + "й" + ], + [ + "ét", + "és" + ], + [ + "été", + "s" + ], + [ + "ight", + "arrow" + ], + [ + "▁orth", + "ogonal" + ], + [ + "▁H", + "alf" + ], + [ + "▁Hal", + "f" + ], + [ + "▁fe", + "wer" + ], + [ + "▁few", + "er" + ], + [ + "▁pro", + "pi" + ], + [ + "▁prop", + "i" + ], + [ + "▁pr", + "imit" + ], + [ + "▁prim", + "it" + ], + [ + "▁pri", + "mit" + ], + [ + "▁primi", + "t" + ], + [ + "ic", + "ale" + ], + [ + "ical", + "e" + ], + [ + "ica", + "le" + ], + [ + "▁f", + "lower" + ], + [ + "▁fl", + "ower" + ], + [ + "▁flow", + "er" + ], + [ + "▁flo", + "wer" + ], + [ + "mer", + "k" + ], + [ + "m", + "erk" + ], + [ + "▁Оте", + "че" + ], + [ + "▁pers", + "istent" + ], + [ + "▁persist", + "ent" + ], + [ + "▁V", + "ille" + ], + [ + "▁Vill", + "e" + ], + [ + "▁Vi", + "lle" + ], + [ + "▁Vil", + "le" + ], + [ + "Me", + "n" + ], + [ + "M", + "en" + ], + [ + "ga", + "ben" + ], + [ + "gabe", + "n" + ], + [ + "g", + "aben" + ], + [ + "▁Isa", + "ac" + ], + [ + "at", + "ivity" + ], + [ + "ativ", + "ity" + ], + [ + "ati", + "vity" + ], + [ + "▁pół", + "noc" + ], + [ + "▁r", + "ok" + ], + [ + "▁ro", + "k" + ], + [ + "▁", + "rok" + ], + [ + "car", + "ds" + ], + [ + "card", + "s" + ], + [ + "c", + "ards" + ], + [ + "де", + "ния" + ], + [ + "▁ю", + "го" + ], + [ + "▁extra", + "ordinary" + ], + [ + "▁k", + "yr" + ], + [ + "(\"", + "," + ], + [ + "(", + "\"," + ], + [ + "))", + "]" + ], + [ + ")", + ")]" + ], + [ + "▁un", + "ix" + ], + [ + "▁", + "unix" + ], + [ + "ко", + "л" + ], + [ + "▁s", + "ink" + ], + [ + "▁sin", + "k" + ], + [ + "ap", + "sed" + ], + [ + "aps", + "ed" + ], + [ + "▁k", + "ommen" + ], + [ + "▁kom", + "men" + ], + [ + "▁komm", + "en" + ], + [ + "▁", + "kommen" + ], + [ + "▁for", + "cing" + ], + [ + "Ab", + "out" + ], + [ + "▁H", + "alle" + ], + [ + "▁Ha", + "lle" + ], + [ + "▁Hall", + "e" + ], + [ + "▁Hal", + "le" + ], + [ + "▁Maj", + "esty" + ], + [ + "▁Sw", + "itch" + ], + [ + "▁", + "Switch" + ], + [ + "▁ab", + "road" + ], + [ + "▁acceler", + "ation" + ], + [ + "ur", + "bed" + ], + [ + "urb", + "ed" + ], + [ + "▁о", + "стан" + ], + [ + "▁ос", + "тан" + ], + [ + "▁оста", + "н" + ], + [ + "▁ост", + "ан" + ], + [ + "Re", + "ady" + ], + [ + "Read", + "y" + ], + [ + "▁пів", + "ні" + ], + [ + "Br", + "a" + ], + [ + "B", + "ra" + ], + [ + "▁ць", + "ого" + ], + [ + "▁pl", + "ut" + ], + [ + "▁T", + "rain" + ], + [ + "▁Tr", + "ain" + ], + [ + "▁Tra", + "in" + ], + [ + "▁á", + "prilis" + ], + [ + "▁p", + "uesto" + ], + [ + "▁pu", + "esto" + ], + [ + "▁pue", + "sto" + ], + [ + "▁t", + "oss" + ], + [ + "▁to", + "ss" + ], + [ + "▁irre", + "levant" + ], + [ + "▁d", + "ip" + ], + [ + "▁di", + "p" + ], + [ + "se", + "gment" + ], + [ + "seg", + "ment" + ], + [ + "op", + "acity" + ], + [ + "▁lors", + "que" + ], + [ + "▁versch", + "ill" + ], + [ + "ен", + "а" + ], + [ + "е", + "на" + ], + [ + "▁D", + "oc" + ], + [ + "▁Do", + "c" + ], + [ + "▁", + "Doc" + ], + [ + "%%%%", + "%%%%" + ], + [ + "▁b", + "orders" + ], + [ + "▁border", + "s" + ], + [ + "▁bor", + "ders" + ], + [ + "▁bord", + "ers" + ], + [ + "ge", + "bras" + ], + [ + "geb", + "ras" + ], + [ + "gebra", + "s" + ], + [ + "▁r", + "ies" + ], + [ + "▁ri", + "es" + ], + [ + "▁", + "ries" + ], + [ + "▁Olymp", + "edia" + ], + [ + "▁Gener", + "ation" + ], + [ + "met", + "ros" + ], + [ + "metro", + "s" + ], + [ + "▁hor", + "izon" + ], + [ + "▁adapt", + "ation" + ], + [ + "▁Z", + "ahl" + ], + [ + "▁Za", + "hl" + ], + [ + "▁na", + "he" + ], + [ + "▁nah", + "e" + ], + [ + "▁B", + "ug" + ], + [ + "▁Bu", + "g" + ], + [ + "P", + "icture" + ], + [ + "љ", + "и" + ], + [ + "R", + "GB" + ], + [ + "O", + "wner" + ], + [ + "ad", + "in" + ], + [ + "adi", + "n" + ], + [ + "a", + "din" + ], + [ + "▁Catal", + "unya" + ], + [ + "ný", + "ch" + ], + [ + "n", + "ých" + ], + [ + "▁cual", + "quier" + ], + [ + "▁Inst", + "itution" + ], + [ + "▁Instit", + "ution" + ], + [ + "▁Institut", + "ion" + ], + [ + "in", + "sen" + ], + [ + "ins", + "en" + ], + [ + "▁Bras", + "ile" + ], + [ + "▁Brasil", + "e" + ], + [ + "▁f", + "itting" + ], + [ + "▁fit", + "ting" + ], + [ + "De", + "leg" + ], + [ + "Del", + "eg" + ], + [ + "ic", + "two" + ], + [ + "ict", + "wo" + ], + [ + "▁Ex", + "per" + ], + [ + "▁Exp", + "er" + ], + [ + "och", + "astic" + ], + [ + "▁d", + "us" + ], + [ + "▁du", + "s" + ], + [ + "▁по", + "ра" + ], + [ + "▁пор", + "а" + ], + [ + "▁sub", + "string" + ], + [ + "▁subst", + "ring" + ], + [ + "▁subs", + "tring" + ], + [ + "▁substr", + "ing" + ], + [ + "▁", + "substring" + ], + [ + "сси", + "и" + ], + [ + "с", + "сии" + ], + [ + "oi", + "n" + ], + [ + "o", + "in" + ], + [ + "▁ш", + "кола" + ], + [ + "▁шко", + "ла" + ], + [ + "▁c", + "x" + ], + [ + "▁", + "cx" + ], + [ + "▁%", + ")" + ], + [ + "▁", + "%)" + ], + [ + "▁Bud", + "dh" + ], + [ + "▁p", + "ending" + ], + [ + "▁pen", + "ding" + ], + [ + "▁En", + "try" + ], + [ + "▁Ent", + "ry" + ], + [ + "▁", + "Entry" + ], + [ + "▁Be", + "rl" + ], + [ + "▁Ber", + "l" + ], + [ + "▁c", + "ler" + ], + [ + "▁cl", + "er" + ], + [ + "▁cle", + "r" + ], + [ + "▁", + "cler" + ], + [ + "▁S", + "oc" + ], + [ + "▁So", + "c" + ], + [ + "▁r", + "ounded" + ], + [ + "▁round", + "ed" + ], + [ + "▁m", + "v" + ], + [ + "▁", + "mv" + ], + [ + "ít", + "ett" + ], + [ + "▁Di", + "plom" + ], + [ + "▁französ", + "ischen" + ], + [ + "▁G", + "an" + ], + [ + "▁Ga", + "n" + ], + [ + "▁Inv", + "estig" + ], + [ + "▁index", + "Path" + ], + [ + "▁", + "indexPath" + ], + [ + "▁mol", + "ti" + ], + [ + "▁molt", + "i" + ], + [ + "pers", + "istence" + ], + [ + "▁XIX", + "e" + ], + [ + "▁Elect", + "ron" + ], + [ + "b", + "ü" + ], + [ + "ge", + "le" + ], + [ + "gel", + "e" + ], + [ + "g", + "ele" + ], + [ + "▁M", + "aler" + ], + [ + "▁Ma", + "ler" + ], + [ + "▁Mal", + "er" + ], + [ + "▁Male", + "r" + ], + [ + "▁proyect", + "o" + ], + [ + "▁B", + "ath" + ], + [ + "▁Ba", + "th" + ], + [ + "▁Bat", + "h" + ], + [ + "el", + "lers" + ], + [ + "ell", + "ers" + ], + [ + "elle", + "rs" + ], + [ + "eller", + "s" + ], + [ + "▁G", + "P" + ], + [ + "▁", + "GP" + ], + [ + "on", + "ing" + ], + [ + "oni", + "ng" + ], + [ + "o", + "ning" + ], + [ + "clou", + "dflare" + ], + [ + "▁p", + "ři" + ], + [ + "▁př", + "i" + ], + [ + "▁d", + "ed" + ], + [ + "▁de", + "d" + ], + [ + "▁", + "ded" + ], + [ + "▁Od", + "kazy" + ], + [ + "▁M", + "sg" + ], + [ + "▁", + "Msg" + ], + [ + "▁B", + "eing" + ], + [ + "▁Be", + "ing" + ], + [ + "▁Bei", + "ng" + ], + [ + "▁De", + "puis" + ], + [ + "▁Dep", + "uis" + ], + [ + "▁Pri", + "mary" + ], + [ + "▁Prim", + "ary" + ], + [ + "▁Prima", + "ry" + ], + [ + "▁", + "Primary" + ], + [ + "▁App", + "ro" + ], + [ + "▁Ap", + "pro" + ], + [ + "▁form", + "ally" + ], + [ + "▁formal", + "ly" + ], + [ + "ступ", + "ил" + ], + [ + "ступи", + "л" + ], + [ + "▁fue", + "ra" + ], + [ + "▁fu", + "era" + ], + [ + "▁fuer", + "a" + ], + [ + "▁R", + "oot" + ], + [ + "▁Ro", + "ot" + ], + [ + "▁", + "Root" + ], + [ + "▁aut", + "onom" + ], + [ + "▁auto", + "nom" + ], + [ + "▁secret", + "ary" + ], + [ + "▁os", + "ób" + ], + [ + "▁cu", + "ales" + ], + [ + "▁cual", + "es" + ], + [ + "▁Dep", + "ending" + ], + [ + "▁a", + "si" + ], + [ + "▁as", + "i" + ], + [ + "▁", + "asi" + ], + [ + "ve", + "ra" + ], + [ + "ver", + "a" + ], + [ + "v", + "era" + ], + [ + "▁rus", + "se" + ], + [ + "▁russ", + "e" + ], + [ + "▁pro", + "ves" + ], + [ + "▁prov", + "es" + ], + [ + "▁prove", + "s" + ], + [ + "▁pres", + "iden" + ], + [ + "R", + "U" + ], + [ + "▁Wat", + "son" + ], + [ + "▁web", + "pack" + ], + [ + "▁", + "webpack" + ], + [ + "elli", + "gence" + ], + [ + "ellig", + "ence" + ], + [ + "ка", + "м" + ], + [ + "▁Office", + "r" + ], + [ + "▁Offic", + "er" + ], + [ + "▁d", + "elivery" + ], + [ + "▁deliver", + "y" + ], + [ + "▁deli", + "very" + ], + [ + "ж", + "дён" + ], + [ + "▁им", + "пе" + ], + [ + "▁w", + "il" + ], + [ + "▁v", + "esc" + ], + [ + "▁ve", + "sc" + ], + [ + "▁ves", + "c" + ], + [ + "uszt", + "us" + ], + [ + "▁Ge", + "off" + ], + [ + "()", + "}" + ], + [ + "(", + ")}" + ], + [ + "▁F", + "ore" + ], + [ + "▁For", + "e" + ], + [ + "▁Fo", + "re" + ], + [ + "▁w", + "enig" + ], + [ + "▁we", + "nig" + ], + [ + "▁wen", + "ig" + ], + [ + "▁A", + "irl" + ], + [ + "▁Air", + "l" + ], + [ + "▁E", + "fter" + ], + [ + "▁Bre", + "ak" + ], + [ + "▁St", + "äd" + ], + [ + "is", + "miss" + ], + [ + "ism", + "iss" + ], + [ + "í", + "p" + ], + [ + "▁avoid", + "ed" + ], + [ + "▁avo", + "ided" + ], + [ + "▁assert", + "ion" + ], + [ + "D", + "N" + ], + [ + "▁te", + "at" + ], + [ + "▁tea", + "t" + ], + [ + "ín", + "a" + ], + [ + "í", + "na" + ], + [ + "▁mechan", + "ical" + ], + [ + "is", + "u" + ], + [ + "i", + "su" + ], + [ + "@", + "{" + ], + [ + "▁n", + "ou" + ], + [ + "▁no", + "u" + ], + [ + "▁", + "nou" + ], + [ + "Ital", + "ie" + ], + [ + "source", + "forge" + ], + [ + "▁s", + "vo" + ], + [ + "▁sv", + "o" + ], + [ + "▁kir", + "ály" + ], + [ + "▁Re", + "ferences" + ], + [ + "▁Refer", + "ences" + ], + [ + "▁Reference", + "s" + ], + [ + "si", + "x" + ], + [ + "s", + "ix" + ], + [ + "▁Arch", + "ives" + ], + [ + "▁Archiv", + "es" + ], + [ + "▁Archive", + "s" + ], + [ + "▁fin", + "ishing" + ], + [ + "▁finish", + "ing" + ], + [ + "ac", + "je" + ], + [ + "ét", + "at" + ], + [ + "éta", + "t" + ], + [ + "é", + "tat" + ], + [ + "if", + "fs" + ], + [ + "iff", + "s" + ], + [ + "▁st", + "ead" + ], + [ + "▁ste", + "ad" + ], + [ + "▁fe", + "as" + ], + [ + "aw", + "are" + ], + [ + "awa", + "re" + ], + [ + "a", + "ware" + ], + [ + "la", + "nde" + ], + [ + "land", + "e" + ], + [ + "lan", + "de" + ], + [ + "l", + "ande" + ], + [ + "In", + "ject" + ], + [ + "▁A", + "gent" + ], + [ + "▁Ag", + "ent" + ], + [ + "▁Age", + "nt" + ], + [ + "▁", + "Agent" + ], + [ + "▁Norm", + "datei" + ], + [ + "▁a", + "men" + ], + [ + "▁am", + "en" + ], + [ + "▁", + "amen" + ], + [ + "▁Arch", + "itecture" + ], + [ + "az", + "e" + ], + [ + "a", + "ze" + ], + [ + "ș", + "te" + ], + [ + "▁us", + "ar" + ], + [ + "▁c", + "ores" + ], + [ + "▁cor", + "es" + ], + [ + "▁co", + "res" + ], + [ + "▁core", + "s" + ], + [ + "лі", + "н" + ], + [ + "л", + "ін" + ], + [ + "▁C", + "astro" + ], + [ + "▁Cast", + "ro" + ], + [ + "▁v", + "æ" + ], + [ + ">\"", + "," + ], + [ + ">", + "\"," + ], + [ + "om", + "ena" + ], + [ + "ome", + "na" + ], + [ + "omen", + "a" + ], + [ + "▁ge", + "sam" + ], + [ + "▁ges", + "am" + ], + [ + "▁Mart", + "ín" + ], + [ + "▁Martí", + "n" + ], + [ + "eg", + "ung" + ], + [ + "egu", + "ng" + ], + [ + "▁spole", + "č" + ], + [ + "▁ampl", + "itude" + ], + [ + "▁amplit", + "ude" + ], + [ + "▁import", + "ing" + ], + [ + "▁list", + "view" + ], + [ + "TH", + "E" + ], + [ + "T", + "HE" + ], + [ + "zi", + "ale" + ], + [ + "zial", + "e" + ], + [ + "zia", + "le" + ], + [ + "z", + "iale" + ], + [ + "ce", + "des" + ], + [ + "ced", + "es" + ], + [ + "c", + "edes" + ], + [ + "▁particul", + "ier" + ], + [ + "▁Распо", + "дела" + ], + [ + "▁кра", + "й" + ], + [ + "▁d", + "ivent" + ], + [ + "▁di", + "vent" + ], + [ + "▁div", + "ent" + ], + [ + "▁k", + "é" + ], + [ + "▁", + "ké" + ], + [ + "qu", + "it" + ], + [ + "qui", + "t" + ], + [ + "q", + "uit" + ], + [ + "то", + "ром" + ], + [ + "тор", + "ом" + ], + [ + "Check", + "Box" + ], + [ + "▁Zob", + "acz" + ], + [ + "ph", + "e" + ], + [ + "p", + "he" + ], + [ + "pt", + "a" + ], + [ + "p", + "ta" + ], + [ + "▁s", + "jö" + ], + [ + "▁sj", + "ö" + ], + [ + "▁розта", + "ш" + ], + [ + "▁tedes", + "co" + ], + [ + "▁s", + "tal" + ], + [ + "▁st", + "al" + ], + [ + "▁sta", + "l" + ], + [ + "▁", + "stal" + ], + [ + "▁Be", + "ruf" + ], + [ + "▁Ber", + "uf" + ], + [ + "ова", + "я" + ], + [ + "о", + "вая" + ], + [ + "▁s", + "vě" + ], + [ + "▁sv", + "ě" + ], + [ + "▁fl", + "ush" + ], + [ + "▁flu", + "sh" + ], + [ + "▁", + "flush" + ], + [ + "▁від", + "бу" + ], + [ + "▁rad", + "ial" + ], + [ + "▁radi", + "al" + ], + [ + "▁différ", + "entes" + ], + [ + "ан", + "та" + ], + [ + "▁Per", + "ry" + ], + [ + "Col", + "l" + ], + [ + "Co", + "ll" + ], + [ + "C", + "oll" + ], + [ + "li", + "qu" + ], + [ + "l", + "iqu" + ], + [ + "▁Option", + "al" + ], + [ + "▁Opt", + "ional" + ], + [ + "▁", + "Optional" + ], + [ + "▁Сан", + "кт" + ], + [ + "▁LIN", + "Q" + ], + [ + "▁Fran", + "c" + ], + [ + "▁Fr", + "anc" + ], + [ + "▁Fra", + "nc" + ], + [ + "ci", + "je" + ], + [ + "c", + "ije" + ], + [ + "▁Gu", + "illaume" + ], + [ + "kn", + "ow" + ], + [ + "k", + "now" + ], + [ + "▁Un", + "its" + ], + [ + "▁Unit", + "s" + ], + [ + "ol", + "k" + ], + [ + "▁Syst", + "ème" + ], + [ + "▁S", + "ales" + ], + [ + "▁Sal", + "es" + ], + [ + "▁Sa", + "les" + ], + [ + "▁ehemal", + "igen" + ], + [ + "ми", + "рова" + ], + [ + "мир", + "ова" + ], + [ + "x", + "html" + ], + [ + "set", + "opt" + ], + [ + "▁m", + "ellan" + ], + [ + "▁mel", + "lan" + ], + [ + "▁z", + "ie" + ], + [ + "▁", + "zie" + ], + [ + "▁gi", + "ant" + ], + [ + "Bo", + "ard" + ], + [ + "▁C", + "aval" + ], + [ + "▁Ca", + "val" + ], + [ + "▁Cav", + "al" + ], + [ + "▁def", + "ence" + ], + [ + "--", + "--------" + ], + [ + "----", + "------" + ], + [ + "--------", + "--" + ], + [ + "---", + "-------" + ], + [ + "------", + "----" + ], + [ + "-----", + "-----" + ], + [ + "-------", + "---" + ], + [ + "ps", + "hire" + ], + [ + "p", + "shire" + ], + [ + "ma", + "rt" + ], + [ + "mar", + "t" + ], + [ + "m", + "art" + ], + [ + "▁Di", + "oc" + ], + [ + "is", + "kt" + ], + [ + "isk", + "t" + ], + [ + "▁in", + "se" + ], + [ + "▁ins", + "e" + ], + [ + "▁é", + "pisode" + ], + [ + "чи", + "к" + ], + [ + "bar", + "s" + ], + [ + "ba", + "rs" + ], + [ + "b", + "ars" + ], + [ + "Si", + "to" + ], + [ + "S", + "ito" + ], + [ + "▁integr", + "ity" + ], + [ + "au", + "ff" + ], + [ + "auf", + "f" + ], + [ + "a", + "uff" + ], + [ + "▁v", + "är" + ], + [ + "▁vä", + "r" + ], + [ + "Az", + "ure" + ], + [ + "▁star", + "b" + ], + [ + "▁sta", + "rb" + ], + [ + "▁кон", + "тра" + ], + [ + "▁Мекси", + "чка" + ], + [ + "▁за", + "па" + ], + [ + "▁Mount", + "ains" + ], + [ + "▁Mountain", + "s" + ], + [ + "}}", + "=" + ], + [ + "}", + "}=" + ], + [ + "▁pull", + "ing" + ], + [ + "▁pul", + "ling" + ], + [ + "▁sat", + "ellite" + ], + [ + "▁at", + "oms" + ], + [ + "▁atom", + "s" + ], + [ + "▁profes", + "or" + ], + [ + "▁repeated", + "ly" + ], + [ + "▁repeat", + "edly" + ], + [ + "▁inv", + "asion" + ], + [ + "▁invas", + "ion" + ], + [ + "program", + "ming" + ], + [ + "├", + "──" + ], + [ + "▁L", + "ip" + ], + [ + "▁Li", + "p" + ], + [ + "вши", + "е" + ], + [ + "в", + "шие" + ], + [ + "▁k", + "een" + ], + [ + "▁ke", + "en" + ], + [ + "▁crit", + "ics" + ], + [ + "▁critic", + "s" + ], + [ + "▁N", + "icola" + ], + [ + "▁Nicol", + "a" + ], + [ + "▁Nic", + "ola" + ], + [ + "▁Ni", + "cola" + ], + [ + "▁C", + "and" + ], + [ + "▁Can", + "d" + ], + [ + "▁Ca", + "nd" + ], + [ + "▁dist", + "int" + ], + [ + "▁he", + "ading" + ], + [ + "▁head", + "ing" + ], + [ + "p", + "ragma" + ], + [ + "{", + "|" + ], + [ + "ym", + "en" + ], + [ + "yme", + "n" + ], + [ + "y", + "men" + ], + [ + "▁ter", + "rain" + ], + [ + "▁terra", + "in" + ], + [ + "ied", + "enis" + ], + [ + "▁bes", + "onders" + ], + [ + "▁nomin", + "ated" + ], + [ + "BO", + "OL" + ], + [ + "▁K", + "ay" + ], + [ + "▁Ka", + "y" + ], + [ + "ci", + "an" + ], + [ + "cia", + "n" + ], + [ + "c", + "ian" + ], + [ + "st", + "elle" + ], + [ + "ste", + "lle" + ], + [ + "stell", + "e" + ], + [ + "▁disput", + "e" + ], + [ + "▁disp", + "ute" + ], + [ + "▁", + "щ" + ], + [ + "Data", + "Set" + ], + [ + "no", + "thing" + ], + [ + "not", + "hing" + ], + [ + "n", + "othing" + ], + [ + "Aut", + "om" + ], + [ + "Auto", + "m" + ], + [ + "hör", + "en" + ], + [ + "hö", + "ren" + ], + [ + "▁s", + "hed" + ], + [ + "▁sh", + "ed" + ], + [ + "▁she", + "d" + ], + [ + "▁p", + "aused" + ], + [ + "▁pa", + "used" + ], + [ + "▁pause", + "d" + ], + [ + "▁pau", + "sed" + ], + [ + "sa", + "n" + ], + [ + "s", + "an" + ], + [ + "▁nun", + "ca" + ], + [ + "!(", + "\"" + ], + [ + "!", + "(\"" + ], + [ + "▁po", + "łoż" + ], + [ + "Se", + "cret" + ], + [ + "Sec", + "ret" + ], + [ + "▁Do", + "main" + ], + [ + "▁Dom", + "ain" + ], + [ + "▁", + "Domain" + ], + [ + "▁воз", + "мож" + ], + [ + "X", + "V" + ], + [ + "l", + "v" + ], + [ + "ik", + "h" + ], + [ + "i", + "kh" + ], + [ + "▁S", + "ony" + ], + [ + "▁So", + "ny" + ], + [ + "▁Son", + "y" + ], + [ + "m", + "q" + ], + [ + "ot", + "rop" + ], + [ + "otr", + "op" + ], + [ + "▁Log", + "ger" + ], + [ + "▁", + "Logger" + ], + [ + "▁thre", + "at" + ], + [ + "as", + "ted" + ], + [ + "ast", + "ed" + ], + [ + "aste", + "d" + ], + [ + "a", + "sted" + ], + [ + "зь", + "ко" + ], + [ + "▁fre", + "ely" + ], + [ + "▁free", + "ly" + ], + [ + "▁improve", + "ments" + ], + [ + "▁improv", + "ements" + ], + [ + "▁improvement", + "s" + ], + [ + "ist", + "ema" + ], + [ + "iste", + "ma" + ], + [ + "▁illustr", + "ate" + ], + [ + "▁t", + "act" + ], + [ + "▁ta", + "ct" + ], + [ + "▁fig", + "ur" + ], + [ + "ué", + "s" + ], + [ + "u", + "és" + ], + [ + "rim", + "inal" + ], + [ + "rimin", + "al" + ], + [ + "od", + "on" + ], + [ + "odo", + "n" + ], + [ + "o", + "don" + ], + [ + "int", + "endo" + ], + [ + "▁influ", + "enced" + ], + [ + "▁influence", + "d" + ], + [ + "▁influen", + "ced" + ], + [ + "FF", + "ER" + ], + [ + "▁G", + "host" + ], + [ + "▁Gh", + "ost" + ], + [ + "▁со", + "вер" + ], + [ + "▁сов", + "ер" + ], + [ + "na", + "d" + ], + [ + "n", + "ad" + ], + [ + "ion", + "ed" + ], + [ + "io", + "ned" + ], + [ + "ione", + "d" + ], + [ + "i", + "oned" + ], + [ + "▁Event", + "s" + ], + [ + "▁Ev", + "ents" + ], + [ + "▁Even", + "ts" + ], + [ + "▁", + "Events" + ], + [ + "▁wr", + "apping" + ], + [ + "▁wra", + "pping" + ], + [ + "▁wrap", + "ping" + ], + [ + "--------", + "-+" + ], + [ + "---", + "------+" + ], + [ + "------", + "---+" + ], + [ + "-----", + "----+" + ], + [ + "-------", + "--+" + ], + [ + "fi", + "f" + ], + [ + "f", + "if" + ], + [ + "▁(", + "**" + ], + [ + "▁(*", + "*" + ], + [ + "={", + "{" + ], + [ + "=", + "{{" + ], + [ + "ма", + "ль" + ], + [ + "м", + "аль" + ], + [ + "▁loss", + "es" + ], + [ + "▁Gal", + "erie" + ], + [ + "te", + "l" + ], + [ + "t", + "el" + ], + [ + "▁лю", + "того" + ], + [ + "▁K", + "ru" + ], + [ + "▁Kr", + "u" + ], + [ + "▁P", + "olen" + ], + [ + "▁Pol", + "en" + ], + [ + "▁Po", + "len" + ], + [ + "ні", + "м" + ], + [ + "ne", + "ar" + ], + [ + "nea", + "r" + ], + [ + "n", + "ear" + ], + [ + "▁sh", + "ame" + ], + [ + "▁moy", + "enne" + ], + [ + "▁C", + "P" + ], + [ + "▁", + "CP" + ], + [ + "pre", + "is" + ], + [ + "▁pass", + "enger" + ], + [ + "le", + "k" + ], + [ + "l", + "ek" + ], + [ + "ion", + "ales" + ], + [ + "ional", + "es" + ], + [ + "ionale", + "s" + ], + [ + "iona", + "les" + ], + [ + "kaf", + "ka" + ], + [ + "k", + "afka" + ], + [ + "▁partic", + "ipe" + ], + [ + "▁particip", + "e" + ], + [ + "▁parti", + "cipe" + ], + [ + "▁partici", + "pe" + ], + [ + "▁memb", + "ership" + ], + [ + "▁member", + "ship" + ], + [ + "▁members", + "hip" + ], + [ + "[", + "_" + ], + [ + "land", + "o" + ], + [ + "lan", + "do" + ], + [ + "l", + "ando" + ], + [ + "st", + "elling" + ], + [ + "stell", + "ing" + ], + [ + "Se", + "m" + ], + [ + "S", + "em" + ], + [ + "go", + "n" + ], + [ + "g", + "on" + ], + [ + "▁Cor", + "rect" + ], + [ + "▁v", + "alle" + ], + [ + "▁val", + "le" + ], + [ + "▁va", + "lle" + ], + [ + "▁vall", + "e" + ], + [ + "▁read", + "ily" + ], + [ + "▁Dok", + "ument" + ], + [ + "hon", + "neur" + ], + [ + "h", + "onneur" + ], + [ + "▁test", + "im" + ], + [ + "ul", + "ative" + ], + [ + "do", + "Filter" + ], + [ + "▁domin", + "ant" + ], + [ + "am", + "mer" + ], + [ + "amm", + "er" + ], + [ + "▁ко", + "ја" + ], + [ + "▁M", + "onsieur" + ], + [ + "ze", + "g" + ], + [ + "z", + "eg" + ], + [ + "▁вій", + "ни" + ], + [ + "▁F", + "o" + ], + [ + "▁A", + "my" + ], + [ + "▁Am", + "y" + ], + [ + "▁", + "¡" + ], + [ + "▁febru", + "ár" + ], + [ + "▁down", + "loading" + ], + [ + "▁download", + "ing" + ], + [ + "▁l", + "eng" + ], + [ + "▁le", + "ng" + ], + [ + "▁len", + "g" + ], + [ + "\\}$", + "," + ], + [ + "\\}", + "$," + ], + [ + "\\", + "}$," + ], + [ + "▁ne", + "at" + ], + [ + "▁C", + "ache" + ], + [ + "▁Ca", + "che" + ], + [ + "▁", + "Cache" + ], + [ + "IC", + "ATION" + ], + [ + "▁de", + "ve" + ], + [ + "▁dev", + "e" + ], + [ + "▁s", + "orrow" + ], + [ + "▁sor", + "row" + ], + [ + "sl", + "ow" + ], + [ + "s", + "low" + ], + [ + "▁hin", + "aus" + ], + [ + "▁hina", + "us" + ], + [ + "▁recon", + "oc" + ], + [ + "▁Lin", + "ked" + ], + [ + "▁Link", + "ed" + ], + [ + "▁Sh", + "aw" + ], + [ + "mar", + "ket" + ], + [ + "mark", + "et" + ], + [ + "▁D", + "ic" + ], + [ + "▁Di", + "c" + ], + [ + "▁S", + "ki" + ], + [ + "▁Sk", + "i" + ], + [ + "▁del", + "imiter" + ], + [ + "▁Main", + "Activity" + ], + [ + "▁", + "MainActivity" + ], + [ + "▁Mus", + "ical" + ], + [ + "▁Music", + "al" + ], + [ + "▁Re", + "yn" + ], + [ + "▁Rey", + "n" + ], + [ + "Scroll", + "View" + ], + [ + "▁convent", + "ional" + ], + [ + "▁convention", + "al" + ], + [ + "en", + "ça" + ], + [ + "enç", + "a" + ], + [ + "▁re", + "factor" + ], + [ + "▁ref", + "actor" + ], + [ + "'", + "-" + ], + [ + "▁H", + "ed" + ], + [ + "▁He", + "d" + ], + [ + "spr", + "ech" + ], + [ + "spre", + "ch" + ], + [ + "▁ath", + "let" + ], + [ + "▁e", + "species" + ], + [ + "▁es", + "pecies" + ], + [ + "▁espe", + "cies" + ], + [ + "▁espec", + "ies" + ], + [ + "▁especie", + "s" + ], + [ + "▁Sch", + "ön" + ], + [ + "▁kle", + "inen" + ], + [ + "▁kleine", + "n" + ], + [ + "▁klein", + "en" + ], + [ + "ш", + "ко" + ], + [ + "▁Й", + "о" + ], + [ + "▁H", + "appy" + ], + [ + "▁Ha", + "ppy" + ], + [ + "multi", + "row" + ], + [ + "▁august", + "i" + ], + [ + "▁G", + "and" + ], + [ + "▁Ga", + "nd" + ], + [ + "▁Gan", + "d" + ], + [ + "▁appoint", + "ment" + ], + [ + "▁Medi", + "abestanden" + ], + [ + "Th", + "ree" + ], + [ + "▁Kenn", + "eth" + ], + [ + "NE", + "W" + ], + [ + "▁Not", + "ification" + ], + [ + "▁", + "Notification" + ], + [ + "▁Mar", + "x" + ], + [ + "▁Ma", + "rx" + ], + [ + "▁in", + "sc" + ], + [ + "▁ins", + "c" + ], + [ + "Mo", + "r" + ], + [ + "M", + "or" + ], + [ + "вы", + "й" + ], + [ + "в", + "ый" + ], + [ + "vä", + "st" + ], + [ + "v", + "äst" + ], + [ + "vi", + "dia" + ], + [ + "vid", + "ia" + ], + [ + "v", + "idia" + ], + [ + "▁demonstr", + "ated" + ], + [ + "▁demonstrate", + "d" + ], + [ + "font", + "s" + ], + [ + "fon", + "ts" + ], + [ + "▁k", + "amen" + ], + [ + "▁kam", + "en" + ], + [ + "▁ka", + "men" + ], + [ + "▁S", + "ter" + ], + [ + "▁St", + "er" + ], + [ + "▁Ste", + "r" + ], + [ + "▁mieszkań", + "ców" + ], + [ + "▁K", + "oh" + ], + [ + "▁Ko", + "h" + ], + [ + "~$", + "\\" + ], + [ + "~", + "$\\" + ], + [ + "»)", + "." + ], + [ + "»", + ")." + ], + [ + "re", + "ne" + ], + [ + "ren", + "e" + ], + [ + "r", + "ene" + ], + [ + "ins", + "ic" + ], + [ + "ic", + "ká" + ], + [ + "ick", + "á" + ], + [ + "xy", + "gen" + ], + [ + "▁m", + "n" + ], + [ + "▁", + "mn" + ], + [ + "▁s", + "ched" + ], + [ + "▁sc", + "hed" + ], + [ + "▁sch", + "ed" + ], + [ + "▁sche", + "d" + ], + [ + "AS", + "C" + ], + [ + "A", + "SC" + ], + [ + "I", + "g" + ], + [ + "▁Const", + "ant" + ], + [ + "▁opport", + "un" + ], + [ + "▁My", + "Class" + ], + [ + "se", + "f" + ], + [ + "s", + "ef" + ], + [ + "op", + "ed" + ], + [ + "ope", + "d" + ], + [ + "o", + "ped" + ], + [ + "▁inj", + "ured" + ], + [ + "VI", + "S" + ], + [ + "V", + "IS" + ], + [ + "▁P", + "ero" + ], + [ + "▁Per", + "o" + ], + [ + "▁Pe", + "ro" + ], + [ + "▁U", + "ntil" + ], + [ + "▁Un", + "til" + ], + [ + "▁f", + "lesh" + ], + [ + "▁fl", + "esh" + ], + [ + "▁fle", + "sh" + ], + [ + "orph", + "ism" + ], + [ + "▁Port", + "al" + ], + [ + "▁Por", + "tal" + ], + [ + "▁gmin", + "y" + ], + [ + "▁вла", + "сти" + ], + [ + "▁N", + "ä" + ], + [ + "кти", + "че" + ], + [ + "к", + "тиче" + ], + [ + "▁h", + "rab" + ], + [ + "▁hr", + "ab" + ], + [ + "▁C", + "ub" + ], + [ + "▁Cu", + "b" + ], + [ + "av", + "oir" + ], + [ + "avo", + "ir" + ], + [ + "a", + "voir" + ], + [ + "▁L", + "ars" + ], + [ + "▁La", + "rs" + ], + [ + "▁Lar", + "s" + ], + [ + "▁Бе", + "ло" + ], + [ + "▁seizo", + "en" + ], + [ + "▁Gen", + "omsnitt" + ], + [ + "▁L", + "il" + ], + [ + "▁Li", + "l" + ], + [ + "▁P", + "ool" + ], + [ + "▁Po", + "ol" + ], + [ + "▁", + "Pool" + ], + [ + "▁D", + "ios" + ], + [ + "▁Di", + "os" + ], + [ + "T", + "X" + ], + [ + "ae", + "s" + ], + [ + "a", + "es" + ], + [ + "aut", + "ore" + ], + [ + "auto", + "re" + ], + [ + "autor", + "e" + ], + [ + "Al", + "pha" + ], + [ + "st", + "ates" + ], + [ + "state", + "s" + ], + [ + "sta", + "tes" + ], + [ + "stat", + "es" + ], + [ + "La", + "b" + ], + [ + "L", + "ab" + ], + [ + "n", + "ederbörd" + ], + [ + "er", + "ton" + ], + [ + "ert", + "on" + ], + [ + "▁b", + "rid" + ], + [ + "▁br", + "id" + ], + [ + "▁", + "brid" + ], + [ + "▁r", + "icht" + ], + [ + "▁rich", + "t" + ], + [ + "▁ric", + "ht" + ], + [ + "▁ri", + "cht" + ], + [ + "▁", + "richt" + ], + [ + "▁E", + "la" + ], + [ + "▁El", + "a" + ], + [ + "▁с", + "ла" + ], + [ + "▁", + "сла" + ], + [ + "▁weap", + "on" + ], + [ + "▁comb", + "att" + ], + [ + "▁combat", + "t" + ], + [ + "ag", + "ar" + ], + [ + "aga", + "r" + ], + [ + "a", + "gar" + ], + [ + "▁reg", + "nig" + ], + [ + "▁util", + "isé" + ], + [ + "▁utilis", + "é" + ], + [ + "▁ser", + "vir" + ], + [ + "▁serv", + "ir" + ], + [ + "▁servi", + "r" + ], + [ + "▁b", + "rick" + ], + [ + "▁br", + "ick" + ], + [ + "▁gate", + "way" + ], + [ + "▁tor", + "raste" + ], + [ + "▁proced", + "ures" + ], + [ + "▁procedure", + "s" + ], + [ + "▁års", + "nederbörd" + ], + [ + "▁Genomsnitt", + "lig" + ], + [ + "чё", + "т" + ], + [ + "ч", + "ёт" + ], + [ + "▁om", + "rå" + ], + [ + "▁", + "områ" + ], + [ + "▁regnig", + "aste" + ], + [ + "▁че", + "сть" + ], + [ + "▁a", + "mid" + ], + [ + "▁am", + "id" + ], + [ + "▁ami", + "d" + ], + [ + "▁gr", + "ateful" + ], + [ + "▁D", + "IS" + ], + [ + "▁DI", + "S" + ], + [ + "▁", + "DIS" + ], + [ + "DA", + "Y" + ], + [ + "▁о", + "ру" + ], + [ + "▁ор", + "у" + ], + [ + "▁", + "ору" + ], + [ + "▁riv", + "ière" + ], + [ + "he", + "ure" + ], + [ + "▁Rich", + "mond" + ], + [ + "▁Com", + "par" + ], + [ + "▁Comp", + "ar" + ], + [ + "▁Н", + "ор" + ], + [ + "▁Но", + "р" + ], + [ + "DO", + "C" + ], + [ + "D", + "OC" + ], + [ + "es", + "ia" + ], + [ + "esi", + "a" + ], + [ + "cal", + "c" + ], + [ + "▁I", + "U" + ], + [ + "▁v", + "org" + ], + [ + "▁vo", + "rg" + ], + [ + "▁vor", + "g" + ], + [ + "▁hab", + "ían" + ], + [ + "▁había", + "n" + ], + [ + "ço", + "it" + ], + [ + "ç", + "oit" + ], + [ + "▁a", + "rist" + ], + [ + "▁ar", + "ist" + ], + [ + "▁к", + "ли" + ], + [ + "▁", + "кли" + ], + [ + "▁S", + "ue" + ], + [ + "▁Su", + "e" + ], + [ + "▁T", + "ouch" + ], + [ + "▁To", + "uch" + ], + [ + "▁", + "Touch" + ], + [ + "▁Writ", + "ing" + ], + [ + "ifi", + "able" + ], + [ + "▁w", + "c" + ], + [ + "▁with", + "draw" + ], + [ + "за", + "р" + ], + [ + "з", + "ар" + ], + [ + "▁present", + "ly" + ], + [ + "▁pres", + "ently" + ], + [ + "▁F", + "K" + ], + [ + "▁pr", + "akt" + ], + [ + "▁pra", + "kt" + ], + [ + "▁col", + "ored" + ], + [ + "▁color", + "ed" + ], + [ + "us", + "b" + ], + [ + "u", + "sb" + ], + [ + "▁Per", + "ú" + ], + [ + "▁pl", + "ata" + ], + [ + "▁pla", + "ta" + ], + [ + "▁plat", + "a" + ], + [ + "▁w", + "ishes" + ], + [ + "▁wish", + "es" + ], + [ + "▁wis", + "hes" + ], + [ + "▁ка", + "м" + ], + [ + "▁", + "кам" + ], + [ + "az", + "ar" + ], + [ + "aza", + "r" + ], + [ + "a", + "zar" + ], + [ + "áv", + "el" + ], + [ + "á", + "vel" + ], + [ + "▁l", + "amp" + ], + [ + "▁la", + "mp" + ], + [ + "bi", + "shop" + ], + [ + "b", + "ishop" + ], + [ + "▁in", + "clusion" + ], + [ + "▁incl", + "usion" + ], + [ + "▁inclus", + "ion" + ], + [ + "j", + "q" + ], + [ + "ar", + "th" + ], + [ + "art", + "h" + ], + [ + "▁F", + "lag" + ], + [ + "▁Fl", + "ag" + ], + [ + "▁", + "Flag" + ], + [ + "▁но", + "р" + ], + [ + "▁н", + "ор" + ], + [ + "æ", + "dia" + ], + [ + "UN", + "CTION" + ], + [ + "▁Bahn", + "hof" + ], + [ + "▁appro", + "aching" + ], + [ + "▁approach", + "ing" + ], + [ + "▁G", + "ött" + ], + [ + "▁Gö", + "tt" + ], + [ + "▁c", + "ube" + ], + [ + "▁cu", + "be" + ], + [ + "▁cub", + "e" + ], + [ + "▁arg", + "ued" + ], + [ + "▁argue", + "d" + ], + [ + "▁Th", + "ings" + ], + [ + "Gu", + "i" + ], + [ + "G", + "ui" + ], + [ + "до", + "ви" + ], + [ + "дов", + "и" + ], + [ + "д", + "ови" + ], + [ + "▁re", + "cre" + ], + [ + "▁rec", + "re" + ], + [ + "▁ré", + "seau" + ], + [ + "▁rés", + "eau" + ], + [ + "▁sign", + "ifica" + ], + [ + "▁signific", + "a" + ], + [ + "Gi", + "t" + ], + [ + "G", + "it" + ], + [ + "geb", + "racht" + ], + [ + "gebra", + "cht" + ], + [ + "▁l", + "iga" + ], + [ + "▁li", + "ga" + ], + [ + "▁lig", + "a" + ], + [ + "▁", + "liga" + ], + [ + "▁ass", + "ured" + ], + [ + "al", + "us" + ], + [ + "alu", + "s" + ], + [ + "a", + "lus" + ], + [ + "ри", + "т" + ], + [ + "р", + "ит" + ], + [ + "▁э", + "нциклопеди" + ], + [ + "▁%", + ")." + ], + [ + "▁%)", + "." + ], + [ + "▁", + "%)." + ], + [ + "▁Prem", + "ière" + ], + [ + "▁declar", + "ations" + ], + [ + "▁declaration", + "s" + ], + [ + "▁tr", + "icky" + ], + [ + "▁trick", + "y" + ], + [ + "▁pro", + "files" + ], + [ + "▁prof", + "iles" + ], + [ + "▁profile", + "s" + ], + [ + "▁profil", + "es" + ], + [ + "▁F", + "on" + ], + [ + "▁Fo", + "n" + ], + [ + "▁J", + "as" + ], + [ + "▁Ja", + "s" + ], + [ + "â", + "r" + ], + [ + "ba", + "bel" + ], + [ + "b", + "abel" + ], + [ + "▁Fr", + "iday" + ], + [ + "▁Fri", + "day" + ], + [ + "▁Frid", + "ay" + ], + [ + "▁jú", + "nius" + ], + [ + "▁c", + "ols" + ], + [ + "▁col", + "s" + ], + [ + "▁co", + "ls" + ], + [ + "▁", + "cols" + ], + [ + "▁EX", + "ISTS" + ], + [ + "▁Ital", + "iana" + ], + [ + "▁Italian", + "a" + ], + [ + "▁Italia", + "na" + ], + [ + "▁author", + "ization" + ], + [ + "▁s", + "ulle" + ], + [ + "▁su", + "lle" + ], + [ + "▁sul", + "le" + ], + [ + "▁sull", + "e" + ], + [ + "▁E", + "mb" + ], + [ + "▁Em", + "b" + ], + [ + "▁Vari", + "able" + ], + [ + "▁", + "Variable" + ], + [ + "tr", + "ees" + ], + [ + "tre", + "es" + ], + [ + "tree", + "s" + ], + [ + "t", + "rees" + ], + [ + "▁F", + "ly" + ], + [ + "▁Fl", + "y" + ], + [ + "ri", + "ors" + ], + [ + "rio", + "rs" + ], + [ + "rior", + "s" + ], + [ + "r", + "iors" + ], + [ + "▁da", + "mals" + ], + [ + "▁dam", + "als" + ], + [ + "▁find", + "et" + ], + [ + "▁fin", + "det" + ], + [ + "▁Se", + "pt" + ], + [ + "▁Sep", + "t" + ], + [ + "▁m", + "undial" + ], + [ + "▁rem", + "oval" + ], + [ + "▁remov", + "al" + ], + [ + "▁long", + "itude" + ], + [ + "▁longitud", + "e" + ], + [ + "cl", + "ic" + ], + [ + "cli", + "c" + ], + [ + "c", + "lic" + ], + [ + "▁f", + "ade" + ], + [ + "▁fa", + "de" + ], + [ + "▁", + "fade" + ], + [ + "▁grad", + "le" + ], + [ + "▁", + "gradle" + ], + [ + "▁z", + "ák" + ], + [ + "▁zá", + "k" + ], + [ + "▁tim", + "ing" + ], + [ + "▁ti", + "ming" + ], + [ + "tr", + "ightarrow" + ], + [ + "t", + "rightarrow" + ], + [ + "at", + "ia" + ], + [ + "ati", + "a" + ], + [ + "-", + "." + ], + [ + "uch", + "e" + ], + [ + "uc", + "he" + ], + [ + "u", + "che" + ], + [ + "▁ser", + "ialize" + ], + [ + "▁serial", + "ize" + ], + [ + "▁H", + "mm" + ], + [ + "▁Represent", + "atives" + ], + [ + "ba", + "h" + ], + [ + "b", + "ah" + ], + [ + "re", + "nd" + ], + [ + "ren", + "d" + ], + [ + "r", + "end" + ], + [ + "ass", + "ador" + ], + [ + "assa", + "dor" + ], + [ + "▁sh", + "ield" + ], + [ + "uc", + "ion" + ], + [ + "u", + "cion" + ], + [ + "▁am", + "éricaine" + ], + [ + "▁améric", + "aine" + ], + [ + "▁américain", + "e" + ], + [ + "z", + "ę" + ], + [ + "vi", + "lla" + ], + [ + "vil", + "la" + ], + [ + "v", + "illa" + ], + [ + "▁hom", + "bre" + ], + [ + "ás", + "s" + ], + [ + "á", + "ss" + ], + [ + "▁S", + "F" + ], + [ + "▁", + "SF" + ], + [ + "▁repe", + "ating" + ], + [ + "▁repeat", + "ing" + ], + [ + "▁c", + "riter" + ], + [ + "▁cr", + "iter" + ], + [ + "▁crit", + "er" + ], + [ + "▁cri", + "ter" + ], + [ + "▁St", + "ruct" + ], + [ + "▁Str", + "uct" + ], + [ + "▁", + "Struct" + ], + [ + "??", + "?" + ], + [ + "?", + "??" + ], + [ + "▁che", + "ap" + ], + [ + "▁r", + "ings" + ], + [ + "▁ring", + "s" + ], + [ + "▁rin", + "gs" + ], + [ + "ab", + "häng" + ], + [ + "▁c", + "orte" + ], + [ + "▁cor", + "te" + ], + [ + "▁cort", + "e" + ], + [ + "▁admin", + "ist" + ], + [ + "ix", + "on" + ], + [ + "gy", + "pt" + ], + [ + "▁punt", + "os" + ], + [ + "▁punto", + "s" + ], + [ + "▁me", + "zi" + ], + [ + "▁mez", + "i" + ], + [ + "▁po", + "chod" + ], + [ + "▁poc", + "hod" + ], + [ + "is", + "ko" + ], + [ + "isk", + "o" + ], + [ + "i", + "sko" + ], + [ + "ni", + "ę" + ], + [ + "n", + "ię" + ], + [ + "▁о", + "су" + ], + [ + "▁ос", + "у" + ], + [ + "▁á", + "r" + ], + [ + "▁", + "ár" + ], + [ + "те", + "льной" + ], + [ + "тель", + "ной" + ], + [ + "тельно", + "й" + ], + [ + "▁Metropol", + "itan" + ], + [ + "ji", + "n" + ], + [ + "j", + "in" + ], + [ + "ze", + "ss" + ], + [ + "zes", + "s" + ], + [ + "z", + "ess" + ], + [ + "▁ві", + "ці" + ], + [ + "▁conflic", + "ts" + ], + [ + "▁conflict", + "s" + ], + [ + "ij", + "st" + ], + [ + "▁Mar", + "ket" + ], + [ + "▁Mark", + "et" + ], + [ + "ст", + "ров" + ], + [ + "стро", + "в" + ], + [ + "стр", + "ов" + ], + [ + "▁\"", + ",\"" + ], + [ + "▁\",", + "\"" + ], + [ + "▁", + "\",\"" + ], + [ + "▁Sc", + "roll" + ], + [ + "▁", + "Scroll" + ], + [ + "gu", + "n" + ], + [ + "g", + "un" + ], + [ + "та", + "ра" + ], + [ + "тар", + "а" + ], + [ + "▁am", + "ateur" + ], + [ + "▁r", + "óż" + ], + [ + "pos", + "s" + ], + [ + "po", + "ss" + ], + [ + "p", + "oss" + ], + [ + "▁general", + "ized" + ], + [ + "▁H", + "arm" + ], + [ + "▁Har", + "m" + ], + [ + "▁Ha", + "rm" + ], + [ + "ci", + "ta" + ], + [ + "cit", + "a" + ], + [ + "c", + "ita" + ], + [ + "▁Sw", + "itzerland" + ], + [ + "ic", + "ola" + ], + [ + "ico", + "la" + ], + [ + "icol", + "a" + ], + [ + "i", + "cola" + ], + [ + "▁m", + "uit" + ], + [ + "▁mu", + "it" + ], + [ + "loc", + "ated" + ], + [ + "▁c", + "ó" + ], + [ + "▁a", + "rose" + ], + [ + "▁ar", + "ose" + ], + [ + "▁commun", + "auté" + ], + [ + "})", + "^" + ], + [ + "}", + ")^" + ], + [ + "vis", + "ibility" + ], + [ + "íd", + "a" + ], + [ + "í", + "da" + ], + [ + "▁F", + "B" + ], + [ + "▁", + "FB" + ], + [ + "▁Fre", + "und" + ], + [ + "ga", + "t" + ], + [ + "g", + "at" + ], + [ + "\":", + "{\"" + ], + [ + "int", + "ellij" + ], + [ + "if", + "ie" + ], + [ + "ifi", + "e" + ], + [ + "hm", + "en" + ], + [ + "h", + "men" + ], + [ + "▁éd", + "ition" + ], + [ + "▁", + "édition" + ], + [ + "▁ко", + "је" + ], + [ + "▁ін", + "ших" + ], + [ + "om", + "ing" + ], + [ + "omin", + "g" + ], + [ + "omi", + "ng" + ], + [ + "o", + "ming" + ], + [ + "▁arqu", + "itect" + ], + [ + "▁Pres", + "idente" + ], + [ + "▁President", + "e" + ], + [ + "▁П", + "ід" + ], + [ + "▁ca", + "bin" + ], + [ + "▁cab", + "in" + ], + [ + "The", + "orem" + ], + [ + "▁G", + "ay" + ], + [ + "▁Ga", + "y" + ], + [ + "if", + "ice" + ], + [ + "ific", + "e" + ], + [ + "ifi", + "ce" + ], + [ + "▁h", + "ect" + ], + [ + "▁he", + "ct" + ], + [ + "l", + "ą" + ], + [ + "irm", + "ingham" + ], + [ + "▁sem", + "antic" + ], + [ + "▁Louis", + "iana" + ], + [ + "▁sac", + "rifice" + ], + [ + "▁sacr", + "ifice" + ], + [ + "▁sacrific", + "e" + ], + [ + "▁Christ", + "oph" + ], + [ + "▁Exec", + "utive" + ], + [ + "_", + "+" + ], + [ + "j", + "ák" + ], + [ + "▁s", + "eria" + ], + [ + "▁se", + "ria" + ], + [ + "▁ser", + "ia" + ], + [ + "▁Over", + "flow" + ], + [ + "▁", + "Overflow" + ], + [ + "▁Lu", + "cy" + ], + [ + "▁Luc", + "y" + ], + [ + "▁mel", + "hor" + ], + [ + "▁vo", + "ices" + ], + [ + "▁voice", + "s" + ], + [ + "cz", + "a" + ], + [ + "c", + "za" + ], + [ + "▁ка", + "пи" + ], + [ + "▁университе", + "та" + ], + [ + "IN", + "CT" + ], + [ + "▁col", + "oc" + ], + [ + "▁co", + "loc" + ], + [ + "▁pr", + "ue" + ], + [ + "▁ge", + "omet" + ], + [ + "▁geom", + "et" + ], + [ + "▁di", + "retto" + ], + [ + "▁dire", + "tto" + ], + [ + "▁dir", + "etto" + ], + [ + "▁dirett", + "o" + ], + [ + "re", + "so" + ], + [ + "res", + "o" + ], + [ + "r", + "eso" + ], + [ + "▁A", + "kt" + ], + [ + "▁Ak", + "t" + ], + [ + "▁un", + "h" + ], + [ + "▁се", + "ри" + ], + [ + "▁сер", + "и" + ], + [ + "▁Al", + "ert" + ], + [ + "▁Ale", + "rt" + ], + [ + "▁", + "Alert" + ], + [ + "We", + "l" + ], + [ + "W", + "el" + ], + [ + "au", + "di" + ], + [ + "aud", + "i" + ], + [ + "a", + "udi" + ], + [ + "äl", + "er" + ], + [ + "ä", + "ler" + ], + [ + "▁gu", + "ests" + ], + [ + "▁guest", + "s" + ], + [ + "▁и", + "де" + ], + [ + "St", + "udio" + ], + [ + "▁ка", + "те" + ], + [ + "▁ex", + "ponent" + ], + [ + "▁expon", + "ent" + ], + [ + "rz", + "e" + ], + [ + "r", + "ze" + ], + [ + "pm", + "od" + ], + [ + "p", + "mod" + ], + [ + "ro", + "lle" + ], + [ + "roll", + "e" + ], + [ + "rol", + "le" + ], + [ + "▁Lim", + "ited" + ], + [ + "Al", + "lemagne" + ], + [ + "▁p", + "ity" + ], + [ + "▁pi", + "ty" + ], + [ + "▁pit", + "y" + ], + [ + "▁l", + "ä" + ], + [ + "▁", + "lä" + ], + [ + "▁run", + "ner" + ], + [ + "▁", + "runner" + ], + [ + "ke", + "nde" + ], + [ + "ken", + "de" + ], + [ + "k", + "ende" + ], + [ + "E", + "Q" + ], + [ + "▁M", + "M" + ], + [ + "▁", + "MM" + ], + [ + "sz", + "ág" + ], + [ + "по", + "ді" + ], + [ + "▁reg", + "ret" + ], + [ + "▁publi", + "é" + ], + [ + "▁depart", + "amento" + ], + [ + "▁acc", + "used" + ], + [ + "▁accus", + "ed" + ], + [ + "h", + "p" + ], + [ + "▁P", + "fl" + ], + [ + "▁Pf", + "l" + ], + [ + "▁S", + "int" + ], + [ + "▁Si", + "nt" + ], + [ + "▁Sin", + "t" + ], + [ + "▁ek", + "onom" + ], + [ + "ra", + "ctor" + ], + [ + "rac", + "tor" + ], + [ + "ract", + "or" + ], + [ + "r", + "actor" + ], + [ + "▁П", + "ів" + ], + [ + "▁aw", + "ful" + ], + [ + "owa", + "ć" + ], + [ + "]", + "->" + ], + [ + "▁F", + "ine" + ], + [ + "▁Fin", + "e" + ], + [ + "С", + "а" + ], + [ + "ti", + "s" + ], + [ + "t", + "is" + ], + [ + "ét", + "a" + ], + [ + "é", + "ta" + ], + [ + "▁Ро", + "ди" + ], + [ + "▁Düsseld", + "orf" + ], + [ + "LO", + "B" + ], + [ + "L", + "OB" + ], + [ + "os", + "as" + ], + [ + "osa", + "s" + ], + [ + "wer", + "ke" + ], + [ + "werk", + "e" + ], + [ + "▁l", + "ance" + ], + [ + "▁lan", + "ce" + ], + [ + "▁листо", + "пада" + ], + [ + "▁in", + "complete" + ], + [ + "▁P", + "icture" + ], + [ + "▁", + "Picture" + ], + [ + "('", + "\\" + ], + [ + "(", + "'\\" + ], + [ + "es", + "ters" + ], + [ + "est", + "ers" + ], + [ + "ester", + "s" + ], + [ + "este", + "rs" + ], + [ + "e", + "sters" + ], + [ + "▁belong", + "ed" + ], + [ + "▁S", + "ank" + ], + [ + "▁San", + "k" + ], + [ + "am", + "med" + ], + [ + "amm", + "ed" + ], + [ + "▁repos", + "itories" + ], + [ + "▁ad", + "dr" + ], + [ + "▁add", + "r" + ], + [ + "▁", + "addr" + ], + [ + "Col", + "lect" + ], + [ + "Coll", + "ect" + ], + [ + "H", + "ot" + ], + [ + "▁t", + "yl" + ], + [ + "▁ty", + "l" + ], + [ + "▁instance", + "of" + ], + [ + "▁bon", + "us" + ], + [ + "ov", + "ý" + ], + [ + "▁мо", + "ря" + ], + [ + "▁мор", + "я" + ], + [ + "▁inter", + "active" + ], + [ + "▁interact", + "ive" + ], + [ + "▁M", + "ys" + ], + [ + "▁My", + "s" + ], + [ + "▁Ed", + "mund" + ], + [ + "file", + "Name" + ], + [ + "em", + "or" + ], + [ + "emo", + "r" + ], + [ + "e", + "mor" + ], + [ + "▁Т", + "ри" + ], + [ + "▁R", + "osen" + ], + [ + "▁Ro", + "sen" + ], + [ + "▁Ros", + "en" + ], + [ + "▁Rose", + "n" + ], + [ + "▁Pr", + "ima" + ], + [ + "▁Pri", + "ma" + ], + [ + "▁Prim", + "a" + ], + [ + "▁v", + "oting" + ], + [ + "▁vo", + "ting" + ], + [ + "▁vot", + "ing" + ], + [ + "▁X", + "P" + ], + [ + "▁Z", + "ero" + ], + [ + "▁Ze", + "ro" + ], + [ + "▁", + "Zero" + ], + [ + "▁L", + "ed" + ], + [ + "▁Le", + "d" + ], + [ + "ams", + "ung" + ], + [ + "▁en", + "ables" + ], + [ + "▁enable", + "s" + ], + [ + "▁redirect", + "s" + ], + [ + "AS", + "T" + ], + [ + "A", + "ST" + ], + [ + "Pa", + "int" + ], + [ + "P", + "aint" + ], + [ + "ack", + "er" + ], + [ + "ac", + "ker" + ], + [ + "a", + "cker" + ], + [ + "le", + "cht" + ], + [ + "▁chair", + "man" + ], + [ + "▁A", + "ven" + ], + [ + "▁Av", + "en" + ], + [ + "▁S", + "ach" + ], + [ + "▁Sa", + "ch" + ], + [ + "▁Sac", + "h" + ], + [ + "(\"", + "<" + ], + [ + "ке", + "р" + ], + [ + "к", + "ер" + ], + [ + "▁mist", + "akes" + ], + [ + "▁mistake", + "s" + ], + [ + "▁We", + "it" + ], + [ + "▁Wei", + "t" + ], + [ + "▁pro", + "wad" + ], + [ + "▁", + "prowad" + ], + [ + "▁did", + "nt" + ], + [ + "▁didn", + "t" + ], + [ + "én", + "ario" + ], + [ + "un", + "less" + ], + [ + "▁back", + "wards" + ], + [ + "bo", + "a" + ], + [ + "b", + "oa" + ], + [ + "du", + "ino" + ], + [ + "``", + "`" + ], + [ + "`", + "``" + ], + [ + "st", + "or" + ], + [ + "sto", + "r" + ], + [ + "s", + "tor" + ], + [ + "Comple", + "tion" + ], + [ + "pu", + "esta" + ], + [ + "▁din", + "ast" + ], + [ + "úl", + "t" + ], + [ + "ú", + "lt" + ], + [ + "▁S", + "Y" + ], + [ + "▁", + "SY" + ], + [ + "if", + "olia" + ], + [ + "œuv", + "res" + ], + [ + "œuvre", + "s" + ], + [ + "▁r", + "acing" + ], + [ + "▁ra", + "cing" + ], + [ + "▁rac", + "ing" + ], + [ + "▁cab", + "inet" + ], + [ + "▁cabin", + "et" + ], + [ + "▁cut", + "ting" + ], + [ + "▁th", + "umb" + ], + [ + "▁Ка", + "ра" + ], + [ + "▁Кар", + "а" + ], + [ + "high", + "light" + ], + [ + "ку", + "п" + ], + [ + "▁s", + "d" + ], + [ + "▁", + "sd" + ], + [ + "▁на", + "ціональ" + ], + [ + "▁camp", + "agne" + ], + [ + "▁register", + "s" + ], + [ + "▁educ", + "ational" + ], + [ + "▁education", + "al" + ], + [ + "▁p", + "esar" + ], + [ + "▁pes", + "ar" + ], + [ + "üg", + "e" + ], + [ + "ü", + "ge" + ], + [ + "▁o", + "ro" + ], + [ + "▁or", + "o" + ], + [ + "▁", + "oro" + ], + [ + "burg", + "o" + ], + [ + "bur", + "go" + ], + [ + "▁Athlet", + "ics" + ], + [ + "▁M", + "TV" + ], + [ + "get", + "Message" + ], + [ + "▁H", + "yp" + ], + [ + "▁Hy", + "p" + ], + [ + "▁vict", + "im" + ], + [ + "▁vic", + "tim" + ], + [ + "))", + "\\" + ], + [ + ")", + ")\\" + ], + [ + "▁dr", + "ums" + ], + [ + "▁dru", + "ms" + ], + [ + "▁drum", + "s" + ], + [ + "host", + "name" + ], + [ + "ta", + "ł" + ], + [ + "t", + "ał" + ], + [ + "ma", + "king" + ], + [ + "m", + "aking" + ], + [ + "▁pow", + "iat" + ], + [ + "ő", + "d" + ], + [ + "thread", + "s" + ], + [ + "▁absol", + "v" + ], + [ + "▁лю", + "ди" + ], + [ + "▁ste", + "pped" + ], + [ + "▁step", + "ped" + ], + [ + "ex", + "ist" + ], + [ + "▁N", + "K" + ], + [ + "▁v", + "es" + ], + [ + "▁ve", + "s" + ], + [ + "▁", + "ves" + ], + [ + "ist", + "iche" + ], + [ + "istic", + "he" + ], + [ + "isti", + "che" + ], + [ + "%", + "'" + ], + [ + "at", + "ivos" + ], + [ + "ativ", + "os" + ], + [ + "ati", + "vos" + ], + [ + "ativo", + "s" + ], + [ + "▁та", + "кой" + ], + [ + "▁тако", + "й" + ], + [ + "▁Mongo", + "DB" + ], + [ + "▁U", + "ng" + ], + [ + "▁Un", + "g" + ], + [ + "▁Р", + "ус" + ], + [ + "▁Ру", + "с" + ], + [ + "▁e", + "lim" + ], + [ + "▁el", + "im" + ], + [ + "▁F", + "if" + ], + [ + "ic", + "ación" + ], + [ + "ica", + "ción" + ], + [ + "▁T", + "ennis" + ], + [ + "▁Ten", + "nis" + ], + [ + "▁Jeff", + "erson" + ], + [ + "j", + "án" + ], + [ + "fo", + "g" + ], + [ + "f", + "og" + ], + [ + "an", + "ha" + ], + [ + "anh", + "a" + ], + [ + "zo", + "r" + ], + [ + "z", + "or" + ], + [ + "▁уні", + "версите" + ], + [ + "ah", + "u" + ], + [ + "a", + "hu" + ], + [ + "ia", + "da" + ], + [ + "i", + "ada" + ], + [ + "S", + "dk" + ], + [ + "Set", + "ting" + ], + [ + "▁K", + "ill" + ], + [ + "▁Kil", + "l" + ], + [ + "▁Ki", + "ll" + ], + [ + "▁W", + "end" + ], + [ + "▁We", + "nd" + ], + [ + "▁b", + "ald" + ], + [ + "▁bal", + "d" + ], + [ + "▁ba", + "ld" + ], + [ + "▁K", + "ub" + ], + [ + "▁Ku", + "b" + ], + [ + "▁v", + "isto" + ], + [ + "▁vis", + "to" + ], + [ + "▁vi", + "sto" + ], + [ + "▁je", + "unes" + ], + [ + "▁jeune", + "s" + ], + [ + "▁jeu", + "nes" + ], + [ + "col", + "lections" + ], + [ + "collection", + "s" + ], + [ + "collect", + "ions" + ], + [ + "ac", + "í" + ], + [ + "a", + "cí" + ], + [ + "вро", + "пей" + ], + [ + "▁ar", + "ise" + ], + [ + "он", + "і" + ], + [ + "о", + "ні" + ], + [ + "MA", + "IN" + ], + [ + "до", + "ступ" + ], + [ + "▁b", + "erg" + ], + [ + "▁be", + "rg" + ], + [ + "▁ber", + "g" + ], + [ + "▁", + "berg" + ], + [ + "▁critic", + "ism" + ], + [ + "▁Tor", + "re" + ], + [ + "▁de", + "script" + ], + [ + "▁des", + "cript" + ], + [ + "▁descri", + "pt" + ], + [ + "ière", + "s" + ], + [ + "i", + "ères" + ], + [ + "▁e", + "studio" + ], + [ + "▁est", + "udio" + ], + [ + "▁estud", + "io" + ], + [ + "▁i", + "li" + ], + [ + "▁il", + "i" + ], + [ + "▁", + "ili" + ], + [ + "▁mil", + "itare" + ], + [ + "▁milit", + "are" + ], + [ + "▁militar", + "e" + ], + [ + "▁Cl", + "ara" + ], + [ + "▁Cla", + "ra" + ], + [ + "▁Clar", + "a" + ], + [ + "▁El", + "len" + ], + [ + "▁Elle", + "n" + ], + [ + "▁Ell", + "en" + ], + [ + "lim", + "ited" + ], + [ + "limit", + "ed" + ], + [ + "л", + "м" + ], + [ + "▁Esp", + "añ" + ], + [ + "▁inf", + "initely" + ], + [ + "▁infinite", + "ly" + ], + [ + "Amer", + "ica" + ], + [ + "ou", + "c" + ], + [ + "o", + "uc" + ], + [ + "gl", + "ass" + ], + [ + "g", + "lass" + ], + [ + "▁r", + "ud" + ], + [ + "▁ru", + "d" + ], + [ + "▁z", + "at" + ], + [ + "▁za", + "t" + ], + [ + "▁", + "zat" + ], + [ + "▁r", + "in" + ], + [ + "▁ri", + "n" + ], + [ + "▁", + "rin" + ], + [ + "▁Bibli", + "ografía" + ], + [ + "▁mer", + "chant" + ], + [ + "tensor", + "flow" + ], + [ + "▁d", + "ér" + ], + [ + "▁dé", + "r" + ], + [ + "▁Active", + "Record" + ], + [ + "IE", + "S" + ], + [ + "I", + "ES" + ], + [ + "▁link", + "er" + ], + [ + "▁lin", + "ker" + ], + [ + "▁estud", + "ios" + ], + [ + "▁estudio", + "s" + ], + [ + "cdn", + "js" + ], + [ + "▁Го", + "судар" + ], + [ + "án", + "chez" + ], + [ + "ap", + "pe" + ], + [ + "app", + "e" + ], + [ + "a", + "ppe" + ], + [ + "cl", + "ub" + ], + [ + "c", + "lub" + ], + [ + "▁dal", + "ší" + ], + [ + "▁Alg", + "orithm" + ], + [ + "df", + "s" + ], + [ + "d", + "fs" + ], + [ + "▁B", + "ac" + ], + [ + "▁Ba", + "c" + ], + [ + "▁ка", + "фе" + ], + [ + "▁&", + "=\\" + ], + [ + "▁&=", + "\\" + ], + [ + "▁а", + "т" + ], + [ + "▁", + "ат" + ], + [ + "▁Г", + "лав" + ], + [ + "▁M", + "ou" + ], + [ + "▁Mo", + "u" + ], + [ + "M", + "achine" + ], + [ + "(...", + ")" + ], + [ + "(", + "...)" + ], + [ + "▁com", + "part" + ], + [ + "▁comp", + "art" + ], + [ + "▁compar", + "t" + ], + [ + "▁aug", + "usztus" + ], + [ + "av", + "an" + ], + [ + "ava", + "n" + ], + [ + "a", + "van" + ], + [ + "▁roll", + "ed" + ], + [ + "▁rol", + "led" + ], + [ + "▁", + "rolled" + ], + [ + "▁е", + "ди" + ], + [ + "▁", + "еди" + ], + [ + "Sc", + "an" + ], + [ + "S", + "can" + ], + [ + "▁ре", + "гі" + ], + [ + "▁świ", + "ata" + ], + [ + "▁świat", + "a" + ], + [ + "▁m", + "ines" + ], + [ + "▁min", + "es" + ], + [ + "▁mi", + "nes" + ], + [ + "▁mine", + "s" + ], + [ + "},", + "{" + ], + [ + "▁T", + "ier" + ], + [ + "▁Ti", + "er" + ], + [ + "Can", + "not" + ], + [ + "C", + "annot" + ], + [ + "мі", + "н" + ], + [ + "м", + "ін" + ], + [ + "▁NE", + "W" + ], + [ + "▁", + "NEW" + ], + [ + "▁Во", + "л" + ], + [ + "▁M", + "anh" + ], + [ + "▁Man", + "h" + ], + [ + "▁Greg", + "ory" + ], + [ + "▁princi", + "pe" + ], + [ + "▁princip", + "e" + ], + [ + "▁prin", + "cipe" + ], + [ + "IS", + "O" + ], + [ + "I", + "SO" + ], + [ + "pr", + "og" + ], + [ + "pro", + "g" + ], + [ + "p", + "rog" + ], + [ + "▁F", + "ail" + ], + [ + "▁Fa", + "il" + ], + [ + "▁", + "Fail" + ], + [ + "▁a", + "a" + ], + [ + "▁", + "aa" + ], + [ + "▁fe", + "cha" + ], + [ + "▁W", + "CF" + ], + [ + "▁mag", + "istr" + ], + [ + "▁Z", + "ach" + ], + [ + "▁Za", + "ch" + ], + [ + "▁un", + "icode" + ], + [ + "▁con", + "verter" + ], + [ + "▁convert", + "er" + ], + [ + "▁conver", + "ter" + ], + [ + "▁dis", + "pers" + ], + [ + "▁disp", + "ers" + ], + [ + "ks", + "am" + ], + [ + "k", + "sam" + ], + [ + "▁Un", + "cle" + ], + [ + "Property", + "Changed" + ], + [ + "▁l", + "ider" + ], + [ + "▁li", + "der" + ], + [ + "▁lid", + "er" + ], + [ + "▁o", + "pts" + ], + [ + "▁op", + "ts" + ], + [ + "▁opt", + "s" + ], + [ + "▁", + "opts" + ], + [ + "▁та", + "м" + ], + [ + "▁", + "там" + ], + [ + "lock", + "ed" + ], + [ + "loc", + "ked" + ], + [ + "za", + "k" + ], + [ + "z", + "ak" + ], + [ + "▁co", + "unted" + ], + [ + "▁count", + "ed" + ], + [ + "▁coun", + "ted" + ], + [ + "▁person", + "e" + ], + [ + "▁pers", + "one" + ], + [ + "▁hur", + "ried" + ], + [ + "ät", + "ter" + ], + [ + "ätt", + "er" + ], + [ + "ätte", + "r" + ], + [ + "▁out", + "ras" + ], + [ + "▁ou", + "tras" + ], + [ + "▁g", + "enu" + ], + [ + "▁ge", + "nu" + ], + [ + "▁gen", + "u" + ], + [ + "B", + "D" + ], + [ + "ve", + "g" + ], + [ + "v", + "eg" + ], + [ + "du", + "e" + ], + [ + "d", + "ue" + ], + [ + "▁P", + "ract" + ], + [ + "▁Pr", + "act" + ], + [ + "▁Pra", + "ct" + ], + [ + "▁po", + "sible" + ], + [ + "▁pos", + "ible" + ], + [ + "▁cont", + "ribute" + ], + [ + "▁contrib", + "ute" + ], + [ + "▁contribu", + "te" + ], + [ + "UM", + "N" + ], + [ + "▁Bür", + "ger" + ], + [ + "▁w", + "ars" + ], + [ + "▁war", + "s" + ], + [ + "▁wa", + "rs" + ], + [ + "▁exhib", + "ition" + ], + [ + "hi", + "ll" + ], + [ + "h", + "ill" + ], + [ + "▁a", + "str" + ], + [ + "▁as", + "tr" + ], + [ + "▁ast", + "r" + ], + [ + "▁", + "astr" + ], + [ + "▁му", + "зе" + ], + [ + "▁C", + "ASE" + ], + [ + "▁CA", + "SE" + ], + [ + "▁", + "CASE" + ], + [ + "man", + "ifest" + ], + [ + "y", + "ellow" + ], + [ + "F", + "n" + ], + [ + "▁R", + "C" + ], + [ + "▁", + "RC" + ], + [ + "▁s", + "ott" + ], + [ + "▁so", + "tt" + ], + [ + "▁su", + "jet" + ], + [ + "▁S", + "ocket" + ], + [ + "▁So", + "cket" + ], + [ + "▁Soc", + "ket" + ], + [ + "▁", + "Socket" + ], + [ + "▁Ch", + "ine" + ], + [ + "▁Chi", + "ne" + ], + [ + "▁frame", + "works" + ], + [ + "▁framework", + "s" + ], + [ + "Hol", + "d" + ], + [ + "H", + "old" + ], + [ + "êt", + "s" + ], + [ + "ê", + "ts" + ], + [ + "▁ф", + "іль" + ], + [ + "▁фі", + "ль" + ], + [ + "Lo", + "aded" + ], + [ + "Load", + "ed" + ], + [ + "op", + "he" + ], + [ + "oph", + "e" + ], + [ + "o", + "phe" + ], + [ + "text", + "e" + ], + [ + "tex", + "te" + ], + [ + "▁ex", + "pres" + ], + [ + "▁exp", + "res" + ], + [ + "▁expr", + "es" + ], + [ + "▁cons", + "ume" + ], + [ + "▁consum", + "e" + ], + [ + "▁R", + "ichtung" + ], + [ + "ograf", + "i" + ], + [ + "▁magn", + "ific" + ], + [ + "à", + "t" + ], + [ + "▁ind", + "ul" + ], + [ + "▁indu", + "l" + ], + [ + "ry", + "ty" + ], + [ + "▁off", + "ici" + ], + [ + "▁offic", + "i" + ], + [ + "▁ass", + "ault" + ], + [ + "ru", + "nd" + ], + [ + "run", + "d" + ], + [ + "r", + "und" + ], + [ + "▁vari", + "ants" + ], + [ + "▁variant", + "s" + ], + [ + "▁сель", + "сов" + ], + [ + "▁exc", + "itement" + ], + [ + "Time", + "s" + ], + [ + "Tim", + "es" + ], + [ + "T", + "imes" + ], + [ + "k", + "otlin" + ], + [ + "▁g", + "ering" + ], + [ + "▁ge", + "ring" + ], + [ + "▁ger", + "ing" + ], + [ + "▁En", + "gel" + ], + [ + "▁Eng", + "el" + ], + [ + "▁T", + "imer" + ], + [ + "▁Time", + "r" + ], + [ + "▁Tim", + "er" + ], + [ + "▁Ti", + "mer" + ], + [ + "▁", + "Timer" + ], + [ + "²", + ")." + ], + [ + "▁N", + "g" + ], + [ + "äs", + "st" + ], + [ + "sch", + "au" + ], + [ + "SE", + "rror" + ], + [ + "S", + "Error" + ], + [ + "▁Ed", + "wards" + ], + [ + "▁Edward", + "s" + ], + [ + "▁Term", + "inal" + ], + [ + "li", + "ct" + ], + [ + "lic", + "t" + ], + [ + "l", + "ict" + ], + [ + "Un", + "der" + ], + [ + "Und", + "er" + ], + [ + "U", + "nder" + ], + [ + "▁sp", + "awn" + ], + [ + "ür", + "gen" + ], + [ + "▁Außer", + "dem" + ], + [ + "▁k", + "itchen" + ], + [ + "fah", + "rt" + ], + [ + "fahr", + "t" + ], + [ + "▁Col", + "ors" + ], + [ + "▁Color", + "s" + ], + [ + "▁систе", + "ма" + ], + [ + "▁систем", + "а" + ], + [ + "▁termin", + "ated" + ], + [ + "▁terminate", + "d" + ], + [ + "▁La", + "TeX" + ], + [ + "ig", + "keiten" + ], + [ + "igkeit", + "en" + ], + [ + "▁mes", + "ure" + ], + [ + "▁Am", + "ts" + ], + [ + "▁Amt", + "s" + ], + [ + "▁emp", + "ir" + ], + [ + "▁stri", + "king" + ], + [ + "▁strik", + "ing" + ], + [ + "▁exclus", + "ive" + ], + [ + "те", + "х" + ], + [ + "▁re", + "z" + ], + [ + "▁r", + "ez" + ], + [ + "▁", + "rez" + ], + [ + "▁qu", + "an" + ], + [ + "▁q", + "uan" + ], + [ + "▁Glas", + "gow" + ], + [ + "▁lect", + "ure" + ], + [ + "▁Test", + "ament" + ], + [ + "▁fun", + "ds" + ], + [ + "▁fund", + "s" + ], + [ + "▁st", + "essa" + ], + [ + "▁tri", + "bes" + ], + [ + "▁trib", + "es" + ], + [ + "▁tribe", + "s" + ], + [ + "▁par", + "fois" + ], + [ + "▁tre", + "ball" + ], + [ + "ni", + "tz" + ], + [ + "nit", + "z" + ], + [ + "n", + "itz" + ], + [ + "bo", + "ve" + ], + [ + "b", + "ove" + ], + [ + "▁за", + "слу" + ], + [ + "▁ab", + "sent" + ], + [ + "▁abs", + "ent" + ], + [ + "▁L", + "auf" + ], + [ + "▁La", + "uf" + ], + [ + "▁Lau", + "f" + ], + [ + "Sm", + "ith" + ], + [ + "▁Никола", + "й" + ], + [ + "▁europé", + "enne" + ], + [ + "l", + "r" + ], + [ + "▁program", + "ma" + ], + [ + "▁mi", + "dst" + ], + [ + "▁mid", + "st" + ], + [ + "▁daugh", + "ters" + ], + [ + "▁daughter", + "s" + ], + [ + "S", + "yn" + ], + [ + "ob", + "en" + ], + [ + "obe", + "n" + ], + [ + "o", + "ben" + ], + [ + "ân", + "ă" + ], + [ + "id", + "an" + ], + [ + "ida", + "n" + ], + [ + "i", + "dan" + ], + [ + "▁t", + "her" + ], + [ + "▁th", + "er" + ], + [ + "▁the", + "r" + ], + [ + "▁", + "ther" + ], + [ + "od", + "ore" + ], + [ + "odo", + "re" + ], + [ + "odor", + "e" + ], + [ + "sd", + "l" + ], + [ + "s", + "dl" + ], + [ + "▁Q", + "uint" + ], + [ + "▁Qu", + "int" + ], + [ + "▁cas", + "os" + ], + [ + "▁caso", + "s" + ], + [ + "▁Z", + "am" + ], + [ + "▁Za", + "m" + ], + [ + "▁стра", + "ны" + ], + [ + "▁sp", + "rite" + ], + [ + "▁spr", + "ite" + ], + [ + "ка", + "л" + ], + [ + "к", + "ал" + ], + [ + "▁n", + "asc" + ], + [ + "▁na", + "sc" + ], + [ + "▁nas", + "c" + ], + [ + "▁сот", + "руд" + ], + [ + "▁tr", + "ava" + ], + [ + "▁tra", + "va" + ], + [ + "▁trav", + "a" + ], + [ + "▁хо", + "зяй" + ], + [ + "▁U", + "ruguay" + ], + [ + "▁s", + "parse" + ], + [ + "▁sp", + "arse" + ], + [ + "▁по", + "ле" + ], + [ + "▁пол", + "е" + ], + [ + "▁myst", + "ery" + ], + [ + "▁myster", + "y" + ], + [ + "▁M", + "ang" + ], + [ + "▁Man", + "g" + ], + [ + "▁Ma", + "ng" + ], + [ + "reg", + "istr" + ], + [ + "▁CG", + "Float" + ], + [ + "▁sub", + "mission" + ], + [ + "▁subm", + "ission" + ], + [ + "ва", + "на" + ], + [ + "ван", + "а" + ], + [ + "в", + "ана" + ], + [ + "▁\"", + ":" + ], + [ + "▁", + "\":" + ], + [ + "▁Trace", + "back" + ], + [ + "▁P", + "it" + ], + [ + "▁Pi", + "t" + ], + [ + "▁E", + "hr" + ], + [ + "▁с", + "ра" + ], + [ + "▁Graph", + "ics" + ], + [ + "▁", + "Graphics" + ], + [ + "Up", + "dated" + ], + [ + "Update", + "d" + ], + [ + "▁sv", + "ensk" + ], + [ + "▁sp", + "acing" + ], + [ + "▁spac", + "ing" + ], + [ + "tr", + "itt" + ], + [ + "tri", + "tt" + ], + [ + "t", + "ritt" + ], + [ + "▁Gu", + "inea" + ], + [ + "▁Fran", + "ça" + ], + [ + "▁Fr", + "ança" + ], + [ + "As", + "soci" + ], + [ + "Ass", + "oci" + ], + [ + "▁T", + "ová" + ], + [ + "▁To", + "vá" + ], + [ + "st", + "ab" + ], + [ + "sta", + "b" + ], + [ + "s", + "tab" + ], + [ + "▁Le", + "arning" + ], + [ + "▁Lear", + "ning" + ], + [ + "▁B", + "right" + ], + [ + "▁Br", + "ight" + ], + [ + "▁Brig", + "ht" + ], + [ + "ś", + "c" + ], + [ + "▁id", + "ő" + ], + [ + "}}", + "_{\\" + ], + [ + "}}_{", + "\\" + ], + [ + "}}_", + "{\\" + ], + [ + "}", + "}_{\\" + ], + [ + "▁dro", + "ite" + ], + [ + "▁droit", + "e" + ], + [ + "▁ra", + "ising" + ], + [ + "get", + "ting" + ], + [ + "yth", + "m" + ], + [ + "yt", + "hm" + ], + [ + "y", + "thm" + ], + [ + "on", + "yme" + ], + [ + "ony", + "me" + ], + [ + "onym", + "e" + ], + [ + "ż", + "s" + ], + [ + "▁b", + "lah" + ], + [ + "▁bl", + "ah" + ], + [ + "▁bla", + "h" + ], + [ + "▁", + "blah" + ], + [ + "Tag", + "Name" + ], + [ + "Vert", + "ical" + ], + [ + "▁a", + "per" + ], + [ + "▁ap", + "er" + ], + [ + "▁", + "aper" + ], + [ + "post", + "gresql" + ], + [ + "▁Hand", + "le" + ], + [ + "▁", + "Handle" + ], + [ + "ze", + "w" + ], + [ + "z", + "ew" + ], + [ + "▁sk", + "ulle" + ], + [ + "▁op", + "ere" + ], + [ + "▁oper", + "e" + ], + [ + "lay", + "ers" + ], + [ + "layer", + "s" + ], + [ + "▁pos", + "sono" + ], + [ + "▁poss", + "ono" + ], + [ + "▁re", + "late" + ], + [ + "▁rel", + "ate" + ], + [ + "▁rela", + "te" + ], + [ + "ą", + "c" + ], + [ + "▁M", + "ih" + ], + [ + "▁Mi", + "h" + ], + [ + "â", + "ge" + ], + [ + "▁Ś", + "wi" + ], + [ + "iss", + "es" + ], + [ + "isse", + "s" + ], + [ + "▁serv", + "let" + ], + [ + "▁", + "servlet" + ], + [ + "Lo", + "s" + ], + [ + "L", + "os" + ], + [ + "▁Ad", + "vanced" + ], + [ + "▁Adv", + "anced" + ], + [ + "at", + "ica" + ], + [ + "ati", + "ca" + ], + [ + "atic", + "a" + ], + [ + "▁c", + "ed" + ], + [ + "▁ce", + "d" + ], + [ + "▁", + "ced" + ], + [ + "▁element", + "os" + ], + [ + "ро", + "на" + ], + [ + "рон", + "а" + ], + [ + "р", + "она" + ], + [ + "ik", + "s" + ], + [ + "i", + "ks" + ], + [ + "ar", + "f" + ], + [ + "a", + "rf" + ], + [ + "ar", + "iat" + ], + [ + "ari", + "at" + ], + [ + "aria", + "t" + ], + [ + "M", + "obile" + ], + [ + "ag", + "ua" + ], + [ + "agu", + "a" + ], + [ + "▁t", + "imp" + ], + [ + "▁tim", + "p" + ], + [ + "▁ti", + "mp" + ], + [ + "▁Com", + "ité" + ], + [ + "▁comb", + "ining" + ], + [ + "▁combin", + "ing" + ], + [ + "wo", + "hl" + ], + [ + "w", + "ohl" + ], + [ + "▁Stud", + "y" + ], + [ + "▁Stu", + "dy" + ], + [ + "co", + "ordinate" + ], + [ + "▁recommend", + "ation" + ], + [ + "▁transform", + "ations" + ], + [ + "▁transformation", + "s" + ], + [ + "un", + "til" + ], + [ + "unt", + "il" + ], + [ + "u", + "ntil" + ], + [ + "bound", + "ed" + ], + [ + "b", + "ounded" + ], + [ + "▁и", + "зу" + ], + [ + "▁из", + "у" + ], + [ + "han", + "ced" + ], + [ + "h", + "anced" + ], + [ + "▁во", + "про" + ], + [ + "▁P", + "rés" + ], + [ + "▁Pr", + "és" + ], + [ + "▁co", + "ord" + ], + [ + "xt", + "y" + ], + [ + "x", + "ty" + ], + [ + "▁$", + "," + ], + [ + "▁", + "$," + ], + [ + "▁champion", + "s" + ], + [ + "▁champ", + "ions" + ], + [ + "De", + "n" + ], + [ + "D", + "en" + ], + [ + "M", + "il" + ], + [ + "('", + "," + ], + [ + "(", + "'," + ], + [ + "▁Pre", + "is" + ], + [ + "▁e", + "igh" + ], + [ + "▁eig", + "h" + ], + [ + "▁mark", + "ers" + ], + [ + "▁marker", + "s" + ], + [ + "▁gew", + "esen" + ], + [ + "ät", + "ten" + ], + [ + "ätt", + "en" + ], + [ + "ätte", + "n" + ], + [ + "▁p", + "ione" + ], + [ + "▁pi", + "one" + ], + [ + "m", + "v" + ], + [ + "▁ј", + "у" + ], + [ + "▁", + "ју" + ], + [ + "zeich", + "nis" + ], + [ + "ho", + "ff" + ], + [ + "hof", + "f" + ], + [ + "h", + "off" + ], + [ + "New", + "s" + ], + [ + "Ne", + "ws" + ], + [ + "▁Stanis", + "ław" + ], + [ + "▁Br", + "andenburg" + ], + [ + "▁Brand", + "enburg" + ], + [ + "▁Fe", + "uer" + ], + [ + "=", + "&" + ], + [ + "же", + "т" + ], + [ + "ж", + "ет" + ], + [ + "▁N", + "eil" + ], + [ + "▁Ne", + "il" + ], + [ + "▁w", + "irk" + ], + [ + "▁wir", + "k" + ], + [ + "▁soci", + "età" + ], + [ + "▁sp", + "are" + ], + [ + "▁civil", + "e" + ], + [ + "▁civ", + "ile" + ], + [ + "sp", + "rach" + ], + [ + "spr", + "ach" + ], + [ + "▁d", + "isse" + ], + [ + "▁dis", + "se" + ], + [ + "▁diss", + "e" + ], + [ + "▁g", + "ates" + ], + [ + "▁ga", + "tes" + ], + [ + "▁gate", + "s" + ], + [ + "▁gat", + "es" + ], + [ + "▁a", + "nom" + ], + [ + "▁an", + "om" + ], + [ + "▁ano", + "m" + ], + [ + "▁Федера", + "ции" + ], + [ + "▁t", + "ib" + ], + [ + "▁ti", + "b" + ], + [ + "▁f", + "útbol" + ], + [ + "▁Wikip", + "ed" + ], + [ + "ia", + "te" + ], + [ + "iat", + "e" + ], + [ + "i", + "ate" + ], + [ + "Fr", + "ont" + ], + [ + "F", + "ront" + ], + [ + "▁c", + "raw" + ], + [ + "▁cr", + "aw" + ], + [ + "▁cra", + "w" + ], + [ + "▁R", + "ak" + ], + [ + "▁Ra", + "k" + ], + [ + "▁з", + "ву" + ], + [ + "▁зв", + "у" + ], + [ + "st", + "reet" + ], + [ + "stre", + "et" + ], + [ + "▁A", + "gency" + ], + [ + "▁Ag", + "ency" + ], + [ + "ва", + "ло" + ], + [ + "вал", + "о" + ], + [ + "▁Ра", + "с" + ], + [ + "▁mk", + "dir" + ], + [ + "ac", + "ję" + ], + [ + "▁sh", + "ares" + ], + [ + "▁share", + "s" + ], + [ + "St", + "ory" + ], + [ + "Sto", + "ry" + ], + [ + "▁re", + "marks" + ], + [ + "▁rem", + "arks" + ], + [ + "▁remark", + "s" + ], + [ + "▁key", + "words" + ], + [ + "▁keyword", + "s" + ], + [ + "Bo", + "b" + ], + [ + "B", + "ob" + ], + [ + "▁t", + "oe" + ], + [ + "▁to", + "e" + ], + [ + "▁V", + "itt" + ], + [ + "▁Vi", + "tt" + ], + [ + "▁Vit", + "t" + ], + [ + "▁r", + "hs" + ], + [ + "▁rh", + "s" + ], + [ + "RO", + "P" + ], + [ + "R", + "OP" + ], + [ + "or", + "is" + ], + [ + "ori", + "s" + ], + [ + "o", + "ris" + ], + [ + "/", + "@" + ], + [ + "си", + "и" + ], + [ + "▁tra", + "verse" + ], + [ + "▁travers", + "e" + ], + [ + "▁refer", + "encing" + ], + [ + "pr", + "äsident" + ], + [ + "ro", + "ng" + ], + [ + "ron", + "g" + ], + [ + "r", + "ong" + ], + [ + "')", + ":" + ], + [ + "'", + "):" + ], + [ + "at", + "ies" + ], + [ + "ati", + "es" + ], + [ + "atie", + "s" + ], + [ + "a", + "ties" + ], + [ + "A", + "W" + ], + [ + "Out", + "let" + ], + [ + "▁é", + "vol" + ], + [ + "▁év", + "ol" + ], + [ + "ik", + "es" + ], + [ + "ike", + "s" + ], + [ + "i", + "kes" + ], + [ + "▁environment", + "al" + ], + [ + "ic", + "um" + ], + [ + "▁L", + "ied" + ], + [ + "▁Li", + "ed" + ], + [ + "▁Lie", + "d" + ], + [ + "▁w", + "arn" + ], + [ + "▁war", + "n" + ], + [ + "▁wa", + "rn" + ], + [ + "▁", + "warn" + ], + [ + "▁But", + "ler" + ], + [ + "▁%", + ")," + ], + [ + "▁%)", + "," + ], + [ + "▁Zeit", + "schrift" + ], + [ + "▁Mon", + "tr" + ], + [ + "▁Mont", + "r" + ], + [ + "ва", + "жа" + ], + [ + "▁Mer", + "cur" + ], + [ + "je", + "kte" + ], + [ + "jekt", + "e" + ], + [ + "me", + "ter" + ], + [ + "met", + "er" + ], + [ + "m", + "eter" + ], + [ + "du", + "cation" + ], + [ + "▁att", + "ributed" + ], + [ + "▁attribute", + "d" + ], + [ + "*", + "$" + ], + [ + "▁un", + "f" + ], + [ + "▁Vert", + "rag" + ], + [ + "zi", + "en" + ], + [ + "zie", + "n" + ], + [ + "z", + "ien" + ], + [ + "▁Р", + "об" + ], + [ + "▁Ро", + "б" + ], + [ + "li", + "ces" + ], + [ + "lic", + "es" + ], + [ + "lice", + "s" + ], + [ + "l", + "ices" + ], + [ + "pp", + "ly" + ], + [ + "p", + "ply" + ], + [ + "an", + "sen" + ], + [ + "ans", + "en" + ], + [ + "anse", + "n" + ], + [ + "▁ze", + "it" + ], + [ + "▁", + "zeit" + ], + [ + "▁im", + "mense" + ], + [ + "▁imm", + "ense" + ], + [ + "▁lut", + "ego" + ], + [ + "▁Bul", + "gar" + ], + [ + "▁Bulg", + "ar" + ], + [ + "▁mi", + "embros" + ], + [ + "▁На", + "циональ" + ], + [ + "▁Al", + "low" + ], + [ + "▁All", + "ow" + ], + [ + "▁", + "Allow" + ], + [ + "▁ang", + "lès" + ], + [ + "д", + "ви" + ], + [ + "▁T", + "oy" + ], + [ + "▁To", + "y" + ], + [ + "ту", + "а" + ], + [ + "▁y", + "ard" + ], + [ + "▁ya", + "rd" + ], + [ + "▁", + "yard" + ], + [ + "(", + "%" + ], + [ + "is", + "ser" + ], + [ + "iss", + "er" + ], + [ + "isse", + "r" + ], + [ + "▁g", + "olf" + ], + [ + "▁gol", + "f" + ], + [ + "▁Uk", + "rain" + ], + [ + "▁h", + "osp" + ], + [ + "▁ho", + "sp" + ], + [ + "▁hos", + "p" + ], + [ + "In", + "clude" + ], + [ + "▁L", + "isa" + ], + [ + "▁Li", + "sa" + ], + [ + "▁Lis", + "a" + ], + [ + "▁c", + "sal" + ], + [ + "▁cs", + "al" + ], + [ + "▁M", + "ira" + ], + [ + "▁Mi", + "ra" + ], + [ + "▁Mir", + "a" + ], + [ + "rec", + "ogn" + ], + [ + "▁К", + "е" + ], + [ + "▁h", + "itting" + ], + [ + "▁hit", + "ting" + ], + [ + "коно", + "мі" + ], + [ + "коном", + "і" + ], + [ + "▁Tourn", + "ament" + ], + [ + "LO", + "AD" + ], + [ + "▁Guard", + "ian" + ], + [ + "▁da", + "her" + ], + [ + "▁dah", + "er" + ], + [ + "▁time", + "zone" + ], + [ + "▁tom", + "cat" + ], + [ + "▁", + "tomcat" + ], + [ + "▁success", + "or" + ], + [ + "▁succ", + "essor" + ], + [ + "▁successo", + "r" + ], + [ + "▁V", + "oid" + ], + [ + "▁Vo", + "id" + ], + [ + "▁come", + "ç" + ], + [ + "▁convert", + "s" + ], + [ + "▁conver", + "ts" + ], + [ + "äch", + "s" + ], + [ + "ä", + "chs" + ], + [ + "os", + "ex" + ], + [ + "ose", + "x" + ], + [ + "o", + "sex" + ], + [ + "xe", + "lles" + ], + [ + "x", + "elles" + ], + [ + "as", + "er" + ], + [ + "ase", + "r" + ], + [ + "a", + "ser" + ], + [ + "▁É", + "s" + ], + [ + "▁m", + "ou" + ], + [ + "▁mo", + "u" + ], + [ + "▁u", + "ng" + ], + [ + "▁un", + "g" + ], + [ + "▁", + "ung" + ], + [ + "▁or", + "igen" + ], + [ + "▁orig", + "en" + ], + [ + "▁C", + "row" + ], + [ + "▁Cr", + "ow" + ], + [ + "▁Cro", + "w" + ], + [ + "▁E", + "rd" + ], + [ + "▁Er", + "d" + ], + [ + "▁s", + "ieben" + ], + [ + "▁si", + "eben" + ], + [ + "▁sie", + "ben" + ], + [ + "lu", + "a" + ], + [ + "l", + "ua" + ], + [ + "▁B", + "B" + ], + [ + "▁", + "BB" + ], + [ + "RE", + "NT" + ], + [ + "R", + "ENT" + ], + [ + "▁pił", + "kar" + ], + [ + "▁mar", + "que" + ], + [ + "▁marqu", + "e" + ], + [ + "▁La", + "bour" + ], + [ + "▁Lab", + "our" + ], + [ + "vi", + "ders" + ], + [ + "vider", + "s" + ], + [ + "vid", + "ers" + ], + [ + "v", + "iders" + ], + [ + "▁ex", + "empl" + ], + [ + "▁exem", + "pl" + ], + [ + "So", + "und" + ], + [ + "S", + "ound" + ], + [ + "▁W", + "ass" + ], + [ + "▁Was", + "s" + ], + [ + "▁Wa", + "ss" + ], + [ + "arr", + "ison" + ], + [ + "▁те", + "чение" + ], + [ + "▁Of", + "icina" + ], + [ + "▁D", + "aw" + ], + [ + "▁Da", + "w" + ], + [ + "▁K", + "auf" + ], + [ + "▁Ka", + "uf" + ], + [ + "én", + "t" + ], + [ + "é", + "nt" + ], + [ + "és", + "ő" + ], + [ + "▁=", + "\"" + ], + [ + "▁", + "=\"" + ], + [ + "▁k", + "at" + ], + [ + "▁ka", + "t" + ], + [ + "di", + "ction" + ], + [ + "dict", + "ion" + ], + [ + "dic", + "tion" + ], + [ + "d", + "iction" + ], + [ + "▁V", + "oll" + ], + [ + "▁Vol", + "l" + ], + [ + "▁Vo", + "ll" + ], + [ + "▁high", + "way" + ], + [ + "J", + "ames" + ], + [ + "ze", + "uge" + ], + [ + "zeug", + "e" + ], + [ + "▁mod", + "elo" + ], + [ + "▁model", + "o" + ], + [ + "▁mode", + "lo" + ], + [ + "Th", + "row" + ], + [ + "▁F", + "orum" + ], + [ + "▁For", + "um" + ], + [ + "▁Fo", + "rum" + ], + [ + "(\"", + "@" + ], + [ + "▁en", + "fer" + ], + [ + "▁enf", + "er" + ], + [ + "▁спе", + "циаль" + ], + [ + "Number", + "s" + ], + [ + "Num", + "bers" + ], + [ + "▁B", + "inary" + ], + [ + "▁Bin", + "ary" + ], + [ + "▁", + "Binary" + ], + [ + "▁Martí", + "nez" + ], + [ + "▁Martín", + "ez" + ], + [ + "▁St", + "ato" + ], + [ + "▁Stat", + "o" + ], + [ + "▁Sta", + "to" + ], + [ + "▁fest", + "iv" + ], + [ + "▁k", + "atol" + ], + [ + "▁ka", + "tol" + ], + [ + "▁kat", + "ol" + ], + [ + "▁А", + "б" + ], + [ + "▁lim", + "itation" + ], + [ + "▁limit", + "ation" + ], + [ + "▁S", + "TR" + ], + [ + "▁ST", + "R" + ], + [ + "▁", + "STR" + ], + [ + "▁О", + "фициаль" + ], + [ + "ip", + "es" + ], + [ + "ipe", + "s" + ], + [ + "i", + "pes" + ], + [ + "▁I", + "sn" + ], + [ + "▁Is", + "n" + ], + [ + "▁rule", + "d" + ], + [ + "▁ru", + "led" + ], + [ + "▁c", + "í" + ], + [ + "▁", + "cí" + ], + [ + "ge", + "ber" + ], + [ + "geb", + "er" + ], + [ + "▁lavor", + "o" + ], + [ + "▁lav", + "oro" + ], + [ + "▁parenthes", + "es" + ], + [ + "о", + "з" + ], + [ + "▁équip", + "es" + ], + [ + "▁équipe", + "s" + ], + [ + "▁efficient", + "ly" + ], + [ + "▁Per", + "iod" + ], + [ + "▁", + "Period" + ], + [ + "▁Reg", + "arding" + ], + [ + "le", + "af" + ], + [ + "lea", + "f" + ], + [ + "▁similar", + "ity" + ], + [ + "▁gest", + "ure" + ], + [ + "data", + "b" + ], + [ + "da", + "tab" + ], + [ + "dat", + "ab" + ], + [ + "▁term", + "inate" + ], + [ + "▁termin", + "ate" + ], + [ + "▁sem", + "antics" + ], + [ + "▁semantic", + "s" + ], + [ + "▁A", + "lo" + ], + [ + "▁Al", + "o" + ], + [ + "▁c", + "ig" + ], + [ + "▁ci", + "g" + ], + [ + "▁Open", + "GL" + ], + [ + "▁heut", + "igen" + ], + [ + "xa", + "ml" + ], + [ + "x", + "aml" + ], + [ + "▁frequ", + "encies" + ], + [ + ")}", + "." + ], + [ + ")", + "}." + ], + [ + "▁threaten", + "ed" + ], + [ + "▁threat", + "ened" + ], + [ + "ти", + "к" + ], + [ + "▁cal", + "cio" + ], + [ + "▁calci", + "o" + ], + [ + "▁calc", + "io" + ], + [ + "▁R", + "iemann" + ], + [ + "▁Ri", + "emann" + ], + [ + "sl", + "ug" + ], + [ + "▁F", + "inale" + ], + [ + "▁Fin", + "ale" + ], + [ + "▁Final", + "e" + ], + [ + "L", + "R" + ], + [ + "▁Der", + "by" + ], + [ + "▁о", + "ще" + ], + [ + "▁de", + "viation" + ], + [ + "▁dev", + "iation" + ], + [ + "▁devi", + "ation" + ], + [ + "äch", + "en" + ], + [ + "äche", + "n" + ], + [ + "ä", + "chen" + ], + [ + "▁C", + "ris" + ], + [ + "▁Cr", + "is" + ], + [ + "но", + "во" + ], + [ + "нов", + "о" + ], + [ + "н", + "ово" + ], + [ + "▁сто", + "лі" + ], + [ + "▁re", + "lev" + ], + [ + "▁rel", + "ev" + ], + [ + "▁splend", + "id" + ], + [ + "▁у", + "чё" + ], + [ + "er", + "ving" + ], + [ + "erv", + "ing" + ], + [ + "ga", + "ble" + ], + [ + "g", + "able" + ], + [ + "▁général", + "e" + ], + [ + "▁généra", + "le" + ], + [ + "po", + "m" + ], + [ + "p", + "om" + ], + [ + "▁Che", + "ers" + ], + [ + "▁impr", + "ison" + ], + [ + "▁in", + "dent" + ], + [ + "▁ind", + "ent" + ], + [ + "▁inde", + "nt" + ], + [ + "▁", + "indent" + ], + [ + "▁anal", + "yz" + ], + [ + "▁analy", + "z" + ], + [ + "▁re", + "vert" + ], + [ + "▁rev", + "ert" + ], + [ + "▁reve", + "rt" + ], + [ + "▁rever", + "t" + ], + [ + "ér", + "er" + ], + [ + "ére", + "r" + ], + [ + "é", + "rer" + ], + [ + "▁ph", + "ases" + ], + [ + "▁phase", + "s" + ], + [ + "First", + "Name" + ], + [ + "▁m", + "ig" + ], + [ + "▁mi", + "g" + ], + [ + "▁dist", + "urb" + ], + [ + "▁mi", + "xture" + ], + [ + "▁)", + "{" + ], + [ + "▁", + "){" + ], + [ + "int", + "ure" + ], + [ + "▁T", + "ried" + ], + [ + "▁Tr", + "ied" + ], + [ + "▁Tri", + "ed" + ], + [ + "▁soon", + "er" + ], + [ + "▁p", + "els" + ], + [ + "▁pe", + "ls" + ], + [ + "▁pel", + "s" + ], + [ + "▁ét", + "abl" + ], + [ + "et", + "ro" + ], + [ + "etr", + "o" + ], + [ + "it", + "ie" + ], + [ + "iti", + "e" + ], + [ + "▁quart", + "ier" + ], + [ + "▁го", + "во" + ], + [ + "▁г", + "ово" + ], + [ + "▁", + "гово" + ], + [ + "▁vá", + "ros" + ], + [ + "uf", + "e" + ], + [ + "u", + "fe" + ], + [ + "he", + "ten" + ], + [ + "het", + "en" + ], + [ + "h", + "eten" + ], + [ + "хо", + "м" + ], + [ + "х", + "ом" + ], + [ + "▁so", + "ap" + ], + [ + "▁", + "soap" + ], + [ + "ut", + "ors" + ], + [ + "uto", + "rs" + ], + [ + "utor", + "s" + ], + [ + "▁d", + "uch" + ], + [ + "▁du", + "ch" + ], + [ + "▁duc", + "h" + ], + [ + "syn", + "tax" + ], + [ + "s", + "yntax" + ], + [ + "▁tr", + "ibe" + ], + [ + "▁tri", + "be" + ], + [ + "▁trib", + "e" + ], + [ + "▁ch", + "ante" + ], + [ + "▁chant", + "e" + ], + [ + "Tr", + "i" + ], + [ + "T", + "ri" + ], + [ + "▁M", + "ate" + ], + [ + "▁Ma", + "te" + ], + [ + "▁Mat", + "e" + ], + [ + "qu", + "ality" + ], + [ + "qual", + "ity" + ], + [ + "uo", + "la" + ], + [ + "u", + "ola" + ], + [ + "=\"", + "." + ], + [ + "=", + "\"." + ], + [ + "ch", + "k" + ], + [ + "▁в", + "сі" + ], + [ + "▁вс", + "і" + ], + [ + "▁prze", + "ci" + ], + [ + "▁M", + "eteor" + ], + [ + "▁Met", + "eor" + ], + [ + "▁scatter", + "ed" + ], + [ + "Pl", + "us" + ], + [ + "P", + "lus" + ], + [ + "tr", + "ad" + ], + [ + "tra", + "d" + ], + [ + "t", + "rad" + ], + [ + "▁stack", + "overflow" + ], + [ + "▁", + "stackoverflow" + ], + [ + "▁re", + "tra" + ], + [ + "▁r", + "etra" + ], + [ + "▁ret", + "ra" + ], + [ + "▁retr", + "a" + ], + [ + "▁éd", + "itions" + ], + [ + "▁édition", + "s" + ], + [ + "▁s", + "ain" + ], + [ + "▁sa", + "in" + ], + [ + "cri", + "be" + ], + [ + "cr", + "ibe" + ], + [ + "ig", + "non" + ], + [ + "ign", + "on" + ], + [ + "uc", + "ker" + ], + [ + "uck", + "er" + ], + [ + "u", + "cker" + ], + [ + "▁ма", + "ло" + ], + [ + "▁ten", + "ir" + ], + [ + "▁ex", + "ports" + ], + [ + "▁export", + "s" + ], + [ + "▁", + "exports" + ], + [ + "▁aux", + "ili" + ], + [ + "▁]", + "]" + ], + [ + "▁", + "]]" + ], + [ + "▁C", + "BS" + ], + [ + "un", + "iform" + ], + [ + "uni", + "form" + ], + [ + "▁period", + "ic" + ], + [ + "ag", + "rant" + ], + [ + "agr", + "ant" + ], + [ + "▁em", + "ple" + ], + [ + "▁emp", + "le" + ], + [ + "W", + "il" + ], + [ + "▁f", + "res" + ], + [ + "▁fr", + "es" + ], + [ + "▁fre", + "s" + ], + [ + "▁str", + "utt" + ], + [ + "▁stru", + "tt" + ], + [ + "▁с", + "віт" + ], + [ + "▁сві", + "т" + ], + [ + "▁be", + "tre" + ], + [ + "▁bet", + "re" + ], + [ + "▁объ", + "ек" + ], + [ + "ти", + "ся" + ], + [ + "▁b", + "isher" + ], + [ + "▁bis", + "her" + ], + [ + "ba", + "um" + ], + [ + "bau", + "m" + ], + [ + "b", + "aum" + ], + [ + "is", + "hi" + ], + [ + "ish", + "i" + ], + [ + "▁Gaz", + "ette" + ], + [ + "background", + "Color" + ], + [ + "j", + "l" + ], + [ + "▁f", + "iel" + ], + [ + "▁fi", + "el" + ], + [ + "▁пре", + "ма" + ], + [ + "▁protagon", + "ista" + ], + [ + "▁Muham", + "mad" + ], + [ + "▁sim", + "ulate" + ], + [ + "▁H", + "ook" + ], + [ + "▁Ho", + "ok" + ], + [ + "fe", + "st" + ], + [ + "f", + "est" + ], + [ + "▁сво", + "их" + ], + [ + "▁свои", + "х" + ], + [ + "Se", + "nder" + ], + [ + "Send", + "er" + ], + [ + "S", + "ender" + ], + [ + "▁list", + "ened" + ], + [ + "▁listen", + "ed" + ], + [ + "▁liste", + "ned" + ], + [ + "ж", + "і" + ], + [ + "je", + "st" + ], + [ + "jes", + "t" + ], + [ + "j", + "est" + ], + [ + "ko", + "rd" + ], + [ + "kor", + "d" + ], + [ + "k", + "ord" + ], + [ + "Cho", + "ice" + ], + [ + "▁hoof", + "d" + ], + [ + "redu", + "cible" + ], + [ + "hp", + "p" + ], + [ + "h", + "pp" + ], + [ + "▁W", + "u" + ], + [ + "š", + "i" + ], + [ + "▁M", + "arse" + ], + [ + "▁Mar", + "se" + ], + [ + "▁Mars", + "e" + ], + [ + "▁s", + "oir" + ], + [ + "▁so", + "ir" + ], + [ + "we", + "sten" + ], + [ + "west", + "en" + ], + [ + "w", + "esten" + ], + [ + "em", + "os" + ], + [ + "emo", + "s" + ], + [ + "e", + "mos" + ], + [ + "▁D", + "uc" + ], + [ + "▁Du", + "c" + ], + [ + "▁amer", + "ik" + ], + [ + "|", + "}{" + ], + [ + "▁G", + "ul" + ], + [ + "▁Gu", + "l" + ], + [ + "▁Sp", + "rache" + ], + [ + "▁Spr", + "ache" + ], + [ + "▁mis", + "match" + ], + [ + "▁mism", + "atch" + ], + [ + "Sc", + "al" + ], + [ + "S", + "cal" + ], + [ + "P", + "ixel" + ], + [ + "E", + "F" + ], + [ + "▁S", + "ep" + ], + [ + "▁Se", + "p" + ], + [ + "▁powie", + "cie" + ], + [ + "ur", + "k" + ], + [ + "▁Nap", + "oli" + ], + [ + "▁neighbour", + "hood" + ], + [ + "сто", + "ян" + ], + [ + "стоя", + "н" + ], + [ + "▁search", + "es" + ], + [ + "yr", + "us" + ], + [ + "y", + "rus" + ], + [ + "пе", + "т" + ], + [ + "п", + "ет" + ], + [ + "He", + "lp" + ], + [ + "Hel", + "p" + ], + [ + "pon", + "t" + ], + [ + "po", + "nt" + ], + [ + "p", + "ont" + ], + [ + "▁Or", + "ient" + ], + [ + "▁Ori", + "ent" + ], + [ + "▁Alf", + "onso" + ], + [ + "▁monitor", + "ing" + ], + [ + "ia", + "o" + ], + [ + "i", + "ao" + ], + [ + "éd", + "é" + ], + [ + "▁Cés", + "ar" + ], + [ + "ше", + "е" + ], + [ + "Sh", + "ift" + ], + [ + "su", + "it" + ], + [ + "s", + "uit" + ], + [ + "code", + "d" + ], + [ + "co", + "ded" + ], + [ + "cod", + "ed" + ], + [ + "c", + "oded" + ], + [ + "но", + "то" + ], + [ + "▁Par", + "ti" + ], + [ + "▁Part", + "i" + ], + [ + "▁la", + "sci" + ], + [ + "▁las", + "ci" + ], + [ + "▁aw", + "esome" + ], + [ + "us", + "ta" + ], + [ + "ust", + "a" + ], + [ + "u", + "sta" + ], + [ + "▁С", + "ове" + ], + [ + "▁Со", + "ве" + ], + [ + "▁Сов", + "е" + ], + [ + "▁F", + "land" + ], + [ + "▁Fl", + "and" + ], + [ + "oo", + "m" + ], + [ + "o", + "om" + ], + [ + "▁de", + "vi" + ], + [ + "▁dev", + "i" + ], + [ + "eng", + "elsk" + ], + [ + "end", + "um" + ], + [ + "▁Pa", + "scal" + ], + [ + "▁Pas", + "cal" + ], + [ + "▁B", + "ind" + ], + [ + "▁Bi", + "nd" + ], + [ + "▁Bin", + "d" + ], + [ + "▁", + "Bind" + ], + [ + "▁sigu", + "ientes" + ], + [ + "▁siguiente", + "s" + ], + [ + "J", + "B" + ], + [ + "▁Peters", + "burg" + ], + [ + "▁incorrect", + "ly" + ], + [ + "▁B", + "ash" + ], + [ + "▁Bas", + "h" + ], + [ + "▁Ba", + "sh" + ], + [ + "▁pe", + "los" + ], + [ + "▁pel", + "os" + ], + [ + "▁pelo", + "s" + ], + [ + "▁zes", + "po" + ], + [ + "NS", + "URL" + ], + [ + "▁př", + "ek" + ], + [ + "▁Cr", + "ime" + ], + [ + "na", + "ch" + ], + [ + "n", + "ach" + ], + [ + "▁th", + "rust" + ], + [ + "▁thr", + "ust" + ], + [ + "▁Cult", + "ura" + ], + [ + "W", + "F" + ], + [ + "▁S", + "olo" + ], + [ + "▁So", + "lo" + ], + [ + "▁Sol", + "o" + ], + [ + "▁in", + "vas" + ], + [ + "▁inv", + "as" + ], + [ + "▁individ", + "ually" + ], + [ + "▁individual", + "ly" + ], + [ + "ib", + "m" + ], + [ + "i", + "bm" + ], + [ + "▁et", + "apa" + ], + [ + "▁hand", + "ed" + ], + [ + "▁han", + "ded" + ], + [ + "▁where", + "ver" + ], + [ + "▁interpol", + "ation" + ], + [ + "▁mus", + "ée" + ], + [ + "▁C", + "NN" + ], + [ + "id", + "ia" + ], + [ + "idi", + "a" + ], + [ + "i", + "dia" + ], + [ + "ńst", + "w" + ], + [ + "▁pr", + "zew" + ], + [ + "▁prze", + "w" + ], + [ + "▁prz", + "ew" + ], + [ + "ug", + "hing" + ], + [ + "ugh", + "ing" + ], + [ + "▁a", + "ctors" + ], + [ + "▁act", + "ors" + ], + [ + "▁actor", + "s" + ], + [ + "▁Ori", + "ental" + ], + [ + "▁Orient", + "al" + ], + [ + "▁conven", + "ience" + ], + [ + "▁mi", + "asta" + ], + [ + "br", + "ains" + ], + [ + "bra", + "ins" + ], + [ + "▁ме", + "ся" + ], + [ + "▁inf", + "atti" + ], + [ + "▁All", + "Movie" + ], + [ + "▁crit", + "ique" + ], + [ + "▁success", + "o" + ], + [ + "▁succ", + "esso" + ], + [ + "anc", + "ouver" + ], + [ + "▁f", + "á" + ], + [ + "ъл", + "гар" + ], + [ + "▁wis", + "dom" + ], + [ + "▁Pho", + "enix" + ], + [ + "ho", + "le" + ], + [ + "hol", + "e" + ], + [ + "h", + "ole" + ], + [ + "▁inform", + "ación" + ], + [ + "▁Air", + "lines" + ], + [ + "▁Airl", + "ines" + ], + [ + ".", + "«" + ], + [ + "mo", + "rt" + ], + [ + "mor", + "t" + ], + [ + "m", + "ort" + ], + [ + "user", + "Id" + ], + [ + "▁*/", + "\r" + ], + [ + "▁C", + "ongo" + ], + [ + "▁Con", + "go" + ], + [ + "▁Cong", + "o" + ], + [ + "▁\"", + "`" + ], + [ + "▁", + "\"`" + ], + [ + "co", + "rr" + ], + [ + "cor", + "r" + ], + [ + "c", + "orr" + ], + [ + "▁problem", + "as" + ], + [ + "▁proble", + "mas" + ], + [ + "▁problema", + "s" + ], + [ + "▁probl", + "emas" + ], + [ + "▁b", + "ib" + ], + [ + "▁bi", + "b" + ], + [ + "▁", + "bib" + ], + [ + "▁póź", + "niej" + ], + [ + "▁file", + "Name" + ], + [ + "▁", + "fileName" + ], + [ + "zo", + "tt" + ], + [ + "z", + "ott" + ], + [ + "ma", + "cht" + ], + [ + "mac", + "ht" + ], + [ + "m", + "acht" + ], + [ + "▁Ul", + "rich" + ], + [ + "C", + "y" + ], + [ + "end", + "point" + ], + [ + "▁she", + "ep" + ], + [ + "▁i", + "bn" + ], + [ + "Fe", + "ed" + ], + [ + "F", + "eed" + ], + [ + "▁sympath", + "y" + ], + [ + "▁I", + "b" + ], + [ + "▁territ", + "orial" + ], + [ + "ra", + "ting" + ], + [ + "rat", + "ing" + ], + [ + "r", + "ating" + ], + [ + "да", + "ми" + ], + [ + "▁d", + "st" + ], + [ + "▁ds", + "t" + ], + [ + "▁", + "dst" + ], + [ + "у", + "ю" + ], + [ + "ah", + "o" + ], + [ + "a", + "ho" + ], + [ + "▁s", + "ug" + ], + [ + "▁su", + "g" + ], + [ + "em", + "ia" + ], + [ + "emi", + "a" + ], + [ + "▁t", + "ed" + ], + [ + "▁te", + "d" + ], + [ + "▁", + "ted" + ], + [ + "▁A", + "pi" + ], + [ + "▁Ap", + "i" + ], + [ + "▁", + "Api" + ], + [ + "▁R", + "ica" + ], + [ + "▁Ric", + "a" + ], + [ + "▁Ri", + "ca" + ], + [ + "▁M", + "R" + ], + [ + "▁", + "MR" + ], + [ + "ński", + "m" + ], + [ + "ń", + "skim" + ], + [ + "▁V", + "oor" + ], + [ + "▁Vo", + "or" + ], + [ + "▁de", + "vil" + ], + [ + "▁dev", + "il" + ], + [ + "▁devi", + "l" + ], + [ + "▁Ф", + "о" + ], + [ + "▁N", + "är" + ], + [ + "▁Nä", + "r" + ], + [ + "▁...", + ")" + ], + [ + "▁..", + ".)" + ], + [ + "▁", + "...)" + ], + [ + "▁v", + "ois" + ], + [ + "▁vo", + "is" + ], + [ + "▁ab", + "bre" + ], + [ + "▁abb", + "re" + ], + [ + "▁M", + "änner" + ], + [ + "xim", + "o" + ], + [ + "xi", + "mo" + ], + [ + "x", + "imo" + ], + [ + "▁intellect", + "ual" + ], + [ + "▁t", + "ales" + ], + [ + "▁tal", + "es" + ], + [ + "▁ta", + "les" + ], + [ + "▁tale", + "s" + ], + [ + "sim", + "ilar" + ], + [ + "ne", + "um" + ], + [ + "▁O", + "rig" + ], + [ + "▁Or", + "ig" + ], + [ + "▁Ori", + "g" + ], + [ + "▁po", + "stal" + ], + [ + "▁pos", + "tal" + ], + [ + "▁post", + "al" + ], + [ + "▁h", + "vor" + ], + [ + "▁ident", + "ification" + ], + [ + "▁identific", + "ation" + ], + [ + "▁О", + "д" + ], + [ + "ue", + "sto" + ], + [ + "ues", + "to" + ], + [ + "uest", + "o" + ], + [ + "u", + "esto" + ], + [ + "▁.", + "./" + ], + [ + "▁..", + "/" + ], + [ + "▁", + "../" + ], + [ + "▁b", + "ir" + ], + [ + "▁bi", + "r" + ], + [ + "▁", + "bir" + ], + [ + "▁Л", + "он" + ], + [ + "▁Ло", + "н" + ], + [ + "▁es", + "empio" + ], + [ + "▁E", + "ing" + ], + [ + "▁Ein", + "g" + ], + [ + "Exp", + "and" + ], + [ + "▁PR", + "IMARY" + ], + [ + "▁J", + "in" + ], + [ + "▁Ji", + "n" + ], + [ + "▁vš", + "ak" + ], + [ + "ours", + "es" + ], + [ + "ourse", + "s" + ], + [ + "▁Be", + "tty" + ], + [ + "▁Bet", + "ty" + ], + [ + "▁W", + "M" + ], + [ + "▁", + "WM" + ], + [ + "▁fl", + "ask" + ], + [ + "▁fla", + "sk" + ], + [ + "hl", + "en" + ], + [ + "h", + "len" + ], + [ + "▁A", + "del" + ], + [ + "▁Ad", + "el" + ], + [ + "lar", + "avel" + ], + [ + "▁д", + "ет" + ], + [ + "▁де", + "т" + ], + [ + "сь", + "кою" + ], + [ + "сько", + "ю" + ], + [ + "▁M", + "undo" + ], + [ + "▁Mun", + "do" + ], + [ + "ic", + "zn" + ], + [ + "icz", + "n" + ], + [ + "ifi", + "é" + ], + [ + "▁М", + "ор" + ], + [ + "▁Мо", + "р" + ], + [ + "▁д", + "рев" + ], + [ + "▁др", + "ев" + ], + [ + "Date", + "Format" + ], + [ + "сь", + "ким" + ], + [ + "ськ", + "им" + ], + [ + "▁d", + "ated" + ], + [ + "▁da", + "ted" + ], + [ + "▁dat", + "ed" + ], + [ + "▁date", + "d" + ], + [ + "▁", + "dated" + ], + [ + "ко", + "ли" + ], + [ + "кол", + "и" + ], + [ + "▁результа", + "те" + ], + [ + "\\)", + "." + ], + [ + "\\", + ")." + ], + [ + "▁delay", + "ed" + ], + [ + "so", + "und" + ], + [ + "s", + "ound" + ], + [ + "▁Ма", + "к" + ], + [ + "▁\"", + "..." + ], + [ + "▁\".", + ".." + ], + [ + "▁b", + "innen" + ], + [ + "▁bin", + "nen" + ], + [ + "▁фа", + "куль" + ], + [ + "▁pol", + "ygon" + ], + [ + "▁poly", + "gon" + ], + [ + "▁eg", + "gs" + ], + [ + "▁egg", + "s" + ], + [ + "At", + "IndexPath" + ], + [ + "AtIndex", + "Path" + ], + [ + "мен", + "таль" + ], + [ + "мент", + "аль" + ], + [ + "мента", + "ль" + ], + [ + "▁in", + "cred" + ], + [ + "▁incre", + "d" + ], + [ + "▁inc", + "red" + ], + [ + "ch", + "unk" + ], + [ + "web", + "driver" + ], + [ + "▁с", + "вобо" + ], + [ + "▁сво", + "бо" + ], + [ + "▁mi", + "ędzy" + ], + [ + "Rece", + "ived" + ], + [ + "Receive", + "d" + ], + [ + "▁M", + "onde" + ], + [ + "▁Mon", + "de" + ], + [ + "▁Mo", + "nde" + ], + [ + "▁Mond", + "e" + ], + [ + "▁J", + "Query" + ], + [ + "Bu", + "tt" + ], + [ + "But", + "t" + ], + [ + "B", + "utt" + ], + [ + "▁P", + "DO" + ], + [ + "▁for", + "ec" + ], + [ + "▁fo", + "rec" + ], + [ + "▁fore", + "c" + ], + [ + "▁discipl", + "ine" + ], + [ + "ch", + "ev" + ], + [ + "che", + "v" + ], + [ + "на", + "т" + ], + [ + "н", + "ат" + ], + [ + "▁re", + "dis" + ], + [ + "▁red", + "is" + ], + [ + "▁hun", + "ting" + ], + [ + "▁al", + "k" + ], + [ + "▁", + "alk" + ], + [ + "▁proof", + "s" + ], + [ + "PR", + "I" + ], + [ + "P", + "RI" + ], + [ + "▁c", + "hip" + ], + [ + "▁ch", + "ip" + ], + [ + "▁chi", + "p" + ], + [ + "és", + "ie" + ], + [ + "▁H", + "O" + ], + [ + "▁", + "HO" + ], + [ + "▁r", + "ug" + ], + [ + "▁ru", + "g" + ], + [ + "▁", + "rug" + ], + [ + "zo", + "s" + ], + [ + "z", + "os" + ], + [ + "▁s", + "orte" + ], + [ + "▁sort", + "e" + ], + [ + "▁sor", + "te" + ], + [ + "▁ze", + "igt" + ], + [ + "▁Phys", + "ics" + ], + [ + "leg", + "te" + ], + [ + "legt", + "e" + ], + [ + "▁proport", + "ional" + ], + [ + "▁proportion", + "al" + ], + [ + "▁tool", + "bar" + ], + [ + "ve", + "ment" + ], + [ + "v", + "ement" + ], + [ + "not", + "in" + ], + [ + "▁prv", + "ní" + ], + [ + "bl", + "ah" + ], + [ + "bla", + "h" + ], + [ + "b", + "lah" + ], + [ + "▁prés", + "ence" + ], + [ + "▁l", + "loc" + ], + [ + "▁ll", + "oc" + ], + [ + "▁lí", + "der" + ], + [ + "▁Ac", + "cept" + ], + [ + "▁", + "Accept" + ], + [ + "▁Al", + "ways" + ], + [ + "▁\"", + "{" + ], + [ + "▁divers", + "i" + ], + [ + "▁diver", + "si" + ], + [ + "ik", + "or" + ], + [ + "iko", + "r" + ], + [ + "i", + "kor" + ], + [ + "Per", + "iod" + ], + [ + "ж", + "ён" + ], + [ + "▁Al", + "liance" + ], + [ + "▁All", + "iance" + ], + [ + "▁re", + "lay" + ], + [ + "▁rel", + "ay" + ], + [ + "▁rela", + "y" + ], + [ + "Br", + "o" + ], + [ + "B", + "ro" + ], + [ + "jö", + "n" + ], + [ + "j", + "ön" + ], + [ + "▁B", + "aud" + ], + [ + "▁Ba", + "ud" + ], + [ + "▁Bau", + "d" + ], + [ + "▁B", + "ian" + ], + [ + "▁Bi", + "an" + ], + [ + "')", + "[" + ], + [ + "'", + ")[" + ], + [ + "чи", + "в" + ], + [ + "▁P", + "oss" + ], + [ + "▁Po", + "ss" + ], + [ + "▁Pos", + "s" + ], + [ + "▁Mitg", + "lieder" + ], + [ + "▁Mitglied", + "er" + ], + [ + "▁n", + "ev" + ], + [ + "▁ne", + "v" + ], + [ + "Dan", + "iel" + ], + [ + "▁t", + "ends" + ], + [ + "▁ten", + "ds" + ], + [ + "▁tend", + "s" + ], + [ + "▁compag", + "nie" + ], + [ + "▁liv", + "res" + ], + [ + "▁livre", + "s" + ], + [ + "lu", + "b" + ], + [ + "l", + "ub" + ], + [ + "▁", + "▁" + ], + [ + "▁▁", + "▁▁" + ], + [ + "▁▁▁", + "▁" + ], + [ + "▁", + "▁▁▁" + ], + [ + "▁▁", + "▁▁▁▁▁▁" + ], + [ + "▁▁▁▁", + "▁▁▁▁" + ], + [ + "▁▁▁▁▁", + "▁▁▁" + ], + [ + "▁▁▁▁▁▁", + "▁▁" + ], + [ + "▁▁▁", + "▁▁▁▁▁" + ], + [ + "▁▁▁▁▁▁▁", + "▁" + ], + [ + "▁", + "▁▁▁▁▁▁▁" + ], + [ + "▁▁", + "▁▁▁" + ], + [ + "▁▁▁▁", + "▁" + ], + [ + "▁▁▁", + "▁▁" + ], + [ + "▁", + "▁▁▁▁" + ], + [ + "▁▁", + "▁▁▁▁▁▁▁▁▁▁▁▁▁▁" + ], + [ + "▁▁▁▁", + "▁▁▁▁▁▁▁▁▁▁▁▁" + ], + [ + "▁▁▁▁▁▁▁▁", + "▁▁▁▁▁▁▁▁" + ], + [ + "▁▁▁▁▁", + "▁▁▁▁▁▁▁▁▁▁▁" + ], + [ + "▁▁▁▁▁▁", + "▁▁▁▁▁▁▁▁▁▁" + ], + [ + "▁▁▁▁▁▁▁▁▁▁▁▁", + "▁▁▁▁" + ], + [ + "▁▁▁▁▁▁▁▁▁▁▁▁▁", + "▁▁▁" + ], + [ + "▁▁▁▁▁▁▁▁▁▁", + "▁▁▁▁▁▁" + ], + [ + "▁▁▁▁▁▁▁▁▁▁▁▁▁▁", + "▁▁" + ], + [ + "▁▁▁", + "▁▁▁▁▁▁▁▁▁▁▁▁▁" + ], + [ + "▁▁▁▁▁▁▁▁▁", + "▁▁▁▁▁▁▁" + ], + [ + "▁▁▁▁▁▁▁", + "▁▁▁▁▁▁▁▁▁" + ], + [ + "▁▁▁▁▁▁▁▁▁▁▁", + "▁▁▁▁▁" + ], + [ + "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁", + "▁" + ], + [ + "▁", + "▁▁▁▁▁▁▁▁▁▁▁▁▁▁▁" + ], + [ + "▁▁", + "▁▁▁▁" + ], + [ + "▁▁▁▁", + "▁▁" + ], + [ + "▁▁▁▁▁", + "▁" + ], + [ + "▁▁▁", + "▁▁▁" + ], + [ + "▁", + "▁▁▁▁▁" + ], + [ + "▁▁", + "▁▁▁▁▁▁▁▁▁▁" + ], + [ + "▁▁▁▁", + "▁▁▁▁▁▁▁▁" + ], + [ + "▁▁▁▁▁▁▁▁", + "▁▁▁▁" + ], + [ + "▁▁▁▁▁", + "▁▁▁▁▁▁▁" + ], + [ + "▁▁▁▁▁▁", + "▁▁▁▁▁▁" + ], + [ + "▁▁▁▁▁▁▁▁▁▁", + "▁▁" + ], + [ + "▁▁▁", + "▁▁▁▁▁▁▁▁▁" + ], + [ + "▁▁▁▁▁▁▁▁▁", + "▁▁▁" + ], + [ + "▁▁▁▁▁▁▁", + "▁▁▁▁▁" + ], + [ + "▁▁▁▁▁▁▁▁▁▁▁", + "▁" + ], + [ + "▁", + "▁▁▁▁▁▁▁▁▁▁▁" + ], + [ + "▁▁", + "▁▁▁▁▁▁▁▁▁▁▁" + ], + [ + "▁▁▁▁", + "▁▁▁▁▁▁▁▁▁" + ], + [ + "▁▁▁▁▁▁▁▁", + "▁▁▁▁▁" + ], + [ + "▁▁▁▁▁", + "▁▁▁▁▁▁▁▁" + ], + [ + "▁▁▁▁▁▁", + "▁▁▁▁▁▁▁" + ], + [ + "▁▁▁▁▁▁▁▁▁▁▁▁", + "▁" + ], + [ + "▁▁▁▁▁▁▁▁▁▁", + "▁▁▁" + ], + [ + "▁▁▁", + "▁▁▁▁▁▁▁▁▁▁" + ], + [ + "▁▁▁▁▁▁▁▁▁", + "▁▁▁▁" + ], + [ + "▁▁▁▁▁▁▁", + "▁▁▁▁▁▁" + ], + [ + "▁▁▁▁▁▁▁▁▁▁▁", + "▁▁" + ], + [ + "▁", + "▁▁▁▁▁▁▁▁▁▁▁▁" + ], + [ + "▁▁", + "▁▁▁▁▁▁▁▁" + ], + [ + "▁▁▁▁", + "▁▁▁▁▁▁" + ], + [ + "▁▁▁▁▁▁▁▁", + "▁▁" + ], + [ + "▁▁▁▁▁", + "▁▁▁▁▁" + ], + [ + "▁▁▁▁▁▁", + "▁▁▁▁" + ], + [ + "▁▁▁", + "▁▁▁▁▁▁▁" + ], + [ + "▁▁▁▁▁▁▁▁▁", + "▁" + ], + [ + "▁▁▁▁▁▁▁", + "▁▁▁" + ], + [ + "▁", + "▁▁▁▁▁▁▁▁▁" + ], + [ + "▁▁", + "▁▁▁▁▁▁▁▁▁▁▁▁" + ], + [ + "▁▁▁▁", + "▁▁▁▁▁▁▁▁▁▁" + ], + [ + "▁▁▁▁▁▁▁▁", + "▁▁▁▁▁▁" + ], + [ + "▁▁▁▁▁", + "▁▁▁▁▁▁▁▁▁" + ], + [ + "▁▁▁▁▁▁", + "▁▁▁▁▁▁▁▁" + ], + [ + "▁▁▁▁▁▁▁▁▁▁▁▁", + "▁▁" + ], + [ + "▁▁▁▁▁▁▁▁▁▁▁▁▁", + "▁" + ], + [ + "▁▁▁▁▁▁▁▁▁▁", + "▁▁▁▁" + ], + [ + "▁▁▁", + "▁▁▁▁▁▁▁▁▁▁▁" + ], + [ + "▁▁▁▁▁▁▁▁▁", + "▁▁▁▁▁" + ], + [ + "▁▁▁▁▁▁▁", + "▁▁▁▁▁▁▁" + ], + [ + "▁▁▁▁▁▁▁▁▁▁▁", + "▁▁▁" + ], + [ + "▁", + "▁▁▁▁▁▁▁▁▁▁▁▁▁" + ], + [ + "▁▁", + "▁" + ], + [ + "▁", + "▁▁" + ], + [ + "▁▁", + "▁▁▁▁▁▁▁" + ], + [ + "▁▁▁▁", + "▁▁▁▁▁" + ], + [ + "▁▁▁▁▁▁▁▁", + "▁" + ], + [ + "▁▁▁▁▁", + "▁▁▁▁" + ], + [ + "▁▁▁▁▁▁", + "▁▁▁" + ], + [ + "▁▁▁", + "▁▁▁▁▁▁" + ], + [ + "▁▁▁▁▁▁▁", + "▁▁" + ], + [ + "▁", + "▁▁▁▁▁▁▁▁" + ], + [ + "▁▁", + "▁▁▁▁▁" + ], + [ + "▁▁▁▁", + "▁▁▁" + ], + [ + "▁▁▁▁▁", + "▁▁" + ], + [ + "▁▁▁▁▁▁", + "▁" + ], + [ + "▁▁▁", + "▁▁▁▁" + ], + [ + "▁", + "▁▁▁▁▁▁" + ], + [ + "▁▁", + "▁▁▁▁▁▁▁▁▁" + ], + [ + "▁▁▁▁", + "▁▁▁▁▁▁▁" + ], + [ + "▁▁▁▁▁▁▁▁", + "▁▁▁" + ], + [ + "▁▁▁▁▁", + "▁▁▁▁▁▁" + ], + [ + "▁▁▁▁▁▁", + "▁▁▁▁▁" + ], + [ + "▁▁▁▁▁▁▁▁▁▁", + "▁" + ], + [ + "▁▁▁", + "▁▁▁▁▁▁▁▁" + ], + [ + "▁▁▁▁▁▁▁▁▁", + "▁▁" + ], + [ + "▁▁▁▁▁▁▁", + "▁▁▁▁" + ], + [ + "▁", + "▁▁▁▁▁▁▁▁▁▁" + ], + [ + "▁▁", + "▁▁▁▁▁▁▁▁▁▁▁▁▁" + ], + [ + "▁▁▁▁", + "▁▁▁▁▁▁▁▁▁▁▁" + ], + [ + "▁▁▁▁▁▁▁▁", + "▁▁▁▁▁▁▁" + ], + [ + "▁▁▁▁▁", + "▁▁▁▁▁▁▁▁▁▁" + ], + [ + "▁▁▁▁▁▁", + "▁▁▁▁▁▁▁▁▁" + ], + [ + "▁▁▁▁▁▁▁▁▁▁▁▁", + "▁▁▁" + ], + [ + "▁▁▁▁▁▁▁▁▁▁▁▁▁", + "▁▁" + ], + [ + "▁▁▁▁▁▁▁▁▁▁", + "▁▁▁▁▁" + ], + [ + "▁▁▁▁▁▁▁▁▁▁▁▁▁▁", + "▁" + ], + [ + "▁▁▁", + "▁▁▁▁▁▁▁▁▁▁▁▁" + ], + [ + "▁▁▁▁▁▁▁▁▁", + "▁▁▁▁▁▁" + ], + [ + "▁▁▁▁▁▁▁", + "▁▁▁▁▁▁▁▁" + ], + [ + "▁▁▁▁▁▁▁▁▁▁▁", + "▁▁▁▁" + ], + [ + "▁", + "▁▁▁▁▁▁▁▁▁▁▁▁▁▁" + ] + ] + } +} \ No newline at end of file diff --git a/chatbot/models/microsoft/Phi-3.5-mini-instruct/tokenizer.model b/chatbot/models/microsoft/Phi-3.5-mini-instruct/tokenizer.model new file mode 100644 index 0000000000000000000000000000000000000000..6c00c742ce03c627d6cd5b795984876fa49fa899 --- /dev/null +++ b/chatbot/models/microsoft/Phi-3.5-mini-instruct/tokenizer.model @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9e556afd44213b6bd1be2b850ebbbd98f5481437a8021afaf58ee7fb1818d347 +size 499723 diff --git a/chatbot/models/microsoft/Phi-3.5-mini-instruct/tokenizer_config.json b/chatbot/models/microsoft/Phi-3.5-mini-instruct/tokenizer_config.json new file mode 100644 index 0000000000000000000000000000000000000000..7a0f50603def94f6f1100178729be50d2369c3c3 --- /dev/null +++ b/chatbot/models/microsoft/Phi-3.5-mini-instruct/tokenizer_config.json @@ -0,0 +1,131 @@ +{ + "add_bos_token": false, + "add_eos_token": false, + "add_prefix_space": null, + "added_tokens_decoder": { + "0": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "1": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "2": { + "content": "", + "lstrip": false, + "normalized": false, + "rstrip": true, + "single_word": false, + "special": false + }, + "32000": { + "content": "<|endoftext|>", + "lstrip": false, + "normalized": false, + "rstrip": false, + "single_word": false, + "special": true + }, + "32001": { + "content": "<|assistant|>", + "lstrip": false, + "normalized": false, + "rstrip": true, + "single_word": false, + "special": true + }, + "32002": { + "content": "<|placeholder1|>", + "lstrip": false, + "normalized": false, + "rstrip": true, + "single_word": false, + "special": true + }, + "32003": { + "content": "<|placeholder2|>", + "lstrip": false, + "normalized": false, + "rstrip": true, + "single_word": false, + "special": true + }, + "32004": { + "content": "<|placeholder3|>", + "lstrip": false, + "normalized": false, + "rstrip": true, + "single_word": false, + "special": true + }, + "32005": { + "content": "<|placeholder4|>", + "lstrip": false, + "normalized": false, + "rstrip": true, + "single_word": false, + "special": true + }, + "32006": { + "content": "<|system|>", + "lstrip": false, + "normalized": false, + "rstrip": true, + "single_word": false, + "special": true + }, + "32007": { + "content": "<|end|>", + "lstrip": false, + "normalized": false, + "rstrip": true, + "single_word": false, + "special": true + }, + "32008": { + "content": "<|placeholder5|>", + "lstrip": false, + "normalized": false, + "rstrip": true, + "single_word": false, + "special": true + }, + "32009": { + "content": "<|placeholder6|>", + "lstrip": false, + "normalized": false, + "rstrip": true, + "single_word": false, + "special": true + }, + "32010": { + "content": "<|user|>", + "lstrip": false, + "normalized": false, + "rstrip": true, + "single_word": false, + "special": true + } + }, + "bos_token": "", + "chat_template": "{% for message in messages %}{% if message['role'] == 'system' and message['content'] %}{{'<|system|>\n' + message['content'] + '<|end|>\n'}}{% elif message['role'] == 'user' %}{{'<|user|>\n' + message['content'] + '<|end|>\n'}}{% elif message['role'] == 'assistant' %}{{'<|assistant|>\n' + message['content'] + '<|end|>\n'}}{% endif %}{% endfor %}{% if add_generation_prompt %}{{ '<|assistant|>\n' }}{% else %}{{ eos_token }}{% endif %}", + "clean_up_tokenization_spaces": false, + "eos_token": "<|endoftext|>", + "legacy": false, + "model_max_length": 131072, + "pad_token": "<|endoftext|>", + "padding_side": "left", + "sp_model_kwargs": {}, + "tokenizer_class": "LlamaTokenizer", + "unk_token": "", + "use_default_system_prompt": false +} diff --git a/chatbot/models/openai-community/gpt2/config.json b/chatbot/models/openai-community/gpt2/config.json new file mode 100644 index 0000000000000000000000000000000000000000..e96c9d535360db34158598589de006a82030af71 --- /dev/null +++ b/chatbot/models/openai-community/gpt2/config.json @@ -0,0 +1,39 @@ +{ + "_name_or_path": "openai-community/gpt2", + "activation_function": "gelu_new", + "architectures": [ + "GPT2LMHeadModel" + ], + "attn_pdrop": 0.1, + "bos_token_id": 50256, + "embd_pdrop": 0.1, + "eos_token_id": 50256, + "initializer_range": 0.02, + "layer_norm_epsilon": 1e-05, + "model_type": "gpt2", + "n_ctx": 1024, + "n_embd": 768, + "n_head": 12, + "n_inner": null, + "n_layer": 12, + "n_positions": 1024, + "reorder_and_upcast_attn": false, + "resid_pdrop": 0.1, + "scale_attn_by_inverse_layer_idx": false, + "scale_attn_weights": true, + "summary_activation": null, + "summary_first_dropout": 0.1, + "summary_proj_to_labels": true, + "summary_type": "cls_index", + "summary_use_proj": true, + "task_specific_params": { + "text-generation": { + "do_sample": true, + "max_length": 50 + } + }, + "torch_dtype": "float32", + "transformers_version": "4.46.2", + "use_cache": true, + "vocab_size": 50257 +} diff --git a/chatbot/models/openai-community/gpt2/generation_config.json b/chatbot/models/openai-community/gpt2/generation_config.json new file mode 100644 index 0000000000000000000000000000000000000000..42ea62038a77f74f5238e905881cf9a7efecf046 --- /dev/null +++ b/chatbot/models/openai-community/gpt2/generation_config.json @@ -0,0 +1,6 @@ +{ + "_from_model_config": true, + "bos_token_id": 50256, + "eos_token_id": 50256, + "transformers_version": "4.46.2" +} diff --git a/chatbot/models/openai-community/gpt2/merges.txt b/chatbot/models/openai-community/gpt2/merges.txt new file mode 100644 index 0000000000000000000000000000000000000000..226b0752cac7789c48f0cb3ec53eda48b7be36cc --- /dev/null +++ b/chatbot/models/openai-community/gpt2/merges.txt @@ -0,0 +1,50001 @@ +#version: 0.2 +Ġ t +Ġ a +h e +i n +r e +o n +Ġt he +e r +Ġ s +a t +Ġ w +Ġ o +e n +Ġ c +i t +i s +a n +o r +e s +Ġ b +e d +Ġ f +in g +Ġ p +o u +Ġa n +a l +a r +Ġt o +Ġ m +Ġo f +Ġ in +Ġ d +Ġ h +Ġan d +i c +a s +l e +Ġt h +i on +o m +l l +en t +Ġ n +Ġ l +s t +Ġ re +v e +Ġ e +r o +l y +Ġb e +Ġ g +Ġ T +c t +Ġ S +i d +o t +Ġ I +u t +e t +Ġ A +Ġ is +Ġ on +i m +a m +o w +a y +a d +s e +Ġth at +Ġ C +i g +Ġf or +a c +Ġ y +v er +u r +Ġ u +l d +Ġs t +Ġ M +' s +Ġ he +Ġ it +at ion +it h +i r +c e +Ġy ou +i l +Ġ B +Ġw h +o l +Ġ P +Ġw ith +Ġ 1 +t er +c h +Ġa s +Ġw e +Ġ ( +n d +i ll +Ġ D +i f +Ġ 2 +a g +er s +k e +Ġ " +Ġ H +e m +Ġc on +Ġ W +Ġ R +he r +Ġw as +Ġ r +o d +Ġ F +u l +at e +Ġa t +r i +p p +o re +ĠT he +Ġs e +u s +Ġp ro +Ġh a +u m +Ġa re +Ġd e +a in +an d +Ġo r +ig h +es t +is t +a b +r om +Ġ N +t h +Ġc om +Ġ G +u n +o p +0 0 +Ġ L +Ġn ot +es s +Ġe x +Ġ v +re s +Ġ E +e w +it y +an t +Ġb y +e l +o s +or t +o c +q u +Ġf rom +Ġha ve +Ġs u +i ve +ou ld +Ġs h +Ġth is +n t +r a +p e +igh t +ar t +m ent +Ġa l +u st +en d +- - +al l +Ġ O +ac k +Ġc h +Ġ le +i es +re d +ar d +â Ģ +ou t +Ġ J +Ġa b +e ar +i v +al ly +ou r +o st +g h +p t +Ġp l +as t +Ġc an +a k +om e +u d +T he +Ġh is +Ġd o +Ġg o +Ġh as +g e +' t +Ġ U +r ou +Ġs a +Ġ j +Ġb ut +Ġw or +Ġa ll +e ct +Ġ k +am e +Ġw ill +o k +Ġw he +Ġthe y +id e +0 1 +f f +ic h +p l +t her +Ġt r +. . +Ġin t +i e +u re +ag e +Ġn e +i al +a p +in e +ic e +Ġm e +Ġo ut +an s +on e +on g +ion s +Ġwh o +Ġ K +Ġu p +Ġthe ir +Ġa d +Ġ 3 +Ġu s +at ed +ou s +Ġm ore +u e +o g +ĠS t +in d +i ke +Ġs o +im e +p er +. " +b er +i z +a ct +Ġon e +Ġsa id +Ġ - +a re +Ġyou r +c c +ĠT h +Ġc l +e p +a ke +ab le +i p +Ġcon t +Ġwh ich +i a +Ġ im +Ġab out +Ġwe re +ver y +u b +Ġh ad +Ġ en +Ġcom p +, " +ĠI n +Ġu n +Ġa g +i re +ac e +a u +ar y +Ġw ould +as s +r y +Ġ âĢ +c l +o ok +e re +s o +Ġ V +ig n +i b +Ġof f +Ġt e +v en +Ġ Y +i le +o se +it e +or m +Ġ2 01 +Ġre s +Ġm an +Ġp er +Ġo ther +or d +ul t +Ġbe en +Ġl ike +as e +an ce +k s +ay s +ow n +en ce +Ġd is +ct ion +Ġan y +Ġa pp +Ġs p +in t +res s +ation s +a il +Ġ 4 +ic al +Ġthe m +Ġhe r +ou nt +ĠC h +Ġa r +Ġ if +Ġthe re +Ġp e +Ġy ear +a v +Ġm y +Ġs ome +Ġwhe n +ou gh +ac h +Ġth an +r u +on d +ic k +Ġo ver +ve l +Ġ qu +Ċ Ċ +Ġs c +re at +re e +ĠI t +ou nd +p ort +Ġal so +Ġp art +f ter +Ġk n +Ġbe c +Ġt ime +en s +Ġ 5 +op le +Ġwh at +Ġn o +d u +m er +an g +Ġn ew +-- -- +Ġg et +or y +it ion +ing s +Ġj ust +Ġint o +Ġ 0 +ent s +o ve +t e +Ġpe ople +Ġp re +Ġit s +Ġre c +Ġt w +i an +ir st +ar k +or s +Ġwor k +ad e +o b +Ġs he +Ġo ur +w n +in k +l ic +Ġ1 9 +ĠH e +is h +nd er +au se +Ġh im +on s +Ġ [ +Ġ ro +f orm +i ld +at es +ver s +Ġon ly +o ll +Ġs pe +c k +e ll +am p +Ġa cc +Ġb l +i ous +ur n +f t +o od +Ġh ow +he d +Ġ ' +Ġa fter +a w +Ġat t +o v +n e +Ġpl ay +er v +ic t +Ġc ould +it t +Ġa m +Ġf irst +Ġ 6 +Ġa ct +Ġ $ +e c +h ing +u al +u ll +Ġcom m +o y +o ld +c es +at er +Ġf e +Ġbe t +w e +if f +Ġtw o +oc k +Ġb ack +) . +id ent +Ġu nder +rou gh +se l +x t +Ġm ay +rou nd +Ġp o +p h +is s +Ġd es +Ġm ost +Ġd id +Ġad d +j ect +Ġin c +f ore +Ġp ol +on t +Ġag ain +cl ud +ter n +Ġkn ow +Ġne ed +Ġcon s +Ġc o +Ġ . +Ġw ant +Ġse e +Ġ 7 +n ing +i ew +ĠTh is +c ed +Ġe ven +Ġin d +t y +ĠW e +at h +Ġthe se +Ġp r +Ġu se +Ġbec ause +Ġf l +n g +Ġn ow +ĠâĢ ĵ +c om +is e +Ġm ake +Ġthe n +ow er +Ġe very +ĠU n +Ġse c +os s +u ch +Ġe m +Ġ = +ĠR e +i ed +r it +Ġin v +le ct +Ġsu pp +at ing +Ġl ook +m an +pe ct +Ġ 8 +ro w +Ġb u +Ġwhe re +if ic +Ġyear s +i ly +Ġd iff +Ġsh ould +Ġre m +T h +I n +Ġe v +d ay +' re +ri b +Ġre l +s s +Ġde f +Ġr ight +Ġs y +) , +l es +00 0 +he n +Ġth rough +ĠT r +_ _ +Ġw ay +Ġd on +Ġ , +Ġ1 0 +as ed +Ġas s +ub lic +Ġre g +ĠA nd +i x +Ġ very +Ġin clud +ot her +Ġim p +ot h +Ġsu b +ĠâĢ Ķ +Ġbe ing +ar g +ĠW h += = +ib le +Ġdo es +an ge +r am +Ġ 9 +er t +p s +it ed +ation al +Ġb r +Ġd own +Ġman y +ak ing +Ġc all +ur ing +it ies +Ġp h +ic s +al s +Ġde c +at ive +en er +Ġbe fore +il ity +Ġwe ll +Ġm uch +ers on +Ġth ose +Ġsu ch +Ġ ke +Ġ end +ĠB ut +as on +t ing +Ġl ong +e f +Ġth ink +y s +Ġbe l +Ġs m +it s +a x +Ġo wn +Ġpro v +Ġs et +if e +ment s +b le +w ard +Ġsh ow +Ġp res +m s +om et +Ġo b +Ġs ay +ĠS h +t s +f ul +Ġe ff +Ġg u +Ġin st +u nd +re n +c ess +Ġ ent +ĠY ou +Ġgo od +Ġst art +in ce +Ġm ade +t t +st em +ol og +u p +Ġ | +um p +Ġhe l +ver n +ul ar +u ally +Ġa c +Ġm on +Ġl ast +Ġ2 00 +1 0 +Ġst ud +u res +ĠA r +sel f +ar s +mer ic +u es +c y +Ġm in +oll ow +Ġc ol +i o +Ġm od +Ġc ount +ĠC om +he s +Ġf in +a ir +i er +âĢ Ķ +re ad +an k +at ch +e ver +Ġst r +Ġpo int +or k +ĠN ew +Ġs ur +o ol +al k +em ent +Ġus ed +ra ct +we en +Ġs ame +ou n +ĠA l +c i +Ġdiff ere +Ġwh ile +---- ---- +Ġg ame +ce pt +Ġs im +.. . +Ġin ter +e k +Ġre port +Ġpro du +Ġst ill +l ed +a h +Ġhe re +Ġwor ld +Ġth ough +Ġn um +ar ch +im es +al e +ĠS e +ĠI f +/ / +ĠL e +Ġre t +Ġre f +Ġtr ans +n er +ut ion +ter s +Ġt ake +ĠC l +Ġcon f +w ay +a ve +Ġgo ing +Ġs l +u g +ĠA meric +Ġspe c +Ġh and +Ġbet ween +ist s +ĠD e +o ot +I t +Ġe ar +Ġagain st +Ġh igh +g an +a z +at her +Ġex p +Ġo p +Ġin s +Ġg r +Ġhel p +Ġre qu +et s +in s +ĠP ro +is m +Ġf ound +l and +at a +us s +am es +Ġp erson +Ġg reat +p r +Ġs ign +ĠA n +' ve +Ġs omet +Ġs er +h ip +Ġr un +Ġ : +Ġt er +ire ct +Ġf ollow +Ġd et +ic es +Ġf ind +1 2 +Ġm em +Ġc r +e red +e x +Ġex t +ut h +en se +c o +Ġte am +v ing +ou se +as h +at t +v ed +Ġsy stem +ĠA s +d er +iv es +m in +Ġle ad +ĠB l +c ent +Ġa round +Ġgo vern +Ġc ur +vel op +an y +Ġc our +al th +ag es +iz e +Ġc ar +od e +Ġl aw +Ġre ad +' m +c on +Ġre al +Ġsupp ort +Ġ1 2 +.. .. +Ġre ally +n ess +Ġf act +Ġd ay +Ġb oth +y ing +Ġs erv +ĠF or +Ġth ree +Ġw om +Ġm ed +od y +ĠThe y +5 0 +Ġex per +t on +Ġe ach +ak es +Ġc he +Ġc re +in es +Ġre p +1 9 +g g +ill ion +Ġg rou +ut e +i k +W e +g et +E R +Ġm et +Ġs ays +o x +Ġd uring +er n +iz ed +a red +Ġf am +ic ally +Ġha pp +ĠI s +Ġch ar +m ed +v ent +Ġg ener +i ent +p le +i et +re nt +1 1 +v es +pt ion +Ġ2 0 +form ation +Ġc or +Ġoff ic +ie ld +Ġto o +is ion +Ġin f +Ġ Z +t he +o ad +Ġp ublic +Ġpro g +r ic +* * +Ġw ar +Ġp ower +v iew +Ġf ew +Ġl oc +Ġdiffere nt +Ġst ate +Ġhe ad +' ll +Ġp oss +Ġst at +re t +ant s +Ġv al +Ġis s +Ġc le +i vers +an c +Ġex pl +Ġan other +Ġ Q +Ġa v +th ing +n ce +W h +Ġch ild +Ġs ince +i red +l ess +Ġl ife +Ġde velop +itt le +Ġde p +Ġp ass +ã ĥ +Ġt urn +or n +Th is +b ers +ro ss +ĠA d +Ġf r +Ġres p +Ġsec ond +o h +Ġ / +Ġdis c +Ġ & +Ġsomet hing +Ġcomp le +Ġ ed +Ġf il +Ġmon th +a j +u c +Ġgovern ment +Ġwith out +Ġle g +Ġd ist +Ġp ut +Ġqu est +an n +Ġpro t +2 0 +Ġne ver +i ence +Ġle vel +Ġar t +Ġth ings +Ġm ight +Ġeff ect +Ġcont ro +Ġc ent +Ġ1 8 +Ġall ow +Ġbel ie +ch ool +ot t +Ġinc re +Ġfe el +Ġres ult +Ġl ot +Ġf un +ot e +Ġt y +ere st +Ġcont in +Ġus ing +Ġb ig +2 01 +Ġas k +Ġb est +Ġ ) +I N +Ġo pp +3 0 +Ġnum ber +in ess +S t +le ase +Ġc a +Ġm ust +Ġd irect +Ġg l +Ġ < +Ġop en +Ġp ost +Ġcom e +Ġse em +ord ing +Ġwe ek +ate ly +it al +Ġe l +ri end +Ġf ar +Ġt ra +in al +Ġp ri +ĠU S +Ġpl ace +Ġfor m +Ġto ld +" : +ain s +at ure +ĠTr ump +Ġst and +Ġ # +id er +ĠF r +Ġne xt +Ġs oc +Ġp ur +Ġle t +Ġl ittle +Ġh um +Ġ i +r on +1 5 +Ġ1 5 +Ġcomm un +Ġm ark +ĠThe re +Ġw r +ĠTh at +Ġin formation +w ays +Ġb us +a pp +Ġinv est +m e +Ġh ard +ain ed +e ad +Ġim port +Ġapp ro +Ġt est +Ġt ri +Ġre st +os ed +Ġf ull +Ġc are +ĠS p +Ġc ase +O N +Ġs k +Ġl ess +Ġ + +Ġpart ic +ĠP l +ab ly +u ck +is hed +ch n +b e +Ġl ist +at or +Ġto p +Ġad v +ĠB e +ru ct +Ġd em +r ation +l ing +g y +re en +g er +Ġh ome +Ġle ft +Ġbet ter +Ġd ata +Ġ1 1 +Ġatt ack +Ġpro ble +l ine +ard s +Ġbe h +r al +ĠH ow +ĠS he +ar ge +Ġ -- +: // +Ġb ro +ĠP h +at s +Ġbu ild +w w +id ed +a im +as es +en cy +Ġm ain +in ed +Ġinclud ing +Ġ { +Ġg ot +Ġint erest +Ġke ep +Ġ X +Ġe as +ain ing +Ġcl ass +âĢ ¦ +ĠN o +Ġv ar +Ġsm all +amp le +A T +Ġ ide +ĠS o +Ġre ce +Ġpol it +Ġm ov +Ġpl an +Ġper cent +iv ing +Ġc amp +Ġp ay +1 4 +s c +is ed +Ġu nt +one y +pl oy +== == +Ġdid n +ĠI nd +el s +ert ain +Ġp os +__ __ +i ver +Ġpro cess +Ġprog ram +if ied +ĠR ep +1 6 +u ro +olog y +at ter +in a +Ġn ame +ĠA ll +Ġf our +Ġret urn +v ious +b s +Ġcall ed +Ġm ove +ĠS c +ir d +Ġgrou p +Ġb re +Ġm en +Ġc ap +t en +e e +Ġd ri +le g +he re +uth or +Ġp at +Ġcur rent +id es +Ġp op +t o +ent ion +Ġal ways +Ġm il +Ġwom en +Ġ1 6 +Ġo ld +iv en +ra ph +ĠO r +r or +ent ly +Ġn ear +ĠE x +re am +s h +Ġ1 4 +Ġf ree +iss ion +st and +ĠC on +al ity +us ed +1 3 +Ġdes ign +Ġch ange +Ġch ang +Ġb o +Ġv is +em ber +Ġb ook +read y +Ġk ill +2 5 +pp ed +Ġa way +Ġab le +Ġcount ry +Ġcon st +ar n +Ġor der +A R +i or +i um +or th +1 8 +ail able +Ġs w +Ġm illion +Ġ1 3 +at ic +t ed +ĠG o +Ġo per +en g +Ġth ing +aj or +con om +ĠCom m +Ġwh y +u red +ur al +Ġs chool +b y +ĠM ar +Ġa ff +Ġd ays +Ġan n +us h +an e +I f +e g +Ġpro f +Ġhe alth +ou th +B ut +ion al +. , +Ġs ol +Ġal ready +Ġ3 0 +Ġchar act +H e +Ġf riend +E S +i ans +ic le +' d +ĠO n +Ġle ast +Ġp rom +Ġd r +Ġh ist +it her +Ġ est +i qu +1 7 +s on +Ġte ll +Ġt alk +oh n +o int +le ction +A N +Ġunt il +au gh +Ġl ater +Ġ ve +Ġv iew +end ing +iv ed +Ġwor d +w are +Ġc ost +Ġen ough +Ġg ive +ĠUn ited +Ġte chn +are nt +O R +Ġp ar +ĠD r +Ġ201 6 +r ist +er ing +Ġ  +Ġl arge +s ide +ac y +cc ess +Ġw in +Ġimport ant +Ġ19 9 +Ġdoes n +Ġ1 7 +Ġbus iness +Ġcle ar +Ġre se +" , +ur y +Ġe qu +as ter +al f +ĠAmeric an +n ect +Ġex pect +ivers ity +Ġo cc +ĠF l +Ġk ind +Ġme an +Ġp ast +Ġde v +Ġb as +le t +ra ft +Ġor gan +Ġde l +Ġper form +Ġst ory +Ġse ason +ĠC ol +Ġcl aim +Ġc ame +Ġwith in +Ġl ine +Ġpro ject +ĠA t +Ġcontro l +end ed +ĠS y +Ġa ir +iz ation +Ġ * +le y +Ġm oney +id d +Y ou +f or +Ġfam ily +Ġm aking +Ġb it +Ġpol ice +Ġhapp en +Ġ vers +on y +u ff +ĠW hen +Ġs it +ide o +l f +is on +Ġsu re +g in +Ġapp ear +Ġl ight +Ġ es +o f +Ġw ater +Ġt imes +n ot +Ġg row +Ġcomp any +ĠT e +ow s +Ġm ar +our ce +i ol +ar m +b r +Ġex ample +Ġcon c +Ġf ore +ĠT o +p ro +E N +ri es +Ġ2 5 +ĠC an +ne y +Ġact ually +Ġe ver +ur ity +ak en +ap s +Ġt ax +Ġm ajor +am a +Ġof ten +er al +Ġhum an +Ġj ob +is ter +Ġav ailable +oc r +en n +a id +iv id +Ġrec ord +? " +Ġs ing +ĠA m +id ence +Ġnew s +st er +Ġe conom +Ġfollow ing +ĠB r +is ing +Ġh our +m ost +um ent +Ġse x +Ġdes c +Ġbec ome +ĠE d +Ġto ok +Ġha ving +Ġprodu ct +a ult +A s +ar ing +Ġme ans +Ġh op +un e +Ġch o +Ġc ertain +Ġn on +Ġde al +2 4 +le ment +oc i +en e +Ġs ide +ĠP r +ĠM ay +Ġre ason +u ed +c hed +ul ation +Ġe lect +Ġoffic ial +Ġposs ible +Ġh old +and s +ot s +Ġc ity +or ies +Ġse ver +Ġchild ren +Ġon ce +Ġact iv +l er +Ġn ight +it ions +ĠJ ohn +a pe +pl ay +Ġd one +Ġl im +Ġwork ing +ĠP res +or ld +e b +ĠC o +Ġb ody +ail s +ut es +ĠM r +Ġwhe ther +Ġa uthor +ro p +Ġpro per +Ġse en +) ; +Ġf ac +ĠS u +Ġcon d +it ing +Ġcour se +Ġ } +-------- -------- +a ign +Ġev ent +Ġen g +Ġp ot +Ġin tern +i am +Ġsh ort +em pt +ã Ĥ +ĠG od +il ar +8 0 +Ġor ig +I S +our n +ab ility +it ive +Ġd am +Ġ1 00 +Ġp ress +Ġdo ing +Ġprot ect +r ing +Ġthough t +Ġquest ion +re w +ĠW ar +Ġsever al +ĠSt ate +Ġg iven +Ġf und +ĠT w +Ġw ent +an ces +w ork +p or +m y +4 0 +Ġar g +art ment +ust om +Ġpol ic +Ġme et +Ġc reat +2 2 +ĠSt ates +Ġg ames +ra w +ut ure +Ġunder stand +ur s +ĠO b +l ish +s y +Ġm akes +Ġw on +ag on +Ġh tt +Ġl ove +ent ial +Ġcomple te +p ar +ĠI m +A L +Ġacc ount + ł +ore d +ver t +Ġ ident +Ġ201 5 +Ġother s +ĠM in +i ber +ver age +The re +ition al +d d +Ġpro b +Ġyou ng +Ġal ong +Ġacc ording +Ġy et +Ġmem bers +ĠWh at +o id +ĠM an +A nd +Ġam ong +a i +Ġem ploy +ĠR es +Ġ > +Ġinv ol +Ġl ow +a f +ĠC ar +Ġh ig +ĠO ne +ĠS ec +in ation +Ġlike ly +Ġan t +ag ed +ĠR uss +Ġb en +Ġre le +F or +b ack +ĠN ot +Ġpres ident +b all +Ġacc ess +ivid ual +ĠD em +ĠE uro +6 0 +Ġkn own +ir l +ĠG r +Ġear ly +u se +iet y +âĢ ĵ +Ġf ight +Ġs ent +Ġto day +Ġmark et +" . +Ġb ased +Ġstr ong +ur ther +Ġde b +m ber +Ġproble m +Ġde ath +Ġsoc ial +im ate +A S +ort un +Ġcamp aign +er y +C h +Ġe y +i ally +Ġm us +w h +p os +Ġ er +Ġsa f +Ġmonth s +ir on +Ġv iol +Ġf ive +Ġst re +Ġplay ers +in c +al d +y ear +a un +Ġsu ccess +Ġpres ent +ere nce +Ġ201 4 +Ġsu gg +Ġpartic ular +Ġtr y +Ġsugg est +ĠCh rist +on es +Ġpri v +2 3 +Ġc rit +Ġl and +Ġloc al +if y +2 9 +Ġa ut +E D +ĠG u +Ġm ult +Ġpolit ical +Ġask ed +Ġfor mer +it ter +ri pt +Ġcl ose +Ġp ract +ĠY ork +Ġget ting +Ġac ross +Ġcom b +Ġbelie ve +Ġ z +Ġto get +Ġtoget her +ĠC ent +ir c +Ġind ividual +ĠM c +2 7 +is k +ĠE ng +Ġf ace +Ġ2 4 +Ġval ue +Ġare a +e v +Ġw rit +ĠPres ident +Ġv ot +Ġke y +Ġm om +p ut +Ġany thing +Ġexper ience +att le +Ġm ind +a ff +om m +Ġf uture +g ed +Ġc ut +Ġto t +it ch +Ġv ideo +Ġinvest ig +Ġn et +ĠM y +r ict +i en +. ) +Ġimp ro +th ough +ward s +Ġcon nect +ĠM ed +sel ves +ens ive +m b +o ber +at ors +A n +Ġ5 0 +Ġre du +res ent +Ġab ove +Ġf re +ĠEuro pe +s w +Ġam ount +ĠA pp +Ġe ither +Ġmil it +Ġan al +Ġf ail +ĠE n +al es +Ġspec ial +Ġbl ack +I T +c her +Ġlook ing +Ġf ire +y n +Ġal most +o on +Ġstud y +Ġm iss +c hes +ro wn +Ġt re +Ġcommun ity +Ġmed ia +Ġf ood +Ġcom es +ĠUn iversity +Ġsing le +Wh at +u ly +Ġh alf +ag ue +h od +ĠRep ublic +Ġstart ed +Ġqu ick +ot o +b ook +Ġiss ue +it or +Ġel se +Ġcons ider +2 6 +ro du +Ġt aken +2 8 +9 9 +ĠW ith +Ġtr ue +Ġw a +Ġtr ad +Ġag o +Ġm ess +ie f +Ġadd ed +o ke +Ġb ad +Ġf av +3 3 +Ġsim ilar +as k +ĠD on +Ġcharact er +ort s +ĠH ouse +Ġreport ed +Ġty pe +v al +i od +ĠHow ever +Ġt arg +Ġent ire +pp ing +Ġhist ory +Ġl ive +ff ic +.... .... +ed eral +Ġtr ying +Ġdisc uss +ĠH ar +ac es +l ished +Ġse lf +os p +re st +Ġro om +el t +Ġf all +ol ution +Ġe t +Ġ x +Ġis n +Ġide a +b o +Ġs ound +ĠD ep +Ġsome one +ci ally +ull y +Ġf oc +Ġob ject +if t +ap er +Ġplay er +Ġr ather +Ġserv ice +as hing +ĠD o +ĠP art +ru g +m on +p ly +Ġm or +Ġnot hing +Ġprov ide +I C +un g +Ġpart y +Ġex ist +Ġm ag +7 0 +Ġr ul +Ġh ouse +Ġbeh ind +Ġhow ever +ĠW orld +Ġs um +Ġapp lic +Ġ ; +Ġfun ction +g r +ĠP ol +Ġfr ont +2 00 +Ġser ies +Ġt em +Ġty p +ill s +Ġo pt +Ġpoint s +Ġbel ow +itt ed +Ġspec ific +Ġ201 7 +um b +Ġr a +Ġpre vious +Ġpre t +re me +Ġc ustom +Ġcour t +ĠM e +Ġre pl +Ġwho le +g o +c er +Ġt reat +ĠA ct +Ġprob ably +Ġle arn +end er +ĠA ss +Ġvers ion +n ow +Ġche ck +ĠC al +R E +min ist +O n +our ces +Ġben ef +Ġd oc +Ġdet er +Ġen c +Ġsu per +Ġadd ress +Ġv ict +Ġ201 3 +Ġme as +t r +Ġf ield +W hen +Ġsign ific +u ge +Ġfe at +Ġcomm on +l oad +Ġbe gin +Ġbr ing +Ġa ction +er man +Ġdesc rib +Ġind ust +Ġwant ed +ri ed +m ing +Ġatt empt +4 5 +f er +Ġd ue +ress ion +# # +Ġsh all +Ġs ix +o o +Ġst ep +Ġp ub +Ġhim self +Ġ2 3 +Ġc op +Ġd est +Ġst op +A C +ib ility +Ġl ab +ic ult +Ġhour s +Ġcre ate +Ġf urther +ĠAmeric a +ĠC ity +Ġd ou +he ad +S T +ĠN orth +c ing +Ġn ational +u le +ĠIn st +Ġt aking +ĠQ u +ir t +Ġre d +Ġrese arch +v iron +ĠG e +Ġbre ak +an a +Ġsp ace +ater ial +Ġrec ent +ĠA b +Ġgener al +Ġh it +Ġper iod +Ġevery thing +ive ly +Ġph ys +Ġsay ing +an ks +Ġc ou +Ġc ult +ac ed +e al +u ation +Ġc oun +l u +Ġinclud e +Ġpos ition +ĠA fter +ĠCan ad +ĠE m +Ġim m +ĠR ed +Ġp ick +Ġcom pl +Ġm atter +re g +e xt +ang u +is c +o le +a ut +Ġcomp et +e ed +f ect +Ġ2 1 +ĠS en +ĠThe se +as ing +Ġcan not +Ġin it +Ġrel ations +ac hed +Ġb ar +Ġ4 0 +ĠT H +Ġ201 2 +Ġv ol +Ġg round +Ġsec urity +Ġup d +il t +3 5 +Ġconc ern +ĠJ ust +Ġwh ite +Ġseem s +ĠH er +pe cially +i ents +Ġann oun +Ġf ig +ight s +Ġst ri +l ike +id s +Ġs us +Ġw atch +Ġ â +Ġw ind +ĠC ont +Ġit self +Ġm ass +A l +y le +iqu e +ĠN ational +Ġab s +Ġp ack +Ġout side +Ġan im +Ġp ain +et er +Ġman ag +du ct +og n +Ġ ] +ĠSe pt +se c +o ff +ĠJ an +Ġf oot +ad es +Ġth ird +Ġm ot +Ġev idence +int on +Ġth reat +a pt +pl es +c le +Ġl o +Ġde cl +Ġit em +med i +Ġrep resent +om b +am er +Ġsignific ant +og raph +s u +Ġc al +i res +00 00 +I D +A M +Ġsim ply +Ġlong er +Ġf ile +O T +c he +S o +ate g +or g +ĠH is +Ġen er +Ġd om +Ġup on +il i +": " +Ġthem selves +Ġcom ing +Ġqu ite +Ġdiff icult +ĠB ar +il ities +re l +end s +c ial +6 4 +Ġwom an +ra p +y r +Ġne cess +ip s +Ġte xt +Ġrequ ire +Ġmilit ary +Ġre view +Ġresp ons +7 5 +Ġsub ject +Ġinst ead +Ġiss ues +Ġg en +" ," +Ġmin utes +Ġwe ap +r ay +am ed +t ime +b l +H ow +Ġc ode +ĠS m +Ġhig her +ĠSt e +r is +Ġp age +Ġstud ents +ĠIn tern +Ġmet hod +ĠA ug +ĠP er +ĠA g +Ġpolic y +ĠS w +Ġex ec +Ġac cept +um e +rib ut +Ġword s +Ġfin al +Ġchang es +ĠDem ocr +Ġfriend s +Ġres pect +Ġe p +Ġcomp an +iv il +Ġdam age +** ** +og le +viron ment +Ġne g +ent al +Ġa p +Ġtot al +iv al +! " +l im +Ġneed s +Ġag re +Ġdevelop ment +Ġa ge +ip le +2 1 +Ġresult s +ĠA f +S h +Ġg un +ĠOb ama +ro ll +Ġ @ +Ġright s +ĠB rit +Ġrun ning +Ġwas n +Ġp ort +Ġr ate +Ġpret ty +Ġtarg et +Ġsa w +Ġc irc +Ġwor ks +ic ro +al t +o ver +ww w +Th at +l ier +Ġevery one +ud e +Ġp ie +idd le +ra el +Ġr ad +Ġbl ock +Ġw alk +T o +ã ģ +n es +ĠA ust +a ul +ro te +ĠS outh +ess ion +op h +Ġshow s +Ġs ite +Ġj o +Ġr isk +cl us +l t +Ġin j +id ing +ĠS pe +Ġch all +ir m +Ġ2 2 +itt ing +st r +Ġh y +L E +ke y +Ġbe gan +at ur +ashing ton +l am +ĠD av +b it +Ġs ize +ĠP ar +3 8 +ourn al +f ace +Ġdec ision +Ġl arg +Ġj ud +re ct +Ġcontin ue +ĠO ct +ove red +ĠI nt +==== ==== +Ġp arent +ĠW ill +Ġeas y +Ġd rug +ang er +Ġs ense +Ġd i +id ay +Ġener gy +ist ic +Ġass oci +ar ter +ob al +e ks +ĠE l +ur ch +Ġg irl +o e +it le +Ġ2 8 +ĠC he +Ġrequ est +Ġso on +Ġh ost +k y +Ġst ates +om es +Ġm aterial +le x +Ġmom ent +Ġan sw +on se +Ġes pecially +Ġn orm +Ġserv ices +p ite +r an +Ġro le +4 4 +) : +Ġc red +C l +____ ____ +Ġm at +Ġl og +ĠCl inton +O U +Ġoff ice +Ġ2 6 +Ġch arg +Ġtr ack +m a +Ġhe art +Ġb all +Ġperson al +Ġbuild ing +n a +s et +b ody +ĠBl ack +Ġincre ase +itt en +Ġneed ed +3 6 +3 2 += " +Ġl ost +Ġbec ame +Ġgrou ps +ĠM us +Ġw rote +ĠP e +Ġpro p +j oy +à © +ĠWh ite +Ġde ad +. ' +Ġhtt p +Ġwe bs +O S +Ġins ide +Ġwr ong +Ġstat ement +Ġ ... +y l +Ġfil m +Ġmus ic +Ġsh are +ific ation +Ġre lease +Ġfor ward +Ġst ay +Ġcomp ut +it te +s er +Ġorig inal +Ġc ard +Ġc and +Ġd iv +at ural +Ġfav or +O M +Ġc ases +us es +Ġse ction +Ġle ave +g ing +ov ed +ĠW ashington +3 9 +ĠG l +Ġrequ ired +act ion +ap an +o or +it er +ĠK ing +Ġcount ries +ĠG erman +ll ing +Ġ2 7 +3 4 +Ġquest ions +Ġpr im +Ġc ell +Ġsh oot +Ġany one +ĠW est +Ġaff ect +ep end +Ġon line +ĠIs rael +ĠSept ember +Ġab ility +Ġcont ent +is es +Ġre ve +Ġl aun +Ġind ic +Ġfor ce +c ast +Ġso ld +av ing +f l +Ġso ft +Ġcompan ies +ce ed +Ġart icle +Ġa ud +Ġre v +Ġed uc +Ġplay ing +0 5 +Ġhe ld +ct or +Ġrele ased +Ġf ederal +3 7 +Ġad minist +Ġinter view +Ġinst all +Ġrece ived +Ġs ource +u k +P h +Ġser ious +Ġcre ated +Ġc ause +Ġim medi +Ġdef in +u el +ĠDep artment +ct ions +ĠC our +ĠN ow +z e +it es +it ution +Ġl ate +Ġspe ak +n ers +Ġleg al +ar i +ĠC or +Ġwe eks +Ġmod el +Ġp red +Ġex act +B C +ĠB y +IN G +os ing +Ġt akes +Ġreg ard +Ġopp ortun +Ġpr ice +Ġ19 8 +ĠA pr +f ully +Ġor d +Ġproble ms +ru ction +h am +ĠC ount +le ge +Ġlead ers +E T +le v +Ġde ep +olog ical +es e +h aps +ĠS ome +Ġp ers +Ġcont ract +Ġrelations hip +s p +ou d +Ġb ase +4 8 +m it +A d +anc ial +Ġcons um +Ġpot ential +Ġl angu +re m +et h +Ġrel ig +ress ed +6 6 +Ġl ink +Ġl ower +ay er +ĠJ une +Ġf em +un t +er c +ur d +Ġcont act +Ġ ill +Ġm other +Ġest ab +h tt +ĠM arch +ĠB ro +ĠCh ina +Ġ2 9 +Ġs qu +Ġprov ided +Ġa verage +as ons +Ġ201 1 +Ġex am +l in +5 5 +n ed +Ġper fect +Ġt ou +al se +u x +Ġbu y +Ġsh ot +Ġcol lect +Ġph ot +Ġplay ed +Ġsur pr +Ġofficial s +Ġsim ple +av y +Ġindust ry +Ġhand s +g round +Ġp ull +Ġr ound +Ġus er +Ġr ange +u ary +Ġpriv ate +op s +e es +Ġw ays +ĠM ich +Ġve h +Ġex cept +Ġter ms +im um +pp er +I ON +ore s +ĠDr agon +ou l +Ġd en +Ġperform ance +Ġb ill +c il +4 7 +Ġen vironment +Ġex c +ad d +Ġwor th +Ġp ict +Ġch ance +Ġ201 8 +b or +Ġspe ed +ict ion +Ġal leg +ĠJ apan +at ory +re et +Ġm atch +ĠI I +Ġst ru +ord er +Ġst e +Ġl iving +Ġst ruct +in o +Ġse par +her n +Ġresp onse +Ġen joy +Ġv ia +A D +um ents +ace book +Ġmem ber +ib r +iz ing +Ġto ol +ĠM on +ĠWh ile +h ood +ĠA ng +ĠD ef +Ġoff er +T r +a ur +Ġturn ed +ĠJ uly +d own +an ced +Ġrec ently +ĠE ar +Ġc e +ĠSt ar +ĠC ong +rough t +Ġbl ood +Ġhop e +Ġcom ment +ain t +Ġar ri +il es +Ġpartic ip +ough t +ri ption +0 8 +4 9 +Ġg ave +Ġse lect +Ġkill ed +sy ch +Ġgo es +i j +Ġc oll +Ġimp act +at ives +ĠS er +0 9 +ĠAug ust +Ġb oy +d e +ĠD es +Ġf elt +U S +Ġexpect ed +Ġim age +ĠM ark +cc ording +o ice +E C +ĠM ag +en ed +h old +ĠP ost +Ġpre vent +N o +Ġinvol ved +Ġey es +Ġquick ly +A t +un k +Ġbeh av +Ġ ur +Ġl ed +c ome +e y +Ġcand id +Ġear lier +Ġfoc us +et y +P ro +led ge +ix ed +ill ed +Ġpop ular +A P +Ġset t +l ight +Ġvar ious +in ks +Ġlevel s +Ġro ad +ell ig +ab les +he l +itte e +ĠG ener +y pe +Ġhe ard +ic les +Ġm is +Ġus ers +ĠS an +Ġimpro ve +Ġf ather +Ġse arch +The y +v il +Ġprof ess +Ġkn ew +Ġl oss +Ġev ents +6 5 +Ġb illion +0 7 +0 2 +ĠNew s +ĠA M +Ġco ver +w here +ens ion +Ġb ott +Ġare as +en ces +op e +ĠTw itter +a el +Ġget s +ĠGo ogle +Ġs n +i ant +Ġv ote +Ġnear ly +Ġinclud ed +Ġrec ogn +z z +m m +al ed +Ġhappen ed +0 4 +Ġh ot +Ġwho se +Ġc ivil +Ġsu ff +o es +it iz +ĠSy ri +Ġresp ond +Ġh on +Ġfeat ures +Ġeconom ic +ĠApr il +r im +Ġtechn ology +Ġo ption +ag ing +Ġpur ch +R e +Ġl at +ch ie +is l +Ġrec omm +u f +Ġtr aining +Ġeffect s +Ġf ast +Ġ201 0 +Ġocc ur +Ġwebs ite +Ġem ail +Ġs ens +e ch +Ġo il +Ġinf lu +Ġcurrent ly +ĠS ch +ĠAd d +Ġgo al +Ġsc ient +Ġcon v +1 00 +em y +Ġdec ided +Ġtra vel +Ġm ention +L L +0 3 +Ġe lection +Ġph one +Ġlook s +Ġsit uation +Ġc y +Ġh or +b ed +ĠCour t +a ily +av es +Ġqu ality +ĠCom p +w ise +Ġt able +Ġst aff +ĠW ind +et t +Ġtri ed +ide red +Ġadd ition +Ġb ox +Ġl ack +ar ily +Ġw ide +Ġm id +Ġbo ard +ys is +Ġant i +h a +Ġd ig +en ing +Ġd ro +C on +6 8 +Ġsl ow +b ased +se qu +Ġp ath +E x +ak er +Ġwork ed +Ġp en +Ġeng ine +Ġlook ed +ĠSu per +ĠS erv +Ġvict im +U n +Ġproper ty +Ġint rodu +Ġexec ut +ĠP M +L e +Ġcol or +ĠM ore +Ġ6 0 +Ġnet work +Ġd ate +c ul +id ge +Ġext ra +3 1 +Ġs le +6 7 +Ġw ond +Ġreport s +j ust +ĠAust ral +Ġcap ital +Ġen s +Ġcomm and +Ġallow ed +Ġpre p +Ġca pt +h ib +Ġnum bers +ch an +Ġf air +m p +om s +Ġre ach +W ith +t ain +Ġbro ad +Ġcou ple +ec ause +ly ing +ĠF eb +Ġsc reen +Ġl ives +Ġpri or +ĠCong ress +A r +Ġappro ach +Ġe mer +ar ies +ĠD is +s erv +ĠN e +Ġbu ilt +c ies +Ġre pe +Ġrul es +for ce +ĠP al +Ġfin ancial +Ġcons idered +ĠCh ar +n ces +ĠI S +Ġb rought +Ġb i +i ers +ĠS im +O P +Ġproduct s +Ġvis it +Ġdoc ument +Ġcon duct +Ġcomplete ly +in ing +ĠCal if +ib ly +Ġwr itten +ĠT V +em ents +Ġd raw +O ne +Ġpub lished +Ġsec ret +r ain +he t +ĠF acebook +ond ay +ĠU p +Ġsex ual +Ġth ous +ĠP at +Ġ ess +Ġstand ard +Ġar m +g es +ect ion +Ġf ell +Ġfore ign +an i +ĠFr iday +Ġreg ular +in ary +Ġincre ased +Ġus ually +Ġdem on +Ġd ark +Ġadd itional +ro l +ĠO f +Ġprodu ction +! ! +und red +Ġintern ational +id ents +ĠF ree +rou p +Ġr ace +Ġm ach +Ġh uge +A ll +le ar +ove mber +Ġto wn +Ġatt ention +ĠO ff +y ond +ĠThe n +f ield +Ġter ror +ra z +ĠB o +Ġmeet ing +ĠP ark +Ġar rest +Ġf ear +Ġa w +ĠV al +or ing +' , +Ġext reme +ar r +Ġwork ers +A fter +Ġ3 1 +n et +am ent +Ġdirect ly +Ġpop ulation +ub e +ĠOct ober +ĠI N +ĠJan uary +5 9 +ĠDav id +Ġc ross +ce mber +ĠF irst +Ġmess age +ir it +Ġn ation +Ġp oll +is ions +Ġansw er +n y +is ode +Ġcar ry +ĠRuss ia +Ġhe ar +eng th +ro y +Ġn atural +in ally +Ġdo g +m itted +Ġtr ade +Ġsub st +Ġmult iple +ĠAf ric +Ġf ans +Ġs ort +Ġgl obal +ic ation +ĠW ed +ar a +Ġa chie +Ġlangu age +ve y +Ġt al +Ġnecess ary +Ġdet ails +Ġs en +ĠS und +ĠRe g +ĠR ec +0 6 +Ġs il +ress ive +Ġmed ical +un ch +orn ia +Ġu nd +f ort +oc ks +ĠM onday +ues day +c raft +7 7 +ur t +Ġ ver +ĠH ill +Ġrece ive +Ġmor ning +es tern +Ġb ank +Ġs at +ir th +ĠH igh +Ġdev ice +ĠTH E +ĠCent er +Ġsaf e +Ġp le +ĠCanad a +Ġsystem s +Ġass ist +Ġsur v +Ġb attle +ĠS oc +vert is +S he +Ġp aper +Ġgrow th +Ġc ast +S c +Ġpl ans +ll ed +Ġpart s +Ġw all +Ġmove ment +Ġpract ice +im ately +Ġdis play +Ġsomet imes +om p +ĠP aul +ĠY es +k ing +5 8 +o ly +Ġs on +Ġav oid +ok es +ĠJ ew +Ġto wards +as c +Ġ // +ĠK ore +Ġtalk ing +Ġcor rect +Ġsp ent +ic ks +i able +e ared +Ġter m +Ġwant s +om ing +Ġ ut +Ġdou b +Ġfor ces +Ġp lease +6 9 +ĠN ovember +at form +ond on +Ġon es +Ġimmedi ately +ĠRuss ian +ĠM et +Ġde g +Ġparent s +C H +ĠAmeric ans +al y +ĠM od +Ġsh own +Ġcond itions +Ġst uff +Ġre b +ĠY our +Ġinclud es +n own +ĠS am +Ġexper ien +m ission +ĠE ven +augh t +Ġannoun ced +ĠRepublic an +Ġdeter min +Ġdescrib ed +ĠCount y +( ) +Ġdo or +Ġchang ed +Ġne igh +ĠH ere +Ġcle an +Ġp an +ĠDe cember +ĠEurope an +ir ing +ap ter +Ġcl ub +ĠT uesday +Ġp aid +ĠN et +Ġattack s +Ġcharact ers +Ġal one +Ġdirect or +d om +Ġ3 5 +Ġl oad +Ġr out +ĠCalif ornia +Ġfin ally +Ġr ac +Ġcont r +Ġexact ly +res h +p ri +ĠIs lam +Ġn ature +Ġcare er +Ġlat est +Ġcon vers +ĠS l +p ose +ci ent +ĠIn c +iv ity +8 8 +ĠA tt +ĠM or +nes day +Ġwe ight +k en +Ġnot e +Ġteam s +Ġ \ +air s +ĠG reen +Ġh undred +on ent +Ġstre ng +Ġcons ist +ic ated +Ġreg ul +Ġl ic +ast ic +Ġt en +urs day +ellig ence +ous ly +ĠU K +B I +Ġcost s +Ġind epend +ĠA P +Ġnorm al +Ġh om +Ġob vious +Ġs we +Ġst ar +Ġread y +ac her +Ġimp lement +g est +Ġs ong +ĠG et +ĠL ab +Ġinterest ing +us ing +Ġg iving +ĠSund ay +Ġet c +Ġm iddle +Ġrem ember +r ight +os ition +ut ions +Ġm ax +4 6 +Ġyour self +Ġdem and +Ġtreat ment +Ġd anger +ĠC ons +Ġgu y +ĠBrit ish +Ġphys ical +Ġrel ated +Ġrem ain +Ġcould n +Ġref er +Ġc itiz +b ox +EN T +bo ard +Ġin n +I G +er o +ĠSt reet +osp ital +ren ch +cher s +Ġst ra +O L +ag er +ĠA N +Ġeas ily +I A +en ge +in y +Ġcl os +ock ed +Ġus es +ĠC oun +I m +u ild +? ? +m ore +Ġan g +Ġwr ite +ol ute +5 7 +Ġlead er +Ġread ing +< / +Ġaut om +est s +4 3 +Ġleg isl +ĠG old +Ġdesign ed +ĠS T +ĠLe g +a res +Ġbe aut +ĠT ex +Ġappear s +Ġstru gg +ĠR om +Ġ 00 +Ġcho ice +Ġparticular ly +ĠF rom +op er +ĠL ondon +ann ed +Ġallow s +ob ile +Ġdiffere nce +âĢ ¢ +ĠV iew +ĠWed nesday +Ġal though +Ġrel ative +Ġapplic ation +ate ver +Ġare n +Ġmy self +Ġim ag +Ġdis e +Ġsoc iety +Ġfre qu +ĠEng lish +Ġpo or +ĠD ay +Ġwrit ing +Ġse ven +Ġstart ing +Ġb ud +Ġpr int +ĠTr ans +uf act +ĠSt ud +n ew +Ġcr im +Ġg ives +Ġco ol +a e +i ance +ĠGener al +Ġthink ing +Ġsa ve +Ġlim ited +ĠPart y +Ġmean ing +p en +ow ers +ĠJ ack +E M +Ġn ice +ru pt +Ġg as +Ġe ight +Ġfe et +Ġeff ort +Ġ ign +ic it +B l +co in +Ġop in +Ġbr ain +Wh ile +he st +ĠTh ursday +Ġwould n +augh ter +Ġtou ch +le ments +Ġstud ies +Ġcent er +c ont +or ge +Ġcomput er +Ġinvestig ation +P l +or ks +Ġ200 8 +Ġincre asing +Ġst ore +Ġcom ments +Ġb al +m en +Ġdo ll +Ġl iber +Ġw ife +Ġlaw s +atur day +it ness +Ġmod ern +ĠS k +Ġadminist ration +Ġopportun ity +Ġs al +Ġpower ful +M y +Ġclaim s +ĠEar th +ord s +Ġt itle +Ġes c +n ame +N ot +om en +Ġbe yond +Ġc amer +Ġse ll +it ute +ear ch +Ġapp l +im ent +4 2 +ĠAr t +Ġun f +Ġviol ence +ur g +ĠE ast +Ġcomp ared +Ġopt ions +Ġthrough out +Ġv s +ig r +. [ +ac hes +7 8 +Ġfil es +F L +E L +ar ian +ĠJ ames +ĠA ir +an ch +Ġdet ail +Ġpie ce +P S +Ġn amed +Ġeduc ation +Ġdri ve +Ġitem s +Ġstud ent +ic ed +: : +ic o +Ġth row +Ġsc ene +Ġcomple x +Ġ200 9 +Ġpre c +ĠB re +7 9 +Ġcon cept +Ġstat us +am ing +Ġd ied +Ġknow ledge +Ġbegin ning +O D +ru ary +Ġcertain ly +Ġgu ys +Ġsl ight +in n +ound s +Ġf ine +Ġf at +ic ations +Ġper haps +ĠA nt +Ġinc ome +Ġhtt ps +Ġmajor ity +port s +st on +Ġgreat er +Ġfe ed +ent ially +Ġsaf ety +Ġun ique +and om +Ġg one +Ġshow ed +Ġhist or +Ġcoun ter +i us +id a +Ġlead ing +i pe +Ġs end +ĠDon ald +er ve +Ġdef ense +ines e +Ġy es +ĠF ire +ĠMus lim +ra q +Ġcontin ued +os h +Ġprov ides +Ġpr ison +ĠP re +Ġhapp y +Ġeconom y +Ġtr ust +ag s +ĠG ame +Ġweap ons +um an +ĠC le +it ation +Ġanal ysis +ĠT imes +Ġsc ience +- > +Ġfig ure +Ġdis app +ent y +Ġsoft ware +Ġu lt +Ġoffic ers +N ew +I s +Ġrem ains +ĠInd ia +Ġp sych +ri ef +Ġc at +es c +Ġob serv +Ġst age +ĠD ark +Ġent er +ch ange +Ġpass ed +Ġdes pite +ĠO ut +Ġmov ie +r s +Ġv oice +m ine +ĠPl ay +Ġto ward +ĠT er +Ġreg ion +Ġval ues +or ters +Ġm ount +Ġoffic er +ĠO ther +b an +Ġh ous +w ood +ro om +I V +ĠS un +se e +ĠO ver +ro g +9 0 +Ġl ay +ĠT ur +a wn +Ġpress ure +ĠS ub +Ġbook s +ed om +ĠS and +A A +ag o +Ġre asons +f ord +Ġactiv ity +U T +N ow +ĠSen ate +ce ll +n ight +Ġcall s +in ter +Ġlet ter +ĠR ob +ĠJ e +Ġcho ose +ĠL aw +G et +B e +Ġro b +Ġtyp es +Ġpl atform +Ġqu arter +R A +ĠT ime +Ġmay be +ĠC r +9 5 +p re +Ġmov ing +Ġl if +Ġgo ld +Ġs om +Ġpat ients +Ġtr uth +ĠK e +ur ance +ant ly +m ar +Ġchar ge +ĠG reat +Ġce le +---------------- ---------------- +Ġro ck +ro id +an cy +Ġcred it +a ud +B y +ĠE very +Ġmov ed +ing er +rib ution +Ġn ames +Ġstra ight +ĠHe alth +ĠW ell +Ġfe ature +Ġr ule +Ġsc he +in ated +ĠMich ael +ber g +4 1 +il ed +b and +Ġcl ick +ĠAng el +on ents +Â Ń +ĠI raq +ĠS aturday +Ġa ware +p art +Ġpat tern +O W +ĠL et +Ġgr ad +ign ed +Ġassoci ated +Ġst yle +n o +i ation +a ith +il ies +Ġst ories +ur ation +Ġindividual s +ĠâĢ ¦ +m iss +ĠAss oci +ish ing +ab y +Ġsum mer +ĠB en +Ġ3 2 +Ġar ch +ut y +ĠTex as +h ol +Ġfull y +Ġm ill +Ġfollow ed +ĠB ill +ĠInd ian +ĠSec ret +ĠB el +ĠFeb ruary +Ġjob s +Ġseem ed +ĠGo vern +i pped +Ġreal ity +Ġl ines +Ġp ark +Ġmeas ure +ĠO ur +I M +Ġbro ther +Ġgrow ing +Ġb an +Ġest im +Ġc ry +ĠS chool +Ġme chan +ĠO F +ĠWind ows +Ġr ates +ĠO h +Ġpos itive +Ġcult ure +ist ics +ic a +Ġh ar +y a +ite ly +i pp +Ġm ap +en cies +ĠWill iam +I I +ak ers +5 6 +ĠM art +ĠR em +Ġal tern +it ude +Ġco ach +row d +D on +Ġk ids +Ġj ournal +Ġcor por +Ġf alse +Ġwe b +Ġsle ep +Ġcont ain +Ġst o +Ġb ed +iver se +ĠR ich +ĠCh inese +Ġp un +Ġme ant +k nown +Ġnot ice +Ġfavor ite +a ven +Ġcond ition +Ġpur pose +) ) +Ġorgan ization +Ġchall eng +Ġman ufact +Ġsus p +ĠA c +Ġcrit ic +un es +uc lear +Ġm er +vent ion +Ġ8 0 +Ġm ist +ĠU s +ĠT or +htt p +ol f +Ġlarg er +Ġadv ant +Ġrese ar +Ġact ions +m l +Ġke pt +Ġa im +, ' +c ol +Ġbenef its +if ying +Ġact ual +ĠIntern ational +Ġveh icle +Ġch ief +Ġeff orts +ĠLe ague +ĠM ost +Ġwa it +Ġad ult +Ġover all +Ġspe ech +Ġhigh ly +Ġfem ale +Ġer ror +Ġeffect ive +5 4 +Ġenc our +w ell +Ġfail ed +Ġcons erv +Ġprogram s +Ġt rou +Ġa head +5 00 +vertis ement +I P +ĠF ound +p ir +Ġ % +Ġcr ime +and er +Ġloc ation +ĠI ran +Ġbehav ior +az ing +Ġr are +Ġem b +Ġca used +Ġsh ip +Ġact ive +Ġcont ribut +Ġg reen +Ġac qu +Ġref lect +ven ue +Ġf irm +Ġb irth +] . +Ġclear ly +Ġem ot +Ġag ency +ri age +Ġmem ory +9 8 +S A +ĠSe e +ac ing +C C +Ġbig gest +Ġr ap +Ġbas ic +Ġb and +e at +Ġsus pect +ĠM ac +Ġ9 0 +m ark +ist an +Ġsp read +am s +k i +as y +ra v +ĠR ober +Ġdemon str +r ated +Ġabs olute +Ġpl aces +Ġim pl +ibr ary +Ġc ards +Ġdest roy +Ġv irt +ve re +Ġapp eared +y an +p oint +Ġbe g +Ġtem per +s pe +ant ed +ear s +ĠD irect +Ġl ength +Ġbl og +am b +Ġint eg +Ġres ources +ac c +if ul +Ġsp ot +Ġfor ced +Ġthous ands +ĠMin ister +Ġqu al +ĠF rench +at ically +Ġgener ally +Ġdr ink +Ġth us +I L +od es +Ġappro pri +ĠRe ad +Ġwh om +Ġey e +Ġcol lege +Ġ4 5 +ire ction +Ġens ure +Ġapp arent +id ers +Ġrelig ious +Ġmin or +ol ic +Ġt ro +ĠWh y +rib ute +m et +Ġprim ary +Ġdevelop ed +Ġpe ace +Ġsk in +st e +av a +Ġbl ue +Ġfam ilies +Ġ ir +Ġapp ly +Ġin form +ĠSm ith +C T +i i +Ġlim it +Ġres ist +........ ........ +um n +Ġconf lic +Ġtw e +ud d +ĠT om +Ġl iter +qu e +b on +Ġha ir +Ġevent ually +Ġp us +Ġhelp ed +Ġag g +or ney +ĠApp le +Ġf it +ĠS ur +Ġpre m +Ġs ales +Ġsecond s +Ġstreng th +Ġfeel ing +¿ ½ +Ġt our +Ġknow s +o om +Ġex erc +Ġsom ew +ï ¿½ +> > +Ġsp okes +Ġide as +Ġreg ist +so ft +ĠD el +ĠP C +Ġpro pos +Ġlaun ch +Ġbott om +T H +ĠP lease +v est +it z +ĠIn ter +Ġsc ript +Ġr at +ar ning +Ġ il +ĠJ er +ĠA re +Ġwh atever +ok en +ci ence +Ġmod e +Ġag ree +Ġs ources +Ġinit ial +Ġrest rict +Ġwond er +us ion +## ## +ĠS il +vil le +Ġb urn +t w +as ion +Ġ £ +Ġn or +u ing +Ġre ached +Ġs un +Ġc ateg +ig ration +Ġc ook +Ġprom ot +Ġm ale +Ġcl imate +Ġf ix +Ġalleg ed +U R +all ed +Ġim ages +C ont +ot a +Ġschool s +i os +Ġd rop +Ġst ream +ĠM o +Ġprevious ly +al ing +Ġp et +Ġdou ble +Ġ( @ +ann el +Ġdef ault +t ies +Ġr ank +ĠD ec +ĠCoun cil +Ġweap on +Ġst ock +Ġanal y +ĠSt r +Ġpict ure +ĠPol ice +f erence +Ġcent ury +Ġcitiz ens +Ġon to +Ġexp and +Ġhe ro +ĠS ol +Ġw ild +Ġupd ate +Ġcustom ers +r ont +d ef +Ġl ik +Ġcrim inal +ĠChrist ian +S P +7 6 +Ġle aving +Ġother wise +ĠD ist +Ġbas is +5 2 +5 3 +ic ip +ĠB er +Ġrecomm end +Ġfl oor +Ġc rowd +ol es +Ġ7 0 +Ġcent ral +ĠE v +Ġd ream +Ġdown load +Ġconf ir +ĠTh om +Ġwind ow +Ġhapp ens +Ġun it +Ġt end +Ġs pl +Ġbec omes +Ġfight ing +Ġpred ict +ĠP ress +ĠP ower +Ġhe avy +ak ed +Ġf an +or ter +ate gy +B A +iz es +Ġsp end +H ere +Ġ200 7 +Ġad op +ĠH am +Ġfoot ball +ĠP ort +od ay +5 1 +amp ions +Ġtrans fer +h t +Ġ3 8 +ter m +ac ity +Ġb ur +] , +tern al +r ig +b ut +Ġthere fore +ĠB ecause +res p +re y +Ġm ission +S ome +Ġnot ed +Ġass um +Ġdise ase +Ġed it +Ġprog ress +r d +ĠB rown +oc al +Ġadd ing +Ġra ised +ĠAn y +Ġt ick +Ġsee ing +ĠPe ople +Ġagre ement +Ġser ver +Ġw at +Ġdeb ate +Ġsupp osed +il ing +Ġlarg est +Ġsuccess ful +ĠP ri +ĠDemocr atic +Ġj ump +ĠSyri a +Ġown ers +Ġoff ers +Ġshoot ing +Ġeff ic +se y +Ġha ven +ver se +te red +ĠL ight +im al +ĠB ig +Ġdef end +Ġbe at +Ġrecord s +% ) +Ġsc en +Ġemploy ees +Ġdev ices +he m +Ġcom mer +ĠM ex +Ġbenef it +ĠPro f +Ġil leg +Ġsur face +ĠAl so +Ġh arm +ing ly +w ide +ĠA lex +Ġsh ut +ĠC ur +Ġl ose +p m +Ġchall enge +se mb +Ġst ation +Ġint elligence +Ġacc ur +ĠFl or +Ġrequ ires +ĠM al +b um +Ġh ospital +Ġsp irit +Ġoff ered +Ġprodu ce +ĠComm un +Ġcreat ing +Ġcr is +s pect +Ġend ed +Ġd aily +Ġvot ers +land s +i as +i h +on a +Ġsm art +ĠOff ice +ĠL ord +ri al +ĠIntern et +Ġcirc um +Ġextreme ly +' . +Ġopin ion +ĠM il +Ġg ain +B S +ĠF in +y p +Ġuse ful +Ġbud get +Ġcom fort +is f +Ġback ground +el ine +Ġep isode +Ġen emy +Ġtri al +Ġestab lish +d ate +ĠC ap +Ġcontin ues +Ġshow ing +ĠUn ion +w ith +Ġpost ed +ĠSy stem +Ġe at +ri an +Ġr ise +ĠGerman y +il s +Ġsign ed +Ġv ill +Ġgr and +m or +ĠEng land +Ġproject s +um ber +Ġconf erence +z a +Ġrespons ible +ĠAr ab +Ġlearn ed +âĢĶ âĢĶ +i pping +ĠGe orge +O C +Ġreturn ed +ĠAustral ia +Ġb rief +Q u +Ġbr and +ill ing +ab led +Ġhig hest +Ġtr ain +ĠComm ission +wh ile +Ġn om +cept ion +Ġm ut +ĠBl ue +Ġinc ident +v ant +8 6 +ĠI D +Ġn uclear +7 4 +ĠL ike +ĠR E +ĠM icro +l i +m ail +Ġcharg es +8 9 +Ġad just +ad o +Ġear th +N A +Ġpr ices +P A +Ġd raft +Ġrun s +Ġcandid ate +ens es +Ġmanag ement +ĠPh il +ĠM iss +Ġte ach +g ram +Ġunderstand ing +a it +ic ago +A dd +ĠE p +sec ut +Ġsepar ate +Ġinst ance +Ġe th +Ġun less +**** **** +ĠF ore +in ate +Ġoper ations +S p +Ġf aith +g ar +ĠCh urch +ron ic +Ġconf ig +os ure +Ġactiv ities +Ġtrad itional +Ġ3 6 +Ġd irection +Ġmach ine +Ġsur round +Ġp ush +un ction +ĠE U +Ġeas ier +Ġarg ument +G B +Ġm icro +Ġsp ending +iz ations +Ġthe ory +ad ow +Ġcall ing +ĠL ast +Ġd er +Ġinflu ence +Ġcomm it +Ġph oto +Ġun c +ist ry +g n +ast e +ack s +Ġdis p +ad y +d o +ĠG ood +Ġ ` +Ġw ish +Ġreve aled +Âł Âł +l ig +Ġen force +ĠComm ittee +Ġche m +Ġmil es +Ġinterest ed +Ġsol ution +ic y +in ct +Ġ- > +ĠD et +Ġrem oved +Ġcomp ar +e ah +Ġpl ant +ĠS ince +Ġachie ve +Ġadvant age +Ġslight ly +b ing +Ġpl aced +u nder +201 5 +ĠM ad +Ġt im +os es +Ġc ru +ĠR ock +Ġmost ly +Ġneg ative +Ġset ting +Ġprodu ced +Ġm ur +Ġconnect ion +ĠM er +Ġdri ver +Ġexecut ive +Ġass ault +Ġb orn +ĠV er +t ained +Ġstruct ure +Ġredu ce +Ġdec ades +Ġd ed +u ke +ĠM any +idd en +Ġle ague +S e +Ġjo in +Ġdis co +Ġd ie +c ks +act ions +Ġass ess +ag n +Ġgo als +our s +I R +Ġsen ior +ill er +m od +ip ment +oc ol +u y +ĠQ ue +Ġpart ies +ir gin +Ġle arning +it able +Ġstre et +Ġcamer a +A pp +Ġsk ills +b re +c ious +Ġcele br +ĠFr anc +Ġexist ing +Ġwill ing +l or +Ġ id +ĠSp ace +Ġcrit ical +ĠL a +ortun ately +Ġser ve +Ġc old +Ġspec ies +T S +Ġanim als +ĠB ay +Ġold er +ĠU nder +est ic +ĠT re +Ġte acher +Ġpre fer +v is +Ġth read +ĠM att +Ġmanag er +ãĥ » +Ġprofess ional +ĠV ol +Ġnot es +The se +ul a +Ġf resh +ent ed +u zz +ed y +clus ion +ĠR el +Ġdoub t +E O +Ġopen ed +ĠB it +Ad vertisement +Ġgu ess +ĠU N +Ġse qu +Ġexpl ain +ott en +Ġatt ract +ak s +Ġstr ing +Ġcont ext +oss ible +ĠRepublic ans +Ġsol id +Ġc ities +Ġask ing +Ġr andom +u ps +ur ies +ar ant +dd en +g l +ĠFlor ida +Ġdep end +ĠSc ott +Ġ3 3 +Ġi T +ic on +Ġmention ed +Ġ2 000 +Ġclaim ed +Ġdefin itely +ul f +Ġc ore +Ġopen ing +ĠCon st +wh ich +ĠT ra +A G +7 2 +Ġbelie ved +ad a +Ġ4 8 +ĠSec urity +yr ight +ĠP et +ĠL ou +Ġhold ing +======== ======== +Ġ ice +Ġb row +Ġauthor ities +h ost +w ord +Ġsc ore +ĠD iv +Ġcell s +Ġtrans l +Ġneigh bor +Ġrem ove +u ct +Ġdist rict +ĠA ccording +Ġwor se +Ġconcern s +Ġpresident ial +Ġpolic ies +ĠH all +7 3 +Ġh us +A Y +Ġ200 6 +ĠJ ud +Ġindepend ent +ĠJust ice +ili ar +pr int +igh ter +Ġprotect ion +z en +Ġsu dden +h ouse +ĠJ es +P R +ĠIn f +Ġb ul +Ġ _ +ĠServ ice +ĠP R +Ġstr ategy +ff ect +Ġgirl s +Ġmiss ing +oy al +ĠTe am +ul ated +Ġd at +Ġpolit ics +ab or +A ccording +Ġspe ll +Ġg raph +ort hern +T C +A b +Ġlab or +is her +Ġk ick +ĠiT unes +Ġstep s +pos es +Ġsmall er +E n +ber t +Ġro ll +Ġresear chers +Ġcl osed +Ġtrans port +Ġlaw y +________ ________ +ĠCh icago +Ġas pect +Ġn one +Ġmar riage +9 6 +Ġe lements +ĠF re +ĠS al +Ġd ram +F C +t op +e qu +Ġhe aring +Ġsupport ed +Ġtest ing +co hol +Ġmass ive +Ġst ick +Ġgu ard +is co +ph one +F rom +How ever +Ġb order +Ġcop y +ograph y +l ist +7 1 +Ġown er +cl ass +ru it +r ate +ĠO nce +Ġdig ital +Ġt ask +ER S +Ġinc red +t es ++ + +ĠFr ance +Ġb reat +ow l +Ġiss ued +ĠW estern +Ġdet ect +Ġpart ners +Ġsh ared +ĠC all +Ġcan cer +ac he +rib e +Ġexpl ained +Ġhe at +{ " +Ġinvest ment +ĠB ook +Ġw ood +Ġtool s +ĠAl though +Ġbelie f +Ġcris is +Ġg e +ĠM P +Ġoper ation +ty pe +~ ~ +g a +Ġcont ains +ant a +Ġexp ress +ĠG roup +ĠJ ournal +k a +Ġam b +ĠUS A +Ġfind ing +Ġfund ing +h ow +Ġestab lished +ide os +Ġdeg ree +Ġdanger ous +ang ing +Ġfre edom +pp ort +out hern +Ġch urch +Ġc atch +ĠTw o +Ġpres ence +ĠGu ard +U p +Ġauthor ity +ĠPro ject +Ġbut ton +Ġcon sequ +Ġval id +Ġwe ak +Ġstart s +Ġref erence +ĠM em +" ) +U N +or age +ĠO pen +Ġcol lection +y m +g ency +Ġbeaut iful +ro s +Ġtell s +Ġwa iting +n el +Ġprov iding +ĠDemocr ats +Ġd aughter +Ġm aster +Ġpur poses +ĠJapan ese +Ġequ al +Ġturn s +Ġdoc uments +Ġwatch ing +R es +Ġr an +201 4 +Ġre ject +ĠKore a +Ġvictim s +Le vel +ere nces +Ġw itness +Ġ3 4 +Ġre form +com ing +Ġocc up +Ġc aught +Ġtra ffic +ad ing +Ġmod els +ar io +Ġserv ed +Ġb atter +u ate +ĠSecret ary +Ġagre ed +Ġtr uly +yn am +ĠR et +Ġun its +ĠRes earch +h and +az ine +ĠM ike +Ġvar iety +ot al +Ġam azing +Ġconfir med +Ġentire ly +Ġpurch ase +Ġe lement +Ġc ash +Ġdeter mine +D e +Ġc ars +ĠW all +â ĸ +Ġview s +Ġdrug s +Ġdep artment +ĠSt ep +u it +Ġ3 9 +as ure +ĠCl ass +Ġc overed +ĠB ank +Ġme re +u ana +Ġmult i +Ġm ix +Ġun like +lev ision +Ġsto pped +Ġs em +ĠG al +ul es +Ġwe l +ĠJohn son +l a +Ġsk ill +Ġbec oming +ri e +Ġappropri ate +f e +ell ow +ĠPro t +ul ate +oc ation +Ġweek end +od ies +Ġsit es +Ġanim al +ĠT im +Ġsc ale +Ġcharg ed +Ġinst ruct +ill a +Ġmethod s +Ġc ert +Ġjud ge +ĠH el +Ġdoll ars +Ġstand ing +ĠS qu +Ġdeb t +l iam +Ġdri ving +ĠS um +ĠEd ition +Ġal bum +and on +I F +ĠU k +6 3 +ad er +Ġcommer cial +es h +ĠGovern ment +Ġdisc overed +Ġout put +ĠHill ary +ĠCar ol +Ġ200 5 +Ġab use +anc ing +Ġsw itch +Ġann ual +T w +Ġst ated +ag ement +in ner +Ġdem ocr +Ġres idents +Ġallow ing +Ġfact ors +od d +Ġf uck +em ies +Ġoccur red +ot i +Ġn orth +ĠP ublic +Ġinj ury +Ġins urance +C L +oll y +ã Ģ +Ġrepe ated +Ġar ms +ang ed +Ġconst ruction +Ġf le +P U +ic ians +Ġfor ms +ĠMc C +ant ic +Ġm ental +p ire +Ġequ ipment +Ġf ant +Ġdiscuss ion +Ġregard ing +k in +ar p +Ġch air +og ue +Ġpro ceed +ĠI d +O ur +Ġmur der +M an +Ġ4 9 +as p +Ġsupp ly +Ġin put +Ġwe alth +liam ent +Ġpro ced +or ial +ĠSt at +ĠN FL +hen s +ĠInst itute +Ġput ting +ourn ament +et ic +Ġloc ated +Ġk id +er ia +r un +Ġpr inc +Ġ ! +go ing +ĠB et +Ġcl ot +Ġtell ing +Ġprop osed +i ot +or ry +Ġfund s +g ment +ĠL ife +Ġb aby +ĠB ack +Ġsp oke +Im age +Ġear n +ĠA T +g u +Ġex change +ĠL in +ov ing +Ġp air +M ore +az on +Ġarrest ed +Ġkill ing +c an +ĠC ard +y d +Ġident ified +Ġm obile +Ġthan ks +ony m +ĠF orm +Ġhundred s +ĠCh ris +ĠC at +Ġtre nd +h at +ĠA v +om an +Ġelect ric +ĠW il +S E +O f +Ġrest aur +ot ed +Ġtr ig +Ġn ine +Ġb omb +Wh y + ¯ +Ġco verage +Ġapp eal +ĠRober t +ĠS up +Ġfin ished +Ġfl ow +Ġdel iver +Ġcal cul +Ġphot os +Ġph il +Ġpie ces +Ġapp re +k es +Ġr ough +D o +Ġpart ner +Ġconcern ed +Ġ3 7 +ĠG en +C ol +ct ors +Ġ= > +st ate +Ġsuggest ed +ĠFor ce +C E +Ġher self +ĠPl an +w orks +o oth +ren cy +Ġcor ner +Ġhus band +Ġintern et +ĠA ut +em s +os en +ĠAt l +g en +Ġbal ance +6 2 +Ġsound s +te xt +Ġar r +ov es +Ġmill ions +Ġrad io +Ġsat isf +ĠD am +M r +G o +S pe +Ġcomb at +r ant +ĠG ree +Ġf uel +Ġdist ance +Ġtest s +Ġdec re +ĠE r +Ġman aged +D S +Ġt it +Ġmeas ures +ĠL iber +Ġatt end +as hed +ĠJ ose +ĠN ight +d it +ĠN ov +ĠE nd +out s +Ġgener ation +Ġadv oc +y th +Ġconvers ation +ĠS ky +act ive +ce l +ri er +ĠFr ank +Ġg ender +Ġcon cent +Ġcar ried +and a +ĠV irgin +Ġarri ved +ic ide +ad ed +Ġfail ure +Ġmin imum +le ts +Ġwor st +Ġkeep ing +Ġint ended +Ġilleg al +Ġsub sc +Ġdetermin ed +Ġtri p +Y es +Ġra ise +Ġ ~ +Ġfeel s +Ġpack age +ĠJ o +h i +201 6 +re al +Ġf ra +Ġsy mb +M e +uck y +p ret +ĠK h +ĠEd it +ĠWe b +em ic +ĠCol or +Ġjust ice +I nt +Ġfar m +ck now +" > +el ess +Ġredu ced +Ġ5 00 +x x +ĠR ad +ĠW ood +Ġcl in +Ġhy p +il er +ur a +k ins +8 5 +6 1 +ĠThe ir +ĠM ary +Ġs an +Ġno vel +ĠWh o +Ġcap acity +Ġimp ossible +Ġpl ays +Ġmin ister +ij uana +ic ate +ĠS et +Ġf ram +Ġ ing +Ġcommun ities +ĠF BI +it a +Ġb on +Ġstr ateg +Ġinterest s +l ock +g ers +m as +ĠAN D +Ġconflic t +Ġrequire ments +Ġs ac +Ġoper ating +in i +rel ated +Ġcomm itted +Ġrelative ly +Ġs outh +¯ ¯ +Ġaff ord +Ġident ity +Ġdec isions +Ġacc used +pl ace +Ġvict ory +o ch +i at +N ame +C om +t ion +ed s +Ġsee k +Ġt ight +ĠIm ages +Ġinit i +Ġhum ans +Ġfam iliar +Ġaud ience +Ġintern al +vent ure +Ġs ides +ĠT O +Ġd im +Ġcon clud +Ġapp oint +Ġenforce ment +ĠJ im +ĠAssoci ation +Ġcircum st +ĠCanad ian +Ġjo ined +Ġdiffere nces +ĠL os +Ġprot est +Ġtw ice +w in +Ġgl ass +ars h +ĠAr my +Ġexp ression +Ġdec ide +Ġplan ning +an ia +Ġhand le +ĠMicro soft +ĠN or +Ġmax imum +ĠRe v +Ġse a +Ġev al +Ġhel ps +re f +Ġb ound +Ġm outh +Ġstand ards +Ġcl im +ĠC amp +ĠF ox +cl es +Ġar my +ĠTe chn +ack ing +x y +S S +Ġ4 2 +Ġbu g +ĠUk rain +ĠM ax +ĠJ ones +ĠSh ow +l o +Ġplan et +Ġ7 5 +Ġwin ning +Ġf aster +Ġspe ct +Ġbro ken +T R +Ġdef ined +Ġhealth y +Ġcompet ition +htt ps +ĠIs land +ĠF e +Ġannoun ce +ĠC up +ĠInst ead +Ġcl ient +Ġposs ibly +se ction +ock et +l ook +Ġfin ish +Ġcre w +Ġres erv +Ġed itor +Ġh ate +Ġs ale +Ġcontro vers +Ġp ages +w ing +Ġnum er +Ġopp osition +Ġ200 4 +Ġref uge +Ġfl ight +Ġap art +ĠL at +A meric +ĠAfric a +Ġapplic ations +ĠPal est +ĠB ur +Ġg ar +ĠSoc ial +Ġup gr +Ġsh ape +Ġspe aking +ans ion +a o +ĠS n +Ġwor ry +ĠBrit ain +P lease +rou d +Ġh un +Ġintrodu ced +Ġd iet +I nd +ĠSec ond +Ġfun ctions +ut s +ĠE ach +ĠJe ff +Ġst ress +Ġaccount s +Ġgu arant +ĠAn n +ed ia +Ġhon est +Ġt ree +ĠAfric an +ĠB ush +} , +Ġs ch +ĠOn ly +Ġf if +ig an +Ġexerc ise +ĠEx p +Ġscient ists +Ġlegisl ation +ĠW ork +ĠS pr +à Ĥ +ĠH uman +Ġ è +Ġsur vey +Ġr ich +ri p +Ġmain tain +Ġfl o +Ġleaders hip +st ream +ĠIslam ic +Ġ 01 +ĠCol lege +Ġmag ic +ĠPr ime +Ġfig ures +201 7 +ind er +x ual +ĠDe ad +Ġabsolute ly +Ġfour th +Ġpresent ed +resp ond +rib le +Ġal cohol +at o +ĠD E +por ary +Ġgr ab +Ġvar i +Ġqu ant +ĠPh oto +Ġpl us +r ick +ar ks +Ġaltern ative +Ġp il +Ġappro x +th at +Ġobject s +ĠR o +ĠAnd roid +Ġsignificant ly +ĠR oad +k ay +R ead +av or +Ġa cknow +ĠH D +ĠS ing +O r +ĠM ont +Ġun s +pro f +Ġneg oti +ĠAr ch +ik i +Ġte levision +ĠJew ish +Ġcomm ittee +Ġmot or +Ġappear ance +Ġs itting +Ġstri ke +ĠD own +com p +ĠH ist +Ġf old +ac ement +ĠLou is +Ġbel ong +ĠâĢ ¢ +Ġm ort +Ġprep ared +Ġ6 4 +ĠM aster +Ġind eed +ĠD en +Ġre nt +T A +our ney +ar c +S u +9 7 +Ġadv ice +Ġchang ing +Ġlist ed +Ġlaun ched +is ation +ĠP eter +is hes +Ġl ived +ĠM el +ĠSup reme +ĠF ederal +Ġ) ; +ruct ure +Ġset s +Ġphil os +u ous +Ġ ł +Ġappl ied +ĠN OT +Ġhous ing +ĠM ount +Ġo dd +Ġsu st +D A +ffic ient +Ġ ? +ol ved +Ġp owers +Ġth r +Ġrem aining +ĠW ater +L C +Ġca uses +ãģ ® +Ġman ner +ad s +Ġsuggest s +Ġend s +stand ing +f ig +ĠD un +id th +Ġg ay +Ġter min +ĠAngel es +M S +Ġscient ific +Ġco al +ap ers +b ar +ĠThom as +Ġsy m +ĠR un +th is +P C +igr ants +Ġmin ute +ĠDist rict +cell ent +Ġle aves +Ġcomple ted +am in +Ġfoc used +Ġmon itor +Ġveh icles +M A +ĠM ass +ĠGr and +Ġaffect ed +itution al +Ġconst ruct +Ġfollow s +Ġt on +re ens +Ġh omes +ĠE xt +ĠLe vel +r ast +ĠI r +Ġel im +Ġlarge ly +ĠJ oe +Ġvot es +all s +Ġbusiness es +ĠFound ation +ĠCent ral +Ġy ards +Ġmaterial s +ul ner +Ġgu ide +Ġclos er +um s +Ġsp orts +ed er +J ust +Ġtax es +8 4 +ĠO ld +Ġdec ade +ol a +Ġv ir +Ġdro pped +Ġdel ay +it ect +Ġsec ure +ste in +le vel +Ġtre ated +Ġfil ed +ain e +Ġv an +Ġm ir +Ġcol umn +ict ed +e per +Ġro t +Ġcons ult +Ġent ry +Ġmar ijuana +ĠD ou +Ġapparent ly +ok ing +clus ive +Ġincre ases +an o +Ġspecific ally +Ġte le +ens ions +Ġrelig ion +ab ilities +Ġfr ame +ĠN ote +ĠLe e +Ġhelp ing +Ġed ge +ost on +Ġorgan izations +à ĥ +ĠB oth +hip s +Ġbig ger +Ġbo ost +ĠSt and +Ġro w +ul s +ab ase +Ġr id +L et +are n +ra ve +Ġst ret +P D +Ġv ision +Ġwe aring +Ġappre ci +Ġa ward +ĠU se +Ġfact or +w ar +ul ations +) ( +Ġg od +Ġter rit +Ġpar am +ast s +8 7 +Ġen emies +ĠG ames +F F +Ġacc ident +W ell +ĠMart in +T ER +Ġat h +ĠHe ll +Ġfor g +Ġve ter +ĠMed ic +f ree +Ġst ars +Ġexp ensive +Ġac ad +ra wn +ĠW he +Ġl ock +Ġform at +Ġsold iers +s m +Ġag ent +Ġrespons ibility +or a +ĠS cience +Ġrap id +Ġt ough +ĠJes us +Ġbelie ves +M L +Ġwe ar +le te +Ãĥ ÃĤ +ĠD ri +Ġcomm ission +ĠB ob +O h +ap ed +Ġwar m +ÃĥÃĤ ÃĥÃĤ +Ġ200 3 +ort ion +Ġhas n +ust er +Ġun ivers +ĠI ll +Ġk ing +olog ies +9 4 +ĠT em +ĠM os +Ġpat ient +ĠMex ico +ce an +ĠDe ath +ĠSand ers +y ou +ĠC ast +ĠComp any +pt y +Ġhappen ing +F P +ĠB attle +Ġb ought +A m +M od +U s +ut ers +ĠC re +ĠTh ose +Ġ4 4 +is er +Ġs oul +ĠT op +ĠHar ry +ĠA w +Ġse at +ff ee +Ġrev olution +Ġ( " +ĠD uring +et te +Ġr ing +Ġoff ensive +Ġreturn s +Ġv ideos +Ġdis cl +Ġfam ous +en ced +ĠS ign +ĠR iver +Ġ3 00 +P M +ĠB us +ĠC H +Ġcandid ates +ard en +Ġpercent age +Ġvis ual +Ġthan k +Ġtrou ble +ner gy +Ġ200 1 +Ġpro ve +ash ion +Ġen h +ĠL ong +U M +Ġconnect ed +Ġposs ibility +O ver +Ġexper t +Ġl ibrary +art s +ĠDirect or +Ġfell ow +9 2 +ir ty +Ġd ry +Ġsign s +ĠL ove +Ġqu iet +f oot +Ġp ure +ĠH un +Ġf illed +ph as +ĠE lect +end ment +ĠEx pl +Ġun able +n s +m o +Ġv ast +ob e +Ġident ify +app ing +ĠCarol ina +g ress +Ġpro te +Ġf ish +Ġcircumst ances +raz y +ĠPh ot +Ġb odies +ĠM ur +Ġdevelop ing +ĠA R +Ġexperien ced +Ġsubst ant +ĠBo ard +es ome +Ġdom estic +Ġcomb ined +ĠP ut +Ġchem ical +ĠCh ild +Ġpo ol +ĠC y +Ġe gg +c ons +st ers +Ġh urt +Ġmark ets +Ġconserv ative +Ġsupp orters +Ġag encies +id el +O b +ur b +Ġ4 3 +ĠDef ense +y e +ĠA p +du le +Ġtemper ature +Ġconduct ed +ĠCh ief +Ġpull ed +Ġf ol +L ast +ont o +os is +V ER +D es +ĠP an +F irst +Ġadv ance +Ġlic ense +r ors +ĠJ on +Ġimag ine +Ġhe ll +Ġf ixed +Ġinc or +os ite +ĠL og +ick en +] : +Ġsurpr ise +h ab +Ġc raft +ol t +ĠJ ul +Ġd ial +Ġrele vant +Ġent ered +Ġlead s +ĠA D +ĠCle an +Ġpict ures +ess or +Ġal t +Ġpay ing +P er +ĠMark et +Ġupd ates +am ily +ĠT ype +ĠH ome +Ġ5 5 +semb ly +rom e +8 3 +Ġgreat est +Ġhe ight +Ġhe av +ain ts +Ġlist en +as er +ĠS H +Ġcap able +ac le +Ġpers pect +in ating +Ġoff ering +ry pt +ĠDe velop +ab in +r c +Ġbr ight +al ty +ar row +Ġsupp l +ind ing +ack ed +gy pt +ĠAn other +p g +ĠVirgin ia +ĠL u +Ġpl anned +Ġp it +Ġswe et +T ype +ĠD i +Ġtyp ically +ĠFranc isco +Ġpro spect +ĠD an +Ġte en +re es +Ġsc hed +Ġh ol +Ġsc r +Ġlot s +l ife +Ġnews p +Ġfor get +ĠN one +ĠM iddle +ĠR yan +ed d +Ġse vere +Ġsu it +ll er +9 3 +Ġcor respond +Ġexpl os +u ations +Ġfl ag +g ame +r id +Ġpr in +ĠD ata +Ġde ploy +ĠEn ter +su it +gh an +ĠM en +Ġthough ts +Ġmat ters +Ġad apt +ĠA ri +Ġf ill +Ġfor th +Ġs am +Ġ4 1 +Ġpay ment +ĠH or +Ġsp ring +du c +Ġl osing +Ġbring ing +F O +al a +Ġdist ribution +he red +b our +ĠIsrael i +om a +Ġcomb ination +Ġpl enty +V E +C an +ĠH aw +Ġper man +ĠSpe cial +Ġto w +Ġsee king +Ġexam ples +Ġclass es +c r +Ġbe er +Ġmov es +ĠI P +ĠK n +Ġpan el +E ven +Ġproper ly +Ġr is +Ġpl ug +Ġestim ated +E very +Ġdef ensive +ag raph +Ġpre gn +Ġinst it +ĠV ict +Ġvol ume +Ġpos itions +Ġl inks +ĠPro gram +ĠWe ek +ag ues +Ġtrans form +k er +ĠC EO +Ġc as +Ġopp onent +Ġtwe et +ĠC ode +Ġsh op +Ġf ly +Ġtal ks +Ġb ag +Ph one +Ġa id +Ġpl ants +Ġ6 5 +Ġatt orney +ar ters +qu est +ĠMag ic +Ġbeg ins +Ġmy ster +Ġenvironment al +Ġst orage +N N +Ġm arg +Ġs ke +Ġmet al +ell y +Ġord ered +Ġrem ained +Ġl oved +Ġprom pt +Ġupd ated +Ġexper ts +Ġwalk ing +Ġan cient +Ġperform ed +AT E +Ġne ither +i ency +Ġmanufact ure +ĠP ak +Ġselect ed +Ġm ine +Ġult imately +Ġexpl an +Ġlab el +ĠServ ices +ribut ed +Tr ump +Ġsy n +ĠU lt +S C +Ġme at +Ġg iant +ĠW ars +ĠO N +Ġad m +Ġinter pret +Ġeven ing +Ġev il +ĠB oston +ĠW ild +Ġ à +ĠBit coin +ĠAm azon +D r +ĠIn formation +Ġobvious ly +Ġadv anced +Ph oto +ol ar +Ġwe ather +Ġsymb ol +Ġso le +Ġpot entially +ost er +Ġorig inally +m un +3 00 +az e +ess ions +Ġde ck +Ġst ood +Ġyou th +ĠB ern +R ep +ĠT est +Ġbas ically +ot ic +Ġinvol ve +ol it +ly n +S ee +Ġair craft +Ġconf irm +E W +Ġmess ages +ĠRich ard +Ġk it +Ġpro hib +Ġv ulner +is ters +Ġexist ence +Ġturn ing +ĠS P +Ġdes ire +Ġfl at +Ġm ent +se ason +ang es +Ġneighbor hood +ĠL ake +AT ION +Ġpoint ed +b ur +Ġinn ov +uc ks +U L +Ġprofess or +Ġexp ressed +A B +ic ious +Ġ200 2 +ĠDe v +Ġs ession +Ġb are +s en +Ġdis s +ĠC ath +ĠP ass +ĠP oint +Ġdo ctor +or row +ail ed +ĠR ub +ĠD C +ĠChar l +p erson +Ġwrit er +igh ters +ure au +Ġob lig +Ġrecord ed +Ġbro ke +Ġord ers +il ty +Ġmot ion +in ity +l aw +ad ium +Ġimm igration +Ġcontr ast +Ġb att +Ġex cellent +Ġtechn ical +am i +Ġt un +Ġcl oud +ĠY ear +ge on +Ġcre ation +Ġstr ange +Ġa uth +Ġfor t +b orn +Ġext ent +ĠT oday +ĠCl ub +Ġr ain +Ġs ample +Ġaccept ed +Ġt act +Ġf ired +ĠS on +Ġstand s +Ġb oot +Ġ4 7 +Ġstat ements +Ġvers ions +Ġse lling +ound ed +Ġ199 0 +Ġwere n +ĠW atch +Ġexper iment +P ost +Ġret ail +ul ed +In st +un te +ãĥ ¼ +Ġdep art +Ġb ond +i very +om pl +Ġre action +ĠSyri an +ĠP ac +app ed +ani el +D P +Ġres olution +Ġre act +Ġappro ved +on om +m ond +ĠO ffic +-- - +Ġrepl ace +Ġt ack +Ġsp ort +Ġch ain +Ġemer gency +r ad +ĠPalest in +Ġ4 6 +Ġautom atically +Ġrout e +Ġp al +Ġb anks +ĠPar is +ĠMed ia +ro ad +ic ing +i xt +ist ed +Ġg rew +Ġco ord +ĠW here +om in +Ġsub s +� � +Ġ ± +Ġcorpor ate +Ġse lection +n oon +ĠRep ort +c s +clud ing +ord ers +anc he +ĠIt s +Ġslow ly +ĠE gypt +ĠA cc +Ġcol le +iqu es +E X +Ġattempt s +ur l +ĠC ross +Ġfind ings +ĠS C +ĠO R +Ġind ex +ens ity +ĠW ay +ĠL and +Ġsh ock +d is +Ġd ynam +Ġc art +m osp +S ince +i est +ĠB oy +Ġst orm +ĠCont in +201 3 +he w +il it +Ġess ential +iqu id +O ther +ive red +Ġreason able +A ct +Ġsub sequ +ĠP ack +ĠF ort +Ġconsider ing +Ġun iversity +l og +Ġmar ried +Ġill ust +ĠTr ue +£ ı +Ġnumer ous +rast ructure +Ġserious ly +Ġrefer red +u a +Ġconsist ent +on na +ĠRe al +ru ption +ci ples +Ġfact s +9 1 +ot es +er g +The n +Ġacc ompl +N ote +Ġre venue +Ġpass ing +Ġm al +e en +ĠY et +Ġg ather +ter day +ew ork +ĠA uthor +P e +Ġopt im +Ġr ub +Ġè £ı +Ġun known +st one +Ġun ion +ol ve +Ġopportun ities +Ġbrow ser +ĠW al +ĠC ost +Ġreport ing +st s +p et +Ġs and +Ġsudden ly +Ġsurpr ising +ĠV R +Ġsomew hat +ĠB as +ult ure +iz z +ĠC D +Ġchalleng es +Ġsett ings +Ġexperien ces +ĠF ull +Ġcan n +Ġrece iving +ES T +Ġj oint +Ġcult ural +Ġa st +8 2 +as tern +ce ived +ĠC ru +Ġb ull +p ired +am m +Ġfac ing +p ower +Ġb oss +ĠH ol +Ġinst r +Ġincreasing ly +Ġsh ift +Ġstre ets +ĠWilliam s +ab b +Ġl ie +Ġl augh +ĠC a +P L +Ġadult s +Ġcustom er +Ġob tained +Ġsupport ing +ht ml +f ire +Ġdetail ed +Ġpick ed +ĠR ight +ld er +E E +st ood +ĠK im +Ġw ire +Ġs ight +Ġdevelop ers +Ġpers ons +Ġs ad +Ġc up +Ġwar ning +Ġboy s +l ong +Ġb ird +f o +Ġw al +Ġobserv ed +Ġz one +iven ess +Ġch annel +c ript +Ġref used +ĠAg ain +Ġsu c +Ġspokes man +ĠRe f +r ite +ou ston +ãĥ ³ +ĠS her +Ġact s +ĠN ame +Ġstrugg le +ar ry +omet imes +Ġdisc rim +H T +Ġcateg ory +Ġreal ize +Ġemploy ee +ĠAf ghan +en ger +Ġgun s +ĠSte ve +ĠM ot +ĠO l +ok ed +Ġth ick +Ġfair ly +ill y +Ġsur ve +ĠM at +we ight +â Ķ +Ġtro ops +Ġag ents +Ġbatter y +Ġmot iv +à ¡ +S ec +d en +o very +L S +Ġfl u +Ġconf ident +ĠO per +Ġem pty +Ġp hen +Ġse ctor +Ġexc ited +Ġrem ote +ap h +o en +Ġdestroy ed +Ġmor al +ĠH P +ĠR on +Ġd ress +ĠB at +Ġl it +ĠM S +Ġa f +H L +r um +is ms +Ġshould n +Ġsym pt +ĠTor onto +het ic +Ġcar bon +Ġinstall ed +Ġviol ent +Ġsol ar +j a +Ġpract ices +Ġr ide +ĠP enn +Ġimpro ved +Ġaud io +Ġbehav i +ĠP S +Ġe ating +D ata +ĠRe view +p ass +cl aim +u ated +ang ers +c hen +Ġproper ties +Ġany where +An other +Ġbl ow +ĠJack son +Ġp roud +Ġplan e +l ines +Ġsqu are +Ġpro of +ans as +Ġtalk ed +m akers +Ġs ister +Ġhold s +Ġres ident +Ġ= = +Ġresist ance +Ġspl it +Ġpro secut +Ġconf idence +res ents +Ġcut s +Ġexcept ion +Ġz ero +Get ty +Ġcop yright +Ġtot ally +orm al +ific ations +ĠAustral ian +Ġs ick +Ġ1 50 +Ġhouse hold +Ġfe es +Ġdri vers +og en +ĠN Y +Ġnecess arily +Ġregul ations +ear ing +s l +Ġperspect ive +c are +ic ial +H is +Ġesc ape +Ġsurpr ised +ĠV an +ur rent +Ġv ac +8 1 +ĠTh us +Ġem phas +ĠCh ampions +ĠI ce +Ġn arr +Ġhead s +Ġca using +b el +f ortunately +ĠM a +Ġtarg ets +ci pl +Ġafter noon +Ġadd s +ĠMay be +ĠF our +ess ed +ple te +Ġus ual +ch o +ing u +Ġwith d +ĠE nergy +ĠE conom +O O +Ġart icles +Ġinj ured +Ġman age +Ġexpl ains +Ġdi agn +R ec +at ures +Ġlink ed +Ġdiscuss ed +Ġexpl o +Ġocc asion +ath an +Ġopp osite +Ġfac es +Ġden ied +ĠK night +Ġn ut +Ġapprox imately +Ġdisapp oint +onym ous +ĠB est +ĠL o +ĠH y +ĠA ff +Ġvot ing +an while +ĠII I +Ġinstit utions +ag ram +ĠD aily +Ġdr ag +Ġnear by +Ġgu ilty +Ġcon ver +P re +s hip +Ġre ward +Ġphilos oph +ĠS S +u gh +Ġapp s +f riend +Ġu pper +Ġad vert +Ġs now +Ġfr ust +Ġour selves +F r +ĠD ie +amp ion +Ġdis miss +Ġc ere +Ġsign al +f rom +Ġ ). +Ġ5 2 +Ġcr imes +it ors +est ival +use um +Ġcoun cil +ĠS aud +M ay +ĠG un +ic ian +et her +Ġsu fficient +ĠH en +so le +Ġhistor ical +ĠF ar +ĠT urn +Ġp in +Ġsuc ceed +m at +ly mp +Ġtrad ition +ĠO k +Ġc ro +Ġdesc ription +al le +Ġsk y +T e +Ġwide ly +Ġw ave +Ġdefin ition +ĠJew s +Ġcy cle +Ġref ere +Ġbr ings +us al +Ġal ive +Ġfrequ ently +Ġint ention +ĠCont rol +l v +y stem +Ġpriv acy +g ent +ren ce +ĠQu est +ĠChrist mas +Ġr ail +Ġco oper +Ġtest ed +ĠC apt +as ks +Ġcomfort able +Ġdel ivered +sc ape +Ġdep th +ĠG OP +Ġwrit es +Ġass ets +Ġsa v +im ents +Ġtrans ition +Ġart ist +ĠL ook +Ġl ob +Ġcomp onents +ar ity +Ġwalk ed +Ġro ot +Ġparticip ants +Ġnot iced +Ġres c +Ġn av +ĠAd minist +d a +ut ral +pl ate +Ġimport ance +Ġass ert +ious ly +c ription +Ġinj uries +ĠChe ck +Ġregist ered +Ġint ent +Ġmiss ed +ograph ic +Ġsent ence +oun ter +Ġassist ance +ev in +Ġdat abase +Ġbuild ings +Ġclass ic +Ġth inks +ĠOh io +P r +ug g +Ġfe e +p an +Ġeffect ively +Ġfac ility +Ġbe ar +Ġch apter +Ġdog s +ĠCol umb +Ġl atter +it ial +Ġad mitted +T V +ĠGe org +Ġpost s +\ \ +Ġlawy er +Ġequ ival +Ġm and +Ġcontro lled +ĠW alk +ĠAnd rew +Ġmen u +am ental +Ġprotect ed +v a +Ġadminist r +or al +Ġre in +ĠS ar +Ġamount s +Ġn ative +ĠM oon +Ġrep resents +Ġab andon +Ġcarry ing +Ġt ank +m ary +Ġdecl ared +T ube +Ġh at +Ġpun ish +el lect +m es +Ġun iverse +ĠR od +ph y +Ġinf rastructure +Ġ5 1 +Ġopp osed +ow nt +c a +ĠM ake +Ġhard ware +Ġco ffee +R el +b al +w orld +ĠS af +ĠSe a +in als +Ġown ed +Ġh all +ers ion +Ġdescrib e +ĠP ot +Ġport ion +Ġat mosp +Ġgovern ments +Ġdep ending +Ġoff ense +Ġtr ick +aw a +ĠL ine +ĠV is +ĠH ard +ĠOr ig +ĠCl ick +Ġdes k +ĠVal ley +ĠS ov +Ġmov ies +Ġrem ark +Ġm ail +Ġcons cious +Ġrul ing +ĠR ights +Ġmed ic +he nt +ĠW omen +> < +Ġrepl aced +ĠP rem +ĠTh anks +Ġre new +ĠB all +if orm +Ġsh ots +C omm +Ġar med +Ġconst ant +Ġt aste +Ġreal ized +Ġbu ff +Ġm o +Ġeffic ient +M ost +or ation +if ies +Ġcommun ication +Ġfl ood +Ġconsequ ences +Ġany way +ig g +ĠG M +ĠTh ank +Ġ iron +Ġev olution +ĠC op +tw itter +Ġ9 5 +Ġrelationship s +ad el +ĠYou ng +Ġpropos al +ay ers +uild ing +ĠH ot +OR E +c os +Ġcoll abor +P G +ax y +Ġknow ing +Ġsupport s +ow ed +Ġcontrol s +Ġmere ly +um er +Ġath let +Ġf ashion +p ath +Ġg ift +Ġer a +AN D +Ġkind s +ĠKore an +Ġleg it +ul ous +Ġess entially +Ġthe rap +n ic +Ġsuff ered +Ġh ur +Ġprom ise +Ġex cess +Ġover w +Ġpr ime +ĠH ouston +er ry +ĠM s +R S +201 2 +Ġst ores +ĠO lymp +Ġj ourney +Al though +S ub +ĠE duc +ĠCh apter +Ġrequest s +Ġconsum ers +Ġt iny +Ġis ol +ĠF air +b a +ĠY OU +Ġcr ash +ce ler +Ġemot ional +Ġgood s +Ġelect ed +Ġmod er +ĠLin ux +Ġbl ocks +Ġis land +ĠSoc iety +Ġelect ions +Ġbroad cast +Ġche ap +Ġn ations +Ġse asons +4 00 +Ġwas te +ĠS at +Ġfield s +em ploy +Ġprof ile +Ġauth ors +AL L +ĠG ra +w est +ĠT y +Ġdeath s +Ġv acc +Ġfor med +Ġd u +Ġon going +ĠMuslim s +el f +ig ure +Ġass ume +ĠUkrain e +w ater +Ġco ast +Ġvot ed +g or +ĠA S +ĠMich igan +az a +ĠAr m +i ro +Ġf lex +as ters +' ' +Ġwel come +ar l +Ġloc ations +ig ation +ĠF il +Ġbu ying +Ġarch itect +Ġhard er +ĠC ub +Ġinter face +Ġrestaur ant +Ġdisco ver +Ġex ceed +Ġfav our +ger y +Ġd uty +Ġp itch +ad or +ĠM ach +b oy +Ġrespond ed +Ġext ended +her s +M any +ra id +if er +ĠIn s +S er +Ġmed ium +s he +ĠS ports +Ġmag azine +ut ation +Ġlim its +ĠG all +Ġex ternal +raz il +Ġyoung er +t le +Ġrem ind +ĠC ON +Ġimmedi ate +Ġh idden +Ġvol unte +Ġsim pl +od cast +Ġph ase +d r +Ġpl ot +Ġexp osure +R I +og rap +v in +an ish +ĠAc ad +ĠEng ine +Ġexp ansion +ĠP ay +Y our +Ġpus hed +ĠE ll +ĠHe ad +Ġmarket ing +ĠA C +k et +Ġh its +Ġg ro +ĠA ge +ĠSc ot +] [ +Ġst im +Ġi Phone +Ī Ĵ +Ġn arrow +ĠGet ty +ĠTur key +Ġperfect ly +Ġen able +ut ch +Ġprec ise +Ġreg ime +Ġsh if +Ġcomp ens +g un +d iv +Ġch osen +ĠK en +An y +Ġtre es +Ġrecomm ended +ĠR en +u able +ĠH T +F ollow +E G +ĠH and +ĠK enn +Ġarg uments +Ġex ists +Ġb ike +ĠCons erv +Ġbre aking +ĠG ar +Ġc razy +Ġvirt ual +ay lor +ix el +Ġ19 80 +Ġper mission +ĠSer ies +Ġconsum er +Ġclose ly +c alled +Ġ5 4 +Ġhop es +Ġar ray +ĠW in +ĠLab our +Ġsp ons +ĠI re +Ġp ow +Ġread ers +Ġemploy ment +Ġcreat ure +Ġresult ing +Ġaccur ate +Ġmom ents +Ġarg ued +Ġp ed +D uring +Ġ5 3 +ĠT al +Ġs ought +Ġsuff ering +Ġ icon +le e +Ġ( $ +al ian + ° +Ġp ra +Ġbon us +( " +k o +Ġact ing +D E +f all +Ġcompar ison +Ġsm ooth +ĠN AS +u pp +ĠJose ph +ep ing +ĠT ake +ĠM id +Ġs ending +f ast +ĠF all +Ġdeal ing +us er +ĠOr gan +C o +Ġatt ached +Ġse es +% . +Ġtyp ical +AR T +Ġfind s +ĠAs ia +um in +ĠC ore +ĠE nt +in ent +u ce +ĠBl ood +ĠN ever +Ġem ails +Ġhigh light +Ġconf ront +at us +ut ed +Ġun us +Ġtop ic +ĠAd am +Ġb le +at i +Ġunder stood +S et +st ruct +T P +Ġm ob +a a +ĠSt art +pect ed +se ll +Ġded icated +ĠC A +u an +Ġsong s +esc ription +Ġte ch +Ġr ape +Ġas ide +Ġgr ant +Ġ5 6 +s ub +Ġarg ue +Ġcont aining +Ġsche dule +Ġliber al +Ġpublic ly +Ġheav ily +ĠU t +in er +ĠS ection +ĠC are +we et +l s +D is +âĶ Ģ +ĠF ollow +B ack +ĠI T +Ġb es +j i +ĠH it +est ed +Ġevery body +ĠSw ed +Ġfem in +Ġfac ilities +Ġcon ven +C omp +ĠO S +c ore +Ġan x +Ġdiv ision +ĠC am +ĠSt an +m ates +Ġexpl ore +pl om +Ġsh ares +pl oad +an es +Ġide al +et ers +ĠB ase +Ġpl astic +Ġdist inct +ĠNet work +ĠSe attle +Ġtrad ing +ens us +int end +Ġex hib +Ġinit ially +ĠF ood +Ġthous and +ĠBus iness +act er +Ġpar agraph +Ġrough ly +Ġw ww +Ġcreat ive +ĠCon f +Ġconsum ption +Ġfil ms +ag an +Ġob tain +Ġt all +Ġt or +Ġacknow led +Ġg rown +al o +K E +Ġ4 00 +end ers +t aining +U G +Ġsu icide +Ġwat ched +ĠL ist +al i +re hens +Ġsurround ing +Ġp ip +Ġf lying +ĠJ ava +ord an +Ġserv ing +in ations +p ost +Ġsh o +A v +Ġj ail +z y +Ġ199 9 +Ġ< / +Ġliter ally +ĠS ir +Ġexp osed +Ġl ies +st ar +Ġb at +Ġear ned +ĠD ig +Ġspec ified +ĠSe ason +Ġdeg rees +Don ald +Ġcent re +Ġsh aring +Ġwin ter +ĠC O +C he +Ġ Î +M P +Ġun w +Ġfew er +ĠM ir +Ġsomew here +ĠK ey +Ġattack ed +ĠK ir +Ġdom ain +Ġstrong er +Ġ9 9 +Ġpen alty +I d +Sc ript +Ġdecl ined +Ġne ck +Ġfra ud +Ġcur rency +Ġr ising +R C +âĢ¦ âĢ¦ +H z +Ġt ab +Ġtal ent +n am +ĠN BA +Ġvill age +Ġleg s +ĠN ext +E d +Ġac id +Ġhy d +8 00 +Ġinvol ving +ĠIm age +ĠBe fore +F l +Ġyes terday +S ource +Ġterror ist +Ġsu p +Ġsy nt +ĠSaud i +Ġw est +Ġr u +b urg +Ġvis ible +Ġstru ck +r ison +Ġaw esome +Ġd rawn +Ġansw ers +ĠG irl +ĠR am +Ġthreat s +Ġdef eat +os it +Ġv ent +atur ally +Americ an +end a +ĠH oly +Ġr um +% , +c ase +ĠHist ory +ĠYou Tube +Ġsit uations +ĠD NA +S te +Ġsa ved +It em +Ġrec ip +olog ist +Ġfac ed +Ġel ig +O nce +ĠL i +u h +Ġmist ake +ĠDiv ision +ĠB ell +Ġsympt oms + ® +Ġdom in +Ġfall ing +Ġend ing +as hes +Ġmat ches +ĠOn line +Ġexplan ation +D ef +red it +Ġany more +ĠT otal +ĠF OR +us hed +Ġlet ters +Ġris ks +ĠO K +Ġreported ly +: \ +Ġpl ate +Ġsubject s +Ġattempt ed +if ier +ian a +Ġunlike ly +ĠTh ough +um a +ĠIn vest +ĠPr in +ic an +ĠD ar +ĠColor ado +au g +Ġve get +a os +ri a +Ġshe l +Ġmark ed +Ġ( ) +Ġsp r +p o +ĠL ink +Ġdef e +ĠJ r +Ġthem e +Ġpass ion +ĠP en +Ġinf o +iz er +Ġsh it +ĠC ivil +ap se +c re +Ġpo ly +Ġcomp onent +ĠChar les +ĠIre land +ĠPro v +Ġdo ctors +Ġgr anted +Ġpain t +Ġhon or +Ġsm oke +Ġpay ments +Ġprim arily +ĠKing dom +r ich +ate ll +Ġde als +Ġsched uled +Ġfund amental +Ġprote in +Ġnewsp aper +Ġcl ients +yth on +ĠD ate +h us +Ġfeed back +Ġstret ch +Ġc ock +Ġhot el +ĠQue en +Ġsu gar +Ġj u +Ġmil k +Ġappro val +ĠL ive +Ġequival ent +ef ully +Ġins ert +z ona +Ġext ension +d ri +J ohn +Ġacc omp +S m +ĠF und +Ġconst antly +Ġ` ` +Ġgener ated +ĠA ction +ĠP sych +ĠT ri +Ġrecogn ize +Ġv ary +ph a +ĠR a +d f +et ch +ĠSov iet +Tw o +Ġpattern s +Ġprof ession +an ing +T ime +ĠL im +Ġcol ors +ĠA z +ĠT R +Ġinf ect +Ġphen omen +Ġshe ll +Al so +Ġput s +Ġdel ivery +Ġbro wn +Ġprocess ing +Ġlight s +ess age +ĠBro ok +ĠA ud +l ation +Ġindust rial +L ike +ĠB razil +rou s +ES S +ĠL uc +Ġsome how +Ġ8 5 +Ġpro port +Ġpolit icians +Ġindic ate +Ġh ole +Ġtechn iques +Ġcompet itive +Ġph r +Ġv o +ist ent +ĠD ream +Ġcamp us +Ġaspect s +Ġhelp ful +Ġsh ield +or se +Ġtrig ger +m al +Ġ5 8 +Ġt ort +Ġperson ally +Ġt ag +Ġkeep s +ĠV ideo +Ġben ch +Ġg ap +a ire +Ġe ast +Ġrec overy +per ial +Ġprof it +ĠM ic +Ġ5 7 +Ġcol on +Ġstrong ly +st yle +Ġalleg ations +h an +Ġrep orters +j o +r ine +arg et +and al +Ġ0 3 +Ġfl ash +tr ans +Ġstr ict +Ġpark ing +ĠPak istan +Ġl i +Ġwe ird +ĠE ric +Ġreg ions +ĠJ un +Ġint ellect +ĠW H +od ing +rib utes +up id +ĠT it +Ġf inger +or ia +Ġe lev +ĠF ield +Ġcon clusion +; ; +Ġfeel ings +Ġext ensive +Ġm ixed +Ġne uro +v y +Ġhar ass +ĠC irc +ou ch +Ġterrit ory +Ġsuccess fully +M ar +Ġing red +Ġoverw hel +Ġl ayer +V iew +Ġall ies +ill ance +ĠTh ree +Ġb unch +Ġnorm ally +Ġnet works +Ġsac r +ĠC IA +b les +Ġch ose +Ġopp onents +Ġregard less +Ġfr anch +Ġpre f +ĠP o +Ġbr idge +ann a +ĠSil ver +Ġw age +p age +ri or +Ġrad ical +ĠL ittle +Ġman ip +Ġsecret ary +Ġg ang +D R +F A +Ġdec ent +ĠSp irit +Ġun cle +ĠDevelop ment +Ġinvest ors +Ġwall s +Ġpub lish +Ġgener ate +iss ions +c ar +Ġprom ote +Ġcut ting +Ġche st +Ġdrink ing +Ġcollect ed +Ġ7 2 +Ġhop ing +Ġem br +gor ith +Ġwar ned +Ġinstruct ions +O G +ĠD id +ĠAg ency +Ġg ear +Ġcritic ism +ĠF urther +Ġut il +ann y +R ed +Ġcoun sel +ĠAs ian +Ġredu ction +p ool +Ġteach ing +Ġdeep ly +i y +Ġestim ates +Ġcho ices +Ġperman ent +in em +ke l +Ġf asc +p se +f ile +ĠL ow +ĠP erson +Ġt ournament +st al +Ġm el +U ST +ĠR ay +az i +V al +Ġcont ained +ĠH olly +Ġw ake +Ġreve al +Ġprocess es +ĠIS IS +Ġ0 9 +Ġbl ind +Ġste el +ĠB ad +Ġcare fully +app y +ro it +Ġg aming +Ġhous es +ĠC oll +Ġtr uck +er m +Ġsc ored +Ġocc as +ret urn +b ound +v ar +Ġsh arp +Ġaf raid +ĠE X +am ber +c ific +Ġsche me +N C +ĠPol it +Ġdecl ine +Ġ199 8 +Ġpus hing +Ġposs ession +Ġpriv ile +Ġteacher s +Ġy ield +H A +ĠDav is +it led +#### #### +Ġr ig +ĠD aniel +ac on +Ġh ide +ut en +Ġcolle agues +Ġprin ciples +Ġl oud +Ġs in +ĠDem on +Ġst one +Ġ0 2 +Ġt aught +Ġter rible +Ġst uck +ĠPol icy +te en +Ġimplement ation +ĠB BC +ĠAP I +Ġwhe el +all as +Ġch ampions +ol ars +play er +Ġrepeated ly +ĠSt ill +Ġlik es +ast y +es ter +ĠCath olic +R L +Ġb ath +Ġno ise +t itle +Ġn orthern +P art +Ġmag n +Ġf ab +ĠAs h +Ġdis pl +Ġtick et +Ġm urd +Ġalong side +ĠMus ic +Ġr iver +ĠSte el +ĠC L +ĠPl ayer +ĠM ult +ow ing +re p +s ize +Ġt ur +ĠGeorg ia +isc al +ra ction +Ġc able +Ġ5 9 +Ġw ins +Ġup coming +Ġsurv ive +Ġins pired +ĠEduc ation +Ġstat istics +ĠF oot +iam i +Ġy ellow +ĠP age +. - +ĠH as +Ġur ban +Ġa x +es sel +\ " +Ġquarter back +Ġreg ister +ĠLab or +Ġab ilities +ĠF amily +Ġvar iable +ĠPr ice +Ġcont em +Ġth in +ĠE qu +d ata +Ġg otten +Ġconst it +Ġas ks +Ġt ail +Ġexc iting +ĠE ffect +ĠSp anish +Ġencour age +ins on +ĠA h +Ġcommit ment +C S +Ġr ally +Ġ: : +Ġsubs id +Ġsp in +Ġcapt ured +201 8 +Ġinn oc +Ġalleged ly +ĠC ome +Ġart ists +ĠN umber +Ġelect ronic +Ġreg ional +ap es +Ġw ra +Ġmy th +pr ise +ĠM iller +ĠC reat +ĠEp isode +b ell +Ġdirect ed +Ġext ract +Ġs orry +Ġv ice +ag ger +ĠSu pport +Ġ6 6 +ĠI ron +Ġwonder ful +Ġg ra +N et +ion e +E ng +Ġsh ips +ik es +ĠK evin +it ar +Ġactiv ists +tr ue +ĠAri zona +ent h +ĠDes pite +ĠS E +Ġha bit +ern el +Ġin qu +Ġab ortion +Ġv oid +Ġexpl icit +Ġeng aged +Ġang ry +Ġr ating +Ġfr ag +b ro +ick ing +d ev +Ġwor ried +Ġob ser +Ġap artment +ĠG T +Ġest ate +ĠConst itution +em on +ĠS now +Ġcount y +Ġdis ag +ĠStep hen +Ġimm igrants +w ind +ĠN ations +Ġfol ks +O ut +Ġg all +Ġtarget ed +Ġst ead +ĠB on +ĠL ib +Ġinform ed +Ġ12 0 +ch ain +idel ines +or ough +Ġdri ven +Ġregular ly +Ġbas ket +Ġprinc iple +oc ument +Ġst un +ib ilities +ĠRom an +ĠAb out +Ġal ert +Ġdemocr acy +Ġrepresent ed +H S +c ers +p arent +Ar t +p ack +Ġdi plom +re ts +ĠN O +Ġcapt ure +ĠAd v +Ħ ¢ +Ġannounce ment +ĠL ear +Ġh ook +Ġpur s +ĠS uch +ĠC amer +Ġrefuge es +ĠV e +P ol +Ġrecogn ized +l ib +Ġhad n +A ss +Ġpil ot +us hing +Ġreturn ing +Ġtra il +ĠSt one +Ġrout ine +Ġcour ts +Ġdes per +Ġfriend ly +ĠIt aly +Ġpl ed +Ġbreat h +Ġstud io +N S +Ġimp ressive +ĠAfghan istan +Ġf ing +Ġd ownt +ink ing +ĠR og +i ary +col or +se x +ar on +Ġf ault +ĠN ick +D own +ĠR ose +ĠS outhern +X X +is odes +L ist +6 00 +Ġout come +er r +Ġelse where +Ġret ire +Ġp ounds +ĠGl obal +Pe ople +Ġcommun ications +Ġlo an +Ġrat io +ĠEm pire +Ġg onna +Ġinv ent +D F +Ġ19 70 +ĠComm on +p at +Ġprom ised +Ġd inner +ĠH om +Ġcreat es +Ġoper ate +ver ty +ĠJ ordan +et ime +Ġsust ain +R eg +Ġincred ible +im a +Ġwar rant +Ġm m +A tt +Ġlaw suit +Ġreview s +it ure +ĠS ource +l ights +ĠF ord +Ġ6 3 +g roup +st ore +Ġfeat ured +Ġfore ver +Ġpo verty +ĠP op +ĠC NN +az z +ab is +ach ing +Ġl aid +ĠSu pp +Ġfil ter +en a +ĠCommun ity +Ġcreat ures +u ction +ĠR oyal +Ġassoci ation +ĠCon nect +ĠBr ad +âĸ Ī +l ers +the re +ĠG i +Ġval uable +AC K +ĠT aylor +Ġl iquid +ĠAtt orney +ĠCar l +ĠF inal +ag a +ĠWil son +B ecause +ĠProf essor +ak a +Ġincred ibly +r ance +! ) +R ef +s k +Ġsol utions +Ġatmosp here +Ġbl ame +um es +ĠN ob +C A +um ps +r ical +ĠPut in +ĠD est +or ic +ĠP A +Ġrespect ively +w an +Ġfif th +â Ħ¢ +ĠC ry +Ġgovern or +res ident +Ġpurch ased +Ġh ack +Ġint ense +ob s +Ġorig in +Ġdef ine +Ġcare ful +** * +Ġshould er +Cl ick +Ġt ied +Ġdest ruction +ou red +Ġno body +Ġh o +ĠEx per +Ġt ip +" ; +Ġtechn ique +Ġj ur +ĠP ok +b ow +Ġleg end +Ġacc ord +Ġbus y +ĠInt el +Ġh ang +ak i +. ] +âĢĶâĢĶ âĢĶâĢĶ +Ġsur gery +Ġrep rodu +Ġun iform +Ġscen es +c ode +Ġ6 2 +l isher +ĠH ave +ph ia +Ġcry pt +Ġrec on +Ġsc ream +Ġadop ted +Ġsc ores +N e +ĠIt alian +in cluding +B O +Ġindic ated +Ġent ertain +G u +T ext +i el +Ġtw enty +Ġeng age +off s +ĠPac ific +Ġsm ile +Ġperson nel +Ġto ler +Ġdo ors +Ġt one +Ġmach ines +Ġent ering +ten ance +C O +ĠJer sey +Ġfore st +Ġhor se +Ġcompl aint +ĠSpr ing +y o +ĠPl us +ed ing +ĠRet urn +qu arters +ial s +c ow +Ġacad emic +Ġf ruit +Ġ199 6 +og ether +Ġw ine +Ġpur su +ĠSte ven +Ġlic ens +Wh o +Ġclot hes +re ction +Ġsqu ad +Ġst able +Ġr aw +z ens +St ar +ut ies +anc er +Ġke ys +ĠM u +Ġcompl icated +ig er +ĠTe xt +Ġabs or +Ġ6 8 +Ġfun ny +Ġrel ief +ĠL ew +ĠC ook +Ġch art +Ġdraw ing +G E +Ġmod ule +ĠB ull +I LL +Ġs alt +0000 0000 +il le +Ġres ource +aw ay +adel phia +ĠB ru +Ġ6 7 +Ġsome body +Ġparticip ate +Ġro se +we red +Ġmus cle +Ġcons ent +Ġcontin uing +ĠGuard ian +ĠOr der +reg on +Ġre ar +Ġprov ision +Ġlik ed +ri ent +Ġb ra +Tr ans +Ġmeet ings +Ġto x +Ġcon vent +Ġaut o +Ġrec ording +ĠSo ft +00 1 +ĠR oll +Ġprogram ming +Ġp ic +Ġprov ed +Ġst ab +ĠA st +Ġca ption +ul ating +ĠAtt ack +Ġnew ly +Ġ199 7 +f r +Ġdis cipl +ĠGree k +Ġed ition +ĠDo es +ĠB ox +if le +ack et +Ġpass es +Ġgu est +Ġac celer +it als +U D +Ġaut hent +ĠR est +ov al +t a +u ine +Ġarm or +ĠT own +Ġcomp at +Ġinc hes +Des pite +Ġass ign +he rent +Ġprep are +ĠM eg +oc key +Ġdep ends +Ġtrack s +w atch +Ġl ists +ĠN orthern +Ġal ter +re c +ĠE astern +Ġcond em +Ġevery where +? ' +Ġaff ili +Ġf ought +": {" +Ġm ac +it arian +Ġsc ope +ĠA L +aw s +ar ms +Ġqu e +Ġenjoy ed +nes ota +Ġagg ressive +ĠSt ory +ĠI V +Ġrec ipe +Ġrare ly +ĠMed ical +val ue +ang el +ay ing +omet hing +Ġsub section +Ġs outhern +Ġfrequ ency +re te +roll ed +ult s +ĠN ic +Ġbeh alf +Ġsequ ence +ab et +Ġcontrovers ial +Ġcomp rom +Ġwork er +Ġmain ly +Ġal gorith +ĠM ajor +or ce +g ender +Ġorgan ized +Ġf ake +Ġconclud ed +ĠE D +ĠEx ec +r age +Ġch ances +ber ry +ĠTr ad +Ġconfig uration +Ġwithd raw +Ġf ro +ud es +ĠBro ther +ĠB rian +Ġtri es +Ġsam ples +Ġb id +ĠGold en +Ġphot ograph +if est +ĠD O +ĠPar liament +******** ******** +R em +Ġcont est +Ġsign ing +p x +ĠZ eal +âĶĢ âĶĢ +E ar +Ġex it +Be fore +ĠCor por +n ull +mon th +Ġrac ial +ott ed +ĠV eg +ĠRe uters +Ġsw ord +ps on +ĠRom ney +a ed +Ġt rib +Ġin ner +Ġprot ocol +ĠB i +ĠM iami +ever al +p ress +Ġsh ipping +ĠAm endment +ĠHow ard +con nect +ĠD isc +ĠJ ac +iam ond +ĠThere fore +s es +ĠPrin cess +ĠUS B +ĠAn th +Ġsurve illance +Ġap olog +Ġ6 1 +ow a +Ġf ulf +j s +Ġl uck +ust ed +Ġ § +n i +Ġant icip +em an +Ġwin ner +Ġsil ver +ll a +ic ity +Ġunus ual +Ġcr ack +Ġt ies +e z +Ġpract ical +Ġprov ince +ĠPl ace +Ġprior ity +IC E +Ġdescrib es +Ġbr anch +F orm +ask a +miss ions +b i +Ġp orn +ĠTur k +Ġent hus +Ġf ighters +Ġ0 8 +ĠDet roit +Ġfound ation +av id +A re +Ġjud gment +cl ing +Ġsol ve +ĠDes ign +W here +hes is +ĠT ro +a fter +Ġne utral +ĠPalestin ian +ĠHolly wood +Ġadv is +ĠN on +y es +ol is +Ġrep utation +Ġsm ell +Ġb read +ĠB ul +ĠBe ach +Ġclaim ing +Ġgen etic +Ġtechn ologies +Ġupgr ade +row s +Ġdevelop er +ĠJ osh +ĠDis ney +erv ed +ip al +Ġun ex +Ġbare ly +t hen +ĠP ub +Ġill ness +et ary +ĠB al +Ġp atch +Ġbut t +Ġst upid +ĠD og +ĠD allas +f ront +ie ce +Ġprot ests +Ġch at +oen ix +Ġw ing +Ġpar liament +Ġ7 7 +ose xual +Ġre nder +pt ions +ĠCo ast +os a +ĠG reg +h op +ĠMan agement +Ġbit coin +Ġrec over +Ġincor por +or ne +ĠUs ing +Ġpre ced +Ġthreat ened +Ġspirit ual +ĠE vent +ĠF red +Ġadvert ising +Ġimprove ments +ĠC ustom +Ġer rors +Ġsens itive +ĠN avy +Ġcre am +L ook +Ġex clusive +Ġcomp rehens +Ġde leg +Ġcon ce +Ġrem em +Ġstruct ures +Ġst ored +N D +Ġ1 000 +U P +ĠB udd +A F +w oman +ĠAcad emy +ð Ł +se a +Ġtem porary +Ab out +es ters +Ġtick ets +Ġposs ess +in ch +o z +Ġl a +Ġcontract s +Ġun p +Ġc ig +ĠK at +ult ural +as m +Ġmount ain +ĠCapt ain +St ep +m aking +ĠSp ain +Ġequ ally +Ġl ands +at ers +Ġreject ed +er a +im m +ri x +C D +Ġtrans action +g ener +less ly +Ġ| | +Ġc os +ĠHen ry +Ġprov isions +Ġg ained +Ġdirect ory +Ġra ising +ĠS ep +ol en +ond er +Ġcon sole +in st +Ġb om +Ġunc ertain +1 50 +ock ing +Ġmeas ured +Ġpl ain +Ġse ats +Ġd ict +S L +af e +Ġest imate +iz on +at hered +Ġcontribut ed +Ġep isodes +omm od +G r +AN T +Ġ6 9 +G ener +Ġ2 50 +vious ly +rog en +Ġterror ism +Ġmove ments +ent le +oun ce +ĠS oul +Ġpre v +ĠT able +act s +ri ors +t ab +Ġsuff er +Ġn erv +Ġmain stream +ĠW olf +Ġfranch ise +b at +Ġdem ands +Ġag enda +Ġdo zen +Ġclin ical +iz ard +ĠO p +t d +Ġvis ited +ĠPer haps +Ġact or +Ġde lic +Ġcont ribute +Ġin ject +ĠE s +ac co +Ġlist ening +Ġcon gress +epend ent +Ġprem ium +Ġ7 6 +ĠIr ish +Ġass igned +ĠPh ys +Ġworld wide +Ġnarr ative +ot ype +m ont +b ase +ĠB owl +ĠAdminist ration +Ġrel ation +ĠE V +C P +Ġco vers +Ġ7 8 +Ġcert ific +Ġgr ass +Ġ0 4 +pir acy +ir a +Ġengine ering +ĠM ars +Ġun employ +ĠFore ign +st ract +Ġv en +Ġst eal +Ġrepl ied +Ġult imate +Ġtit les +d ated +Ġj oy +a us +Ġhy per +ak u +Ġoffic ially +ĠPro duct +Ġdifficult y +per or +Ġresult ed +rib ed +l ink +wh o +~~ ~~ +ĠSpe ed +ĠV iet +W ind +ĠBar ack +Ġrestrict ions +ĠSh are +Ġ199 5 +ition ally +Ġbeaut y +op t +Ġm aps +ĠC R +ĠN ation +ĠCru z +W ill +Ġelectric ity +Ġor g +Ġb urd +Ġviol ation +Ġus age +Ġper mit +ĠCh ron +ĠF ant +Ġn aturally +Ġ0 7 +Ġth rown +ĠAw oken +Ġal ien +ĠHer o +ĠK ent +ĠR ick +ri ke +Ġp ace +}, {" +G L +Ġpo ison +ĠT ower +Ġform al +al ysis +Ġgen uine +Ġk il +a ver +Ġproced ure +ĠPro p +intend o +ĠM ain +as ant +Ġtr ained +G ame +ĠL oad +ĠM A +Ġcru cial +Ġle ts +ĠF R +Ġch ampion +1 01 +ĠCon ference +Ġwrit ers +Ġconnect ions +Ġo kay +ir ms +ĠR and +Ġenc ounter +ĠB uff +Ġachie ved +Ġche cks +isc ons +Ġassist ant +Ġwhen ever +ĠA ccess +ĠU r +b in +Ġcl ock +is p +op her +Ġb orrow +Ġm ad +Ġperson ality +on ly +IS T +ab ama +Ġg ains +Ġcommon ly +Ġter r +Ġhyp ot +Ġre ly +Ġt iss +iscons in +Ġrid ic +f unction +ĠO regon +Ġun com +r ating +el and +ĠN C +Ġm oon +ann on +Ġvulner able +ut ive +³³ ³³ +ĠRad io +Ġw estern +se ct +ĠT ony +Ġocc urs +ĠO s +ĠH on +Ã Ń +Ġv essel +ĠScot land +Ġdiscrim ination +Ġsubsequ ent +st ring +Ġfant asy +ĠSh adow +Ġtest im +W E +it i +r as +Ġbo at +Ġmar ks +Ġord inary +Ġre n +Ġrepresent ative +Ġpet ition +Ġ7 3 +Ġad venture +Ġign ore +ĠPhil adelphia +ĠS av +V P +Ġfact ory +Ġt asks +Ġdep ression +z ed +................ ................ +ĠSt orm +Ġc ogn +Ġelig ible +Ġredu cing +v ia +Ġ0 5 +Ġstri king +Ġdoll ar +h o +O V +Ġinstr ument +Ġphilosoph y +ĠMo ore +ĠA venue +Ġrul ed +ĠFr ont +IN E +ĠM ah +Ġscen ario +ĠNAS A +Ġen orm +Ġdeb ut +Ġte a +T oday +Ġabs ence +S im +Ġh am +le ep +Ġt ables +ĠHe art +M I +K e +re qu +V D +m ap +Ġchair man +Ġp ump +Ġrapid ly +v i +Ġsubstant ial +E P +d es +ch ant +ili pp +ĠS anta +ri ers +anche ster +L oad +ĠC ase +Ġsa ving +Ġ7 4 +ĠA FP +er ning +oun ced +ĠMin nesota +ĠW as +Ġrec ru +Ġassess ment +ĠB ron +U E +Ġdynam ic +Ġf urn +ul ator +Ġprop ag +h igh +Ġacc ommod +Ġst ack +ĠS us +w rit +Ġre ven +ĠGod d +ĠZeal and +ab s +Ġbr ut +Ġper pet +h ot +Ġhard ly +ĠB urn +ãĤ ¹ +Ġst y +Ġtrans actions +Ġg ate +Ġsc reens +Ġsub mitted +Ġ1 01 +Ġlangu ages +ugh t +em en +Ġfall s +Ġc oc +Ĥ ¬ +Ġstri kes +p a +Ġdel iber +ĠI M +Ġrel ax +ann els +ĠSen ator +Ġext rem +Ġ} , +ĠDe b +Ġbe ll +Ġdis order +c ut +Ġi OS +Ġl ocked +Ġem issions +Ġshort ly +" ] +ĠJud ge +ĠS ometimes +Ġr ival +Ġd ust +Ġreach ing +F ile +¯¯ ¯¯ +ino is +ĠJ ason +Ġs atell +are t +Ġst ations +Ġag ric +ĠTechn ology +com es +ĠUn fortunately +ĠChild ren +Ġappl ies +ast ed +Ġan ger +ail ability +ĠDam age +Ġcomp are +ĠStand ard +Ġaim ed +ĠB a +angu age +Ġreg ulation +Ġj ury +Ġair port +Ġse ctions +ĠPr ince +em ed +Ġmedic ine +Ġh itting +Ġsp ark +ol ves +Ġad s +St ate +Ġfood s +Ġrepl acement +Ġch icken +Ġlow est +Ġmind s +Ġinvol ves +u i +Ġarr ang +Ġproced ures +ĠWh ich +ivers ary +Ġb ills +Ġimprove ment +Ġin ev +Ġexpect ations +Ġintellect ual +Ġsp aces +Ġmechan ism +2 50 +bre ak +ĠZ e +ĠT enn +ĠB alt +Ġbar rel +Ġstat ic +man n +Pol ice +Ġt ips +Ġhand ling +c us +od ed +il ton +ir y +Ġjournal ists +our se +Ġcom ic +Ġnom ine +IT Y +Ġvers us +Ġlo op +Ġsur f +ĠInd ust +ĠHun ter +Ġbelief s +is an +Ġset up +Ġbre w +im age +Ġcomput ers +f ol +} ," +ĠMed al +Ġtax p +Ġdisplay ed +Ġg rav +Ġf iscal +M on +ĠMos cow +ĠK ong +ĠCent re +Ġcamer as +ĠMr s +ĠH ay +Ġa ver +ĠK elly +p y +Ġrequire ment +Ġent itled +omb ie +Ġsh adow +ag ic +ĠA k +Ġel ite +Ġdiv ided +Ġhead ing +Ġcop ies +Ġloss es +Ġv it +k ed +ĠB ry +Ġan s +ĠSte am +Ġrep orter +he im +ĠIt em +Ġsuper ior +d on +ere nt +à ¶ +Ġtherap y +Ġpe ak +ĠMod el +Ġl ying +Ġg am +z er +r itten +Ġrespons es +Ġconsider ation +ĠB ible +Ġl oyal +Ġinst ant +Ġp m +ĠFore st +à ¼ +Ġext end +Ġconv icted +Ġfound er +Ġconv in +ĠO ak +che ck +Ġsch olars +p ed +Ġover se +T op +c ount +ĠAr k + · +Ġ0 6 +ĠL A +m d +ĠLat in +im ental +ĠC PU +Ġsubst ance +Ġminor ity +Ġmanufact uring +E r +ocol ate +Ġatt ended +ĠMan ager +r ations +Ġappreci ate +om y +GB T +id ency +B L +Ġguarant ee +pos ition +Ġo cean +clud e +Ġhead ed +Ġt ape +Ġlo ose +Ġlog ic +Ġpro ven +Ġsp ir +Ġad mit +is a +Ġinvestig ate +Ġ199 4 +sy lv +ĠL ost +c est +Ġ7 1 +Ġrequest ed +Ġwind ows +ĠPok é +ĠWith out +M et +Ġbehavi our +Ġread er +Ġh ung +ĠKe ep +Ġro les +Ġimplement ed +Ġbl ank +Ġserv es +ĠJ ay +Ġc ited +ĠF riend +prof it +ap on +Ġrep air +it em +arr ass +Ġcrit ics +ad i +ĠF ather +Ġsh out +Ġf ool +Ġ8 8 +Ġprodu cing +Ġl ib +Ġround s +Ġcirc le +Ġpre par +Ġsub mit +Ġn ic +mor row +ãĥ « +U nder +Ġv ital +ater n +Ġpass word +Ġpublic ation +Ġprom inent +Ġspeak s +Ġb ars +Ġde eper +ĠM ill +port ed +Ġw id +Ġbut ter +Ġsm oking +Ġindic ates +K ey +rop ri +ĠF ile +all ing +ast ing +ĠR us +Ġad j +Ġ7 9 +av al +Ġpres um +bur gh +on ic +Ġf ur +Ġpoll s +ik a +Ġsecond ary +Ġmon ster +ig s +ĠCur rent +E vent +Ġowners hip +end ar +Ġarri ve +ĠT ax +Ġn ull +ĠPri v +Ġth ro +Ġk iss +c at +Ġup set +ang le +it ches +ect or +olog ists +ĠGal axy +Ġcor ruption +Ġh int +ent er +ĠH ospital +Ġgreat ly +Ġbeg un +es y +Ġso il +ĠAnt on +Ġmain tenance +ãĥ © +Ġdo zens +Ġhuman ity +ĠAl abama +Ġr om +w orth +ap ing +sylv ania +l ah +Ġg athered +G A +Ġattack ing +f ound +ĠSqu are +Ġar bit +ict ions +ĠW isconsin +Ġd ance +ĠS aint +arch y +Ġbase ball +Ġcontribut ions +Ġliter ature +Ġex ha +per ty +t est +Ġb ab +Ġcontain er +let ter +Ġfall en +Ġwebs ites +Ġbott le +ĠS ac +Ġbre ast +ĠP L +Ġveter an +Ġinterview s +ĠA le +Ġb anned +eng ers +ĠRev olution +in th +Ġconc erning +IV E +Ġexp enses +ĠMatt hew +ĠColumb ia +d s +ist ance +Ġent ity +.. ." +Ġrel iable +Ġpar alle +ĠChrist ians +Ġopin ions +Ġin du +l ow +Ġcompet e +Ġth orough +Ġemploy ed +Ġestablish ment +ig en +ĠC ro +Ġlawy ers +ĠSt ation +T E +ĠL ind +ĠP ur +it ary +Ġeffic iency +âĢ IJ +ĠL y +Ġm ask +Ġdis aster +Ġag es +ER E +es is +ĠH old +Ġcas ual +b led +Ġen abled +ĠEn vironment +ĠInt elligence +i per +ĠM ap +ĠB E +Ġemer ged +is dom +Ġc abin +Ġregist ration +Ġfing ers +Ġro ster +Ġfram ework +ĠDo ctor +et ts +Ġtransport ation +Ġaware ness +H er +Ġattempt ing +O ff +ĠSt ore +ÃĥÃĤÃĥÃĤ ÃĥÃĤÃĥÃĤ +ĠK now +Ġdef ence +Ġsc an +ĠT en +ĠCh air +ĠP H +ĠAtl anta +Ġfuck ing +Ġans wered +b n +ĠK ar +Ġcateg ories +Ġr ational +Ġc ust +Ġrob ot +Ġcorrect ly +Ġg if +Ġgraph ics +m ic +Ġground s +ĠO pp +i ate +Ġdist ributed +Ġsan ctions +Ġchalleng ing +ut o +Ġingred ients +Ġinv ited +Ġfound ed +ĠRe qu +d ed +Ġb owl +Ġbrother s +ĠH a +I O +Ġw ages +im ore +oc ial +Ġse ed +ative ly +Ġaddress es +ĠI owa +ab eth +Ġatt itude +is d +ch ild +Ġm ole +Ġdisco very +y ard +B r +Ġ8 2 +Ġsuppl ies +ell ing +Ġdist ingu +C R +Ġre cept +Ġ vert +Ġsw im +b ec +d oor +ĠY eah +Ġg al +Ġinter act +ĠE SP +ĠC S +amp s +Ġconvin ced +Ġobject ive +Ġdis h +ĠPhot os +l ad +Ġdownt own +o il +in ction +Ġto morrow +ĠC OM +Ġsurv ival +sh ot +Ġsett lement +C ons +ĠX box +int erest +ĠS M +arg o +en ess +Ġeth nic +b ered +M in +ĠT ok +Ġinc ent +ĠComm and +Ġmain tained +Ġbreak s +br idge +at ar +ag g +ĠF inally +un icip +ĠO nt +le ft +Ġrecogn ition +Ġ* / +ĠP ers +Ġwe lf +Ġaddress ed +ĠK ansas +Ġvir us +Ġwhere as +Ġp apers +ram s +ĠMin istry +Ġple asure +Ġacqu ired +Ġd uration +j pg +Ġcal m +ĠN HL +Ġburn ing +Ġfold er +ick ed +ĠP y +ĠIll inois +Cl ass +ĠGodd ess +Ġperform ing +Ġwelf are +j ar +In ter +Ġl in +Ġenh ance +Ġnot ion +f are +yp es +ĠAre a +Ġcann abis +ĠDie go +f s +ĠM anchester +com m +in ite +Ġcover ing +ĠS ound +Ġ19 60 +Ġ8 4 +e lect +z ing +Ġcitiz en +Ġph ones +Ġr aid +Ġign ored +ĠOb ject +Ġu pload +c ard +Ġmod ified +Ġroom s +ia h +r ange +he ast +ach us +Ġsuggest ing +âĢ ĭ +gr ade +E l +Ġclot hing +Ġr h +ĠH an +un ity +en cing +ĠAust in +sec ution +t ra +d em +ĠQ ual +Ġhe aven +Ġst ages +Ġw edd +pl us +ific ial +ĠIm m +ĠH o +iet ies +Ġphr ase +Ġbr ill +act ory +Ġprov iders +Ġsil ence +Ġa er +ĠA I +ĠAd venture +Ġplatform s +Ġdemonstr ated +Ġinter f +ing ton +Ġr aces +Ġgr ade +ult ane +ĠTh rough +f alse +Ġb ow +ĠA B +Ġfl avor +Ġhistor ic +g ov +Ġcol our +Ġview ed +ĠEm ail +el come +Ġinter vention +Ġd iversity +Ġperiod s +Ġre verse +ĠV ery +Ġqu ote +ĠLe ft +th rough +Ġsc rew +Ġland ing +Ġp ill +Ġw et +Ġprot esters +Ġrepe at +av ed +er k +Ġsal ary +ĠPenn sylvania +St ill +Ġmay or +Ġkit chen +Ġfeat uring +ĠM useum +ĠT ournament +ĠF al +Ġser vers +U C +Ġany body +im g +ĠTr ade +ixt ure +the less +Ġfin ance +Ġcl osing +ĠPat ri +i ac +ab el +Ġ> > +or ous +Ġf irms +sc reen +un a +Ġemb arrass +ul se +Ġlet ting +Ġth rew +ile y +Ġch annels +l an +ĠVeg as +Ġse ar +Ġfant astic +ar re +uzz le +ĠD er +Th ose +Ġsw ing +Ġshe et +ind ex +co ver +og an +Ġvari ables +ĠTe ch +Ġsp oken +ac hel +ĠD a +ĠMount ain +Ġload ed +Ġfoot age +vers ion +Ġun l +ĠPh oenix +Ġthrow ing +Ġf iring +Ġtrack ing +Ġw idth +Ġstrugg ling +ro oms +ot ion +Ġmonth ly +ĠSer ver +Ġegg s +op en +M C +Ġ199 3 +Ġh ired +Ġstay ed +ĠAll en +Ġst ro +Ġ9 8 +st ep +ĠTurk ish +Ġfab ric +ist ing +ĠD om +Ġd ates +Ġpr on +Ġbasket ball +Ġl ucky +ĠArab ia +Ġassum ed +est y +Ġaff airs +Ġgl ad +ĠInd eed +ĠF A +ĠW ord +Ġjo ining +if ice +p read +ir ts +ĠSe lect +Ġpop ulations +aw are +Ġn ose +Ġcompl aints +st art +Ġsc oring +Th anks +Ġmin ing +Ġvisit ors +S H +Ġdam aged +Ġcharacter istics +ĠP ent +D C +Ġ8 3 +ĠS ix +r ates +Ġfl ags +ĠB rew +d og +M ark +// // +Ġexec ution +Ġj oke +ph ones +Ġtestim ony +Ġob st +Q L +ĠC ut +Ġstud ied +ĠN intendo +ick et +ĠN BC +Ġl ad +ĠB ra +ĠM oh +Ġk ernel +Ġoverwhel ming +Ġag ed +Ġapplic able +ĠC ond +Ġroad s +ĠBl ock +m ade +od ge +Ġcomm ands +Ġoff ices +vel and +Ġt ut +Ġrece iver +ĠF ro +Ġsho pping +Ġi P +ĠSt re +ĠA BC +Ġentertain ment +ĠB ow +ort ed +M c +Ġread s +gr ad +ĠCol lect +Ġâ ĪĴ +ĠCap ital +eder ation +Ġemploy er +Ġinvolve ment +Ġanx iety +al ia +Ġro of +ĠAm ong +ĠDemocr at +Ġstat s +ĠV ill +Ġconst itutional +Ġrefer ring +itt y +Ġtack le +out ube +Ġback ed +ĠH ong +ĠBro ad +Ġe le +ĠO tt +Ġ199 2 +h our +achus etts +C al +Ġdefe ated +Ġ8 1 +es p +Ġseem ingly +w as +ĠJ enn +ĠK urd +Ġg ene +Ġdisc ount +R et +EC T +( ); +Ġclub s +Ġs id +ĠM arsh +Che ck +Ġp p +ĠE ag +ides pread +Ġbe ings +F T +Ġintrodu ction +ĠCh ange +AR D +Ġ1 10 +ad ows +ier ce +Ġme al +a uthor +ĠB ang +lah oma +Ġr anks +201 1 +?? ?? +m ax +Ġcoll apse +Ġop ens +Ġe cho +Ġs oph +Ġrac ist +Ġenorm ous +Ġw aves +Ġt ap +Ġcomprehens ive +. -- +ĠR oy +Ġfarm ers +Rel ated +a ired +ron es +ĠC rim +Ġproport ion +Ġdesign s +Ġnegoti ations +Ġvirt ually +ĠBat man +Ġwar n +Ġlegit imate +m ate +Ġcon vention +, , +net ic +ĠS D +Ġconsist ently +Ġcompens ation +Ġpunish ment +Ġy e +Ġt ie +ĠB ureau +ir lf +ĠB u +ĠA ren +ĠPh ilipp +Ġkn ife +Ġmem ories +ĠR oss +Ġang le +Ġ8 6 +ĠTh under +Ġre nd +ĠT our +Ġcount s +s ung +ĠIm p +Ġeduc ational +Ġaccess ible +C OM +Ġd rew +y er +G l +am ine +OR T +O B +I B +m aster +Ġtri als +og y +h ar +ĠTr ust +Ġprefer red +irlf riend +ĠN ev +Ġb in +Ġc ow +P age +Ġsign ature +ĠB L +7 00 +Ġret ired +Ġby tes +Ġneigh b +ĠLeg end +Ġdev ast +Ġsuspect ed +is ons +ĠPoké mon +sc ale +Ġcap abilities +Ġre vel +Ġche ese +d y +igr ant +Ġfail ing +b its +ĠHer oes +ĠG host +ĠS cient +Ġappoint ed +ur i +Ġinst itution +Ġexpand ed +g reg +Ġmonitor ing +Ġp odcast +Ġcoal ition +Ġ9 6 +J o +Ġst olen +ĠS ab +Ġstop s +Ġhol iday +Ġint r +C ar +Bl ack +ĠL GBT +Ġwar ming +ĠAnd erson +Ġ8 9 +Ġprodu cer +M ed +Ġaccur acy +ĠMar vel +iz abeth +ĠPat rick +m ony +Ġmin i +ac les +Ġover t +the y +Ġmembers hip +ĠV en +Ġex ch +Ġrem oval +ĠD ave +T Y +m ad +ĠF ind +Ġad equ +Ġe c +Ġte eth +Ġemot ion +Ġper m +Ġsole ly +d b +Ġextra ord +IG HT +c al +Ġgu idelines +Ġd ying +Ġsusp ended +ĠPrem ier +ĠAnth ony +el ve +Ġd ad +ĠE th +ĠFoot ball +Ġabandon ed +Ġ< < +Ġm arch +Ġhor ror +âĢ¦ " +Ġchild hood +Ġcampaign s +Ġl unch +ĠAl bert +bl ock +âĸĪ âĸĪ +ound ing +Ġb one +or gan +ad ers +ĠFl ash +ĠDri ve +Ġton ight +Ġw ars +ĠF L +Ġform ation +con st +New s +Ġcom pe +or ious +ĠSt aff +Ġdiscuss ions +ĠProt ection +ĠJ am +Ġcrit eria +Ġinstall ation +Ġaccompl ish +iz za +Ġpub lisher +Ġresc ue +ĠT ry +U LL +ĠS om +ĠH op +ore t +th s +ord on +Ġp ocket +ĠIn v +Down load +ĠCr ime +Ġb ene +ĠGu ide +ĠAs sembly +Ġparam eters +I E +ĠAlex ander +Ġconc ert +ĠSc he +Ġsh oes +Ġvis iting +Ġrec all +Ġb ub +Ġr ural +Ġconc rete +ĠR os +N ext +R uss +Ġlo ans +ĠSh ield +Ġtre m +hem at +k g +ĠHar ris +is ition +ĠM ove +ĠF C +Ġf ate +ĠCh o +Ġt ired +Ġprinc ipal +h ist +ien ces +ath y +Ġse vent +Ġm ood +Ġstrateg ic +Ġdise ases +Ġfor um +Ġtem por +Ġhead quarters +P ar +ig e +fl ix +Ġgu itar +Ġ9 4 +On ly +Ġrele ases +ro ph +================ ================ +Ġ6 00 +ĠContin ue +ig ate +ĠC rit +sy stem +Ġdis abled +Ġunex pected +ith ub +Ġuncle ar +ĠE st +Ġcontr ad +Ġstrateg ies +vent ures +Ġpass age +AM E +Ġimpro ving +Ġreve als +Ġdecre ase +ov a +Ġann oy +ĠSh ort +ĠL ibrary +Ġcy ber +n ell +ĠH ur +ĠC B +Ġphot ograp +U I +Ġs ed +G e +Ġ8 7 +Ġd iverse +Ġencour aged +Ġcons piracy +Ġbird s +Ġoper ator +Ġhand ful +Ġclass ified +? ) +Ġdram atic +Ġinvestig ators +it o +Ġw idespread +ĠR oom +-------------------------------- -------------------------------- +Ġcollect ive +Ġjournal ist +St ring +Ġtemper atures +il a +Ġgu id +Ġins pect +Ġmiss ile +ĠMay or +Ġman ual +Ġsim ultane +Ġrat ings +Ġsu ck +Ġ9 7 +Ġunivers al +Ġph arm +Ġdis rupt +ian o +A V +Ġf t +Ġstat ist +old s +ĠWalk er +ph p +Ġunder t +ĠL as +ish op +nt il +res hold +ĠWhe ther +M s +Ġden y +ĠCl oud +Ġprov ider +Ġsurv iv +ĠUp date +h as +Ġmist akes +ch arge +pl ed +r ity +Ġn ode +ĠMass achusetts +ool s +lic ation +Ġf ails +em ale +or i +back s +Ġsh irt +Ġ' ' +ĠN AT +Ġwat ers +els on +Ġe ase +Ġsc ar +Ġcont ents +m ind +Ġcont ribution +Ġsh r +Ġhand ed +Ġst ability +Ġtra ve +E m +Ġmir ror +12 3 +Ġwe igh +Ġf iction +ou ver +ist ant +r ition +ĠF ed +Ġphys ically +Ġst ake +ĠArt icle +ĠAr c +ĠLew is +ĠM ind +Ġdemonstr ate +Ġprof its +v ision +om ic +ol id +Ġbatt les +Ġdri ves +Ġeas tern +ĠS ony +!! ! +ar ation +v ard +ĠG L +port ation +Ġ9 2 +Ġlaw makers +Ġprotect ing +ĠE PA +Ġy eah +Ġsh ame +ol ph +e ven +x it +Ġatt ach +Ġrepresent ing +Ġob s +ĠUt ah +iff s +ĠFre edom +à ³ +A K +Ġinc idents +it age +Ġview ers +c d +Ġm ouse +Ġcl ar +Ġaccord ance +Ġb ot +c or +ĠSum mer +he ld +Ġinnoc ent +Ġiniti ative +ol s +________________ ________________ +Ġsp ots +p ace +Ġconvent ional +Ġcorpor ations +Ġblock ed +H D +at tered +Ġref ers +Ġbu ck +ĠDig ital +12 0 +Ġtop ics +T F +Ä ģ +br id +re ement +Ġunder lying +ĠM ember +Ġinvestig ating +Ġpregn ancy +Ġtouch down +ĠB and +ĠCall er +Ġinst ances +P P +w a +G ood +Ġ199 1 +ĠC old +Ġfear s +Ġrem arks +Ĩ Ĵ +at al +Ġm it +Ġexper iments +i pt +Col or +ind u +Up date +Ġ9 3 +A g +Ġ å +anc ouver +B oth +Ġjud ges +Ob ject +Ġst ere +umb n +Ġparticip ation +ĠSt ars +ĠJ ere +Ġweek ly +ĠB an +Ġconvers ations +ĠP itt +u z +ĠIndian a +ĠK ick +Ġinf ection +Ġhero es +Ġsett led +Ġstri p +Ġh al +Ġd ump +ĠS ci +Ġl es +Ġref erences +ĠU RL +ĠBr idge +Ġwant ing +For ce +Ġex clus +Me anwhile +m n +Ġg entle +m aker +sen al +ĠG ro +ou ri +ĠR ain +ĠAll iance +Ġl ift +el a +S D +ĠCle veland +Ġrank ed +Ġst adium +Ġdead ly +ä ¸ +Ġr iding +ar ia +ĠAr mor +Ġdocument ation +ĠGree ce +ree k +Ġl ens +ĠS a +Ġg ross +ĠE mer +ag ers +ĠD ub +ĠR h +ĠAM D +Ġarri val +Ġdes ert +Ġsupp lement +ĠRes p +Ġkn ee +Ġmarg in +f ont +og g +201 0 +ĠP ir +ĠP rom +iv als +Ġint ake +Ġdifferent ly +ug s +Ġb its +clud ed +Ġsearch ing +ĠD u +um ble +Ġfunction al +ĠBalt imore +ĠC ould +Ġdes ired +Ġcirc uit +ĠL yn +ĠG O +ĠF alse +re pre +' : +alt ies +Ġmin im +Ġdro ve +ĠSh ould +Ġh ip +Ġpro s +Ġut ility +ĠN ature +ĠM ode +P resident +o pp +r at +form ance +Ġconcent ration +Ġf ont +ĠB ud +Ġam id +Ġre vers +ĠM L +B ar +Ġinter action +Ġjur isd +Ġspell s +d ep +f il +Ġcivil ians +ut ter +ĠCo oper +ĠBel ow +Ġent rance +Ġcon vert +Ġcontrovers y +ow ered +Ġcontr ary +Ġar c +ĠExec utive +ĠOffic er +Ġpack ages +Ġprog ressive +w idth +Ġreserv ed +v ol +ĠSam sung +Ġprint ed +Ġcent ers +Ġintrodu ce +ĠKenn edy +Ġodd s +Ġsure ly +Ġindepend ence +Ġpass engers +repre ne +ĠBe h +Ġl oves +ĠESP N +Ġfac ilit +Ġident ical +Ġdo ct +Ġpartners hip +con f +ĠH ide +Ġconf used +ĠC ow +M en +Ġw rest +ĠIraq i +Ġh oles +ĠStud ies +Ġpregn ant +h ard +Ġsign als +I X +Ġpull ing +Ġgrad uate +Ġnomine e +D ate +Ġper mitted +Ġâ Ĥ¬ +ĠOk lahoma +St art +Ġauthor ized +Ġal arm +ĠC os +v an +Ġgener ations +c ular +Ġdr agon +ĠSoft ware +ĠEd ward +Ġcontro ller +S en +ge red +ĠV ik +Ġappro ached +Th ank +Ġcan ce +Ġform ula +ĠSm all +Ġweak ness +Ġr amp +it udes +j ud +Ġbrill iant +Ġacc us +s ource +Ġ8 00 +ĠE vil +S w +Ġhom eless +we ek +i ens +r ics +ĠTh ird +T O +Ġorgan ic +Ġpresent ation +ag h +ĠDown load +v ation +Ġas sembly +or able +hold ers +ĠBern ie +ĠHel p +Ġt ong +ĠF ight +Ġbe ach +B ook +ĠL ic +Ġr ush +ĠR ound +ou p +ĠMar x +Ġcalcul ated +ĠDe vil +ĠSar ah +Ġoccasion ally +Ġbul let +Av ailable +g ate +Ġ9 1 +Ġh osp +Ġprom ises +ĠH IV +ĠSt adium +ĠSt ock +ĠCorpor ation +g age +N G +ĠC redit +Ġs ne +ib l +Ġacc um +s uch +Ġterror ists +Ġconscious ness +ĠZ h +Ġdram a +ool a +pir ation +Ġlab our +ĠN in +Ġut ter +Ġdemocr atic +Ġass ass +il ation +Ġg est +Ġab road +Ġmet ab +Ġs orts +Ġfl av +U B +Ġm g +ĠNot hing +ĠO d +Ġmus ical +200 9 +Ġdro ps +oc ated +ater al +0000 00 +Ġg re +Ġequ ality +Ġburd en +Ġv ig +ĠLe ader +-------- ---- +Ġcere mony +Ġf ighter +Ġact ors +Ġ æ +am an +F i +Ġal ign +put er +Ġe lder +ĠN SA +Ġrepresent ation +ĠOnt ario +IT H +usal em +Ġharass ment +itz er +Ġsy mp +Ġbox es +ĠD R +Ġman ifest +at re +Ġ ^ +Ġd ies +le ton +Ġmiss ions +et he +Ġres olve +Ġfollow ers +Ġas c +Ġk m +l ord +am med +Ġsil ent +ĠAssoci ated +Ġtim ing +Ġprison ers +ĠK ings +ĠF ive +Ġtow er +Ġappro aches +Ġprecise ly +Ġb ureau +ĠM other +ĠI ss +Ġkey board +it ual +Ġfund ed +Ġstay ing +Ġpsych ological +Ġm ile +ĠLe on +ĠBar b +w ill +Ġw ider +ĠAtl antic +Ġt ill +ĠR ome +ro t +Ġaccomp an +Ġfl our +ac o +W orld +ĠExp ress +ĠY u +C or +Ġple ased +part y +Ġpoint ing +Ġinf lation +Ġro y +Ġ ), +ain er +Ġwedd ing +orm on +Ġrequ iring +Ġqual ified +Ġse gment +EN D +Ġs izes +e als +Ġcor rupt +ass ador +Ġcele b +Ġdream s +ĠM ess +Ġcheck ing +ĠV ersion +Ġprep aring +Ġact ively +ĠD iff +Ġl ux +ĠW inter +act eria +ĠN E +Ġdep uty +Ġtrans gender +Ġsum mary +Ġin her +er ies +ch ar +ĠY an +Ġkn ock +ĠP ath +Ġl ip +roll er +Ġimp ression +Ġcelebr ate +Ġsl ide +Ġgu ests +Ġcl ip +F S +Ġsav ings +Ġcapt ain +Ġleg acy +ĠDen ver +Ġw ounded +tab oola +AC T +Ġpurs ue +Ġo xy +Ġ q +Ġsem i +ĠN eed +ĠAff airs +Ġob sc +Ġcheck ed +Ġd ual +C ode +ĠM D +le m +ult y +Ġ © +ĠEl izabeth +Ġcent uries +ard ed +s rc +Ġev ident +enn is +at in +Ġunemploy ment +ĠMar io +Ġint im +Ch rist +Ġbi ological +Ġsold ier +ĠAdd ed +Ġm ath +ĠG il +Ġbi as +Ġd ating +ĠO cean +Ġm ice +M us +h ire +ĠT es +Ser ver +lim ited +S ize +Ġmet ers +Ġrock et +es see +Ġcertific ate +ĠIran ian +AS S +Ġgr id +D ec +Ġro lling +com mun +ĠSwed en +b ury +Ġtiss ue +Ġrac ism +ĠL ocal +Ġmyster y +Ġexam ine +Ġst em +Ġs its +Ġhop ed +ot ing +Ġdial ogue +Ġpers u +W atch +l ay +M AN +Ġch ronic +ĠPort land +mark et +ĠS EC +Ġparalle l +Ġsc andal +Ġcar ries +Ġphenomen on +h uman +ack er +ĠO x +Ġretire ment +tain ment +ov ie +ĠG ear +Ġd uties +Ġdo se +Ġsc roll +M B +in f +Ġsa uce +Ġland scape +red dit +ĠChampions hip +ĠRed dit +al id +Ġco in +Ġover s +Ġpost ing +ab out +Ġf el +and y +Ġb old +Ġfocus ing +e ffect +G R +Ġde emed +Ġrecommend ations +Ġste pped +Ġvot er +ĠDe ep +ĠInst agram +Ġmoder ate +ĠMary land +Ġrestrict ed +ĠM B +ĠCh all +Ġto b +Ġc ir +ĠO cc +ĠE ver +Ġcoll aps +IN FO += - +ĠP ict +ĠAcc ount +n c +Ġo ught +Ġex port +Ġdr unk +( ' +Ġw ise +ĠM ort +ne cess +Ġan cest +ĠInc re +Ġfrequ ent +m ir +Ġinterpret ation +Ġdepend ent +Ġco ins +ĠB ol +V ideo +ĠJust in +Ġfat al +Ġcook ing +Ġconf usion +ip her +Ġcust ody +ĠMor gan +om ach +ĠGovern or +Ġrestaur ants +el ing +Ġacknowled ged +Ġthe r +Ġgen es +ch ing +He y +Ġtact ics +ĠMex ican +Ġv end +Ġhe s +qu er +Ġnot ing +ĠCamer on +Ġtarget ing +ro ck +Ġcred its +Ġemot ions +Ġrepresent atives +new s +Ġlegisl ative +Ġrem oving +Ġtweet ed +ĠCar ter +ĠF ixed +Ġfor cing +Ġspeak er +Ġm ales +ĠViet nam +l ined +Ġconcept s +Ġvo ices +o ir +ĠT rib +W he +ĠJer usalem +ĠS ant +Ġc ul +Ġl ady +ĠHaw ai +Ġar ts +ĠIn n +ĠMach ine +ĠEm peror +Ġsl ot +g ly +ĠPro cess +II I +Ġathlet es +ĠTem ple +ĠRep resent +Ġpres c +Ġt ons +Ġgold en +Ġp unch +ĠG R +iver pool +Ġen act +Ġlob by +Ġm os +Ġpick ing +Ġlif etime +Ġcogn itive +E ach +z o +Ġd ub +Ġcons ists +ol n +Ġf estival +am ous +Ġint ellig +w ords +ĠSm art +Ġde le +Ġl apt +Ġmag ical +ĠS in +b us +ur ities +igh th +ĠRub y +ĠS ure +ol ving +Ġj un +O ST +Ġimp osed +Ġast ron +Ġcor rel +ĠN S +ĠK it +ĠF uture +b urn +Ġimm une +oc us +Ġcour ses +ĠSt ring +Ġle an +Ġg host +Ġout comes +Ġexp ense +Ġevery day +Ġaccept able +A h +Ġequ ipped +Ġor ange +F R +ĠD utch +Th ough +ĠR ank +Q U +ĠRober ts +wh at +re nd +Ġdisapp ear +Ġsp awn +ĠL am +o is +Ġdes erve +Ġmin imal +Ġnerv ous +ĠW ould +Ġro ok +ĠV ancouver +Ġres ign +sh ire +ĠW orks +ĠB uild +Ġafford able +ĠG ary +ĠAren a +Ġh anging +Ġimpl ications +ĠS ong +Ġmain taining +Ġgu ards +C ON +Ġder ived +Ġexecut ed +Ġthe ories +Ġqu oted +ĠAnd re +og a +sel ess +in fo +ĠBel g +Ġt ears +ĠSur v +Ġbirth day +ig ious +im mer +Ġspect rum +Ġarchitect ure +Ġrec ruit +arm a +T able +Ġmon sters +ĠG ov +Ġdest ination +Ġattract ive +Ġf oss +ĠMore over +Ġpres ents +TH E +Ġrep ly +pt on +Ġc um +Ġdel ight +Ġaffect s +Ġdon ations +ĠT oy +ĠH im +M ENT +Ġover come +it ched +ĠFant asy +ĠH at +ĠBe ast +b ott +Ġinvestig ations +R un +Ġhun ting +d i +f und +Ġs essions +est yle +Ġport ray +oid s +Y eah +Ġcommun icate +Ġcom edy +ĠY ang +Ġbel t +ĠMar ine +Ġpredict ed +Pl ay +Ġimportant ly +Ġremark able +Ġelim inate +D avid +Ġb ind +V ID +Ġadvoc ates +ĠG aza +im p +D B +ĠN a +ĠSim ilar +I ES +Ġchar ity +v as +m ath +Ġâ ĸ +ok er +nd um +Ġcap s +ĠH al +2 000 +e an +Ġfle et +Ġrec re +R ight +Ġsleep ing +ij ing +k ind +Ġdesign ated +à ¤ +Ġanim ation +ke e +ĠInt rodu +Ġ/ > +Ġdelay ed +Ġtrem end +Ġcur ious +U se +Ġle ct +d am +Ġinnov ation +ĠPoint s +Ġload ing +Ġdisp ute +ct ic +ird s +ĠB Y +Ġn urs +ĠVal ue +ION S +ĠH um +Ġtem plate +m ers +Ġappear ances +ĠEnter tainment +Ġtransl ation +Ġsa ke +Ġbene ath +Ġin hib +Ġe uro +abet es +Ġstud ying +ĠM as +Ġper ceived +Ġexam ined +Ġe ager +Ġco aches +Ġim per +ch i +Ġprodu ces +" ). +ĠEvery one +Ġm unicip +Ġg irlfriend +Ġh ire +ĠV ice +Ġsu itable +op y +Ġin equ +ĠD uke +f ish +f irst +ĠO bs +Ġinter ior +ĠBru ce +ĠR y +Ġanal ys +Ġconsider able +Ġfore cast +Ġf ert +ors hip +ĠD rug +ĠA LL +: " +th ur +ĠM ail +Ġball ot +Ġinst antly +ĠCh annel +Ġp icks +Ġ198 9 +Ġt ent +ol i +Ġcivil ian +b ling +ell o +b u +Ġin ch +Ġlog o +Ġcooper ation +Ġwal ks +Ġinvest ments +Ġimp rison +ĠF estival +ĠK y +Ġleg ally +Ġg ri +ch arg +S l +Ġthreat ening +du ction +fl ow +Ġdismiss ed +ibr aries +c ap +e le +ĠMc G +ĠHar vard +ĠConserv ative +ĠC BS +p ng +Ġro ots +ĠH aving +umb led +ĠF un +\ / +ĠS earch +ple x +Ġdiscuss ing +Ġcontin u +ĠT ai +ĠW ik +F ree +f it +Ġref use +Ġmanag ing +Ġsy nd +ip edia +w alk +Ġprofession als +Ġguid ance +Ġunivers ities +Ġas semb +unt u +F inally +AS E +ĠAut o +ĠH ad +Ġann iversary +L D +ĠD ur +ĠUlt imate +ih ad +pro duct +Ġtrans it +Ġrest ore +Ġexpl aining +Ġass et +Ġtransfer red +Ġbur st +ap olis +ĠMag azine +ĠC ra +ĠB R +gg ed +ĠH E +M ich +b et +ĠL ady +yl um +erv es +Ġme ets +wh ite +L og +Ġcorrespond ing +Ġins isted +G G +Ġsurround ed +Ġt ens +Ġl ane +Ġco inc +h ome +Ġexist ed +ect ed +ĠDou ble +lam m +Ġske pt +ex p +Ġper ception +ie v +ĠBe ing +o ft +Ġadop t +. : +] ; +Wind ows +Ġsatell ite +AS H +Ġinf ant +d escription +ĠMe anwhile +c m +oc a +ĠT reat +act or +Ġtob acco +ĠN orm +em ption +Ġfl esh +Ġj e +o op +ĠHe aven +Ġbe ating +an im +Ġgather ing +Ġcult iv +G O +ab e +ĠJon athan +ĠSaf ety +Ġbad ly +pro t +Ġcho osing +Ġcontact ed +Ġqu it +Ġdist ur +Ġst ir +Ġto ken +D et +ĠP a +Ġfunction ality +00 3 +s ome +Ġlimit ations +Ġmet h +b uild +con fig +N T +re ll +ble m +ĠM om +Ġveter ans +ĠH u +Ġtrend s +are r +ĠG iven +ĠCa ption +m ay +AS T +Ġwond ering +ĠCl ark +n ormal +Ġsepar ated +Ġdes p +st ic +b rew +Ġrel ating +ĠN ik +ĠF arm +Ġenthus i +g ood +d eb +Ġactiv ist +Ġm art +Ġexplos ion +ĠEconom ic +L ink +Ġins ight +Ġconven ient +Ġcounter part +su pport +ĠV irt +ag en +ĠTenn essee +ĠSim on +ĠA ward +OC K +ĠF igure +Ġoverse as +Ġpr ide +ĠC as +n ote +m g +C urrent +Ġdispl ays +cont ent +Ġtravel ing +Ġhosp itals +ĠFin ancial +ĠP ast +Ġdefend ant +Ġstream ing +m ble +ĠBer lin +uk i +Ġdist ribut +Ġant ib +Ġch ocolate +ĠCast le +Ġinter rupt +ĠR ow +Ġconvers ion +Ġbug s +ĠR ather +li est +L Y +ĠJe an +com mon +ak h +Ġ1 30 +ot ton +ĠDe an +Ġam endment +Ġgame play +ĠWar ren +od a +Ġhigh lights +Ġir re +ĠNAT O +Ġball s +Ġdemand ing +U RE +ĠL uke +F igure +st op +on ia +z one +iz ers +ĠW R +Ġaward ed +Ġregul atory +ĠH art +ĠS N +pl ing +Ġs our +ĠP ixel +us ive +Ġf et +ĠS ent +Ġautom atic +Ġf er +vern ment +ĠKh an +T ON +f ather +Ġextraord inary +th rop +ĠP ython +ĠG PU +Ġsex ually +Ġdesk top +it ivity +ĠAnton io +Ġo rient +Ġe ars +ob by +ous es +vertis ements +Ġmanufacture rs +ic ient +min ute +Ġconv iction +Ġg arden +p ublic +Ġsatisf ied +f old +O K +Ġin hab +ĠTh ink +Ġprogram me +Ġst omach +Ġcoord in +Ġh oly +Ġth reshold +Ġr het +Ġser ial +Ġemploy ers +ĠEvery thing +ra h +Ġb other +Ġbr ands +Val ue +ĠT ed +ĠPlan et +Ġp ink +ĠFurther more +s a +P E +re ck +ĠUS D +ot te +Ġ& & +Ġland ed +g ets +Ġprodu cers +Ġhealth care +Ġdomin ant +Ġdest ro +Ġam ended +ch ron +Ġf its +ĠSy d +ĠAuthor ity +AT CH +Ġfight s +ĠL LC +Ġ-- - +ĠCor p +Ġtox ic +spe cific +ĠC orn +ĠChe l +Ġtele phone +ĠP ant +Ġmyster ious +aun ch +od ox +med ia +Ġwitness es +ag u +Ġquestion ed +ĠBre xit +ĠRem ember +ene z +Ġend orse +iat ric +ĠId ent +Ġridic ulous +1 10 +Ġpr ayer +Ġscient ist +Ġ19 50 +ĠA qu +Ġunder ground +ĠU FC +m are +ĠL ater +w ich +Ġsubsc rib +Ġhost s +Ġer r +Ġgr ants +ant om +Ġsum mon +ear ly +ĠC lear +ĠPr im +Ġsusp ension +Ġguarant eed +app er +Ġr ice +ĠSe an +ĠSh in +Ġrefere ndum +Ġfl ed +r ust +Ġ3 60 +ter y +Ġsh ocked +B R +ĠO il +ĠAll ah +Ġpart ly +Ġign or +Ġtrans mission +Ġhom osexual +ivers al +Ġhop efully +ãĤ ¤ +Ġless on +L eg +Ġ .. +Y et +t able +app ropri +re tt +Ġbo ards +Ġincor rect +Ġb acteria +ar u +am ac +Ġsn ap +.' " +Ġpar ad +t em +he art +Ġav ailability +Ġw isdom +Ġ( + +Ġpri est +ĠÂł ĠÂł +O pen +Ġsp an +Ġparam eter +Ġconv ince +Ġ( %) +r ac +Ġf o +Ġsafe ly +Ġconver ted +ĠOlymp ic +Ġres erve +Ġhe aling +ĠM ine +M ax +Ġin herent +ĠGra ham +Ġinteg rated +D em +Ġpip eline +Ġapp lying +Ġem bed +ĠCharl ie +Ġc ave +200 8 +Ġcons ensus +Ġre wards +P al +ĠHT ML +Ġpopular ity +look ing +ĠSw ord +ĠAr ts +' ) +Ġelect ron +clus ions +Ġinteg rity +Ġexclus ively +Ġgr ace +Ġtort ure +Ġburn ed +tw o +Ġ18 0 +P rodu +Ġent reprene +raph ics +Ġg ym +ric ane +ĠT am +Ġadministr ative +Ġmanufacture r +Ġ vel +ĠN i +Ġisol ated +ĠMedic ine +Ġback up +Ġpromot ing +Ġcommand er +Ġfle e +ĠRus sell +Ġforg otten +ĠMiss ouri +Ġres idence +m ons +Ġrese mb +Ġw and +Ġmeaning ful +P T +Ġb ol +Ġhe lic +Ġwealth y +Ġr ifle +str ong +row ing +pl an +as ury +âĢ¦ . +Ġexpand ing +ĠHam ilton +Ġrece ives +S I +eat ures +ĠAn im +RE E +P ut +Ġbrief ly +ri ve +Ġstim ul +Ġ`` ( +Ġ __ +Ġch ip +Ġha z +Ġpri ze +ĠTh ings +AC E +ul in +d ict +ok u +Ġassoci ate +ock ets +y outube +St ory +ateg ory +Ġm ild +ail ing +ĠY e +O rig +ĠK a +or ig +Ġpropag anda +Ġan onymous +Ġstrugg led +Ġout rage +AT ED +ĠBe ijing +r ary +Ġle ather +Ġworld s +Ġbroad er +12 5 +id al +ĠBet ter +Ġt ear +E xt +Ġpropos als +Ġit er +ĠSqu ad +Ġvol unt +m i +D id +ĠP u +p in +Ġspeak ers +Ġb orders +Ġfig ured += ' +Ġsimultane ously +aed a +Ġcharg ing +Ġur ged +Ġcon j +25 6 +ĠG ordon +mer ce +Ġdocument ary +Sh are +it ol +ON E +ĠG arden +h att +ĠThom pson +ane ous +ap ore +Ġt anks +Ġless ons +tr ack +Ġout standing +Ġvolunte ers +Ġsp ray +Ġmanag ers +l arge +Ġcamp s +Ġart ificial +ĠR u +Ġb ags +th al +Ġcompat ible +ĠBl ade +Ġf ed +Ġarg ues +F I +Ġunf air +Ġcor n +Ġoff set +Ġdirect ions +Ġdisappoint ed +ĠCon vention +Ġview ing +M E +oc ity +Ġtown s +Ġlay ers +Ġro lled +Ġjump ed +Ġatt ribute +Ġun necess +inc oln +Ġsupp ose +ĠNet her +ch a +Ġbur ied +Ġsix th +B en +ress ing +OU R +Ġw ound +Ġcy cl +Ġmechan isms +Ġcongress ional +ĠE lement +Ġagre ements +Ġdec or +Ġclos est +ĠM it +Go ogle +} } +Ġm ixture +Ġflu id +S ign +ĠSch olar +Ġp ist +ask et +ab ling +Ġrac ing +he ro +ri el +ass y +Ġche aper +b en +Ġvert ical +amac are +ĠRead ing +g ments +Ġhelic op +Ġsacr ifice +ay a +p aren +V A +ĠL es +ĠStud io +Ġviol ations +ĠAn na +ac er +é ¾ +ĠR at +ĠBe ck +ĠD ick +ĠA CT +Ġcomp osition +Ġtext ure +ĠO wn +Ġsmart phone +ĠN A +Ġfor b +im port +Ġdef ending +il st +re r +Ġo h +ĠJere my +Ġbank ing +cept ions +Ġrespect ive +/ . +Ġdr inks +ĠW i +Ġb ands +ĠL iverpool +Ġg rip +ĠB uy +Ġopen ly +Ġreview ed +per t +Ġver ify +ĠCo le +ĠW ales +M O +Ġun pre +Ġshel ter +ĠIm perial +Ġgu i +ĠD ak +Ġsuggest ions +Ġexplicit ly +Ġsl ave +Ġblock chain +Ġcompet ing +Ġprom ising +S ON +Ġsoc cer +Ġconst itution +4 29 +Ġdist ract +ĠU ser +es ides +ĠMet hod +ĠTok yo +Ġaccompan ied +Cl ient +s ur +al og +Ġident ification +Ġinv asion +as ma +Ġindust ries +pp ers +Ġsub tle +ĠUn it +n atural +Ġsurv ived +Ġfl aw +ĺ ħ +ĠH oll +Ġdef icit +Ġtut orial +ĠCh ance +Ġarg uing +Ġcontem porary +Ġinteg ration +for ward +Ġt um +it is +Ġh iding +ĠD omin +ĠT an +ĠB uilding +ĠV in +Ġspokes person +ĠNot es +Ġemer ging +Ġprepar ation +Ġpro st +Ġsuspect s +Ġaut onom +D escription +Ġdeal t +ĠP ear +Ġstead y +Ġdecre ased +Ġso vere +ĠCl in +Ġgrad ually +ors es +ĠW AR +S erv +ãĤ ¢ +h r +Ġd irty +ĠB arn +ĠB C +Ġd il +Ġcal endar +Ġcompl iance +Ġch amber +b b +Ġpass enger +ate ful +ĠT itle +ĠSyd ney +ĠG ot +Ġdark ness +Ġdef ect +Ġpack ed +ass ion +Ġgod s +Ġh arsh +IC K +le ans +Ġalgorith m +Ġoxy gen +Ġvis its +Ġbl ade +Ġkil omet +ĠKent ucky +Ġkill er +P ack +enn y +Ġdiv ine +Ġnom ination +be ing +Ġeng ines +Ġc ats +Ġbuff er +ĠPh ill +Ġtra ff +AG E +Ġtong ue +Ġrad iation +ere r +m em +ĠExpl icit +é¾ į +Ġcou ples +Ġphys ics +ĠMc K +Ġpolit ically +aw ks +ĠBl oom +Ġwor ship +e ger +ut er +ĠF O +Ġmat hemat +Ġsent enced +Ġdis k +ĠM arg +Ġ/ * +P I +Ġoption al +Ġbab ies +Ġse eds +ĠScott ish +Ġth y +] ] +ĠHit ler +P H +ng th +Ġrec overed +ing e +Ġpow der +Ġl ips +Ġdesign er +Ġdis orders +Ġcour age +Ġch aos +" },{" +Ġcar rier +b ably +H igh +ĠR T +es ity +l en +Ġrout es +u ating +F il +N OT +w all +s burgh +Ġeng aging +ĠJava Script +ore r +li hood +Ġun ions +ĠF ederation +ĠTes la +Ġcomple tion +ĠT a +Ġprivile ge +ĠOr ange +Ġne ur +paren cy +Ġb ones +Ġtit led +Ġprosecut ors +ĠM E +Ġengine er +ĠUn iverse +ĠH ig +n ie +o ard +Ġheart s +ĠG re +uss ion +Ġmin istry +Ġpen et +ĠN ut +ĠO w +ĠX P +in stein +Ġbul k +S ystem +ic ism +ĠMarket able +Ġpre val +Ġpost er +Ġatt ending +ur able +Ġlicens ed +ĠG h +et ry +ĠTrad able +Ġbl ast +à ¤ +ĠTit an +ell ed +d ie +H ave +ĠFl ame +Ġprof ound +Ġparticip ating +Ġan ime +ĠE ss +Ġspec ify +Ġregard ed +ĠSpe ll +Ġs ons +own ed +Ġm erc +Ġexper imental +land o +h s +ĠDun geon +in os +Ġcomp ly +ĠSystem s +ar th +Ġse ized +l ocal +ĠGirl s +ud o +on ed +ĠF le +Ġconstruct ed +Ġhost ed +Ġsc ared +act ic +ĠIs lands +ĠM ORE +Ġbl ess +Ġblock ing +Ġch ips +Ġev ac +P s +Ġcorpor ation +Ġo x +Ġlight ing +Ġneighb ors +ĠU b +ar o +Ġbe ef +ĠU ber +F acebook +ar med +it ate +ĠR ating +ĠQu ick +Ġoccup ied +Ġaim s +ĠAdd itionally +ĠInt erest +Ġdram atically +Ġhe al +Ġpain ting +Ġengine ers +M M +ĠM ust +Ġquant ity +P aul +Ġearn ings +ĠPost s +st ra +ãĥ¼ ãĥ +Ġst ance +Ġdro pping +sc ript +Ġd ressed +M ake +Ġjust ify +ĠL td +Ġprompt ed +Ġscr ut +Ġspeed s +ĠGi ants +om er +ĠEd itor +Ġdescrib ing +ĠL ie +ment ed +Ġnow here +oc aly +Ġinst ruction +fort able +Ġent ities +Ġc m +ĠN atural +Ġinqu iry +Ġpress ed +iz ont +for ced +Ġra ises +ĠNet flix +ĠS ide +Ġout er +Ġamong st +im s +ows ki +Ġclim b +ne ver +Ġcomb ine +d ing +Ġcomp r +Ġsignific ance +Ġremem bered +ĠNev ada +ĠT el +ĠSc ar +ĠWar riors +ĠJ ane +Ġcou p +b as +Ġtermin al +, - +O H +Ġt ension +Ġw ings +ĠMy ster +�� �� +ĠUn like +val id +viron ments +ĠAl i +Ġn aked +book s +ĠM un +ĠG ulf +Ġd ensity +Ġdim in +Ġdesper ate +Ġpres idency +Ġ198 6 +h y +IN D +Ġun lock +im ens +Ġhand led +ĠE b +Ġdisapp eared +Ġgen re +Ġ198 8 +Ġdetermin ation +St ream +ik o +ap ters +Ġacknow ledge +J an +Ġcapital ism +P at +Ġ20 20 +Ġpain ful +Ġcur ve +Ġbom bs +st orm +ĠMet al +en cer +ĠF ig +ĠA aron +anc hes +Ġins piration +Ġexha ust +t ains +ash i +Ġdesc ript +Ġr itual +ĠChel sea +Ġpromot ion +ĠH ung +ĠW ard +iv a +ĠE T +Ġto ss +all ow +ĠFranc is +D ep +Ġhapp iness +ĠGl ass +Ġbet a +Ġstreng then +N E +o a +Ġbutt ons +ĠMur ray +Ġkick ed +Qu est +ĠT alk +ĠS everal +ĠZ ero +Ġdr one +ul k +Ġc am +ĠM obile +Ġprevent ing +Ġret ro +ĠA x +Ġcru el +Ġflo at +. ), +Ġfil ing +ĠGr ant +ĠB or +Ġr ib +Ġchampions hip +ĠM erc +Ġsty les +Ġc ake +Ġbuild s +ĠS elf +io x +Ġep ic +oy d +B el +ĠSt ew +. ( +ah u +ĠBe yond +Ġout s +Ġsol o +ĠT ree +Ġpres erve +Ġt ub +AR E +ro c +ĠIm pro +ĠW right +Ġbu nd +Ġtr aged +Ġoccas ional +b ian +Sec ond +r ons +Ġinter actions +form ed +s ing +Ġown s +Ġh ockey +Gener al +Ġlog ical +Ġexp end +Ġesc al +ĠGr iff +ĠC rown +ĠRes erve +Ġsto pping +Ġexc use +sec ond +Ġoper ated +Ġre aches +ĠMal ays +Ġpoll ution +ĠBrook lyn +Ġde lete +Ġhas h +Bl ock +ah a +âĢ ³ +Ġsh orter +p iece +> >> +ĠM ormon +t or +Ġpartic les +ĠB art +ry ption +Ġad min +Ġsqu ee +VID IA +Ġcreat or +iam eter +ic ular +N BC +Ġgrab bed +Ġn odd +Ġr ated +Ġrot ation +Ġgr asp +Ġexcess ive +ĠE C +ĠWh it +Ġinvent ory +ault s +ĠF B +Ġe cosystem +Ġbill ions +Ġvent ure +n amed +Ġdef ender +out e +Inst ead +ir able +W ar +Ġassum ption +Ġb ite +Ġearth qu +t ail +sp ace +Ġgif ts +boy s +Ġinev itable +Ġstruct ural +Ġbenef icial +Ġcompe lling +h ole +erv ation +Ġco at +o j +inc arn +ĠY ears +Ġdetermin ing +Ġrhet oric +Ġbound aries +Ġwh ites +A nt +add y +) - +ra ham +eter min +Ġhar vest +ĠCon c +Ġlapt op +ĠM atch +Ġenjoy ing +cc a +oll ar +Ġtri ps +Ġadd iction +ĠS ak +Ġpow ered +Ġc ous +ĠRuss ians +ie re +Ġret rie +qu ality +Ġdiff er +Ġking dom +ĠL aur +ĠCap itol +Ġcon clusions +ĠAl tern +ĠN av +Ġtrans parent +B ER +G roup +ĠCom plete +Ġinf er +Ġint rig +Ġins ane +R O +oph ob +is en +qu al +Mich ael +Ġm useum +ĠP ope +Ġres et +r ative +f ive +Ġagg reg +itte es +osit ory +Ġcar b +ĠRec ord +Ġdec ides +ĠF ix +Ġexcept ions +ĠCommission er +un s +ĠEnvironment al +Ġlegend ary +ist ence +Ġtun nel +k m +Ġins ult +Ġt roll +Ġsh ake +Ġdet ention +qu es +ĠCh rome +ĠF iles +Ġsub t +Ġprospect s +Ġpro l +re nder +pro of +Ġperform ances +St r +Ġh ref +ern ame +Ġachieve ment +Ġf ut +F ull +ĠLe ban +go ogle +ãĥ Ī +amp a +May be +Ġproject ed +ĠE mb +Ġcol leg +Ġa wards +Ġâ Ķ +G old +ĠBl ake +ĠR aj +if ting +Ġp ending +Ġinst inct +Ġdevelop ments +Con nect +ĠM and +ĠW ITH +ĠPhilipp ines +prof ile +Ġalt ogether +ĠB und +ĠT D +oo oo +amp ed +ip h +Ġste am +Ġold est +Ġdet ection +ul pt +Ġ ç +ĠWay ne +200 6 +f a +Ġcir cles +ĠF u +Ġdon ors +appropri ate +ĠDak ota +j amin +Ġmotiv ated +Ġpurch ases +ĠLouis iana +ĠS pl +Ġgl obe +Ġ10 5 +z ip +c all +Ġdepart ments +Ġsustain able +10 5 +ĠO P +if iers +Ġprevent ed +Ġinc omp +ĠComm ander +Ġdom inated +Ġ » +Ġinvest ed +Ġcomplex ity +Ġin cl +Ġens uring +Ġreal m +yn c +ĠInd ependent +r ained +ĠJ en +ĠFl ight +Ġat he +Ġspec ulation +ĠT E +oc ate +t ic +Ġpl aint +her ry +Ġto y +Ġ1 11 +Ġpl ates +st atus +ĠIs a +Ġdev oted +C op +ĠE S +25 5 +ur rency +M ain +Ġsl aves +Ġpe pper +Ġqu otes +Ġce iling +ĠF ish +Ġtrans formation +Ġfra ction +Ġadvant ages +Ġto ile +Ġstun ning +Ġmo ist +bre aking +s i +ĠL ocation +ĠMed ium +Ġtext s +Ġu gly +Ġb io +. âĢĶ +ĠB ased +Ġtr ains +ĠW ing +ĠAn cient +ĠRec ords +ĠH ope +Spe cial +ades h +ob i +[ / +Ġtempor arily +V er +h u +os er +Ġover night +Ġm amm +ĠTre asury +ĠV enezuel +ĠMeg a +Ġt ar +Ġexpect s +bl ack +or ph +\\ \\ +Ġaccept ance +Ġrad ar +s is +Ġjun ior +Ġfram es +Ġobserv ation +ac ies +P ower +ĠAdv anced +M ag +olog ically +ĠMe chan +Ġsent ences +Ġanaly sts +augh ters +force ment +Ġv ague +Ġcl ause +Ġdirect ors +Ġeval uate +Ġcabin et +M att +ĠClass ic +A ng +Ġcl er +ĠB uck +Ġresear cher +Ġ16 0 +Ġpoor ly +Ġexperien cing +ĠP ed +ĠMan hattan +Ġfre ed +Ġthem es +ad vant +Ġn in +Ġpra ise +10 4 +ĠLib ya +b est +Ġtrust ed +Ġce ase +Ġd ign +D irect +Ġbomb ing +Ġm igration +ĠSci ences +Ġmunicip al +ĠA verage +Ġgl ory +Ġreve aling +Ġare na +Ġuncertain ty +Ġbattle field +ia o +G od +Ġc inem +ra pe +el le +ap ons +Ġlist ing +Ġwa ited +Ġsp otted +ke ley +ĠAud io +e or +ard ing +idd ing +ig ma +ĠN eg +Ġl one +Ġ ---- +ex e +d eg +Ġtrans f +Ġwas h +Ġsl avery +Ġexpl oring +ĠW W +ats on +Ġen cl +l ies +ĠC reek +Ġwood en +Man ager +ĠBr and +um my +ĠAr thur +Ġbureau cr +Ġbl end +ar ians +F urther +Ġsupposed ly +Ġwind s +Ġ19 79 +Ġgrav ity +Ġanalys es +ĠTra vel +ĠV eter +Ġd umb +Ġaltern ate +g al +Ġconsum ed +Ġeffect iveness +.' ' +Ġpath s +ond a +L A +ĠStr ong +Ġen ables +Ġesc aped +Ġ" " +Ġ1 12 +Ġ198 3 +Ġsm iled +Ġtend ency +F ire +Ġp ars +ĠR oc +Ġl ake +Ġf itness +ĠA th +ĠH orn +Ġh ier +Ġimp ose +m other +Ġp ension +ic ut +bor ne +ic iary +. _ +ĠS U +Ġpol ar +is y +eng u +itial ized +AT A +w rite +Ġexerc ises +ĠD iamond +ot ypes +Ġharm ful +on z +Ġprint ing +st ory +Ġexpert ise +ĠG er +Ġtraged y +ĠF ly +Ġd ivid +amp ire +st ock +M em +Ġre ign +Ġun ve +Ġam end +ĠProp het +Ġmut ual +ĠF ac +Ġrepl acing +H ar +ĠCirc uit +Ġthro at +ĠSh ot +Ġbatter ies +Ġto ll +Ġaddress ing +ĠMedic aid +Ġp upp +ĠN ar +ol k +Ġequ ity +M R +ĠHis pan +ĠL arge +m id +D ev +Ġexp ed +Ġdem o +ĠMarsh all +erg us +Ġf iber +Ġdiv orce +ĠCre ate +Ġsl ower +ĠPark er +ĠStud ent +ĠTr aining +Ret urn +ĠT ru +Ġc ub +ĠRe ached +Ġpan ic +Ġqu arters +Ġre ct +Ġtreat ing +Ġr ats +ĠChristian ity +ol er +Ġsac red +Ġdecl are +ul ative +et ing +Ġdeliver ing +est one +Ġt el +ĠL arry +Ġmet a +ac cept +art z +ĠRog er +hand ed +Ġhead er +Ġtra pped +ĠCent ury +Ġkn ocked +ĠOx ford +Ġsurviv ors +b ot +Ġdemon stration +Ġd irt +Ġass ists +OM E +ĠD raft +ortun ate +fol io +pe red +ust ers +g t +ĠL ock +Ġjud icial +ver ted +Ġsec ured +out ing +ĠBook s +Ġhost ing +Ġlif ted +l ength +Ġj er +Ġwhe els +ĠR ange +umbn ails +Ġdiagn osis +te ch +ĠStew art +ĠP ract +Ġnation wide +Ġde ar +Ġoblig ations +Ġgrow s +Ġmand atory +Ġsusp icious +! ' +A pr +G reat +Ġmort gage +Ġprosecut or +Ġeditor ial +ĠK r +Ġprocess ed +ung le +Ġflex ibility +Ear lier +ĠC art +ĠS ug +Ġfoc uses +Ġstart up +Ġbre ach +ĠT ob +cy cle +ãĢ Į +ro se +Ġb izarre +ãĢ į +Ġveget ables +$ $ +Ġret reat +osh i +ĠSh op +ĠG round +ĠSt op +ĠHawai i +ĠA y +Per haps +ĠBe aut +uff er +enn a +Ġproduct ivity +F ixed +cont rol +Ġabs ent +ĠCamp aign +G reen +Ġident ifying +Ġreg ret +Ġpromot ed +ĠSe ven +Ġer u +ne ath +aug hed +ĠP in +ĠL iving +C ost +om atic +me ga +ĠN ig +oc y +Ġin box +Ġem pire +Ġhor izont +Ġbr anches +Ġmet aph +Act ive +ed i +ĠFil m +ĠS omething +Ġmod s +inc ial +ĠOrig inal +G en +Ġspir its +Ġear ning +H ist +Ġr iders +Ġsacr ific +M T +ĠV A +ĠS alt +Ġoccup ation +ĠM i +Ġdis g +lic t +Ġn it +Ġn odes +e em +ĠP ier +Ġhat red +ps y +ãĥ ī +Ġthe ater +Ġsophistic ated +Ġdef ended +Ġbes ides +Ġthorough ly +ĠMedic are +Ġbl amed +arent ly +Ġcry ing +F OR +pri v +Ġsing ing +ĠI l +Ġc ute +o ided +olit ical +ĠNe uro +å ¤ +Ġdon ation +ĠEag les +ĠG ive +T om +Ġsubstant ially +ĠLic ense +ĠJ a +Ġg rey +ĠAn imal +ĠE R +ĠU nd +Ġke en +Ġconclud e +ĠMississ ippi +Eng ine +ĠStud ios +P ress +o vers +ll ers +Ġ3 50 +ĠR angers +Ġr ou +ert o +E p +iss a +iv an +Ġse al +ĠReg ist +dis play +Ġwe aken +u um +ĠComm ons +ĠS ay +Ġcult ures +Ġl aughed +Ġsl ip +Ġtreat ments +iz able +m art +ĠR ice +Ġbe ast +Ġob esity +ĠLa ure +ig a +Wh ich +hold er +Ġelder ly +Ġp ays +Ġcompl ained +Ġc rop +Ġpro c +Ġexplos ive +ĠF an +ĠAr senal +A uthor +ef ul +Ġme als +Ġ( - +id ays +Ġimag ination +Ġann ually +Ġm s +as ures +H ead +ik h +m atic +Ġboy friend +ĠCom puter +Ġb ump +Ġsur ge +ĠCra ig +ĠKir k +D el +medi ate +Ġscen arios +ĠM ut +ĠSt ream +Ġcompet itors +Ù Ħ +ĠStan ford +ĠRes ources +az ed +b age +Ġorgan is +ĠRe lease +Ġsepar ately +Ġha bits +Ġmeasure ments +ĠCl ose +Ġaccomp any +Ġg ly +Ġt ang +ĠR ou +Ġplug in +Ġcon vey +ĠChall enge +oot s +j an +Ġcur s +ĠRel ations +ke eper +Ġapproach ing +p ing +Spe aking +Ġarrang ement +ĠV I +are ttes +Ġaffect ing +Ġperm its +b ecause +Ġu seless +ĠH us +!! !! +Ġdestro ying +Un fortunately +Ġfasc inating +S em +Ġelect oral +Ġtrans parency +ĠCh aos +Ġvolunte er +Ġstatist ical +Ġactiv ated +ro x +We b +H E +ĠHamp shire +is ive +M ap +Ġtr ash +ĠLaw rence +st ick +C r +Ġr ings +EX T +Ġoper ational +op es +D oes +ĠEv ans +Ġwitness ed +P ort +Ġlaunch ing +ec onom +w ear +ĠPart icip +um m +cul es +ĠR AM +ĠT un +Ġass ured +Ġb inary +Ġbet ray +Ġexpl oration +ĠF el +Ġad mission +it ated +S y +Ġav oided +ĠSim ulator +Ġcelebr ated +ĠElect ric +¥ ŀ +Ġcl uster +itzer land +he alth +L ine +ĠN ash +at on +Ġsp are +Ġenter prise +ĠD IS +clud es +Ġfl ights +Ġreg ards +ĠÃ Ĺ +h alf +Ġtr ucks +Ġcontact s +Ġunc ons +ĠCl imate +Ġimm ense +N EW +oc c +ect ive +Ġemb od +Ġpat rol +Ġbes ide +Ġv iable +Ġcre ep +Ġtrig gered +ver ning +Ġcompar able +q l +Ġg aining +ass es +Ġ( ); +ĠG rey +ĠM LS +s ized +Ġpros per +" ? +Ġpoll ing +Ġsh ar +ĠR C +Ġfire arm +or ient +Ġf ence +Ġvari ations +g iving +ĠP i +osp el +Ġpled ge +Ġc ure +Ġsp y +Ġviol ated +Ġr ushed +Ġstro ke +ĠBl og +sel s +ĠE c +,' ' +Ġp ale +ĠColl ins +ter ror +ĠCanad ians +Ġt une +Ġlabor atory +Ġn ons +t arian +Ġdis ability +ĠG am +Ġsing er +al g +ĠSen ior +Ġtrad ed +ĠWar rior +Ġinf ring +ĠFrank lin +Ġstr ain +ĠSwed ish +Ġsevent h +ĠB enn +ĠT ell +Ġsynd rome +Ġwond ered +id en +++ ++ +ig o +Ġpur ple +Ġjournal ism +Ġreb el +Ġf u +bl og +Ġinv ite +ren cies +ĠCont act +Is rael +ĠCont ent +Ġche er +Ġbed room +ĠEngine ering +ĠQue ens +Ġd well +ĠPlay Station +ĠD im +ĠCol on +l r +Ġoper ates +Ġmotiv ation +US A +ast ered +C ore +ĠTr uth +ol o +OS E +ĠMem ory +Ġpred ec +Ġan arch +Ġ19 20 +ĠY am +à ¨ +b id +Ġgr ateful +Ġexc itement +Ġtre asure +Ġlong est +ct ive +Ġdes erves +Ġreserv es +Ġcop s +ĠOtt awa +ĠEgypt ian +ank ed +Ġart if +Ġhypot hesis +: / +Ġpurch asing +Ġlove ly +H P +Ġdiv ide +Ġstrict ly +Ġquestion ing +Ġtaxp ayers +ĠJ oy +Ġroll s +ĠHe avy +Ġp orts +Ġmag netic +Ġinf lamm +Ġbr ush +t ics +â ĪĴ +Ġbott les +pp y +Ġp add +ãĤ ¯ +m illion +Ġdevast ating +Ġcomp iled +Ġmed ication +Ġtw elve +ĠPer ry +Sp ace +im b +y our +Ġle aked +ĠT ar +Ġun ity +Ġinfect ed +Ġtravel ed +ID E +ĠMc Donald +t xt +ĠPr inc +Ġinter ven +ĠTai wan +ĠP ow +Ġbe aring +ĠTh read +Ġz ones +iz ards +un ks +Ch apter +ll or +Ġ · +Ġw ounds +Ġdisc retion +Ġsucceed ed +ik ing +Ġicon ic +C all +Ġscreen ing +ĠM is +ict s +Ġmin isters +Ġsepar ation +Pl ayer +Ġb ip +Ġbel oved +Ġcount ing +ĠE ye +ar ound +ing ing +Ġtable t +Ġoff ence +in ance +h ave +ĠInf o +ĠNin ja +Ġprotect ive +ĠC ass +M ac +ĠQual ity +N orth +Ġ ic +ĠCub a +ĠChron icle +ĠPro perty +Ġfast est +ot os +ĠG erm +OW N +Ġbo om +ĠStan ley +ergus on +Ġcle ver +Ġent ers +m ode +ter ior +ĠS ens +Ġlin ear +AR K +Ġcomp aring +Ġpure ly +Ġsaf er +ĠPot ter +Ġc ups +R T +Ġgl uc +Ġatt ributed +Ġdu pl +ĠP ap +Ġprec ious +Ġp a +iction ary +ĠT ig +ĠTo o +ol utions +st an +Ġrob ots +Ġlob b +Ġstat ute +Ġprevent ion +w estern +16 0 +ĠAct ive +ĠMar ia +h al +N one +ell ar +ĠK B +ĠPart ners +ĠSing le +ĠFollow ing +ang o +ac ious +Ġth ou +Ġk g +Ġinflu ential +ĠFriend s +S ur +ain ted +Ġfor ums +Ġst arter +Ġcitizens hip +ĠE lection +on ge +ot ation +os ph +;; ;; +ut ical +p ur +ere n +Ġaccus ations +bit ious +ab bit +ĠOr d +Post ed +ir k +Ġsens itivity +ic he +ĠAm y +ĠF ab +Ġsum mit +Ġped est +Ġrub ber +Ġagric ultural +Ġcan cel +A E +Ġin aug +Ġcont am +Ġfirm ly +i w +st age +ĠK an +Ġt ier +Ġinv ention +Ġtransl ated +ĠR ules +B ox +Tw itter +ID S +Ġp izza +Ġdeb ug +ĠD rop +v s +Ġh orses +b ig +Ġb oring +Ġh ood +ĠMcC ain +at ched +ĠBro s +Ġsk ip +Ġess ay +st at +ĠLeg ends +Ġam munition +au c +Ġshoot er +Ġun h +Ġsuppl ied +Ġgener ic +ĠS K +ib an +yr ics +Ġ25 5 +Ġclim bing +Form er +Ġfl ip +Ġjump ing +Ġfrust ration +ĠTer ry +Ġneighborhood s +Ġmed ian +be an +Ġbr ains +Follow ing +Ġsh aped +Ġdraw s +Ġal tered +J ack +Ġrecip es +Ġsk illed +we alth +ach i +e lection +Ġbehavi ors +de als +ĠU ntil +F e +Ġdecl aration +mar ks +ĠBet ween +cel ona +Ġres on +Ġbub ble +Am ong +Ġim perial +G S +Ġfemin ist +200 5 +ĠK yle +Ġaccount ing +ĠTe le +ĠT yr +Ġconnect ing +Ġre hab +ĠP red +s im +Ġmeant ime +Ġphys ician +M W +ĠCamp bell +ĠBr andon +Ġcontribut ing +ĠR ule +ĠWe ight +ĠN ap +Ġinter active +Ġv ag +Ġhel met +ĠCom b +f our +Ġsh ipped +Ġcomple ting +ĠP D +PD ATE +Ġspread ing +Ġsc ary +erv ing +ĠG as +Ġfr ank +s chool +Ġrom antic +Ġstab il +R ob +Ġaccur ately +Ġac ute +ĠH ann +Ġsymbol s +Ġcivil ization +ĠA W +Ġlight ning +Ġcons iders +Ġven ue +Ġ × +Ġo ven +ĠS F +h is +Ġn u +ĠLear n +Ġpe oples +Ġst d +Ġsle e +Ġs lic +ĠStat istics +Ġcor ners +ĠB aker +Ġ: ) +ment ation +ol ver +Ġlaugh ing +ĠT odd +ond e +ĠH ills +Ġn uts +ĠW oman +pl ane +Ġl iver +ĠIn side +S orry +Ġagre es +Ġfund ament +ĠF isher +Ġa uction +Ġthread s +gl as +ĠBas ic +ĠN at +Ġlack ing +Ġceleb ration +j u +Ġs illy +E uro +Ġt att +ight y +cont rolled +T est +ĠSing h +Ġr age +Ġrh yth +o ffic +ĠPh antom +Ġhead lines +Ġrespond ing +ĠMor ning +Ġvit amin +Ġboot s +ĠS ite +al in +p i +Ġvir al +ĠU C +D ER +ĠSe x +Ġst ocks +c urrent +Ġch urches +ĠR are +ĠMur phy +Ġden ial +ĠG aming +Ġtou g +Ġn ick +Ġm akers +ĠRon ald +Ġgener ous +ĠD oc +ĠMor ris +Ġtransform ed +ĠN ormal +Ġ10 4 +ĠKick starter +ĠUp on +On line +ĠI RS +Ġw rap +Ġl oving +Ġarri ves +ĠD ue +Ġhe ter +ĠM ade +Ġrent al +Ġbelong s +Ġatt orneys +Ġcro ps +Ġmat ched +ul um +ol ine +10 9 +Ġdis par +Ġbuy ers +ĠCam bridge +Ġeth ics +rou ps +Ġjust ified +Ġmarg inal +Ġrespect ed +win ning +Ġnodd ed +ĠSer ge +ĠForm er +C raft +######## ######## +ĠWar ner +Ġd ash +et e +Ġent ert +ĠE scape +out heast +Ġkn ees +ĠB omb +Ġr ug +P ass +Ġatt itudes +go vernment +ĠPri or +Ġqual ities +Ġnot ification +ĠPh one +l ie +Ġanticip ated +ĠCom bat +ĠBar ry +Ġ198 2 +Us ers +on er +Ġcomput ing +ĠConnect icut +Ġless er +Ġpe ers +ĠC u +Ġtechn ically +Ġsub mission +ĠUn iversal +Ġman ually +our ge +Ġrespond ents +ĠB TC +ĠH ost +Ġf are +ĠB ird +Ġrece ipt +al so +Ġj ack +Ġagric ulture +Ġsk ull +Ġ! = +Ġpass ive +ĠC I +Ġsoc ieties +Ġremind ed +Ġinter ference +B uy +Ġâ ľ +g on +Ġscrut iny +ĠW itch +Ġconduct ing +Ġ ãĥ +Ġexch anges +ĠMit chell +Ġinhab it +Ġtw ist +B D +Ġwhere ver +group on +Ġj okes +ĠBen jamin +ĠR andom +fr ame +ĠL ions +Ġhighlight ed +ĠArk ansas +E nt +Ġp ile +Ġpre lim +g s +mind ed +Ġfel ony +ĠG A +ĠL uck +Ġpract ically +ĠB os +Ġact ress +D am +ĠB ou +Ġvis a +Ġembed ded +Ġhy brid +Ġear liest +Ġsoon er +s ocial +ĠH A +Ġste ep +Ġdis advant +Ġexplo it +ĠE gg +ĠUlt ra +Ġnecess ity +L ocal +ie ge +Ġd ated +Ġmass es +Ġsubsc ription +pl ess +Ġan onym +Ġpresum ably +Bl ue +The ir +asket ball +ĠPhil ip +Ġcom ed +load ed +r ane +Ġref lection +Ch ina +Ġext ends +Ġform ing +Ġund ers +200 1 +Ġgr at +Ġconcent rations +Ġins ulin +Ġsec ular +Ġwh ilst +Ġwin ners +Ad vertisements +Ġdeliber ately +ĠWork ing +Ġs ink +et ics +d ale +Ġmand ate +Ġg ram +Ġvac ation +Ġwarn ings +ri pp +ĠTH AT +Ġcomment ary +Ġint u +Ġa est +Ġreason ing +Ġbreak down +ĠZ ombie +Ġ-- > +ĠPolit ical +c ott +Ġthr ust +Ġtechn ological +Ġdec iding +Ġtraff icking +L ong +W elcome +pr ising +ĠCommun ications +Ġend ors +Ġsw ift +Ġmetab ol +co ins +res a +ĠHT TP +Ġen roll +ĠH appy +us r +int age +Ġ[ " +u ably +ĠM aterial +Ġrepe al +Se pt +k h +ĠMod i +Ġunder neath +ĠI L +sh ore +Ġdiagn osed +ace utical +Ġsh ower +au x +ĠSw itch +ĠStre ngth +Ġj ihad +n ational +Ġtra uma +uss y +on i +Ġcons olid +Ġcal ories +ĠF lynn +ag ged +16 8 +ĠP ink +Ġfulf ill +Ġch ains +Ġnot ably +ĠA V +L ife +ĠCh uck +m us +ĠUr ban +ĠH end +Ġdep osit +ĠS ad +Ġaff air +OR K +ie val +ĠF DA +Ġt rop +ĠOver all +Ġvirt ue +Ġsatisf action +au nd +Ġl un +ĠSw itzerland +ĠOper ation +pro cess +Ġsh ook +Ġcount ies +le ased +ĠCharl otte +1 12 +Ġtrans cript +Ġre dd +p ush +ĠHe y +ĠAn alysis +[ " +Ġaltern atives +ard less +Ġele ph +Ġpre jud +ĠLe af +H aving +ĠH ub +Ġexpress ions +ĠVol ume +Ġshock ing +ĠRed s +Ġread ily +Ġplan ets +ad ata +Ġcollaps ed +ĠMad rid +Ġir rit +i pper +ĠEn c +ĠW ire +Ġbu zz +ĠG P +ash a +Ġaccident ally +ur u +Ġfrust rated +ĠS A +Ġhung ry +ĠH uff +Ġlab els +ant o +ĠE P +Ġbar riers +) | +ĠBer keley +ĠJ ets +Ġp airs +ĠL an +J ames +ĠB ear +Ġhum or +ĠLiber ty +Ġmagn itude +Ġag ing +ĠM ason +Ġfriends hip +umb ling +Ġemer ge +Ġnewsp apers +Ġam bitious +ĠRich ards +atern al +Ġ198 1 +Ġcook ies +Ġsc ulpt +Ġpur suit +L ocation +Ġscript s +p c +Ġarrang ements +Ġd iameter +Ġl oses +am ation +Ġl iqu +ĠJ ake +aret te +Ġunderstand s +ĠZ en +v m +Ġappro ve +Ġw ip +Ġult ra +Ġint end +ĠD I +asc ular +Ġst ays +ĠK or +ĠK l +Ġinvest ing +L a +Ġbelie ving +b ad +m outh +Ġtaxp ayer +ãĥ ĥ +ĠQue bec +Ġl ap +ĠSw iss +d rop +Ġdr ain +ir i +et c +ft en +ĠN ex +Ġst raw +Ġscream ing +Ġcount ed +Ġdam aging +Ġamb assador +cent ury +Ġpro x +Ġarrest s +u v +il ateral +ĠCh arg +Ġpresc ribed +Ġindepend ently +Ġf ierce +ĠB aby +Ġb rave +Ġsu its += > +Ġbas eline +ĠR ate +Ġis lands +Ġ( ( +g reen +ix els +Ġname ly +ĠVill age +th an +am y +V ersion +g mail +ential s +ĠS ud +ĠMel bourne +Ġarri ving +Ġquant um +e ff +rop olitan +T ri +Ġfun eral +ĠI R +ÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤ ÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤ +ĠC ob +it ably +Ġt urb +Ġcomb o +Re view +Ġdeploy ment +u ity +ĠB ott +Ġinv isible +Ġrender ing +Ġunl ocked +Ġa qu +ĠVlad imir +Ġp ad +ĠBr ain +ĠLeg acy +dr agon +ĠKurd ish +Ġsound ed +Ġdet ained +ĠD M +g ary +Ġd aughters +Ġdistur bing +uk a +ĠPar ad +Ġt ast +Ġunf ortunate +Ġu l +em in +Ġattend ance +tr l +Ġpar ks +ĠMem orial +ĠAl ice +oth y +gu ard +ĠD ise +ĠSh an +ĠFor um +R ich +Ġshif ted +ue z +Ġl ighter +ĠMag n +Ġc od +S ch +ham mad +P ub +3 50 +ĠP okemon +Ġprot otype +Ġun re +B ase +ĠStud ents +ĠRep ly +ĠCommun ist +Ġg au +ĠTy ler +I Z +Ġparticip ated +Ġsup rem +ĠDet ails +Ġvessel s +ro d +Ġt ribe +ke ep +Ġassum ptions +Ġp ound +Ġcr ude +ĠAv ailable +Ġswim ming +Ġin clusion +Ġadv ances +c ulation +Ġconserv ation +Ġover d +ĠBuff alo +Art icle +ed ge +Ġaw a +ĠMad ison +Ġsid ew +Ġcat ast +ĠK rist +uc le +ĠHigh way +ĠTer ror +Ġactiv ation +Ġuncons cious +ĠSat an +ĠSus an +ill ery +Ġarr anged +i op +Ġrum ors +ur ring +th ink +ĠKe ith +ĠK ind +Ġavoid ing +by n +n ut +ĠSpe aker +r us +n ames +Ġgu ilt +ĠOlymp ics +Ġsa il +ĠM es +lev ant +ĠColumb us +a ft +C ity +S outh +ĠHar vey +ĠP un +S everal +Ġment ally +Ġimp ress +m ount +ĠUb untu +âĢĶâĢĶâĢĶâĢĶ âĢĶâĢĶâĢĶâĢĶ +ĠSuper man +ĠMP s +Ġintent ions +ĠR acing +Ġlike lihood +Ġ2 40 +T otal +Ġto ys +ĠW atson +Ġur ge +L ear +ĠP aper +Ġoccur ring +ĠB eng +ĠC ert +Ġst ones +T im +ĠTw in +z b +ĠD ynam +Ġpolit ician +k ens +ĠEnter prise +UT ERS +Ġab ol +Ġref resh +Ġarbit rary +pe ction +Ġtrou bles +Ġ} ); +t v +Ġpil ots +Ġdist ribute +Ġaud it +Ġp ause +orig inal +Ġr ivals + £ +F ig +T L +ab il +ry ing +L in +ion ed +l on +Ġf ancy +Ġcr ashed +Ġt ract +Ġshe d +Ġcons ume +B ased +down load +in it +Ġvolt age +Int rodu +Ġcondem ned +ĠFin ance +res pect +Ġex cluded +Ġestablish ing +her ic +Ġher itage +Ġspect acular +Ġun st +ĠSnow den +ĠL ane +S an +Ġprotect ions +st ruction +inc inn +Ġmac ro +C ustom +ios ity +Ġes p +Ġfunction ing +Ġm ush +Ġp uzzle +Ġeth ical +M al +Ġgo verning +ĠF erguson +Ġrest ored +Ġst ressed +ĠCoun ter +ĠK as +cl ip +AN S +Ġse iz +U K +by ss +old own +ap i +Ġperman ently +oun ters +W est +Th rough +L ight +at oes +Ġne at +Ġc ord +ure r +Ġsevere ly +ĠA ven +Ġinter rog +Ġtri ple +G iven +N umber +Ġar ise +Ġs her +pl ant +Ġfl ower +ĠC ou +Ġat e +Ġnew er +b ul +Ġmean while +ĠL air +Ġadjust ment +ĠCop yright +Ġd ivers +i ological +Ġgam ers +o at +Ġhistor ically +Ġanal og +Ġlong time +Ġpres cription +ĠM ist +ĠHy per +ĠM aine +ĠDe ity +Ġmulti pl +ĠRe incarn +ĠH yd +ĠP ic +S il +r ants +ĠC ris +. ; +( { +epend ence +Ġrec y +ate ur +Ġqu ad +Ġgl ob +Ġcon ced +te am +Ġcapital ist +ĠL ot +Ġroy al +ĠCy ber +Ġblack s +met ic +ri v +ĠD anny +Ġsp o +ĠR O +Ġanim ated +rypt ed +ĠDep uty +Ġrend ered +F E +Ġstre ak +Ġcloud s +ĠDou g +~~~~ ~~~~ +Ġdisc our +ĠVe h +Ġpsych ology +ĠJ ourney +Ġcry stal +ĠFro st +Ġsuspic ion +Ġrel ate +or us +ĠC rypt +ĠN VIDIA +com ed +ut ing +incinn ati +Ġvulner ability +ost ic +Ġisol ation +Ġcool ing +ĠCoal ition +Ġ1 19 +F our +ĠDe al +Ġâ ī +se mble +ram ent +ĠBar celona +Ġ10 2 +Ġcoc aine +ocaly pse +F eb +ogen ic +Ġmut ation +Ġcrypt oc +ĠK el +ĠG it +a is +Ġs isters +AN K +Ġactiv ate +T er +Ġd read +yl on +Ġprop ri +A ust +ĠDef ault +Ġout door +Ġshe er +ce ive +Ġg ently +Ð ¾ +Pro gram +Ġâ ĨĴ +Ġve gan +ĠCr us +Ġrespons ibilities +ĠH R +OL D +Ġprev ents +Ġst iff +ĠW ere +Ġathlet ic +ĠSc ore +Ġ) : +Ġcolumn s +ĠL oc +av ailable +ĠF ram +ĠS essions +Ġcompan ion +Ġpack s +14 0 +ĠKn ights +Ġf art +Ġstream s +Ġsh ore +Ġapp eals +ĠPer formance +h aul +ĠSt ra +ĠN ag +10 3 +ĠTrans portation +B B +E v +z an +P ublic +Ġtw in +uls ion +M ult +Ġelect ro +Ġstat ue +ation ally +ĠN ort +Ġins pection +/ * +ig ue +Ġcomp assion +ĠT ales +ĠSte in +ĠSc reen +ĠB ug +ĠL ion +g irl +Ġwithdraw al +Ġobject ives +Ġblood y +Ġprelim inary +Ġj acket +Ġdim ensions +ĠC ool +ĠOcc up +Ġw reck +Ġdoub led +ank ing +Ġ19 75 +Ġglass es +ĠW ang +pro v +P ath +connect ed +ĠMult i +ĠNor way +agon ist +Ġfe ared +Ġtouch ing +Ġarg uably +¯¯¯¯ ¯¯¯¯ +ĠNC AA +che m +Ġsp at +ĠW WE +ĠC el +ig ger +Ġattack er +ĠJo in +ob ject +ett a +Ġelim inated +d et +Ġdest ruct +ĠLuc as +ct uary +18 0 +ĠBr ady +ĠBl ues +B ay +au kee +Ġtim eline +Ġdeleg ates +w ritten +uff icient +Ġsh apes +Cop yright +ou ble +serv ice +Ġp ione +Ġcolleg es +Ġrow s +Ġsp ite +Ġassess ed +3 60 +Ġle ase +Ġconfident ial +ck er +ĠMan ning +ĠV oice +Ġse aled +Ġcalcul ate +N O +ĠAss istant +Ġteen ager +ul ent +ather ine +Ġm ock +Ġd iamond +Ġf est +Ġsw itched +Ġres ume +ĠPu erto +Ġl anes +ir ation +ĠSimilar ly +Ġro d +ĠS el +ĠPal ace +ĠLim ited +e ous +Ġvar iant +Ġw ard +Ġ) ) +Sh ow +OO K +A lex +ĠN ep +br is +ĠWik ipedia +Ġexcept ional +Ġman ages +ĠD raw +Ag ain +Ġco pper +ut t +Ġex ports +Ġport folio +Ġelev ated +R ated +ĠOther wise +ĠT act +ĠShe l +ĠT X +" âĢĶ +Ġres ur +ĠW a +ven ant +Ġmon etary +pe ople +E mail +Ġfif ty +ĠS weet +ĠMalays ia +Ġconf using +ĠR io +ud a +uten ant +" ); +Ġpra ised +Ġvol umes +t urn +Ġm ature +Ġnon profit +Ġpassion ate +ĠPriv ate +Ġ10 3 +Ġdesc end +ç ¥ŀ +uff y +head ed +Whe ther +ri en +ze ch +be it +Ġch rom +ĠMc M +Ġd ancing +Ġe leg +ĠNot iced +11 5 +Ġadvoc acy +ENT S +amb ling +ĠMin or +ĠF inn +Ġprior ities +Ġthere of +ĠSt age +ĠRog ers +Ġsubst itute +ĠJ ar +ĠJeff erson +Ġlight ly +10 2 +ĠL isa +u its +ys ical +Ġshif ts +Ġd rones +Ġwork place +Ġres id +ens ed +ah n +Ġpref erences +ser ver +Ġdeb ates +d oc +ĠGod s +Ġhelicop ter +Ġhon our +Ġconsider ably +ed ed +ĠF emale +ĠAn ne +Ġre un +ĠF ace +ĠHall ow +ĠBud get +Ġcondem n +Ġt ender +Pro f +ocr atic +ĠTurn er +ĠAg ric +Ġ19 76 +Ġa pt +d isc +ĠF ighter +ĠA ur +Ġgar bage +in put +ĠK arl +ĠOl iver +ĠL anguage +k n +N on +ĠCl ar +Ġtrad itions +Ġad vertisement +ĠS or +Ġarch ive +Ġvill ages +7 50 +Ġimplement ing +w aukee +Ġdiet ary +Ġswitch ing +Rep ublic +Ġvel ocity +Ġc it +ĠA wards +Ġfin ancing +Ġlast ed +) ] +Ġrem inder +P erson +Ġprec ision +Ġdesign ers +ĠF ried +ĠB order +Ġtr agic +Ġw ield +Ġiniti atives +ĠT ank +w er +Ġjo ins +R o +in ery +Ġar row +Ġgener ating +found er +Ġsear ches +Ġrandom ly +A ccess +Ġb atch +Ġp osed +l at +Ġpursu ing +as a +Ġtest ified +form ing +ĠSh ar +w iki +ĠE ither +S ometimes +Ġsen ators +ĠJohn ny +ĠTal iban +ĠG PS +":" / +ãģ® å +Ġanaly zed +ĠRub io +ĠMove ment +op ard +ii i +St and +f ight +Ġign oring +i ang +ĠG N +so ever +ĠST AT +Ġref using +Ġswe at +Ġb ay +P ORT +ir med +ak y +Ġdis pro +Ġlabel ed +Ġ10 8 +H ello +Ġple asant +ab a +Ġtri umph +Ġab oard +Ġinc om +ĠC row +le tt +Ġfol k +Ġch ase +` ` +ĠBr us +Ġte ens +c ue +Ġter rain +h yd +il ight +OR Y +Su pport +ew s +ll i +rain ts +ĠC and +Ġab used +ach ment +l arg +B as +ĠC ancer +Ġ19 78 +Ġsupp orter +ac cess +ĠTer min +ĠT ampa +ĠAN Y +Ġnew est +ĠCrim inal +ed u +Ġ19 30 +Ġadm its +Ġend e +Ġfail ures +ur ate +ful ness +cy cl +ĠSub ject +Ġinf inite +th ree +W A +p it +ĠInst all +R ad +ili ation +G M +Ġcontin ent +Ġaccommod ate +ĠCl ay +Ġp up +ĠF unction +Ġham mer +ĠAlbert a +Ġrev ised +Ġminor ities +Ġmeasure ment +Con nell +Ġdis able +ĠM ix +In cre +Ġfor k +ĠR osen +Ġimpl ies +umb lr +AN G +Ġprote ins +Ġagg ression +Ġfacilit ate +S N +Ġilleg ally +u er +Ġacad em +Ġp uzz +ĠSh ift +p ay +oll o +Ġaud iences +B uild +Ġno ble +Ġsynt ax +â ĺħ +Ġbe am +ĠB ed +ĠA ld +Ġorig ins +v ideo +Ġ19 77 +ĠAss ault +Ġgar age +Te am +Ġver dict +Ġd war +ĠVirt ual +e vent +Ke ep +Ġsent iment +Ġwild life +sh irt +Ġb urg +Ġrecommend ation +rep resent +Ġgall ery +own ers +Ġsch olar +Ġconven ience +ĠSw ift +Ġconv inc +C ap +Ġwar fare +ĠVis ual +Ġconst itute +Ġab ort +ĠWe ather +ĠLook ing +ĠH em +Ġmart ial +Ġinc oming +et ition +Ġtoler ance +ĠCre ated +Ġfl ows +ĠE lder +Ġsoul s +Ġf oul +ĠP ain +ĠC AN +Ġ2 20 +b c +he nd +Ġgen ius +R eal +ĠW r +omet er +p ad +Ġlim iting +ĠS i +ĠL ore +ĠAd ventures +Ġvar ied +D isc +f in +ĠPerson al +Ch ris +Ġinv ented +Ġd ive +ĠR ise +Ġo z +ĠCom ics +Ġexp ose +ĠRe b +let ters +s ite +im ated +Ġh acking +Ġeduc ated +ĠNob ody +Ġdep ri +Ġincent ive +ãĤ · +Ġovers ight +Ġtrib es +ĠBelg ium +Ġlicens ing +our t +Produ ct +ah l +ĠG em +Ġspecial ist +Ġc ra +ann ers +ĠCor byn +Ġ19 73 +RE AD +Ġsum mar +Ġover look +ĠApp lication +Ġin appropriate +Ġdownload ed +Q ue +ĠB ears +Ġth umb +ĠChar acter +ĠReincarn ated +ĠS id +Ġdemonstr ates +s ky +ĠBloom berg +ĠAr ray +ĠRes ults +ĠFour th +ĠED T +ĠO scar +c end +Ġ10 6 +ĠN ULL +ĠH ERE +m atch +ĠBr un +Ġgluc ose +ie g +eg u +Ġcert ified +Ġrel ie +Ġhuman itarian +Ġpr ayers +K ing +Ġn an +h ou +10 8 +ul u +Ġrenew able +Ġdistingu ish +Ġd ense +ĠV ent +ĠPack age +ĠB oss +Ġedit ors +Ġm igr +T ra +ĠPet ers +ĠAr ctic +200 4 +ĠC ape +Ġloc ally +Ġlast ing +Ġhand y +. ). +P an +ĠR ES +Ind ex +Ġt ensions +Ġformer ly +Ġide ological +Ġsens ors +Ġdeal ers +Ġdef ines +S k +Ġproceed s +Ġpro xy +az ines +ĠB ash +ĠP ad +ĠC raft +eal ous +Ġshe ets +omet ry +J une +cl ock +T T +ĠThe atre +ĠB uzz +Ġch apters +Ġmill enn +Ġd ough +ĠCongress ional +Ġimag ined +av ior +Ġclin ic +Ġ19 45 +Ġhold er +ro ot +oles ter +Ġrest art +B N +ĠHam as +ĠJ ob +Ġor b +Ġr am +Ġdiscl ose +Ġtransl ate +Ġimm igrant +Ġannoy ing +Ġtreat y +an ium +ĠTe a +ĠLeg ion +Ġcrowd s +ĠB ec +ĠA er +oh yd +B ro +Look ing +Ġl bs +Ġagg ress +Ġse am +Ġinter cept +ĠM I +mer cial +act iv +ĠC it +Ġdim ension +Ġconsist ency +Ġr ushing +ĠDou glas +Ġtr im +Inst all +ick er +Ġsh y +10 6 +Ġment ions +pe lled +ĠT ak +c ost +Ġclass room +Ġfort une +dri ven +Ġun le +ĠWhe el +Ġinvest or +ĠM asters +k it +Ġassoci ations +ĠEv olution +op ing +us cript +Ġprov incial +ĠWal ter +av i +S O +Ġun limited +Eng lish +ĠC ards +ĠEb ola +ne red +Ġreven ge +Ġout right +um per +Ġf itting +ĠSol id +Ġform ally +Ġproblem atic +Ġhaz ard +Ġenc ryption +Ġstraight forward +ĠA K +Ġp se +ĠOr b +ĠCh amber +ĠM ak +Cont ents +Ġloyal ty +Ġl yrics +ĠSy m +Ġwel comed +Ġcook ed +Ġmon op +Ġn urse +Ġmis leading +Ġe ternal +Ġshif ting +Ġ+ = +V is +Ġinst itutional +ill ary +Ġp ant +VER T +ĠA CC +ĠEn h +Ġinc on +ĠRE UTERS +Ġdon ated +âĢ¦âĢ¦ âĢ¦âĢ¦ +In tern +Ġexhib it +Ġt ire +ĠR ic +ĠCh ampion +ĠMu hammad +N ING +ĠSoc cer +Ġmob ility +Ġvary ing +ĠM ovie +Ġl ord +o ak +F ield +Ġve ctor +us ions +Ġsc rap +Ġen abling +m ake +T or +. * +| | +ĠWe bsite +ĠN PC +Ġsocial ist +ĠBill y +ĠAdd itional +Ġc argo +Ġfar ms +ĠSo on +ĠPri ze +Ġmid night +Ġ9 00 +se en +ĠSp ot +Ġshe ep +Ġspons ored +ĠH i +ĠJ ump +Ġ19 67 +Micro soft +ĠAg ent +Ġch arts +d ir +Ġadj acent +Ġtr icks +Ġman ga +Ġex agger +/ > +foot ball +ĠF CC +G C +ĠT ier +and ra +OU ND +% ), +Ġfru its +V C +ĠA A +R ober +Ġmid st +â Ĺ +ank a +Ġlegisl ature +ĠNe il +Ġtour ists +" " +ĠWar ning +ĠNever theless +ĠOffic ial +ĠWh atever +Ġm old +Ġdraft ed +Ġsubst ances +Ġbre ed +Ġt ags +ĠT ask +Ġver b +Ġmanufact ured +com ments +ĠPol ish +Pro v +Ġdetermin es +Ob ama +k ers +Ġutter ly +Ġse ct +sc he +ĠG ates +ĠCh ap +Ġal uminum +Ġz ombie +ĠT ouch +ĠU P +Ġsatisf y +Ġpred omin +asc ript +Ġelabor ate +Ġ19 68 +Ġmeas uring +ĠV ari +any ahu +Ġs ir +ul ates +id ges +ick ets +ĠSp encer +T M +oub ted +Ġpre y +Ġinstall ing +ĠC ab +re ed +re ated +Su pp +Ġwr ist +ĠK erry +10 7 +ĠK le +ĠR achel +Ġc otton +ĠA RE +ĠE le +Cont rol +Ġload s +ĠD od +an as +b one +Ġclass ical +ĠReg ional +ĠInt eg +V M +Ġdes ires +Ġaut ism +support ed +ĠM essage +Ġcomp act +writ er +Ġ10 9 +ĠHur ricane +c ision +Ġcy cles +Ġdr ill +Ġcolle ague +Ġm aker +G erman +Ġmist aken +S un +ĠG ay +Ġwhat soever +Ġsell s +ĠA irl +l iv +ĠO ption +Ġsol ved +Ġse ctors +Ġhorizont al +Ġequ ation +ĠSk ill +ĠB io +g ement +ĠSn ap +ĠLeg al +Ġtradem ark +Ġmake up +Ġassemb led +Ġsa ves +ĠHallow een +ĠVer mont +ĠFR OM +Ġfar ming +ĠP odcast +accept able +ĠHig her +Ġas leep +ull ivan +Ġrefere n +ĠLe v +Ġbul lets +ok o +H C +Ġst airs +Ġmain tains +ĠL ower +ĠV i +Ġmar ine +Ġac res +Ġcoordin ator +ĠJ oh +Ġcounterpart s +ĠBrother s +Ġind ict +b ra +Ġch unk +Ġc ents +H ome +ĠMon th +Ġaccording ly +if les +ĠGerm ans +ĠSy n +H ub +Ġey eb +âĶĢâĶĢ âĶĢâĶĢ +Ġr anges +ĠHoll and +ĠRob ot +f c +M ike +Ġpl asma +Ġsw ap +Ġath lete +ĠR ams +,' " +Ġinfect ions +Ġcor rid +Ġv ib +Ġpat ches +Ġtradition ally +Ġrevel ation +Ġswe ep +Ġgl ance +Ġin ex +200 3 +ĠR aw +work ing +os ures +ĠD at +ĠLyn ch +Ġle verage +ĠRe id +Ġcorrel ation +ian ces +av ascript +Ġrep ository +ret ty +Ġ19 72 +24 0 +Ġo un +p ol +ĠRe ed +Ġtact ical +is ite +App le +ĠQu inn +Ġrap ed +ill o +Euro pe +Ġalgorith ms +ĠRod rig +i u +Ġill um +Ġf ame +Ġintrodu cing +Ġdel ays +ĠRaid ers +Ġwh istle +Ġnovel s +ĠRe ally +Ġder iv +Ġpublic ations +ĠNe ither +ĠCom merce +Ġa ston +l anguage +Not es +ĠR oth +ĠF ear +Ġm ate +Ġpar ade +ĠQ B +Ġman eu +ĠC incinnati +m itting +Ġwa ist +ĠR ew +Ġdisc ont +Ð ° +Ġst aring +Ġal ias +Ġsec urities +Ġtoile t +ĠJ edi +Ġun law +v ised +//// //// +] ( +ĠWe iss +Ġpre st +ĠComp an +Ġmem o +ĠGr ace +J uly +ĠEl ite +cent er +ĠSt ay +Ġgal axy +Ġto oth +ĠS ettings +Ġsubject ed +ãĤ ¦ +Ġline back +Ġretail ers +ĠW ant +Ġd angers +A ir +Ġvolunt ary +ew ay +Ġinterpret ed +ot ine +à § +Ġp el +Serv ice +ĠEvent ually +Ġcare ers +Ġthreat en +Ġmem or +ĠBrad ley +anc ies +s n +ĠUn known +N ational +Ġsh adows +ail and +ĠD ash +Every one +izz ard +M arch += ( +Ġpull s +Ġstr anger +Ġback wards +ĠBern ard +imens ional +Ġch ron +Ġtheoret ical +k top +Ġw are +ĠInvest ig +ĠIn iti +ĠOper ations +o ven +oc ide +* / +Ġfl ames +ĠC ash +sh it +Ġc ab +ĠAn aly +ĠSe ah +Ġdefin ing +Ġorder ing +Ġimm un +Ġpers istent +AC H +Russ ian +m ans +Ġh ind +Ġphot ography + © +Ġh ug +Ġ10 7 +ĠH ence +i ots +ude au +Ġsubsid ies +Ġroutine ly +ĠDev ice +it ic +Ġdisg ust +land er +Ġ19 40 +Ġassign ment +ĠB esides +w ick +ĠD ust +us c +struct ed +11 1 +de velop +Ġf ond +Ġinter section +Ġdign ity +Ġcommission er +With out +re ach +Ġcart oon +Ġsc ales +ãĥ Ń +F IG +Ġsurve ys +ĠIndones ia +Ġart work +Ġun ch +Ġcy cling +un ct +au er +or ate +ĠOb viously +Ġcharacter ized +fe ld +Ġaff irm +Ġinn ings +Ġ é +Ġal iens +Ġcl oth +et ooth +ĠC ertain + § +Ġdig est +k now +ĠX L +Ġpredict ions +Ġd in +W AR +Ġafter math +Ex ample +ĠSu ccess +ĠTh r +IG N +Ġmin er +B us +Ġcl arity +heim er +ĠO UT +ĠS end +ĠCirc le +ĠD iet +Ġpron ounced +Ġcreat ors +Ġearthqu ake +atter y +ge ons +Ġo d +Ġlay ing +or p +U lt +pro ject +Ġunder min +Ġsequ el +S am +ĠDark ness +Ġre ception +b ull +Y S +ĠV ir +Ġsequ ences +ĠCo in +Ġout fit +ĠW ait +1 19 +Ġdel ivers +.... .. +Ġbl own +ĠE sc +ĠM ath +per m +ĠU l +Ġgl im +Ġfac ial +Ġgreen house +Ġto kens +/ - +ĠAnn ual +ĠON E +Ġteen age +ĠPhys ical +ĠL ang +ĠC elt +Ġsu ed +ivid ually +Ġpat ience +ch air +reg ular +Ġa ug +in v +ex cept +ĠL il +Ġn est +f d +s um +ĠCh ase +Russ ia +ĠJenn ifer +Ġoff season +Over all +F ore +Ġr iot +A ud +form er +Ġdefend ers +ĠC T +iot ic +rib ly +Ġautom ated +Ġpen is +Ġins ist +Ġdi agram +ĠS QL +ĠG arc +Ġw itch +cl ient +ier ra +am bers +Ġrec ount +f ar +V ery +oster one +Ġappreci ated +ĠPer fect +S ection +Ġd oses +oca ust +Ġcost ly +Ġg rams +ĠSh i +Ġwrest ling +Ġ19 71 +Ġtro phy +Ġn erve +ĠK az +ĠExper ience +Ġpled ged +Ġplay back +Ġcreat ivity +by e +Ġattack ers +Ġhold ers +ĠCo ach +ĠPh D +Ġtransf ers +Ġcol ored +ĠH indu +Ġd rown +Ġlist ened +ĠW A +ias m +P O +Ġappeal ing +Ġdiscl osed +ĠCh icken +ag ging +Ġple aded +Ġnav igation +ĠReturn s +Ġ[ [ +R OR +E A +Ġphotograp her +ĠR ider +ipp ers +Ġsl ice +Ġe rect +Ġhe d +iss ance +ĠVik ings +ur ious +Ġapp et +oubted ly +Ch ild +Ġauthent ic +o os +ĠM aking +Ġannoun cing +Ġb od +Ġmet er +ĠN ine +ĠR ogue +Ġwork force +Ġrenew ed +Ġorganis ations +ac s +P LE +Sh ort +Ġcomp ounds +ĠVis it +Ġen velop +ear th +Ġsupport ive +gg le +ĠBrus sels +ĠGu ild +Cre ate +RE L +Ġaver aged +Ġ19 69 +ri ages +Ġlength y +Ġforg ot +O kay +ĠE rd +Ġdeal er +Ġrec ession +D D +Ġdesper ately +Ġhun ger +Ġst icks +Ġm ph +ĠF aith +Ġintention ally +Ġdem ol +ue ller +ĠS ale +Ġde bris +s pring +Ġle ap +>> >> +Ġcontain ers +se lling +rane an +atter ing +Ġcomment ed +ĠC M +on ut +Ġwood s +es pecially +Ġorgan ize +iv ic +ĠWood s +ang a +s qu +Ġm aj +am on +Ġax is +Ġ19 74 +ĠDen mark +Ġwar rior +ĠP and +Ġout lined +ĠB O +ins ula +z illa +eb ook +Ġd are +Ġsear ched +Ġnav igate +S n +writ ing +Ġun ited +J apan +ĠHe brew +Ġfl ame +Ġrel ies +Ġcatch ing +ĠSh o +Ġimprison ment +Ġp ockets +Ġclos ure +ĠF am +t im +ade qu +Act ivity +Ġrecru iting +ĠW ATCH +ĠArgent ina +d est +Ġapolog ize +or o +Ġlack s +Ġtun ed +ĠGriff in +Ġinf amous +Ġcelebr ity +ss on +Ġ ---------------------------------------------------------------- +ĠIs is +ĠDis play +Ġcred ibility +Ġeconom ies +Ġhead line +ĠCow boys +Ġind ef +Ġl ately +Ġincent ives +but ton +ĠM ob +A ut +Ġres igned +ĠO m +c amp +Ġprof iles +Ġsche mes +olph ins +ay ed +Cl inton +en h +ĠY ahoo +Ġab st +Ġan k +su its +Ġw ished +ĠMar co +udd en +Ġsp here +ĠB ishop +Ġincorpor ated +ĠPl ant +11 4 +Ġh ated +p ic +Ġdon ate +Ġl ined +Ġbe ans +Ġsteal ing +Ġcost ume +Ġsher iff +Ġfor ty +Ġint act +Ġadapt ed +Ġtrave lling +b art +Ġnice ly +Ġdri ed +Ġsc al +os ity +NOT E +ĠB h +ĠBron cos +ĠI gn +Ġint imate +Ġchem istry +Ġopt imal +D eb +ĠGener ation +Ġ] , +ich i +ĠW ii +ĠYOU R +vent ions +W rite +Ġpop ul +un ning +ĠW or +V ol +Ġqu een +head s +K K +Ġanaly ze +op ic +ear chers +Ġd ot +leg raph +ast ically +Ġupgr ades +Ġca res +Ġext ending +Ġfree ze +Ġin ability +Ġorg ans +Ġpret end +Ġout let +11 3 +ol an +ĠM all +ul ing +t alk +Ġexpress ing +ĠAl ways +ĠBe gin +f iles +Ġlic enses +% % +ĠM itt +Ġfil ters +ĠMil waukee +G N +Ġunf old +M o +Ġnut rition +pp o +B o +Ġfound ing +Ġunder mine +Ġeas iest +ĠC zech +ĠM ack +Ġsexual ity +ĠN ixon +W in +ĠAr n +ĠK in +ãĤ £ +ic er +Ġfort un +Ġsurf aces +agh d +Ġcar riers +ĠP ART +ĠT ib +Ġinter val +Ġfrust rating +ĠSh ip +ĠAr med +ff e +Ġbo ats +ĠAb raham +in is +Ġsu ited +th read +i ov +ab ul +ĠVenezuel a +Ġto m +su per +Ġcast le +alth ough +iox ide +ec hes +Ġevolution ary +Ġnegoti ate +Ġconfront ed +Rem ember +Ġ17 0 +S uch +Ġ9 11 +m ult +ĠA byss +ur ry +ke es +spe c +ĠBarb ara +Ġbelong ing +Ġvill ain +ist ani +Ġaccount able +Ġport ions +ĠDe cl +U r +ĠK ate +g re +Ġmag azines +UC K +Ġregul ate +om on +ĠAl most +Ġover view +Ġsc ram +Ġl oot +ĠF itz +Ġcharacter istic +ĠSn ake +s ay +ĠR ico +Ġtra it +ĠJo ined +au cus +Ġadapt ation +ĠAirl ines +Ġarch ae +ĠI de +Ġb ikes +Ġliter ary +Ġinflu ences +ĠUs ed +C reat +Ġple a +ĠDef ence +ĠAss ass +Ġp ond +UL T +) " +Ġeval uated +Ġob taining +Ġdem ographic +Ġvig il +ale y +Ġsp ouse +ĠSeah awks +resp ons +ĠB elt +um atic +Ġr ises +run ner +ĠMichel le +Ġpot ent +r ace +ĠP AC +F ind +olester ol +IS S +ĠIntrodu ced +ress es +ign ment +O s +ĠT u +ĠDe x +ic ides +Ġspark ed +ĠLaur a +ĠBry ant +Ġsm iling +ĠNex us +Ġdefend ants +ĠCat al +Ġdis hes +sh aped +Ġpro long +m t +( $ +ãĢ Ĥ +Ġcalcul ations +ĠS ame +Ġp iv +H H +Ġcance lled +Ġgr in +Ġterrit ories +ist ically +C ome +ĠP arent +Pro ject +Ġneg lig +ĠPriv acy +Ġam mo +LE CT +olute ly +ĠEp ic +Ġmis under +w al +Apr il +m os +path y +ĠC arson +Ġalbum s +ĠE asy +Ġpist ol +< < +Ġ\ ( +t arget +hel p +Ġinter pre +cons cious +ĠH ousing +ĠJ oint +12 7 +Ġbe ers +s cience +ĠFire fox +effect ive +ĠC abin +ĠO kay +ĠApp lic +Ġspace craft +ĠS R +ve t +ĠStr ange +S B +Ġcor ps +iber al +e fficient +Ġpreval ence +Ġeconom ists +11 8 +Th read +ord able +OD E +ĠC ant +=- =- +if iable +ĠA round +Ġpo le +Ġwilling ness +CL A +ĠK id +Ġcomple ment +Ġsc attered +Ġin mates +Ġble eding +e very +Ġque ue +ĠTr ain +Ġh ij +Ġme lee +ple ted +Ġdig it +Ġg em +offic ial +Ġlif ting +Ð µ +Re qu +it utes +Ġpack aging +ĠWork ers +h ran +ĠLeban on +ol esc +Ġpun ished +ĠJ uan +Ġj am +ĠD ocument +Ġm apping +ic ates +Ġinev itably +Ġvan illa +ĠT on +Ġwat ches +Ġle agues +Ġiniti ated +deg ree +port ion +Ġrec alls +Ġru in +Ġm elt +I AN +Ġhe m +Ex p +Ġb aking +ĠCol omb +at ible +Ġrad ius +pl ug +ĠI F +et ically +Ġf ict +H ER +ĠT ap +atin um +Ġin k +Ġco h +ĠW izard +b oth +te x +Ġsp ends +ĠCurrent ly +ĠP it +Ġneur ons +ig nt +Ġr all +Ġbus es +b uilding +Ġadjust ments +Ġc ried +ibl ical +att ed +ĠZ ion +ĠM atter +Ġmed itation +ĠD ennis +Ġour s +ĠT ab +Ġrank ings +ort al +Ġad vers +Ġsur render +ĠG ob +ci um +om as +im eter +Ġmulti player +Ġhero in +Ġoptim istic +Ġindic ator +ĠBr ig +Ġgro cery +Ġapplic ant +ĠRock et +v id +Ex ception +p ent +Ġorgan izing +Ġenc ounters +ĠT OD +Ġjew el +S ave +ĠChrist ie +Ġhe ating +Ġl azy +ĠC P +Ġcous in +Con fig +Ġreg ener +Ġne arest +Ġachie ving +EN S +th row +ĠRich mond +ant le +200 2 +Ġan ten +b ird +13 3 +Ġn arc +r aint +un ny +ĠHispan ic +ourn aments +Ġprop he +ĠTh ailand +ĠT i +Ġinject ion +Ġinher it +rav is +Ġmed i +Ġwho ever +ĠDE BUG +G P +ĠH ud +C ard +p rom +Ġp or +Ġover head +L aw +Ġviol ate +Ġhe ated +Ġdescript ions +Ġachieve ments +ĠBe er +ĠQu ant +W as +Ġe ighth +ĠI v +Ġspecial ized +U PDATE +ĠD elta +P op +J ul +ĠAs k +oph y +Ġnews letters +ĠT ool +Ġg ard +ĠConf eder +ĠGM T +ĠAb bott +Ġimm unity +ĠV M +Is lam +Ġimpl icit +w d +Ġ19 44 +rav ity +omet ric +Ġsurv iving +ur ai +ĠPr ison +Ġr ust +ĠSk etch +Ġbe es +ĠThe ory +Ġmer it +T ex +ch at +Ġm im +Ġpast e +ĠK och +Ġignor ance +ĠSh oot +Ġbas ement +Un ited +ĠAd vis +he ight +Ġf oster +Ġdet ain +in formation +Ġne ural +' ; +Ġprov es +all ery +Ġinv itation +um bers +Ġc attle +Ġbicy cle +z i +Ġconsult ant +Ġap ology +ĠT iger +Ġ12 3 +99 9 +Ġind ividually +r t +ig ion +ĠBrazil ian +Ġdist urb +Ġentreprene urs +Ġfore sts +cer pt +pl ates +p her +clip se +Ġtw itter +Ġac ids +ograph ical +h um +ĠB ald +if ully +Ġcomp iler +ĠD A +Ġdon or +as i +Ġtrib al +l ash +ĠCon fig +Ġapplic ants +Ġsal aries +13 5 +Put in +ĠF ocus +ir s +Ġmisc onduct +ĠH az +Ġeat en +M obile +Mus lim +ĠMar cus +v iol +Ġfavor able +Ġst ub +ad in +ĠH ob +Ġfaith ful +Ġelectron ics +Ġvac uum +w ait +back ed +econom ic +d ist +Ġten ure +Ġsince re +ĠT ogether +ĠW ave +Ġprog ression +Ġden ying +Ġdist ress +br aska +th ird +Ġmix ing +Ġcolon ial +Ġpriv ately +Ġun rest +atern ity +Ġprem ises +ant i +greg ation +Ġlic ence +ĠH ind +ĠSam uel +Ġconvinc ing +ĠA ce +ĠR ust +ĠNet anyahu +Ġhand les +ĠP atch +orient ed +ah o +ĠG onz +Ġhack ers +claim er +Ġcustom s +ĠGr an +f ighters +Ġl uc +Ġman uscript +aren thood +Ġdev il +Ġwar riors +Ġoff enders +Will iam +Ġhol idays +Ġnight mare +Ġle ver +iff erent +St at +Ġexhib ition +put ed +ĠP ure +Ġal pha +Ġenthus iasm +ĠRepresent atives +E AR +ĠT yp +Ġwhe at +ĠAl f +Ġcor rection +Ġev angel +AT T +M iss +Ġs oup +Ġimpl ied +par am +Ġsex y +ĠL ux +Ġrep ublic +p atch +ab lish +Ġic ons +Ġfather s +ĠG ET +ĠCar ib +Ġregul ated +ĠCo hen +ĠBob by +Ġn er +Ġb ent +vent ory +ĠAl ong +ĠE ST +ĠWall ace +Ġmurd ers +r ise +ke ll +ĠCommon wealth +Ġn asty +et a +ĠM IT +Ġadminist ered +Ġgenuine ly +Ed itor +n ick +Ġhyd ro +**************** **************** +ĠB le +Ġfin es +Ġg orge +aus ible +r h +Ġapp le +ment ioned +Ġro pe +ot yp +H R +Ġdisappoint ing +Ġc age +n ik +Ġdoub ts +ĠF REE +print s +ĠM UST +Ġvend ors +ĠIn qu +Ġliber als +Ġcontract or +Ġup side +child ren +Ġtrick y +Ġregul ators +charg ed +l iter +Ġ *** +Ġreb ell +l ang +Ġloc als +Ġphys icians +Ġhe y +ar se +t m +ĠLe x +Ġbehavior al +success ful +F X +Ġbr ick +ov ic +Ġcon form +Ġreview ing +Ġins ights +Ġbi ology +ĠRem ove +ĠExt ra +Ġcomm itting +indu ced +ignt y +ig m +Ġat omic +Comm on +ĠE M +ĠP ere +ĠIt ems +e h +Ġpres erved +ĠH ood +Ġprison er +Ġbankrupt cy +Ġg ren +us hes +Ġexplo itation +Ġsign atures +Ġfin an +] ," +ĠM R +Ġme g +rem lin +Ġmusic ians +Ġselect ing +Ġexam ining +IN K +l ated +H i +Ġart ic +Ġp ets +Ġimp air +ĠM AN +Ġtable ts +in clude +R ange +Ġca ut +Ġlog s +Ġmount ing +Ġun aware +Ġdynam ics +ĠPalest ine +ĠQu arter +ĠPur ple +Ġm a +ĠIm port +Ġcollect ions +ci ation +Ġsuccess or +Ġcl one +Ġaim ing +Ġposs essed +Ġstick ing +Ġsh aking +Ġloc ate +ĠH ockey +T urn +17 0 +Ġfif teen +ĠHar rison +Ġcontinu ously +ĠT C +ĠVal ent +ĠRes cue +Ġby pass +am ount +Ġm ast +Ġprotect s +Ġart istic +Ġsomet ime +Ġsh oe +Ġshout ed +ific ant +et itive +ĠReg ister +ĠJ in +Ġconcent rated +ling ton +on ies +Ġgener ator +yr im +ĠAr men +Ġclear ing +id o +ĠT W +al ph +Ġlad ies +H ard +Ġdial og +Ġinput s +æ ľ +Ġpos es +Ġsl ots +ĠPrem ium +Ġle aks +Ġboss es +Ġ11 3 +c ourse +A cc +ĠNew ton +ĠAust ria +ĠM age +Ġte aches +ab ad +Ġwe ars +Ġc yl +Ġcur se +ĠS ales +ĠW ings +Ġp sy +Ġg aps +ĠIce land +ĠP interest +Ġland lord +Ġdefin itions +ĠK er +Ġsufficient ly +ĠP ence +ĠArch itect +Ġsur pass +Ġ11 4 +Ġsuper hero +ĠDise ase +Ġpri ests +ĠC ulture +Ġdefin itive +Ġsecret ly +ĠD ance +inst all +ch ief +ĠJess ica +W ould +Up dated +Ġlock er +ĠK ay +Ġmem orial +è ¦ +f at +Ġdis gu +Ġflav ors +ĠBase ball +ĠRes istance +Ġk icks +Ġen v +Ġteen agers +D ark +ĠC AR +Ġh alt +ĠL G +ĠGab riel +Ġfe ver +Ġs atur +Ġm all +Ġaffili ate +ĠS leep +ĠSpe cific +ĠV el +Ġj ar +ĠSac red +ĠEd wards +ĠA CL +Ġret ained +ĠG iant +Ġlim itation +in ces +Ġref usal +ĠT ale +ĠBut ler +Ġacc idents +ĠC SS +Ġimport ed +ĠCop y +Î ± +ER T +z el +Ġdiv isions +h ots +ĠAl b +ĠD S +Load er +W ashington +at isf +ĠCreat ive +\ . +ĠAut om +red ict +Ġrecept or +ĠCarl os +Met hod +ok a +Ġmal icious +Ġste pping +, [ +ĠD ad +Ġatt raction +ĠEffect s +ĠPir ate +ĠC er +ĠIndust ry +ĠR ud +Ġchar ter +Ġd ining +Ġins ists +Ġconfig ure +Ġ( # +ĠSim ple +ĠSc roll +UT C +17 5 +ĠK on +Ġmarket place +Ġ ãĤ +Ġref res +Ġg ates +er red +ĠP od +Ġbeh ave +Fr ank +n ode +Ġendors ed +he tt +as ive +ĠHom eland +Ġr ides +ĠLe ave +er ness +Ġflood ing +A FP +Ġris en +Ġcontin ually +Ġun anim +ĠCont ract +ĠP as +Ġgu ided +ĠCh ile +b d +Ġsu cc +pt ic +Ġcomm ittees +ĠL uther +ĠAny one +Ġs ab +12 4 +Ġp ixel +ĠB ak +ĠT ag +ĠBenn ett +En ter +sm all +ĠPresident ial +Ġp ul +Ġcontr ace +arch ive +Ġcoast al +ĠK ids +19 2 +âĢ ² +ick y +ING TON +Ġw olf +ĠSt alin +T ur +id get +am as +ĠUn less +Ġspons or +Ġmor ph +ĠCho ose +Ġrun ner +Ġun bel +Ġm ud +ĠMan a +Ġdub bed +Ġg odd +ure rs +wind ow +Ġrel ied +Ġcelebr ating +os c +Ġ13 5 +Ġlobb ying +Ġincom plete +Ġrestrict ion +Ġinc ap +it us +Ġexpect ation +ĠAp ollo +Ġint ens +Ġsyn c +G H +Ġmanip ulation +B Y +Ġspe ar +Ġbre asts +Ġvol can +il ia +M aterial +Ġform ats +ĠB ast +Ġparliament ary +Ġsn ake +Ġserv ants +ĠTr udeau +ĠGr im +ĠArab ic +ĠSC P +ĠBoy s +st ation +Ġprospect ive +ord e +in itialized +Ġb ored +AB LE +Ġaccess ed +Ġtax i +ĠShe ll +aid en +urs ed +in ates +ĠIns urance +ĠPet e +Sept ember +6 50 +Ġad ventures +ĠCo ver +Ġt ribute +Ġsk etch +Ġem power +Ġ Ø +ĠGl enn +ĠD aw += \" +ĠPolit ics +Ġgu ides +Ġd ioxide +ĠG ore +ĠBr ight +ĠS ierra +Ġval ued +c ond +Ġpo inter +Se lect +Ġrisk y +Ġabsor b +im ages +Ġref uses +Ġbon uses +__ _ +Ġh ilar +ĠF eatures +2 20 +ĠCollect or +F oot +Ġ19 64 +cul us +Ġd awn +Ġwork out +ĠL O +Ġphilosoph ical +ĠSand y +ĠYou th +Ġl iable +A f +bl ue +Ġovert urn +less ness +ĠTrib une +ĠIn g +Ġfact ories +Ġcat ches +Ġpr one +Ġmat rix +Ġlog in +Ġin acc +Ġex ert +s ys +Ġneed le +ĠQ ur +Ġnot ified +ould er +t x +Ġremind s +Ġpublisher s +Ġn ort +Ġg it +Ġfl ies +ĠEm ily +Ġflow ing +ĠAl ien +ĠStr ateg +Ġhard est +Ġmod ification +AP I +ĠM Y +Ġcr ashes +st airs +n umber +Ġur ging +ch annel +ĠFal con +Ġinhabit ants +Ġterr ifying +Ġutil ize +Ġban ner +Ġcig arettes +Ġsens es +ĠHol mes +Ġpract ition +ĠPhill ips +ott o +Ġcomp ile +Mod el +ĠK o +Ġ[ ] +Americ ans +ĠTer ms +Ġmed ications +ĠAn a +Ġfundament ally +ĠNot ice +Ġwe aker +Ġ 0000 +Ġgar lic +Ġout break +Ġeconom ist +ĠB irth +Ġobst acles +ar cer +ĠOr thodox +Ġplace bo +ĠC rew +asp berry +ĠAng els +Ġdis charge +Ġdestruct ive +11 7 +ĠR ising +Ġd airy +l ate +Ġcoll ision +ĠTig ers +ean or +ocument ed +ĠIn valid +Ġd ont +ĠL iter +ĠV a +Ġhyd rogen +Ġvari ants +ĠBrown s +Ġ19 65 +Ġind igenous +Ġtrad es +Ġremain der +Ġswe pt +ĠImp act +Ġred ist +Ġun int +grad uate +ãĥ ķ +ĠW ILL +ãģ® ç +ĠCrit ical +Ġf isher +Ġv icious +Ġrevers ed +Y ear +ĠS ox +Ġshoot ings +Ġfil ming +Ġtouchdown s +ai res +m el +Ġgrand father +Ġaffect ion +ing le +Ġover ly +Add itional +Ġsup reme +ĠGr ad +Ġsport ing +Ġmer cy +ĠBrook s +ount y +Ġperform s +Ġtight ly +Ġdem ons +Ġkill ings +Ġfact ion +ĠNov a +aut s +Ġund oubtedly +ar in +Ġunder way +ra k +Ġl iv +ĠReg ion +Ġbrief ing +s ers +cl oud +ĠM ik +us p +Ġpred iction +az or +Ġport able +ĠG and +Ġpresent ing +Ġ10 80 + » +ush i +ĠSp ark +there um +Ġjust ification +ĠN y +Ġcontract ors +ming ham +ĠSt yle +å ħ +ĠChron icles +ĠPict ure +Ġprov ing +Ġw ives +set t +Ġmole cules +ĠFair y +Ġconsist ing +Ġp ier +al one +in ition +Ġn ucle +j son +Ġg otta +Ġmob il +Ġver bal +ar ium +Ġmon ument +uck ed +Ġ25 6 +T ech +mine craft +ĠTr ack +Ġt ile +Ġcompat ibility +as is +Ġs add +Ġinstruct ed +ĠM ueller +Ġle thal +Ġhorm one +Ġor che +el se +Ġske let +Ġentert aining +Ġminim ize +ag ain +Ġunder go +Ġconst raints +Ġcig arette +ĠIslam ist +Ġtravel s +ĠPant hers +l ings +C are +Ġlaw suits +ur as +Ġcry st +Ġlow ered +Ġaer ial +Ġcomb inations +Ġha un +Ġch a +Ġv ine +Ġquant ities +Ġlink ing +b ank +Ġso y +B ill +ĠAngel a +Ġrecip ient +ĠProt est +Ġs ocket +Ġsolid arity +Ġâ Ĩ +m ill +Ġvar ies +ĠPak istani +Dr agon +Ġun e +Ġhor izon +³³³³ ³³³³ +Ġprov inces +Ġfrank ly +Ġenact ed +not es +[ ' +Ġ19 2 +ocr acy +Ġendorse ment +Ġover time +Tr ue +L ab +lic ted +ĠD NC +Ġbe ats +ĠJam ie +15 2 +ĠIN T +Cont act +Ġaccount ed +h ash +ĠPack ers +p ires +Ġles bian +Ġamend ments +Ġhop eful +ĠFin land +Ġspot light +Ġconfig ured +Ġtrou bled +Ġg aze +ĠCal gary +Ġrel iability +Ġins urg +sw er +b uy +ĠSk in +Ġp ixels +Ġhand gun +Ġpar as +Ġcateg or +ĠE L +ĠRe x +Ind eed +Ġkind a +Ġconj unction +ĠBry an +ĠMan ufact +y ang +Pl us +S QL +ish ment +Ġdom inate +Ġn ail +Ġo ath +Ġeru pt +ĠF ine +it bart +ĠCh ip +ĠAb d +ĠN am +Ġbuy er +Ġdiss ent +Le aks +Cont in +Ġr ider +ĠSome one +Ġill usion +c in +ĠBoe ing +Ġin adequ +ov ation +i ants +Ġreb uild +4 50 +ĠDest iny +S W +ĠT ill +H it +ia z +ĠBang l +acher s +ĠRe form +Ġse gments +Ġsystem atic +d c +ĠConserv atives +Ġport al +h or +ĠDragon bound +Ġdrag ged +om o +Ġthe e +ad vert +ĠRep orts +ĠE t +Ġbarrel s +Aug ust +Ġcompar isons +Ġhe x +Ġan throp +" [ +bor ough +ab i +Ġpict ured +play ing +ĠAdd ress +ĠMir ror +Sm ith +Ġt ires +ĠN PR +AA AA +Ġclass ification +ĠTh an +ĠH arm +ĠR A +Ġreject ion +min ation +Ġr anged +ĠF alls +D I +H ost +ãĤ ´ +ĠEx ample +list ed +th irds +Ġsaf egu +br and +Ġprob able +Can ada +IT ION +ĠQ aeda +Ġch ick +Ġimport s +h it +l oc +W W +Ġble w +Ġany time +Ġwh oles +ik ed +Ġcal culation +cre ate +ĠO ri +Ġupgr aded +Ġapp ar +ut ory +ĠM ol +B rit +ĠJ ong +IN AL +ĠStart ing +Ġd ice +urt le +Ġre lying +cl osure +Ġprof itable +Ġsl aughter +ĠMan ual +c aster +Ġ" $ +Ġfe ather +ĠSim ply +ie ves +Ġdeter ior +ĠPC I +Ġst amp +Ġfl aws +Ġsh ade +ham mer +Ġpass port +Ġcont ing +am el +Ġobser vers +Ġneg lect +ĠR B +ĠBrother hood +Ġskept ical +f amily +us k +Ġemotion ally +â Ļ +ĠBet a +ason able +id ity +ĠM ul +Ġkick ing +ĠC arm +oll ah +VERT IS +ĠAt hen +Ġlad der +ĠBul let +å £ +00 01 +ĠWild life +ĠM ask +ĠN an +R ev +Ġun acceptable +leg al +Ġcrowd ed +ag i +ĠC ox +j e +Ġmor ality +Ġfu els +Ġc ables +Ġman kind +ĠCarib bean +Ġanch or +Ġby te +ĠO ften +ĠO z +Ġcraft ed +Ġhistor ian +ĠW u +Ġtow ers +ĠCitiz ens +Ġhel m +Ġcred entials +Ġsing ular +ĠJes se +Ġtack les +Ġcont empt +Ġa fore +ĠSh adows +Ġn il +Ġur gent +app le +bl ood +Ġv on +Ġoff line +Ġbreat he +Ġj umps +Ġirre levant +ox ic +om al +import ant +J im +Ġgl oves +arm ing +dep th +Ġtal ents +ook ie +ĠS B +Ġpal m +uff s +est a +IG H +Ġcan on +ĠVer izon +ĠP le +Ġcou pled +vel t +Ġfundra ising +ĠGet ting +ĠD LC +Ġmathemat ical +ĠH S +ĠCard inals +te lling +Ġspons ors +Ġ Ï +ĠBull s +op tion +Ġprop ose +Ġmem orable +Ġembr aced +Ġdecl ining +He alth +ed a +Ġ} ; +Ġsp am +m ile +Ġpit cher +ĠE ight +Ġcar ing +ut ic +ro le +Ġair line +ernand ez +ĠAth let +Ġcert ification +ux e +rig er +Ġem pir +Ġsens ation +Ġdis m +Ġb olt +Ġev olve +H ouse +Ġconsult ation +ĠD uty +Ġtou ches +ĠN athan +Ġf aint +h ad +" ( +ĠCons umer +ĠExt reme +Ġ12 7 +ĠHer m +ĠSac rament +iz oph +Ġanx ious +ul ously +Ġsoc ially +ĠU TC +Ġsol ving +ĠLet ter +Hist ory +ed uc +Pr ice +) ); +Ġrel oad +am ic +Ġp ork +Ġdisc ourse +Ġt ournaments +ai ro +ĠK ur +ĠCost a +Ġviol ating +Ġinterf ere +Ġrecre ational +uff le +Ġspe eches +Ġneed ing +Ġremem bers +Ġcred ited +n ia +f ocused +amer a +Ġb ru +um bs +ĠCub an +Ġpreced ing +Ġnons ense +ac ial +Ġsmart phones +ĠSt ories +S ports +ĠEmer gency +oun cing +ef ined +Ġb er +Ġconsult ing +Ġm asters +he astern +." [ +ĠRun ning +Ġsus cept +ĠF eng +Americ a +pr ises +st itial +ĠWeek ly +ĠGreat er +mod ules +if ter +G raphics +ul er +Ġwho lly +Ġsupp ress +Ġconce aled +Ġhapp ily +Ġaccept s +ĠEn joy +Ġr ivers +ĠEx cept +2 25 +ĠN HS +ĠMc Connell +Ġp ussy +fer red +ut able +Ġatt ain +Ġ> = +Ġdepos its +roph ic +Ġnot orious +ĠSh aw +il itation +Ġepid emic +all ic +Ġsmall est +ov ich +Ġaccess ories +per ties +Ġsur plus +ĠMe ch +Ġamb ig +ĠImm igration +Ġch im +ev al +Ġpract icing +ĠMyster y +Ġdom ains +ĠSil icon +app s +Ġkilomet ers +e a +ĠSm ash +Ġwarrant y +Ġn ost +s il +re v +J on +ĠDub lin +Ġtast es +Ġb out +g reat +er ror +Ġsw itches +ĠB apt +D O +ok i +Ġsour ced +pro du +Ġattach ment +ĠIss ue +ĠQuest ion +Jo in +Ġf itted +Ġunlaw ful +^ ^ +ere k +Ġauthent ication +Ġst ole +Ġaccount ability +l abel +S earch +Ġal beit +atic an +fund ed +ĠAdd ing +ĠI Q +Ġsub mar +l it +a que +ĠLear ning +Ġint eger +M aster +ĠCh rom +Ġprem ier +O p +ĠLi u +Ġbl essed +ĠGl obe +ĠResp onse +Ġlegit im +ĠMer kel +Ġdispos al + ´ +Ġgau ge +pe at +Ġindu ced +Ġquestion able +arth y +ĠV it +ĠF eed +U ntil +U t +worth y +R Y +ĠH erald +ĠHam mer +Ġmed al +ĠR ivers +ĠH ack +Ġclar ify +Ġtrack ed +Ġautonom ous +Ġten ant +ĠQ atar +er ie +Ġgr im +ĠMon itor +Ġresist ant +ĠSpe c +ĠWell s +N AS +14 8 +Ġmin ers +iot ics +Ġmiss es +11 6 +g ian +g it +ĠE yes +p res +Ġgrad uated +Ġang el +Ġsyn chron +Ġefficient ly +Ġtrans mitted +H arry +Ġglob ally +EN CE +ĠMont ana +r aged +ĠPre vention +Ġp iss +ĠL l +Ġshe lf +ĠB JP +ĠTest ament +ĠL ate +ik er +ĠH app +ĠJul ian +h all +Ġsp ont +Ġshut down +Ġincons istent +Ġsubscrib ers +Ġske leton +ĠNe braska +Ġins pire +ĠV oid +F eed +Ġang les +ĠSpr ings +Ġbench mark +Ġvacc ines +izoph ren +se xual +uff ed +Ġsh ine +ĠK ath +Ġgest ure +ine a +Ġr ip +Ġopp ression +Ġcons cience +b t +ĠL um +Ġinc idence +ĠF a +w r +Ġmin eral +ĠSp urs +alk y +Ġth under +Ġop io +Be ing +ĠPal m +Ġwas ted +Ġl b +i aries +ĠIniti ative +Ġcur ric +Ġmark er +ĠMc L +Ġext ensions +ĠP v +ĠAr ms +Ġoffer ings +Ġdef enses +Ġvend or +Ġcontrad ict +ĠCol in +Ġredd it +Ġper ipher +12 2 +Ġs ins +E dit +IC T +So ft +ĠSh ah +Ġadministr ator +ĠT rip +Ġporn ography +Ġtu ition +in ence +ĠPro gress +Ġcat alog +Ġsu ite +Ġh ike +Ġreprodu ctive +eng ine +Ġd rought +ĠNo ah +Ġ2 30 +Ġd ude +Ġrelax ed +Ġpart ition +Ġparticip ant +Ġtel esc +Ġfe as +ĠF F +own er +Ġswe eping +Ġl enses +Ġmatch up +ĠRe pl +ourn als +Ġcred ible +Ġgrand mother +Ġther mal +Ġsubscrib ing +Ġident ities +col m +U CT +Ġreluct ant +us ers +ĠC ort +Ġassist ed +OS S +ATION S +IS H +Ġpharm aceutical +ic able +ad ian +ĠSon ic +ĠF ury +ĠM ong +A H +ĠPsych ology +Ġph osph +Ġtreat s +Ń Ķ +Ġstead ily +ĠHell o +Ġrel ates +Ġcl ue +Ex pl +a uth +Ġrev ision +Ġe ld +os ion +Ġbr on +14 4 +ri kes +Ġmin es +Ġblank et +ĠF ail +el ed +ĠIm agine +ĠPl anned +a ic +Re quest +M ad +ĠHor se +ĠEag le +Ġcap ac +15 7 +Ġl ing +ĠN ice +ĠP arenthood +min ster +og s +ens itive +Not hing +Ġcar n +F in +ĠP E +Ġr ifles +ĠL P +S and +Ġgui Active +Ġtour ist +C NN +Ġunve iled +Ġpredec essor +} { +u ber +Ġoff shore +Ġopt ical +ĠR ot +ĠPear l +et on +Ġst ared +Ġfart her +at ility +cont in +ĠG y +ĠF oster +ĠC oc +ri ents +Ġdesign ing +ĠEconom y +ON G +W omen +ĠN ancy +er ver +Ġmas cul +Ġcasual ties +Ġ2 25 +ĠS ullivan +ĠCh oice +Ġa ster +w s +Ġhot els +Ġconsider ations +Ġcou ch +ĠSt rip +ĠG n +Ġmanip ulate +l ied +Ġsynt hetic +Ġassault ed +Ġoff enses +ĠDra ke +Ġim pe +Oct ober +ĠHer itage +h l +ĠBl air +Un like +Ġg rief +Ġ4 50 +Ġopt ed +Ġresign ation +il o +Ġver se +ĠT omb +Ġu pt +Ġa ired +ĠH ook +ĠML B +Ġassum es +out ed +ĠV ers +Ġinfer ior +Ġbund le +ĠD NS +ograp her +Ġmult ip +ĠSoul s +Ġillust rated +Ġtact ic +Ġdress ing +Ġdu o +Con f +Ġrel ent +Ġc ant +Ġscar ce +Ġcand y +ĠC F +Ġaffili ated +Ġspr int +yl an +ĠGarc ia +Ġj unk +Pr int +ex ec +C rit +Ġport rait +ir ies +ĠOF F +Ġdisp utes +W R +L ove +ãģ Ħ +ĠRe yn +Ġh ipp +op ath +Ġflo ors +ĠFe el +Ġwor ries +Ġsett lements +ĠP os +Ġmos que +Ġfin als +Ġcr ushed +ĠPro bably +ĠB ot +ĠM ans +ĠPer iod +Ġsovere ignty +Ġsell er +Ġap ost +Ġam ateur +Ġd orm +Ġconsum ing +Ġarm our +ĠRo ose +Ġint ensive +Ġelim inating +ĠSun ni +ĠAle ppo +j in +Ġadv ise +p al +ĠH alo +Ġdes cent +Ġsimpl er +Ġbo oth +ST R +L ater +ĠC ave +== = +Ġm ol +Ġf ist +Ġshot gun +su pp +Ġrob bery +E ffect +Ġobsc ure +ĠProf essional +Ġemb assy +Ġmilit ant +Ġinc arcer +Ġgener ates +Ġlaun ches +Ġadministr ators +Ġsh aft +Ġcirc ular +Ġfresh man +ĠW es +ĠJo el +ĠD rew +ĠDun can +ĠApp arently +s ight +ĠIntern al +ĠInd ividual +ĠF E +Ġb ore +ĠM t +Ġbroad ly +ĠO ptions +ount ain +ip es +ĠV ideos +20 4 +Ġh ills +Ġsim ulation +Ġdisappoint ment +it an +ĠLabor atory +Ġup ward +Ġbound ary +Ġdark er +h art +Ġdomin ance +C ong +ĠOr acle +ĠL ords +Ġscholars hip +ĠVin cent +ed e +ĠR ah +Ġencour ages +ro v +Ġqu o +Ġprem ise +ĠCris is +ĠHol ocaust +Ġrhyth m +Ġmet ric +cl ub +Ġtransport ed +Ġn od +ĠP ist +Ġancest ors +ĠFred er +th umbnails +ĠC E +ON D +Ph il +ven ge +ĠProduct s +cast le +Ġqual ifying +ĠK aren +VERTIS EMENT +Ġmight y +Ġexplan ations +Ġfix ing +D i +Ġdecl aring +Ġanonym ity +Ġju ven +ĠN ord +ĠDo om +ĠAct ually +O k +ph is +ĠDes ert +Ġ11 6 +I K +ĠF M +Ġinc omes +V EL +ok ers +Ġpe cul +Ġlight weight +g ue +Ġacc ent +Ġincre ment +ĠCh an +Ġcompl aining +ĠB aghd +Ġmidfield er +Ġover haul +Pro cess +ĠH ollow +ĠTit ans +Sm all +man uel +ĠUn ity +ĠEv ents +S ty +Ġdispro portion +n esty +en es +ĠC od +Ġdemonstr ations +ĠCrim son +ĠO H +Ġen rolled +Ġc el +ĠBre tt +Ġa ide +Ġhe els +Ġbroad band +Ġmark ing +Ġw izard +ĠN J +ĠChief s +Ġingred ient +Ġd ug +ĠSh ut +urch ase +end or +Ġfar mer +ĠGold man +12 9 +15 5 +Or der +Ġl ion +i ably +Ġst ain +ar ray +ilit ary +ĠFA Q +Ġexpl oded +ĠMcC arthy +ĠT weet +ĠG reens +ek ing +l n +ens en +Ġmotor cycle +Ġpartic le +Ġch olesterol +B ron +Ġst air +Ġox id +Ġdes irable +ib les +Ġthe or +for cing +Ġpromot ional +ov o +b oot +ĠBon us +raw ling +Ġshort age +ĠP sy +Ġrecru ited +Ġinf ants +Ġtest osterone +Ġded uct +Ġdistinct ive +Ġfirm ware +bu ilt +14 5 +Ġexpl ored +Ġfact ions +Ġv ide +Ġtatt oo +Ġfinan cially +Ġfat igue +Ġproceed ing +const itutional +Ġmis er +Ġch airs +gg ing +ipp le +Ġd ent +Ġdis reg +ç Ķ +st ant +ll o +b ps +aken ing +Ġab normal +ĠE RA +å£ « +ĠH BO +ĠM AR +Ġcon cess +Ġserv ant +Ġas pir +l av +ĠPan el +am o +Ġprec ip +Ġrecord ings +Ġproceed ed +Ġcol ony +ĠT ang +ab lo +Ġstri pped +Le ft +to o +Ġpot atoes +Ġfin est +% ). +Ġc rap +ĠZ ach +ab ases +ĠG oth +Ġbillion aire +w olf +Ġsan ction +S K +Ġlog ged +P o +ey ed +un al +Ġcr icket +Ġarm ies +Ġunc overed +Cl oud +ó n +Ġreb ounds +Ġm es +O per +P ac +Ġnation ally +Ġinsert ed +p ict +Ġgovern ance +Ð ¸ +Ġprivile ges +G ET +Ġfavor ites +im ity +Ġlo ver +the m +em pl +Ġgorge ous +An n +Ġsl ipped +Ġve to +B ob +Ġsl im +u cc +ĠF ame +udden ly +Ġden ies +ĠM aur +Ġdist ances +Ġw anna +t ar +ĠS ER +Ġâ Ī +Ġle mon +at hetic +Ġlit eral +Ġdistingu ished +Ġansw ering +G I +Ġrelig ions +ĠPhil os +ĠL ay +Ġcomp os +ire ments +ĠK os +ine z +roll ing +Ġyoung est +and ise +ĠB orn +Ġalt ar +am ina +ĠB oot +v oc +Ġdig ging +Ġpress ures +Ġl en +26 4 +Ġassass ination +ĠBir mingham +ĠMy th +Ġsovere ign +ĠArt ist +ĠPhot ograph +Ġdep icted +Ġdisp ens +orth y +Ġamb ul +int eg +ĠC ele +ĠTib et +Ġhier archy +Ġc u +Ġpre season +ĠPet erson +Ġcol ours +Ġworry ing +Ġback ers +ĠPal mer +ĠÎ ¼ +Ġcontribut or +Ġhear ings +Ġur ine +Ġ Ù +ourge ois +Sim ilar +ĠZ immer +s omething +ĠUS C +Ġstrength s +ĠF I +Ġlog ging +As ked +ĠTh ai +in qu +ĠW alt +Ġcrew s +it ism +3 01 +Ġshar ply +um ed +Ġred irect +r ators +In f +ĠWe apons +Ġte asp +19 99 +L ive +ĠEs pecially +ĠS ter +ĠVeter ans +Ġint ro +other apy +Ġmal ware +Ġbre eding +Ġmole cular +ĠR oute +ĠCom ment +oc hem +Ġa in +Se ason +Ġlineback er +Ä « +ĠEconom ics +es ar +ĠL ives +ĠEm ma +Ġk in +ĠTer rit +Ġpl anted +ot on +ĠBut ter +ĠSp ons +P ER +Ġdun geon +Ġsymb olic +Ġfil med +Ġdi ets +Ġconclud es +Ġcertain ty +ĠForm at +Ġstr angers +form at +ĠPh ase +Ġcop ied +Ġmet res +ld a +ĠUs ers +Ġdeliber ate +Ġwas hed +ĠL ance +im ation +Ġimpro per +ĠGen esis +ick r +ĠK ush +Ġreal ise +Ġembarrass ing +alk ing +b ucks +Ġver ified +Ġout line +year s +ĠIn come +20 2 +Ġz ombies +F inal +ĠMill enn +Ġmod ifications +ĠV ision +ĠM oses +ver b +iter ranean +ĠJ et +Ġnav al +ĠA gg +Ġur l +Ġvict ories +Ġnon etheless +Ġinj ust +ĠF act +ç ļ +Ġins ufficient +re view +face book +Ġnegoti ating +Ġguarant ees +im en +uten berg +Ġg ambling +Ġcon gr +Load ing +Ġnever theless +Ġpres idents +ĠIndust rial +Ġ11 8 +Ġp oured +ĠT ory +Ġ17 5 +Ġ: = +Sc ott +ange red +T ok +Ġorgan izers +M at +ĠG rowth +Ġad ul +Ġens ures +Ġ11 7 +é¾į å +Ġmass acre +Ġgr ades +be fore +AD VERTISEMENT +ĠSl ow +ĠM MA +âĢĶ " +ĠV atican +Q aeda +Ġo we +66 66 +ĠS orry +ĠGr ass +Ġbackground s +Ġexha usted +Ġcl an +Ġcomprom ised +ĠE lf +ĠIsa ac +ens on +In vest +IF A +Ġinterrupt ed +ãĥī ãĥ© +Ġtw isted +ĠDrag ons +M ode +ĠK remlin +Ġfert il +he res +ph an +ĠN ode +f ed +ĠOr c +Ġunw illing +C ent +Ġprior it +Ġgrad uates +Ġsubject ive +Ġiss uing +ĠL t +Ġview er +Ġw oke +Th us +bro ok +Ġdep ressed +Ġbr acket +ĠG or +ĠFight ing +Ġstri ker +Rep ort +ĠPortug al +Ġne o +w ed +19 9 +Ġflee ing +sh adow +ident ified +US E +Ste am +Ġstret ched +Ġrevel ations +art ed +ĠD w +Ġalign ment +est on +ĠJ ared +S ep +Ġblog s +up date +g om +r isk +Ġcl ash +ĠH our +Ġrun time +Ġunw anted +Ġsc am +Ġr ack +Ġen light +on est +ĠF err +Ġconv ictions +Ġp iano +Ġcirc ulation +ĠW elcome +Ġback lash +ĠW ade +Ġrece ivers +ot ive +J eff +Ġnetwork ing +ĠPre p +ĠExpl orer +Ġlect ure +Ġupload ed +ĠMe at +B LE +ĠNaz is +ĠSy nd +st ud +ro ots +ri ans +Ġportray ed +Ġ ?? +ĠBudd ha +s un +Rober t +ĠCom plex +Ġover see +Ġste alth +T itle +ĠJ obs +ĠK um +Ġappreci ation +ĠM OD +Ġbas ics +Ġcl ips +Ġnurs ing +Ġpropos ition +Ġreal ised +ĠNY C +Ġall ocated +ri um +ar an +ĠPro duction +ĠV ote +Ġsm ugg +Ġhun ter +az er +ĠCh anges +Ġfl uct +y on +Ar ray +Ġk its +W ater +Ġuncom mon +Ġrest ing +ell s +w ould +Ġpurs ued +Ġassert ion +omet own +ĠMos ul +ĠPl atform +io let +Ġshare holders +Ġtra ils +P ay +ĠEn forcement +ty pes +ĠAn onymous +Ġsatisf ying +il ogy +Ġ( ' +w ave +c ity +Ste ve +Ġconfront ation +ĠE ld +C apt +ah an +ht m +ĠC trl +ON S +2 30 +if a +hold ing +Ġdelic ate +Ġj aw +ĠGo ing +or um +S al +Ġd ull +ĠB eth +Ġpr isons +Ġe go +ĠEl sa +avor ite +ĠG ang +ĠN uclear +Ġsp ider +ats u +Ġsam pling +Ġabsor bed +ĠPh arm +iet h +Ġbuck et +ĠRec omm +O F +ĠF actory +AN CE +Ġb acter +H as +ĠObs erv +12 1 +Ġprem iere +De velop +Ġcur rencies +C ast +Ġaccompany ing +ĠNash ville +Ġfat ty +ĠBre nd +Ġloc ks +Ġcent ered +ĠU T +augh s +or ie +ĠAff ordable +v ance +D L +em et +Ġthr one +ĠBlu etooth +Ġn aming +if ts +AD E +Ġcorrect ed +Ġprompt ly +ĠST R +Ġgen ome +Ġcop e +Ġval ley +Ġround ed +ĠK end +al ion +p ers +Ġtour ism +Ġst ark +v l +Ġblow ing +ĠSche dule +st d +Ġunh appy +Ġlit igation +ced es +Ġand roid +Ġinteg ral +ere rs +ud ed +t ax +Ġre iter +ĠMot ors +oci ated +Ġwond ers +ĠAp ost +uck ing +ĠRoose velt +f ram +Ġyield s +Ġconstit utes +aw k +Int erest +Ġinter im +Ġbreak through +ĠC her +Ġpro sec +ĠD j +ĠM T +Res p +ĠP T +Ġs perm +ed it +B T +Lin ux +count ry +le ague +Ġd ick +Ġo ct +Ġinsert ing +Ġsc ra +ĠBrew ing +Ġ19 66 +Ġrun ners +Ġpl un +id y +ĠD ian +Ġdys function +Ġex clusion +Ġdis gr +Ġincorpor ate +Ġrecon c +Ġnom inated +ĠAr cher +d raw +achel or +Ġwrit ings +Ġshall ow +Ġh ast +ĠB MW +ĠR S +Ġth igh +Ġ19 63 +Ġl amb +Ġfav ored +ag le +Ġcool er +ĠH ours +ĠG U +ĠOrig in +Ġglim pse +---------------- ---- +L im +Ġche ek +Ġj ealous +- ' +Ġhar ness +ĠPo ison +Ġdis abilities +ne apolis +Ġout look +Ġnot ify +ĠIndian apolis +Ġab rupt +ns ic +Ġenc rypted +Ġfor fe +reat h +Ġr abb +Ġfound ations +Ġcompl iment +ĠInter view +ĠS we +Ġad olesc +Ġmon itors +ĠSacrament o +Ġtime ly +Ġcontem pl +Ġposition ed +Ġpost ers +ph ies +iov ascular +v oid +ĠFif th +Ġinvestig ative +OU N +Ġinteg rate +ĠIN C +ish a +ibl ings +ĠRe quest +ĠRodrig uez +Ġsl ides +ĠD X +Ġfemin ism +Ġdat as +Ġb end +ir us +ĠNig eria +F ox +Ch ange +Ġair plane +ĠLad en +Ġpublic ity +ixt y +Ġcommit ments +Ġaggreg ate +Ġdisplay ing +ĠAr row +Ġ12 2 +Ġrespect s +and roid +s ix +ĠSh a +Ġrest oration +) \ +W S +oy s +Ġillust rate +with out +12 6 +ĠâĶ Ĥ +Ġpick up +n els +Ġ .... +f ood +ĠF en +) ? +Ġphenomen a +Ġcompan ions +ĠW rite +Ġsp ill +Ġbr idges +ĠUp dated +ĠF o +Ġinsect s +ASH INGTON +Ġsc are +il tr +ĠZh ang +Ġsever ity +Ġind ul +14 9 +ĠCo ffee +Ġnorm s +Ġp ulse +ĠF T +Ġhorr ific +ĠDest roy +ĠJ SON +Ġo live +Ġdiscuss es +R est +E lect +ĠW inn +ĠSurv iv +ĠH ait +S ure +op ed +Ġro oted +ĠS ke +ĠBron ze +Ġl ol +Def ault +Ġcommod ity +red ited +Ġliber tarian +Ġforb idden +Ġgr an +à ¨ +Ġl ag +en z +dri ve +Ġmathemat ics +Ġw ires +Ġcrit ically +Ġcarb ohyd +ĠChance llor +ĠEd die +Ġban ning +ĠF ri +Ġcompl ications +et ric +ĠBangl adesh +Ġband width +St op +ĠOrig inally +Ġhalf way +yn asty +sh ine +Ġt ales +rit ies +av ier +Ġspin ning +ĠWH O +Ġneighbour hood +b ach +Ġcommer ce +ĠS le +B U +Ġentreprene ur +Ġpecul iar +ĠCom ments +f re +3 20 +IC S +Ġimag ery +ĠCan on +ĠElect ronic +sh ort +( ( +D ig +Ġcomm em +u ced +Ġincl ined +ĠSum mon +Ġcl iff +ĠMed iterranean +Ġpo etry +Ġprosper ity +ĠRe ce +Ġp ills +m ember +Ġfin ale +un c +ĠG ig +ä ½ +Ġl od +Ġback ward +- + +ĠFor ward +Ġth ri +s ure +Ġso ap +ĠF X +R ES +ĠSe xual +oul os +Ġfool ish +Ġright eous +Ġco ff +terror ism +ust ain +ot er +Ġab uses +ne xt +Ġab usive +Ġthere after +Ġprohib ition +ĠS UP +Ġd ip +Ġr ipped +Ġinher ited +Ġb ats +st ru +G T +Ġflaw ed +ph abet +Ġf og +do ors +Ġim aging +Ġdig its +ĠHung ary +Ġar rog +Ġteach ings +Ġprotocol s +ĠB anks +à ¸ +p ound +ĠC urt +." ) +. / +Ġex emption +end ix +ĠM ull +Ġimpro ves +ĠG amer +d imensional +I con +ĠMarg aret +St atus +d ates +Ġint ends +Ġdep ict +Ġpark ed +J oe +ĠMar ines +chn ology +! ). +Ġjud ged +Ġwe ights +R ay +Ġapart ments +he ster +Ġrein force +Ġoff ender +occ up +Ġs ore +e pt +ĠPH P +ĠB row +Ġauthor ization +ĠR isk +ĠDel aware +ĠQ U +Ġnot ifications +Ġsun light +Ġex clude +d at +Ġm esh +ĠSud an +Ġbelong ed +Ġsub way +Ġno on +ĠInter ior +ol ics +ĠL akers +Ġc oding +Dis claimer +Cal if +O ld +Ġdis l +???? ? +Ġconfir ms +Ġrecruit ment +Ġhom icide +Cons ider +ĠJeff rey +ft y +} ; +Ġobject ion +do ing +ĠLe o +W ant +Ġgl ow +ĠClar ke +ĠNorm an +Ġver ification +Ġpack et +ĠForm ula +Ġpl ag +es ville +Ġshout ing +Ġo v +ĠR EC +ĠB ub +Ġn inth +Ġener g +Ġvalid ity +Ġup s +j ack +Ġneighbor ing +ĠN ec +ew orks +ĠH ab +are z +Ġsp ine +Ġevent ual +ĠLe aders +ĠC arn +Ġprob ation +Ġrom ance +ms g +ĠMechan ical +ER Y +R ock +Ġpart isan +N ode +ass ets +min ent +Ġforeign ers +Ġtest ify +ĠUs ually +l ords +ĠG ren +ĠPow ell +BI L +Ġs r +Ġadd ict +Ġshell s +Ġs igh +ĠY ale +tern ity +Ġ7 50 +E U +ĠR ifle +Ġpat ron +em a +ĠB annon +an ity +Ġtrop ical +ĠV II +c ross +Every thing +ĠIS O +Ġhum ble +ass ing +ĠF IG +Ġupd ating +ys on +Ġcal cium +Ġcompet ent +Ġste ering +Pro t +ĠS Y +ĠFin als +ĠR ug +15 9 +13 7 +ĠG olf +Ġ12 6 +Ġaccommod ation +ĠHug hes +Ġaest hetic +art isan +ĠTw ilight +Ġpr ince +ĠAgric ulture +ĠDis co +Ġpreced ent +Ġtyp ing +author ized +O ption +ĠA ub +l ishes +ach t +m ag +P eter +ĠU FO +mont on +ĠL ith +Ġa rom +Ġsec uring +Ġconf ined +priv ate +Ġsw ords +Ġmark ers +Ġmetab olic +se lect +ĠCur se +ĠO t +g ressive +Ġinc umb +ĠS aga +Ġpr iced +Ġclear ance +Cont ent +Ġdr illing +Ġnot ices +Ġb ourgeois +Ġv est +Ġcook ie +ĠGuard ians +ry s +in yl +Ġ12 4 +Ġpl ausible +on gh +ĠOd in +Ġconcept ion +ĠY uk +ĠBaghd ad +ĠFl ag +Aust ral +ĠI BM +Ġintern ationally +ĠWiki Leaks +I ED +Ġc yn +Ġcho oses +ĠP ill +Ġcomb ining +Ġrad i +ĠMoh ammed +def ense +atch ing +Sub ject +ic iency +Fr ame +Ġ{ " +Ġche ss +Ġtim er +19 0 +Ġt in +Ġord inance +emet ery +Ġacc using +Ġnotice able +Ġcent res +Ġl id +ĠM ills +img ur +Ġz oom +erg ic +Ġcomp ression +pr im +f ind +Ġsur g +Ġp and +ĠK ee +ĠCh ad +cell ence +oy le +Ġsocial ism +ĠT ravis +ĠM Hz +Ġgu ild +ALL Y +ĠSub scribe +ĠRel ated +Ġoccur rence +itch ing +Ġfict ional +Ġcr ush +ĠE A +c od +m ix +ĠTri ple +Ġretrie ve +Ġstimul us +Ġpsych iat +ĠDo or +Ġhomosexual ity +Ġelement ary +Ġcell ular +id ian +ĠL aun +Ġintrig uing +Ġfo am +ĠB ass +id i +its u +Ġass ure +Ġcongr at +Ġbusiness man +ĠBo ost +cl ose +Ġl ied +Ġsc iences +ĠO mega +ĠG raphics +Ġ< = +sp oken +Ġconnect ivity +S aturday +ĠAven gers +Ġto ggle +Ġank le +Ġnational ist +mod el +ĠP ool +ophob ia +V ar +ĠM ons +ator ies +Ġaggress ively +C lear +For ge +act ers +Ġhed ge +Ġpip es +Ġbl unt +Ġs q +Ġremote ly +W ed +as ers +Ġref riger +Ġt iles +Ġresc ued +Ġcompr ised +ins ky +Ġman if +avan augh +Ġprol ifer +Ġal igned +x ml +Ġtri v +Ġcoord ination +ĠP ER +ĠQu ote +13 4 +b f +ĠS aw +Ġtermin ation +Ġ19 0 +Ġadd itions +Ġtri o +Ġproject ions +Ġpositive ly +Ġin clusive +Ġmem br +19 90 +old er +Ġpract iced +ink le +Ar ch +Ġstar ters +ari us +Ġinter mediate +ĠBen ef +ĠK iller +Ġinter ventions +ĠK il +ĠF lying +In v +Ġprem ature +Ġpsych iatric +Ġind ie +Ġcoll ar +ĠRain bow +af i +Ġdis ruption +ĠFO X +cast ing +Ġmis dem +c ro +Ġw ipe +ard on +Ġb ast +ĠTom my +ĠRepresent ative +Ġbell y +ĠP O +ĠBre itbart +13 2 +Ġmess aging +Sh ould +Ref erences +ĠG RE +ist ical +L P +ĠC av +ĠC razy +Ġintu itive +ke eping +ĠM oss +Ġdiscont in +ĠMod ule +Ġun related +ĠPract ice +ĠTrans port +Ġstatist ically +orn s +Ġs ized +p u +Ġca f +ĠWorld s +ĠRod gers +ĠL un +ĠCom ic +l iving +Ġc ared +Ġclim bed +) { +Ġconsist ed +Ġmed ieval +fol k +Ġh acked +Ġd ire +ĠHerm ione +Ġt ended +ce ans +D aniel +w ent +Ġlegisl ators +Ġred es +g ames +Ġg n +am iliar +Ġ+ + +gg y +th reat +Ġmag net +Ġper ceive +Ġz ip +Ġindict ment +Ġcrit ique +g ard +ĠSaf e +ĠC ream +Ġad vent +ob a +Ġv owed +ous ands +Ġsk i +Ġabort ions +u art +Ġstun ned +Ġadv ancing +Ġlack ed +Ġ\ " +Ġsch izophren +Ġeleg ant +Ġconf erences +Ġcance led +ĠHud son +ĠHop efully +Ġtr ump +Ġfrequ encies +Ġmet eor +ĠJun ior +ĠFle et +ĠMal colm +ĠT ools +Ġ ........ +Ġh obby +ĠEurope ans +Ġ15 00 +ĠInt o +Ġs way +ĠApp ro +ĠCom pl +Comm unity +Ġt ide +ĠSum mit +ä » +Ġinter vals +ĠE ther +Ġhabit at +ĠSteven s +lish ing +ĠDom ain +Ġtrig gers +Ġch asing +Ġchar m +ĠFl ower +it ored +Ġbless ing +Ġtext ures +F ive +Ġliqu or +R P +F IN +Ġ19 62 +C AR +Un known +Ġres il +ĠL ily +Ġabund ance +Ġpredict able +r ar +Ġbull shit +le en +che t +M or +M uch +ä ¹ +Ġemphas ized +Ġcr ust +Ġprim itive +Ġenjoy able +ĠPict ures +Ġteam mate +pl er +ĠT ol +ĠK ane +Ġsummon ed +th y +ram a +ĠH onda +Ġreal izing +Ġquick er +Ġconcent rate +cle ar +Ġ2 10 +ĠErd ogan +ar is +Ġrespond s +ĠB I +Ġelig ibility +Ġpus hes +ĠId aho +Ġagg rav +Ġru ins +ur ations +Ġb ans +Ġan at +sh are +Ġgr ind +h in +um en +Ġut ilities +ĠYan kees +Ġdat abases +ĠD D +Ġdispl aced +Ġdepend encies +Ġstim ulation +h un +h ouses +ĠP retty +ĠRaven s +ĠTOD AY +Ġassoci ates +Ġthe rape +cl ed +Ġde er +Ġrep airs +rent ice +Ġrecept ors +Ġrem ed +ĠC e +Ġmar riages +Ġball ots +ĠSold ier +Ġhilar ious +op l +13 8 +Ġinherent ly +Ġignor ant +Ġb ounce +ĠE aster +REL ATED +ĠCur rency +E V +ãĥ ŀ +ĠLe ad +Ġdece ased +B rien +ĠMus k +J S +Ġmer ge +heart ed +c reat +m itt +m und +ĠâĢ ĭ +ĠB ag +Ġproject ion +Ġj ava +ĠStand ards +ĠLeon ard +Ġcoc onut +ĠPop ulation +Ġtra ject +Ġimp ly +Ġcur iosity +ĠD B +ĠF resh +ĠP or +Ġheav ier +ne ys +gom ery +Ġdes erved +Ġphr ases +ĠG C +Ġye ast +d esc +De ath +Ġreb oot +Ġmet adata +IC AL +Ġrep ay +ĠInd ependence +Ġsubur ban +ical s +Ġat op +Ġall ocation +gener ation +ĠG ram +Ġmoist ure +Ġp ine +ĠLiber als +Ġa ides +Ġund erest +ĠBer ry +Ġcere mon +3 70 +ast rous +ĠPir ates +Ġt ense +ĠIndust ries +ĠApp eals +ĠN ear +Ġè£ı ç +Ġlo vers +ĠC AP +ĠC raw +Ġg iants +Ġeffic acy +E lement +ĠBeh avior +ĠToy ota +Ġint est +P riv +A I +Ġmaneu ver +Ġperfect ion +Ġb ang +p aper +r ill +Ge orge +b order +in ters +ĠS eth +Ġcl ues +ĠLe vi +ĠRe venue +14 7 +Ġv apor +Ġfortun ate +Ġthreat ens +Ġve t +Ġdepend ency +ers ed +art icle +ĠBl izzard +Ġch lor +Ġmin us +ĠB ills +Ġcryptoc urrency +Ġmetabol ism +ter ing +Ġp estic +step s +ĠTre asure +ract ed +ĠConst ant +Ġtem p +13 9 +ĠDet ective +ur ally +Ġrecover ing +Ġcort ex +Ġ14 4 +cl osed +Ġprejud ice +aun ted +Ġstorm s +ĠN OW +Ġmach inery +Add ress +Ġcompe lled +27 0 +Ġdesp air +b ane +Ġveget able +Ġbed s +Lear n +Ġcolor ful +Ġsp ike +Ġmarg ins +Ġsymp athy +Ġworks hop +ĠC BC +S at +Ġburn s +ĠG ender +Ġ12 9 +ĠC able +Ġdeb ts +ĠThe resa +Ġreflect ing +Ġa irst +Ġr im +ram id +Ġweakness es +W rit +ogg le +t i +ĠCh arge +Ġwe ighed +Ġ( . +Ġl aughter +Ġrou ter +ĠDemocr acy +D ear +Ġhas ht +Ġd y +Ġhint s +run ning +Ġfin ishes +ar us +M ass +res ult +asc us +Ġv intage +Ġcon qu +Ġwild ly +ac ist +Ġl ingu +Ġprot agonist +st rom +te enth +ĠSol o +m ac +f illed +Ġre nown +it ives +Ġmot ive +ĠAnt ar +ĠM ann +ĠAd just +Ġrock ets +Ġtrou bling +e i +Ġorgan isms +ass is +Christ ian +Ġ14 5 +ĠH ass +Ġsw all +Ġw ax +ĠSurv ival +V S +ĠM urd +v d +stand ard +Ġdrag ons +Ġacceler ation +r ational +f inal +Ġp aired +ĠE thereum +Ġinterf aces +Ġres ent +Ġartif acts +Å « +are l +Ġcompet itor +ĠNich olas +ĠSur face +c pp +ĠT ot +Ġeconom ically +Ġorgan ised +Ġen forced +in ho +Ġvar ieties +Ġab dom +ĠBa iley +id av +ĠSal v +p aid +Ġalt itude +ess ert +ĠG utenberg +are a +op oulos +Ġprofess ors +igg s +ĠF ate +he y +Ġ3 000 +D ist +Ġtw ins +c ill +ĠM aps +Ġtra ps +Ġwe ed +ĠK iss +Ġy oga +Ġrecip ients +ĠWest minster +Ġpool s +ĠWal mart +18 8 +ĠSchool s +att ack +ĠAR M +par agraph +W arning +j l +Ġself ish +anche z +ĠHe ights +F re +ĠS oph +Ġ -------------------------------- +t ml +33 3 +Ġraid s +Ġsatell ites +KE Y +Ġlast s +Ñ Ĥ +In s +ĠD ame +Ġunp redict +// / +gh ai +Ġart illery +Ġcru ise +Ġg el +ĠCabin et +Ġbl ows +ĠE sp +Ġprox imity +ot he +ĠSk ills +ĠU pper +ob o +ĠN DP +Ġenjoy s +Ġrepe ating +ĠConst ruction +ĠQuest ions +H illary +Ġu int +Ġprocess ors +ĠGib son +ĠMult iple +q a +ĠB om +ĠM iles +vent ional +Ġhur ts +s kin +ĠA IDS +Ġadvis ers +ĠR oot +Ġmethod ology +ĠD ale +Ġdet on +ĠKnow ledge +sequ ently +Ġ12 1 +Ġconnect s +C y +ĠD anger +Ġcontribut ors +ĠB ent +Ġbr ass +ĠGun s +int o +ĠFort une +Ġbro ker +bal ance +Ġlength s +Ġv ic +Ġaver aging +Ġappropri ately +ĠCamer a +Ġsand wich +ĠCD C +Ġcoord inate +Ġnav ig +Ġgood ness +l aim +Ġbra ke +Ġextrem ist +ĠW ake +ĠM end +ĠT iny +ĠC OL +ĠR F +ĠD ual +ĠW ine +C ase +Ġref ined +Ġl amp +L ead +Ġb apt +ĠCar b +ĠS add +ĠMin neapolis +PD F +Ear ly +ĠH idden +I ts +ĠT IME +Ġp ap +Ġcommission ed +ĠF ew +ĠCol ts +ĠB ren +Ġbot hered +Ġlike wise +Ex per +ĠSch w +c ry +n n +ĠM itch +im on +M G +b m +UM P +r ays +Ġregist ry +Ġ2 70 +ach ine +re lla +ant ing +00 000 +Ġru ined +sp ot +Ġt a +Ġmaxim ize +Ġincon ven +D ead +H uman +En abled +ĠMar ie +Ġch ill +ĠParad ise +Ġstar ring +ĠLat ino +ĠProt ocol +ĠE VER +Ġsuppl iers +m essage +ĠBro ck +Ġser um +âĸĪâĸĪ âĸĪâĸĪ +Ġen comp +Ġamb ition +ues e +Ġar rows +And rew +Ġanten na +Ġ19 61 +ĠB ark +Ġb ool +ãĤ ª +ĠSt orage +Ġrail way +Ġtoug her +ĠC ad +Ġwas hing +P y +' ] +em bed +ĠMem phis +ack le +Ġfam ously +ĠF ortunately +ov ies +Ġmind set +Ġsne ak +ĠD h +RA W +ĠSim pson +Ġliv est +Ġland mark +Ġc ement +L ow +Ġthr illed +ĠCour se +in el +Ġch uck +id ate +gl obal +Ġwh it +Ġ � +ad ays +s ki +ĠS V +Ġvir uses +30 6 +ĠResp ons +Ġthe aters +ĠBr anch +ĠGene va +ĠM K +Ġunbel iev +Ġcommun ist +Orig inal +ĠRe ceived +ĠTrans fer +ĠAr g +In put +ĠStr ategy +Ġpal ace +the ning +D ri +Ġsent encing +umbn ail +Ġp ins +re cy +Ġs iblings +Get ting +ĠB U +ĠNorth west +Ġprolong ed +ĠSak ura +C omb +ĠB our +Ġinadequ ate +ĠK ash +Ġus ername +ĠImpro ve +Ġbatt ling +ĠM AC +Ġcurric ulum +Ġs oda +ĠC annon +Ġsens ible +sp ons +De cember +Ġw icked +ĠP engu +Ġdict ators +ĠHe arts +og yn +Ġsimilar ities +ĠSt ats +Ġh ollow +it ations +": [ +Ġh over +ĠList en +s ch +S und +Ġc ad +ĠPar ks +Ġl ur +Ġhy pe +ĠL em +N AME +is ure +Fr iday +Ġshoot s +Ġclos es +Ġd b +ĠR idge +ĠDiff erent +Ġrepl ies +ĠBroad way +op ers +Ġint oler +ĠZe us +akes pe +Ġpropri etary +Ġrequest ing +Ġcontro llers +ĠM IN +im edia +be cca +Ġexp ans +Ġoil s +B ot +ĠCh and +Ġpr inter +Ġto pped +ĠP OL +ĠEar lier +S ocial +av in +Ġdecre ases +ĠSe b +Ġspecific ations +ĠBl ast +ĠK urt +Ġfre el +B rown +Ġdil ig +ro e +ĠPro blem +ĠQu ad +Ġdecent ral +ĠV ector +an ut +Ġplug ins +ĠGreg ory +Ġfuck ed +el ines +ĠAmb assador +t ake +Ġcle ans +ong yang +An onymous +st ro +" } +al ine +ĠO dd +ĠE ug +2 16 +Ġbo il +ĠP owers +Ġnurs es +Ob viously +ĠTechn ical +Ġexceed ed +OR S +Ġextrem ists +Ġtr aces +ex pl +Ġcom r +ĠS ach +) / +Ġm asks +Ġsc i +B on +Ġreg ression +we gian +Ġadvis or +it ures +ĠV o +ex ample +ĠInst ruct +Ġs iege +Ġredu ctions +pt r +Ġstat utory +Ġrem oves +Ġp uck +red its +Ġbe e +Ġsal ad +Ġpromot ions +ĠJosh ua +with standing +ET H +ĠCh a +im us +Ġexpend iture +aun ting +Ġdelight ed +Ġ15 5 +be h +Ġcar pet +ĠSp art +Ġj ungle +l ists +Ġbull ying +ĠNob el +ĠGl en +Ġreferen ced +Ġintrodu ces +se in +Ġcho pped +gl ass +ĠW rest +Ġneutral ity +Ġâ Ļ +Ġinvestig ator +Ġshel ves +Ġun constitutional +Ġreprodu ction +Ġmer chant +m ia +Ġmet rics +Ġexplos ives +ĠSon ia +Ġbod ily +Ġthick ness +Ġpredomin antly +ĠAb ility +Ġmon itored +IC H +Ġ] . +ĠMart inez +Ġvis ibility +Ġqu eries +Ġgen ocide +ĠWar fare +Qu ery +Ġstud ios +Ġemb ry +Ġcorrid or +Ġclean ed +com plete +ĠM H +Ġenroll ment +ING S +Ġimpact ed +Ġdis astrous +ĠY un +ĠCl aire +ĠBas ically +y t +uster ity +Ġindirect ly +w ik +Ġd od +ĠCar r +Ġam p +Ġprohib it +ĠIn itial +ĠR d +ij i +Ġeduc ate +c orn +i ott +ĠBeaut y +Ġdetect ive +ĠCon n +s ince +Ġst agger +Ġob ese +Ġb ree +olog ic +is se +walk er +Ġbl ades +Ġlaw ful +fun c +ĠBeh ind +Ġappet ite +Ġ( * +Ġt ennis +Ġoff spring +Ġj ets +Ġstruct ured +Ġafore mentioned +N ov +Ġsc aling +f ill +Ġst ew +Ġcur b +ĠStep han +ed In +S F +ob ic +é ŃĶ +ou g +ĠM M +Ġgen etically +ope z +13 6 +Ġu mb +anc ers +Ġcoh ort +Ġmerch andise +Ġimp osing +ĠLegisl ature +ĠArch ive +iv ia +ĠN aval +Ġoff ences +Ġmir acle +Ġsn apped +Ġf oes +Ġextensive ly +ĠR af +Ġc ater +ed ience +K it +ĠB in +Ġrecomm ends +ĠC ities +Ġrig id +ĠRE AD +ĠNob le +ĠT ian +Ġcertific ates +ant is +o iler +ĠBudd hist +d id +Ġsurvey ed +Ġdown ward +Ġprint s +ĠMot ion +ron ics +ĠS ans +oss ibly +u ctions +Ġcolon ies +ĠDan ish +un it +Ġsp oil +Ġadvis ory +ber ries +Pl an +Ġspecific ation +op hers +ĠRes ource +Ġsh irts +prising ly +commun ications +Ġtriv ial +Ġmention ing +ise xual +Ġsupp lements +Ġsuper vision +B P +v or +Ġw it +Ġco oldown +Ġplaint iff +ĠReview s +ĠS ri +ĠM int +ĠSug ar +Ġafter ward +ĠPri est +ĠInvest ment +og ene +ĠT aking +Ġstretch ing +Ġinflamm ation +ĠTe hran +Ġl ining +Ġfree zing +ĠEnt ity +Ġins piring +spe cial +pr ice +Ġsu e +ĠP orter +oun ge +ET A +ĠD erek +ĠLu is +u o +ym ph +Ġex terior +ih il +ĠAsh ley +in ator +Ġnut rients +ĠTh rones +Ġfin ances +ĠIn spect +Ġspe cially +ĠRequ ired +ĠP TS +ĠViol ence +oint ed +sh ots +Ġex cerpt +co on +IN S +ĠG ri +Ġrecogn ised +We ek +You ng +Ġv om +is le +ĠCur ry +ĠBudd h +Ġnot ebook +Ġd urable +/ ? +ĠG ad +ĠP upp +Ġforg ive +p ark +Ġpersonal ities +an alysis +cl amation +Ġelev ator +Ġware house +ĠR ole +un n +Ġillust ration +ĠSc an +Ġatmosp heric +Im port +AN C +rict ed +f u +01 0 +Ġar che +Ġreward ed +akespe are +Ġintern ally +ĠR BI +alk er +Ġeleph ant +ow itz +ĠP izza +Ġbip artisan +é s +Ġslow ed +ĠSt ark +Ġover ride +OU S +Ġ3 20 +undred s +ĠDe ck +ĠC ensus +be e +14 6 +ot or +Ġ ip +Ġu b +oc ations +ĠBut ton +r ice +Ġc ripp +ff f +Ġorig inated +Ġoverwhel med +app a +Ġfore most +âĢ ij +ĠL EG +re lease +eat ured +at ches +Ġre ps +Ġl ending +ĠRe ference +ĠCl ient +16 5 +vent h +Com plete +ĠPat rol +Ġsw orn +c am +Ġshut tle +ĠR alph +Ġh ometown +- , +on al +ĠB P +å ı +Ġpersu ade +ĠAlex and +Ġcomb ines +Ġv ivid +ĠL ag +Ġenc oding +Ġsal vation +w en +ĠRec overy +i ya +Un iversity +ĠB iden +Ġbud gets +ĠTex ans +f its +Ġhon ored +Ġp ython +T D +## # +cl one +Ġbl ink +ĠL iquid +Ġunemploy ed +Ġcl ashes +ĠCoun sel +Ġdirect ing +Ġpun ct +ĠFal cons +Ġsh ark +ĠDam ascus +Ġje ans +Ġemb ark +Ġse ize +Ġup wards +2 80 +ĠE z +ĠAny thing +Ġex otic +l ower +ĠCreat or +ĠU m +Ġsubur bs +ber ger +ĠW end +Ġm int +ĠX X +ĠD ro +Ġsuff ers +Ġher b +t ree +Ġfrag ile +Ġflood ed +ĠAl cohol +ole an +ny der +ĠK O +F ram +Ġ13 6 +Ġow ed +ĠMe lee +ĠH ash +Ġwh isk +Ġsu do +r r +Qu ick +app ro +Ġi i +ĠEx amples +he e +Ġpromot es +per ature +k ar +ĠHon or +Ġs odium +ĠL if +ros so +intend ent +Ġcorrespond ent +F ound +sec ret +Ġident ifies +ag ne +Ġl ou +ĠP P +Ġcoinc idence +m ove +Ġmilit ia +Ġinf iltr +ĠPrim ary +Ġpitch ing +ĠI b +ĠGO OD +ãĤ ¸ +ĠW izards +ir al +ĠVen us +R R +ĠâĢ ķ +ĠCase y +Ġsad ly +Ġadm ire +Ġembarrass ed +c b +M el +Ġtub es +Ġbeaut ifully +ĠQueens land +Bel ow +re z +qu et +ple asant +Ġ « +C amp +Ġdec isive +19 98 +ĠL amb +ut ton +h n +ĠJ agu +au nder +ĠC ord +Ġcl erk +Ġca ffe +Ġwip ed +Ġre im +ĠMount ains +Ġimprison ed +Ġdevelop s +ĠP ra +Ġmodel ing +Any one +ance l +ĠS it +Ġshield s +Ġl awn +Ġcard iovascular +Ġdemonstr ating +Ġpar se +ĠIsrael is +Ġeuro s +14 3 +Ġgl orious +ins ki +ec d +Ġcondition ing +Ġhel pless +Ġmicro sc +ĠHar bor +Ġst akes +Ġ2 60 +Ġun equ +ĠFl oyd +Ġd amp +Ġappar atus +ĠLaw s +Ġcoun ters +Ġindu ce +at able +ĠAh med +Ġsl am +N ovember +Ġpers ist +Ġim minent +á n +Ġsh red +Ġph ases +ĠEd monton +ĠArm strong +ĠMe et +ĠK itty +Ñ Ģ +c irc +ĠAd ult +Ġa rose +ĠX en +D an +g ow +Ġsuper f +ĠAd mir +Ġend ure +Ġkey word +yr us +Ġy arn +Ġpath way +ĠHop kins +mid t +Ġcens orship +d ependent +Ġinstruct or +S ources +Ġto e +Ġball oon +N ob +Ġsw ear +ĠCast ro +Ġgl oss +ĠK avanaugh +Ġremark ably +Ph otos +ĠN om +ĠS outheast +y ers +Ġvalid ation +Ġcann on +ĠVict ory +ĠPier re +Ġcaut ious +Aud io +Ġf etch +ĠG ift +ĠH yp +Ġrem edy +Z E +Ġsc ent +Ġbe ard +ĠR ut +- " +Ġpat ents +H y +Ġun just +Ġpot ato +Ġforth coming +Ġche f +ĠR ift +aff e +ĠR OM +ĠL aunch +Ġp ads +ĠNe o +Ġon set +Ġsquee ze +s afe +Ġpref ix +ĠT M +ĠN early +ĠClin ical +ĠM ental +ot iation +ĠUn ic +ant ry +ĠC ir +Ġep it +à ¦ +Ġextract ed +verse ly +ri ad +Ġstr ains +Ġto ps +Ġpo em +ĠRand y +ĠMap le +TH ER +up iter +ĠSS D +ļ é +Ġun con +per ing +Ġsle pt +in ers +Ġunder water +ĠEv idence +g one +20 5 +Ġhistor ians +Ġsynt hesis +Ġf rog +b asketball +Ġvibr ant +Ġsub ord +Ġ3 65 +ĠD ial +Ġcooper ate +HA HA +Ġgreet ed +15 8 +Ġj azz +Ġinto x +ĠWalk ing +Ġsuper visor +ĠF usion +ĠMer cedes +s end +H am +s d +n l +Ġtour s +ĠF IFA +Ġcul p +g d +30 4 +Ġple as +Ġillust rates +ĠColomb ia +Ġhighlight ing +ĠSum mary +Ġexp osing +ĠD ru +Ġir ony +r itional +ĠCar roll +ĠEll is +P ict +ĠR apt +Ġad apter +Ġun m +Ġcor pse +Ġceleb rities +D en +at um +ĠAp ocalypse +ĠW ag +lin ing +Ġhorm ones +R ub +ĠX i +ĠV aults +20 8 +alky rie +inos aur +Ġfeed s +v ity +Ġdefe ating +W ait +Ġemphas ize +ĠSteel ers +yr inth +le ys +ĠWhe never +Current ly +ĠCl ock +Ġcollect ively +any on +ĠJ P +Ġment ality +Ġdownload s +Ġsurround ings +ĠBarn es +Ġflags hip +Ġindic ators +Ġgra pp +Jan uary +ĠElement al +ĠAthen a +ib al +Ġs ights +Ġcap ita +ĠTreat y +Ġvo iced +ĠG az +let te +Ġy a +Ġexp ired +Leg end +H ot +n ature +Ġunst able +Ġ2 80 +à º +Com ment +AL E +Ġquest s +Ġhand ler +n is +Ġvers atile +Ġconce al +enge ance +ĠInter active +Ġobs essed +ĠDog s +Ġcr acked +S ound +s v +ĠD ylan +ro ads +f x +ĠCath olics +ĠH ag +Ġsl ammed +Ġgl owing +s ale +Ġtiss ues +ĠCh i +ne e +Ġc her +s ic +ur rection +Ġb acon +ul atory +) ." +Ġir regular +FOR M +ass ed +Ġintention al +Ġcompens ate +ĠSpe aking +ĠS ets +15 3 +Ġconvent ions +b ands +em ade +Ġe cc +ĠWin ston +ĠAssass in +ĠBelg ian +Ġdepend ence +Ġnic he +Ġb ark +ĠJ azz +Ġdisadvant age +Ġgas oline +Ġ16 5 +çļ Ħ +ess a +mod ule +ang ular +O Y +ĠTreat ment +it as +ol ation +ĠArn old +Ġfe ud +ĠN est +Ġthe atre +ew ater +Ġmin ors +olic y +ĠH aven +div ision +Ġtr unk +F ar +ĠP ull +Ġcapt uring +Ġ18 00 +ĠTe en +Ġex empl +Ġclin ics +ĠB urg +Ġsubst it +Ġpay load +ĠL av +ĠT roy +ĠW itness +Ġfrag ments +Ġpass words +Ġg ospel +ĠG in +Ġten ants +ol ith +S ix +Pre vious +ĠAg es +ĠDar win +Ġbl at +Ġem pathy +sm ith +b ag +ĠE cho +ĠC amb +ĠM add +ĠB oo +Ġred e +ĠBurn ing +Ġsmooth ly +ĠAd rian +ĠV ampire +ĠMon sters +ste am +Sty le +M a +re a +ĠD war +aly st +urs or +Ġelim ination +Ġcrypt o +ch t +ĠE ternal +âĢ¦ ] +ĠS orce +I ll +N ER +Ġu h +Con clusion +w age +Ġresp ir +Ġrem inis +het ical +Ġg y +Ġutil ized +ic idal +Ġ19 00 +Ġhun ters +ĠSw an +ĠRe act +Ġvis itor +ĠThanks giving +30 8 +Post s +Ġh ips +19 97 +om ers +Ġkn ocking +ĠVeh icle +Ġt il +Ġ13 8 +Ġm i +ĠInvest igation +ĠKen ya +Ġcas ino +Ġmot ives +Ġreg ain +re x +Ġweek ends +Ġstab bed +bor o +Ġexplo ited +ĠHA VE +ĠTe levision +c ock +Ġprepar ations +Ġende av +ĠRem ote +ĠM aker +ĠPro du +ĠEv an +Ġinform ational +ĠLouis ville +15 4 +ĠDream s +Ġpl ots +ĠRun ner +Ġhur ting +Ġacad emy +ĠMont gomery +n m +ĠL anc +ĠAl z +2 10 +el ong +Ġretail er +Ġar ising +Ġrebell ion +Ġbl onde +play ed +Ġinstrument al +C ross +Ġret ention +Ġtherape utic +Ġse as +Ġinfant ry +ĠCl int +Ġprompt ing +Ġbit ch +Ġst ems +ĠK ra +Ġthe sis +ĠB og +ru ed +Ġk ings +Ġcl ay +ific ent +ĠY ES +ĠTh ing +ĠCub s +vey ard +els h +in arily +ĠE y +ĠRoll ing +Ġev olving +Ind ia +Ġrecogn izes +Ġgrad uation +is ers +Ġfert ility +ĠMil an +Comm and +Ġbox ing +Ġ19 43 +Ġgl uten +ĠEm ir +Ġid ol +Ġcon ceived +ĠCre ation +Mer it +udd y +uss ions +ĠLie utenant +iet al +Ġunch anged +ĠSc ale +ĠCrime a +ball s +ator ial +Ġdepth s +Ġempir ical +Ġtrans m +Ġuns afe +miss ible +com fort +15 6 +Ġmechan ic +00 2 +l ins +Ġsm oked +P os +Ġslow ing +Ġl av +Tex as +Ġche ating +ĠMet ropolitan +eth yl +Ġdiscover ing +as se +Ġpen cil +ĠPy ongyang +Ġclos et +ĠShe et +ĠEnt ry +ou stic +Ġmy st +er ate +ari at +Ġminer als +Ġmusic ian +ĠP ul +ĠM az +24 9 +Ġper missions +Ġ iv +en ary +ick ers +ĠB ing +he a +en able +Ġgri ev +Ġassert ed +ĠColon el +Ġaff idav +w o +Ġse ated +ĠR ide +Ġpaint ings +ĠP ix +Ġ13 7 +ish i +umb ai +g otten +ĠEar l +Ġin ning +Ġc ensus +Ġtrave lled +ĠCons ult +18 5 +b ind +Ġsimpl icity +Ġoverlook ed +ĠHelp ful +Ġmon key +Ġoverwhelming ly +Bl ood +ĠFl int +ĠJ ama +ĠPres ent +ĠR age +ĠT A +pt ive +Ġturn out +w ald +ĠD olphins +ĠV PN +Ġon ion +Ġcraft ing +m ma +ĠMerc ury +Ġarr ange +Ġalert s +ĠO T +zb ollah +Ġg ases +ĠRichards on +s al +l ar +Ġfro st +Ġlower ing +Ġacc laim +Ġstart ups +ĠG ain +ess ment +Ġguard ian +äº º +ĠP ie +ĠL inks +Ġmer its +Ġaw ake +Ġparent al +Ġexceed s +Ġid le +ĠPil ot +Ġe Bay +ĠAc cept +ipe g +C am +ĠK ot +Ġtrad ers +olit ics +unk er +ĠP ale +os i +an mar +Ġ19 47 +ĠF ell +est ial +it ating +G F +ĠS r +if ted +Ġconnect or +ĠB one +ill es +2 60 +h ma +Ġoverl ap +ĠGit Hub +Ġclean er +ĠBapt ist +ĠW AS +Ġlung s +Ñ ģ +ĠB UT +Ġc ite +Ġpit ched +reat ment +Ġtro phies +ĠN u +38 6 +ĠPr ide +Ġattend ees +[ ] +17 9 +Ġspat ial +Ġpri zes +ĠRel igion +Ġshow case +ĠC ategory +vid ia +T arget +Pro perty +? , +Ġf usion +p ie +ĠU CLA +Ġsound track +Ġprin cess +ĠC aval +sh ould +Ġlim bs +Back ground +Ġlone ly +Ġc ores +ĠT ail +she et +Ġ13 2 +R a +ãĤ « +ĠB olt +Ġbook ed +Ġadmin ister +Ġequ als +w y +Ġobserv ing +ĠBar on +ĠAd obe +Ġv irgin +ĠSocial ist +M ove +gh azi +ĠLind a +2 12 +Ġbre wing +Ġmerch ants +bur se +Ġdiv or +Ġmet als +ĠN er +Ġsum s +ĠEn emy +Ġen vision +Ġgrant ing +ĠH oney +ĠSk yrim +Ġsoc io +gr aded +Ġselect ive +W ASHINGTON +Ġ19 48 +ĠSir ius +ĠG ross +act ivity +ĠI van +Ġfur ious +BS D +ĠPre vious +Ġrespons ive +Ġchar itable +Ġle aning +ĠP ew +Ġviol ates +\\\\ \\\\ +ĠCom ing +w ire +Ġpo et +Ġres olutions +comm and +ĠPortug uese +Ġnick name +Ġde af +Feb ruary +Ġrecogn ise +Ġentire ty +Ġseason al +pl aced +ĠTe legraph +Ġmicro phone +our ing +Ġgr ains +Ġgovern ed +Ġpost p +ĠW aters +in ement +Ġund ocumented +ĠCom cast +Ġf ox +Ġassault s +re on +man y +ĠJen kins +ĠAny way +Ġassess ments +Ġdown s +ĠM ouse +Ġsuper b +k t +ĠD ow +Ġtax ation +4 01 +Ġsm iles +Ġundert aken +Ġex h +Ġenthusi astic +Ġtw ent +Ġgovernment al +Ġautonom y +ĠTechn ologies +ĠCh ain +Ġpreval ent +f b +Ġnic otine +og ram +j ob +Ġawa iting +ĠMen u +Ġdep uties +k ov +ish ops +But ton +ĠShan ghai +Ġdies el +ĠD uck +R yan +ĠPC s +N F +j ury +ent e +Ġinacc urate +edd y +Wh atever +Ġshow c +ĠN ad +od us +et r +Ġplaint iffs +ĠW OR +ĠAss ange +Ġpriv at +Ġpremium s +Ġt am +UR L +Ġel ites +ĠR anger +otten ham +ĠH off +ĠAt hens +Ġdefin ite +Ġs ighed +Ġeven ly +2 11 +ĠAm ber +ak ia +Ġmail ing +Ġcr ashing +ĠConfeder ate +ru gged +W al +ĠDep ths +Ġjuven ile +Ġreact or +Introdu ction +ĠDel uxe +19 95 +ĠS anchez +ĠM ead +iv able +: - +ĠPlan ning +ĠT rap +qu in +ĠProt ect +ve red +In formation +Ġkid ney +inn amon +l as +Ġpolic ing +Ġtoler ate +ĠQ i +Ġbi ased +F ort +ĠK i +s ave +Ġprivile ged +Ġbe asts +ĠGl as +ĠC inem +Ġcome back +Sund ay +Ġext inction +h ops +Ġtrans mit +Ġdoub les +ĠFl at +16 7 +Ġdis puted +Ġinjust ice +f oo +V ict +role um +ĠJul ie +Con text +ĠR arity +iss ue +Comp onent +Ġcounsel ing +an ne +d ark +Ġobject ions +u ilt +Ġg ast +Ġpl ac +Ġun used +ãĥ ĩ +ĠT rial +ĠJ as +hed ral +ob b +Ġtempor al +ĠPR O +ĠN W +ĠAnn iversary +L arge +Ġther m +Ġd avid +Ġsystem ic +ĠSh ir +m ut +ĠNe pt +add ress +Ġscan ning +Ġunderstand able +Ġcan vas +C at +ĠZ oo +Ġang els +L O +ĠStat ement +ĠS ig +ov able +ĠA way +sh aring +ocr ats +st ated +Ġweigh ing +N or +w ild +B ey +Ġaston ishing +ĠReyn olds +Ġop ener +Ġtrain er +Ġsurg ical +p n +Ġadjust ing +whe el +Ġf rown +erv ative +Ġsusp end +With in +te in +Ġobst acle +Ġliber ties +ym es +Ġur anium +ans om +an ol +ub a +ĠL oss +Ġa rous +ĠHend erson +W ow +s pl +c ur +ĠÂ Ń +Ġtheir s +Dam age +Ġdownload ing +Ġdisc ern +ĠSt o +ĠFl a +Ġh ath +ĠA j +Ġun pleasant +Europe an +exp ensive +Ġscreens hot +ĠU V +Ġall ied +ĠPers ian +Ġmonop oly +Ġat om +ĠReds kins +"> < +Ġcan cell +Ġcinem a +13 1 +f air +ĠAlf red +Ġd uck +arg s +22 3 +ĠIS I +Ġsign aling +in ar +Ġlaugh s +Ġfor wards +Ġreck less +Ġlisten ers +at ivity +Ġvast ly +n ant +L ess +ĠHun ting +ĠScient ific +IT ED +Ġkn ight +ĠH TC +us a +t mp +Ġr ude +ĠLegend ary +Ġar ises +B ad +ĠCl aim +pe g +Ġreal ities +Th ink +Ġ ° +Ġro de +Ġstri ve +Ġan ecd +Ġshort s +Ġhypot hes +Ġcoord inated +ĠGand hi +ĠF PS +R ED +Ġsuscept ible +Ġshr ink +ĠCh art +Hel p +Ġ ion +de ep +rib es +ĠK ai +ĠCustom er +Sum mary +Ġc ough +w ife +Ġl end +Ġposition ing +Ġlot tery +ĠC anyon +Ġf ade +Ġbron ze +ĠKenn y +Ġbo asts +ĠEnh anced +rec ord +Ġemer gence +Ġa kin +ĠB ert +it ous +âĸ ij +Ġst ip +Ġexch anged +om ore +als h +Ġreserv oir +Ġstand point +W M +Ġiniti ate +Ġdec ay +Ġbrew ery +Ġter ribly +Ġmort al +lev ard +Ġrev is +N I +el o +Ġconf ess +ĠMS NBC +Ġsub missions +Cont roller +Ġ20 2 +ĠR uth +} ); +ĠAz ure +Ġ ." +20 6 +ĠMarket ing +Ġl aund +ien cies +Ġrenown ed +ĠT rou +ĠN GO +ble ms +Ġterr ified +Ġwar ns +Ġper t +Ġuns ure +4 80 +ale z +ult z +ĠOut side +Ġst yl +ĠUnder ground +Ġp anc +Ġd ictionary +Ġf oe +rim inal +ĠNor wegian +Ġj ailed +Ġm aternal +é e +ĠLu cy +c op +Ch o +Ġuns igned +ĠZe lda +ĠIns ider +ĠContin ued +Ġ13 3 +ĠNar uto +ĠMajor ity +16 9 +ĠW o +ãĤ ĵ +Ġpast or +Ġinform al +Ð ½ +an throp +jo in +ãģ Ĺ +it ational +N P +ĠWrit ing +f n +ĠB ever +19 5 +Ġy elling +Ġdr astically +Ġe ject +Ġne ut +Ġth rive +ĠFre qu +ou x +Ġpossess es +ĠSen ators +ĠD ES +ĠSh akespeare +ĠFran co +ĠL B +uch i +Ġinc arn +Ġfound ers +F unction +Ġbright ness +ĠB T +Ġwh ale +ĠThe ater +m ass +ĠD oll +S omething +Ġecho ed +ĠHe x +c rit +af ia +Ġgodd ess +Ġele ven +ĠPre view +ĠAur ora +Ġ4 01 +uls ive +ĠLog an +in burgh +ĠCent ers +ĠON LY +ĠA id +Ġparad ox +Ġh urd +ĠL C +D ue +c ourt +Ġoff ended +Ġeval uating +ĠMatthew s +Ġto mb +Ġpay roll +Ġextra ction +ĠH ands +if i +Ġsuper natural +ĠCOM M +] = +dog s +Ġ5 12 +ĠMe eting +Rich ard +ĠMax imum +Ġide als +Th ings +m and +ĠReg ardless +Ġhum ili +b uffer +L ittle +ĠD ani +ĠN ak +Ġliber ation +ĠA be +ĠO L +Ġstuff ed +ac a +ind a +raph ic +Ġmos qu +Ġcampaign ing +Ġoccup y +S qu +r ina +ĠW el +ĠV S +Ġphys ic +Ġp uls +r int +oad ed +ET F +ĠArch ives +Ġven ues +h ner +ĠTur bo +Ġl ust +Ġappeal ed +que z +il ib +ĠTim othy +Ġo mn +d ro +Ġobs ession +ĠSav age +19 96 +Gl obal +J es +2 14 +Ġsl iding +Ġdisapp ro +ĠMag ical +Ġvolunt arily +g b +ane y +Ġprop het +ĠRe in +ĠJul ia +ĠW orth +aur us +Ġb ounds +ie u +)) ) +Ġcro re +ĠCitiz en +S ky +Ġcolumn ist +Ġseek ers +ond o +IS A +ĠL ength +Ġnost alg +Ġnew com +Ġdet rim +ent ric +3 75 +ĠG E +Ġaut op +Ġacadem ics +App Data +ĠS hen +Ġid iot +ĠTrans it +Ġteasp oon +W il +K O +ĠCom edy +> , +Ġpop ulated +W D +Ġp igs +ĠO culus +Ġsymp athetic +Ġmar athon +19 8 +Ġseiz ure +s ided +Ġd op +irt ual +L and +ĠFl oor +osa urs +... ] +Ġl os +Ġsubsid iary +E Y +ĠPart s +ĠSt ef +ĠJud iciary +Ġ13 4 +Ġmir rors +Ġk et +t imes +Ġneuro log +Ġc av +ĠGu est +Ġtum or +sc ill +ĠLl oyd +E st +Ġcle arer +Ġstere otypes +Ġd ur +not hing +Red dit +Ġnegoti ated +---------------- -------- +23 5 +Ġfl own +ĠSe oul +ĠRes ident +ĠS CH +Ġdisappear ance +ĠV ince +g rown +Ġgrab s +r il +ĠInf inite +ĠTw enty +Ġpedest rian +Ġjer sey +ĠF ur +ĠInf inity +ĠEll iott +Ġment or +Ġmor ally +Ġob ey +sec ure +iff e +Ġantib iotics +ang led +ĠFre eman +ĠIntrodu ction +J un +Ġm arsh +ic ans +ĠEV ENTS +och ond +W all +icult y +Ġmisdem eanor +Ġl y +Th omas +ĠRes olution +Ġanim ations +ĠD ry +Ġinter course +ĠNew castle +ĠH og +ĠEqu ipment +17 7 +Ġterrit orial +Ġarch ives +20 3 +Fil ter +ĠMun ich +Ġcommand ed +ĠW and +Ġpit ches +ĠCro at +Ġrat ios +ĠM its +Ġaccum ulated +ĠSpecific ally +Ġgentle man +acer b +Ġp enn +Ġa ka +ĠF uk +Ġinterven e +ĠRef uge +ĠAlz heimer +Ġsuccess ion +oh an +d oes +L ord +Ġsepar at +Ġcorrespond ence +Ġsh iny +P rior +Ġs ulf +Ġmiser able +Ġded ication +( ). +Ġspecial ists +Ġdefect s +ĠC ult +ĠX ia +Ġje opard +ĠO re +Ab ility +Ġle ar +Ġamb itions +ĠB MI +ĠArab s +Ġ19 42 +Ġpres ervation +ific ate +Ġash amed +l oss +ĠRest aur +Ġrese mble +Ġen rich +ĠK N +ĠCl an +fl oat +Ġplay able +IT T +Ġharm ony +arr ison +ĠWe instein +w ere +Ġpoison ing +ĠCom put +ĠWord Press +m ajor +ĠVal ve +F an +ĠTh row +ĠRom ans +ĠDep ression +ad os +Ġtort ured +Ġbal ancing +bott om +Ġacqu iring +ĠMon te +ard i +Ġa ura +Ġ# # +ĠStand ing +ĠAtl as +C F +Ġintr ins +ĠBen ghazi +Ġcamp ing +Ġt apped +bl ade +st rous +ĠR abb +ĠW ritten +t ip +ĠNe igh +ster dam +ĠAll ow +ĠHe aling +ĠR hod +n um +Ġcaffe ine +ĠPer cent +Ġbo o +Ġapp les +30 5 +Ġwel coming +Ġappl aud +Ġa usterity + ± +ĠRe ality +ef e +å ® +Ġsu cks +Ġtab s +ĠPay Pal +Ġback pack +Ġgif ted +abul ary +ĠSc out +ir teen +Ġch in +Ġo mitted +Ġnegative ly +Ġaccess ing +ĠE arn +Ġambul ance +Ġhead phones +Ġ20 5 +ĠRef resh +p resident +ĠKit chen +ĠEnt ered +ĠS nyder +00 5 +om ical +Ġborrow ed +ĠN em +Ġav iation +Ġst all +rim ination +Ġuniform s +it ime +ĠSim mons +ener gy +ab lished +y y +qual ified +Ġrall ies +ĠSt uart +fl ight +Ġgang s +r ag +Ġv ault +lu x +ĠCom par +Ġdesign ation +20 9 +ĠJ os +d ollar +z ero +Ġwell s +30 3 +Ġconstitu ents +Ġhe ck +Ġc ows +Ġcommand ers +Ġdifferent ial +ĠC atherine +29 9 +Ġval ve +Ġbr ace +Ġperspect ives +c ert +f act +icular ly +ĠMc N +pl anes +Ġint ric +Ġpe as +ov an +Ġtoss ed +ret ch +ĠL opez +Ġunf amiliar +de ath +ĠA part +ĠCh ang +Ġrelie ved +rop he +Ġair ports +Ġfre ak +ut il +M ill +ĠCh in +ĠOw en +m ale +ĠBro ken +ĠWind s +ro b +r ising +Ġfire fighters +Ġauthor itarian +Ġ14 8 +Bit coin +ex ternal +Ġbrow sers +iche ver +or ian +Ġun b +Ġpo ke +ĠZ ot +M id +ĠPop ular +Ġco vert +Ġcont ributes +Ġ6 50 +Ġcont ention +G ate +Ġcons oles +Ġchrom os +ĠI X +Ġvis ually +ĠE isen +Ġjewel ry +Ġdeleg ation +Ġacceler ate +ĠR iley +Ġsl ope +Ġind oor +it ially +Ġhuge ly +Ġtun nels +Ġfin ed +Ġdirect ive +Ġfore head +ustom ed +Ġsk ate +Mus ic +g as +Ġrecogn izing +am bo +Ġover weight +ĠGr ade +Ù Ĭ +Ġsound ing +Ġlock ing +ĠR EM +St ore +Ġexc av +ĠLike wise +ĠL ights +Ġel bow +ĠSupp ly +w ic +Ġhands ome +19 94 +C oll +Ġadequ ately +ĠAssoci ate +Ġstri ps +Ġcrack down +Ġmar vel +ĠK un +Ġpass ages +@@ @@ +ĠT all +Ġthought ful +names e +Ġprost itution +bus iness +Ġball istic +person al +c ig +iz ational +R ound +ĠÂłĠÂł ĠÂłĠÂł +ĠCole man +Ġadm itting +ĠPl ug +Ġbit coins +ĠSu z +Ġfair ness +Ġsupp lier +Ġcatast rophic +ĠHel en +o qu +M arc +ĠArt icles +g ie +Ġend angered +Ġdest iny +ĠVol t +ol ia +ax is +Ġche at +Ġun ified +IC O +qu ote +30 2 +ĠS ed +Ġsupp ression +Ġanaly zing +Ġsqu at +Ġfig uring +Ġcoordin ates +Ġch unks +Ġ19 46 +Ġsub p +Ġw iki +ĠFor bes +ĠJ upiter +ĠE rik +im er +ĠCom mercial +\ ) +Ġlegitim acy +Ġd ental +ĠMe an +Ġdefic its +5 50 +Orig inally +ĠHor ror +Ġcontam ination +ll ah +Ġconf isc +ĠCl are +T B +ĠF ailed +an ed +Ġrul er +ĠCont roller +Ġfemin ists +F ix +g ay +20 7 +Ġr abbit +Th ird +ownt own +Ġgl ue +Ġvol atile +Ġsh ining +Ġf oll +Ġimp aired +Ġsup ers +æ Ī +Ġcl utch +ļé ĨĴ +Ġpro let +Ġ( ! +Ġy elled +ĠK iev +ĠEr n +ĠSh ock +K B +Ġsit uated +qu ery +ĠN as +Ġan nex +char acter +ĠHol iday +Ġautom ation +ĠJ ill +ĠRem astered +Ġl inem +Ġwild erness +ĠHor izon +ĠGu inea +A Z +Ġmain land +Ġsec recy +LE ASE +Ġp unk +ĠProv ince +( ), +Spe ed +Ġhand ing +ĠSeb ast +S ir +r ase +Ġj ournals +Ġcon gest +ĠT ut +ir rel +Ġschizophren ia +Ġmis ogyn +health y +I ron +Ġreact ed +- $ +25 2 +Ġpl ural +Ġpl um +Ġbarg ain +Ġground ed +f inder +Ġdis se +ĠL az +O OD +Ġat roc +F actory +Ġmin ions +Ġo ri +ĠB rave +ĠP RE +ĠMy anmar +ĠH od +Ġexped ition +Ġexpl ode +ĠCo ord +Ġext r +ĠB rief +ĠAD HD +Ġhard core +feed ing +Ġd ile +ĠF ruit +Ġvacc ination +ĠM ao +osp here +Ġcont ests +- | +Ġf ren +isp here +R om +ĠSh arp +ĠTre nd +Ġdis connect +âĢ¢ âĢ¢ +Ġper secution +Ear th +Ġhealth ier +38 4 +Ġc ob +ĠTr inity +OW S +AN N +Ġspecial ty +Ġg ru +Ġcooper ative +wh y +Start ing +ĠIss ues +st re +ens or +Ġ18 5 +Ad v +! ? +ĠRe vel +em ia +ĠH ulk +Ġcelebr ations +ĠS ou +ra ud +ĠKle in +Ġun real +con text +Ġpartners hips +Ġadop ting +t ical +Ġspl ash +ĠHe zbollah +c ategory +cycl op +xt on +ĠD ot +urd y +t z +Ġenvelop e +ĠN L +â ķ +Ġwhere in +Spe c +18 4 +Ġte lev +al iation +Ġmyth s +å ° +Ġrig orous +Ġcommun icating +Ġobser ver +Ġre he +ĠW ash +Ġapolog ized +ĠT in +Ġexpend itures +work ers +d ocument +Ġhes itate +ĠLen in +Ġunpredict able +Ġrenew al +cl er +ok ia +ĠCON T +Ġpost season +Tok ens +Ġex acerb +Ġbet ting +Ġ14 7 +Ġelev ation +W ood +ĠSol omon +19 4 +00 4 +out put +Ġredu nd +ĠM umbai +Ġp H +Ġreprodu ce +ĠD uration +MA X +Ġb og +C BS +ĠBal ance +ĠS gt +ĠRec ent +Ġc d +Ġpo pped +Ġincomp et +pro p +ay an +g uy +Pac ific +Ġty r +Ġ{ { +ĠMy stic +ĠD ana +Ġmast urb +Ġge ometry +à ¢ +ĠCor rect +Ġtraject ory +Ġdistract ed +Ġf oo +ĠW elsh +L uc +m ith +Ġrug by +Ġrespir atory +Ġtri angle +Ġ2 15 +Ġunder graduate +ĠSuper ior +ch anging +_ - +Ġright ly +Ġrefere e +Ġluc rative +Ġun authorized +Ġresemb les +ĠGN U +ĠDer by +Ġpath ways +ĠL ed +Ġend urance +Ġst int +Ġcollect or +F ast +Ġd ots +Ġnational s +ĠSec urities +Ġwh ip +Par am +Ġlearn s +M agic +Ġdetail ing +m oon +Ġbroadcast ing +Ġb aked +26 5 +hol m +ĠS ah +ĠHus sein +ĠCourt esy +17 4 +Ġ14 6 +Ġge ographic +pe ace +Ġjud ging +ĠS tern +B ur +Ġstory line +G un +ĠSt ick +24 5 +30 7 +ãĤ´ ãĥ³ +ĠAdminist rator +Ġbur nt +Ġp ave +ch oes +Ex ec +Ġcamp uses +Res ult +Ġmut ations +ĠCh arter +Ġcapt ures +Ġcomp ares +Ġbad ge +S cient +Ġer ad +ier y +o i +ett es +ĠE state +Ġst rap +Ġproud ly +Ġf ried +Ġwithd rawn +ĠV oy +ph ony +It ems +ĠP ierce +b ard +Ġann otation +ant on +ill on +Im pro +... ) +Ġhapp ier +---- -- +ad just +Ġstaff ers +Ġactiv ism +Ġper f +Ġal right +N eed +Ġcomm ence +Ġopio id +ĠAm anda +E s +ĠP ars +ĠK aw +W orks +24 8 +Ġind o +t c +end ant +ĠM oto +Ġlegal ization +OT E +Ġtask ed +Ġt sp +ĠACT IONS +16 6 +Ġrefres hing +ĠN R +ĠPere z +Ġinfring ement +S Y +List en +in ning +k u +Ġrot ate +pro gram +ar ah +Des ign +Ġ( £ +Ġst oring +Ġwar rants +Ġjud gement +ĠB rist +us ually +ph oto +ĠR an +ĠP ine +Ġoutrage ous +ĠValent ine +lu ence +ĠEvery body +Al tern +Ġrele vance +Ġtermin ated +Ġd essert +Ġfulf illed +Ġprosecut ed +ĠW ords +Ġm igrant +Ġcultiv ation +ÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤ ÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤ +idel ity +ĠV ern +ĠLog in +Ġmetaph or +ĠT ip +Ġrecru its +ĠP ig +rib ing +Ġenthusi asts +ex per +Ġfright ening +ĠH air +ans on +str ate +Ġh i +He ight +Ġown ing +n one +Ġdis like +Ġkn ives +pher d +Ġloud ly +ĠAP Is +Dis play +ĠL ac +ĠUS S +ab l +ver ages +J ew +Ġ17 2 +ĠHist orical +at oon +ĠPhys ics +in tern +Ġwarm th +Ġto pp +D M +Ġgun man +Ġem peror +od i +ãĥ £ +in atory +ĠR ib +Ġ13 1 +ĠSat urn +ĠSh ining +Ġw aking +Qu otes +Ġcomed ian +en berg + ½ +Ġbelie vers +Ġpaper work +c ustom +Ġle v +Ġl ament +Ġpour ing +22 2 +p olitical +ĠSupp lement +m aid +Ġcruel ty +Ġt read +ys ics +A w +rit es +Ġmod ifier +ĠP osition +Ad am +l b +ub s +Ġimper fect +Ġcl usters +ĠEngine er +ĠC herry +Ġinaug uration +ĠS au +Ġembod iment +ĠUn cle +Ġover r +Ġexplos ions +c ule +ĠPrinc eton +ĠAndre a +Ġincorrect ly +Ġearn est +Ġpil gr +ĠS print +Ġslee ve +Ġhe ars +ĠAm azing +Ġbrow sing +ag in +Ġhom eland +Ġha w +Ġd iving +ist ered +17 8 +Ġbarg aining +ĠArc ade +Ġdeleg ate +ters on +................................ ................................ +ĠJackson ville +27 5 +Ġst agn +Ġad am +ĠSher man +C B +Ġsub urb +ĠFood s +Ġconver ting +ĠAr ist +Ġch ambers +l ove +Ġam ino +ĠG an +Ġmad ness +m c +ĠUS E +def ined +Ġul tr +ind ust +Ġw olves +l ance +Add itionally +Ġcr acks +as ia +ĠRe ason +ĠP ump +Ġaccident al +ĠL aser +ĠR id +Ġinitial ized +ell i +Ġun named +Ġn oun +ĠPass ed +Ġhost age +ĠEth iop +sh irts +Ġun rel +ĠEmb assy +Ġ19 41 +Ġat oms +Ġpur ported +16 4 +ĠF i +Ġgall ons +ĠMon ica +Ġp g +en ment +Ġsort ed +ĠG ospel +Ġhe ights +Ġtr aced +Ġunder going +She ll +Ġs acks +Ġproport ions +Ġhall uc +F ont +ac et +Ġwar mer +ĠIN TER +Ġgrab bing +Pl ug +Ġreal ization +ĠBur ke +Ġen chant +AT ER +ĠSe ed +Ġabund ant +F M +Ġc ivic +V s +is i +Ġv ow +Ġre per +ĠPartners hip +Ġpenet ration +Ġax e +Ġsh attered +ĠZ ombies +Ġv inyl +ĠAl ert +e on +Ġoblig ed +ĠIll ust +ĠPl aza +ĠFront ier +Ġdavid jl +ĠSer ial +ĠH av +ĠNut rition +B i +Ġâĸ Ī +ĠJ ays +lin ux +Ġhur ry +Ġv oy +Ġhop eless +ĠSte alth +Ġ ãģ +ess ors +tt le +b org +ĠSaf ari +f ell +Ġw ary +d ue +ĠAb ove +H a +E LL +Ġnot or +ĠW on +T oo +Ġoccup ations +Ġposs essions +Ġinv iting +Ġpred ators +Ġacceler ated +Ġ15 7 +uter te +ĠC ube +e ast +acc ount +G ive +Ġtrans plant +red ients +id able +Ġscreens hots +ĠG und +ĠF S +Ġtravel ers +Ġsens ory +ĠF iat +ĠRock ets +İ ĭ +_ { +F riend +Ġchar ming +AL S +Ġenjoy ment +m ph +Ġ5 000 +ĠRE G +Ù Ĩ +b ia +Ġcomp ilation +ro st +ĠV P +ĠSch ne +201 9 +Ġcop ying +M ORE +ĠFl ore +f alls +2 15 +t otal +Ġdis ciples +d ouble +Ġexceed ing +Ġsm ashed +Ġconcept ual +ĠRom ania +ĠB rent +ĠI CE +ĠT ou +Ġg rap +Ġn ails +18 9 +ãĥ ĺ +Ġproc ure +e ur +Ġconfir ming +ĠC ec +aw i +ĠEd en +Ġn g +Ġengine ered +at ics +Ġhook ed +Ġdisgust ing +ĠMur der +ãĤ ¿ +L ibrary +Ġ16 8 +Al most +hem atic +Men u +ĠNot re +ĠJ ur +Ġkidn apped +Ġhack er +ĠJ ade +Ġcreep y +Ġdraw ings +ĠSpons or +Ġcycl ists +ĠGob lin +Ġoptim ized +Ġst aged +ĠMc D +bet ween +A ge +en o +S ex +ĠW ide +n ings +av is +Ġincap able +ĠK ob +Ġreward ing +ĠL one +oles cent +Ġcontract ed +Ġstick y +J ose +B all +f est +ĠIn put +ĠRec ently +Ġto mat +squ are +App lication +Ġnit rogen +Ġdupl icate +ĠRec on +ĠD ear +L ondon +Ġint ra +Ġd ock +Ġout reach +ĠM illion +Ġmamm als +am pton +V AL +Ġsn aps +Ġd os +ĠWh ole +ĠRead y +T ry +ĠWinn ipeg +ear ance +Ġinc urred +ren ched +ĠNS W +il ot +rain e +Ġc ube +g ot +Ġrun way +etermin ed +ĠHaw ks +Ġsurviv or +ĠW ish +ĠD in +ĠDE F +ĠV ault +18 7 +Ġmush rooms +Ġcris p +be y +ĠDisco very +Ġdevelopment al +Ġparad igm +Ġcha otic +ĠT su +Ġ3 33 +b ons +Ġbacter ial +Ġcomm its +Ġcos mic +Ġme ga +oc ative +ĠP aint +ophob ic +Ġv ain +Ġcar ved +ĠTh ief +ĠG ul +ows hip +Ġc ites +ĠEd inburgh +Ġdimin ished +Ġacknowled ges +ĠK ills +Ġmic row +ĠHer a +Ġsen iors +Ġwhere by +H op +at ron +Ġun available +ĠN ate +Ġ4 80 +Ġsl ated +ĠRe becca +ĠB attery +Ġgram mar +Ġhead set +Ġcurs or +Ġex cluding +any e +aunder ing +eb in +Ġfeas ible +ĠPub lishing +ĠLab s +ĠCl iff +ĠFerr ari +Ġp ac +vis ible +mark ed +pe ll +Ġpol ite +Ġstagger ing +ĠGal actic +Ġsuper st +Ġpar an +ĠOffic ers +ãĢ ģ +Ġspecific s +ul us +23 9 +ĠP aste +AM P +ĠPan ama +ĠDe lete +angu ard +rest rial +Ġhero ic +ĠD y +ا ÙĦ +Ġincumb ent +Ġcr unch +t ro +Ġsc oop +Ġblog ger +Ġsell ers +ure n +Ġmedic ines +ĠC aps +ĠAnim ation +ox y +Ġout ward +Ġinqu iries +22 9 +Ġpsych ologist +ĠS ask +ev il +Ġcontam inated +ãĤ ¨ +he rence +Ġbrand ed +ĠAbd ul +z h +Ġparagraph s +Ġmin s +Ġcor related +er b +Ġimp art +Ġmil estone +ĠSol utions +ot le +Ġunder cover +Ġmar ched +ĠCharg ers +f ax +ĠSec rets +Ġr uth +we ather +Ġfemin ine +Ġsh am +Ġprest igious +igg ins +Ġs ung +hist ory +ett le +gg ie +Ġout dated +ol and +Ġper ceptions +ĠS ession +ĠDod gers +u j +ĠE ND +D oc +Ġdefic iency +Gr and +ĠJ oker +Ġretro spect +Ġdiagn ostic +Ġharm less +Ġro gue +ĠA val +E qu +Ġtrans c +ĠRoberts on +ĠDep ending +ĠBurn s +iv o +Ġhost ility +F eatures +ĵ ĺ +Ġdis comfort +ĠL CD +spec ified +ĠEx pect +3 40 +Ġimper ative +ĠReg ular +Ch inese +Ġstate wide +Ġsy mm +Ġlo ops +Ġaut umn +N ick +Ġsh aping +Ġqu ot +Ġc herry +ĠCross ref +è¦ ļéĨĴ +Stand ard +he ed +ĠD ell +ĠViet namese +Ġo st +ĠV alkyrie +O A +Ass ad +Ġreb ound +ĠTra ffic +pl aces +æ ĺ +ĠB uc +17 2 +Ġshel ters +Ġins isting +ĠCertain ly +ĠKenn eth +ĠT CP +Ġpen al +ĠRe play +he ard +Ġdial ect +iz a +ĠF Y +it cher +ĠD L +Ġspir al +Ġquarterback s +Ġh ull +Ġgo ogle +Ġto dd +ĠSter ling +ĠPl ate +Ġsp ying +mb ol +ĠReal m +ĠPro ced +ĠCr ash +Ġtermin ate +Ġprotest ing +C enter +gu ided +Ġun cover +Ġboy cott +Ġreal izes +s ound +Ġpret ending +ĠV as +19 80 +Ġfram ed +Ġ13 9 +Ġdesc ended +Ġrehab ilitation +Ġborrow ing +ĠB uch +Ġbl ur +R on +ĠFro zen +en za +Ch ief +ĠP oor +Ġtransl ates +M IN +Ġ2 12 +J ECT +Ġerupt ed +Ġsuccess es +S EC +Ġpl ague +Ġg ems +d oms +Ġstret ches +ĠSp y +Ġstory telling +C redit +ĠP ush +Ġtra ction +Ġin effective +ĠL una +Ġt apes +Ġanaly tics +erc ise +Ġprogram mes +ĠCar bon +Ġbeh old +he avy +ĠConserv ation +ĠF IR +Ġs ack +ter min +ric ks +Ġhous ed +Ġunus ually +I ce +Ġexecut ing +ĠMor oc +ed ay +Ġed itions +Ġsm arter +ĠB A +Ġout law +Ġvan ished +ib a +AL SE +ĠSil va +23 8 +C ould +Ġphilos opher +Ġevac uated +Sec ret +14 2 +Ġvis as +ãĤ ¬ +ĠM alt +ĠClear ly +ĠN iger +ĠC airo +ĠF ist +3 80 +ĠX ML +aut o +it ant +Ġrein forced +Rec ord +ĠSurviv or +G Hz +Ġscrew s +parent s +Ġo ceans +ma res +Ġbra kes +vas ive +Ġhell o +ĠS IM +rim p +Ġo re +ĠArm our +24 7 +Ġterr ific +Ġt ones +14 1 +ĠMin utes +Ep isode +Ġcur ves +Ġinflamm atory +Ġbat ting +ĠBeaut iful +L ay +Ġunp op +v able +Ġr iots +ĠTact ics +b augh +ĠC ock +Ġorg asm +ĠS as +Ġconstruct or +et z +G ov +Ġant agon +Ġthe at +Ġde eds +ha o +c uts +ĠMc Cl +Ġu m +ĠScient ists +Ġgrass roots +ys sey +"] => +Ġsurf aced +Ġsh ades +Ġneighb ours +Ġad vertis +oy a +Ġmer ged +Up on +Ġg ad +Ġanticip ate +Any way +Ġsl ogan +Ġdis respect +I ran +ĠT B +act ed +Ġsubp oen +medi ately +OO OO +Ġwa iver +Ġvulner abilities +ott esville +ĠHuff ington +J osh +ĠD H +M onday +ĠEll en +K now +x on +it ems +22 8 +Ġf ills +ĠN ike +Ġcum ulative +and als +I r +Ġ ì +Ġfr iction +ig ator +Ġsc ans +ĠVi enna +ld om +Ġperform ers +P rim +Ġb idding +M ur +Ġlean ed +ĠPri x +al ks +Ġ[ âĢ¦] +ĠTw itch +ĠDevelop er +ĠG ir +Ġcall back +Ab stract +Ġacc ustomed +Ġfreed oms +ĠP G +ur acy +Ġl ump +is man +,, ,, +19 92 +ĠR ED +Ġwor m +M atch +ĠPl atinum +I J +ĠOwn er +Tri via +com pl +Ġnew born +Ġfant as +O wn +Ġ19 59 +Ġsymp ath +Ġub iqu +Ġoutput s +Ġal lev +Ġpr ag +K evin +Ġfav ors +Ġbur ial +Ġn urt +so lete +c ache +Ġ15 6 +Ġunl ocks +te chn +M aking +Ġcon quer +ad ic +æ ĸ +Ġel f +Ġelect orate +ĠKurd s +ĠSt ack +ĠSam urai +Ġâ ĺħ +Ġ{ } +ĠS aid +ĠFall out +Ġkind ness +ĠCustom s +ĠBou levard +Ġhelicop ters +ot ics +ĠVe get +com ment +Ġcritic ised +Ġpol ished +ĠRem ix +ĠC ultural +Ġrec ons +Ġdo i +at em +Sc reen +Ġbar red +Com ments +ĠGener ally +Ġsl ap +7 20 +V ari +p ine +Ġem pt +Ġh ats +ĠPlay ing +l ab +a verage +form s +ĠC otton +Ġcan s +ĠD ON +ĠSom alia +C rypt +ĠIncre ases +E ver +mod ern +Ġsur geon +3 000 +Ġrandom ized +================================ ================================ +B ern +im pl +ĠC OR +Ġpro claim +th ouse +Ġto es +Ġam ple +Ġpres erving +Ġdis bel +gr and +B esides +Ġsil k +ĠPat tern +h m +Ġenter prises +Ġaffidav it +ĠAdvis ory +Ġadvert ised +ĠRel igious +se ctions +psy ch +ĠField s +aw ays +Ġhasht ag +ĠNight mare +Ġv ampire +Ġfore nsic +rosso ver +n ar +Ġn avy +Ġvac ant +ĠD uel +Ġhall way +Ġface book +ident ally +ĠN RA +Ġm att +Ġhur ricane +ĠKir by +ĠP uzzle +Ġsk irt +ou st +du llah +Ġanal ogy +in ion +Ġtomat oes +ĠN V +ĠPe ak +ĠMe yer +Ġappoint ments +Ġm asc +Ġal ley +re hend +Ġchar ities +Ġund o +Ġdest inations +ĠTest ing +"> " +c ats +* . +Ġgest ures +gener al +Le ague +Ġpack ets +ĠInspect or +ĠBer g +Ġfraud ulent +Ġcritic ize +F un +Ġbl aming +nd ra +Ġsl ash +ĠE ston +Ġpropos ing +Ġwh ales +Ġtherap ist +Ġsub set +Ġle isure +EL D +ĠC VE +ĠAct ivity +Ġcul min +sh op +ĠD AY +is cher +ĠAdmir al +ĠAtt acks +Ġ19 58 +Ġmem oir +Ġfold ed +Ġsex ist +Ġ15 3 +ĠL I +Ġread ings +Ġembarrass ment +ĠEmploy ment +w art +ch in +Ġcontin uation +l ia +Rec ently +Ġd uel +Ġevac uation +ĠKash mir +Ġdis position +ĠR ig +Ġbol ts +Ġins urers +4 67 +M ex +Ġret aliation +Ġmis ery +Ġunre asonable +r aining +I mm +ĠP U +em er +Ġgen ital +ãĤ ³ +ĠC andy +Ġon ions +ĠP att +lin er +Ġconced ed +Ġf a +Ġfor c +ĠH ernandez +ĠGe off +deb ian +ĠTe ams +Ġc ries +Ġhome owners +23 7 +A BC +Ġst itch +Ġstat istic +Ġhead ers +ĠBi ology +Ġmot ors +ĠG EN +ĠL ip +Ġh ates +Ġhe el +S elf +i pl +ED IT +ort ing +Ġann ot +ĠSpe ech +old emort +ĠJ avascript +ĠLe Bron +Ġfoot print +Ġf n +Ġseiz ures +n as +h ide +Ġ19 54 +ĠBe e +ĠDecl aration +ĠKat ie +Ġreserv ations +N R +f emale +Ġsatur ated +Ġb iblical +Ġtroll s +Dev ice +ph otos +Ġdr ums +ãĥīãĥ© ãĤ´ãĥ³ +N ight +f ighter +ĠH ak +ri ber +Ġc ush +Ġdiscipl inary +ba um +ĠG H +ĠSch midt +ilib rium +Ġs ixty +ĠKush ner +ro ts +Ġp und +ĠR ac +Ġspr ings +Ġcon ve +Bus iness +F all +Ġqual ifications +Ġvers es +Ġnarc iss +ĠK oh +ĠW ow +ĠCharl ottesville +ed o +Ġinterrog ation +ĠW ool +36 5 +B rian +Ġâľ ĵ +Ġalleg es +ond s +id ation +ĠJack ie +y u +Ġl akes +Ġworth while +Ġcryst als +ĠJud a +Ġcomp rehend +Ġfl ush +Ġabsor ption +ĠO C +Ġfright ened +ĠCh ocolate +Mart in +Ġbu ys +Ġbu cks +Ġapp ell +ĠChampions hips +Ġlist ener +ĠDef ensive +Ġc z +ud s +ĠM ate +Ġre play +Ġdecor ated +Ġs unk +ĠV IP +ĠAn k +Ġ19 5 +aa aa +Nob ody +ĠMil k +ĠG ur +ĠM k +ĠS ara +Ġse ating +ĠW id +Tr ack +Ġemploy s +Ġgig antic +AP P +ãĤ § +in ventory +Ġtow el +at che +l asting +ĠT L +Ġlat ency +Ġkn e +B er +me aning +Ġup held +Ġplay ground +Ġm ant +S ide +Ġstere o +Ġnorth west +Ġexception ally +Ġr ays +Ġrec urring +D rive +Ġup right +Ġab duct +ĠMar athon +Ġgood bye +Ġal phabet +h p +Ġcourt room +ring ton +ot hing +T ag +Ġdiplom ats +Ġbar bar +ĠAqu a +18 3 +33 33 +Ġmat urity +Ġinst ability +ĠAp ache +Ġ= == +Ġfast ing +ĠGr id +Mod Loader +Ġ15 2 +A bs +ĠOper ating +ett i +Ġacqu aint +Don nell +ĠK em +ĠFor ge +Ġarm ored +M il +Ġphilos ophers +in vest +Pl ayers +â Ī +Ġmy riad +Ġcomr ades +R ot +Ġremember ing +Ġcorrespond s +Ġprogram mers +ĠLyn n +Ġo lig +Ġco herent +yn chron +ĠChem ical +Ġj ugg +p air +post s +E ye +ĠIn ner +Ġsem ester +ott est +ĠEmir ates +ric anes +or ously +m its +ĠW is +Ġd odge +l ocation +Ġf aded +Am azon +ĠPro ceed +ĠIN FO +j ournal +ĠTru ck +T en +Ġ2 17 +Ġstat utes +m obile +ĠT ypes +Rec omm +b uster +pe x +Ġleg ends +Ġhead ache +f aced +ĠWi Fi +if ty +ĠH ER +Ġcirc uits +ER ROR +22 6 +ol in +Ġcyl inder +osp ace +ik ers +P rem +Qu ant +Ġconflic ting +Ġslight est +Ġfor ged +ion age +Step hen +ĠK ub +ĠOpp ortun +ĠHe al +Ġbl o +Ġrul ers +Ġh uh +Ġsubmar ine +f y +ass er +Ġallow ance +ĠKas ich +ĠT as +ĠAustral ians +Forge ModLoader +ĠâĨ ij +ĠMat rix +am ins +Ġ12 00 +ĠAc qu +23 6 +D ocument +ĠBre aking +19 3 +ĠSub st +ĠRoll er +ĠPro perties +ĠN I +t ier +Ġcr ushing +Ġadvoc ating +Further more +keep ers +Ġsex ism +x d +Ġcall er +ĠS ense +chie ve +ĠT F +Ġfuel ed +Ġreminis cent +Ġobs ess +ur st +Ġup hold +ĠF ans +het ics +Ġâ Ĺ +ĠB ath +Ġbe verage +Ġo scill +25 4 +Ġpol es +Ġgrad ual +Ġex ting +ĠS uff +ĠS uddenly +Ġlik ing +Ġ19 49 +un ciation +am ination +ĠO mar +ĠL V +ĠCon sequently +Ġsynt hes +ĠG IF +Ġp ains +Ġinteract ing +u ously +inc re +Ġrum or +ĠScient ology +19 7 +ĠZ ig +Ġspe lling +ĠA SS +Ġexting u +ms on +Ġg h +Ġremark ed +ĠStrateg ic +ĠM ON +å ¥ +g ae +ĠWH AT +E ric +ĠCamp us +Ġmeth ane +Ġimag in +J UST +ĠAl m +X T +i q +ĠR SS +Ġwrong doing +att a +Ġbig ot +Ġdemonstr ators +ĠCal vin +ĠV illa +Ġmembr ane +ĠAw esome +Ġbenef ic +26 8 +Ġmagn ificent +ĠL ots +G reg +ĠBor is +Ġdetain ees +ĠH erman +Ġwhis pered +Ġa we +Prof essor +fund ing +Ġphys iological +ĠDest ruction +Ġlim b +Ġmanip ulated +Ġbub bles +Ġpse ud +Ġhyd ra +ĠBrist ol +Ġst ellar +ĠExp ansion +ĠK ell +ĠInterest ingly +Ġm ans +Ġdrag ging +Ġec ological +ĠF it +Ġg ent +Ġbenef ited +ĠHait i +Ġpoly g +ãĥ İ +Ġ20 30 +Ġpro w +Ġrecon struction +Ġwas t +Ġpsych ic +ĠGree ks +Hand ler +16 2 +ĠP ulse +Ġsol icit +Ġsy s +Ġinflu x +ĠG entle +per cent +Ġprolifer ation +Ġtax able +Ġdisreg ard +Ġesc aping +Ġg inger +Ġwith stand +Ġdevast ated +ĠD ew +ser ies +Ġinject ed +ela ide +Ġturn over +he at +Ļ Ĥ +H appy +ĠSil ent +ãĤ Ń +iv ism +Ġir rational +AM A +Ġre ef +r ub +Ġ16 2 +Ġbank ers +ĠEth ics +v v +Ġcritic isms +K n +18 6 +M ovie +ĠT ories +Ġno od +Ġdist ortion +F alse +od ore +Ġt asty +Res earch +ĠU ID +- ) +Ġdivor ced +ĠM U +ĠHay es +ĠIs n +ian i +ĠH Q +Ġ" # +ign ant +Ġtra umatic +ĠL ing +H un +Ġsab ot +on line +r andom +Ġren amed +ra red +K A +d ead +é t +ĠAss istance +Ġse af +++++ ++++ +Ġse ldom +ĠWeb b +Ġbo olean +u let +Ġref rain +ĠDI Y +ru le +Ġshut ting +Ġutil izing +load ing +ĠPar am +co al +oot er +Ġattract ing +ĠD ol +Ġher s +ag netic +ĠRe ach +im o +Ġdisc arded +ĠP ip +01 5 +ü r +Ġm ug +Im agine +C OL +Ġcurs ed +ĠSh ows +ĠCurt is +ĠSach s +spe aking +ĠV ista +ĠFram ework +ong o +Ġsub reddit +Ġcr us +ĠO val +R ow +g rowing +Ġinstall ment +Ġgl ac +ĠAdv ance +EC K +ĠLGBT Q +LE Y +Ġac et +Ġsuccess ive +ĠNic ole +Ġ19 57 +Qu ote +Ġcircumst ance +ack ets +Ġ14 2 +ort ium +Ġguess ed +ĠFr ame +Ġperpet rators +ĠAv iation +ĠBen ch +Ġhand c +A p +Ġ19 56 +25 9 +r and +Net Message +d in +urt les +h ig +ĠV III +ff iti +ĠSw ords +b ial +Ġkidn apping +dev ice +Ġb arn +ĠEl i +auc as +S end +Con structed +Ġ ½ +Ġneed les +Ġad vertisements +Ġv ou +Ġexhib ited +ĠFort ress +As k +B erry +TY PE +Ġcan cers +ump ing +ĠTerrit ory +Ġpr ud +Ġn as +Ġathe ist +Ġbal ances +ãģ Ł +ĠSh awn +& & +Ġland sc +ĠR GB +Ġpet ty +Ġex cellence +Ġtransl ations +Ġpar cel +ĠChe v +E ast +ĠOut put +im i +Ġamb ient +ĠTh reat +Ġvill ains +Ġ5 50 +IC A +Ġtall er +Ġle aking +c up +Ġpol ish +Ġinfect ious +ĠK C +Ġ@ @ +back ground +Ġbureaucr acy +ĠS ai +un less +it ious +ĠSky pe +At l +ID ENT +00 8 +Ġhyp ocr +Ġpit chers +Ġguess ing +ĠF INAL +Bet ween +Ġvill agers +Ġ25 2 +f ashion +ĠTun is +Be h +ĠEx c +ĠM ID +28 8 +ĠHas kell +19 6 +ĠN OR +Ġspec s +Ġinv ari +Ġgl ut +ĠC ars +Ġimp ulse +Ġhon ors +g el +Ġjurisd ictions +ĠBund le +ul as +Calif ornia +ĠIncre ase +Ġp ear +Ġsing les +Ġc ues +Ġunder went +ĠW S +Ġexagger ated +Ġdub ious +Ġfl ashing +L OG +) ]. +J ournal +t g +V an +ĠI stanbul +ĠIn sp +ĠFrank en +D raw +Ġsad ness +Ġiron ic +ĠF ry +x c +Ġ16 4 +is ch +W ay +ĠProtest ant +h orn +Ġun aff +ĠV iv +ill as +ĠProduct ions +ĠH ogan +Ġper imeter +ĠS isters +Ġspont aneous +Ġdown side +Ġdescend ants +Ġor n +w orm +Japan ese +Ġ19 55 +Ġ15 1 +ĠDo ing +els en +umb les +Ġrad ically +ĠDr um +ĠB ach +Ġli abilities +ĠO B +ĠElement ary +Ġmem e +yn es +Ġfinger print +ĠGr ab +Ġundert ake +Mem bers +ĠRead er +ĠSim s +g od +Ġhypot hetical +s cient +ĠA J +Ġchar ism +Ġad missions +ĠMiss ile +tr ade +Ġexerc ising +ĠBack ground +W ritten +Ġvoc als +whe ther +Ġv i +ĠW inner +Ġl itter +ĠSh ooting +ST EM +ãĤ ¡ +ĠA FL +Ġvari ability +Ġe ats +ĠD PS +b row +Ġeleph ants +Ġstr at +Ġ Å +Ġsett lers +Matt hew +Ġin advert +H I +ĠIM F +ĠGo al +Ġnerv es +John son +ey e +ablish ment +Th ursday +BIL ITY +H ad +am oto +het amine +ep s +Ġmit ochond +Ġcomp ressed +ĠTre vor +ĠAnim als +T ool +L ock +Ġtwe ak +Ġpin ch +Ġcancell ation +P ot +Ġfoc al +ĠAst ron +17 3 +ĠA SC +ĠO THER +umn i +Ġdem ise +d l +Ù ħ +Sem itism +Ġcr acking +Ġcollabor ative +Ġexpl ores +s ql +Ġher bs +Ġconfig urations +m is +ĠRes ult +ace y +ĠSm oke +Ġsan ct +el ia +Ġdeg ener +Ġdeep est +Ġscream ed +Ġn ap +Soft ware +ĠST AR +E F +ĠX in +spons ored +mans hip +23 3 +Ġprim aries +Ġfilter ing +Ġas semble +m il +ĠMy ers +b ows +Ġpun ched +M ic +Ġinnov ations +Ġfun c +and o +Ġfr acking +ĠV ul +о Ð +osh op +ĠIm mun +Ġsett ling +Ġadolesc ents +Ġreb uilding +Ġtransform ing +Ġpar ole +Ġhar bor +Ġbook ing +ot ional +onge vity +ĠY o +b ug +Ġemer ges +ĠMethod s +ĠCh u +P res +ĠDun geons +Ġtra iling +ĠR um +ĠH ugh +å¤ © +ĠE ra +ĠBatt les +Res ults +ĠTr ading +Ġvers a +c ss +ax ies +he et +Ġgre ed +19 89 +Ġgard ens +Ġconting ent +P ark +ĠLeaf s +h ook +ro be +Ġdiplom acy +ĠF uel +ĠInv asion +Ġupgr ading +M ale +Ġe lic +Ġrelent less +ĠCo venant +ap esh +ĠT rop +T y +pro duction +art y +Ġpun ches +ak o +cyclop edia +ĠR abbit +ĠHD MI +Ġ14 1 +Ġf oil +Item Image +ĠF G +Ġimplement ations +ĠP om +ixt ures +Ġaw ait +Ġ3 30 +am us +Ġumb rella +Ġfore see +se par +Ġcircum cision +Ġperipher al +S ay +ĠExper t +In c +Ġwithd rew +ĠAnd ers +f ried +Ġradio active +ĠOp ening +Ġboard ing +ĠN D +Ġover throw +Act iv +W P +ĠAct s +× Ļ +Ġmot ions +v ic +ĠM ighty +ĠDef ender +a er +Ġthank ful +ĠK illing +ĠBr is +mo il +Ġpredict ing +26 6 +ch oice +Ġkill ers +Ġinc ub +ĠChe st +ather ing +Ġpro claimed +fl ower +oss om +umbled ore +ĠCy cling +ĠOccup y +AG ES +P en +ĠY ug +Ġpack aged +Ġheight ened +c ot +st ack +C ond +Ġst amps +m age +Ġpersu aded +Ġens l +ĠCard inal +Ġsol itary +Ġpossess ing +ĠC ork +Ġev id +ĠT ay +Ġbl ues +Ġextrem ism +Ġlun ar +Ġcl own +Te chn +Ġfest ivals +ĠPv P +ĠL ar +Ġconsequ ently +p resent +Ġsom eday +ç İĭ +ĠMet eor +Ġtour ing +c ulture +Ġbe aches +S hip +c ause +ĠFl ood +ãĥ ¯ +Ġpur ity +th ose +Ġem ission +b olt +Ġch ord +ĠScript ure +L u +Ġ$ { +cre ated +Other s +25 8 +Ġelement al +Ġannoy ed +ĠA E +d an +ĠS ag +Res earchers +Ġfair y +âĢĵ âĢĵ +======== ==== +Sm art +GG GG +Ġskelet ons +Ġpup ils +link ed +Ġur gency +en abled +ĠF uck +Ġcoun cill +r ab +U AL +T I +Ġlif es +Ġconf essed +B ug +Ġharm on +ĠCON FIG +ĠNe utral +D ouble +Ġst aple +ĠSH A +Brit ish +ĠSN P +AT OR +oc o +Ġswing ing +ge x +ole on +pl ain +ĠMiss ing +ĠTro phy +v ari +ran ch +Ġ3 01 +4 40 +00000000 00000000 +Ġrest oring +Ġha ul +uc ing +ner g +Ġfut ures +Ġstrateg ist +quest ion +Ġlater al +ĠB ard +Ġs or +ĠRhod es +ĠD owntown +????? - +ĠL it +ĠB ened +Ġco il +st reet +ĠPort al +FI LE +ĠG ru +* , +23 1 +ne um +Ġsuck ed +Ġr apper +Ġtend encies +ĠLaure n +cell aneous +26 7 +Ġbrow se +Ġover c +head er +o ise +Ġbe et +ĠG le +St ay +Ġm um +Ġtyp ed +Ġdiscount s +T alk +ĠO g +ex isting +ĠS ell +u ph +C I +ĠAust rian +ĠW arm +Ġdismiss al +Ġaver ages +c amera +Ġalleg iance +L AN +=" # +Ġcomment ators +ĠSet ting +ĠMid west +Ġpharm ac +ĠEX P +Ġstain less +Ch icago +Ġt an +24 4 +Ġcountry side +ĠV ac +29 5 +Ġpin ned +Ġcr ises +Ġstandard ized +T ask +ĠJ ail +ĠD ocker +col ored +f orth +" }, +Ġpat rons +Ġsp ice +Ġm ourn +ĠM ood +Ġlaund ry +Ġequ ip +ĠM ole +y ll +ĠTH C +n ation +ĠSher lock +Ġiss u +ĠK re +ĠAmeric as +ĠA AA +Ġsystem atically +Ġcont ra +ĠS ally +Ġrational e +Ġcar riage +Ġpe aks +Ġcontrad iction +ens ation +ĠFail ure +Ġpro ps +Ġnames pace +Ġc ove +field s +ãĤ ĭ +Ġw ool +ĠC atch +Ġpresum ed +ĠD iana +r agon +ig i +Ġh amm +Ġst unt +ĠG UI +ĠObserv atory +ĠSh ore +Ġsmell s +ann ah +Ġcock pit +ĠD uterte +8 50 +Ġopp ressed +bre aker +ĠCont ribut +ĠPer u +ĠMons anto +ĠAtt empt +Ġcommand ing +Ġfr idge +ĠR in +ĠChe ss +ual ity +Ġo l +Republic an +ĠGl ory +ĠW IN +.... ... +ag ent +read ing +Ġin h +J ones +Ġcl icks +al an +Ġ[ ]; +ĠMaj esty +ĠC ed +op us +ate l +à ª +AR C +ĠEc uador +ãĥ ł +ĠK uro +Ġritual s +Ġcapt ive +Ġoun ce +Ġdisag reement +Ġsl og +f uel +P et +M ail +Ġexerc ised +Ġsol ic +Ġrain fall +Ġdev otion +ĠAss essment +Ġrob otic +opt ions +ĠR P +ĠFam ilies +ĠFl ames +Ġassign ments +00 7 +aked own +Ġvoc abulary +Re illy +Ġc aval +g ars +Ġsupp ressed +ĠS ET +ĠJohn s +Ġwar p +bro ken +Ġstat ues +Ġadvoc ated +Ġ2 75 +Ġper il +om orph +ĠF emin +per fect +Ġh atch +L ib +5 12 +Ġlif elong +3 13 +Ġche eks +Ġnum bered +ĠM ug +B ody +ra vel +We ight +ĠJ ak +ĠHe ath +Ġkiss ing +ĠJ UST +Ġw aving +u pload +Ġins ider +ĠPro gressive +ĠFil ter +tt a +ĠBe am +Ġviol ently +ip ation +Ġskept icism +Ġ19 18 +ĠAnn ie +ĠS I +Ġgen etics +Ġon board +at l +ĠFried man +ĠB ri +cept ive +Ġpir ate +ĠRep orter +27 8 +Ġmyth ology +Ġe clipse +Ġsk ins +Ġgly ph +ing ham +F iles +C our +w omen +Ġreg imes +Ġphotograp hed +K at +ĠMA X +Offic ials +Ġunexpected ly +Ġimpress ions +F ront +;;;; ;;;; +Ġsuprem acy +Ġs ang +Ġaggrav ated +Ġabrupt ly +ĠS ector +Ġexc uses +Ġcost ing +ide press +St ack +ĠR NA +ob il +Ġghost s +ld on +at ibility +Top ics +Ġreim burse +ĠH M +ĠDe g +Ġth ief +y et +ogen esis +le aning +ĠK ol +ĠB asketball +Ġf i +ĠSee ing +Ġrecy cling +Ġ[ - +Cong ress +Ġlect ures +P sy +Ġne p +Ġm aid +Ġori ented +A X +Ġrespect ful +re ne +fl ush +ĠUn loaded +re quest +gr id +ĠAltern atively +ĠHug o +Ġdec ree +ĠBuddh ism +and um +And roid +ĠCong o +ĠJoy ce +Ġacknowled ging +hes ive +ĠTom orrow +ĠH iro +th ren +ĠM aced +Ġho ax +ĠIncre ased +ĠPr adesh +W ild +____ __ +16 1 +Ġa unt +Ġdistribut ing +ĠT ucker +ĠSS L +ĠW olves +B uilding +ou lt +ĠLu o +ĠY as +ĠSp ir +ĠSh ape +ĠCamb od +ĠIP v +Ġm l +Ġext rad +39 0 +ĠPenn y +d ream +Ġstation ed +opt ional +ew orthy +. +ĠWorks hop +ĠRet ail +ĠAv atar +6 25 +N a +ĠV C +ĠSec ure +M Y +19 88 +oss ip +Ġpro state +Ġund en +Ġg amer +ĠCont ents +ĠWar hammer +ĠSent inel +3 10 +Ġse gregation +ĠF lex +ĠM AY +Ġdr ills +ĠDrug s +Islam ic +Ġsp ur +Ġca fe +Ġimag inary +Ġgu iding +Ġsw ings +ĠThe me +ob y +Ġn ud +Ġbe gging +Ġstr ongh +Ġreject ing +Ġpedest rians +ĠPro spect +R are +s le +Ġconcess ions +ĠConst itutional +Ġbe ams +Ġfib ers +p oon +Ġinstinct s +pro perty +ĠB IG +Sand ers +im ates +Ġco ating +Ġcorps es +ĠTR UE +check ed +Ġ16 6 +A sh +ĠJ S +ĠF iction +Ġcommun al +Ġener getic +oooo oooo +Ġnow adays +IL D +ib o +ĠSU V +R en +Ġdwell ing +Sil ver +Ġt ally +ĠM oving +Ġcow ard +Ġgener als +Ġhorn s +Ġcirc ulated +Ġrob bed +ĠUn limited +Ġharass ed +Ġinhib it +Ġcomp oser +ĠSpot ify +Ġspread s +3 64 +Ġsu icidal +Ġno ises +ĠSt ur +Ġs aga +ĠK ag +is o +Ġtheoret ically +M oney +Ġsimilar ity +Ġslic ed +ut ils +ing es +" - +Ġan th +Ġimp ed +Mod ule +Through out +Ġmen us +comm ittee +and i +ob j +in av +f ired +ĠAb dullah +Ġund ead +Ġfont s +H old +EN G +Ġsustain ability +Ġfl ick +Ġr azor +ĠF est +ĠChar acters +Ġword ing +Ġpopul ist +Ġcritic izing +Ġm use +v ine +Ġcard board +Ġkind ly +Ġfr inge +ĠThe ft +icult ural +Ġgovern ors +Ġ ���� +Ġ16 3 +Ġtime out +ĠA uth +Child ren +A U +Ġred emption +ĠAl ger +Ġ19 14 +Ġw aved +Ġastron auts +og rams +Ġsw amp +ĠFinn ish +Ġcand le +Ġton nes +ut m +Ġr ay +Ġsp un +Ġfear ful +art icles +Ġca us +or ically +ĠRequ ires +ĠG ol +Ġpop e +Ġinaug ural +Ġg le +AD A +ĠIS IL +ĠOff ensive +Ġwatch dog +Ġbal con +ent ity +ĠH oo +Ġgall on +AC C +Ġdoub ling +Ġimpl ication +ĠS ight +Ġdoct r +---- --- +Ġ\ \ +Ġm alt +R oll +Ġâī ¥ +Ġrec ap +add ing +u ces +ĠB end +fig ure +Ġtur key +Ġsoc ietal +ĠT ickets +Ġcommer cially +Ġsp icy +Ġ2 16 +ĠR amp +Ġsuperior ity +à ¯ +ĠTr acker +C arl +ĠC oy +ĠPatri ot +Ġconsult ed +Ġlist ings +Ġsle w +reens hot +ĠG one +Ġ[ ...] +30 9 +Ġh ottest +Ø ± +Ġrock y +ĠD iaz +Ġmass age +Ġpar aly +Ġp ony +A z +Ġcart ridge +ĠN Z +Ġsn ack +ĠLam ar +ple ment +ĠLes lie +Ġm ater +Ġsn ipp +24 6 +Ġjoint ly +ĠBris bane +ĠiP od +Ġpump ing +Ġgo at +ĠSh aron +eal ing +Ġcor on +Ġan omal +rah im +ĠConnect ion +Ġsculpt ure +Ġsched uling +ĠD addy +at hing +Ġeyeb rows +Ġcur ved +Ġsent iments +Ġdraft ing +D rop +( [ +Ġnom inal +ĠLeaders hip +ĠG row +Ġ17 6 +Ġconstruct ive +iv ation +Ġcorrupt ed +ger ald +ĠC ros +ĠChe ster +ĠL ap +ãģ ª +OT H +D ATA +Ġal mond +pro bably +I mp +Ġfe ast +ĠWar craft +F lor +Ġcheck point +Ġtrans cription +Ġ20 4 +Ġtwe aks +Ġrel ieve +S cience +Ġperform er +Z one +Ġtur moil +ig ated +hib it +ĠC afe +the med +Ġflu or +ben ch +Ġde com +ĠU nt +ĠBar rett +ĠF acts +Ġt asting +ĠPTS D +ĠSe al +ĠJuda ism +ĠDynam ic +ĠC ors +V e +ĠM ing +ĠTrans form +v on +ĠDef enders +ĠTact ical +ĠV on +ĠUn ivers +Ġdist orted +ĠB reath +?' " +Ġag on +ĠDead ly +Ġl an +ĠCy cle +orn ed +Ġrel iably +Ġgl or +ĠMon key +ãĥ ¡ +Ġad ren +Ġmicrow ave +ĠAl ban +irc raft +dig it +sm art +ĠD read +¯¯¯¯¯¯¯¯ ¯¯¯¯¯¯¯¯ +{ { +ĠRoc hester +Ġsimpl ified +Ġinf licted +Ġtake over +Ġyour selves +ad itional +Ġmus cular +K S +Ġing en +T ax +ĠFe ature +27 7 +Ġcru c +Ġcr ate +Ġun identified +Ġacclaim ed +ĠM anga +ĠFr ances +ĠNep al +ĠG erald +ĠKu wait +Ġsl ain +ĠHe b +ĠG oku +ãģ® æ +28 6 +M rs +ĠC ody +ĠSan ctuary +01 6 +Ġdism ant +Ġdatas et +ĠH ond +b uck +ĠPat terson +Ġpal ette +ĠG D +ic ol +ĠL odge +Ġplanet ary +ak in +ĠRegist ered +ab we +ĠPeters burg +Ġha iled +ĠP iece +S che +ĠDO J +Ġen umer +18 1 +ĠObs erver +ĠB old +f ounded +com merce +Ġexplo its +ĠF inding +UR N +ĠS ne +ĠAc id +ay ette +ĠVal ues +Ġdr astic +Ġarchitect ural +Ġ" . +× ķ +ump ed +Ġwra pping +Ġwid ow +ĠSl ayer +l ace +on ce +German y +av oid +Ġtem ples +P AR +à ´ +ĠLuc ifer +ĠFl ickr +l ov +for ces +Ġsc outing +Ġlou der +tes y +Ġbefore hand +Ä ĵ +ĠNe on +ĠW ol +ĠTyp ically +ĠPolit ico +-+ -+ +Ġbuild er +Ġder ive +K ill +Ġp oker +Ġambig uous +Ġlif ts +Ġcy t +Ġrib s +ood le +ĠS ounds +h air +ĠSynd rome +t f +Ġproport ional +u id +Ġper taining +ĠKind le +ĠNeg ro +Ġreiter ated +ĠTon ight +oth s +ĠCorn ell +Ġo wing +Ġ20 8 +elf are +oc ating +ĠB irds +Sub scribe +Ġess ays +Ġburd ens +Ġillust rations +ar ious +ER AL +ĠCal cul +Ġx en +ĠLink edIn +ĠJ ung +Ġredes ign +Con nor +29 6 +Ġrevers al +ĠAd elaide +ĠL L +Ġs inking +Ġg um +US H +c apt +ĠGr imm +Ġfoot steps +ĠCB D +isp ers +Ġpro se +Wed nesday +ĠM ovies +ed in +Ġoverturn ed +Ġcontent ious +US B +~~~~~~~~ ~~~~~~~~ +ĠCo pper +Ġpoint less +N V +val ues +olph in +d ain +Ġdepos ited +ĠG W +Ġpreced ed +ĠCl a +ĠGo lem +ĠN im +ĠÎ ² +ĠEngine ers +m iddle +Ġfl att +oper ative +Ġcouncil s +imb abwe +el in +Ġstress ful +ĠL D +Ġres h +l ake +Ġwheel chair +ĠAltern ative +Ġoptim ize +oper ation +Ġpe ek +Ġones elf +ig il +Ġtrans itions +op athy +bl ank +Ġ16 9 +17 1 +________________________________ ________________________________ +Ġl aundering +En c +ĠD EC +Ġwork outs +Ġsp ikes +Ġdin osaurs +Ġdiscrim inatory +P ool +R ather +38 5 +R NA +tes ters +et o +ĠIdent ity +Ġve in +ĠBur ton +Ġarc ade +4 20 +Ult imately +ĠSad ly +à ° +p ill +Ġcub ic +ĠSpect rum +the se +st ates +Ġun official +h awks +ĠEVER Y +Ġrain bow +Ġincarcer ation +and ing +Ġsy ll +ĠEver ton +Ġ17 9 +ĠSer bia +Ġ18 9 +m eter +ĠMic key +Ġant iqu +Ġfact ual +ne ck +ĠN are +n orm +m ust +Ġhigh ways +Ġgl am +Ġdivid ing +ĠSquad ron +ĠMar tha +Ġbirth s +C over +//////// //////// +ĠW ong +Ph ot +ĠA LS +ri o +ĠNon etheless +ĠL emon +Ġ20 6 +ĠE E +Ġderiv ative +ĠWW II +v ote +Ġthere in +Ġsepar ating +44 6 +sy nc +ĠStre ets +Ġr att +Ġmunicip ality +ĠShort ly +Ġmon k +) ," +Ġscr ub +Ġoper atives +Ne ither +Pl ace +ĠLim it +F emale +ĠAct or +Char acter +Ġconstit uted +35 7 +Ġprotest ed +ĠSt raw +ĠHe ight +ild a +ĠTy ph +Ġflood s +Ġcos metic +W AY +pert ure +up on +t ons +ess ing +ĠP ocket +Ġro oft +ĠC aucas +Ġant idepress +Ġincomp atible +EC D +Ġoper a +ĠCont est +Ġgener ators +l ime +Def ense +19 87 +for um +Ġsav age +ĠHung arian +n z +Ġmet allic +Ġex pelled +Ġres idency +Ġdress es +66 6 +ĠC lement +f ires +C ategory +Ġge ek +al is +Ġc emetery +educ ated +Ġc rawl +ĠUn able +ĠT yson +ak is +Ġp ardon +ĠW ra +Ġstrengthen ed +ĠF ors +33 5 +ĠH C +ĠM ond +Ġvisual s +ĠBeat les +ett lement +Ġ ï +g ro +Ġb ash +Ġpo orest +Ġex cel +Ġaspir ations +ĠM unicip +ens ible +Ġceremon ies +Ġintimid ation +ĠCON TR +be ck +ĠK ap +as u +Ġtradem arks +ĠS ew +ĠComp etition +net work +ĠAr ri +ĠT et +Ro aming +W C +D at +Ġso b +Ġpair ing +Ġoverd ose +SA Y +ab er +Ġrev olt +ĠF ah +act ing +e q +est ation +F ight +ĠMar ks +27 3 +Ġ17 8 +R aw +ãģ ĭ +34 9 +bl ocks +Ġver ge +est ine +ĠPod esta +Ġinv asive +Ġprofound ly +ĠA o +e ach +Ġl est +inter pret +Ġshr inking +Ġerr one +Ġche es +ly s +ĠI vy +ĠDirect ory +Ġhint ed +V ICE +Ġcontact ing +ĠG ent +he i +Ġlabel ing +Ġmerc ury +ĠL ite +Ġexp ires +Ġdest abil +rit is +c u +Ġfeather s +Ġste er +Ġprogram med +ĠV ader +Go ing +ĠE lim +Ġy o +ĠMic he +Ġ20 3 +Ġslee ves +Ġb ully +ĠHum ans +36 8 +Ġcomp ress +ĠBan ner +AR S +Ġa while +Ġcal ib +Ġspons orship +ĠDiff iculty +ĠP apers +Ġident ifier +} . +Ġy og +ĠSh ia +Ġclean up +Ġvib e +int rodu +im ming +Austral ia +Ġout lines +ĠY outube +tr ain +ĠM akes +Ġde ported +Ġcent r +ĠD ug +ĠB oulder +ĠBuff y +Ġinj unction +ĠHar ley +ĠG roups +ĠD umbledore +ĠCl ara +Ġ" - +Ġsacrific ed +ep h +Sh adow +ib ling +Ġfreel ance +Ġevident ly +ph al +Ġret ains +M ir +Ġfin ite +d ar +ĠC ous +Ġrep aired +Ġperiod ic +Ġchampions hips +Ġaster oid +bl ind +Ġexpress ly +ĠAst ros +Ġsc aled +Ġge ographical +ĠRap ids +En joy +Ġel astic +ĠMoh amed +Mark et +be gin +Ġdisco vers +Ġtele communications +Ġscan ner +Ġen large +Ġsh arks +Ġpsy chedel +ĠRou ge +Ġsnap shot +is ine +X P +Ġpestic ides +ĠL SD +ĠDist ribution +re ally +Ġde gradation +Ġdisgu ise +Ġbi om +ĠEX T +Ġequ ations +Ġhaz ards +ĠComp ared +) * +Ġvirt ues +Ġeld ers +Ġenh ancing +ĠAc ross +er os +ang ling +Ġcomb ust +ucc i +Ġconc ussion +Ġcontrace ption +ĠK ang +Ġexpress es +Ġa ux +ĠP ione +Ġexhib its +Deb ug +OT AL +ĠAl ready +ĠWheel er +Ġexp ands +? : +Ġreconc iliation +Ġpir ates +Ġpur se +Ġdiscour age +Ġspect acle +R ank +Ġwra ps +ĠTh ought +Ġimp ending +O pp +ĠAng lo +ĠE UR +Ġscrew ed +ret ched +Ġencour agement +mod els +Ġconf use +mm m +ĠVit amin +âĸij âĸij +C ru +Ġkn ights +Ġdisc ard +Ġb ishops +ĠW ear +ĠGar rett +k an +ãĥ Ł +Ġmascul ine +cap ital +ĠA us +Ġfat ally +th anks +ĠA U +ĠG ut +12 00 +Ġ 00000000 +Ġsur rog +ĠBI OS +ra its +ĠWat ts +Ġresur rection +ĠElect oral +ĠT ips +4 000 +Ġnut rient +Ġdepict ing +Ġspr ink +Ġm uff +ĠL IM +ĠS ample +ps c +ib i +gener ated +Ġspec imens +Ġdiss atisf +Ġtail ored +Ġhold ings +ĠMonth ly +ĠE at +po ons +Ġne c +ĠC age +ĠLot us +ĠLan tern +Ġfront ier +Ġp ensions +Ġj oked +ĠHard y +=-=- =-=- +r ade +U ID +Ġr ails +Ġem it +Ġsl ate +Ġsm ug +Ġsp it +ĠCall s +ĠJac obs +f eat +ĠU E +Ġrest ruct +Ġregener ation +Ġenerg ies +ĠCon nor +OH N +ĠChe ese +Ġg er +Ġresur rect +man agement +N W +Ġpres ently +ĠBru ins +M ember +ĠM ang +id an +Ġboost ing +w yn ++ . +requ isite +ĠNY PD +ĠMe gan +ĠCond itions +Ġp ics +nes ium +ĠR ash +Ġ17 4 +ĠD ucks +Ġemb ro +z u +on ian +rel igious +Ġc raz +ĠAC A +ĠZ ucker +EM A +ĠPro s +We apon +ĠKn ox +ĠAr duino +Ġst ove +Ġheaven s +ĠP urchase +Ġher d +Ġfundra iser +Dig ital +5 000 +Ġprop onents +/ âĢĭ +Ġj elly +ĠVis a +Ġmon ks +Ġadvance ment +ĠW er +Ġ18 7 +e us +ert ility +Ġfet al +Ġ19 36 +L o +Ġout fits +Ġstair case +b omb +Ġcustom ized +cl air +T ree +Ġm apped +ĠConsider ing +ĠTor res +Ġmeth yl +Ġapprox imate +Ġdo om +ĠHans en +Ġc rossover +Ġstand alone +ä ¼ +Ġinv ites +Ġgra veyard +Ġh p +Donald Trump +Ġesc ort +G ar +Ġpredec essors +Ġh ay +Ġen zyme +ĠStra ight +vis ors +I ng +ane ously +ĠApp lied +Ġf ec +ĠDur ant +Ġout spoken +or b +Ġz eal +Ġdisgr ace +' ). +ĠChe ng +28 9 +ĠRen a +ĠSu icide +29 4 +Ġout raged +ĠNew man +ĠN vidia +ĠA ber +ĠB ers +Ġrecre ation +Wind ow +ĠD P +x e +Ġped oph +Ġfall out +ambo o +Ġpresent ations +ĠApp s +Ġh tml +3 45 +ĠX XX +Ġrub bing +ĠLe ather +Ġhum idity +se ys +est ablished +ĠUn its +64 6 +Ġrespect able +A uto +Ġthri ving +ĠInn ovation +ang s +Ext ra +reg ulation +29 8 +p ick +Ex amples +ĠC J +Att ack +Ġdr acon +L T +Ġstick er +re rs +Ġsun ny +I ss +reg ulated +d im +ĠAb stract +Ġhus bands +Off ice +om ination +it ars +AN GE +asc al +ĠK ris +ĠInf antry +Ġm alf +ĠA the +ĠR ally +bal anced +................ ........ +OU P +Ġmole cule +met ics +ĠSpl it +ĠInstruct ions +ĠN ights +c ards +Ġt ug +Ġcon e +å Ń +Ġt x +ĠDisc ussion +Ġcatast rophe +pp e +g io +Ġcommun ism +Ġhal ted +ĠGu ant +cle an +ĠSc hed +ĠK anye +Ġw ander +ĠSer iously +Ġ18 8 +enn ial +f ollow +product ive +ĠFl ow +ĠS ail +Ġc raw +Ġsim ulations +or u +ang les +ĠN olan +Ġmen stru +4 70 +Ġ20 7 +aj a +Ġcas ually +board ing +Ġ2 22 +ov y +ĠN umbers +um at +O E +28 7 +ĠCle mson +Ġcert s +Ġsl id +ĠT ribe +Ġto ast +Ġfort unes +Ġf als +ĠComm ittees +Ġg p +Ġf iery +ĠN ets +ĠAn ime +Pack age +ĠComp are +l aughter +in fect +Ġatroc ities +Ġjust ices +Ġins ults +ĠVern on +Ġsh aken +Ġperson a +est amp +36 7 +br ain +Ġexperiment ing +K en +ĠElect ronics +Ġ16 1 +dom ain +Ġgraph ical +b ishop +Ġwho pping +ĠEv angel +Ġadvertis ers +ĠSpe ar +Ġb ids +Ġdestro ys +ut z +Ġunders c +ĠAD D +Ġan ts +ĠC um +ipp les +ĠF ill +Ġgl anced +Ġind icted +ĠE ff +Ġmis con +ĠDes ktop +Ġab ide +ãĥ Ģ +ĠI o +ĠC oul +Ġcaps ule +ĠCh rys +M ON +Ġund es +ĠI RA +Ġc itation +Ġdict ate +ĠNet works +ĠConf lict +ĠSt uff +x a +is ec +ĠChem istry +Ġquarter ly +William s +an an +O pt +ĠAlexand ria +out heastern +ĠSpring field +ĠBlack s +Ġge ography +24 2 +Ġut most +ĠEx xon +ab outs +E VA +ĠEn able +ĠBar r +Ġdisag reed +ĠCy prus +Ġdement ia +Ġlab s +Ġubiqu itous +ĠLO VE +Ġconsolid ated +s r +Ġcream y +ĠTim ber +Reg ardless +ĠCert ificate +Ġ" ... +ogen ous +Capt ain +Ġinsult ing +ĠSor os +ĠInst r +ĠBulgar ia +bet ter +Ġsuck ing +ĠDavid son +at z +Ġcoll ateral +g if +Ġplag ued +ĠC ancel +ĠGard ner +R B +Ġsix teen +Rem ove +ur istic +c ook +R od +Ġcompr ising +f le +) âĢĶ +ĠVik ing +g rowth +agon al +Ġsr f +af ety +m ot +N early +st own +ĠF actor +Ġautom obile +Ġproced ural +m ask +amp ires +Ġdisapp ears +j ab +3 15 +Ġ19 51 +ne eded +Ġd aring +le ader +Ġp odium +Ġun healthy +Ġm und +Ġpy ramid +oc re +Ġkiss ed +Ġdream ed +ĠFant astic +ĠG ly +å Ĭ +Ġgreat ness +Ġsp ices +Ġmet ropolitan +Ġcomp uls +i ets +101 6 +ĠSh am +ĠP yr +fl ies +ĠMid night +Ġswall owed +Ġgen res +ĠL ucky +ĠRew ards +Ġdisp atch +ĠI PA +ĠApp ly +Ġa ven +al ities +3 12 +th ings +Ġ( ). +Ġm ates +ĠS z +ĠC OP +ol ate +O FF +Ġre charge +c aps +ĠYork er +ic one +Ġgal axies +ile aks +D ave +ĠP uzz +ĠCelt ic +ĠA FC +27 6 +ĠS ons +Ġaffirm ative +H or +Ġtutorial s +ĠC ITY +ĠR osa +ĠExt ension +Ser ies +Ġf ats +Ġr ab +l is +Ġun ic +Ġe ve +ĠSp in +Ġadul thood +ty p +Ġsect arian +Ġcheck out +ĠCy cl +S ingle +Ġmart yr +Ġch illing +88 8 +ou fl +Ġ] ; +Ġcongest ion +m k +ĠWhere as +Ġ19 38 +ur rencies +er ion +Ġbo ast +ĠPat ients +Ġch ap +ĠB D +real DonaldTrump +Ġexam ines +h ov +Ġstart ling +ĠBab ylon +w id +om ew +br ance +ĠOd yssey +w ig +Ġtor ch +ĠV ox +ĠMo z +ĠT roll +ĠAn s +Similar ly +ĠF ul +00 6 +Un less +ĠAl one +st ead +ĠPub lisher +r ights +t u +ĠDoes n +Ġprofession ally +Ġcl o +ic z +Ġste als +Ġ á +19 86 +Ġst urdy +ĠJoh ann +Ġmed als +Ġfil ings +ĠFr aser +d one +Ġmult inational +Ġf eder +Ġworth less +Ġp est +Yes terday +ank ind +Ġg ays +Ġb orne +ĠP OS +Pict ure +Ġpercent ages +25 1 +r ame +Ġpot ions +AM D +ĠLeban ese +Ġr ang +ĠL SU +ong s +Ġpen insula +ĠCl ause +AL K +oh a +ĠMac Book +Ġunanim ous +Ġl enders +Ġhang s +Ġfranch ises +ore rs +ĠUp dates +Ġisol ate +and ro +S oon +Ġdisrupt ive +ĠSur ve +Ġst itches +ĠSc orp +ĠDomin ion +Ġsupp lying +Ar g +Ġtur ret +ĠL uk +Ġbr ackets +* ) +ĠRevolution ary +ĠHon est +Ġnot icing +ĠSh annon +Ġafford ed +Ġth a +ĠJan et +! -- +ĠNare ndra +ĠPl ot +H ol +se ver +e enth +Ġobst ruction +Ġ10 24 +st aff +j as +or get +sc enes +l aughs +ĠF argo +cr ime +Ġorche str +Ġde let +ili ary +rie ved +Ġmilit ar +ĠGreen e +âĹ ı +ãģ ¦ +ĠGu ards +Ġunle ashed +ĠWe ber +Ġadjust able +Ġcal iber +Ġmotiv ations +Ġà ł +m Ah +ĠL anka +hand le +Ġp ent +ĠR av +ĠAng ular +ĠK au +umb ing +Ġphil anthrop +Ġde hyd +Ġtox icity +e er +ĠY ORK +w itz +å ¼ +ĠI E +commun ity +ĠA H +Ġret ali +Ġmass ively +ĠDani els +ĠD EL +Ġcar cin +Ur l +Ġrout ing +ĠNPC s +ĠR AF +ry ce +Ġwa ived +ĠGu atem +Every body +Ġco venant +Ġ17 3 +Ġrelax ing +Ġqu art +al most +Ġguard ed +ĠSold iers +ĠPL AY +Ġout going +L AND +Ġre write +ĠM OV +ĠIm per +ĠS olution +Ġphenomen al +Ġl ongevity +Ġimp at +ĠN issan +ir ie +Ġod or +ĠZ ar +ok s +Ġmilit ias +ĠSP EC +Ġtoler ated +ars er +ĠBrad ford ++ , +Ġsur real +s f +Can adian +Ġresemb lance +Ġcarbohyd rate +VI EW +Ġaccess ory +me al +larg est +ieg el +Some one +Ġtoug hest +os o +Ġfun nel +Ġcondemn ation +lu ent +Ġw ired +ĠSun set +Jes us +ĠP ST +ĠP ages +ĠTy coon +ĠP F +Ġselect ions +Ġ ठ+part isan +Ġhigh s +ĠR une +Ġcraft s +le ad +ĠParent s +Ġre claim +ek er +ĠAll ied +ae per +Ġlo oming +Ġbenefic iaries +ĠH ull +Stud ents +Jew ish +d j +Ġp act +tem plate +ĠOffic ials +ĠBay lor +Ġhe mp +Ġyouth s +ĠLevel s +ĠX iao +ĠC hes +Ġende avor +ĠRem oved +Ġhipp ocamp +H ell +ãĤ Ĭ +80 5 +Ġd inosaur +ĠWr ath +ĠIndones ian +Ġcalcul ator +ĠD ictionary +Ġ4 20 +ĠM AG +( _ +! , +t arians +Ġrestrict ing +rac use +Ġweek day +OU NT +Ġsh rugged +leg round +Ġb ald +ĠDo ctors +Ġt outed +ĠMax well +Ġ2 14 +Ġdiplom at +Ġrep ression +Ġconstitu ency +v ice +r anked +ĠNap oleon +g ang +ĠFore ver +t un +Ġbul b +ĠPD T +ĠC isco +V EN +Ġres umed +Ste ven +ĠManit oba +Ġfab ulous +ĠAg ents +19 84 +Ġam using +ĠMyster ies +Ġor thodox +fl oor +Ġquestion naire +Ġpenet rate +Ġfilm makers +ĠUn c +Ġst amped +Ġth irteen +Ġout field +Ġforward ed +Ġapp ra +Ġa ided +t ry +Ġunf ocused +ĠL iz +ĠWend y +ĠSc ene +Ch arg +Ġreject s +Ġleft ist +ĠProv idence +ĠBr id +reg n +Ġprophe cy +ĠL IVE +4 99 +Ġfor ge +ĠF ML +Ġintrins ic +ĠF rog +Ġw ont +ĠH olt +Ġfam ed +CL US +aeper nick +ĠH ate +ĠC ay +Ġregister ing +ort ality +rop y +ocaly ptic +a an +n av +Ġfasc ist +IF IED +Ġimpl icated +ĠRes ort +ĠChand ler +ĠBr ick +P in +ys c +Us age +ĠHel m +us ra +âĺħ âĺħ +ĠAb bas +Ġunanim ously +Ġke eper +Ġadd icted +?? ? +Ġhelm ets +Ġant ioxid +aps ed +80 8 +gi ene +Ġwa its +Ġmin ion +ra ved +ĠP orsche +Ġdream ing +Ġ17 1 +ĠC ain +Ġun for +ass o +ĠConfig uration +k un +hard t +Ġn ested +ĠL DS +L ES +Ġt ying +en os +Ġc ue +ĠMar qu +sk irts +Ġclick ed +Ġexp iration +ĠAccording ly +ĠW C +Ġbless ings +Ġaddict ive +ĠN arr +y x +ĠJagu ars +Ġrent s +ĠS iber +Ġt ipped +ous se +ĠFitz gerald +Ġhier arch +out ine +Ġwa velength +> . +ch id +ĠProcess ing +/ + +r anking +E asy +ĠConst ruct +Ġt et +ins ured +H UD +Ġqu oting +Ġcommun icated +in x +Ġin mate +Ġerect ed +ĠAbs olutely +ĠSure ly +Ġun im +ĠThr one +he id +Ġcl aws +Ġsuper star +ĠL enn +ĠWh is +U k +ab ol +Ġsk et +ĠN iet +Ġper ks +Ġaff inity +Ġopen ings +phas is +Ġdiscrim inate +T ip +v c +Ġgr inding +ĠJenn y +Ġast hma +hol es +ĠHom er +Ġreg isters +ĠGl ad +Ġcre ations +Ġlith ium +Ġappl ause +unt il +Just ice +ĠTur ks +Ġsc andals +Ġb ake +t ank +M ech +ĠMe ans +ĠM aid +Republic ans +is al +wind ows +ĠSant os +Ġveget ation +33 8 +t ri +Ġfl ux +ins ert +Ġclar ified +Ġmort g +ĠCh im +ĠT ort +Ġdiscl aim +met al +ĠAs ide +Ġindu ction +Ġinf l +Ġathe ists +amp h +Ġe ther +ĠV ital +ĠBu ilt +M ind +Ġweapon ry +S ET +Ġ18 6 +ad min +g am +cont ract +af a +Ġderiv atives +Ġsn acks +Ġch urn +E conom +Ġca pped +ĠUnder standing +ĠH ers +ĠI z +Ġd uct +I ENT +augh ty +Ġâľ Ķ +ĠN P +Ġsa iling +In itialized +Ġt ed +Ġreact ors +ĠL omb +Ġcho ke +ĠW orm +Ġadm iration +Ġsw ung +ens ibly +Ġr ash +ĠGo als +ĠImport ant +Sh ot +ĠR as +Ġtrain ers +ĠB un +Work ing +Ġhar med +ĠPand ora +ĠL TE +Ġmush room +ĠCH AR +ĠF ee +ĠM oy +B orn +ol iberal +ĠMart ial +Ġgentle men +Ġling ering +Offic ial +Ġgra ffiti +ĠN ames +D er +Ġqu int +ist rate +aze era +ĠNOT ICE +ĠFlore nce +Ġpay able +Ġdep icts +ĠSpe cies +He art +âĶĢâĶĢâĶĢâĶĢ âĶĢâĶĢâĶĢâĶĢ +Ġencl osed +Incre ases +D aily +ĠL is +Ġenact ment +ĠB acon +ĠSt eele +dem and +Ġ18 3 +Ġmouth s +Ġstr anded +Ġenhance ment +01 1 +ĠWh ats +Ġhe aled +en y +ĠR ab +Ġ3 40 +ĠLab yrinth +ro ach +ĠY osh +ĠCl ippers +Ġconcert s +Intern et +35 5 +Ġstick ers +Ġter med +ĠAx e +Ġgrand parents +Fr ance +ĠCl im +ĠU h +ul ic +Ġthr ill +cent ric +ĠOver view +ĠCond uct +Ġsubstant ive +Ġ18 2 +m ur +Ġstr ay +ĠCo ff +Ġrep etitive +ĠFor gotten +Ġqual ification +ew itness +ĠZ imbabwe +Ġsim ulated +ĠJ D +25 3 +ĠW are +Ġun sc +T imes +Ġsum mons +Ġdis connected +Ġ18 4 +ci us +ĠGu jar +od ka +Ġer ase +ĠTob acco +elect ed +Ġun cont +ĠShe pard +ĠL amp +Ġalert ed +Ġoper ative +arn a +u int +Ġneglig ence +ac ements +Ġsup ra +Ġprev ail +ĠSh ark +Ġbel ts +ãģ « +Ġt ighter +Engine ers +Ġin active +Ġexp onent +ĠWill ie +a ples +Ġhe ir +ĠH its +ian n +ĠS ays +Ġcurrent s +ĠBeng al +Ġar ist +B uffer +Ġbree ze +ĠWes ley +Col a +Ġpron oun +Ġde ed +ĠK ling +Ġof t +Ġinf lict +Ġpun ishing +Ġn m +ik u +OD UCT +01 4 +Ġsubsid y +ĠDE A +ĠHer bert +ĠJ al +B ank +Ġdef erred +Ġship ment +B ott +Ġal le +b earing +HT ML +Off line +Ġ2 13 +Ġscroll ing +Ġsc anned +ĠLib yan +ĠT OP +ch rom +d t +col umn +Psy NetMessage +Z ero +Ġtor so +0 50 +âķ IJ +Ġimp erson +ĠSchw artz +ud ic +Ġpiss ed +ĠS app +25 7 +ĠIS Ps +og l +Ġsuper vised +Ġad olescent +Ġatt ained +ĠDel ivery +ĠB unny +Ġ19 37 +Ġmini ature +Ġo s +Ġ3 70 +60 8 +ĠMour inho +Ġinn ate +Ġtem po +ĠN M +ĠFall en +00 9 +Ġprov ocative +Stream er +ĠBened ict +ĠBol she +Ġt urtle +ĠPC B +ĠEqu al +Direct or +ĠR end +Ġflu ids +Author ities +Ġcous ins +requ ency +ĠNeigh bor +s ets +sh ared +Char les +pass word +Ġg ears +Ġ2 11 +ĠHard ware +ri ka +Ġup stream +H om +Ġdisproportion ately +iv ities +Ġund efined +Ġelect rons +Ġcommem or +Event ually +Ġ> < +Ġir responsible +2 18 +ĠRe leased +ĠO VER +ĠI GN +ĠB read +st ellar +ĠS age +tt ed +dam age +ed ition +ĠPre c +Ġl ime +Ġconf inement +Ġcal orie +we apon +Ġdiff ering +ĠS ina +m ys +am d +Ġintric ate +k k +ĠP AT +ã o +st ones +lin ks +Ġr anch +Sem itic +Ġdifferent iate +ĠS inger +occup ied +Ġfort ress +c md +Ġinter ception +ĠAnk ara +Ġre pt +ĠSol itaire +Ġrem ake +p red +Ġd ared +aut ions +ĠB ACK +Run ning +Ġdebug ging +Ġgraph s +3 99 +ĠNig el +Ġb un +Ġpill ow +Ġprog ressed +fashion ed +Ġob edience +ER N +Ġrehe ars +C ell +t l +S her +Ġher ald +ĠPay ment +ĠC ory +ĠDe pt +Ġrep ent +ĠWe ak +uck land +Ġple asing +Ġshort ages +Ġjur ors +ĠK ab +q qa +Ant i +Ġw ow +ĠRC MP +Ġt sun +ĠS ic +Ġcomp rises +Ġsp ies +Ġprec inct +n u +Ġur ges +Ġtim ed +Ġstrip es +ĠB oots +Ġy en +Adv anced +Ġdisc rete +ĠArch angel +employ ment +D iff +Ġmon uments +Ġ20 9 +work er +Ġ19 6 +ĠI g +utter stock +T PS +J ac +Ġhomeless ness +Ġcomment ator +Ġrac ially +f ing +se ed +E le +ell ation +Ġeth anol +Ġpar ish +ĠD ong +ĠAw akening +Ġdev iation +ĠB earing +ĠTsu k +Ġrec ess +Ġl ymph +ĠCann abis +å ľ +ĠNEW S +Ġd ra +ĠStef an +ĠWr ong +ĠS AM +Ġloose ly +Ġinterpre ter +ĠPl ain +Go vernment +Ġbigot ry +Ġgren ades +ave z +pict ured +Ġmand ated +ĠMon k +ĠPed ro +Ġl ava +27 4 +Ġcyn ical +ĠScroll s +l ocks +M p +Ġcon gregation +orn ings +ph il +ĠI bid +Ġf erv +Ġdisapp earing +Ġarrog ant +sy n +ĠMa ver +ĠSu it +24 1 +Ġab bre +ack ers +P a +ĠY el +Whe never +Ġ23 5 +ĠV ine +ĠAn at +Ġext inct +LE T +Ġexecut able +V ERS +ox ide +D NA +ĠP rel +Ġresent ment +Ġcompr ise +ĠAv iv +Ġinter ceptions +Ġprol ific +IN A +ĠEr in +though t +2 19 +ĠPsychiat ry +un ky +chem ist +H o +ĠMcC oy +Ġbr icks +L os +ri ly +ĠUS SR +Ġr ud +Ġl aud +ĠW ise +ĠEmer ald +Ġrev ived +Ġdam ned +ĠRep air +id em +ct ica +Ġpatri arch +ĠN urs +me g +Ġcheap est +re ements +empt y +ĠCele br +Ġdepri vation +ch anted +ĠTh umbnails +E nergy +ĠEth an +ĠQ ing +Ġopp oses +W IND +v ik +ĠM au +ĠS UB +66 7 +G RE +ĠVol unte +nt on +C ook +å IJ +es que +Ġplum met +Ġsu ing +Ġpron ounce +Ġresist ing +ĠF ishing +ĠTri als +Ġy ell +Ġ3 10 +Ġin duct +Ġpersonal ized +oft en +R eb +EM BER +Ġview point +Ġexist ential +() ) +rem ove +MENT S +l asses +Ġev apor +Ġa isle +met a +Ġreflect ive +Ġentit lement +Ġdev ised +mus ic +asc ade +Ġwind ing +off set +Ġaccess ibility +ke red +Bet ter +ĠJohn ston +th inking +S now +ĠCroat ia +ĠAt omic +27 1 +34 8 +Ġtext book +ĠSix th +Ġ اÙĦ +Ġsl ider +ĠBur ger +b ol +S ync +Ġgrand children +Ġc erv ++ ) +Ġe ternity +Ġtweet ing +Ġspec ulative +Ġpiv otal +ĠW P +ĠT ER +ynam ic +Ġu pl +ĠC ats +per haps +Ġclass mates +Ġblat ant +' - +Ġl akh +ant ine +ĠB org +i om +/ ( +ĠAthlet ic +Ġs ar +OT A +ĠHoff man +Never theless +Ġad orable +Ġspawn ed +Ass ociated +ĠDom estic +Ġimpl ant +ĠLux em +ĠK ens +Ġp umps +ĠS AT +Att ributes +50 9 +av our +Ġcentral ized +ĠT N +Ġfresh ly +ĠA chieve +Ġouts iders +her ty +ĠRe e +ĠT owers +ĠD art +ak able +Ġm p +ĠHeaven ly +Ġr ipe +ĠCarol ine +ry an +Ġclass ics +Ġret iring +Ġ2 28 +Ġa h +Ġdeal ings +Ġpunch ing +ĠChap man +O ptions +max well +vol ume +Ġst al +Ġex ported +ĠQu ite +Ġnumer ical +B urn +F act +ĠKey stone +Ġtrend ing +Ġalter ing +ĠAfric ans +47 8 +ĠM N +ĠKn ock +Ġtempt ation +Ġprest ige +Over view +ĠTrad itional +ĠBah rain +Priv ate +ĠH OU +Ġbar r +ĠT at +C ube +US D +ĠGrand e +ĠG at +ĠFl o +Ġres ides +Ġind ec +vol ent +Ġperpet ual +ub es +Ġworld view +ĠQuant um +Ġfil tered +Ġen su +orget own +ERS ON +ĠM ild +37 9 +OT T +à ¥ +Ġvit amins +Ġrib bon +Ġsincere ly +ĠH in +Ġeight een +Ġcontradict ory +Ġgl aring +Ġexpect ancy +Ġcons pir +Ġmon strous +Ġ3 80 +re ci +Ġhand ic +Ġpump ed +Ġindic ative +Ġr app +Ġav ail +ĠLEG O +ĠMar ijuana +19 85 +ert on +Ġtwent ieth +################ ################ +ĠSw amp +Ġval uation +Ġaffili ates +adjust ed +ĠFac ility +26 2 +Ġenz ymes +itud inal +Ġimp rint +S ite +Ġinstall er +ĠT RA +m ology +lin ear +ĠCollect ive +ig ating +ĠT oken +Ġspec ulated +K N +ĠC ly +or ity +Ġdef er +Ġinspect ors +appro ved +R M +ĠSun s +Ġinform ing +ĠSy racuse +ib li +7 65 +Ġgl ove +Ġauthor ize +âĢ¦âĢ¦âĢ¦âĢ¦ âĢ¦âĢ¦âĢ¦âĢ¦ +ĠCru ise +Ġcontract ing +she ll +IF E +ĠJew el +p ract +ĠPhot oshop +ĠKnow ing +h arm +Ġattract ions +ad an +et us +01 8 +w agen +Al t +Ġmultip ly +Ġequ ilibrium +: { +ĠF ighters +ĠEd gar +Ġfour teen +Go vern +Ġmis use +Ġab using +Ġancest ry +ram er +64 4 +Ġwor ms +Ġthick er +ĠComb ine +Ġpeas ants +Ġv ind +Ġcon quest +Ġm ocked +Ġc innamon +ĠC ald +ĠGall up +Ġavoid ance +Ġincarn ation +ĠStr at +Ġt asted +ent a +ĠN eal +p ared +Ġtermin ology +ject ion +Scient ists +ĠIN S +ĠDe e +Ġdirect ories +R oad +ĠSh ap +br ight +ĠDirect ors +ĠCol umn +Ġb ob +Ġprefer ably +Ġgl itch +f urt +Ġe g +id is +C BC +Ġsur rendered +Ġtest ament +33 6 +ug gest +ĠN il +an other +Ġpat hetic +ĠDon na +Ġ2 18 +ĠA very +Ġwhis key +Ġf ixture +ĠCon quest +Ġbet s +O cc +ĠLe icester +] ." +Ġ) ); +Ġfl ashes +45 6 +Ġmask ed +ge bra +Ġcomput ed +che l +aud er +Ġdefe ats +ĠLiber ation +ĠOs ama +ĠV ive +Ch anges +Ch annel +Ġtar iffs +Ġm age +ĠS ax +Ġinadvert ently +ĠC RE +ĠRe aper +ink y +gr ading +Ġstere otyp +Ġcur l +ĠF ANT +Ġfram eworks +M om +ĠAn ch +Ġflav our +car bon +Ġperm itting +let cher +ĠMo zilla +ĠPark ing +ĠCh amp +Sc roll +Ġmurd erer +Ġrest ed +Ġow es +ĠP oss +AD D +IF F +res olution +ĠMin ing +Ġcompar ative +D im +Ġneighbour ing +ĠA ST +ĠT oxic +Ġbi ases +Ġgun fire +ur ous +ĠMom ent +19 83 +Ġper vasive +tt p +ĠNorm ally +r ir +S arah +ĠAlb any +Ġun sett +ĠS MS +ip ers +l ayer +ĠWh ites +up le +Ġtur bo +ĠLe eds +Ġthat s +ĠMin er +M ER +ĠRe ign +Ġper me +ĠBl itz +Ġ19 34 +Ġintimid ating +t ube +Ġecc entric +ab olic +box es +ĠAssoci ates +v otes +Ġsim ulate +um bo +aster y +Ġship ments +FF FF +an th +Ġseason ed +Ġexperiment ation +âĸ ł +law s +Me et +idd les +ant ics +R ating +IS IS +h ift +Ġfront s +b uf +01 7 +Ġun att +ĠD il +le ases +ĠGard ens +77 7 +t ouch +ve ll +45 8 +Ġ= ==== +s aving +Ġer osion +ĠQu in +Ġearn s +Ġaccomplish ment +ĠWe i +Ġ< [ +____ _ +Ġir rig +ĠT eddy +Ġconqu ered +ĠArm ored +Ġassert s +Ġmanip ulating +r é +Ġtranscript s +G allery +Ġplot ting +Ne il +Ġbetray al +load er +ĠS ul +Ġdispl acement +Ġroy alty +ĠW I +he it +ĠDev ices +alle l +Ġmunicipal ities +Ġcan al +St ars +ĠU AE +Ġ" âĢ¦ +ĠC U +ab ove +Ġreson ance +ĠguiActive Un +add ed +ĠBra ves +ĠI bn +Ġhere by +ĠB RE +Ġshare holder +ĠH ir +ĠJ i +Ġstrange ly +Ġadm ired +Ġpl ight +Ġb achelor +ĠP ole +cipl inary +T ony +ĠArmen ian +Ġun man +ĠZion ist +St age +isco ver +Ġautom otive +Ġs idelines +Ġsl ick +ĠRena issance +ĠF UN +Im ages +ĠH aj +Ġp ing +Ġshort cut +ĠBl vd +ĠLook s +Ġbur sts +Ġcl amp +Ġm ish +Ġsort ing +Ġpatri ot +Ġcorrect ness +ĠScand inav +ĠCaval iers +p ython +az ar +Ġ3 75 +ĠJa une +40 9 +Ġdetrim ental +Ġstab bing +Ġpoison ed +Ġf ountain +oc ent +or st +ĠMar i +Ġr ains +ĠO vers +ĠInst itution +ud get +AM Y +t ale +ĠK R +ĠPr ices +Ġhead aches +Ġlands l +ĠA ura +Bon us +ĠZ hao +ĠH ip +Ġhop s +ĠKurd istan +Ġexplo iting +ry n +Ġhypocr isy +op ening +Ġgun shot +Ġw ed +inter stitial +Inter stitial +Ġam en +Bre aking +Ġmarket ed +W ire +ĠC rowd +Contin ue +ĠK nown +ĠEffect ive +ore an +iz ons +Jose ph +Ġescal ation +us ername +Ġcur tain +AT ES +ĠP AR +ĠM iy +Ġcounter fe +l ene +Ġcont enders +d aily +ĠAs c +ĠPhill ip +most ly +Ġfil ename +he ne +Ġresemb ling +Ġst aging +ĠCh loe +Ġw iring +H on +ĠRen ew +ott age +ĠHy brid +m uch +Ġstro kes +Ġpolicy makers +AP TER +ĠArk ham +pl ot +Ġassist ants +Ġde port +ĠSe ga +Ġinflu enza +ĠC ursed +ĠK obe +Ġskin ny +Prov ider +ĠR ip +Ġincrement al +product s +B F +Ġd ome +ĠC redits +Ġlos ers +int s +ĠBet ty +ĠTal ent +ĠD AM +L v +E ss +Ġd ens +tem p +J udge +od ic +Ġ' ( +UR ES +ets k +V O +Ġretrie ved +Ġarchitect s +Ù ĩ +Ġeth ic +ĠSecond ary +st ocks +ad ia +Ġ3 25 +ĠOp inion +Ġsimultane ous +Ġd izz +ul p +Ġsmugg ling +ipp ery +R andom +f acing +ĠD as +Ġstock p +Ġdiscl osures +po inter +Ġcor al +ĠSe lection +ĠP ike +ival ent +Ġruth less +ĠR im +Ġensu ing +ĠExper iment +Ġcongress man +Ġbelie ver +Ġun specified +ĠM ord +Ġknowledge able +ĠV ERY +T X +Ġstra ps +Ġtur f +apesh ifter +Ġmar ital +Ġfl ock +ãģ Ĩ +26 3 +AM ES +ĠOpp osition +Ġtre asures +ĠG OD +Ġmodel ed +ĠWOR LD +Ġ( [ +ĠUs age +H F +Ġ$ ( +uss ed +Ġpione er +E ight +par se +b read +rit z +ĠMir anda +ĠK ant +++ ) +ore n +Ġprov oked +Ġbre eds +ĠIn cludes +ĠPast ebin +ĠFl ip +J ava +Ġbr ink +Ġrum ored +Ġun seen +Ġgar nered +ĠDef in +al ted +Ġtatt oos +Ġhes itation +is itions +ĠWe aver +ĠReport ing +Ġtherap ies +Ġconsult ants +Ġresid ual +ĠMal i +ĠRom a +i ago +ĠRes idents +ub i +Ġremed ies +Ġadapt ive +ĠAl ive +ĠBar cl +Ġwal lets +c rypt +etermin ation +ĠPel osi +Ġsl ipping +oton in +Ġall iances +pat rick +ir is +Ġor th +ĠPer kins +ĠDe V +ĠG ets +Ġdry ing +ge e +fore st +ĠFor get +ore m +33 9 +Ġvague ly +ĠD ion +ĠP orn +ĠH OW +Ġp neum +Ġrub ble +ĠT aste +enc ia +ĠG el +Ġd st +Ġ24 5 +ĠMoroc co +inf lamm +ĠTw ins +Ġb ots +d aughter +ĠB alk +Ġbre thren +Ġlog os +Ġgo bl +f ps +Ġsub division +Ġp awn +Ġsquee zed +Ġmor ale +ĠD W +' " +Ġkn ot +ook y +Ġdiv isive +Ġboost ed +ch y +ãĥ IJ +if act +Ġnewcom ers +ĠWrest ling +Ġsc outs +w olves +R at +Ġnin eteenth +ĠOs borne +St ats +Ġem powered +Ġpsych opath +ĠO EM +ugg age +ĠP K +ĠMoh ammad +P ak +Ġanarch ists +ĠExt ract +est hes +ĠStock holm +l oo +ĠG raph +Ġdeploy ing +ĠStr anger +ĠM old +Ġstaff er +Ġdiscount ed +uck le +ple ase +ĠLand ing +ÃŃ a +Ġ19 3 +Ġan te +Ġrep etition +Ġ+ /- +Ġpar ody +Ġlive ly +AA A +ĠHor us +Ġp its +ind ers +L OC +ĠVen ice +40 6 +ĠDis cover +â Ĩ +ellect ual +Ġp ens +Ġey el +ig uous +Im pl +Ġj oking +Ġinv al +ĠBel fast +Ġcredit ors +ĠSky walker +ov sky +Ġcease fire +Ġse als +is oft +) ). +ĠFel ix +IT S +Ġt resp +ĠBlock chain +ew are +ĠSch war +en ne +mount ed +ĠBe acon +les h +Ġimmense ly +Ġche ering +Em ploy +sc ene +ish ly +atche wan +ĠNic olas +Ġdr ained +ĠEx it +ĠAz erb +j un +Ġflo ated +u ania +De ep +Ġsuper v +Ġmyst ical +ĠD ollar +ĠApost le +ĠR EL +ĠProv ided +ĠB ucks +ãĥ ´ +cut ting +Ġenhance ments +ĠPengu ins +ĠIsa iah +Ġj erk +ĠW yn +Ġst alled +Ġcryptoc urrencies +ĠR oland +sing le +Ġl umin +ĠF ellow +ĠCap acity +ĠKaz akh +W N +Ġfin anced +38 9 +Ġt id +Ġcoll usion +ĠMy r +î Ģ +Sen ator +Ġped iatric +Ġneat ly +Ġsandwic hes +ĠArchitect ure +Ġt ucked +Ġbalcon y +Ġearthqu akes +qu ire +F uture +Ġhe fty +é Ĺ +Ġspecial izes +Ġstress es +Ġs ender +Ġmisunder standing +Ġep ile +Ġprov oke +ĠCol ors +Ġdis may +uk o +[ _ +58 6 +ne utral +Ġdon ating +ĠRand all +Mult i +Ġconvenient ly +ĠS ung +ĠC oca +Ġt ents +ĠAc celer +Ġpart nered +27 2 +ir ming +ĠB AS +s ometimes +Ġobject ed +ub ric +p osed +LC S +gr ass +Ġattribut able +V IS +Israel i +Ġrepe ats +ĠR M +v ag +ut a +in ous +Ġin ert +ĠMig uel +æ Ń +ĠHawai ian +B oard +Ġart ific +ĠAzerb ai +as io +ĠR ent +A IN +Ġappl iances +Ġnational ity +Ġass hole +ĠN eb +Ġnot ch +h ani +ĠBr ide +Av ailability +Ġintercept ed +Ġcontin ental +Ġsw elling +ĠPers pect +b ies +. < +ith metic +ĠL ara +Ġtempt ing +add r +Ġoversee ing +cl ad +ĠD V +ĠGing rich +Ġm un +ĠApp ropri +Ġalter ations +ĠPat reon +Ġha voc +Ġdiscipl ines +Ġnotor iously +aku ya +ier i +? ). +ĠW ent +Ġsil icon +Ġtre mb +Cont ainer +K nown +Ġmort ar +est e +ick a +Ar thur +ĠPre viously +ĠMart y +Ġsp arse +g ins +Ġin ward +ĠParticip ant +C opy +ĠM isc +Ġantib iotic +ĠRet ro +Ġel usive +Ġass ail +ĠBatt alion +ĠB ought +Ġdimin ish +ĠEuro pa +s ession +ĠDanger ous +ies el +Ġdisbel ief +Ġbl asts +ext reme +ĠBoy d +ĠProject s +ĠGu ys +Ġunder gone +Ġgr ill +ĠDw ight +Ġ19 7 +US ER +Ġfiles ystem +Ġcl ocks +T aylor +Ġwra pper +Ġfold ing +ous and +ĠPhilipp ine +ATION AL +ĠPer th +Ġas hes +Ġaccum ulate +ĠGate way +Sh op +orks hire +H an +ĠBar rel +ĠLe h +ĠX V +Ġwh im +Ġrep o +ĠC G +ĠM am +Ġincorpor ating +Ġbail out +Ġlingu istic +Ġdis integ +C LE +Ġcinem atic +ĠF iber +S yn +il ion +ĠCom pos +c hens +Ġne oc +Ġbo iled +F INE +on o +un cle +ik en +ĠB M +Î ¹ +Ġreceipt s +Ġdisp osed +ĠTh irty +ĠR ough +ĠA BS +Ġnot withstanding +oll en +# $ +Ġunrel iable +Ġbl oom +Ġmedi ocre +Ġtr am +ĠTas man +Ġsh akes +Ġmanifest o +ĠM W +Ġsatisf actory +Ġsh ores +Ġcomput ation +Ġassert ions +orm ons +ar ag +ab it +Dem ocrats +ĠL oot +ĠVol ks +ha ired +Ġgrav itational +S ing +ĠM iz +Ġthro ttle +Ġtyr anny +ĠView s +Ġrob ber +ĠMinor ity +Ġsh rine +sc ope +pur pose +Ġnucle us +our cing +ĠUS DA +ĠD HS +w ra +ĠBow ie +Sc ale +ĠB EL +x i +I ter +Ġ( ), +w right +Ġsail ors +ous ed +NAS A +ĠPro of +ĠMin eral +t oken +ĠF D +R ew +Ġe ll +6 30 +Ġchance llor +ĠG os +Ġamount ed +ĠRec re +ome z +ĠOpt im +ĠOl ive +Ġtrack er +ow ler +ĠUn ique +R oot +Ġmar itime +ĠQur an +ĠAd apt +Ġecosystem s +ĠRe peat +ĠS oy +ĠI MP +Ġgrad uating +and em +P ur +ĠRes et +ĠTr ick +ĠPh illy +ĠT ue +ĠMalays ian +Ġclim ax +Ġb ury +Ġcons pic +ĠSouth ampton +ĠFl owers +Ġesc orted +ĠEduc ational +ĠI RC +Ġbrut ally +e ating +Ġpill ar +ĠS ang +ĠJ ude +ar ling +ĠAm nesty +Ġrem inding +ĠAdminist rative +hes da +Ġfl ashed +ĠP BS +per ate +fe ature +Ġsw ipe +Ġgra ves +oult ry +26 1 +bre aks +ĠGu er +Ġsh rimp +ĠV oting +qu ist +Ġanaly tical +Ġtables poons +ĠS OU +Ġresear ched +Ġdisrupt ed +Ġj our +Ġrepl ica +Ġcart oons +b ians +} ) +c opy +G ot +ou ched +P UT +Ġsw arm +not ations +s aid +Ġreb uilt +Ġcollabor ate +Ġr aging +Ġn ar +Ġdem ographics +ĠD DR +Ġdist rust +oss ier +ĠK ro +Ġpump kin +Ġreg rets +Ġfatal ities +ĠL ens +ĠO le +p d +Ġpupp et +ĠOut look +ĠSt am +O l +F air +U U +Ġre written +Ä ± +Ġfasc inated +Ġve ctors +Ġtrib unal +u ay +ĠM ats +ĠCo ins +[ [ +Ġ18 1 +Ġrend ers +ĠK aepernick +Ġesp ionage +Ġsum m +Ġd itch +Acc ount +Ġspread sheet +Ġmut ant +p ast +40 7 +Ġd ye +Ġinit iation +Ġ4 000 +Ġpunish able +Ġth inner +ĠKh al +Ġinter medi +D un +ĠGoth am +Ġeager ly +Ġvag inal +p owers +V W +ĠWATCH ED +Ġpred ator +ams ung +Ġdispar ity +Ġ[ * +Ġam ph +Ġout skirts +ĠSpir its +Ġskelet al +Ð » +ĠR ear +Ġissu ance +ĠLog ic +re leased +Z Z +ĠB ound +Ent ry +Ġex its +is ol +ĠFound er +Ġw re +ĠGreen land +ĠM MO +t aker +IN C +ãģ ¾ +Ġhour ly +hen ko +Ġfantas ies +Ġdis ob +Ġdemol ition +ãĥ ĭ +Ġen listed +rat ulations +Ġmis guided +Ġens ured +Ġdiscour aged +m ort +Ġfl ank +Ġc ess +Ġreact s +ĠS ere +s ensitive +ĠSer pent +ass ad +Ġ24 7 +Ġcalm ly +b usters +Ġble ed +ĠSt ro +Ġamuse ment +ĠAntar ctica +Ġs cept +ĠG aw +a q +ason ic +Ġsp rawling +n ative +atur ated +ĠBattle field +IV ERS +E B +ĠG ems +ĠNorth western +ĠFil ms +ĠAut omatic +Ġappre hend +ãģ ¨ +Ġgui Name +Ġback end +Ġevid enced +ge ant +01 2 +ĠS iege +Ġexternal To +Ġunfocused Range +ĠguiActiveUn focused +Ġgui Icon +ĠexternalTo EVA +ĠexternalToEVA Only +F ri +ch ard +en aries +Ġchief s +Ġc f +ĠH UD +Ġcorro bor +Ġd B +ĠT aken +ĠPat ricia +ra il +ĠCh arm +ĠLiber tarian +rie ve +Person al +ĠO UR +ger ies +Ġdump ing +Ġneurolog ical +it imate +ĠClint ons +raft ed +ĠM olly +Ġtermin als +reg ister +Ġfl are +Ġenc oded +Ġautop sy +p el +m achine +Ġexempt ions +ĠRoy als +d istance +Ġdraft s +Ġl ame +ĠC unning +Ġsp ouses +ĠMark ets +ĠCar rier +Ġimp lying +ĠY ak +s id +Ġl oser +Ġvigil ant +Ġimpe achment +Ġaug mented +ĠEmploy ees +Ġunint ended +tern ally +ĠW att +Ġrecogn izable +ess im +æ Ŀ +Ġco ated +r ha +Ġlie utenant +ĠLegisl ation +pub lished +44 4 +01 3 +Ġide ally +ĠPass word +Ġsimpl ify +ĠMet a +ĠM RI +Ġple ading +organ ized +hand ler +Ġun ravel +cor rect +Ġ icy +Ġparan oid +Ġpass er +Ġinspect ions +of er +ĠHealth care +28 3 +ĠBr ut +iol a +for ge +ĠMed ieval +MS N +ie vers +ĠProgram ming +å ī +Ġ2 23 +m u +ĠC LE +ug a +Ġsho ppers +Ġinform ative +ĠPl ans +Ġsupplement ation +ĠT ests +ty ard +ocy tes +ĠVeg a +ĠGujar at +erman ent +Ex cept +ĠL OT +all a +ĠC umm +ĠO sw +Ġven om +ĠDeb t +ĠD OWN +Ġreun ion +Ġm uc +ĠRel ief +Ġge op +ĠðŁ ĺ +al ogue +An th +ech o +Ġcor ros +Ġrepl ication +ĠBl azing +ĠD aughter +Ġinf lic +ĠLind sey +Ù Ī +28 4 +Ex it +Ġgl oom +TA IN +Ġundermin ing +Ġadv ising +h idden +Ġover flow +Ġg or +urd ue +Ġe choes +enh agen +Ġimp uls +d rug +c ash +Ġas ync +Ġmir ac +at ts +p unk +Ġpiv ot +ĠLegisl ative +Ġblog gers +ĠCl aw +s burg +d yl +ĠRecomm end +Ġver te +Ġprohib iting +ĠPant her +Jon athan +Ġo min +Ġhate ful +28 1 +ĠOr che +ĠMurd och +down s +Ġas ymm +G ER +Al ways +Ġinform s +ĠW M +ĠP ony +ĠApp endix +ĠAr lington +J am +Ġmedic inal +ĠS lam +IT IES +Ġre aff +ĠR i +F G +S pring +b ool +Ġthigh s +Ġmark ings +ĠRa qqa +ĠL ak +p oll +ts ky +ĠMort y +ĠDef inition +Ġdeb unk +end ered +ĠLe one +a vers +Ġmortg ages +App arently +N ic +ha us +ĠTh ousands +au ld +Ġm ash +sh oot +Ġdi arr +Ġconscious ly +H ero +e as +ĠN aturally +ĠDestroy er +Ġdash board +serv ices +R og +Ġmillenn ials +Ġinv ade +- ( +Ġcomm issions +ĠA uckland +Ġbroadcast s +Ġfront al +Ġcr ank +ĠHist oric +Ġrum ours +CT V +Ġster il +Ġboost er +rock et +ãĤ ¼ +ut sche +ĠP I +Ġ2 33 +ĠProdu cer +ĠAnaly tics +Ġinval uable +Ġunint ention +ĠC Y +Ġscrut in +Ġg igg +Ġeng ulf +Ġprolet ariat +Ġh acks +ĠH ew +ar ak +ĠSl ime +ield ing +ag her +ĠEll iot +Ġtele com +Ġ2 19 +ult an +ĠAr bor +ĠSc outs +B an +Ġlifes pan +Ġbl asp +38 8 +Ġjud iciary +ĠContin ental +ask ing +Mc C +L ED +Ġbag gage +ĠSorce rer +Ġrem nants +ĠGriff ith +ets u +ĠSub aru +ĠPerson ality +des igned +ush ima +agn ar +Ġrec oil +Ġpass ions +\ ": +Ġte e +Ġabol ition +ĠCreat ing +j ac +Ġ19 4 +01 9 +Ġpill ars +ric hed +/ " +t k +Ġlive lihood +Ġro asted +ah on +ĠH utch +ass ert +Ġdivid end +Ġkn it +Ġd aunting +Ġdisturb ance +Ġsh ale +Ġcultiv ated +Ġrefriger ator +L B +ĠN ET +Ġcommercial s +Ġthink ers +45 5 +Ġch op +B road +Ġsuspic ions +Ġtag ged +l ifting +Ġsty lish +ĠShield s +Short ly +Ġt ails +A uth +ST E +ĠG AME +Ġse ism +ĠK is +olog ne +Ġcow ork +Ġforc ibly +Ġthy roid +ĠP B +AN E +mar ried +h orse +Ġpoly mer +ĠCh al +od or +DE BUG +ĠCon text +Ġbl iss +Ġpin point +ĠMat hemat +leg ram +ĠWeek end +Ġlab elled +Ġb art +it les +Ġest rogen +âĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶ âĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶ +" ' +Ġvis ibly +Ġouts ider +aid a +Are a +Ġdisse min +Ġdish onest +ĠCl osed +ĠBullet in +ĠRam sey +sw ord +ĠX I +our ced +S ame +34 6 +ĠRe pe +ĠK ou +c ake +em is +C ache +ĠMe aning +ĠEn light +onom y +Ġmanifest ation +sw orth +J ay +Ġch ore +ö r +D ream +Ġsanction ed +Ġcult urally +ĠA ra +N av +Ġthe ological +Ġstr ut +ĠV O +ĠHand book +Ġconstruct ing +Ġ ¶ +ĠBenef its +ĠPsych ological +s ac +å ¸ +p olicy +ĠMat ters +ĠReport ed +ĠBy te +Ġvit ro +ĠM aiden +Ġl am +ĠJenn ings +Ġgar ment +ĠRut gers +ĠStaff ord +ĠWell ington +Ġinter mitt +Ġn pm +Ġord eal +Ġplug ged +o oming +in ished +fram ework +Ġtim ber +Ġc ass +Ġ8 50 +il ess +ĠRed ux +7 68 +St re +Ġsurpass ed +w hel +Ġparalle ls +Ġve il +ĠG I +ĠR EST +Ġread iness +s ort +Ġmod ifying +ĠSl ate +ru ff +Ġmar ble +Ġinf rared +Ġaud itor +ĠFANT ASY +ĠP overty +ĠS PD +Ġ" ( +K y +RA Y +Ġexecut ions +ĠBever ly +ĠMarx ism +ĠBur st +ĠK ali +est ones +Clear ly +E ll +ãģ § +ĠProceed ings +T oken +IF IC +ñ a +Cent ral +ĠH aley +ĠD rama +Ġform ations +OR N +Book s +Ġdom inating +ĠFly ers +ĠCompan ion +Ġdiscipl ined +ĠYug oslav +ĠSpell s +Ġv engeance +Ġland lords +L en +ĠO gre +ano ia +Ġpier cing +Ġcon greg +Ġscore r +ob ia +Ġnic kel +ĠLear ns +Ġre jo +Ġmaster piece +Fl ash +Ġinhab ited +ĠOpen GL +ĠD ud +ĠI CO +Ġar ter +Ġpl ur +Ġmaster y +Ġlong standing +st ed +Ġw ines +Ġtelev ised +ĠSh rine +ĠBay ern +Ġâ ĵĺ +Ġencl osure +j ohn +Ġprophe ts +ĠRes urrection +ĠOrd ers +Ġun even +r als +Ġd wind +ĠL ah +ĠSl oven +37 8 +Ġins istence +aff le +ĠCl one +Ġhard ship +ĠCongress man +Ġple ad +Ġreview ers +Ġc ured +Ġ19 35 +as ley +f ake +ĠTh inking +yd ia +P ART +ĠD ota +o it +Ġwh ipped +Ġb ouncing +ĠHispan ics +com ings +Ġcann abin +ĠCh ambers +ĠZ ack +Option al +Ġco ats +Ġprow ess +ĠNort on +Ġplain ly +Ġfre ight +Ġinhib ition +Ġcl am +Ġ30 3 +ke f +ale igh +L uke +Ġpsych o +ator ium +M ED +Ġtreat ies +Ġind isc +Ġd c +OP S +Ġresil ient +ĠInter state +Ġsl ack +Ġmund ane +Ġestab lishes +35 9 +Ġstr ained +Ġn ond +S us +Ġcast e +ar ate +ie ving +Ġunfair ly +Ġpars er +on ial +urs ive +V ia +ĠOtt o +ĠAuthor ities +stro ke +K R +ĠMer cy +Ġfurn ished +Ġout set +Ġmet ic +19 82 +olith ic +ĠT ent +og ical +ĠA ircraft +Ġh ides +ĠBec ame +Ġeduc ators +re aching +Ġvol atility +Ġtodd ler +ĠNAS CAR +ĠTw elve +ĠHigh lights +Ġgra pe +Ġspl its +Ġpe asant +Ġre neg +ĠMS I +Tem p +st ars +Ġtre k +ĠHy de +b inding +Ġreal ism +Ġox ide +ĠH os +Ġmount s +Ġbit ing +Ġcollaps ing +Ġpost al +Ġmuse ums +Ġdet ached +Ġrespect ing +Ġmonop ol +Ġwork flow +ĠC ake +Tem plate +ĠOrgan isation +Ġpers istence +36 9 +C oming +B rad +Ġredund ant +ĠG TA +Ġb ending +Ġrev oked +Ġoff ending +Ġfram ing +Ġprint f +Comm un +mem bers +Out side +Ġconst rued +Ġc oded +F ORE +Ġch ast +Ch at +Ind ian +ĠY ard +? !" +ĠP orts +ĠX avier +ĠR ET +' ." +ĠBo at +iv ated +ich t +umer able +D s +ĠDun n +Ġcoff in +Ġsecure ly +ĠRapt ors +ĠB es +Install ation +Ġin ception +ĠHealth y +end ants +Ġpsych ologists +ĠShe ikh +c ultural +ĠBlack Berry +sh ift +F red +oc he +Ġc akes +ĠS EO +ĠG ian +ĠAs ians +og ging +e lement +Ġpund its +ĠV augh +ĠG avin +Ġh itter +Ġdrown ed +Ġch alk +ĠZ ika +Ġmeas les +80 2 +âĢ¦ .. +ĠAW S +] " +Ġdist ort +ĠM ast +Ġantib odies +ĠM ash +Mem ory +ĠUg anda +ĠPro b +Ġvom iting +ĠTurn s +Ġoccup ying +Ġev asion +ĠTher apy +Ġprom o +Ġelect r +Ġblue print +ĠD re +pr iced +ĠDep ot +Ġallev iate +ĠSom ali +m arg +n ine +Ġnostalg ia +ĠShe pherd +Ġcaval ry +Ġtor ped +ĠBlood y +x b +Ġs ank +Ġgo alt +report print +embed reportprint +clone embedreportprint +ĠIn itially +ĠF ischer +Ġnot eworthy +c ern +Ġin efficient +raw download +rawdownload cloneembedreportprint +c ation +ĠD ynasty +l ag +D ES +Ġdistinct ly +ĠEston ia +Ġopen ness +Ġg ossip +ru ck +W idth +ĠIb rahim +Ġpet roleum +Ġav atar +ĠH ed +ath a +ĠHog warts +Ġc aves +67 8 +Ġsafegu ard +ĠM og +iss on +ĠDur ham +sl aught +ĠGrad uate +Ġsub conscious +ĠEx cellent +ĠD um +---- - +Ġp iles +ĠW ORK +ĠG arn +ĠF ol +ĠAT M +Ġavoid s +ĠT ul +Ġble ak +EL Y +iv ist +light ly +P ers +ĠD ob +ĠL S +Ġins anity +Î µ +atal ie +En large +Ġtw ists +Ġfault y +Ġpir acy +Ġimp over +Ġrug ged +ĠF ashion +Ġs ands +' ? +sw ick +Ġn atives +Ġhe n +ĠNo ise +ãĥ Ĺ +Ġg reens +Ġfree zer +Ġd ynasty +ĠFather s +ĠNew ark +Ġarchae ological +Ġo t +ob ar +Ġblock ade +Ġall erg +L V +Ġdeb it +ĠR FC +ĠMil ton +ĠPress ure +Ġwill ingly +Ġdisproportion ate +Ġopp ressive +Ġdiamond s +Ġbelong ings +19 70 +Ġbell s +Ġimperial ism +Ġ2 27 +Ġexpl oding +ĠE clipse +Ġ19 19 +Ġr ant +Ġnom inations +34 7 +Ġpeace fully +ric a +ĠF UCK +Ġvib ration +mal ink +Ġro pes +ĠIv anka +ĠBrew ery +ĠBook er +ĠOw ens +go ers +Serv ices +ĠSn ape +Ġ19 1 +39 5 +Ġ2 99 +just ice +Ġb ri +Ġdisc s +Ġprom inently +Ġvul gar +Ġsk ipping +l ves +Ġtsun ami +37 4 +ĠU rug +ĠE id +rec ated +p hen +Ġfault s +ĠStart ed +9 50 +Ġp i +Ġdetect or +Ġbast ard +Ġvalid ated +Space Engineers +OUR CE +Ġ( ~ +Ġuns ur +Ġaff irmed +Ġfasc ism +Ġres olving +ĠCh avez +ĠC yn +Ġdet ract +L ost +Ġrig ged +Ġhom age +ĠBrun o +55 5 +ec a +Ġpress es +Ġhum our +Ġsp acing +Ġ' / +olk ien +C oun +OP ER +T re +S on +ĠCambod ia +ier re +m ong +o zy +Ġliquid ity +ĠSov iets +ĠFernand o +Ġ2 29 +Ġsl ug +ĠCatal an +elect ric +Ġsc enery +ĠH earth +Ġconst rained +Ġgoal ie +ĠGu idelines +ĠAm mo +ĠPear son +Ġtax ed +Ġfet us +Resp onse +ĠAlex is +th ia +G uy +Ġrecon struct +Ġextrem es +Ġconclud ing +ĠP eg +ook s +Ġded uctions +R ose +Ġground breaking +ĠT arg +ãĥ ģ +ĠRe ve +res ource +Ġmo ons +Ġelectrom agnetic +Ġamid st +ĠVik tor +N ESS +B ACK +Ġcomm ute +ĠAna heim +Ġfluct uations +6 40 +Ġnood les +ĠCop enhagen +ĠT ide +ĠGri zz +ĠS EE +Ġpip elines +Ġsc ars +end o +ag us +ĠE TF +/ # +ĠBec ome +44 8 +Ġvis c +ĠRecomm ended +Ġj umper +Ġcogn ition +Ġassass in +Ġwitness ing +ĠSet up +Ġl ac +v im +IS M +p ages +SS L +35 8 +Ġad ject +indust rial +l ore +cher y +Ġgl itter +Ġc alf +Flor ida +Ġspoil ers +Ġsucceed s +Ġch anting +Ġslog ans +ĠTr acy +Vis it +rol ogy +Ġm ornings +Ġline age +Ġs ip +Ġintense ly +Ġflour ish +ĠSle eping +ĠF em +or por +ĠK lan +ĠDar th +h ack +ĠNi elsen +Ġtum ors +Ġprocure ment +ĠY orkshire +Ġra ided +K Y +An na +Ġ// [ +ĠDis order +ĠMust ang +ĠW en +ĠTry ing +s q +Ġdeliver ies +Ġshut ter +Ġcere bral +Ġbip olar +ĠC N +l ass +j et +Ġdeb ating +> : +Ġe agle +gr ades +ĠD ixon +UG C +M AS +ĠDr aco +ĠMach ines +aff er +Ġem an + ² +pr on +ĠG ym +Ġcompar atively +ĠTrib unal +PR O +Ġle x +Ġfert ile +Ġdep ressing +Ġsuperf icial +ess ential +ĠHun ters +g p +Ġprom inence +L iber +ĠAn cest +ote chnology +Ġm ocking +ĠTra ff +ĸ ļ +Med ium +I raq +Ġpsychiat rist +Quant ity +ĠL ect +Ġno isy +5 20 +G Y +Ġsl apped +ĠM TV +Ġpar a +p ull +Mult iple +as her +Ġn our +ĠSe g +Spe ll +v ous +ord ial +Sen ior +ĠGold berg +ĠPl asma +ne ed +Ġmess enger +ere t +Ġteam ed +Ġliter acy +ĠLe ah +ĠD oyle +Ġem itted +U X +Ġev ade +Ġm aze +Ġwrong ly +ĠL ars +Ġstere otype +Ġpled ges +Ġarom a +ĠM ET +Ġac re +ĠO D +Ġf f +Ġbrew eries +ĠH ilton +und le +ĠK ak +ĠThank fully +ĠCan ucks +in ctions +ĠApp ears +Ġco er +Ġundermin ed +ro vers +And re +Ġbl aze +um ers +Ġfam ine +amp hetamine +ulk an +Am ount +Ġdesper ation +wik ipedia +develop ment +ĠCor inth +uss ia +Jack son +L I +N ative +R s +Oh io +ĠKath leen +F ortunately +Ġattend ant +ĠPre ferred +ĠDid n +ĠV s +M is +Ġrespond ent +Ġb oun +st able +Ġp aved +Ġunex pl +ĠChe ney +L M +ĠC ull +bl own +Ġconfront ing +oc ese +serv ing +W i +ĠLith uania +ann i +Ġst alk +h d +Ġv ener +AP H +ynchron ous +UR R +um ably +hist oric +H alf +H ay +Ġresil ience +spe ction +Ġabandon ing +O bs +ĠDeb bie +Ġgrad ient +ĠPl aint +ĠCan al +AR CH +Ġexpans ive +Ġfun g +Ġb ounced +U nd +Ġprec autions +Ġclar ification +Ġd agger +Ġgri ps +Ġ µ +ĠRiver a +ĠUnd ead +is ites +ĠFIR ST +ñ o +aud i +Ġhost ages +Ġcompl iant +Ġal umni +Se ven +Ġcyber security +e ither +Col lect +Ġinvari ably +ĠS oci +Ġlaw maker +Ġa le +ĠPerson ally +N azi +Ġcustom ization +ĠPro c +ĠSask atchewan +eat uring +Ġsp ared +Ġdiscontin ued +Ġcomput ational +ĠMotor ola +Ġsuprem acist +government al +Ġparad ise +ĠDown ing +ĠNik on +Ġcat alyst +ber ra +Tor onto +8 75 +bet a +ĠMac ron +Ġunreal istic +ve ctor +ĠVeh icles +it iveness +ĠR V +ĠCol bert +s in +o ji +ent in +ĠKr ish +hell o +ff ield +ok y +ĠT ate +Ġmap le +Ġa ids +chem ical +33 4 +n uts +ĠWar p +Ġx x +ĠRob b +umer ous +_- _ +ft ime +ĠV W +Ġw inger +ĠD ome +t ools +ĠP V +ĠGe orgetown +Ġg eared +Ġjihad ists +Ġc p +Ġster oids +M other +cler osis +ĠDR M +nes ia +Ġl inger +Ġimm ersive +ĠC OUN +Ġoutwe igh +ens ual +B and +Ġtransform s +mat ched +ps ons +ĠJud icial +f actor +Ġrefer ral +Ġodd ly +ĠW enger +B ring +ĠB ows +60 2 +IC LE +Ġl ions +ĠAcad emic +ĠTh orn +ĠRa ider +kef eller +St orage +L ower +ĠOr t +ĠEqu ality +AL T +ĠS OC +T ypes +Ġl yn +ĠAss et +co at +TP P +C VE +ĠPione er +app lication +Mod ern +ĠH K +En vironment +Al right +R ain +IP P +ĠShi ite +Ġm ound +ĠAb ilities +cond ition +St aff +Ġcompet ence +ĠM oor +ĠDi ablo +Ġwith held +Ġost ensibly +ĠB rom +Ġms g +Ġden omin +ĠRef erences +ĠF P +Ġplun ged +Ġp amph +m oving +cent ral +Ġdown right +Ġf ading +T al +T yp +ĠTh y +uk es +it he +Ġo ve +Ġbatt led +Ġseaf ood +Ġfig ur +ĠR D +c rop +Ġsqu ads +{ \ +à ¹ +ĠE h +Ġinterview ing +ĠQ in +Ġas piring +PL IC +Ġcla uses +ĠG ast +ĠN ir +Ġl uggage +Ġh ose +Ġsystem d +Ġdesc ending +ĠRev ised +ĠR ails +al ign +70 9 +33 7 +Ġf ug +charg ing +t ags +Ġut er +k ish +WAR NING +49 0 +prof its +Ġvoy age +Ġa ce +ĠV anguard +ĠT anks +ĠM uk +Ġ2 26 +S afe +Ar mor +Ġvolcan ic +Ġwom b +ĠM IL +Ġbegin ner +ĠRec ogn +ĠA AP +PL AY +) ! +Ġdetect ing +c n +Ġbre aches +Bas ically +ĠP ag +ĠMunicip al +ĠInd ie +ĠL af +ĠDis able +ĠOl son +Ġrest rained +Ġrul ings +Ġhum ane +ev ents +ĠCinem a +display Text +ĠH atch +action Date +onna issance +Ġassault ing +ĠL ug +CH AT +Ġvig orous +ĠPer se +Ġintoler ance +ĠSnap chat +ĠSh arks +Ġd ummy +ĠDi agn +ĠGu itar +im eters +40 3 +RE G +A x +Ġsepar ates +ĠMah m +Ġt v +j ah +O OL +C irc +ĠWinds or +uss ian +Ġintu ition +Ġdis dain +ĠDon ovan +Ġ2 21 +E mb +Ġcondem ning +Ġgener osity +zz y +Ġpant ies +ĠPre vent +Action Code +AN A +34 2 +external ActionCode +Ġspec ifying +Ġcryst all +J ere +Ġru pt +ĠApp rentice +Ġprof iling +Ð º +St rike +Ġsid eline +Ġoblig ated +Ġocc ult +Ġbureaucr atic +ant ically +rupt ed +neg ative +ĠEthiop ia +ĠC ivic +Ġins iders +el igible +ĠTV s +ĠB AR +ĠT I +i ologist +ĠA IR +Ġsubstit uted +Ar ab +ĠS aul +ĠY og +p rem +Ġbuild ers +Ġstation ary +Ġdoubt ful +Ġvig orously +Ġthr illing +Ph ysical +ĠCare y +ĠHyd ra +geon ing +ĠS ly +y ton +Ġborrow ers +ĠPark inson +Ġ ë +ĠJama ica +Ġsat ir +Ġinsurg ents +ĠF irm +Ġis ot +ĠK arn +our ning +ak ens +doc s +l ittle +ĠMon aco +CL ASS +Tur key +L y +ĠCon an +ass ic +Ġstar red +ĠPac ers +et ies +Ġt ipping +M oon +ĠR w +s ame +Ġcav ity +Ġgo of +ĠZ o +Sh ock +um mer +Ġemphas izes +Ġreg rett +Ġnovel ty +Ġen vy +ĠPass ive +r w +50 5 +Ġind ifferent +ĠR ica +ĠHim self +ĠFred die +Ġad ip +ä¸ Ģ +Ġbreak out +Ġhur ried +ĠHu ang +ĠD isk +Ġro aming +?????- ?????- +U V +ĠRick y +ĠS igma +Ġmarginal ized +Ġed its +Ġ30 4 +mem ory +Ġspec imen +29 3 +ãģ ¯ +Ġvert ically +Ġaud ition +ĠHe ck +Ġc aster +ĠHold ings +ad al +ĠC ron +ĠL iam +Ġdef lect +P ick +ĠDeb ug +RE F +Ġvers atility +ot hes +class ified +ĠMah ar +ĠH ort +C ounter +st asy +not iced +33 1 +ĠSh im +f uck +ĠB ie +Ġair ing +ĠPro tein +ĠHold ing +Ġspect ators +ili ated +ĠThat cher +n osis +ãĥ¼ ãĥ³ +Te le +B oston +ĠTem pl +st ay +Ġdecl arations +47 9 +Vol ume +ĠDesign er +ĠOver watch +id ae +Ġon wards +Ġn ets +ĠMan ila +part icularly +Ġpolit ic +o other +Ġport raits +Ġpave ment +c ffff +Ġs aints +Ġbegin ners +ES PN +Ġshort comings +âķIJ âķIJ +Ġcom et +ĠOrgan ic +qu el +Ġhospital ized +Bre ak +Ġpe el +dyl ib +asp x +ur ances +ĠT IM +P g +Ġread able +ĠMal ik +Ġm uzzle +Ġbench marks +d al +ĠV acc +ĠH icks +60 9 +ĠB iblical +he ng +Ġover load +ĠCivil ization +Ġimm oral +Ġf ries +ãĤ Ĵ +Ġreprodu ced +Ġform ulation +j ug +ire z +g ear +Ġco ached +Mp Server +ĠS J +ĠK w +In it +d eal +ĠO ro +ĠL oki +ĠSong s +Ġ23 2 +ĠLou ise +asion ally +Ġunc ond +olly wood +Ġprogress ives +ĠEn ough +ĠDo e +Ġwreck age +Ġbr ushed +ĠBase Type +Ġz oning +ish able +het ically +ĠC aucus +ĠH ue +Ġk arma +ĠSport ing +Ġtrad er +Ġseem ing +ĠCapt ure +4 30 +b ish +Ġt unes +Ġindo ors +ĠSp here +ĠD ancing +TER N +Ġno b +ĠG ST +m aps +Ġpe ppers +F it +Ġoverse es +ĠRabb i +ĠR uler +vert ising +off ice +xx x +Ġra ft +Ch anged +Ġtext books +L inks +ĠO mn +ãĢ ij +Ġinconven ience +ĠDon etsk += ~ +Ġimplicit ly +Ġboost s +ĠB ones +ĠBo om +Cour tesy +Ġsens ational +AN Y +Ġgre edy +ed en +Ġinex per +ĠL er +ĠV ale +Ġtight en +ĠE AR +ĠN um +Ġancest or +S ent +ĠH orde +urg ical +all ah +Ġsa p +amb a +ĠSp read +tw itch +Ġgrand son +Ġfract ure +Ġmoder ator +ĠSe venth +ĠRe verse +Ġestim ation +Cho ose +Ġpar ach +Ġbar ric +ãĢ IJ +Ġcomp ass +Ġall ergic +âĢ ķ +OT HER +err illa +Ġw agon +Ġz inc +Ġrub bed +ĠFull er +ĠLuxem bourg +ĠHoo ver +Ġli ar +ĠEven ing +ĠCob b +est eem +Ġselect or +ĠB rawl +is ance +ĠE k +Ġtro op +Ġg uts +ĠApp eal +ĠTibet an +Ġrout ines +ĠM ent +Ġsummar ized +steam apps +Ġtr anqu +Ġ19 29 +or an +ĠAut hent +Ġg maxwell +Ġappre hens +Ġpo ems +Ġsa usage +ĠWeb ster +ur us +Ġthem ed +Ġl ounge +Ġcharg er +Sp oiler +Ġsp illed +h og +ĠSu nder +ĠA in +ĠAng ry +Ġdis qual +ĠFrequ ency +ĠEther net +Ġhel per +Per cent +Ġhorr ifying +Ġa il +ĠAll an +EE E +ĠCross ing +44 9 +Ġh olog +ĠPuzz les +ĠGo es +eren n +60 4 +ãģ ı +ĠRaf ael +Ġatt en +ĠE manuel +Ġup ro +ĠSus p +P sych +ĠTr ainer +ĠN ES +ĠHun ts +bec ue +Ġcounsel or +R ule +Ġtox ins +Ġb anners +r ifice +Ġgreet ing +Ġfren zy +Ġall ocate +Ġ* ) +ex pr +50 3 +ĠCh ick +ĠT orn +Ġconsolid ation +ĠF letcher +sw itch +fr ac +cl ips +ĠMcK in +ĠLun ar +Mon th +IT CH +Ġscholar ly +rap ed +39 8 +Ġ19 10 +Ġe greg +Ġin secure +Ġvict orious +cffff cc +Ġsing led +Ġel ves +ĠW ond +bur st +Ġcam oufl +ĠBL ACK +Ġcondition ed +ç ī +ans wered +Ġcompuls ory +asc ist +Ġpodcast s +ĠFrank furt +bn b +Ġne oliberal +ĠKey board +ĠBel le +w arm +Ġtrust s +Ġins ured +ĠBu cc +us able +60 7 +ĠPl ains +Ġ18 90 +Ġsabot age +Ġlod ged +f elt +Ġg a +ĠN arc +ĠSal em +Ġsevent y +ĠBl ank +p ocket +Ġwhis per +Ġm ating +om ics +ĠSal man +ĠK ad +Ġan gered +Ġcoll isions +Ġextraord inarily +Ġcoerc ion +G host +b irds +è Ģ +k ok +Ġper missible +avor able +Ġpo inters +Ġdiss ip +ac i +Ġtheat rical +ĠCos mic +Ġforget ting +Ġfinal ized +å¤ § +y out +l ibrary +Ġbo oming +ĠBel ieve +ĠTe acher +ĠL iv +ĠGOOD MAN +ĠDomin ican +OR ED +ĠPart ies +Ġprecip itation +ĠSl ot +R oy +ĠComb ined +Ġinteg rating +Ġch rome +Ġintest inal +ĠRe bell +Ġmatch ups +Ġblock buster +ĠLore n +ĠLe vy +Ġpre aching +ĠS ending +ĠPur pose +ra x +f if +Ġauthor itative +ĠP ET +ast ical +Ġdish on +Ġchat ting +Ġ"$ :/ +Connect ion +Ġrecre ate +Ġdel inqu +Ġbro th +ĠD irty +ĠAd min +z man +Ġscholars hips +Ġ25 3 +cont act +als a +7 67 +c reen +abb age +Ġ19 15 +Ġbl ended +Ġal armed +L anguage +35 6 +Ġbl ends +ĠCh anged +W olf +Ġhe pat +Creat ing +Ġper secut +Ġsweet ness +art e +Ġforfe iture +ĠRober to +im pro +N FL +ĠMag net +Det ailed +Ġinsign ificant +ĠPOL IT +ĠBB Q +ĠC PS +Ġse aw +amin er +m L +end if +f inals +Ġ26 5 +u ish +Ġ} ) +ĠPro blems +Ġem blem +Ġserious ness +Ġpars ing +Ġsubst itution +Ġpress ured +Ġrecy cled +ale b +Rub y +Ġprof iciency +Dri ver +ĠW ester +: ' +AF TA +Ġm antle +ĠClay ton +fl ag +Ġpractition er +c overed +ĠSt ruct +add afi +4 25 +ĠTown ship +ĠHyd ro +Lou is +34 3 +Ġcond o +ĠT ao +Ġutil ization +Ġnause a +ĠDem s +rid ges +p ause +Ġform ulas +Ġchall enger +37 6 +Ġdefect ive +ĠRail way +ĠPub Med +Ġyog urt +l bs +ĠNor folk +OP E +ĠMood y +Ġdistribut or +Ġscroll s +Ġextract s +St an +Ġv iability +Ġexp oses +Ġstar vation +ĠStep s +ĠD odd +f ew +ST D +33 2 +Ġclos ures +Ġcomplement ary +ĠS asha +ump y +Ġmon et +Ġartic ulate +ĠDo ct +k iller +Ġsc rim +Ġ2 64 +Ġprost itutes +Ġse vered +Ġattach ments +Ġcool ed +L ev +ĠF alk +f ail +Ġpolic eman +ĠD ag +Ġpray ed +ĠK ernel +Ġcl ut +Ġc ath +Ġan omaly +St orm +em aker +ĠBreak fast +ul i +o ire +J J +h z +Oper ation +ĠS ick +35 4 +ĠGuatem ala +R ate +Ġexp osures +f aces +ĠArch ae +ra f +ĠM ia +Ġ20 25 +Ġop aque +Ġdisgu ised +ĠHead quarters +S ah +Ġp ots +9 78 +ĠM alf +Ġfrown ed +Ġpoison ous +ĠCon vers +ee ks +Ġcr ab +." " +Ġtre ason +Ġr anc +Ġescal ating +Ġwar r +Ġmob s +Ġl amps +ĠSun shine +ĠBrun swick +Ph ones +Ġspe lled +ĠSk ip +Ġ20 50 +Ġ19 11 +ĠPl uto +ĠAm end +Ġme ats +38 7 +Ġst omp +ĠZh ou +ĠLevi athan +ĠHaz ard +ad v +ĠOr well +Ġal oud +Ġb umper +ĠAn arch +ub untu +ĠSer ious +f itting +ĠOption al +ĠCec il +RE AM +Ġser otonin +Ġcultiv ate +ag ogue +} \ +Ġmos ques +ĠSun ny +Ġre active +rev olution +ĠL up +ĠFed ora +Ġdefense man +ĠV ID +ist ine +Ġdrown ing +ĠBroad casting +Ġthr iller +ĠS cy +Ġacceler ating +Ġdirect s +od ied +b ike +d uration +Ġpain fully +R edd +Ġproduct ions +Ġg ag +Ġwh ist +Ġs ock +Ġinf initely +ĠConc ern +ĠCit adel +Ġlie u +Ġcand les +ogene ous +arg er +Ġheaven ly +inflamm atory +Per formance +C s +ruct ose +az aki +Ġp essim +Ġinf erence +Ġpow d +ĠZ oe +Ġpain ts +Ġd azz +pt a +-------- --- +Ġins pir +ĠExper imental +ĠKn ife +reg or +b ors +Ġshow ers +rom eda +Ġs aint +Ġben ign +ĠJ iang +Ġenvision ed +Ġsh roud +IF T +H O +Ġsh uff +ĠI CC +Ġse greg +Ġrevis it +ighth ouse +L i +Ġsub strate +ĠSe as +ĠRew ard +ĠH ep +ĠBr ass +s bm +Ġelim inates +Ġst amina +ĠV AT +ĠLo an +Ġconst raint +Ġappropri ated +Ġp es +ĠA LE +r anging +Ġ40 4 +39 2 +Ġintellectual s +ach u +Ġrestruct uring +ĠLe vin +Ġrun es +Ġdelight ful +Ġcarbohyd rates +ĠMod els +ĠExp o +Ġtransport ing +all oc +Ġring ing +S amsung +Ġscarce ly +ĠURL s +ĠM AS +Ġprot otypes +Ġnarr ator +ĠCPU s +cd n +ĠBart on +Ġdecided ly +ĠSh u +ix ir +oc ious +ĠMy st +N intendo +Ġre use +Ġforg iven +F ew +in ical +n at +Ġseam less +ĠEv a +ĠE VE +ĠJ O +land ers +Ġso fter +neg ie +Ġtrans ient +Ġorb ital +Ġfulf il +ĠK om +Hop efully +Ġdynam ically +ĠHun ger +å Ľ +ĠArmen ia +el man +ber to +Ġp ige +ĠID s +lim it +Ġve ins +Ġso aring +p acks +Gold en +ĠCr ab +ist or +ĠR PM +Ġ$ $ +g ression +Ġjihad ist +Ġgam ble +Ġcare g +Ġinf lated +F ace +ĠFire arms +ĠEm manuel +â Ŀ +Ġsh ocks +gr ab +Ġspl end +ĠHP V +ab ortion +Ab ove +Ent ity +play ers +Ġcomm enced +ul ence +Ġfulfill ment +Ġembod iments +ĠW elfare +Ġha il +Ġ< @ +tt en +Ġcat cher +ĠJ azeera +Ġvolcan o +Ġstabil ize +ĠHand ler +Ġintens ified +ĠAb rams +Ġhum iliation +p aced +60 5 +ĠCent OS +Spe cific +Ġhe ed +ĠC AM +ĠGal ile +D ie +Ġabol ished +ĠThom son +ĠTe achers +ĠW ass +j ong +ĠIS BN +ĠAll ies +sh ake +å · +v ict +How ard +Ġde em +Ġexceed ingly +ĠSmart stocks +ib e +Ġdoor way +Ġcompet ed +ig mat +Ġnational ists +Ġg room +ĠKe en +Ġdispos able +de cl +ĠT olkien +ĠSche me +Ġb iod +Ġav id +ĠEl on +ag ar +ĠT SA +R oman +Ġartific ially +Ġadvis ors +X L +ĠInf erno +36 6 +Ġted ious +ĠPhot ography +ĠCar rie +Ġtro pe +ĠSand ra +Ġdec imal +Que en +ĠGund am +ĠO M +ote ch +N BA +Ġ19 32 +Ġent renched +ĠMar ion +Ġfr aternity +Lab our +Hen ry +Ġlat itude +E ither +Ġenh ances +ĠPot ential +Ġsh ines +id ad +Ġbread th +Ġcapac ities +ĠðŁ ĻĤ +ĠBron x +Ġsex es +Ġdifferent iation +Ġheavy weight +ĠT aj +d ra +Ġmigr ate +Ġexhaust ion +ĠR UN +els ius +ĠCu omo +Ġgu itars +Ġcl ones +ĠSom ew +ĠP ry +------------ - +Ġwarr anted +cy cles +Ġsalv age +Ġdis ks +R ANT +ĠNGO s +ĠMart ian +":[ {" +Ġadd icts +oj ure +il let +Ġamazing ly +art ments +p ixel +ĠGPU s +Lay out +è £ +ĠTam il +ĠBas il +Ġimpart ial +ĠSt ructure +f ork +b ryce +Ġr idge +ĠHamb urg +ri ous +Ġbl itz +cig arettes +Ġcan ned +40 2 +Ġiron ically +Ġcompassion ate +ĠHaw kins +. # +ĠCat hedral +Ġrall ied +in ternal +Ġqu ota +st akes +T EXT +m om +Ġcomple tes +Ġ23 8 +Ġsh rug +ãĥ ij +ĠN inth +Ġrev ise +ĠProv ider +Ġtre acher +Ġqu asi +ĠPR ES +Ġdep osition +Ġconfidential ity +iss ors +Ġim balance +Ġspan ning +Ġang ular +ĠC ul +commun ication +ĠNor a +ĠGen ius +op ter +Ġs acked +Sp ot +Ġfine ly +ĠCH R +28 2 +w aves +Pal est +ĠRo hing +N L +è ¿ +Ġsh itty +ĠSc alia +4 75 +Pro gress +Ġreferen cing +Ġclass rooms +ab ee +Ġs od +hes ion +70 8 +ĠZucker berg +ĠFin ish +ĠScot ia +ĠSav ior +ĠInstall ation +an tha +( - +Ġ30 2 +ĠP unk +Ġcr ater +yout u +Ġro ast +Ġinflu encing +Ġd up +ĠJ R +ĠG rav +Ġstat ure +Ġbath rooms +A side +W iki +me an +ĠZ ak +ĠOn es +ĠN ath +Ġhyper t +Ġcommence ment +C ivil +Ġmoder ately +Ġdistribut ors +Ġbreast feeding +Ġ9 80 +ĠS ik +ĠC ig +ĠAM ER +R IP +ĠCare er +ust ing +Ġmess ed +Ġe h +ĠJ ensen +/ $ +Ġblack mail +Ġconvers ions +Ġscientific ally +Ġmant ra +p aying +Ġiv ory +ĠCour ts +OU GH +aunt let +Ser ial +B row +ĠH undreds +3 23 +Ġpe e +Ġlin ux +Ġsub mer +ĠPrinc ipal +48 5 +ĠD SL +ĠCous ins +Ġdoctr ines +ĠAthlet ics +Ġ3 15 +ĠK arma +Ġatt ent +ur ger +Ġpresc ribe +Ġenc aps +ĠC ame +Ġsecret ive +ĠCr imes +d n +C lean +ĠEgypt ians +ĠCar penter +Ġ ll +H um +ĠMil o +Ġcapital ists +Ġbrief ed +T we +ĠBas in +elve t +M os +Ġplun ge +ĠKa iser +ĠFu j +ill in +Ġsafegu ards +Ġo ste +ĠOpportun ity +ĠM afia +ĠCall ing +ap a +ur ban +br ush +ill ard +c é +int elligence +ĠL ob +ĠDru id +Ġsm oother +Ġfoot ing +Ġmotor ists +arc ity +Ġmascul inity +Ġm ism +Ġabdom inal +ĠTa vern +ĠR oh +Ġesc apes +s igned +Anth ony +Ġsacrific ing +Ġintim acy +Ġan terior +ĠK od +Ġmot if +Ġg raz +Ġvisual ization +Ġguitar ist +ĠTro tsky +m agic +D ar +ĠMor i +Ġw ards +Ġtoile ts +l est +Ġtele port +ĠSund ays +ĠPl at +ET S +Ġe Sports +Pat rick +ĠK atherine +en ko +Ġhas sle +ĠM ick +gg les +Ġh ob +aint ain +Ġair borne +Ġsp ans +Ġch ili +Ġa perture +Ġvolunte ered +ĠInc ident +ĠF res +ĠVeter an +augh tered +ing o +Ġun insured +CL OSE +Ġf use +Ġer otic +Ġadvert ise +ra ising +Text ure +Ġatt ends +ĠRE AL +udd led +Ġsm oot +Ġ30 5 +ĠWill is +Ġbl ond +An alysis +ĠV T +on ica +Ġstrongh old +R F +N M +. >> +Ġprosper ous +Ġbo asted +29 2 +ĠManufact uring +PR ESS +g ren +Ġpharm acy +ĠRoc kefeller +k ai +Ġth umbs +ĠH ut +Ġmother board +Ġguard ians +ĠAl ter +ll ular +Ġsh ack +Ġwise ly +Ġback bone +erv a +Ġsu icides +ĠMcG regor +ij ah +E mer +ĠB rav +Ġdesign ate +P OST +produ ced +Ġcleans ing +irl wind +ex istent +ĠHum ph +ĠPay ne +Ġv ested +Å ¡ +Ġstring ent +ion a +Ġuns ub +Ġsum med +ĠHer cules +sub ject +ĠR agnar +ĠN os +Ġcharacter ization +Ġsav vy +ĠDaw son +ĠCas ino +Ġf ri +ĠBar rier +Ġmis information +Ġins ulation +Ġcorrid ors +Ġair planes +ĠNo ct +ah i +Ġ19 16 +k b +arm ac +Ġsh un +Ġsche ma +Ġhorr ified +Ġ23 9 +aund ers +N B +i ates +er ity +ĠSh ard +Ġr arity +Ġgroup ed +ĠGh ana +again st +ĠBi ological +ĠA ware +ow ell +Ï Ħ +ĠBe au +sh aw +H ack +ĠJul ius +US S +ol son +aun a +c ru +ĠMaur ice +ĠI k +Ġsequ encing +Ġradical s +Ġ( ?, +v irtual +Ġany ways +Ġreper c +Ġhand lers +Ġhes itant +é ĥ +ĠM F +ple mentation +ass ociated +Ġcampaign ed +ĠY ue +ut ations +ĠY oga +Ġsim mer +Ġro ds +Ġmel ody +Ġconv oy +v ideos +Ġscreen ed +N eg +ochem ical +Ġ( )) +Ġultr as +Ġant ip +ĠIsland ers +70 4 +Ġfet ish +Ġridic ulously +ĠK art +Ġmitochond rial +Ġinterf ering +Build er +Ġover fl +Ġac ne +ĠM ud +ĠK err +f lex +ĠPost al +ĠBalt ic +47 7 +ĠPers ons +our age +H B +ĠM use +ĠImm ortal +ĠDri ving +Ġpet itions +Ġsubsc ript +Ġs orce +ĠProcess or +ut on +S ony +Ġph on +Ġr aced +ĠAnth rop +Ġday time +ĠEx ercise +Add ing +Ġeng ages +ĠQual comm +Ġmir acles +Ġmem es +ĠDr ink +ĠOri oles +Ġhair s +ĠPol ar +ath om +Ġsl ippery +ĠR emy +Ġcar amel +ĠY EAR +Ġal k +I gn +a ution +ĠMer lin +ĠC ran +Ġap ologies +Ġ4 10 +Ġout ing +ĠMem ories +app ointed +Ġcount ered +u ld +pos ing +Ġfire wall +ĠW ast +ĠW et +work ed +se ller +Ġrepe aled +ere o +ass uming +BL IC +m ite +ĠCEO s +ĠChap el +ellig ent +________________ ________ +D og +Ġw art +Ġsubsc riber +s ports +Ġbe gged +ĠM V +Ġsem if +eth ical +Ġpre ach +Ġrev ital +Ġpun itive +Ġshort cuts +Ġinstit uted +ĠWars aw +Ġabdom en +ĠK ING +Ġsuper intendent +Ġf ry +ĠGe o +T OR +Ġcontrad ictions +apt ic +Ġlandsc apes +b ugs +Ġcl ust +Ġvol ley +c ribed +Ġt andem +Ġrob es +WH AT +Ġpromot er +Ġel oqu +review ed +ĠD K +ĠPl ato +Ġf ps +T ank +ĠDer rick +Ġpriorit ize +as per +ĠHond uras +ĠCom pleted +ne c +Ġm og +n ir +ĠMay o +DE F +st all +in ness +ĠVolks wagen +Ġprec aution +ĠM ell +i ak +ist ries +Ġ24 8 +Ġoverl apping +Sen ate +ĠEnh ance +res y +rac ial +OR TS +ĠM ormons +Str ong +ĠCo ch +Mex ico +ĠMad uro +Ġj ars +Ġcan e +W ik +oll a +iff erence +Ġphysic ist +ĠMag gie +Ġ28 5 +Ġdep iction +ĠMcL aren +J u +Ġsl ows +Ġcommission ers +ĠWill ow +ĠExpl os +hov ah +Ġtechn ician +Ġhom icides +ĠFl av +ĠTr uman +Ġ100 00 +u ctor +Ġsh ader +News letter +45 7 +Ġre ver +Ġhard ened +Ġwhere abouts +Ġrede velop +Ġcar bs +Ġtra vers +Ġsqu irrel +Ġfoll ower +Ġs ings +50 8 +Ġrabb its +emon ium +Ġdocument ing +Ġmisunder stood +) ' +R ick +gg ies +Ġprem ie +Ġsk ating +Ġpass ports +Ġf ists +aged don +H aw +AC P +0 80 +ĠThough ts +ĠCarl son +Ġpriest hood +h ua +Ġdun geons +ĠLo ans +Ġant is +Ġfamiliar ity +ĠS abb +op al +ĠIn k +st rike +Ġc ram +Ġlegal ized +Ġcu isine +Ġfib re +Tra vel +ĠMon ument +OD Y +eth y +Ġinter state +ĠP UR +em porary +ĠArab ian +develop ed +Ġsadd le +Ġg ithub +ĠOff er +ĠIS P +ro let +ĠSUP ER +ĠDen is +Ġmultipl ier +Ġstir red +Interest ingly +Ġcustom ary +Ġbill ed +he x +Ġmultipl ied +Ġfl ipping +ĠCros by +Ġfundament als +ia e +ĠPlay ed +ĠAt om +am azon +ĠFl am +ee z +activ ated +Ġtables poon +Ġliberal ism +ĠPal in +ĠP atel +N um +ĠT AM +Ġs urn +ĠRel oaded +Ġco ined +" ], +ĠCl ash +ĠAg u +Ġprag matic +ĠActiv ate +Ġ8 02 +Ġtrail ers +Ġsil hou +Ġprob es +Ġcirc us +ĠB ain +ĠLind say +ĠAb bey +Del ivery +Ġconcess ion +Ġgast ro +ĠSpr ite +Ä Ł +and el +Ġg imm +Ġaut obi +ĠT urtle +Ġwonder fully +ĠHar am +ĠWorld wide +ĠHand le +Ġtheor ists +Ġsle ek +ĠZh u +ograph ically +EG A +ĠOwn ers +ath s +ĠAntar ctic +n atal +=" " +fl ags +`` `` +Ġs ul +K h +Ġpot assium +Ġlinem an +Ġcere al +ĠSe asons +Ġ20 22 +Ġmat hematic +Ġastron omers +prof essional +Ġf ares +cknow led +Ġch i +Ġyoung sters +Ġmistaken ly +Ġhem isphere +ĠDiv inity +r one +Ġ" , +r ings +Ġattract s +v ana +å ¹ +C AP +Ġplay list +Ġpor ch +ãģ £ +Ġincorpor ates +Ġso ak +Ġassert ing +ĠTerror ism +ĠP ablo +J a +ces ter +Ġfear ing +ĠPr ayer +Ġescal ated +G W +Ġro be +ĠBright on +ac ists +ĠSym phony +ĠDwar f +ĠPar ade +ĠLe go +Ġinex pl +Ġl ords +le af +RA G +l iber +Ġcig ars +ĠJe hovah +60 6 +WIND OWS +ĠLiber ia +eb us +He avy +Ġl ubric +ĠR W +angu ages +Ġnarrow ed +com puter +ĠE mber +Ġmurder ing +Ġdown stream +ĠT uls +ĠT ables +Top ic +ĠAcc uracy += / +l ost +ĠRe i +Ġprogress es +b ear +Ġestablish ments +Just in +ĠPe ach +ĠG omez +å ¿ +ĠTri angle +Id ent +ĠH ive +Res ources +Ġmix es +ĠAss uming +M u +Ġhyp oc +Ġs ane +ĠW an +id ious +Su ccess +Ġ io +Ang el +Ġdanger ously +ĠCreat ure +W ORK +: [ +ĠKat rina +List ener +M iller +ĠId lib +h ang +Ġcircum vent +h ref +Ġcel estial +ĠWe eks +ĠP ug +ĠDal ton +Ġsubpoen a +uk u +Ġpers isted +pe i +old ing +ĠDoc uments +ĠH ast +ĠC ENT +Ġprim er +Ġsyn onymous +Ġn ib +om bs +Ġnot ation +ĠD ish +ĠAt mosp +Ġforb id +ĠAN G +pat tern +l os +Ġproject iles +b rown +." , +ĠVen om +Ġfierce ly +ub lished +ĠU ran +ĠNic arag +4 10 +ĠC AL +OT OS +ĠMir acle +ĠEn chant +Ġguard ing +app end +Att ach +Ġlevel ed +Ġcond oms +ih ilation +64 9 +Ġnight mares +ĠTHE Y +ĠST ART +ĠK inn +Ġroomm ate +Ġhy giene +o pping +J ob +Ġl vl +ĠV ER +ĠKe eping +ab etic +Ġformat ting +eral a +Ġrev isions +Ġres urg +T el +ĠGood man +35 3 +p od +Ġind isp +ĠTrans lation +Ġg own +ĠM und +Ġc is +Ġby stand +col lect +ĠPun jab +act ively +ĠG amb +te ll +Ġimport ing +g encies +Ġloc om +ĠBr ill +H oly +ĠBer ger +Ġshow down +Ġrespond ers +IL Y +Ġt akedown +le ted +Ġmat tered +Ġpredict ive +Ġover lay +G PU +ĠV ick +Ġconvey ed +T ab +pe er +Sc an +Ġdefensive ly +v ae +Ġappro ving +Ġt iers +ĠV ia +quer ade +ĠSaud is +Ġdemol ished +ĠProp he +Ġmon o +Ġhospital ity +H AM +ĠAri el +M OD +ĠTor ah +Ġbl ah +ĠBel arus +erent ial +ĠT uc +Ġbank er +39 7 +Ġmosqu it +ĠScient ist +ĠMus ical +Ġh ust +Sh ift +Ġtor ment +Ġstand off +E duc +ĠF og +Ġampl ifier +Sh ape +Inst ance +ĠCrit ics +Ġda emon +H ouston +Ġmatt ress +ĠID F +Ġobsc ene +ĠA mer +hett i +Ġcomp iling +35 2 +vere tt +ĠRed uction +ist ration +ĠBl essed +ĠB achelor +3 16 +Ġpr ank +ĠVul can +dd ing +Ġm ourning +ĠQu int +ĠBl aster +test ing +Ġsed iment +>> > +ĠE ternity +ĠWH ERE +ĠM aze +Ġreact ing +ĠAl v +oms day +ĠC RA +Ġtransl ator +Ġbog us +at u +We bsite +oll s +Ġbapt ism +Ġs ibling +ĠAut umn +ve z +ãģ® é +gu ards +Ge org +assad ors +ĠFre ud +Ġcontin ents +ĠReg istry +Bern ie +ĸļ 士 +Ġtoler ant +ĠU W +Ġhor ribly +99 5 +ĠMID I +Ġimpat ient +oc ado +er i +ĠWor st +ĠNor ris +ĠTalk ing +Ġdef ends +ens able +Ġ20 21 +Ġanat omy +L ew +Ġdraw er +ĠCan berra +Ġpatri otic +é¾įå ĸļ士 +ĠAv g +AR M +Ġundis closed +Ġfare well +45 9 +b able +ĠAll ison +OL OG +Ġcon co +t ight +ĠAC PI +ĠM ines +l ich +ĠâĶ ľ +represent ed +200 000 +Ġenthusi ast +OT S +b il +ĠIng redients +Ġinvent or +ĠMy SQL +³³ Âł +ĠAB OUT +with in +Ġm k +B ul +ĠF ake +Ġdracon ian +W a +hel m +ĠTer ran +erv ille +Ġcommon place +SI ZE +Ġ" < +re place +ograph s +ĠSE LECT +inc ible +ĠMost ly +ĠShe ffield +ĠID E +ugg le +Ġcit ations +h urst +ĠUn ix +Ġunle ash +ĠP iper +ĠN ano +Ġsucc umb +Ġreluct ance +Ġ25 00 +ĠMer chant +Ġwire t +Ġcomb os +ĠBirth day +Ġchar coal +ĠU PS +ĠFair fax +Ġdrive way +ĠT ek +ĠP itch +ove re +Ġtechn icians +ĠAct ual +fl ation +ĠF iscal +ĠEm pty +an amo +Ġmag nesium +Ġsl ut +Ġgrow ers +Invest igators +( ): +ĠS atellite +ĠKe ynes +miss ive +l ane +Ġb orough +3 44 +ĠTE AM +ĠBet hesda +C V +h ower +ĠR AD +Ġch ant +ĠR iy +Ġcompos itions +Ġmild ly +Ġmedd ling +Ġag ility +ane ers +5 01 +Ġsyn th +ling er +29 1 +Ġex claimed +Part y +Ġcont amin +ĠMan or +ĠResp ond +Ġpra ising +Ġman ners +fle et +Sum mer +ĠLy nd +ĠDef initely +gr im +Ġbow ling +st ri +ç Ľ +y nt +Ġmand ates +D IV +Ġreconc ile +view s +ĠDam on +vet te +F lo +ĠGreat est +il on +ic ia +Ġportray al +Ġcush ion +50 4 +19 79 +oss al +App lic +sc ription +Ġmit igation +AT S +p ac +Ġer ased +Ġdefic iencies +ĠHolland e +ĠX u +Ġb red +Ġpregn ancies +f emin +Ġem ph +Ġpl anners +Ġout per +utter ing +Ġperpet rator +Ġm otto +ĠEll ison +ĠNE VER +Ġadmitted ly +AR I +ĠAzerbai jan +Ġmill isec +Ġcombust ion +ĠBott le +ĠL und +ĠP s +ĠD ress +Ġfabric ated +Ġbat tered +Ġs idel +ĠNot ting +Fore ign +ĠJer ome +0 20 +ĠAr bit +Ġkn ots +ĠR IGHT +M oving +ãģ Ļ +Ġsur geries +Ġcour thouse +Ġm astered +Ġhover ing +ĠBr an +ĠAl ison +Ġsaf est +m ilitary +Ġbull ied +Ġbar rage +Read er +ES E +ĠGe ographic +T ools +3 14 +ĠGe ek +ro th +gl ers +ĠF IN +Ï ģ +ĠA ston +al tern +48 8 +Ġveter in +G amer +Ġint el +ren ches +Sh ield +Ġam nesty +ĠB har +Ġp iled +Ġhonor able +ĠInst itutes +Ġso aked +Ġcom a +ĠE FF +34 1 +by tes +ĠG mail +le in +ĠCanad iens +m aterial +I l +Ġinstruct ors +ĠK Y +Ġconce ive +ub b +ĠP ossible +Ġeas ing +ĠChrist ina +Ġcar ic +ĠHD R +R OM +Ġsho vel +de lete +Ġp uff +ĠCh anging +Ġseam lessly +Att ribute +Ġacqu isitions +ak ery +ĠE F +Ġaut istic +ĠT akes +ĠPow der +ĠSt ir +5 10 +ĠBub ble +sett ings +ĠF owler +Ġmust ard +Ġmore over +Ġcopyright ed +ĠLED s +15 00 +æ ī +ĠH IS +en f +Ġcust od +ĠH uck +G i +Ġim g +An swer +C t +j ay +ĠInf rastructure +Ġfeder ally +L oc +Ġmicro bes +Ġover run +dd s +ot ent +adi ator +>>>> >>>> +Ġtorn ado +Ġadj ud +Ġintrig ued +Ġs i +ĠRevel ation +pro gress +Ġburgl ary +ĠSai yan +ĠK athy +Ġser pent +ĠAndre as +Ġcomp el +ess ler +ĠPl astic +ĠAd vent +ĠPos itive +ĠQ t +ĠHind us +reg istered +ular ity +Ġrighteous ness +Ġdemon ic +u itive +ĠB DS +ĠGre gg +c ia +ĠCrus ade +ĠSina i +W ARE ++ ( +Ġme ll +Ġder ail +y ards +A st +Ġnotice ably +ĠO ber +R am +Ġun noticed +Ġse q +av age +T s +Ġ6 40 +Ġconced e +Ġ] ) +F ill +Ġcapt ivity +ĠImprove ment +ĠCrus ader +ara oh +M AP +æ Ĺ +Ġstr ide +al ways +F ly +N it +Ġal gae +ĠCook ing +ĠDo ors +Mal ley +Ġpolic emen +ãģ į +Ġastron aut +access ible +49 5 +ĠR AW +cl iffe +udic rous +Ġdep ended +al ach +Ġvent ures +ra ke +Ġt its +ĠH ou +Ġcond om +ormon al +Ġind ent +Ġupload ing +Foot note +Import ant +Ġ27 1 +Ġmind ful +Ġcont ends +C ra +Ġcal ibr +ĠO ECD +plug in +F at +ĠIS S +ĠDynam ics +ans en +68 6 +' ), +Ġsp rite +Ġhand held +ĠH ipp +=~ =~ +Tr ust +Ġsem antics +ĠBund es +ĠRen o +ĠLiter ature +s ense +G ary +ĠA eg +ĠTr in +EE K +Ġcler ic +ĠSS H +Ġch rist +Ġinv ading +ib u +Ġen um +aur a +Ġal lege +ĠInc redible +B BC +Ġth ru +Ġsa iled +Ġem ulate +Ġin security +Ġc rou +Ġaccommod ations +Ġincompet ent +Ġsl ips +ĠEarth qu +s ama +IL LE +Ġi Phones +as aki +Ġby e +Ġar d +Ġext ras +Ġsl aughtered +Ġcrowd funding +res so +Ġfil ib +ĠER ROR +ĠT LS +e gg +ĠIt al +Ġen list +ĠCatal onia +ĠSc ots +Ġser geant +Ġdiss olve +N H +Ġstand ings +ri que +I Q +Ġbenef iciary +Ġaqu arium +You Tube +ĠPower Shell +Ġbright est +ĠWar rant +S old +Writ ing +Ġbegin nings +ĠRes erved +ĠLatin os +head ing +Ġ4 40 +Ġrooft op +AT ING +Ġ3 90 +VP N +G s +k ernel +turn ed +Ġprefer able +Ġturn overs +ĠH els +S a +ĠShin ji +ve h +ĠMOD ULE +V iol +Ġex iting +Ġj ab +ĠVan illa +Ġac ron +ĠG ap +ber n +A k +ĠMc Gu +Ġend lessly +ĠFar age +ĠNo el +V a +M K +Ġbr ute +ĠK ru +ĠES V +ĠOl ivia +âĢ ł +ĠK af +Ġtrust ing +Ġh ots +3 24 +Ġmal aria +Ġj son +Ġp ounding +ort ment +Count ry +Ġpostp oned +Ġunequ iv +? ), +ĠRo oney +udd ing +ĠLe ap +ur rence +sh apeshifter +ĠH AS +os ate +Ġca vern +Ġconserv atism +ĠB AD +Ġmile age +Ġarrest ing +V aults +Ġmix er +Dem ocratic +ĠB enson +Ġauth ored +8 000 +Ġpro active +ĠSpirit ual +t re +Ġincarcer ated +ĠS ort +Ġpe aked +Ġwield ing +re ciation +×Ļ × +P atch +ĠEm my +Ġex qu +tt o +ĠRat io +ĠP icks +ĠG ry +ph ant +Ġf ret +Ġeth n +Ġarch ived +% - +c ases +ĠBl aze +Ġim b +c v +y ss +im ony +Ġcount down +Ġaw akening +ĠTunis ia +ĠRe fer +ĠM J +Ġun natural +ĠCar negie +iz en +ĠN uggets +he ss +Ġev ils +64 7 +Ġintrodu ctory +l oving +ĠMcM ahon +Ġambig uity +L abel +ĠAlm ighty +Ġcolor ing +ĠCl aus +set ting +N ULL +ĠF avorite +ĠS IG +> ( +ĠSh iva +ĠMay er +Ġstorm ed +ĠCo verage +we apons +igh am +Ġun answered +Ġle ve +Ġc oy +c as +b ags +as ured +Se attle +ĠSant orum +ser ious +Ġcourage ous +ĠS oup +Ġconfisc ated +Ġ// / +Ġuncon ventional +Ġmom s +ĠRohing ya +ĠOrche stra +ĠPot ion +Ġdisc redit +ĠF IL +f ixed +ĠDe er +do i +ĠDim ension +Ġbureaucr ats +et een +Ġaction Group +oh m +Ġb umps +ĠUt ility +Ġsubmar ines +ren heit +re search +ĠShap iro +Ġsket ches +Ġde ceptive +ĠV il +es ame +ĠEss entially +Ġramp age +isk y +Ġmut tered +th ritis +Ġ23 6 +f et +b ars +Ġpup il +ĠTh ou +o S +s ong +Ġfract ured +Ġre vert +pict ure +Ġcrit erion +us her +Ġreperc ussions +ĠV intage +ĠSuper intendent +Offic ers +Ġflag ged +Ġbl ames +Ġin verse +ograp hers +Ġmakes hift +Ġdev oid +Ġfoss ils +ĠArist otle +ĠFund s +Ġde pleted +ĠFl u +ĠY uan +Ġw oes +Ġlip id +Ġsit u +requ isites +Ġfurn ish +ĠSam ar +Ġshame ful +Ġadverse ly +Ġad ept +Ġrem orse +Ġmurder ous +uck les +ĠE SL +Ġ3 14 +s ent +Ġred ef +ĠC ache +ĠP urs +ig ans +Ġ4 60 +Ġpres criptions +Ġf res +F uck +ocr ates +Tw enty +ĠWe ird +ĠT oggle +ĠC alled +itiz ens +Ġp oultry +Ġharvest ing +ãĤ¦ ãĤ¹ +Bott om +Ġcaution ed +t n +39 6 +ĠNik ki +Ġeval uations +Ġharass ing +Ġbind ings +ĠMon etary +Ġhit ters +Ġadvers ary +un ts +Ġset back +Ġenc rypt +ĠC ait +Ġl ows +eng es +ĠN orn +Ġbul bs +Ġbott led +ĠVoy ager +3 17 +Ġsp heres +p olitics +Ġsubt ract +Ġsens ations +Ġapp alling +Ġ3 16 +Ġenvironment ally +ĠST EM +Ġpub lishes +5 60 +Ġdilig ence +48 4 +Ġadv ises +Ġpet rol +Ġimag ining +Ġpatrol s +ĠInt eger +ĠAs hes +act us +ĠRad iant +ĠL T +it ability +ht aking +Set ting +Ġnu anced +ĠRe ef +ĠDevelop ers +N i +pie ces +99 0 +Lic ense +Ġlow ers +ĠOtt oman +3 27 +oo o +Ġqu itting +mark ets +Beh ind +Ġbas in +Ġdoc s +an ie +fl ash +ct l +Ġcivil ized +ĠFuk ushima +"] ," +ĠK S +ĠHonest ly +ar at +Ġconstruct s +ĠL ans +ĠD ire +ĠLI KE +ĠTrou ble +Ġwith holding +ĠOb livion +Ġsan ity +any a +Con st +Ġgro cer +ĠC elsius +Ġrecount ed +ĠW ife +B order +ate red +h appy +Ġspo iler +Ġlog ically +H all +Ġsucceed ing +Ġpoly morph +Ġax es +ĠShot gun +ĠS lim +ĠPrin ciples +ĠL eth +art a +Ġsc or +Sc reenshot +Ġrelax ation +#$ #$ +Ġdeter rent +idd y +Ġpower less +Ġles bians +Ġch ords +ĠEd ited +se lected +Ġseparat ists +000 2 +Ġair space +Ġturn around +Ġc unning +P ATH +P oly +Ġbomb ed +Ġt ion +x s +Ġwith hold +Ġw aged +ĠLiber ties +Fl ag +Ġcomfort ing +45 4 +ĠI ris +are rs +Ġr ag +Ġrel ocated +ĠGu arant +Ġstrateg ically +Ġgam ma +uber ty +ĠLock heed +g res +Ġgr illed +ĠLow e +st ats +ĠR ocks +Ġsens ing +Ġrent ing +ĠGe ological +ا Ø +ot rop +Ġse w +Ġimproper ly +48 6 +Ġâĸ ł +Ġstar ving +ĠB j +Disc ussion +3 28 +ĠCom bo +ĠFix es +N AT +Ġstri ving +th ora +Ġharvest ed +ĠP ing +Ġplay ful +Ġaven ues +Ġoccup ational +Ġw akes +ĠCou rier +Ġdrum mer +ĠBrow ser +ĠH outh +it u +Ġapp arel +p aste +Ġhun ted +ĠSecond ly +l ain +X Y +ĠP IN +ic ons +Ġcock tails +Ġs izable +Ġhurd les +est inal +ĠRecre ation +Ġe co +64 8 +ĠD ied +m int +Ġfinger prints +Ġdis pose +ĠBos nia +ts y +22 00 +Ġins pected +ĠF ou +Ġf uss +Ġamb ush +ĠR ak +Ġmanif ested +Pro secut +Ġsuff ice +ren ces +Ġcompens ated +ĠC yrus +Ġgen us +ĠWolver ine +ĠTrend s +Ġh ikes +ĠSe en +Ġen rol +C old +Ġpol itely +ĠSl av +ĠRu pert +Ġey ewitness +ĠAl to +Ġun comp +Ġposter ior +M ust +ĠHer z +Ġprogress ively +Ġ23 4 +Ġind ifference +ĠCunning ham +Ġacadem ia +Ġse wer +Ġast ounding +ĠA ES +r ather +Ġeld est +Ġclim bs +ĠAdd s +Ġout cry +Ġcont ag +ĠH ouses +Ġpe pt +ĠMel ania +interest ed +ĠU CH +ĠR oots +ĠHub bard +ĠT BD +ĠRoman ian +fil ename +St one +ĠIm pl +Ġchromos ome +C le +d x +Ġscram bled +ĠP t +Ġ24 2 +OP LE +Ġtremend ously +St reet +Ġcra ving +Ġbund led +ĠR G +p ipe +Ġinj uring +Ġarc ane +Part icip +ĠHero ic +st y +Ġto pping +ĠTemp est +rent ices +b h +Ġpar anoia +ĠUnic ode +Ġegreg ious +Ġ\ ' +ĠOsw ald +Ġgra vel +ĠSim psons +Ġbl and +ĠGuant anamo +Writ er +lin ers +ĠD ice +J C +Ġpar ity +Ġs ided +Ġ23 7 +ĠPyr rha +at ters +d k +F ine +comp an +Ġform ulated +ĠId ol +il ers +hem oth +ĠF av +Ġintr usion +Ġcar rots +ĠL ayer +ĠH acker +Ġ ---------------- +Ġmoder ation +é ģ +oc oc +Ġcharacter ize +ĠTe resa +Ġsocio economic +Ġper k +ĠParticip ation +tr aining +ĠPaul o +ph ys +Ġtrust worthy +Ġembod ied +ĠMer ch +c urrency +ĠPrior ity +Ġte asing +Ġabsor bing +Ġunf inished +ĠCompar ison +Ġdis ple +writ ers +Ġprofess ions +ĠPengu in +Ġang rily +ĠL INK +68 8 +ĠCor respond +Ġprev ailed +Ġcart el +l p +as ms +ĠRed emption +ĠIslam ists +effect s +d ose +ĠL atter +ĠHal ifax +Ġv as +ĠTop ics +ĠN amed +advert ising +zz a +IC ES +Ġret arded +ach able +ĠPupp et +ĠItem Level +Ġret ract +Ġident ifiable +A aron +ĠB uster +s ol +hel le +as semb +H ope +r anged +B a +ĠP urch +é Ģ +ĠSir i +Ġarri vals +Ġ19 12 +Ġshort ened +Ġ3 12 +Ġdiscrep ancy +ĠTem perature +ĠWal ton +Ġkind erg +p olit +Ġrem ix +Ġconnect ors +ãĥĺ ãĥ© +ĠKazakh stan +dom inated +Ġsu gars +im ble +ĠPan ic +ĠDem and +ĠCol ony +on en +ĠM ER +7 75 +ur ia +aza ar +ĠDeg ree +P ri +Ġsun shine +Ġ25 1 +Ġpsychedel ic +Ġdigit ally +ĠBra un +Ġsh immer +Ġsh ave +ĠTel esc +ĠAst ral +ĠVenezuel an +ĠO G +Ġc rawling +Int eg +ĠFe ather +Ġunfold ing +Ġappropri ation +Ġè£ı è +ĠMob ility +ĠN ey +- . +b ilt +L IN +ĠT ube +ĠCon versely +Ġkey boards +ĠC ao +Ġover th +Ġla ure +>> \ +ĠV iper +ach a +Off set +ĠR aleigh +ĠJ ae +J ordan +j p +Ġtotal itarian +Connect or +Ġobserv es +ĠSpart an +ĠIm mediately +ĠSc al +C ool +Ġt aps +Ġro ar +P ast +Ġch ars +ĠB ender +ĠShe ldon +Ġpain ter +Ġbe acon +ĠCreat ures +Ġdownt urn +Ġh inder +ĠAnd romeda +à Ľ +cc oli +ĠF itness +et rical +Ġutil izes +Ġsen ate +Ġen semble +Ġche ers +T W +Ġaff luent +k il +ry lic +ord ering +Com puter +Ġgru esome +ost ics +ĠUb isoft +ĠKel ley +Ġw rench +Ġbourgeois ie +IB LE +ĠPrest on +w orn +ar ist +reat ing +Ġst ained +ar ine +Ġsl ime +EN N +Ġche sts +Ġground water +ann ot +ĠTr ay +ĠLoc ke +ĠC TR +Ġd udes +ĠEx ternal +ĠDec oder +Ġpar amed +ĠMed line +80 9 +ĠD inner +rup al +g z +ĠG um +ĠDem o +j ee +Ġd h +ber man +arch s +Ġen qu +ĠEp stein +Ġdevast ation +Ġfriends hips +ĠAr d +Ġ23 1 +ĠRub in +ĠDist ance +Ġsp urred +Ġd ossier +Ġover looking +\\\\\\\\ \\\\\\\\ +Fore st +ĠCom es +\ ", +ĠIran ians +Ġf ixtures +L aughs +Ġcur ry +ĠKing ston +Ġsqu ash +Ġcat alogue +Ġabnormal ities +Ġdigest ive +.... ..... +Ġsubord inate +og ly +Ġ24 9 +M iddle +Ġmass ac +Ġburg ers +Ġdown stairs +Ġ19 31 +39 4 +ĠV G +Ġl asers +ĠS ikh +ĠAlex a +der ived +Ġcycl ist +ãģ® éŃĶ +onel iness +!!!! !!!! +Ġbuff s +leg ate +Ġrap ing +Ġrecomm ending +ro red +Ġmult icultural +un ique +Ġbusiness men +Ġune asy +ĠM AP +Ġdisp ersed +cipl ine +J ess +ĠK erala +å § +Ġabst raction +Sur v +U h +Ġprin ters +ij a +ow der +Ġanalog ous +ĠA SP +af er +Ġunfold ed +Ġlevel ing +Ġbre ached +ĠH earing +Ġn at +Ġtransl ating +crit ical +Ġant agonist +ĠYes terday +Ġfuzz y +w ash +m ere +Ġbe wild +ĠM ae +V irgin +ph rase +Ġsign aled +ĠH IGH +Ġprot ester +Ġgar ner +unk nown +Ġk ay +Ġabduct ed +Ġst alking +am n +Ġdes erving +ĠR iv +ĠJ orge +Ġscratch ing +ĠS aving +ip ing +Ġte ase +Ġmission ary +ĠMor row +T IME +P resent +Ġchem otherapy +tern ess +ĠH omes +ĠP urdue +Ġst aunch +ĠWhit ney +ĠTH ERE +Î ¼ +iat us +ĠErn est +ĠDe ploy +Ġcove ted +F ML +ĠDial ogue +Ġex ited +f ruit +Ġner d +":" "," +Ġv ivo +ru ly +4 60 +ĠAm en +rehens ible +Ġâ ĺ +D IR +Ġad herence +Ġche w +ĠCo ke +ĠSerge i +dig ital +ĠNe ck +g ently +enth al +/ ) +Ġwe ary +Ġgu ise +ĠConc ord +ĠOn ion +at cher +Ġb inge +ĠDirect ive +Ġman ned +ans k +Ġill usions +Ġbillion aires +38 3 +oly n +odynam ic +ĠWhe at +ĠA lic +Ġcol oured +ĠN AFTA +ab o +Ġmac ros +ind ependent +s weet +Ġsp ac +ĠK abul +Ġ Ä +em e +Ġdict ated +Ġsh outs += { +Ġr ipping +ĠSh ay +ĠCr icket +direct ed +Ġanalys ed +ĠWAR RANT +ag ons +ĠBlaz ers +Ġche ered +Ġar ithmetic +ĠTan z +37 3 +ĠFl ags +Ġ29 5 +Ġw itches +ĠIn cluded +ĠG ained +ĠBl ades +G am +ĠSam antha +ĠAtl antis +ĠPr att +Ġspo iled +ĠI B +ĠRam irez +Pro bably +re ro +ĠN g +ĠWar lock +t p +Ġover he +Ġadministr ations +Ġt int +Ġreg iment +Ġpist ols +Ġblank ets +Ġep ist +Ġbowl s +Ġhydra ulic +Ġde an +Ġj ung +Ġasc end +70 5 +ĠSant iago +à ® +Ġun avoid +ĠSh aman +re b +Ġstem ming +99 8 +ĠM G +st icks +esthes ia +ER O +Ġmor bid +ĠGr ill +ĠP oe +any l +Ġdele ting +ĠSurve illance +Ġdirect ives +Ġiter ations +ĠR ox +ĠMil ky +F ather +Ġpat ented +44 7 +Ġprec ursor +Ġm aiden +ĠP hen +ĠVe gan +ĠPat ent +K elly +Redd itor +Ġn ods +Ġvent ilation +ĠSchwar z +Ġw izards +Ġomin ous +ĠHe ads +ĠB G +Ġl umber +ĠSp iel +Ġis Enabled +Ġancest ral +ĠSh ips +Ġwrest ler +ph i +Ġy uan +ĠRebell ion +Ġice berg +Ġmag ically +Ġdivers ion +ar ro +yth m +ĠR iders +ĠRob bie +ĠK ara +ĠMain tenance +ĠHer b +Ġhar ms +p acked +ĠFe instein +Ġmarry ing +Ġbl ending +ĠR ates +Ġ18 80 +Ġwr ink +ĠUn ch +ĠTor ch +desc ribed +Ġhuman oid +ilit ating +ĠCon v +ĠFe ld +IGH TS +Ġwhistlebl ower +ort mund +ets y +arre tt +ĠMon o +ĠI ke +ĠC NBC +ĠW AY +ĠMD MA +ĠIndividual s +Ġsupplement al +Ġpower house +ĠSt ru +F ocus +aph ael +ĠCol leg +att i +Z A +Ġp erenn +ĠSign ature +ĠRod ney +Ġcub es +idd led +ĠD ante +ĠIN V +iling ual +ĠC th +Ġso fa +Ġintimid ate +ĠR oe +ĠDi plom +ĠCount ries +ays on +Ġextrad ition +Ġdis abling +ĠCard iff +Ġmemor andum +ĠTr ace +Ġ?? ? +se ctor +ĠRou hani +ĠY ates +ĠFree ze +Ġbl adder +M otor +ĠProm ise +ant asy +Ġforesee able +ĠC ologne +cont ainer +ĠTre es +ĠG ors +ĠSin clair +Ġbar ring +key e +Ġsl ashed +ĠStat istical +é ĩ +Ġâĸ º +All ows +Ġhum ility +Ġdr illed +ĠF urn +44 3 +Ġse wage +Ġhome page +Ġcour tyard +Ġv ile +Ġsubsid iaries +aj o +direct ory +Ġam mon +V ers +charg es +Ġ} } +ĠCh ains +Ġ24 6 +n ob +Ġper cept +Ġg rit +Ġfisher men +ĠIraq is +ĠDIS TR +ĠF ULL +ĠEval uation +g raph +at ial +Ġcooper ating +Ġmel an +Ġenlight ened +Ġal i +t ailed +Ġsal ute +Ġweak est +ĠBull dogs +U A +ĠAll oy +Ġsem en +oc ene +ĠWilliam son +s pr +, âĢĶ +ĠG F +itt ens +Be at +ĠJ unk +iph ate +ĠFarm ers +ĠBit coins +ig ers +d h +ĠL oyal +p ayer +Ġentert ained +Ġpenn ed +Ġcoup on +Que ue +Ġweaken ing +c arry +Ġunderest imate +Ġshoot out +Ġcharism atic +ĠProced ure +Ġprud ent +in ances +Ġric hes +Ġcort ical +Ġstr ides +Ġd rib +ĠOil ers +5 40 +ĠPer form +ĠBang kok +Ġe uth +S ER +Ġsimpl istic +t ops +camp aign +Q uality +Ġimpover ished +ĠEisen hower +Ġaug ment +ĠH arden +Ġinterven ed +Ġlist ens +ĠK ok +Ġs age +Ġrub bish +ĠD ed +Ġm ull +pe lling +Ġvide ot +Produ ction +D J +m iah +Ġadapt ations +Ġmed ically +Ġboard ed +Ġarrog ance +Ġscra pped +Ġopp ress +FORM ATION +Ġj unction +4 15 +EE EE +S kill +Ġsub du +ĠSug gest +ĠP ett +Ġle tt +ĠMan ip +ĠC af +ĠCooper ation +T her +Ġreg ained +¶ æ +ref lect +Ġth ugs +ĠShel by +Ġdict ates +ĠWe iner +ĠH ale +Ġbatt leground +s child +Ġcond ol +h unt +osit ories +Ġacc uses +Fil ename +Ġsh ri +Ġmotiv ate +Ġreflect ions +N ull +ĠL obby +¥ µ +ĠS ATA +ĠBack up +Ñ ĥ +n in +ĠCor rection +Ġju icy +ut ra +ĠP ric +Ġrest raining +ĠAir bnb +ĠAr rest +Ġappropri ations +Ġsl opes +Ġmans laughter +Ġwork ings +ĠH uss +ĠF rey +Le ave +ĠHarm ony +ĠF eder +Ġ4 30 +Ġt rench +Ġglad ly +Ġbull pen +ĠG au +b ones +Ġgro ove +Ġpre text +ã ħĭ +Ġtransm itter +ĠComp onent +Ġunder age +ĠEm pires +T ile +Ġo y +ĠMar vin +ĠC AS +Ġbl oss +Ġrepl icated +ĠMar iners +Marc us +ĠBl ocks +Ġliber ated +Ġbutter fly +Fe el +Ġfer mentation +Ġyou tube +Ġoff end +ĠTer m +res ist +Ġcess ation +Ġinsurg ency +Ġb ir +ĠRa ise +59 5 +Ġhypothes es +50 2 +Ġpl aque +ocr at +Ġjack ets +ĠHuff Post +am ong +Ġconf er +48 7 +ĠL illy +Ġadapt ing +ĠF ay +Ġsh oved +ve c +Ġref ine +Ġg on +Ġgun men +z ai +ĠShut tle +ĠI zan +Ġ19 13 +Ġple thora +· · +Ġ5 10 +Ġp uberty +Ġ24 1 +ĠWe alth +ĠAl ma +ĠM EM +ĠAd ults +C as +pr ison +R ace +Ġwater proof +Ġathlet icism +Ġcapital ize +ĠJu ice +Ġillum inated +ĠP ascal +Ġirrit ation +ĠWitness es +ad le +ĠAst ro +Ġf ax +ĠEl vis +Prim ary +ĠL ich +ĠEl ves +Ġres iding +Ġst umble +3 19 +ĠP KK +Ġadvers aries +D OS +ĠR itual +Ġsm ear +Ġar son +ident al +Ġsc ant +Ġmon archy +Ġhal ftime +Ġresid ue +Ġind ign +ĠSh aun +ĠEl m +aur i +A ff +W ATCH +ĠLy on +hel ps +36 1 +Ġlobby ist +Ġdimin ishing +Ġout breaks +Ġgo ats +f avorite +ĠN ah +son ian +ĠBo oster +Ġsand box +ĠF are +ĠMalt a +Ġatt Rot +ĠM OR +ld e +Ġnavig ating +T ouch +Ġunt rue +ĠDis aster +Ġl udicrous +Pass word +ĠJ FK +blog spot +4 16 +ĠUN DER +ern al +Ġdelay ing +T OP +Ġimpl ants +ĠAV G +ĠH uge +att r +Ġjournal istic +ĠPe yton +ĠI A +R ap +go al +ĠProgram me +Ġsm ashing +w ives +print ln +ĠPl ague +in us +EE P +Ġcru iser +ĠPar ish +umin ium +Ġoccup ants +ĠJ ihad +m op +Ġp int +Ġhe ct +ĠMe cca +direct or +ĠFund ing +ĠM ixed +Ġst ag +T ier +Ġg ust +Ġbright ly +ors i +Ġup hill +R D +Ġles ions +ĠBund y +liv ious +Ġbi ologist +ĠFac ulty +ĠAuthor ization +Ġ24 4 +All ow +ï ¸ +ĠGi ul +Ġpert inent +ot aur +es se +ĠRo of +Ġunman ned +35 1 +ĠSh ak +ĠO rient +Ġend anger +D ir +Ġrepl en +ed ient +Ġtail or +Ġgad gets +Ġaud ible +âĺ Ĩ +N ice +Ġbomb ard +ĠR ape +Ġdef iance +ĠTW O +ĠFilip ino +Ġunaff ected +erv atives +Ġso ared +ĠBol ton +Ġcomprom ising +ĠBrew ers +R AL +ĠA HL +icy cle +Ġv ampires +Ġdi pped +oy er +ĠX III +Ġsidew ays +ĠW aste +ĠD iss +ĠâĶľ âĶĢâĶĢ +$ . +Ġhabit ats +ĠBe ef +tr uth +tr ained +spl it +R us +And y +ĠB ram +RE P +p id +è£ ħ +ĠMut ant +An im +ĠMar ina +Ġfut ile +hig hest +f requency +Ġepile psy +Ġcop ing +Ġconc ise +Ġtr acing +ĠS UN +pan el +ĠSoph ie +ĠCrow ley +ĠAd olf +ĠShoot er +Ġsh aky +ĠI G +ĠL ies +ĠBar ber +p kg +Ġupt ake +Ġpred atory +UL TS +/ ** +Ġintox icated +ĠWest brook +od der +he ment +Ġbas eman +AP D +st orage +ĠFif ty +ed itor +G EN +UT ION +ir ting +Ġse wing +r ift +Ġag ony +ĠS ands +Ġ25 4 +C ash +Ġl odge +Ġp unt +N atural +ĠIde as +Ġerrone ous +ĠSens or +ĠHann ity +Ġ19 21 +Ġm ould +ĠG on +kay a +Ġanonym ously +ĠK EY +Ġsim ulator +W inter +Ġstream ed +50 7 +? ", +Ġte ased +Ġco efficient +Ġwart ime +ĠTH R +' '. +ĠBank ing +mp ire +Ġf andom +Ġl ia +G a +Ġdown hill +Ġinterpre ting +Ind ividual +N orm +Ġjealous y +bit coin +Ġple asures +ĠToy s +ĠChev rolet +ĠAd visor +IZ E +Ġrecept ions +70 6 +C ro +Ġ26 2 +Ġcit rus +ir u +Review er +ject ed +U ES +an z +19 81 +ĠWork er +Ġcompl ied +ores cent +contin ental +T on +ĠPr ism +ĠShe ep +Ġ28 8 +n ox +ĠV og +O rd +Ġreal ms +te k +Ġirrig ation +Ġbicy cles +Ġelectron ically +p oly +t all +() ); +Ġaest hetics +ĠInteg rated +Expl ore +Ġd unk +47 6 +p ain +ĠJac ques +ĠD mit +Fram es +Ġreun ited +Ġhum id +D ro +P olitical +Ġyouth ful +Ġent ails +Ġmosqu ito +36 3 +spe cies +Ġcoord inating +ĠMay hem +ĠMagn us +M ount +Impro ved +ĠST ATE +ATT LE +Ġflow ed +Ġtack led +Ġfashion ed +Ġre organ +iv ari +f inger +Ġreluct antly +et ting +ĠV and +you ng +ĠGar land +Ġpresum ption +Ġamen ities +ĠPle asant +on ential +ĠO xy +Ġmor als +ĠY ah +Read y +Sim on +En h +D emon +Ġcl ich +Mon itor +ĠD U +Ġwel comes +Ġstand out +Ġdread ful +Ġban anas +Ġball oons +h ooting +bas ic +Ġsuff ix +Ġd uly +can o +Ch ain +at os +Ġgeop olitical +Ġ( & +ĠGem ini +ÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤ ÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤ +Ġacqu itted +L uck +prot ect +10 24 +Ġsc arcity +Ġmind fulness +ec ided +D N +pr ime +ĠPres idents +ĠVID EO +Ġ( âĪĴ +add ock +N OR +ĠP ru +p un +ĠL OL +)) )) +ĠL iqu +ĠS AS +Ġsty ling +Ġpunish ments +Ġnum b +Ġasc ertain +ĠRock ies +f lu +Th umbnail +Ġperpet rated +ĠSem i +Ġdis arm +ĠOld er +ĠEx ception +Ġexponent ially +ĠCommun ities +Ġabol ish +ĠPart ner +pt oms +Ġ7 77 +ĠFo ley +ĠC ases +Ġgre ase +ĠReb irth +G round +Ġ; ) +ĠDoct rine +ik ini +Y e +ĠBl ossom +Ġpers ists +b ill +Ġinf usion +Ġbud dies +9 11 +ĠPat ient +Ġdem os +Ġacquaint ance +ĠP aw +at ari +Ġx ml +Ġfasc ination +ĠSer ve +Ï Ĥ +br anded +Ġa z +Return s +Ġover shadow +Ġro am +Ġspeed y +n umbered +hel ial +Ġdisc iple +Ġass urances +g iven +pect ing +ĠN atalie +çĶ ° +Ġmosquit oes +rote in +Ġnumer ic +Ġindepend ents +Ġtrans itional +Ġreaction ary +ĠMech dragon +do ctor +Ġshort est +Ġsequ ential +ĠB ac +ĠAccount s +ãģ Į +ach y +ract ive +ĠReg iment +Ġbreat htaking +ffic iency +ĠB ates +Ġ3 11 +Ġward robe +ft s +ĠBer k +Sim ply +ĠRivers ide +iver ing +ident ial +lu cent +Ġen riched +ĠCon ver +ĠG iving +ãĥ Ļ +Ġlegal ize +ĠF TC +Ġfre aking +M ix +Ġter restrial +es ian +ci ents +W ing +LO AD +Ġled ge +ĠViol ent +ĠMet all +Ġ30 8 +Ġs outheastern +hett o +M eat +Ġslow down +Ġret reated +Jere my +end as +**** * +er ic +Ġre ins +opp able +ĠHuman ity +ear ances +rig an +C amera +Ġwa ivers +s oc +Ġalter ation +trans form +ĠC emetery +50 6 +Ġindef inite +Ġstim ulating +y g +60 3 +ĠS op +Ġdescript ive +Ph ase +ĠEd mund +Ġpneum onia +vent us +A mb +Ġlabor atories +ĠEx clusive +ug ar +W ere +Ġmalf unction +Ġhomosexual s +Ġ---- --- +un i +Ġturb ines +ĠEqu ity +D u +Ġmind ed +ĠR H +ĠBlack hawks +Ġfe ats +Ġ17 00 +re pl +36 2 +lad en +Ġindisp ensable +ly ss +tt i +Ġre el +Ġdiver ted +Ġlik eness +Ġsubscript ions +Ġfing ert +Ġfil thy +dest ruct +d raft +ĠBernard ino +l aunch +Ġper plex +ĠS UM +car b +Ġswe ater +ĠVent ure +ĠJ ag +ĠCele b +ĠV oters +Ġstead fast +Ġathlet ics +ĠHans on +ĠDr ac +Tr acker +Ġcomm end +ĠPres idency +ĠD ID +in formed +Ġweb page +P retty +Ġforce fully +ãĥĥ ãĤ¯ +Ġrel ocation +Ġsat ire +â ī +ĠSunder land +æ Ħ +V oice +???? ???? +Ġinform ant +Ġbow el +ĠUn iform +Ġ ..." +Ġpur ge +Ġpic nic +ĠU mb +ĠU PDATE +ĠSapp hire +ĠSt all +le arn +Ġobject ively +Ġob liter +Ġlooph ole +Ġjour neys +Ġo mission +Pro s +ĠSid ney +pl oma +Ġspray ed +Ġg uru +Ġtra itor +Ġtim et +Ġsn apping +ĠSe vent +urn al +ĠUk ip +Ġb owed +por al +l iberal +R os +Quest ions +i OS +Ġsummar ize +ST AT +Ġ18 50 +ap est +Ġl ender +ĠVari able +br inging +ĠL ORD +, ) +Ġcollaps es +x iety +ĠN ed +Y D +ĠSch a +Ġantib ody +Ġdis band +y re +ill usion +Ġro ver +s hed +ĠHiro sh +cc i +Ġcal am +ĠMort on +P interest +Ġ19 28 +ĠE uras +ord es +Ġf ences +ĠIn ventory +ĠVal encia +ĠU d +ĠT iff +Ġsqu e +Ġqu otation +Ġtroubles ome +er ker +QU EST +ĠKing doms +s outh +Ġle vy +Pr ince +ĠSt ing +Ġnick named +Ġapp e +Ġphot ographic +Ġcorp us +re ference +ĠT rog +U nt +) =( +ĠLat via +Ġactiv ating +Ġlicense e +Ġdispar ities +ĠNews letter +ãĥĥ ãĥĪ +Ġfree ing +ĠJe ep +ĠPer ception +ins k +Ġsil icone +ĠHay den +Le an +ĠSuz uki +ibr arian +66 8 +Ġsp or +Ġcorrel ations +ag hetti +Ġtu ber +ĠIP CC +il us +ĠV u +Ġwealth iest +ĠCarb uncle +an za +Ġfool ed +ĠZ ur +Ġd addy +ran o +il ian +Ġknock out +f man +requ ired +ĠWik ileaks +ĠD uffy +ON T +Ġins ol +ĠObject s +Ġb ou +ĠNord ic +ĠIns ert +sc an +Ġd ancers +Ġid iots +major ity +ĠNev ille +ĠFree BSD +Ġt art +pan ic +69 0 +Ġcoc oa +Ġsam pled +Ġlook up +Ind ust +Ġinject ions +gen re +Ġa u +Ġroad way +Ġgen itals +K ind +ĠEx aminer +ĠY az +F resh +Ġpar alysis +ĠAl uminum +Ġre ap +ok é +Ġsl oppy +ĠTun nel +pos ium +ner y +en ic +Ġher bal +ĠOut er +ĠBuild er +Ġinc ur +Ġide ologies +Ġback ups +cons uming +ĠDet ect +de ck +ĠKN OW +ĠG ret +ĠM IC +Ġtough ness +ĠEx hibit +Ġh ive +L es +ĠSCH OOL +ĠAt ari +ald e +ĠN ull +and estine +m ouse +Ġbrig ade +48 9 +Ġrev ol +ĠLaw son +ĠW ah +op oly +eb ted +ĠS aunders +Ġ3 13 +ĠW inc +Ġtab oo +ĠHel met +Ġw edge +ch ip +ĠT ina +b g +Ġinf uri +r n +Ġanomal ies +ĠSy nc +ĠEx am +ĠComm it +ĠDi ary +ĠALS O +ĠDe bor +omed ical +Ġcomprehens ion +6 55 +Ġempower ing +Ġ ire +Ġju ices +ĠE TH +ĠBox ing +=" / +Ġfacilit ated +p oke +ĠPars ons +ĠMod er +tra vel +Ġcivil izations +Ġliber tarians +Ġrun e +ĠCl arks +at hed +Ġcampaign ers +ĠDis patch +ĠFah renheit +ĠCap com +-------- -- +Ġl ace +Ġdr aining +Ġl iner +ĠArt ificial +é n +t ask +] ). +ĠGM O +ĠOper ator +ord inary +ĠInf luence +ĠU ps +Ġpot ency +uss en +osp ons +ĠSw im +ĠDead line +Un ity +Ġcul inary +Ġenlight enment +Ġwe arer +Ġmin ed +Ġp ly +Ġinc est +ĠDVD s +W alk +B TC +Tr ade +Ġdev al +ib and +ĠOvers ight +Palest inian +Ġd art +Ġm ul +L R +Ġrem ovable +ĠReal ms +ì Ŀ +Ġmisc ar +ĠV ulkan +68 5 +è re +ĠS ap +Ġmer ging +ĠCar ly +che ster +Ġbr isk +Ġlux urious +ĠGener ator +Ġbit terness +Ġed ible +Ġ24 3 +T G +Ġrect angle +With No +bel ow +J enn +Ġdark est +Ġh itch +Ġdos age +Ġsc aven +ĠK eller +ĠIllust rated +Certain ly +ĠMaver icks +Marg inal +Ġdiarr hea +Ġenorm ously +Ġ9 99 +sh r +qu art +Ġadam ant +ĠM ew +Ġren ovation +Ġcerv ical +ĠPercent age +en ers +ĠKim ber +Ġflo ats +Ġde x +ĠW itcher +ĠSwan sea +d m +Ġsal ty +y ellow +Ġca pe +ĠDr ain +ĠPaul a +ĠTol edo +les i +Mag azine +ĠW ick +ĠM n +ĠA ck +ĠR iding +AS ON +Ġhom ophobic +AR P +Ġwand ered +C PU +ood oo +ĠP ipe +Ġtight ening +ĠBut t +3 18 +Ġdesert ed +S ession +Ġfacilit ating +J ump +Ġemer gencies +OW ER +Ġexhaust ive +ĠAF TER +Ġheart beat +ĠLab el +ack y +ĠCert ified +ilt ration +Z e +ĠU tt +Ġ13 00 +Ġpres ume +ĠDis p +Ġsur ged +Ġdoll s +Col umb +Ġchim pan +ĠR azor +Ġt icks +Ġcouncill or +Ġpilgr image +ĠReb els +ĠQ C +ĠA uction +x ia +ik k +b red +Ġinsert ion +Ġco arse +d B +SE E +ĠZ ap +ĠF oo +Ġcontem por +ĠQuarter ly +ot ions +ĠAl chemist +ĠT rey +ĠDu o +S weet +80 4 +ĠGi ov +Ġfun n +N in +h off +Ġram ifications +Ġ19 22 +ĠExper ts +az es +Ġgar ments +ar ial +ĠN ab +Ġ25 7 +ĠV ed +Ġhum orous +ĠPom pe +Ġn ylon +Ġlur king +ĠSerge y +ĠMatt is +Ġmisogyn y +ĠComp onents +ĠWatch ing +ĠF olk +ract ical +B ush +Ġt aped +Ġgroup ing +Ġbe ads +Ġ20 48 +Ġcon du +quer que +Read ing +Ġgriev ances +Ult ra +Ġend point +H ig +ĠSt atic +ĠScar borough +L ua +ĠMess i +a qu +ĠPsy Net +ĠR udd +Ġa venue +v p +J er +Ġsh ady +ĠRes ist +ĠArt emis +Ġcare less +Ġbro kers +Ġtemper ament +Ġ5 20 +T ags +ĠTurn ing +Ġut tered +Ġp edd +Ġimpro vised +Ġ: ( +Ġtab l +Ġpl ains +16 00 +press ure +ĠEss ence +marg in +friend s +ĠRest oration +Ġpoll ut +ĠPok er +ĠAugust ine +ĠC IS +ĠSE AL +or ama +Ġth wart +se ek +Ġp agan + º +cp u +Ġg arn +Ġass ortment +ĠI LCS +t ower +Recomm ended +Ġun born +ĠRandom Redditor +ĠRandomRedditor WithNo +Ġparaly zed +Ġeru ption +Ġinter sect +ĠSt oke +ĠS co +B ind +å ¾ +ĠP NG +ĠNeg ative +ĠNO AA +Le on +Ġall oy +ĠL ama +ĠD iversity +5 75 +Ġunderest imated +ĠSc or +Ġm ural +Ġb usted +so on +l if +Ġnone x +Ġall ergy +ĠUnder world +ĠR ays +ĠBl asio +Ġh rs +ĠD ir +Ġ3 27 +by ter +Ġrepl acements +Ġactiv ates +ri ved +M H +Ġp ans +ĠH I +Ġlong itudinal +Ġnu isance +al er +Ġsw ell +ĠS igned +s ci +ĠIs les +ĠA GA +Ġdef iant +Ġson ic +oc on +K C +ĠA im +t ie +ah ah +Ġm L +D X +Ġb isc +ĠBill board +ĠSY STEM +NE Y +ga ard +Ġdist ressed +former ly +Al an +Ġche fs +Ġopt ics +ĠC omet +ĠAM C +Ġredes igned +irm ation +Ġsight ings +38 2 +3 11 +ĠW B +Ġcont raction +ĠT OTAL +D ual +Ġstart led +Ġunderstand ably +Ġsung lasses +ETH OD +Ġd ocker +Ġsurf ing +ĠH EL +ĠSl ack +ton es +Ġsh alt +Vis ual +49 8 +Dep artment +c ussion +Ġunrest ricted +Ġt ad +Ġre name +employ ed +Ġeduc ating +Ġgrin ned +bed room +ĠActiv ities +ĠV elvet +ĠSW AT +Ġsh uffle +ig or +Ġsatur ation +F inding +c ream +ic ter +Ġv odka +tr acking +te c +Ġfore ground +iest a +Ġve hement +ĠEC B +ĠT ie +E y +Ġt urtles +ĠRail road +ĠKat z +ĠFram es +Ġmen ace +ĠFell owship +ĠEss ential +ugg ish +Ġdri p +ch witz +ĠKy oto +s b +ĠN ina +Param eter +Ġal arms +ĠCl aud +Ġpione ering +Ġchief ly +ĠSc ream +Col lection +Ġthank fully +ĠRonald o +åŃ IJ +st rip +ĠDisney land +com mercial +See ing +S oul +Ġevac uate +Ġc iv +ĠAs he +Ġdiv ides +ĠD agger +rehens ive +Ġber ries +ĠD F +Ġs ushi +Ġplur ality +W I +Ġdisadvant aged +Ġbatt alion +ob iles +45 1 +Ġcl ing +Ġunden iable +ĠL ounge +Ġha unt +p he +Ġquant ify +Ġdiff ered +Ġ[* ] +ĠV iz +c um +sl ave +Ġvide og +Ġqu ar +Ġbund les +ĠAl onso +t ackle +Ġneur onal +Ġlandsl ide +conf irmed +ĠDep th +Ġrenew ables +B ear +ĠMaced onia +Ġjer seys +Ġb unk +ĠSp awn +ĠControl s +ĠBuch anan +Ġrobot ics +Ġemphas izing +ĠTut orial +h yp +ist on +Ġmonument al +æ ° +ĠCar ry +Ġt bsp +en ance +H ill +art hed +Ġro tten +De an +Ġtw isting +Ġgood will +Ġimm ersion +L iving +Ġbr ushes +ĠC GI +ĠAt k +tr aditional +Ġph antom +ĠSt amina +Ġexpans ions +ĠMar in +Ġembark ed +ĠE g +int estinal +ĠPE OPLE +ĠBo oth +ĠApp alach +Ġreleg ated +V T +M IT +Ġmust er +Ġwithdraw ing +Ġmicrosc ope +ĠG athering +ĠC rescent +ĠArgent ine +ĠDec re +ĠDomin ic +Ġbud s +ant age +ĠI on +Ġwid ened +ONS ORED +ĠGl oves +iann opoulos +raz en +fe el +Ġrepay ment +Ġhind sight +ĠRE ALLY +ĠPist ol +ĠBra h +Ġwat ts +Ġsurv ives +Ġfl urry +iss y +Al ert +ĠUrug uay +Ph oenix +S low +ĠG rave +ĠF ir +Ġmanage able +Ġtar iff +ĠU DP +ĠPist ons +ĠNiger ian +Ġstrike outs +Ġcos metics +whel ming +f ab +c ape +pro xy +Ġre think +Ġover coming +sim ple +Ġw oo +Ġdistract ing +ĠSt anton +ĠTuls a +ĠD ock +65 9 +Ġdisc ord +ĠEm acs +ĠV es +ĠR OB +Ġreass uring +Ġcons ortium +Muslim s +3 21 +Ġprompt s +se i +ĠH itch +imp osed +ĠF ool +Ġindisc rim +wr ong +bu querque +D avis +! ] +Ġtim eless +ĠNE ED +Ġpestic ide +Ġrally ing +ĠCal der +Ġå ¤ +Ġx p +ĠUn le +ĠEx port +lu aj +B uff +) [ +Ġsq or +S audi +Ġis tg +Ġindul ge +pro c +Ġdisg usted +Ġcomp ounded +Ġn em +Ġschool ing +ĠC ure +process ing +S ol +Ġpro verb +it ized +ĠAlv arez +Ġscar f +Ġrect angular +re ve +Ġh ormonal +ĠSt ress +itiz en +Ġ4 25 +girl s +ĠNo ir +ĠR app +Ġmar ches +ch urch +ĠUs es +Ġ40 5 +ĠBer m +Ġord inances +ĠJud gment +Charg es +ĠZ in +Ġdust y +Ġstraw berries +Ġper ce +ĠTh ur +ĠDebor ah +net flix +ĠLam bert +Ġam used +ĠGu ang +Y OU +R GB +ĠC CTV +Ġf iat +r ang +Ġf ederation +ĠM ant +ĠB ust +ĠM are +respect ive +ĠM igration +ĠB IT +59 0 +Ġpatriot ism +Ġout lining +reg ion +ĠJos é +Ġbl asting +ĠEz ra +B s +Ġundermin es +ĠSm ooth +Ġcl ashed +rad io +Ġtransition ing +ĠBucc aneers +ĠOw l +Ġplug s +Ġh iatus +ĠPin ball +Ġm ig +ĠNut r +ĠWolf e +Ġinteg ers +Ġor bits +ĠEd win +ĠDirect X +b ite +Ġbl azing +v r +Ed ge +ĠP ID +ex it +ĠCom ed +ĠPath finder +ĠGu id +ĠSign s +ĠZ er +ĠAg enda +Ġreimburse ment +M esh +i Phone +ĠMar cos +ĠS ites +h ate +en burg +Ġs ockets +p end +Bat man +v ir +ĠSH OW +Ġprovision al +con n +ĠDeath s +AT IVE +Pro file +sy m +J A +Ġnin ja +inst alled +id ates +eb ra +ĠOm aha +Ġse izing +ĠBe asts +Ġsal ts +M ission +Gener ally +ĠTr ilogy +he on +leg ates +Ġd ime +Ġf aire +par able +G raph +Ġtotal ing +Ġdiagram s +ĠYan uk +ple t +ĠMe h +Ġmyth ical +ĠStep hens +aut ical +ochem istry +Ġkil ograms +Ġel bows +anc ock +ĠB CE +ĠPr ague +Ġimpro v +ĠDev in +Ġ" \ +par alle +Ġsuprem acists +ĠB illion +Ġreg imen +inn acle +Ġrequ isite +ang an +ĠBur lington +ain ment +ĠObject ive +oms ky +G V +Ġun ilateral +Ġt c +Ġh ires +ment al +Ġinvol untary +Ġtrans pl +ĠASC II + ¨ +Ev ents +Ġdoub ted +ĠKa plan +ĠCour age +ig on +ĠMan aging +ĠT art +Ġfalse hood +ĠV iolet +Ġair s +Ġfertil izer +Brit ain +Ġaqu atic +ou f +W ords +ĠHart ford +Ġeven ings +ĠV engeance +qu ite +G all +ĠP ret +Ġp df +ĠL M +ĠSo chi +ĠInter cept +9 20 +Ġprofit ability +ĠId le +ĠMac Donald +ĠEst ablishment +um sy +Ġgather ings +ĠN aj +Charl ie +Ġas cent +ĠProt ector +Ġal gebra +Ġbi os +for ums +EL S +Introdu ced +Ġ3 35 +Ġastron omy +Cont ribut +ĠPol ic +Pl atform +Ġcontain ment +w rap +Ġcoron ary +ĠJ elly +man ager +Ġheart breaking +c air +ĠChe ro +c gi +Med ical +ĠAccount ability +! !" +oph ile +Ġpsych otic +ĠRest rict +Ġequ itable +iss ues +Ġ19 05 +ĠN ek +c ised +ĠTr acking +Ġo zone +Ġcook er +ros is +Ġre open +Ġinf inity +ĠPharm aceutical +ens ional +Att empt +ĠR ory +Mar co +Ġawa its +H OW +t reated +Ġbol st +Ġreve red +Ġp ods +opp ers +00 10 +Ġampl itude +ric an +SP ONSORED +Ġtrou sers +Ġhal ves +ĠK aine +ĠCut ler +ĠA UTH +Ġsplend id +Ġprevent ive +ĠDud ley +if acts +umin ati +ĠY in +Ġad mon +ĠV ag +Ġin verted +Ġhast ily +ĠH ague +L yn +Ġled ger +Ġastron omical +get ting +Ġcirc a +ĠC ic +ĠTenn is +Lim ited +Ġd ru +ĠBY U +Ġtrave llers +Ġp ane +ĠInt ro +Ġpatient ly +Ġa iding +Ġlo os +ĠT ough +Ġ29 3 +Ġconsum es +Source File +Ġ"" " +Ġbond ing +Ġtil ted +Ġmenstru al +ĠCel estial +UL AR +Plug in +Ġrisk ing +N az +ĠRiy adh +Ġacc redited +Ġsk irm +é Ľ +Ġexam iner +Ġmess ing +Ġnear ing +ĠC hern +ĠBeck ham +Ġsw apped +Ġgo ose +K ay +Ġlo fty +ĠWal let +Ġ[ ' +Ġap ocalypse +Ġb amboo +ĠSP ACE +ĠEl ena +Ġ30 6 +ac ons +Ġtight ened +Ġadolesc ence +Ġrain y +Ġvandal ism +ĠNew town +Ġcon ject +c akes +Ġche ated +Ġmoder ators +par ams +E FF +Ġdece it +ĠST L +ĠTanz ania +ĠR I +Ġ19 23 +ĠEx ile +the l +Ġthe olog +Ġquir ky +ĠIr vine +Ġneed y +or is +U m +K a +Ġmail box +3 22 +Ġb os +ĠPet ra +K ING +Ġenlarg ed +O ften +Ġbad ass +Ġ3 43 +ĠPl aces +ĠC AD +Ġpr istine +Ġinterven ing +d irection +Ġl az +ĠD SM +Ġproject ing +ĠF unk +ag og +pay ment +n ov +Ġch atter +AR B +Ġexam inations +ĠHouse hold +ĠG us +F ord +4 14 +B oss +Ġmy stic +Ġle aps +ĠB av +ul z +b udget +Foot ball +Ġsubsid ized +Ġfirst hand +Ġcoinc ide +oc ular +Con n +ĠColl abor +Ġfool s +am ura +ah ar +r ists +Ġsw ollen +Ġexp ended +ĠP au +s up +Ġsp ar +Ġkey note +s uff +Ġunequ al +Ġprogress ing +str ings +ĠGamer gate +Dis ney +ĠEle ven +om nia +Ġscript ed +Ġear ners +bro ther +ĠEn abled +æ ³ +Ġlar vae +ĠL OC +m ess +Wil son +ĠTem plate +success fully +Ġparam ount +Ġcamoufl age +Ġbind s +ĠQu iet +ĠSh utterstock +r ush +Ġmasc ot +fort une +ĠCol t +ĠBe yon +hab i +Ġha irc +Ġ26 7 +ĠDe us +Ġtw itch +Ġconcent rating +Ġn ipples +c ible +Ġg ir +N Z +M ath +n ih +Requ ired +Ġp onder +ĠS AN +Ġwedd ings +Ġl oneliness +N ES +ĠMah jong +69 5 +add le +ĠGar ner +ĠC OUR +Br idge +Ġsp ree +ĠCald well +Ġbri bery +Ġ���� ���� +plug ins +Ġr acket +Ġchamp agne +vers ible +V ote +Ġmod ifiers +May or +6 80 +Ġassemb lies +ĠS ultan +ĠN ing +ĠLad ies +Ġsulf ur +Ġor bs +Ġ---- - +____ ___ +ĠJournal ism +Ġes ports +Ġl ush +Ġh ue +Ġspect ral +H onest +ãĥ ı +Ġbus hes +Ġrein forcement +Ġre opened +ĠWhe els +ĠM org +rie ving +Ġaux iliary +Ġj Query +ĠB AT +tes que +Ġver tex +p ure +f rey +ãĤ º +d os +Ġty ph +Ġc ull +Ġe q +Ġdec on +Ġtoss ing +Ġdispar ate +ĠBr igham +print f +led ged +Ġsu nd +Ġco zy +Ġhepat itis +per forming +Ġav al +ĠG G +f uture +Ġpet ertodd +ĠKos ovo +Ġmagn ets +Al ready +ĠEd ison +ĠCe res +ĠRA ID +Ġbrill iance +57 6 +Ġder ives +Ġhypert ension +ĠÎ Ķ +Ġlamb da +Ġfl air +Ġmission aries +Ġrap es +ĠSt arter +ĠMon ths +Ġdef y +Ġseism ic +ĠR aphael +Ġeuro zone +65 6 +z sche +Ġscr atched +Ġb ows +ĠLenn on +ĠGa ia +Ġdri pping +f acts +A le +Ġfrog s +ĠBre ast +ogene ity +ĠProsecut or +Ġampl ified +ĠHod g +ĠF n +Th ousands +ĠNI H +ĠMonitor ing +FT WARE +ĠPri ebus +ĠG rowing +hun ter +Ġdiagn ose +ĠM ald +ĠL R +Ġcrown ed +Ġburst ing +Ġdiss olution +j avascript +Ġuseful ness +ĠExec ution +: ( +ĠIv ory +a ah +Ġpersecut ed +viol ence +ist as +ĠCr ate +Ġimpuls es +ĠSp ani +ed es +Hand le +ĠZ erg +think able +Last ly +Ġspont aneously +Ġinconven ient +Ġdismiss ing +Ġpl otted +Ġeight y +Ġ7 37 +r ish +ĠThor nton +ath am +Ġsit com +V en +Rec ipe +t el +l und +Ġcle ars +ĠSas uke +Ġ25 8 +Ġopt ing +Ġen raged +est hetic +ĠA e +uch s +Pre p +Fl ow +Ġrun off +ĠE ating +ĠG iles +ĠAct ing +res ources +ib aba +Ġr pm +Ġske wed +ĠBl anc +ĠS akuya +Ġhot ter +Ġ19 24 +op ian +ck o +Ġcr umbling +Ġcapt ains +ĠAppropri ations +le aders +dro pping +an uts +Ġrevers ing +ĠP ose +ĠS ek +Sc ot +ĠIde a +c ise +ĠSloven ia +Ġ3 17 +Do ctor +Ġcro cod +ald i +Se a +ĠFar rell +Ġmerc enaries +ĠR NC +ĠGu ess +Ġp acing +M achine +Streamer Bot +ĠChar ity +Ġ29 8 +Ġcann ons +ĠTob y +TPP StreamerBot +ĠPass ion +cf g +Th om +Ġbad ges +ĠBern stein +. âĢĵ +ĠP OP +ĠCon j +Ġinitial ization +Ġbiod iversity +D ub +Ġfeud al +Ġdisclaim er +Ġc row +Ġign ition +ar f +S HA +Ġk Hz +h azard +ĠArt ists +oe uv +67 9 +ĠRud y +N ine +ĠRam adan +å ½ +itt o +Ġadren aline +C ert +Ġsmell ed +Ġimp unity +Ġag endas +ĠRe born +ĠCon cent +ĠSe ems +Ġo mega +ĠDust in +Ġback er +ĠSau ce +ĠBoy le +W IN +Ġsp ins +Ġpa uses +u pt +Ġshred ded +Ġstra pped +ĠCor ruption +Ġscr atches +Ġn i +Ġatt ire +ĠS AF +Factory Reloaded +ĠI PS +Ġ( % +Ġsem inar +f ocus +c ivil +Ġ18 60 +int osh +Ġcontin ual +Ġabbre vi +ĠS ok +oc obo +X M +Ġfr antic +Ġunavoid able +Ġar tery +Ġannot ations +b ath +Cl imate +Ġd ors +ĠSl ide +co ord +ĠRel oad +ĠL DL +ĠLove craft +Ġunim agin +Ġresemb led +Ġbarr acks +n p +Ġsurrog ate +Ġcategor ized +ãĤ © +Ġvacc inated +Ġdrain age +Ġind ist +ĠWhats App +Ġ18 70 +oler ance +inv oke +am orph +Ġrecon nect +Ġem anc +Ġblind ness +Ġ12 80 +intern et +c ollar +Ġalt ru +Ġab yss +ĠT RI +65 7 +Ġinf used +HE AD +Ġforest ry +ĠWood y +ĠC i +w i +s am +78 4 +hol iday +Ġmog ul +ĠF ees +ĠD EN +In ternal +ur bed +f usc +at om +ĠIll usion +Ġpoll ed +Ġfl ap +Ġco ax +L GBT +An aly +ĠSect ions +ĠCalif orn +em n +Ġh ither +ĠN IGHT +Ġn ailed +ĠPip eline +39 1 +o of +ĠPr imal +vere nd +Ġsl ashing +Ġret ri +avi our +Ġdepart ing +g il +IS C +Ġmid way +Ġultras ound +Ġbeh aving +ĠT ara +class es +V irtual +ĠColon ial +Ġstri pping +Ġorchestr ated +ĠGra ves +45 2 +ĠIron ically +ĠWrit ers +Ġl ends +ĠMan z +Ġra ven +Ġoxid ative +Ġ26 6 +EL F +act ually +asc ar +D raft +Ġfavour able +Ġhumili ating +Ġf idelity +ĠH of +ĠX uan +49 6 +Ġlay ered +at is +79 0 +Ġpay check +it on +K ar +ĠVM ware +ĠFar mer +Ġserv ic +gl omer +Ġsl ump +ĠFab ric +ĠD OC +est ing +Ġreass ure +Ġph yl +v olt +it ory +R ules +Ġoxid ation +Ġpri zed +Ġmist ress +ĠDj ango +WAR N +å ij +Ġenc ode +ĠFeed back +Ġstupid ity +I an +ĠYugoslav ia +× ¨ +ac l +UT E +19 77 +Ġqual ifies +Ġpuls es +pret ty +Ġfro ze +Ġs s +Iter ator +Ġur gently +Ġm ailed +ĠCh am +Ġsust aining +Ġbas il +Ġpupp ies +il ant +ĠP LEASE +l ap +ace ous +F ear +ĠMaster y +aut omatic +ĠT AG +Ġant im +ag les +47 3 +fram es +Ġwh ispers +ĠWho ever +Ġbra very +ĠUK IP +ract ions +"" " +Ġt ame +Ġpart ed +every thing +CON T +Ġind ebted +Ġadd r +re k +IR ED +Ġem inent +cl inton +Ġo usted +Ġreview er +Ġmelt down +Ġre arr +ĠY ao +the real +aby te +Ġst umbling +Ġbat ches +Ġ25 9 +Ġcontrace ptive +Ġprost itute +ens is +De cl +ĠSt rikes +M ilitary +ĠO ath +v acc +pp ings +05 2 +Ġpart Name +amp ing +Rep orts +K I +CH R +Ġsubt ly +sw ers +Bl ake +us ual +Ġcontest ants +Ġcart ridges +ĠGRE AT +Ġbl ush +ĠâĢ º +47 2 +Ġreason ed +ãĥ ¤ +paralle led +Ġd yn +ag ate +Ġnight ly +å Ĩ +55 6 +Ġsem antic +ĠAdv oc +Ġ !! +Ġdisag rees +ĠB W +V eh +Ġharm ing +Ġembr aces +Ġstri ves +Ġin land +ĠK ard +Ġhe ats +ĠGin ny +ut an +ern aut +yl ene +ĠE lev +J D +Ġh ars +ĠStar r +Ġsk ysc +Ġcollabor ators +Us ually +Ġrev olutions +ĠSTAT S +Ġdism antle +Ġconfident ly +Ġkin etic +Al i +Ġpercent ile +Ġextract ing +ill ian +est ead +Ġphysic ists +ĠMarsh al +Ġfell owship +Ġd ashed +ĠU R +ĠSi oux +ĠComp act +am ide +P ython +ĠLe igh +ĠPharm ac +ist rates +her ical +Ġf ue +ĠE min +Ġ( { +ĠNeighbor hood +Ġdisrupt ing +ĠD up +Ġg land +ĠSe v +ĠMar ian +arg on +ĠD und +Ġ< !-- +Ġstr and +Ġstadium s +z os +Ġpsych osis +ĠR ack +Ġbrilliant ly +ï¸ ı +Ġsubmer ged +ĠInst it +ĠCh ow +Ġc ages +ĠH ats +ĠU rs +Ġdil uted +us at +ien ne +ĠMembers hip +ĠBur k +Ġ ie +Ġarche type +D rug +ult on +ĠSp ock +ĠMcK ay +ĠDep end +F eatured +S oc +19 78 +ĠB ere +Ġrelent lessly +Ġcripp ling +Ġar thritis +çĶ Ł +ĠTrop ical +ĠBul g +ĠCher yl +Ġadm irable +Ġsub title +Over ride +Ġorig inating +ĠC CP +Ġsw ore +ĠSo le +ĠDis orders +3 29 +Ġprocess ion +Ġref urb +Ġimm ersed +requ ently +Ġskept ics +Ġcer amic +m itter +en stein +b elt +ĠT IT +b idden +Ġf ir +m ist +> ] +Ġwe ave +ĠParad ox +Ġentr usted +ĠBarcl ays +Ġnovel ist +og ie +80 6 +Ġnin ety +Ġdisag reements +@@@@ @@@@ +ĠAus chwitz +c ars +ĠL ET +t ub +arant ine +P OS +Ġback story +Ġcheer ful +ĠR ag +ek a +bi ased +Ġinexper ienced +ak ra +ĠW itt +t an +Ġrap ist +Ġplate au +ch al +ĠInqu is +exp ression +Ġc ipher +Ġsh aving +add en +re ly +( \ +ism a +ĠReg ulatory +CH AR +ily n +N VIDIA +G U +Ġmur m +la us +Christ opher +Ġcontract ual +ĠPro xy +ĠJa ime +ĠMethod ist +Ġstew ards +st a +per ia +Ġphys iology +Ġbump ed +Ġf ructose +Austral ian +ĠMet allic +ĠMas querade +ar b +Ġprom ul +Ġdown fall +Ġbut cher +Ġb our +ĠIN FORMATION +ĠB is +pect s +ad ena +Ġcontempl ating +ar oo +cent ered +ĠPe aks +Us ed +Ġmod em +Ġg enders +Ġ8 000 +37 1 +Ġm aternity +ĠR az +Ġrock ing +Ġhandgun s +ĠD ACA +Aut om +ĠN ile +Ġtum ult +ĠBenef it +ĠAppro ach +works hop +ĠLe aving +G er +inst ead +Ġvibr ations +Ġrep ositories +49 7 +ĠA unt +ĠJ ub +ĠExp edition +Al pha +Ġs ans +Ġoverd ue +Ġoverc rowd +Ġlegisl atures +Ġp aternal +ĠLeon ardo +Ġexp ressive +Ġdistract ions +Ġsil enced +tr ust +Ġb iking +Ġ5 60 +Ġpropri et +Ġimp osition +Ġcon glomer +Ġ= ================================================================ +ĠTe aching +ĠY ose +int ensive +T own +Ġtroll ing +ĠGr ac +ĠAS US +Y o +Ġspecial s +ĠNep h +ĠGod zilla +Dat abase +ĠHe gel +Ġ27 2 +19 76 +ĠGl oria +Ġdis emb +ĠInvestig ations +ĠB ane +ag ements +St range +Ġtre asury +ĠPl ays +Ġundes irable +Ġwid ening +Ġverb ally +Ġinf ancy +Ġcut ter +f ml +Ġ21 00 +prot otype +f ine +Ġdec riminal +Ġdysfunction al +Ġbes ie +ĠErn st +z eb +Ġnort heastern +Ġa ust +por ate +ĠMar lins +Ġsegreg ated +ew orld +ĠMa her +Ġtra verse +Ġmon astery +ur gy +G ear +s and +Com pl +ĠE MP +Ġpl ent +ĠMer cer +Ġ27 6 +TA BLE +Config uration +H undreds +Ġpr ic +Ġcollabor ating +ĠPar amount +ĠCumm ings +Ġ( < +Ġrecord er +Ġfl ats +Ġ4 16 +wh ose +Font Size +ĠOr bit +Y R +Ġwr ists +Ġb akery +) } +ĠB ounty +ĠLanc aster +Ġend ings +acc ording +ĠSal am +e asy +75 5 +ĠBur r +ĠBarn ett +onom ous +Un ion +Ġpreced ence +ĠScholars hip +ĠU X +Ġroll out +Ġbo on +al m +ĠCan ter +æ µ +Ġround ing +Ġcl ad +Ġv ap +ĠF eatured +is ations +Ġ5 40 +pol ice +Ġunsett ling +Ġdr ifting +ĠLum ia +ĠObama Care +ĠF avor +Hy per +ĠRoth schild +ĠMil iband +an aly +ĠJul iet +H u +Ġrec alling +a head +69 6 +Ġunf avorable +Ġd ances +O x +Ġleg ality +Ġ40 3 +rom ancer +Ġinqu ire +ĠM oves +\ "> +ĠVari ant +ĠMess iah +ĠL CS +ĠBah á +75 6 +Ġeyeb row +Ġ ¥ +ĠMc F +ĠFort y +M as +Ġpan icked +Ġtransform ations +q q +Ġrev olves +ring e +ĠA i +ax e +Ġon ward +ĠC FR +ĠB are +log in +Ġliqu ids +Ġde comp +second ary +il an +ĠCon vert +ami ya +Ġprosecut ing +Ġâī ¡ +ĠYork ers +ĠByr ne +sl ow +aw ei +J ean +Ġ26 9 +ĠSky dragon +Ġ é +ĠNicarag ua +ĠHuck abee +ĠHigh ly +Ġamph ib +ĠPast or +ĠL ets +Ġbl urred +Ġvisc eral +ĠC BO +Ġcollabor ated +z ig +Leg al +Ġapart heid +Ġbr id +Ġpres et +ĠD ET +ĠAM A +× Ķ +arch ing +auc uses +build er +Ġpo etic +Ġem ulator +ĠMole cular +Ġhon oring +ise um +Ġtract or +ĠCl uster +ĠCal m +ared evil +Ġsidew alks +Ġviol in +Ġgeneral ized +ĠAle c +Ġemb argo +Ġfast ball +ĠHT TPS +ĠL ack +ĠCh ill +ri ver +C hel +ĠSw arm +ĠLev ine +ro ying +L aunch +Ġkick er +Ġadd itive +ĠDe als +W idget +cont aining +Ġescal ate +ĠOP EN +Ġtwe aked +Ġst ash +Ġsp arks +ĠEs sex +ĠE cc +Ġconv ict +Ġblog ging +I ER +ĠH L +Ġmurd erers +75 9 +ĠH ib +Ġde pl +ĠJ ord +S ac +Ġdis sect +ĠHow e +os her +Ġcustom izable +ĠFran z +Ġat ro +Ä ĩ +Ġ000 4 +Ġout post +R oss +Ġglyph osate +ĠHast ings +ĠBE FORE +Ġsh ove +o pped +ĠSc ala +Ġam ulet +an ian +Ġexacerb ated +Ġe ater +47 1 +UM E +Ġpul p +izont al +ĠZ am +ĠAT I +imm une +aby tes +Ġunnecess arily +ĠC AT +ĠAx is +Ġvisual ize +à ī +ĠRad ical +f m +Doc uments +ĠFor rest +Ġcontext ual +ĠSy mbol +Ġtent ative +ĠDO ES +ĠGood s +Ġintermitt ent +} : +medi ated +Ġridic ule +Ġathe ism +Ġpath ogens +ĠM um +Ġre introdu +Ġ30 7 +i HUD +Ġflash light +Ġsw earing +Ġp engu +B u +Ġrot ated +ĠCr ane +Ġ() ); +Ġfashion able +Ġendors ing +46 3 +) [ +Ġingest ion +Ġcook s +Ġ9 50 +ot omy +ĠIm am +Ġk a +Ġte aser +ĠGhost s +ĠãĤ µ +19 69 +Ï ĥ +ub by +Ġconver ter +zan ne +end e +ĠPre par +ĠNic kel +ĠChim era +h im +ĠTyr ann +ĠSabb ath +ĠNich ols +Ġra pt +ih ar +Ġshe lling +Ġillum inate +Ġdent ist +ut or +ĠInteg ration +Ġwh ims +ĠLiter ary +Be aut +Ġp archment +ag ara +Br and +Ġder og +âĢ¦ ) +ĠNor se +Ġunw itting +Ġc uc +Ġborder line +Ġupset ting +Ġrec ourse +Ġd raped +ĠRad ar +Ġcold er +ĠPep si +im inary +], [ +65 8 +V i +ĠF rem +ĠP es +Ġveter inary +ĠT ED +ĠEp idem +n ova +k id +Ġdev out +o ct +j ad +M oh +ĠP AY +Ġge ometric +Ġ3 23 +Ġcircum ference +ich ick +19 75 +ĠY uri +ĠSh all +ĠH over +un in +S pr +Ġg raft +ĠHapp iness +Ġdisadvant ages +att acks +Ġhub s +ĠStar Craft +é ĸ +Ġgall eries +ĠKor ra +Ġgrocer ies +ĠGors uch +Ġrap ists +Ġfun gi +ĠTyph oon +V ector +ĠEm press +b attle +4 68 +Ġparas ite +ĠBom ber +S G +ex ist +ĠP f +Ġun se +Ġsurge ons +B irth +ĠUn sure +ĠPrint ed +ĠBehavior al +ĠA ster +Pak istan +Ġun ethical +Ġs v +ĠIo T +Ġlay outs +P ain +Ġconst ants +ĠL W +ĠB ake +Ġtow els +Ġdeterior ation +ĠBol ivia +Ġblind ed +ĠW arden +ĠMist ress +Ġon stage +Ġcl ans +ĠB EST +19 60 +Ġant ique +Ġrhet orical +ĠPer cy +ĠRw anda +, . +B ruce +Ġtra umat +ĠParliament ary +Ġfoot note +id ia +ĠLear ned +se eking +gen ic +Ġdim ensional +H ide +èĢ ħ +Ġintrig ue +in se +Ġle ases +Ġapp rentices +w ashing +Ġ19 26 +V ILLE +Ġsw oop +s cl +Ġbed rooms +on ics +ĠCr unch +comp atible +Ġincap ac +ĠYemen i +ash tra +z hou +d anger +Ġmanifest ations +ĠDem ons +AA F +Secret ary +ACT ED +L OD +Ġam y +ra per +eth nic +4 17 +Ġpos itives +Ġ27 3 +ĠRefuge es +Ġus b +ĠV ald +odd y +ĠMahm oud +As ia +Ġskull s +ĠEx odus +ĠComp et +ĠL IC +ĠM ansion +ĠA me +Ġconsolid ate +storm s +ont ent +99 6 +Ġcl en +Ġm ummy +fl at +75 8 +ĠV OL +oter ic +n en +ĠMin ute +S ov +Ġfin er +R h +ly cer +Ġreinforce ments +ĠJohann es +ĠGall agher +Ġgym n +S uddenly +Ġext ortion +k r +i ator +T a +Ġhippocamp us +N PR +ĠComput ing +Ġsquare ly +Ġmod elling +ĠFor ums +ĠL isp +ĠKrish na +Ġ3 24 +Ġr ushes +Ġens ued +Ġcre eping +on te +n ai +il ater +ĠHorn ets +Ġob livious +IN ST +55 9 +Ġjeopard y +Ġdistingu ishing +j ured +Ġbeg s +sim ilar +ph ot +5 30 +ĠPark way +Ġs inks +ĠHearth stone +ib ur +ĠBat on +Av oid +Ġd ancer +Ġmag istrate +ary n +Ġdisturb ances +ĠRom ero +Ġpar aph +Ġmis chief +âĸ ĵ +ĠSh aria +Ġur inary +r oute +iv as +f itted +Ġeject ed +ĠAl buquerque +Ġ4 70 +Ġirrit ated +ĠZ ip +ĠB iol +à į +Ġden ounce +Ġbin aries +ĠVer se +Ġopp os +ĠKend rick +ĠG PL +Ġsp ew +ĠEl ijah +ĠE as +Ġdr ifted +so far +Ġannoy ance +ĠB ET +47 4 +ĠSt rongh +it ates +ĠCogn itive +oph one +ĠIdent ification +ocr ine +connect ion +Ġbox er +ĠAS D +ĠAre as +Y ang +t ch +ull ah +Ġdece ive +Comb at +ep isode +cre te +W itness +Ġcondol ences +ht ar +Ġhe als +Ġbuck ets +ĠLA W +B lu +Ġsl ab +ĠOR DER +oc l +att on +ĠSteven son +ĠG inger +ĠFriend ly +ĠVander bilt +sp irit +ig l +ĠReg arding +ĠPR OG +Ġse aling +start ing +Ġcard inal +ĠV ec +ĠBe ir +Ġmillisec onds +we ak +per se +Ġster ile +ĠCont emporary +ĠPh ant +ĠCl o +Ġout p +Ġex iled +Ġ27 7 +Ġself ie +Ġman ic +Ġn ano +ter ms +Alex ander +Ġres olves +Ġmillenn ia +Ġexpl odes +Ġconst ellation +Ġadul tery +m otion +D OC +Ġbroad casters +Ġkinderg arten +ĠMay weather +ĠE co +ich o +Ġ28 7 +l aun +Ġm ute +Ġdisc reet +Ġpres chool +Ġpre empt +De lete +ĠFre ed +P i +H K +Ġblock er +ĠC umber +Ġw rought +d ating +Ġins urer +Ġquot as +Ġpre ached +Ġev iction +ĠReg ina +ĠP ens +Ġsevent een +ĠN ass +D ick +Ġfold s +Ġd otted +ĠA ad +Un iversal +Ġp izz +ĠG uru +Ġso ils +Ġno vice +ĠNe ander +Ġst ool +Ġdeton ated +ĠPik achu +ĠMass ive +IV ER +ĠAb del +Ġsubdu ed +Ġtall est +Ġprec arious +Ġa y +r ification +ĠOb j +c ale +Ġun question +cul osis +ad as +igr ated +D ays +Ġque ens +ĠGaz ette +ĠCol our +ĠBow man +ĠJ J +ï ve +Ġdomin ates +Stud ent +Ġm u +Ġback log +ĠElect ro +Tr uth +48 3 +Ġcond ensed +r ules +ĠCons piracy +Ġacron ym +hand led +ĠMat te +j ri +ĠImp ossible +l ude +cre ation +Ġwar med +ĠSl ave +Ġmis led +Ġfer ment +ĠK ah +ink i +ke leton +cy l +ĠKar in +Hun ter +Reg ister +ĠSur rey +Ġst ares +ĠW idth +ĠN ay +ĠSk i +Ġblack list +uck et +Ġexp ulsion +im et +Ġret weet +vant age +Fe ature +Ġtro opers +Ġhom ers +9 69 +Ġconting ency +ĠW TC +ĠBrew er +fore ign +W are +S olar +Ġund ue +RE C +ulner able +path ic +ĠBo ise +Ġ3 22 +Ġarous ed +ĠY ing +ä¸ į +uel ess +Ġp as +Ġmor p +Ġfl oral +Ex press +ud ging +k B +ĠGr anted +Ø ¯ +ĠMich a +ĠGoth ic +ĠSPEC IAL +ĠRic ardo +F ran +Ġadminister ing +6 20 +por a +Ġ ® +Ġcomprom ises +Ġb itten +Ac cept +Th irty +Ð ² +Ġmater ially +ĠTer r +ig matic +ch ains +Ġdo ve +stad t +Mar vel +FA ULT +Ġwind shield +Ġ3 36 +ad ier +Ġsw apping +Ġflaw less +ĠPred ator +ĠMiche le +Ġprop ulsion +ĠPsych ic +Ġassign ing +Ġfabric ation +Ġbar ley +l ust +Ġtow ering +Ġalter cation +ĠBent ley +Sp here +Ġtun a +ĠClass es +Fre edom +un er +L ady +v oice +Ġcool est +or r +Ġpal p +$ { +Ġhyster ia +ĠMet atron +p ants +Ġspawn ing +Exper ts +ĠInvest ors +ĠAn archy +Ġshr unk +ĠVict im +Ġ28 9 +Ġec stasy +ĠB inding +58 5 +ĠMel ody +57 8 +ot ally +ĠE tsy +lig a +Ġapplaud ed +Ġswe ating +Ġredist ributed +Ġpop corn +Ġsem inal +f ur +ĠNeuro science +R and +ĠO st +ĠMadd en +ĠIncre asing +ĠDaw kins +ĠSub way +Ġar sen +cons erv +B UR +Ġsp iked +ĠLy ft +ĠImper ium +ĠDrop box +Ġfav oured +Ġencomp asses +gh ost +Ġins pires +Ġbur geoning +ĠY oshi +ĠVert ical +ĠAud itor +Ġint ending +Ġfilib uster +Bl oom +f ac +ĠCav s +ign ing +Ġcowork ers +ĠBarb arian +rem ember +FL AG +Ġaudit ory +ason ry +Col lege +Ġmut ed +gem ony +ob in +ĠPsych o +9 68 +Ġlav ish +Ġhierarch ical +ĠDr one +ou k +Ġcripp led +ĠMax im +Sl ot +Ġqu iz +ĠV id +if ling +Ġarchae ologists +Ġabandon ment +d ial +le on +ĠF as +T ed +Ġr aspberry +Ġmaneu vers +Ġbehavi ours +Ġins ure +Ġrem od +Sw itch +h oe +Ġsp aced +Ġafford ability +ĠF ern +not ation +ĠBal anced +Ġoccup ies +en vironment +Ġneck lace +Ġsed an +F U +ĠBrav o +Ġab users +ĠAn ita +met adata +ĠG ithub +ait o +ĠF aster +ĠWass erman +ĠF lesh +Ġth orn +r arily +ĠMer ry +w ine +Ġpopul ace +ĠL ann +Ġrepair ing +Ġpsy che +Ġmod ulation +aw aru +âĢĭ âĢĭ +ari j +Ġdecor ations +Ġapolog ise +ĠG arg +app ly +Ġgive away +ĠFl an +ĠWy att +U ber +Ġauthor ised +ĠMor al +HAHA HAHA +activ ate +Ġtorped o +ĠF AR +Ġam assed +ĠA ram +ark in +ĠVict ims +st ab +Ġo m +ĠE CO +Ġopio ids +Ġpurpose ly +ĠV est +Ġer g +at an +ĠSur gery +Ġcorrect ing +ĠOrt iz +ĠBe et +Ġrev oke +Ġfre eway +ĠH iggins +F ail +ĠFar ms +ĠAT P +h ound +Ġp oking +ĠCommun ists +mon ster +iment ary +Ġunlock ing +Ġunf it +we ed +en ario +at ical +ĠEnlight enment +ĠN G +ĠComp ensation +de en +ĠWid ow +ĠCind y +ĠAfter wards +Ġ6 000 +ikh ail +ag ically +Ġrat ified +Ġcasual ty +H OME +p sey +f ee +Ġspark ling +Ġd é +Ġconcert ed +C atal +Ġcomp lying +ĠA res +ĠD ent +Sh ut +Ġsk im +ad minist +Ġhost ilities +ĠG ins +Ġ6 08 +Ġm uddy +ĠMc Int +ĠDec ay +5 25 +Ġconspic uous +ĠEx posure +Ġresc ind +Ġwear able +Ġ3 28 +our met +ah s +ĠRob ots +Ġe clips +inst ance +ĠRE PORT +ĠApp l +0 30 +ĠSk ies +01 00 +Ġfall acy +S ocket +ĠRece iver +Ġsol ves +ĠButter fly +ĠSho pping +ĠFI RE +65 4 +Med ic +Ġsing ers +ĠNeed less +'' '' +isher s +ĠD ive +58 8 +Ġselect ively +Ġcl umsy +88 9 +Ġpurch aser +ear ned +ard y +Ġbenef iting +eng lish +Ġyield ing +ĠP our +Ġspin ach +Ġdel ve +ĠC rom +6 10 +Ġexport ing +ĠMA KE +Ġ26 3 +Ġg rop +Ġenv oy +ĠInqu iry +ĠLu igi +d ry +ĠT uring +Thumbnail Image +ĠVar iety +Ġfac et +Ġfl uffy +Ġexcerpt s +Ġsh orth +ĠOl sen +CL UD +Ġrel iant +ĠUN C +T our +Ġbat hing +Comp any +Ġglobal ization +P red +ĠMalf oy +Ġh oc +j am +craft ed +ĠBond s +ĠKiss inger +Eng land +Ġorder ly +cat entry +Ġ26 1 +Ġexch anging +ĠInt ent +ĠAmend ments +D OM +Ġst out +³³³³³³³³ ³³³³³³³³ +ĠAir bus +Ġ27 8 +hy de +P oll +Item ThumbnailImage +Ġlooph oles +ĠPill ar +Ġexpl or +St retch +A part +Ġun married +Lim it +ĠTransform ers +Ġintellect ually +unct ure +18 00 +Ġd arn +B razil +Ġleft over +ber us +f red +Mine craft +3 26 +ĠForm s +Ġproof s +ĠDes igned +Ġindex es +ĠSupp ose +EM S +ĠL oving +ĠBon nie +im ating +OT US +Ġconduct or +Ġbehav ed +ĠF ren +Ġsy nerg +Ġmillenn ium +Ġcater ing +ĠL auder +W r +ĠY iannopoulos +ĠAT F +Ġensl aved +Ġawaken ed +D VD +ĠED ITION +ĠConc ert +ĠChall enger +ĠH aku +umer ic +Ġdep recated +ĠSH AR +4 12 +Ġdy stop +Ġtremb ling +Ġdread ed +ĠSp ac +p adding +Re pl +ĠG arrison +M ini +Ġun paralleled +am ar +URR ENT +w reck +c ertain +t al +ĠC LS +app ings +Ġsens ed +Ġf encing +ĠPas o +ĠDes k +Ġsc off +Ġcontem plate +ĠL iga +l iquid +75 7 +Ġapp rentice +ĠUCH IJ +5 70 +ĠTh ousand +ĠIll um +Ġchampion ed +ãĤ Į +Ġelect ors +Ġ3 98 +ĠH ancock +round ed +ĠJ OHN +Ġuns atisf +Ġqual ifier +ĠGad get +EN E +Ġdead liest +ĠPl ants +Ġ ions +Ġacc ents +Ġtwe aking +Ġsh aved +F REE +ĠCh aser +Again st +9 60 +Ġmeth amphetamine +Ġnormal ized +Ġ$ \ +ĠPre cision +ĠGu am +Ġch oked +ĠX II +ĠCast ing +Tor rent +Ġscal p +ĠJagu ar +w it +Ġsem ic +ix ie +ĠG ould +Ġconf ines +N usra +ĠL on +ĠJ ugg +y cle +ĠCod ec +E gypt +Ġrest rain +ĠAl iens +Ġch oking +ĠD unk +ĠBell a +ab c +Ġsl ang +Ġneuro trans +s av +Ġempower ment +â ĨĴ +Ġclim bers +ĠM im +ĠF ra +ros se +Cap ital +ĠCth ulhu +Inter face +Ġprof icient +ĠIN TO +Ġ3 18 +ront al +5 80 +ĠDes pair +K enn +Ġscrim mage +ĠCo at +as ions +Ġwall paper +ĠJ ol +Ġresurg ence +Ġant iv +ĠB alls +² ¾ +Ġbuff ers +Ġsub system +ĠSt ellar +ĠL ung +A IDS +Ġerad icate +Ġblat antly +Ġbehav es +ĠN un +Ġant ics +ex port +DE V +w b +Ġph p +ĠInteg rity +Ġexplore r +Ġrev olving +auth ored +g ans +Ġbas k +Ġas ynchronous +å į +TH ING +69 8 +G ene +ĠR acer +ĠN ico +iss ued +Ġser mon +p ossibly +Ġsize of +Ġentrepreneur ial +ox in +ĠMin erva +Ġpl atoon +n os +ri ks +A UT +ĠAval anche +ĠDes c +ij 士 +ĠP oc +Ġconf erred +Î » +Ġpat ched +F BI +66 2 +Ġfract ures +Ġdetect s +Ġded icate +Ġconstitu ent +Ġcos mos +W T +Ġswe ats +Ġspr ung +b ara +s olid +Ġuns us +Ġbul ky +ĠPhilipp e +ĠFen rir +Ġtherap ists +ore al +^^ ^^ +Ġtotal ed +Ġboo ze +ĠR PC +Prosecut ors +Ġdis eng +ĠSh ared +Ġmotor cycles +Ġinvent ions +Ġlett uce +ĠMer ge +ĠJ C +Ġspiritual ity +ĠWAR NING +Ġunl ucky +ĠT ess +Ġtong ues +ĠD UI +T umblr +Ġle ans +Ġinv aders +Ġcan opy +ĠHur ricanes +ĠB ret +ĠAP PLIC +id ine +ick le +Reg arding +Ġve ggies +Ġe jac +ju ven +F ish +D EM +ĠD ino +Th row +ĠCheck ing +be ard +( & +Ġj ails +Ġh r +trans fer +iv ating +Ġfle ets +ĠIm ag +ĠMc Donnell +Ġsnipp et +Is a +ĠCh att +ĠSt ain +ĠSet FontSize +ĠO y +ĠMathemat ics +49 4 +Ġelectro ly +ĠG ott +ĠBr as +B OOK +ĠF inger +d ump +Ġmut ants +Ġrent als +Ġinter tw +Ġc reek +ail a +Bro ther +ĠDisc ord +pe e +raw ler +Ġcar p +Ġ27 9 +ãĤ· ãĥ£ +rel ations +Ġcontr asts +Col umn +Ġrec onnaissance +Ġun know +Ġl ooting +Ġregul ates +Ġopt imum +ĠChero kee +ĠA ry +Lat est +Ġroad side +Ġd anced +ĠUnic orn +A cknowled +Ġuncont roll +ĠM US +at io +ch ance +ha ven +VAL UE +Ġfavour ites +Ġceremon ial +b inary +pe ed +wood s +EM P +Ġv ascular +Ġcontempl ated +Ġbar ren +ĠL IST +Y ellow +ospons ors +Ġwhisk y +ĠM amm +ĠDeV os +min imum +H ung +44 2 +P ic +ĠSnap dragon +77 6 +Ġcar ving +Ġund ecided +Ġadvantage ous +Ġpal ms +ĠA Q +Ġst arch +L oop +Ġpadd le +Ġfl aming +ĠHor izons +An imation +bo ost +Ġprob abilities +ĠM ish +Ġex odus +ĠEditor ial +Ġfung us +Ġdissent ing +ĠDel icious +rog ram +ĠD yn +d isk +t om +Ġfab rics +ĠC ove +ĠB ans +Ġsoft en +ĠCON S +Ġin eligible +Ġestim ating +ĠLex ington +pract ice +of i +Ġshe dding +ĠN ope +Ġbreat hed +ĠCorinth ians +y ne +ek i +B ull +Ġatt aching +reens hots +Ġanaly se +ĠK appa +Ġuns ustainable +Ġinter pol +ank y +he mer +Ġprot agonists +Ġform atted +ĠBry ce +ĠAch illes +ĠAb edin +sh ock +Ġb um +b os +qu a +ĠW arn +q t +ĠDi abetes +8 64 +ĠIn visible +Ġvan ish +Ġtrans mitting +Ġmur ky +ĠFe i +Ġawa ited +ĠJur assic +umm ies +Ġmen acing +g all +C ath +B uilt +ild o +ĠV otes +Ġon t +Ġmun itions +ĠFre em +ÃŃ n +Ġdec ency +lo pp +ie ved +ĠG ord +Ġun thinkable +ĠNews week +Ġ3 21 +He at +Ġpresent er +ji ang +Ġpl ank +ĠAval on +Ġben z +ĠR out +Ġslam ming +ĠD ai +ou ter +ĠCook ie +ĠAlic ia +ge y +Ġvan ity +Ġow l +á µ +t ested +ĠAw akens +Ġcan v +Ġblind ly +ĠRid ley +ĠEm ails +Requ ires +ĠSer bian +ograp hed +if rame +eter ia +Ġaltern ating +qu iet +Ġsoc iology +ĠUn lock +ĠCommun ism +Ġo ps +Ġatt ribution +Ġab duction +ĠAb ram +Ġsidel ined +ĠB OOK +Ġref ining +ĠFe eling +ĠOs lo +ĠPru itt +r ack +ang ible +Ġcaut iously +ĠM ARK +eed s +M ouse +ĠStep h +ĠP air +S ab +99 7 +ĠBa al +B ec +Ġcomm a +ĠP all +ĠG ael +Ġmisunder stand +ĠP esh +Order able +Ġdis mal +ĠSh iny +% " +Ġreal istically +Ġpat io +ĠG w +ĠVirt ue +Ġexhaust ing +wh atever +oph ys +y ip +4 18 +Ad just +ĠWa iting +ess on +ĠMaz da +ĠDo zens +Ġstream lined +Ġincompet ence +ĠM eth +Ġeth os +ON ES +Ġincent iv +Ġgr itty +ĠBut cher +Head er +Ġexp onential +à Ł +Ġcorrel ate +Ġcons ensual +s ounding +R ing +Orig in +Ġcon clusive +fe et +ac ly +ĠF ernandez +Buy able +Ġd ucks +aunt lets +Ġel ong +Ġ28 6 +Ġsim ul +G as +ĠK irst +Ġprot r +ĠRob o +ĠAo E +op ol +Ġpsych ologically +sp in +ilater ally +ĠCon rad +W ave +44 1 +ĠAd vertisement +ĠHarm on +ĠOri ental +is Special +Ġpresum ptive +Ġw il +ĠK ier +ne a +Ġp pm +Ġhar bour +ĠW ired +comp any +Ġcor oner +atur days +ĠP roud +ĠN EXT +ĠFl ake +val ued +ce iver +Ġfra ught +Ġc asing +Ġrun away +Ġg in +ĠLaure nt +ĠHar lem +ĠCur iosity +qu ished +Ġneuro science +ĠH ulu +Ġborrow er +Ġpetition er +ĠCo oldown +W ARD +Ġinv oking +conf idence +For ward +Ġst s +pop ulation +Delivery Date +Fil m +ĠC ov +quick Ship +quickShip Available +prim ary +isSpecial Orderable +inventory Quantity +channel Availability +BO X +ĠMulti player +ĠJen ner +77 8 +ĠM d +Ġ~ /. +M N +Ġchild ish +Ġantioxid ant +ĠChrom ebook +Ġ27 4 +Ġscreen play +Ġadvent urous +ĠRelations hip +respons ive +ming ton +Ġcorner stone +ĠF ey +F IR +Ġrook ies +ĠF eaturing +Ġorig inate +Ġelectro des +ant es +Ġscript ures +Ġgl ued +Ġdiscont ent +Ġaff licted +lay out +B rave +Ġm osa +ĠQuant ity +ĠH ik +w inner +H ours +Ġent ail +ĠCell s +olog ue +Ġv il +Ġpre acher +Ġdecor ative +d ifferent +Ġprejud ices +ĠSm oking +ĠNotting ham +so Type +Ġrhyth ms +ĠAl ph +bl ast +Ste el +ĠDaniel le +Ġstr ife +Ġrem atch +so DeliveryDate +ĠF ork +t rip +ol ulu +hes es +C G +ĠPOLIT ICO +ost a +ĠDr ift +é¾įå ¥ +é¾įå¥ ij士 +Ġvet ting +ĠJin ping +ĠRec ession +Min or +ĠF raud +enf ranch +Ġconven ed +ĠNA ACP +ĠMill ions +ĠFarm ing +ĠW oo +ĠFl are +rit o +imm igrant +Ġvac ancy +ĠHE AD +ĠV aj +eg al +ĠV igil +Stud y +Ġru ining +Ġr acks +Ġhe ater +ĠRand olph +ĠBr ush +ĠT ir +Ø ¨ +Ġc ov +% ] +Ġrecount s +ĠO PT +ĠM elt +Ġtr uce +Ġcas inos +Ġcrus ade +Ġcarn age +Ġstri pe +ĠK yl +Text ures +Ġ6 98 +Ġpro clamation +Ġgood ies +Ġ........ .. +pro claimed +P olit +Ġtop ical +Ġspecial ize +ĠA min +g m +Ġanch ored +Ġbear ings +s ample +ĠHigh land +ĠAut ism +Ġmerc enary +Ġinterview er +L ER +ĠSom ers +Ġembry o +ĠAss y +Ġ28 1 +ĠEd iting +ĠCh osen +6 60 +Ġp ci +ĠThunder bolt +BI LL +Ġchuck led +jri wal +h of +Ġearth ly +() { +ind ependence +Ġdisp ers +ĠV endor +ĠG areth +Ġp als +P enn +ĠSub mit +ic um +Th u +Ġcl andestine +Ġcann ibal +ĠCl erk +E Stream +gal itarian +âĻ ¥ +g ew +Ġhor rend +ĠL ov +ĠRe action +ocr in +Class ic +Ġecho ing +Ġdiscl osing +ĠIns ight +og un +ĠInc arn +upload s +pp erc +guy en +Ġ19 01 +ĠB ars +68 7 +Ġb ribes +ĠFres no +ur at +ĠRe ese +Ġintr usive +Ġgri pping +ĠBlue print +ĠR asm +un ia +man aged +ĠHeb do +Ġ3 45 +Ġdec oding +Ġpo ets +Ġj aws +ĠF IGHT +am eless +ĠMead ows +ĠHar baugh +Inter view +ĠH osp +ĠB RA +Ġdelet ion +m ob +W alker +ĠMoon light +ĠJ ed +ĠSoph ia +Ġus ur +Ġfortun ately +ĠPut ting +ĠF old +Ġsan itation +Ġpart isans +IS ON +B ow +ĠCON C +ĠRed uced +ĠS utton +Ġtouch screen +Ġembry os +âĢ¢âĢ¢ âĢ¢âĢ¢ +ĠK rug +com bat +ĠPet roleum +Ġam d +ĠCos mos +Ġpresc ribing +Ġconform ity +ours es +Ġplent iful +Ġdis illusion +ĠEc ology +itt al +Ġf anc +Ġassass inated +regn ancy +Ġperenn ial +ĠBul lets +Ġst ale +Ġc ached +ĠJud ith +ĠDise ases +All en +Ġl as +Ġsh ards +ĠSu arez +ĠFriend ship +inter face +ĠSupp orters +add ons +46 2 +ĠIm ran +ĠW im +Ġnew found +ĠM b +An imal +Ġd arling +and e +Ġrh y +ĠTw isted +pos al +yn ski +Var ious +× ľ +ĠK iw +uy omi +Ġwell being +ĠL au +an os +Ġunm ist +Ġmac OS +Ġrest room +ĠOl iv +ĠAir ways +Ġtimet able +9 80 +Ġrad ios +v oy +ias co +Ġcloud y +ĠDraw ing +Any thing +Sy ria +ĠH ert +st aking +Ġun checked +Ġb razen +ĠN RS +69 7 +onom ic +est ablish +Ġl eng +Ġdi agonal +ĠF ior +L air +ĠSt ard +Ġdef icient +jo ining +be am +Ġomn ip +Ġbl ender +Ġsun rise +Mo ore +ĠF ault +ĠCost ume +ĠM ub +Fl ags +an se +Ġpay out +ĠGovern ors +ĠD illon +ĠBan ana +N ar +Ġtra iled +Ġimperial ist +um ann +ats uki +4 35 +ĠRoad s +Ġsl ur +ĠIde ally +Ġt renches +C trl +Ġmir rored +ĠZ el +ĠC rest +Comp at +ĠRoll s +sc rib +ĠTra ils +omet ers +w inter +Ġimm ortality +il ated +Ġcontrad icts +un iversal +ill ions +ĠM ama +opt im +AT URE +Ġge o +et ter +ĠCar lo +4 24 +Ġcanon ical +ĠStrongh old +n ear +Ġperf ume +Ġorche stra +od iac +Ġup he +Ġreign ing +vers ive +Ġc aucuses +ĠD EM +Ġinsult ed +Ġ---- -- +ĠCr ush +Ġroot ing +ĠWra ith +Ġwh ore +Ġto fu +C md +ĠB ree +Ġ$ _ +Ġr ive +ĠAd vertising +Ġw att +ĠH O +Ġpersu asive +ĠParam eters +Ġobserv ational +ĠN CT +ĠMo j +ĠSal on +Ġtr unc +Ġexqu isite +ĠMar a +Ġpo op +ĠAN N +Ex c +ĠWonder ful +ĠT aco +Ġhome owner +ĠSmith sonian +orpor ated +mm mm +Ġlo af +ĠYam ato +ĠInd o +Ġcl inging +á s +Ġimm utable +h ub +Or ange +Ġfingert ips +ĠWood en +ĠK idd +ĠJ PM +ĠDam n +C ow +c odes +48 2 +Ġiniti ating +ĠEl k +ĠCut ting +Ġabsent ee +ĠV ance +ĠLil ith +G UI +Ġobsc ured +Ġdwar ves +ĠCh op +ĠB oko +Val ues +Ġmult imedia +Ġbrew ed +Reg ular +CRIP TION +ĠMort al +Ġa pex +Ġtravel er +Ġbo ils +Ġspray ing +Rep resent +ĠStars hip +4 28 +Ġdisappro val +Ġshadow y +Ġlament ed +ĠRe place +ĠFran ç +67 7 +d or +Ġunst oppable +Ġcoh orts +gy n +ĠClass ics +ĠAm ph +Ġsl uggish +ĠAdd iction +ĠPad res +Ġins cription +Ġin human +min us +ĠJere miah +at ars +Ter ror +ĠT os +ĠSh arma +ast a +c atch +Ġpl umbing +ĠTim bers +Sh ar +H al +ĠO sc +Ġcou pling +hum ans +Ġsp onge +Ġid ols +ĠSp a +ĠAdv ocate +ĠBe ats +lu a +Ġtick ing +Ġload er +ĠG ron +8 10 +Ġstim ulated +Ġside bar +ĠManufact urer +ore And +19 73 +Ġpra ises +ĠFl ores +dis able +ĠElect rical +ra ise +E th +Ġmigr ated +Ġlect urer +K ids +ĠCa vern +Ġk ettle +Ġgly c +ĠMand ela +ĠF ully +å§ « +FIN EST +Ġsquee zing +ĠRy der +amp oo +oreAnd Online +Inst oreAndOnline +Buyable InstoreAndOnline +Ġcommem orate +ĠRamp age +Aust in +ĠSh roud +ĠRu ins +9 15 +ĠK H +Ġwater front +ĠE SC +b aby +ĠC out +ĠEm blem +Ġequival ents +49 2 +Un ique +ĠNiet zsche +brow ser +Ġim itation +ĠWere wolf +ĠKir in +ac as +' ," +Ġà ¾ +Review ed +Ġc unt +Ġvo ic +ĠLen ovo +Ġbond ed +48 1 +Ġinhib itors +Ġendeav ors +ĠHav ana +ĠSt out +ĠJ olly +A ctor +*/ ( +Ġoccur rences +ĠT ens +Incre ased +ĠACT ION +Ġ ãĢĮ +ĠRank ings +ĠB reat +Ġ30 9 +D ou +Ġimpact ing +ĠDuc hess +pre fix +Q B +Ġsummon ing +Ġbest owed +ĠKe pler +ĠPOW ER +c ube +ĠK its +ĠG rip +Ġop ium +Ġrep utable +t oc +ich ael +ĠR ipple +Ġcaf é +ĠZ oom +ĠBur ma +Ġwa ive +Ġst alls +Ġdem eanor +inc erity +Ġfluor ide +ĠSH OULD +Par is +Ġlong ing +Ġpl at +Ġgross ly +Ġbull s +Ġshowc asing +ex pected +ĠG addafi +engine ering +Re peat +ĠK ut +Ġconce ivable +Ġtrim med +osc ope +ĠCand idate +ĠT ears +rol og +Lew is +S UP +Ġroad map +Ġsal iva +Ġtrump et +Jim my +Ġmirac ulous +Ġcolon ization +Ġam put +ĠGN OME +ate ch +D ifferent +ĠE LE +ĠGovern ments +ĠA head +ãħĭ ãħĭ +word press +L IB +ĠIn clude +ĠDor othy +0 45 +ĠColomb ian +Ġle ased +88 4 +Ġde grading +ĠDa isy +i ations +Ġbapt ized +Ġsurn ame +co x +Ġblink ed +ãĥ ¢ +Ġpoll en +Ġder mat +Ġre gex +ĠNich olson +ĠE ater +ç ľ +rad or +Ġnarrow er +Ġhur ricanes +Ġhalluc inations +r idden +ISS ION +ĠFire fly +Ġattain ment +Ġnom inate +Ġav ocado +ĠM eredith +Ġt s +Ġreve rence +Ġe uph +Ġcr ates +ĠT EXT +Ġ4 43 +Ġ3 19 +J SON +iqu ette +Ġshort stop +ic key +Ġpro pelled +Ġap i +ĠTh ieves +77 9 +Ġovers aw +Ġcol i +ĠNic ola +Ġover cl +ik awa +ĠC yr +Ġ38 4 +78 9 +ĠAll ows +10 27 +Det roit +TR Y +set up +ĠSocial ism +Sov iet +s usp +ĠAP R +ĠShut down +Ġal uminium +zb ek +ĠL over +GGGG GGGG +Ġdemocr acies +Ġ19 08 +ĠMer rill +ĠFranco is +gd ala +Ġtraff ickers +ĠT il +ĠGo at +Ġsp ed +ĠRes erv +Ġpro d +55 2 +Ġc ac +ĠUn iv +ĠSch we +Ġsw irling +ĠWild erness +ĠEgg s +Ġsadd ened +Ġarch aic +H yd +Ġexcess ively +B RE +Ġaer ospace +ĠVo ices +Cra ig +Ġign ited +In itially +ĠMc A +Ġhand set +Ġreform ing +Ġfrust rations +ĠDead pool +ĠBel ichick +ract or +ĠRagnar ok +ĠD rupal +ĠApp roximately +19 20 +ĠHub ble +arm or +ĠSar as +ĠJon as +Ġnostalg ic +Ġfeas ibility +Sah aran +Ġorb iting +Ġ9 70 +R u +Ġsh in +ĠInvestig ators +Ġinconsist encies +ĠP AN +B G +Ġgraz ing +Ġdetect ors +ĠStart up +ĠFun ny +ĠNa omi +Consider ing +Ġh og +ut f +ce mic +Ġfort ified +ĠFun ctions +Ġcod ec +nut rition +H at +" ! +micro soft +55 8 +ĠTh in +ĠA CE +Al ias +ĠO PS +p apers +P K +ãĢ İ +Ġimpro bable +N orthern +equ al +Ġlook out +Ġty res +ĠMod ified +ĠK op +Abs olutely +Ġbuild up +sil ver +Ġaud i +Ġgro tesque +ĠSab er +ĠPres byter +ON Y +Ġglac iers +ĠSho als +ĠK ass +ĠH RC +ĠNic ol +ĠL unch +ĠF oss +âĸ Ĵ +AD RA +ĠOne Plus +o ing +ground s +Ġincident al +Ġdatas ets +68 9 +ĠClarks on +Ġassemb ling +ĠCorrect ions +Ġdrink ers +Ġqual ifiers +Ġle ash +Ġunf ounded +ĠH undred +Ġkick off +T i +Ġrecon cil +ĠGr ants +ĠCompl iance +ĠDexter ity +Ġ19 06 +w arn +D allas +Max imum +n ard +av ia +be aut +ens itivity +tr ace +Ġpione ers +ĠF ract +ãĢ ı +Ġpre cept +Ġgloss y +ĠI EEE +Ac ross +Ġ6 80 +S leep +che on +Ġsatir ical +ĠMin otaur +ĠCla ude +Ġr é +ape go +Ġcar rot +ĠSem in +ino a +Ġz o +Ind ependent +Ġdiagn oses +ĠC ue +M AR +Ġrend ition +ĠK ik +Ġpath ology +Ġselect s +Link edIn +Ġass ay +ĠD res +Ġtext ual +post ed +IT AL +ĠM aul +N eal +Ġinter connected +Ġerr atic +ĠVir us +Ġ5 30 +Ġenvironmental ists +ĠP helps +Ġeng agements +ĠIN ST +Ġeconom ical +nox ious +Ġg earing +izz y +Ġfavor ably +ĠMcG ill +T erm +Ġh anged +Ġball park +ĠRe yes +Ġbe ware +ĠP sal +ĠMass acre +q i +Ġin accessible +acly sm +Ġfr ay +ill ac +Ġbitter ly +ĠCert ification +Mich igan +Ġir respective +al ore +Em pty +Ġendorse ments +Ġund et +f g +equ ipped +Ġmerc iless +ĠC ust +Ġimm ature +Ġvou cher +ĠBlack well +Ñ ı +h awk +dis ciplinary +ile e +ĠMak oto +ĠD ude +ãĥĩ ãĤ£ +Y ears +Ġin ver +Ġsh aman +ĠY ong +ip el +ell en +ĠCath y +br ids +Ġs arc +65 1 +N ear +Ġground work +Ġam az +Ġ4 15 +ĠHunting ton +hew s +ĠB ung +Ġarbit rarily +ĠW it +ĠAl berto +Ġdis qualified +best os +46 1 +Ġp c +Ġ28 4 +ro bat +Rob in +Ġh ugs +ĠTrans ition +ĠOcc asionally +Ġ3 26 +ĠWh ilst +ĠLe y +Ġspaces hip +cs v +Ġun successfully +ĠA u +le ck +ĠWing ed +ĠGrizz lies +. � +Ġne arer +ĠSorce ress +ĠInd igo +El se +8 40 +let es +Co ach +Ġup bringing +ĠK es +Ġseparat ist +Ġrac ists +Ġch ained +Ġabst inence +lear ning +Ġrein stated +Ġsymm etry +Ġremind ers +ĠChe vy +Ġm ont +Ġexempl ary +ĠT OR +Z X +Ġqual itative +ĠSt amp +ĠSav annah +ĠRoss i +Ġp aed +Ġdispens aries +ĠWall s +ĠCh ronic +Ġcompliment ary +ĠBeir ut +Ġ+ --- +igs list +Ġcrypt ographic +mas ters +ĠCap itals +Ġmax imal +Ġent ropy +Point s +Ġcombat ants +l ip +ĠGl ob +ĠB MC +ph ase +th ank +HT TP +Ġcomm uter +Ġ\( \ +.. / +ĠReg ener +ĠDO I +ĠActiv ision +Ġsl it +os al +RE M +Ġch ants +Y u +Ke ys +Bre xit +ĠFor ced +Ari zona +Ġsquad ron +IS O +ĠMal one +Ġ3 38 +Ġcontrast ing +Ġt idal +Ġlib el +Ġimpl anted +Ġupro ar +ĠC ater +Ġpropos itions +M anchester +ĠEuro s +it amin +G il +ĠEl ven +ĠSe ek +ĠB ai +Ġredevelop ment +ĠTown s +ĠL ub +! ", +al on +K rist +Ġmeas urable +Ġimagin able +Ġapost les +Y N +7 60 +Ġster oid +Ġspecific ity +ĠL ocated +ĠBeck er +ĠE du +ĠDiet ary +uts ch +ĠMar ilyn +Ġbl ister +ĠM EP +ĠK oz +ĠC MS +y ahoo +ĠCar ney +Ġbo asting +ĠC aleb +By te +read s +ad en +Pro blem +ĠWood ward +S we +S up +ĠK GB +Set up +Ġtac it +Ġret ribution +Ġd ues +ĠM ü +. ? +ä¸ Ń +p ots +Ġcame o +ĠP AL +educ ation +A my +like ly +g ling +Ġconstitution ally +ĠHam m +ĠSpe ak +Ġwid gets +br ate +Ġcra ppy +ĠI ter +Ġanticip ating +ĠB out +P ixel +ĠY ep +ĠLaur ie +Ġh ut +Ġbullet in +ĠSal vation +Ġch ats +ear able +Honest ly +AL TH +onse qu +c ult +isco very +ovy ch +Ġse lves +ĠSat oshi +S ounds +Ġconver gence +ĠRosen berg +19 74 +Ġnas al +Ġfull est +Ġfer ocious +x us +ist e +AM S +Ġlobb ied +Ġso othing +ĠGun n +t oday +0 24 +Ġinspir ational +ĠN BN +p b +g ewater +or ah +all owed +ĠCol iseum +Ġspecial izing +Ġinsane ly +ĠT ape +del ay +Ġt arn +ĠP ound +Ġmel anch +Ġdeploy ments +il and +Ġless en +Ġfur ry +ĠUE FA +Ġblood shed +ĠMe ier +ither ing +Ġhe irs +ĠJ aw +ax ter +ĠPublic ations +Ġal ters +int ention +ĠWinc hester +d etermination +ĠLif etime +th in +Mon ster +7 80 +Ġapprox imation +Ġsuper markets +ĠSecond s +or os +h uge +Ġb ribe +ĠLIM ITED +un ed +Ġmis interpret +ĠIn jury +Ġ3 67 +Ġthreshold s +ĠCarn ival +Ġgastro intestinal +Ġguid eline +Ġde ceived +f eatures +Ġpurported ly +ĠRon nie +ĠNew t +Ġsp acious +as us +Ġsuperhero es +ĠCyn thia +le gged +k amp +ch io +Ġth umbnail +ĠShir ley +ill ation +Ġshe ds +ĠZ y +E PA +Ġdam s +Ġy awn +n ah +ĠPe ggy +ĠE rie +ĠJu ventus +ĠF ountain +r x +don ald +al bum +ĠComp rehensive +Ġc aching +ĠU z +ulner ability +ĠPrinc iple +ĠJ ian +ing ers +cast s +ĠOs iris +ch art +t ile +ĠTiff any +ĠPatt on +ĠWh ip +Ġovers ized +J e +ĠCind erella +ĠB orders +ĠDa esh +M ah +Ġdog ma +Ġcommun ists +v u +Coun cil +Ġfresh water +Ġw ounding +Ġdeb acle +Ġyoung ster +Ġthread ed +ĠB ots +ĠSav ings +ãģ Ĥ +ol ing +oh o +Ġillum ination +M RI +Ġlo osen +tr ump +ag ency +ur ion +Ġmoment arily +ĠCh un +ĠBud apest +ĠAl ley +D isk +Ġaston ished +ĠCon quer +ĠAccount ing +h aving +ĠWe in +ĠAl right +Ġrev olver +Ġdel usion +Ġrelic s +Ġad herent +qu ant +Ġhand made +or io +Ġcomb ating +c oded +Ġquad ru +re th +N ik +ĠTrib al +ĠMyster ious +Ġin hal +ĠWin ning +ĠClass ification +ch anged +Ġun ab +Ġsc orn +icip ated +w l +ond uctor +Ġrein forcing +ĠChild hood +an ova +Ġadventure r +Ġdoctor al +ĠStrateg ies +Ġengulf ed +ĠEnc ounter +Ġl ashes +Crit ical +ric ular +ĠU TF +oci ation +check ing +ĠConsult ing +Run time +per iod +ĠAs gard +Ġdist illed +ĠPas adena +ĠD ying +ĠCOUN TY +Ġgran ite +Ġsm ack +Ġparach ute +ĠS UR +Virgin ia +ĠF urious +78 7 +ĠO kin +Ġcam el +ĠM bps +19 72 +ĠCh ao +ĠC yan +j oice +ef er +ĠW rap +ĠDeb ate +S eg +Ġfore arm +ĠIgn ore +Ġtim estamp +Ġprob ing +ĠNo on +ĠGra il +f en +Ġdorm ant +ĠFirst ly +ĠE ighth +ĠH UN +ĠDes ire +or as +Girl s +ĠDes mond +z ar +am ines +O AD +exec ute +Ġbo obs +ĠAT L +_ ( +Chel sea +Ġmasturb ation +ĠCo C +Ġdestroy er +ĠCh omsky +Ġsc atter +ĠAss ets +79 6 +ĠC argo +Ġrecept ive +ĠSc ope +Ġmarket ers +Ġlaun chers +Ġax le +ĠSE A +se q +ĠM off +f inding +ĠGib bs +Georg ia +extreme ly +N J +Ġlab orers +st als +Ġmed iation +ĠH edge +at own +Ġi od +des pite +v ill +J ane +ex istence +Ġcoinc ided +ĠUt ilities +ĠChe ap +Ġlog istical +Ġcul mination +ĠNic otine +p ak +F older +Ġrod ents +st uff +Ġlaw fully +Ġreper to +io ch +j j +Dial ogue +HH HH +lic tion +Look s +Ġ29 7 +Ġtur rets +ĠAb andon +Ġinc ess +ĠTraff ord +Ġcur led +Ġprefer ring +Ġprivat ization +Ġir resist +ĠP anda +ĠSh ake +ĠMc Gr +ãĥ Ħ +und ers +Ġdiscrim inated +Ġbart ender +I LE +Atl antic +Ġprop ensity +ĠW iz +ĠG im +con ference +Ġrein forces +G h +w agon +Ġe erie +F al +Ġhug ged +rac ist +R IC +F u +Ġf iller +ĠSt ub +Ġeng raved +ĠWrest le +Ġimagin ative +ĠPe er +ĠFact ors +an us +ĠDrac ula +mon itor +Ġrou ters +ib ia +ĠBoo lean +end ale +ĠSl aughter +ĠSh ack +R FC +ĠSpiel berg +S ax +ĠPH OTO +ĠCl over +ĠR ae +Dep ending +ĠMem or +ar am +Ġpier ced +Ġcur tains +v ale +ĠInqu isition +ĠP oke +Ġforecast ing +Ġcompl ains +S ense +ĠHer mes +isc overed +Ġb ible +ĠMor ph +Ġg erm +78 5 +D ON +Ġcon gen +Ġcr ane +ĠD PR +Ġrespect fully +R oom +ĠN aw +ĠDal ai +re ason +ĠAng us +Educ ation +ĠTitan ic +Ë ľ +Ġo val +un ited +Ġthird s +Ġmoist ur +ĠC PC +M iami +Ġtent acles +ĠPol aris +ex c +ex clusive +ĠPra irie +Ġcol ossal +ĠBl end +sur prisingly +ÃŃ s +Ġindo ctr +Ġbas al +ĠMP EG +und o +Spl it +Develop ment +Ġlan tern +19 71 +Ġprov ocation +Ġang uish +ĠB ind +ĠLe ia +duc ers +ipp y +conserv ancy +Ġinitial ize +ĠTw ice +ĠSu k +Ġpred ic +Ġdi ploma +Ġsoc iop +Ing redients +Ġhamm ered +ĠIr ma +Q aida +Ġglim ps +ĠB ian +Ġst acking +Ġf end +gov track +Ġun n +dem ocratic +ig ree +Ġ5 80 +Ġ29 4 +Ġstraw berry +ID ER +Ġcher ished +ĠH ots +Ġinfer red +Ġ8 08 +ĠS ocrates +O regon +ĠR oses +ĠFO IA +Ġins ensitive +Ġ40 8 +Recomm end +ĠSh ine +Ġpain staking +UG E +ĠHell er +ĠEnter prises +I OR +ad j +N RS +L G +Ġalien ated +Ġacknowled gement +ĠA UD +ĠRen eg +Ġvou chers +Ġ9 60 +Ġm oot +ĠDim ensions +Ġc abbage +B right +g at +ĠK lu +Ġlat ent +Ġz e +ĠM eng +Ġdis perse +Ġpand emonium +H Q +Ġvirt uous +ĠLoc ations +ee per +prov ided +Ġse ams +ĠW T +iz o +PR OV +Ġtit anium +Ġrecol lection +Ġcr an +Ġ7 80 +ĠN F +49 1 +64 2 +p acking +59 8 +text ure +Sp ider +fre edom +cipl ed +ĠTAM ADRA +âĻ ¦ +aut hent +ĠW ANT +r ified +Ġr ites +Ġuter us +k iss +Ġâī ¤ +Ġsk illet +Ġdis enfranch +ĠGa al +Comp an +Ġage ing +gu ide +B alt +Ġiter ator +Ġdiscretion ary +t ips +Ġprim ates +ĠTechn ique +ĠPay ments +az el +ĠR OCK +stant ial +0 60 +Ġd mg +ĠJack ets +ĠPlay off +Ġnurs ery +ĠSy mb +art on +Ġannex ation +Color ado +Ġco ils +ĠSh oes +âĦ¢ : +ĠRo z +COM PLE +ĠEve rest +ĠTri umph +J oy +G rid +à ¼ +process or +ĠPros per +ĠSever us +ĠSelect ed +r g +ĠTay yip +St ra +Ġski ing +Ġ? ) +Ġpe g +Tes la +Ġtime frame +Ġmaster mind +ĠN B +scient ific +ĠSh it +gener ic +IN TER +N UM +Ġst roll +ĠEn ix +ĠM MR +ĠE MS +m ovie +Ĥ ª +Ġminim izing +idd ling +Ġilleg itimate +Ġprot otyp +Ġpremature ly +Ġmanual s +obb ies +ĠCass idy +D EC +des ktop +Ġaer os +Ġscreen ings +Ġdeb ilitating +ĠGr ind +nature conservancy +Ġf ades +ter mination +assets adobe +F actor +Ġdefinitive ly +P oké +ap ult +ĠLaf ayette +C orn +ĠCor al +Ġstagn ant +T ue +Ġdissatisf action +G ender +Ġkid neys +ĠG ow +ĠDef eat +ĠAsh ton +Ġcart els +Ġfore closure +ĠExpl ore +stre ngth +ot in +Ġveterin arian +Ġf umble +Ġpar ap +ĠSt rait +r ils +Ġpr ick +ĠBerm uda +ĠAm munition +skin ned +Ġab ound +ĠB raz +Ġshar per +ĠAsc ension +Ġ9 78 +Ġpreview s +Ġcommun ion +ĠX Y +Ġph ony +Ġnewcom er +Ġ3 32 +." ," +Ġredist ribution +Prot ect +ĠSo f +K al +Ġlip stick +w orst +Ġtang led +Ġretrospect ive +int eger +Ġvolunte ering +Ġ19 07 +Ġ -------------------- +ic hen +Ġunve iling +Ġsen seless +Ġfisher ies +\ - +Ġh inges +Ġcalcul us +My th +Ġund efeated +Ġoptim izations +Ġdep ress +Ġbill board +ĠY ad +ĠPy ramid +Is n +I de +Ġleg ion +ĠK ramer +ent anyl +Ġpenet rating +ĠHaw th +ĠPR ODUCT +ĠGer ard +ĠP act +ĠIn cluding +ĠEl ias +ĠEl aine +vis ual +Ġhum ming +Ġcond esc +ĠF asc +ä¸ Ĭ +Ġe galitarian +Ġdev s +ĠD ahl +O ps +D H +ĠB ounce +id ated +ald o +Ġrepublic an +Ġh amb +ĠS ett +ograph ies +CH APTER +Ġtrans sexual +Ġsky rocket +ans wer +Ġmark up +Ø ª +Ġhero ine +Comp are +ĠT av +Be ast +Ġsuccess ors +Ġna ïve +ĠBuck ley +st ress +me at +Ġdownload able +Ġindex ed +Ġsc aff +ĠL ump +ĠHom o +Stud io +In sp +Ġr acked +far ious +ĠPet ty +Ex ternal +Ġ19 09 +W ars +com mit +put ers +Ġun ob +ĠEr r +ĠE G +ĠAl am +ĠSiber ia +ĠAtmosp heric +IS TER +ĠSatan ic +trans lation +ĠL oud +tra umatic +l ique +Ġreson ate +ĠWel ch +Ġspark ing +ĠT OM +t one +Ġout l +Ġhandc uffed +ĠSer ie +8 01 +Ġland marks +ĠRee ves +Ġsoft ened +Ġdazz ling +ĠW anted +month s +Mag ikarp +Ġunt reated +ĠBed ford +M i +ĠDynam o +O re +79 5 +Ġwrong ful +Ġl ured +Ġcort isol +Ġve x +d rawn +ile t +Download ha +ĠF action +Ġlab yrinth +Ġhij acked +w aters +er ick +Ġsuper iors +ĠRow ling +ĠGu inness +Ġt d +99 2 +Ġune arthed +Ġcentr if +Ġsham eless +P od +ĠF ib +Ġ icing +Ġpredict or +Ġ29 2 +fore station +con struct +C and +@ # +Ġag itated +Ġre pr +OV A +Ġkn itting +ĠLim a +Ġf odder +68 4 +ĠPerson a +k l +7 01 +Ġbreak up +á ¸ +Ġapp alled +Ġantidepress ants +ĠSus sex +Har ris +ĠTher mal +ee ee +U pload +Ġg ulf +Ġdoor step +ĠSh ank +L U +ĠM EN +ĠP ond +s orry +Ġmis fortune +n ance +Ġb ona +M ut +Ġde graded +ĠL OG +ĠN ess +an imal +Ġa version +und own +Ġsupplement ed +ĠC ups +Ġ50 4 +Ġdep rive +ĠSpark le +Å Ĥ +ĠMed itation +auth ors +ĠSab an +ĠN aked +air d +ĠMand arin +ĠScript ures +ĠPerson nel +ĠMahar ashtra +Ġ19 03 +ĠP ai +ĠMir age +omb at +Access ory +Ġfrag mented +T ogether +Ġbelie vable +ĠGl adiator +al igned +ĠSl ug +M AT +Ġconvert ible +ĠBour bon +amer on +ĠRe hab +nt ax +Ġpowd ered +pill ar +Ġsm oker +ĠMans on +ĠB F +5 11 +ĠGood ell +ĠD AR +m ud +g art +Ġob edient +ĠTrans mission +ĠDon ation +8 80 +Ġbother ing +Material s +ãĤ ± +dest roy +Ġfore going +Ġanarch ism +ĠK ry +ice ps +Ġl ittered +ĠSch iff +Ġanecd otal +un its +Ġf ian +ĠSt im +ĠS OME +ĠInv aders +Ġbehaviour al +ĠVent ures +Ġsub lime +Ġfru ition +ĠPen alty +Ġcorros ion +¶ ħ +Ġlik ened +Ġbesie ged +ween ey +ĠCre ep +Ġlinem en +mult i +ic ably +ud der +Ġvital ity +Ġshort fall +ĠP ants +ap ist +H idden +ĠDro ps +med ical +Ġpron unciation +ĠN RL +Ġinsight ful +J V +ĠBe ard +ĠCh ou +Ġchar ms +Ġb ins +Ġamb assadors +ĠS aturdays +Ġinhib itor +ĠFr anch +6 01 +', ' +ĠCon or +art ney +ĠX peria +g rave +be es +ĠProtest ants +Ġso aking +ĠM andal +Ġph ased +Ġ6 60 +Ġsc ams +Ġbuzz ing +ĠItal ians +ĠLoren zo +ĠJ A +Ġhes itated +Ġcl iffs +ĠG OT +ingu ishable +Ġk o +Ġinter ruption +Z ip +Lear ning +Ġundersc ores +ĠBl ink +K u +57 9 +ĠAut ob +I RE +Ġwater ing +Ġpast ry +8 20 +Ġvision ary +ĠTempl ar +awa ited +Ġpist on +Ġant id +current ly +Ġp ard +Ġw aging +Ġnob ility +ĠY us +Ġinject ing +f aith +ĠP ASS +å º +Ġret ake +ĠPR OC +Ġcat hedral +b ash +Ġwrest lers +Ġpartner ing +Ġn oses +Ġ3 58 +Trans form +am en +Ġb outs +ĠId eal +ĠConstant in +Ġse p +ĠMon arch +att en +ĠPe oples +mod ified +Ġmor atorium +Ġpen chant +Ġoffensive ly +Ġprox ies +ok ane +ĠTaiwan ese +ĠP oo +ĠH OME +us ional +Ġver bs +ĠO man +vis ory +Ġpersu asion +Ġmult it +Ġsc issors +G ay +ow ay +oph ysical +l us +gn u +Ġap ocalyptic +Ġabsurd ity +Ġplay book +Ġautobi ography +I UM +Ġsne aking +ĠSim ulation +pp s +ell ery +Plan et +Ġright fully +Ġn iece +ĠN EC +ĠIP O +ĠDis closure +lean or +ous y +ST ER +Ġ28 2 +Cru z +Ch all +64 3 +ĠSurv ive +ĠF atal +ĠAm id +ap o +We apons +D EN +7 70 +ĠGreen wald +Ġlin en +al os +Ġpollut ants +ĠPCI e +k at +Ġp aw +ĠK raft +C hem +ĠTermin ator +Ġre incarn +Ġ] [ +ĠSe eds +Ġsilhou ette +ĠSt ores +Ġgro oming +ĠD irection +ĠIs abel +ĠBr idges +ðŁ ij +E ED +ĠM orsi +Ġval ves +ĠRank ed +ĠPh arma +ĠOrgan izations +Ġpenet rated +ĠRod ham +ĠProt oss +Ġove rest +Ġex asper +ĠT J +Ġ 000000 +Ġtrick le +Ġbour bon +WH O +Ġw retched +Ġmicrosc opic +Ġcheck list +Ġad orned +R oyal +Ad minist +ĠRet irement +ĠHig hest +We ather +ile ge +Ġincre ments +ĠC osponsors +Ġmas se +ĠS inn +r f +Ġh ordes +as sembly +75 4 +ĠNat asha +ĠTY PE +ĠGEN ERAL +Ġarr anging +Ġ40 7 +l ator +Ġg lean +Ġdisc redited +Ġclin icians +UN E +Ġachie ves +ĠEm erson +com plex += [ +Ġprincip ally +Ġfra il +p icked +Ġthan king +Ġre cl +ĠL AST +Ġsupp ressing +il ic +Ġantidepress ant +ĠLis bon +Ġth or +Ġsp a +Ġking doms +ĠPear ce +em o +Ġpl ung +Ġdiv est +Ġ ******************************** +b is +osp els +ad r +Sp irit +hall a +P ink +end ez +Ġresurrect ed +esc ape +ĠRosen stein +Ġge ological +Ġnecess ities +Ġcarn iv +ĠE lys +ĠBar ney +Ġ29 6 +dig y +ST ON +D OWN +Ġmil estones +Ġk er +Ġdismant ling +Ġre prim +Ġcross ings +19 45 +Ġpatri archy +Ġblasp hemy +Ġ3 59 +met ry +ĠOb esity +ĠDiff erences +bl ocking +ãĥķ ãĤ¡ +ich ita +ĠSab ha +ph alt +ĠCol o +ual a +effic ients +ĠMed ina +con sole +55 7 +ĠHann ibal +ĠHab it +ĠF ever +Ġthen ce +Ġsyn agogue +Ġessential s +Ġw ink +ĠTr ader +ID A +ĠSp oiler +ĠIceland ic +ĠHay ward +Ġpe ac +Ġmal ice +Ġflash back +Ġth w +Ġlay offs +L iquid +Ġtro oper +Ġh inge +ĠRead ers +Ph ill +ĠB auer +Cre ated +Ġaud its +ac compan +Ġunsus pecting +ier a +6666 6666 +Ġbro ch +Ġapprehend ed +ĠM alk +cer ning +ĠCod ex +O VER +M arsh +ĠD eng +ĠExp ression +Ġdisrespect ful +Ġasc ending +t ests +ĠPlaint iff +ster y +ĠAl ibaba +din and +ĠDem psey +Applic ations +mor al +Ġthrough put +Ġquar rel +Ġm ills +Ġhe mor +ĠC ASE +terror ist +st im +ifest yle +ro zen +CE PT +Ar k +u ci +lect ic +Ġirrit ating +she ets +A y +Ġrede emed +Ġhorn y +ĠTe ach +ĠS ear +dem ocracy +4 65 +ĠRest ore +Ġstand by +ĠP is +iff in +Ġsleep y +Ġextr ater +Ġcompl iments +Fram eworks +Ġinstall s +Ġb anging +sur face +found land +Ġmetaph ysical +Ġ28 3 +oul s +dev ices +Ar gs +ĠSac rifice +ĠMcC orm +es on +Cons ervative +ĠM ikhail +see ing +is ively +ĠRo oms +ĠGener ic +Ġenthusi astically +Ġgri pped +Ġcomed ic +ĠElectric ity +Ġgu errilla +Ġdec oration +ĠPerspect ive +Ġconsult ations +Ġun amb +Ġplag iar +Ġmagic ian +Ġe rection +ĠTour ism +or ied +ro xy +11 00 +T am +Ī è +Î ³ +× ª +ĠPred ators +Nit rome +Ġtelesc opes +project s +Ġun protected +Ġst ocked +ĠEnt reprene +nex pected +Ġwast ewater +V ill +Ġint imately +Ġi Cloud +ĠConst able +Ġspo of +Ġne farious +Ġfin s +Ġcens or +ĠMod es +ĠEs per +ar bon +Ġinter sections +Ġlaud ed +Ġphys i +Ġgener ously +ĠThe Nitrome +ĠTheNitrome Fan +Ġar isen +ĠÙ Ī +Ġg lands +ĠPav ilion +ĠGu pta +Ġuniform ly +Ġr amps +ri et +ĠWH EN +ĠVan essa +Ġrout ed +Ġlim p +ĠC PI +p ter +int uitive +Ġv aping +Ġexperiment ed +ĠOlymp us +ĠAm on +Ġsight ing +Ġinfiltr ate +ĠGentle man +Ġsign ings +ĠMe ow +ĠNav igation +che cks +4 33 +Ġel apsed +ĠBulg arian +esp ie +ĠS OM +d uring +Ġsp ills +anc a +ĠPly mouth +M AL +Ġdomest ically +ĠWater gate +ĠF AM +k illed +ed ited +ĠYour self +Ġsynchron ization +ĠPract ices +ST EP +Ġgen omes +ĠQ R +not ice +Ġloc ating +z in +Ġ3 29 +al cohol +Ġk itten +V o +Ġr inse +Ġgrapp le +ĠSc rew +ĠD ul +A IR +Ġle asing +ĠCaf é +Ġro ses +ĠRes pect +Ġmis lead +Ġperfect ed +Ġnud ity +Ġnon partisan +ĠCons umption +Report ing +Ġnu ances +Ġdeduct ible +ĠSh ots +Ġ3 77 +Ġæ ľ +ano oga +Ben ef +ĠB am +ĠS amp +if ix +Ġgal van +ĠMed als +rad ius +Ġno bles +Ġe aves +igr ate +K T +ĠHar bour +u ers +Ġrisk ed +re q +Ġneuro t +get table +ain a +Rom ney +Ġunder pin +Ġlo ft +ĠSub committee +ĠMong ol +b iz +Ġmanif ests +ass isted +ĠG aga +Ġsy nergy +Ġreligious ly +ĠPre f +ĠG erry +T AG +ĠCho i +4 66 +beh ind +ĠO u +Gold Magikarp +Ġhemor rh +R iver +Ġtend on +Ġinj ure +ĠF iona +Ġp ag +Ġag itation +|| || +ur an +ĠE SA +Ġest eem +Ġdod ging +Ġ4 12 +r ss +Ġce ases +ex cluding +Ġint akes +Ġinsert s +Ġemb old +ĠO ral +up uncture +4 11 +ĠUn ified +ĠDe le +Ġfurn ace +ĠCoy otes +ĠBr ach +L abor +Ġhand shake +Ġbru ises +Gr ade +éĹ ĺ +ĠGram my +ile en +St ates +ĠScandinav ian +ĠKard ash +8 66 +Ġeffort lessly +ĠDI RECT +ĠTH EN +ĠMe i +ert ation +19 68 +Ġgro in +w itch +Requ irements +98 5 +Ġroof s +Ġest ates +ĠH F +Ġha ha +Ġdense ly +ĠO CT +Ġpl astics +Ġincident ally +ĠTr acks +ĠTax es +Ġch anted +Ġforce ful +ĠBie ber +ĠK ahn +K ent +ĠC ot +lic ts +F ed +Ġhide ous +ĠVer d +ĠSynd icate +ĠIl legal +J et +ĠD AV +re asonable +c rew +Ġfundamental ist +Ġtruth ful +ĠJ ing +Ġl il +Ġdown ed +Ġen chanted +ĠPolic ies +ĠMcM aster +ĠH are +ides how +Ġpar ams +en cers +gorith m +Ġallow ances +Ġturb ulent +Ġcomplex ities +ĠK T +Ġ3 37 +ĠGen etic +F UN +D oug +t ick +Ġg igs +ument hal +Ġpatriarch al +Ġcal c +, ... +Ġc out +ĠGu an +Ġpath ological +ĠR ivals +Ġunder rated +Ġflu orescent +ĠJ iu +arna ev +ĠQu an +Ġ4 29 +Ġ ਠ+M ario +Con struct +ĠC itation +ĠR acial +ĠR SA +ĠF idel +Ġ3 95 +Person ally +C ause +à » +rad ical +in en +Ġvehement ly +ĠPap a +Ġintern ship +Ġfl akes +ĠRe ck +Luck ily +B ra +20 20 +rav ings +R N +W onder +Ser iously +Ġre usable +Ġpoll uted +ĠP eng +le igh +ind le +Ġcircuit ry +ĠMad onna +ĠB ART +Res idents +att ribute +Phil adelphia +Cl ub +Ġplan ner +Ġfr antically +Ġfaith fully +ĠTerrit ories +ĠL AT +ĠAnders en +an u +ĠP ARK +ĠS ora +i age +ĠPlay offs +ĠG CC +4 27 +Ġab norm +ĠL ever +Ġdisob edience +As ync +ĠShe a +V ert +Ġsk irts +ĠSaw yer +x p +Ġwors ening +Ġsc apego +ĠAng le +oth al +Ġtro ve +ĠSt y +ĠN guyen +mar ine +ide on +Dep ths +Bl og +ĠIll uminati +Ġtract s +Ġorgan ise +Ġo str +F s +Ġlever aging +ĠD aredevil +as ar +Ġl ang +Ġex termin +urs ions +ĠRom o +ãĤ¤ ãĥĪ +Ġcont ended +Ġencounter ing +ĠTable t +ĠAltern ate +sk ill +Ġswe ets +Ġco hesive +cap acity +Ġrep ud +Ġl izard +ro o +Ġpilgr ims +ĠR uff +ĠInstr ument +ĠLog o +uit ous +E H +Ġsales man +Ġank les +L ed +ĠPat ty +ud os +Own er +Ġdiscrep ancies +k j +M U +Ġuncond itional +Dragon Magazine +i ard +O ak +ĠConvers ation +be er +ĠOs aka +D elta +us ky +Ġsecret ion +Ġpl aza +Ġm ing +Ġde pletion +ĠM ous +ĠI TS +ĠH imal +ĠFle ming +Ġcyt ok +ĠH ick +Ġbat ters +ĠInt ellectual +6 75 +é r +IS ION +ĠQu entin +ĠCh apters +ih adi +Ġco aster +WAY S +ĠL izard +ĠY or +and ering +S kin +ha ust +ab by +Ġportray ing +Ġwield ed +d ash +Ġprop onent +Ġr ipple +Ġgrap hene +Ġfly er +Ġrec urrent +Ġdev ils +Ġwater fall +æĺ ¯ +go o +Text Color +Ġtam pering +IV ES +TR UMP +ĠAb el +ĠS AL +ĠHend ricks +ĠLu cius +b ots +Ġ40 96 +IST ORY +Gu est +ĠN X +in ant +Ben z +ĠLoad ed +ĠCle ver +t reatment +Ġta vern +Ġ3 39 +ĠT NT +ific antly +Tem perature +F el +Ġunder world +ĠJud ges +Ġ< + +Ġst ump +Ġoccup ancy +Ġab er +ĠF inder +) ", +ĠN unes +res et +in et +ect omy +Ġwell ness +ĠP eb +quart ered +and an +Ġneg atives +ĠTh iel +ĠCl ip +ĠL TD +Ġbl ight +Ġreperto ire +K yle +Ġqu er +ĠC es +Ġha pl +98 9 +ĠTh ames +isc opal +Des k +ivari ate +ĠEx cellence +found ation +Ġâ ĩ +X i +Ġmyster iously +esty les +Ġper ish +ĠEng els +ĠDE AD +09 0 +}} } +ĠUn real +Ġrest less +ID ES +orth odox +ĠInter mediate +Ġdin ners +ĠTr out +ĠSe ym +ĠHall s +og ged +Ġtraged ies +Ġdid nt +67 6 +Ġail ments +Ġobserv able +ĠV ide +ad apt +ĠD usk +Ġprofessional ism +ĠPres cott +ĠInd ies +p ox +ĠMe hran +W ide +Ġend emic +ĠPar an +B ird +Ġped als +ĠI U +ĠAdam ant +ĠH urt +Ġcorrel ates +urd en +Ġspons oring +cl imate +ĠUnivers ities +ĠK not +enn es +ĠDam ian +ĠAx el +S port +Ġbar b +ĠS no +sh own +ste en +ud ence +Ġnon violent +Ġhom ophobia +Ġbiom ass +ĠDet ail +Ġsrf N +ĠT une +accompan ied +I ENCE +Al bert +ĠMong o +z x +ĠCer berus +or bit +c ens +Ġsl ay +SH ARE +H Y +Ġb rawl +ĠPro be +Ġnonex istent +ĠClare nce +ĠBlack burn +Ġport als +ĠR ita +ĠRem ain +ĠLe vant +Ġtrick ed +ĠF erry +aver ing +ĠStraw berry +ĠAn swers +Ġhorrend ous +ĠA man +Supp lement +ĠT oad +Ġpe eled +Ġman oeuv +ĠU zbek +mond s +ĠH ector +Ġ40 2 +pe es +fix es +Ġd j +Ġres umes +Ġaccount ant +Ġadvers ity +Ġham pered +ĠL arson +Ġd oping +part s +H ur +Ġbe arded +Ġy r +ĠPlug in +å¥ ³ +Ġ/ ** +rol ley +Ġwaters hed +ĠSub mission +if lower +AS C +Ġcho ir +Ġsculpt ures +m A +incre asing +ai i +Ġsne akers +Ġconfront s +ĠEle phant +ĠEl ixir +Ġrec al +ĠT TL +w idget +ĠW ax +ĠGr ayson +Ġha irst +Ġhumili ated +ĠWAR N +app iness +ĠT TC +F uel +Ġpol io +Ġcomplex es +Ġbab e +ĠX IV +P F +). [ +P arts +Ġ4 35 +M eg +ĠY ards +ĠAL P +Ġy ells +Ġprin ces +Ġbull ies +ĠCapital ism +ex empt +FA Q +ĠSp onge +ĠAl a +Ġpleas antly +Ġbu f +Ġden ote +Ġunp ublished +Ġkne eling +asc a +Ġl apse +al ien +99 4 +Ġrefere es +ĠLaw yers +S anta +Ġpuzz ling +ĠProm etheus +ĠPh araoh +ĠDel ay +Ġfacilit ates +ĠC ES +Ġjew els +Ġbook let +ond ing +Ġpolar ization +ĠMor an +ĠSal ad +ĠS OS +ĠAdv ice +PH OTOS +IC AN +iat ures +ex press +ĠWonder land +ĠC ODE +ĠCL ASS +9 75 +Ġg rep +ĠD iesel +ĠGl ac +! ?" +Ġr m +o ine +disc rimination +ĠN urse +m allow +Ġv ortex +ĠCons ortium +Ġlarge Download +stra ight +augh lin +G rad +Ġpublic ized +ĠW aves +ĠRed d +Ġfest ivities +ĠM ane +ar ov +Ġfleet ing +ĠDr unk +ug en +C ele +Ġchromos omes +ĠD OT +-+-+ -+-+ +Ġbus iest +ĠBe aver +Sy rian +ĠK yr +k as +ĠCross Ref +19 50 +76 01 +Ġrepe aling +ĠWin ners +ĠMac ro +ĠD OD +bl ance +S ort +64 1 +Ġmet re +ĠD irk +Ġgo ggles +Ġdraw backs +Ġcomplain ant +Ġauthor izing +Ġantit rust +oper ated +Ġm ah +Ġexagger ation +Am azing +ĠSer aph +Ġha ze +w ow +Ġextingu ished +Ġcan yon +ĠB osh +Ġv ents +Ġsc rape +Cor rect +4 26 +Ġav g +Dem and +ĠâĪ ¼ +Ġmicrobi ota +"} ]," +ĠSt ev +B io +ĠPlan es +Ġsuggest ive +Ġdec ipher +ĠRefuge e +ĠKe jriwal +ĠGreen peace +Ġdecl ass +ĠSound ers +Ġth o +Ġdec rypt +Ġbr ushing +ĠJane iro +ip op +S i +8 77 +ĠGeoff rey +Ġc pu +ĠHaz el +Ġview points +Ġcris py +ĠNot ification +Ġsold er +ĠMod est +ĠHem isphere +Ġcass ette +in cludes +Ġident ifiers +ĠC ALL +in cent +T odd +ĠSwe ep +Ġ3 34 +b oss +Ġsm ir +gin x +Ġtown ship +Ġg rieving +ĠMos que +Net flix +AS ED +ĠMillenn ials +oc om +19 67 +Ġbold ly +s leep +Ġes che +arij uana +Ġsw irl +ĠPen al +Ġneglig ent +ĠStephen son +K ER +ĠZ oro +ris is +Ġlocal ization +ĠSeym our +ĠAng lic +red itation +prot ection +ĠPa ige +Ġo mit +ĠR ousse +ĠT ub +Ġinv itations +t ty +Ġm oss +ph ysical +C redits +Ġan archy +Ġchild care +Ġl ull +ĠM ek +ĠL anguages +lat est +ĠSan ford +Ġus ability +Ġdiff use +ĠD ATA +Ġsp rites +ĠVeget a +ĠProm otion +ãĥ¼ ãĤ¯ +rict ing +z ee +Tur kish +ĠTD s +pro ven +57 1 +Ġsmug glers +707 10 +Ġreform ed +ĠLo is +Ġun fl +ĠWITH OUT +ĠReturn ing +ann ie +ĠTom as +Fr anc +ĠProf it +ĠSER V +ĠR umble +ik uman +es an +Ġt esters +Ġgad get +Ġbrace let +ĠF SA +comp onent +Ġparamed ics +Ġj an +ĠRem em +ĠSk inner +Ġl ov +ĠQu ake +rom a +Ġfl ask +Pr inc +Ġover power +Ġlod ging +ĠK KK +ret te +Ġabsor bs +w rote +Ġ ," +K ings +ĠH ail +ĠFall ing +xt ap +ĠHel ena +ire ns +L arry +Ġpamph let +ĠC PR +G ro +ĠHirosh ima +Ġhol istic +". [ +Ġdet achment +Ġas pire +Ġcompl icit +ĠGreen wood +Ġresp awn +ĠSt upid +ĠFin ished +f al +b ass +Ġab hor +Ġmock ery +ĠFe ast +VID EO +Ġcon sec +ĠHung ry +P ull +ĠH ust +it ance +? ãĢį +) -- +ĠPar allel +con v +4 69 +ha ar +w ant +P aper +m ins +ĠTor o +ĠTR UMP +ĠR ai +D W +ĠW icked +ĠL ep +Ġfun ky +Ġdetrim ent +ios is +ache v +Ġde grade +im ilation +Ġret ard +Ġfrag mentation +Ġcow boy +ĠY PG +ĠH AL +Parent s +ĠS ieg +ĠStra uss +ĠRub ber +× IJ +Fr ag +Ġp t +Ġoption ally +ĠZ IP +ĠTrans cript +ĠD well +88 2 +M erc +ĠM OT +ãĥ¯ ãĥ³ +Ġhun ts +Ġexec utes +In cludes +Ġacid ic +ĠRespons ibility +ĠD umb +we i +And erson +ĠJas per +ight on +abs olutely +Ad ult +Ġpl under +Mor ning +ĠT ours +ĠD ane +Î º +ĠT EST +ĠG ina +Ġcan ine +aw an +Ġsocial ists +ĠS oda +Ġimp etus +ĠSupplement ary +oli ath +ĠKinn ikuman +mitted ly +second s +Ġorganis ers +Ġdocument aries +Vari able +GRE EN +Ġres orts +Ġbr agging +Ġ3 68 +Art ist +w k +bl ers +Un common +ĠRet rieved +Ġhect ares +Ġtox in +r ank +Ġfaith s +ĠG raphic +Ġve c +ĠL IA +Af rican +Ġard ent +end iary +L ake +ĠD OS +cient ious +ĠOk awaru +ĠAll y +ĠTim eline +D ash +ĠI c +contin ue +Ġt idy +Ġinstinct ively +ĠP ossibly +ĠOut door +ĠWould n +Ġl ich +ĠBr ay +ĠA X +Ġà ī +Ġ+ # +\ ' +Direct ory +ab iding +Ġf eral +ic ative +but t +Ġper verse +S alt +Ġwar ped +Ġnin eteen +Ġcabin ets +Ġsrf Attach +ĠSl oan +Ġpower ing +reg ation +F light +se vere +Ġst ren +Ġc og +ap ache +Ġâ Ŀ +Ġcaf eteria +p aces +ĠGrim oire +uton ium +Ġr aining +Ġcir cling +Ġlineback ers +c redit +Ġrep atri +ĠCam den +lic ense +Ġly ric +Ġdescript or +Ġval leys +Ġre q +Ġback stage +ĠPro hibition +ĠK et +Op ening +S ym +æĸ ¹ +Ġserv ings +Ġoverse en +Ġaster oids +ĠMod s +ĠSpr inger +ĠCont ainer +è » +ĠM ens +Ġmult im +Ġfire fighter +pe c +Ġchlor ine +Ð ¼ +end i +Ġsp aring +Ġpolyg amy +ĠR N +ĠP ell +Ġt igers +Ġflash y +ĠMad ame +S word +Ġpref rontal +Ġpre requisite +uc a +Ġw ifi +Ġmiscon ception +Ġharsh ly +ĠStream ing +ot om +ĠGiul iani +foot ed +Ġtub ing +ind ividual +z ek +n uclear +m ol +Ġright ful +49 3 +Ġspecial ization +Ġpassion ately +ĠVel ocity +ĠAv ailability +T enn +Ġl atch +ĠSome body +Ġhel ium +cl aw +Ġdi pping +XX X +Ġinter personal +7 10 +Ġsub ter +Ġbi ologists +ĠLight ing +Ġopt ic +Ġden im +end on +ĠC orm +Ġ3 41 +ĠC oup +Ġfear less +Ġal ot +ĠCliff ord +ĠRun time +ĠProv ision +up dated +lene ck +Ġneur on +Ġgrad ing +ĠC t +sequ ence +in ia +con cept +Ġro aring +ri val +ĠCaucas ian +Ġmon og +key es +Ġappell ate +Ġlia ison +EStream Frame +ĠPl um +! . +Ġsp herical +Ġper ished +Ġbl ot +Ġben ches +Ġ4 11 +Ġpione ered +Ġhur led +Jenn ifer +ĠYose mite +Ch air +Ġreef s +Ġelect or +ĠAnt hem +65 2 +Ġun install +Ġimp ede +Ġbl inking +Ġgot o +Dec re +A ren +Ġstabil ization +ĠDis abled +ĠYanuk ovych +Ġoutlaw ed +ĠVent ura +ten ess +Ġplant ation +Ġy acht +ĠHu awei +Ġsol vent +Ġgr acious +Ġcur iously +Ġcapac itor +Ġc x +ĠRef lex +Ph ys +ĠC f +pt in +cons ervative +Ġinv ocation +c our +F N +ĠNew ly +H our +As ian +ĠLe ading +ĠAer ospace +An ne +Ġpre natal +Ġdeterior ating +H CR +ĠNorm andy +ol ini +ĠAm bro +9 10 +Ġset backs +ĠT RE +Ġs ig +ĠSc ourge +59 7 +79 8 +Game play +Ġm sec +M X +Ġprice y +ĠL LP +aker u +Ġover arching +ĠB ale +Ġworld ly +Cl ark +Ġscen ic +Ġdisl iked +ĠCont rolled +T ickets +ĠE W +ab ies +ĠPl enty +Non etheless +Ġart isan +Trans fer +ĠF amous +Ġinf ield +ble y +Ġunres olved +ĠML A +ãĤ Ĥ +Cor rection +Ġdemocr at +ĠMore no +ro cal +il ings +Ġsail or +Ġr ife +h ung +Ġtrop es +Ġsn atched +ĠL IN +ĠB ib +ES A +ĠPre v +ĠCam el +run time +Ġob noxious +4 37 +Ġsum mers +Ġunexpl ained +ĠWal ters +cal iber +Ġg ull +ĠEnd urance +ä½ ľ +Ġ3 47 +Ir ish +Ġaer obic +Ġcr amped +ĠHon olulu +à © +us erc +ec ast +AC Y +ĠQu ery +ãĤ¹ ãĥĪ +Bet a +Ġsuscept ibility +ĠSh iv +ĠLim baugh +Ġà ĸ +ĠN XT +ĠM uss +ĠBrit ons +ES CO +EG IN +Ġ% % +Ġsec ession +ĠPat ron +ĠLu a +n aires +ĠJPM organ +us b +ocy te +Ġcouncill ors +ĠLi ang +f arm +Ġnerv ously +Ġattract iveness +ĠK ov +j ump +Pl ot +Ġst ains +ĠStat ue +ĠApost les +he ter +ĠSUP PORT +Ġoverwhel m +Y ES +Ġ29 1 +d ensity +Ġtra pping +M it +Ġf ide +ĠPam ela +atl antic +Dam n +Ġp ts +OP A +Ġserv icing +Ġoverfl owing +ul o +ĠE rit +t icket +light ing +ĠH mm +ãĥ¼ ãĥ« +im oto +Ġchuck le +4 23 +ãģ ķ +sh ape +Ġque ues +Ġanch ors +ãĤ¼ ãĤ¦ãĤ¹ +F er +Ġaw oke +Ġ6 66 +h ands +Ġdiver gence +Ġ50 5 +T ips +Ġdep ot +Ġske w +ĠDel iver +op ot +Ġdiv ul +ĠE B +uns igned +ĠUn i +X box +Ġfor ks +Ġ7 02 +å ¯ +Ġpromot ers +ĠV apor +Ġlev ied +sl ot +Ġpig ment +Ġcyl inders +C RE +Ġsn atch +Ġperpet ually +Ġl icking +ĠFe et +ĠKra ken +ĠHold en +ĠCLS ID +m r +Ġproject or +Ġden otes +Ġchap el +ĠTor rent +b ler +R oute +ĠDef endant +ĠPublisher s +ĠM ales +ĠInn ov +ĠAg ility +rit er +ty mology +st ores +L ind +Ġf olly +ĠZur ich +B le +Ġnurt ure +Ġcoast line +uch in +D omin +Ġfri vol +ĠCons olid +res ults +M J +Ġphyl ogen +Ġha uled +ĠW iley +ĠJess ie +ĠPrep are +ĠE ps +Ġtreasure r +I AS +Ġcolon ists +Ġin und +ĠWW F +ĠCon verted +6 000 +out side +ĠApp earance +ĠRel ic +ĠM ister +s aw +Ġresult ant +Ġadject ive +ĠLaure l +ĠHind i +b da +Pe ace +Ġreb irth +Ġmembr anes +Ġforward ing +Ġcoll ided +ĠCar olyn +K ansas +5 99 +ĠSolid GoldMagikarp +Be ck +Ġstress ing +ĠGo o +ĠCooper ative +Ġf s +ĠAr chie +L iter +ĠK lopp +J erry +Ġfoot wear +War ren +Ġsc ree +h are +Under standing +P ed +Ġanth ology +ĠAnn ounce +M ega +Ġflu ent +Ġbond age +ĠDisc ount +il ial +C art +ĠNight mares +Sh am +ĠB oll +uss ie +H ttp +Atl anta +Ġun recogn +ĠB id +Ġunder grad +Ġforg iving +ĠGl over +AAAA AAAA +4 45 +V G +pa io +kill ers +Ġrespons ibly +Ġmobil ize +Ġeffect ed +ĠL umin +Ġk ale +Ġinfring ing +ann ounced +Ġf itt +b atch +ĠT ackle +ĠL ime +ĠAP P +uke mia +Ġrub y +Ġex oner +ĠCas ual +0 70 +Ġpel vic +Ġautom ate +ĠK ear +ĠCoast al +Ġcre ed +Ġbored om +ĠSt un +ri ott +Ĥ İ +Ġregener ate +Ġcomed ians +ĠOP ER +Sp ons +id ium +on is +L ocated +05 7 +Ġsusp ense +ĠD ating +C ass +Ġneoc ons +ĠShin zo +Ġaw oken +ch rist +ĠMess ages +att led +ĠSpr ay +ĠSp ice +C W +Ġshield ing +ĠG aul +Am id +Ġparam ilitary +Ġmult if +ĠTan ner +il k +Ġgodd amn +g ements +Ġbe friend +m obi +Ġ3 88 +fold er +acc a +Ġins in +g ap +N ev +fif th +Ġpsychiat ry +b anks +TH IS +Ġhar b +ac qu +Ġfac ade +ĠPower Point +80 3 +Ġbl uff +Sh ares +Ġfavor ing +El izabeth +Ãį Ãį +Ġr anger +77 2 +ĠAr che +h ak +ĠGen etics +ĠF EMA +Ġev olves +Ġest e +ĠP ets +ĠM é +ĠInterest ing +ĠCanter bury +ch apter +ĠStar fleet +Sp anish +Ġdraw back +ĠNor wich +9 70 +n orth +ag anda +Ġtransform ative +ram ids +bi ology +ad ay +Ġpropag ation +ĠGam ma +ĠDen ise +ĠCalcul ator +ent imes +ĠB ett +Ġapp endix +ĠHD D +AK ING +Ġst igmat +Ġhol ster +Ġord inarily +Ch ance +ĠCont rary +Ġad hesive +Ġgather s +6 12 +re au +ony ms +ew ays +Ġindu ces +Ġinterchange able +se m +Wh it +Ġtr ance +Ġincorpor ation +ĠExt ras +Fin ancial +Ġawkward ly +ĠStur geon +ĠH Y +Norm ally +ĠEnd ing +ĠAss ist +enc rypted +Ġsub jug +Ġn os +Ġfan atic +C ub +C U +?" . +Ġirre versible +å Ĥ +03 1 +ĠH AR +sp read +ul ia += $ +Sc ope +L ots +Ġlif estyles +ol on +Ġf eds +Ġcongrat ulate +web kit +Ġindist inguishable +ĠSw ing +Ġcommand ments +qu ila +ab ella +m ethyl +ann abin +Ġo vere +Ġlob ster +ĠQU EST +ĠCONT IN +bern atorial +:::: :::: +ĠTra ve +ĠSam oa +AN I +75 2 +Ð ´ +userc ontent +ĠMod erate +y eah +ĠK itt +Ġwe e +Ġstuff ing +ĠInter vention +ĠD ign +Ġware houses +ĠF iji +Ġpel lets +Ġtake away +ĠT ABLE +ĠClass ical +col lection +Ġland fall +ĠMus cle +Ġsett les +ĠAD V +Ġ3 44 +L aura +Ġf ared +ĠPart ial +4 36 +oss ibility +ĠD aly +ĠT arant +ĠFu ji +am l +c ence +55 1 +ĠProced ures +ĠO CD +ĠU D +t in +Q UI +ach o +4 38 +Ġgl itches +Ġenchant ment +Ġcalcul ates +IR O +ĠH ua +alys es +ĠL ift +um o +Ġle apt +Ġhypothes ized +ĠGust av +it ans +VERS ION +æ ł +Rog er +Ġr and +ĠAd apter +Ġ3 31 +ĠPet ition +k ies +M ars +Ġunder cut +ze es +ĠLy ons +ĠDH CP +Miss ing +Ġretire es +Ġins idious +el i +> ) +. ãĢį +Ġfinal ists +ĠA ure +Ġacc user +Ġwas tes +ĠY s +ĠL ori +Ġconstitu encies +Ġsupp er +Ġmay hem +or ange +Ġmis placed +Ġmanager ial +Ġex ce +ĠCL I +Ġprim al +ĠL ent +Cry stal +h over +ĠN TS +end um +Ġd w +ĠAl c +n ostic +Ġpres erves +ĠTs arnaev +Ġtri pled +rel ative +Arc ade +k illing +ĠW EEK +ĠH anna +D ust +Com pleted +ģ « +Ġappro ves +ĠSur f +ĠLuther an +ven ants +Ġrobber ies +we ights +soft ware +at ana +ug al +Ġgrav y +ĠC ance +OLOG Y +ly ak +Ton ight +Ġunve il +Ġ19 04 +ĠMin ion +ent ious +st ice +pack ages +ĠG EAR +Ġg ol +ĠHutch inson +ĠProf ession +ĠG UN +ĠDiff erence +ĠTsuk uyomi +ĠLes bian +6 70 +Ġfug itive +ĠPlan etary +-------------------------------- ------------------------ +Ġacc rued +Ġch icks +Ġsto pp +Ġblock ers +C od +Ġcomment ers +ĠSomew here +ĠPhot ographer +the me +Ġmay oral +w u +Ġanten nas +Ġrev amped +ĠSubject s +it é +im ura +Ġentr ances +liter ally +Ġten ets +ĠO MG +ĠMP H +ĠDon key +ĠOff ense +Ġ" + +Sn ap +ĠAF B +Ġan imate +ĠS od +His panic +Ġinconsist ency +D b +F Y +Ex port +Ġa pe +Ġpear l +ib el +ĠPAC s +Ġ{ \ +Ġact u +ĠHS BC +camp us +Ġpay off +Ġde ities +ĠN ato +ou ple +Ġcens ored +ĠCl ojure +Ġconf ounding +en i +Ġreck on +op he +Ġspot ting +Ġsign ifies +Ġprop el +Ġfest ive +S uggest +Ġpled ging +ĠB erman +Ġrebell ious +Ġovershadow ed +Ġinfiltr ated +j obs +67 2 +Ġscal able +Ġdomin ion +ĠNew foundland +ĠMead ow +Ġpart itions +AM I +Ġsupplement ary +str ument +Ġhair y +Ġperpet uate +Ġnuts hell +ĠPot ato +ĠHob bit +Ġcur ses +Flo at +Ġquiet er +Ġfuel ing +Ġcaps ules +ĠL ust +ĠH aunted +Exec utive +Ġchild birth +G re +Ġrad iant +å İ +Ġm alls +Ġin ept +ĠWarrant y +Ġspect ator +E h +t hens +Ġculmin ating +æ © +ary a +ãĤ ® +ilit arian +ĠOR IG +ĠSp ending +pt ives +ĠS iren +ĠRec ording +ay ne +Ġv im +Ġspr ang +T ang +ĠM FT +mor ning +ĠWe ed +m peg +cess ion +ĠCh ung +7 30 +w arning +56 2 +handed ly +P oor +P olitics +: # +Ġp ian +Ġfec es +ĠDocument ation +Ġban ished +Ġ3 99 +ĠAR C +Ġhe inous +J ake +ĠAm ir +way ne +v re +os henko +Ġnotebook s +Ġfound ational +Ġmarvel ous +ixt ape +Ġwithdraw als +Ġh orde +ĠD habi +is able +ĠK D +Ġcontag ious +ĠD ip +ĠAr rows +Ġpronoun s +Ġmorph ine +ĠB US +68 2 +Ġk osher +fin ished +ĠInstr uments +Ġf used +yd en +ĠSal mon +F ab +aff ected +K EN +C ENT +Dom ain +Ġpoke mon +ĠDr inking +G rowing +ĠInvestig ative +ĠA ether +em i +Ġtabl oid +Ġrep ro +ĠNot withstanding +ĠBers erker +Ġdram as +Ġclich é +Ġb ung +ĠU RI +ĠD os +0 44 +Ġpast ors +Ġl s +Ġac rylic +aun ts +Ed ward +Ġmajor ities +B ang +Ġfield ing +ĠRepl acement +ĠAl chemy +pp ard +ĠRome o +ĠSan ct +ĠLav rov +ib ble +Inst ruct +Ġimp ractical +ĠPlay boy +ce phal +Ġsw aps +Ġk an +ĠThe o +Ġillust rating +Ġdismant led +ĠTrans gender +ĠG uth +UG H +Ġtriumph ant +Ġencomp ass +Ġbook mark +udd in +j er +Ġpred icate +ES H +Ġwhen ce +ĠAB E +Ġnon profits +Se qu +Ġdi abetic +Ġp end +Ġheart felt +sh i +Ġinter acts +ĠTele com +Ġbombard ment +dep ending +ĠLow ry +ĠAd mission +ĠBl ooming +ust ration +ene gger +B rew +Ġmol ten +ĠNer d +P IN +âĸ Ģ +ave ment +Ġtou red +Ġco efficients +ĠTray von +ans son +Ġsand y +t old +fl ows +Ġpop ulous +ĠT inder +ĠBl iss +R achel +Min imum +Ġcontest ant +ĠRed uce +ĠMor se +ĠGrass ley +ĠClick er +Ġexp r +Ġs incerity +Ġmar qu +Ġelic it +ĠPro position +ĠDemon ic +Ġtac os +G reek +Ġpost war +Ġin sofar +ĠP ork +Ġ35 2 +doctor al +walk ing +Ġmid term +ĠSam my +sight ed +ĠTR ANS +ic i +AL D +ĠUS L +ĠF ISA +ĠAm pl +ĠAlex andra +ine lli +Tr ain +Ġsign ify +ĠVers us +Ġob fusc +Ġk h +Ġagg ro +ĠRen ault +Ġ3 48 +5 18 +ox icity +0 22 +ĠTw ist +Ġgoof y +D ynamic +Ġbrief ings +m ight +8 99 +Ġderog atory +T ro +Ġfor ging +ĠKor an +ĠMar ried +ĠBuc s +Ġpal ate +ĠCon version +m able +4 13 +Ġ( _ +Ġs iph +ĠN EO +col lege +Ġmarg inally +Ġfl irt +ĠTra ps +ĠP ace +é »Ĵ +Ġgoalt ender +Ġforb ids +Ġcler ks +ĠT ant +ĠRobb ins +ĠPrint ing +Ġpremie red +Ġmagn ification +ĠT G +ĠR ouse +ĠM ock +odynam ics +Ġpre clude +ism o +ĠPul itzer +Ġaval anche +ĠK odi +rib une +ĠL ena +Elect ric +Ġref inery +Ġend owed +Ġcounsel ors +Ġd olphin +ĠM ith +Ġarm oured +hib ited +Beg in +ĠP W +O il +ĠV or +ĠShar if +ĠFraz ier +est ate +Ġj ams +Pro xy +Ġband its +ĠPresbyter ian +ĠPrem iere +t iny +ĠCru el +Test ing +Ġhom er +ĠV ERS +ĠPro l +ĠDep osit +ĠCoff in +Ġsemin ars +Ġs ql +ĠDef endants +Altern atively +ĠR ats +ç « +ethy st +' > +Ġiss uer +58 9 +Ġch aired +ĠAccess ories +man ent +Ġmar row +ĠPrim ordial +C N +Ġlimit less +ĠCarn age +Ġund rafted +q v +IN ESS +on ew +Ġco hesion +98 7 +Ġne cks +Ġfootball er +ĠG ER +Ġdetect able +ĠSupport ing +ĠCS V +oc ally +k Hz +Ġund e +Ġsh one +Ġbud ding +tra k +Stand ing +ĠStar craft +ĠKem p +Ben ch +Ġthw arted +ĠGround s +ath i +L isa +Dial og +ĠS X +V ision +Ġingen ious +Ù IJ +Ġfost ering +ĠZ a +ĠIn gram +Ġ" @ +N aturally +6 16 +0 35 +ĠF AC +H mm +55 4 +Ġacceler ator +ĠV end +Ġsun screen +Ġtuber culosis +rav iolet +ĠFunction al +ĠEr rors +ed ar +19 66 +ĠSpect re +ĠRec ipes +88 5 +ĠM ankind +L iverpool +Ġ| -- +Ġsubst itutes +ĠX T +w ired +Ġinc o +ĠAf gh +E va +ic c +S ong +K night +Ġdilig ently +ĠBroad cast +A id +Ġaf ar +ĠH MS +aton in +ĠGr ateful +Ġfire place +ĠOm ni +e uro +ĠF RE +ĠSh ib +ĠDig est +t oggle +Ġheads ets +Ġdiff usion +ĠSqu irrel +ĠF N +Ġdark ened +out her +Ġsleep s +ĠX er +gun s +Ġset ups +Ġpars ed +Ġmamm oth +ĠCur ious +g ob +ĠFitz patrick +ĠEm il +im ov +........ ..... +ĠB enny +Second ly +Ġheart y +Ġcons on +st ained +Ġgal actic +cl ave +Ġplummet ed +Ġp ests +Ġsw at +Ġrefer rals +ĠLion el +h oly +Ġunder dog +ĠSl ater +ĠProv ide +ĠAm ar +ress or +å Į +ong a +Ġtim id +Ġp iety +ĠD ek +Ġsur ging +az o +Ġ6 10 +Ġdes ks +ĠSp okane +ĠAn field +Ġwars hips +ĠCob ra +Ġar ming +clus ively +ĠBad ge +ag ascar +ĠPR ESS +ĠMcK enzie +ĠFer dinand +burn ing +Af ee +Ġtyr ann +ĠI w +ĠBo one +100 7 +ĠRe pt +Ċ Âł +Ġcar avan +ĠD ill +ĠBundes liga +Ch uck +Ġheal er +ãĥ¼ãĥ Ĩ +ĠH obby +Ġneg ate +Ġcrit iques +section al +mop olitan +Ġd x +Ġouts ourcing +ĠC ipher +t ap +Sh arp +Ġup beat +Ġhang ar +Ġcru ising +ĠNi agara +Ġ3 42 +ill us +ĠS v +Ġsubt itles +Ġsqu ared +Ġbook store +Ġrevolution aries +ĠCarl ton +ab al +Ut ah +Ġdesp ise +ĠU M +cons ider +aid o +Ġc arts +ĠT urtles +Tr aining +Ġhonor ary + ¢ +Ġtri angles +4 22 +Ġreprint ed +Ġgrace ful +ĠMong olia +Ġdisrupt ions +ĠB oh +Ġ3 49 +Ġdr ains +Ġcons ulate +Ġb ends +Ġm afia +ur on +ĠF ulton +m isc +Ġren al +Ġin action +ck ing +Ġphot ons +Ġbru ised +ĠC odes +og i +Ġn ests +ĠLove ly +ĠLib re +ĠD aryl +Ġ# ## +S ys +. ," +Ġfree zes +est ablishment +and owski +Ġcum bers +ĠSt arg +ĠBom bs +Ġleg ions +Ġhand writing +Ġgr un +ĠC ah +sequ ent +Ġm oth +ĠMS M +Ins ert +F if +Ġmot el +Ġdex ter +ĠB ild +hearted ly +Ġpro pe +ĠText ure +ĠJ unction +ynt hesis +oc ard +ĠVer a +ĠBar th +Ġμ g +Ġl ashed +Ġ35 1 +ĠZ amb +ĠSt aples +ĠCort ex +ĠCork er +Ġcontinu um +ĠWR ITE +unt a +rid or +Ġde ems +0 33 +ĠG OLD +p as +Ġrep ressive +ãĥĨ ãĤ£ +Ġbaff led +Sc ar +Ġc rave +Ġ ______ +Ġentrepreneurs hip +ĠDirector ate +Ġ' [ +Ġv ines +Ġasc ended +ĠGR OUP +ĠGood bye +Ġdo gged +ãĥ´ ãĤ¡ +Man ufact +Ġunimagin able +ri ots +ier rez +Ġrel ativity +ĠCraft ing +ra ught +ud en +c ookie +Ġassass ins +Ġdissatisf ied +ac ci +Ġcondu it +Sp read +ĠR ican +n ice +izz le +Ġsc ares +ĠWH Y +ph ans +5 35 +Ġprot racted +ĠKrist en +5 36 +ĠSc rib +ĠNe h +Ġtwent ies +Ġpredic ament +Ġhandc uffs +Ġfruit ful +ĠU L +ĠLud wig +Ġatt est +ĠBre aker +Ġbi ologically +ĠDeal er +Ġrenov ations +f w +ess en +Al ice +ĠHen ri +Ġun ilaterally +ĠS idd +h ai +ĠSt retch +S ales +Ġcumbers ome +ĠJ avier +Ġtrend y +Ġrot ting +ĠChall enges +Ġscra ps +Ġfac ets +ĠVer onica +ĠVer ge +ĠS ana +Al ien +ĠR ih +Ġrad ial +ect ar +Ġ6 30 +cl i +Mar ie +Ġwild fire +ĠCat o +h ander +Ġwait ress +Ġch ops +ĠS ECTION +Ġblunt ly +ĠCat alog +n ian +stud y +Ġpat rolling +ĠT enth +nex us +ĠN ON +op sy +Ġsc athing +s ie +Ġdeterior ated +V B +Naz is +Ġdep ictions +Ġauthent icated +ĠCon ce +k rit +Ġpromul g +ĠL ONG +U FC +ĠVis itors +ĠRec all +Ġrehab ilit +ĠSL I +Ġglac ier +ĠB ite +Ġ50 3 +Ġvom it +Ġfer mented +ĠKh alid +Ġgrad ed +ĠMag icka +ĠIch igo +power ful +ic ators +75 3 +Ġsh rew +Ġ35 6 +Ġlegal izing +Ġall otted +ĠArch demon +ith ing +igg urat +V OL +Le od +Ġo ily +Ġindu cing +Ġamy gdala +Ġadm ins +ĠAcqu isition +C AN +Ġsche matic +Ġmo an +ĠCamer oon +Ġt ink +Ġmer ry +Ġbutter flies +ĠGo ff +Ġworks pace +ĠCor ona +Ġj avascript +ĠD olphin +ĠCant or +4 64 +to e +AP S +ĠAg ing +Ġpadd ed +ĠZ heng +ĠHe ld +Ġest ranged +Ġ7 70 +. } +ĠDun ham +Ġsm okes +Ġcap itals +und ai +Sh in +ĠFound ing +Ġent itle +Ġcenter piece +D iscover +Ġthere to +al ert +ĠN ou +ĠAnaly st +l c +F H +FI ELD +ĠP OV +gr ay +Ġar cs +ĠH OT +Ġr s +Ġoblig atory +ĠArchitect s +ĠS ven +ĠF EC +0 200 +Christ mas +ĠAlban ia +rat om +58 7 +Ġhard ships +Ġaut os +ĠCharg es +Ġap es +Ġ3 76 +wal let +Ġintox ication +Ġgobl in +Ġ5 70 +++++++++ ++++++++ +ĠYel p +ĠMag netic +ĠBr iggs +R ail +Ġspawn s +ĠW iggins +Ġshowc ased +Ġres orted +ub en +Ġwh ipping +Ġim itate +Ġdigest ion +ĠUS PS +ĠG est +Ġye a +ĠT ight +ind al +ic as +` . +C AST +'' ; +ĠF et +opath ic +In valid +Ġregrett ed +Ġbro ccoli +ĠSc ores +e ve +Ġpost ings +Ġaccum ulating +Ġneed less +elf th +Ġmay ors +Ġsc rib +Ġanecd otes +Ġbot ched +ĠRib bon +ĠConstant ine +i uses +ess es +Ġdev ise +Comp ared +Ġp udding +Ġg arg +Ġev oke +79 7 +Ġdet ox +9 09 +ĠPie ces +ĠMcC artney +Ġmet ast +ĠK rypt +P OR +Ġt ending +ĠMerch ants +Pro of +ĠV arg +ĠPort able +ãĥ¼ãĥĨ ãĤ£ +B rain +25 00 +Ġfol iage +Ø ¹ +Ġment ors +ĠA ires +Ġminimal ist +Ġing ested +ĠTro jan +ĠQ ian +inv olved +0 27 +Ġer oded +RA FT +Ġbl urry +M ob +Ġbuff et +ĠFn atic +ae a +KN OWN +ĠIn it +s afety +en um +ACT ION +ĠCrus her +ĠD ates +Ġ ................ +c alling +ak ov +Ġvent ured +Ġ5 55 +au ga +H art +ĠA ero +M AC +Ġthin ly +Ġar ra +ST ATE +ild e +ĠJac qu +ĠFem ales +Ġthe orem +Ġ3 46 +Ġsmart est +ĠPU BLIC +ĠK ron +ĠB its +ĠV essel +ĠTele phone +Ġdec ap +Ġadj unct +ĠS EN +mer ga +Ġred acted +Ġpre historic +Ġexplan atory +ĠRun s +ĠUtt ar +ĠM anny +ĠAUTH OR +ĠUnle ashed +ĠBow ling +be ans +79 3 +Ġunivers es +Ġsens it +ĠK ung +re peat +ctr l +Ġp aced +Ġfull er +Cl ock +Ġrec omb +ĠF aul +ĠB unker +Ġpool ed +Ġan a +ĠM outh +LL OW +hum ane +Ġbull do +ĠMicha els +f am +Ġwreck ed +Ġport rays +ĠWh ale +ĠH es +Ġguess es +ĠBrow se +ĠL APD +Ġconsequ ential +ĠInn ocent +ĠD RAG +Ġtrans gress +ĠO aks +Ġtri via +ĠRes on +ĠA DS +-- + +ĠT oll +Ġgrasp ing +ĠTHE M +ĠT ags +ĠCon clusion +Ġpract icable +Ġho op +Ġunintention ally +Ġign ite +ĠM ov +ur ized +le hem +Ter min +Ġcolour ful +ĠLin ear +ĠEll ie +G y +Ġman power +Ġj s +Ġem oji +ĠSHAR ES +_ . +0000 7 +Ġsophistic ation +Ġunders core +Ġpract ise +Ġbl ob +op ens +Uk raine +Ke eping +Y C +J R +ult imate +Cl aim +Ġautom obiles +99 3 +ste el +Ġpart ing +ĠL ank +... ? +Ġ38 5 +Ġremem brance +Ġe ased +Ġcov ari +ĠS ind +Effect ive +Ġdisse mination +ĠMo ose +ĠCl apper +br ates +App ly +Ġinv is +Ġwors ened +âĢĶ - +Ġlegisl ator +ĠL ol +ĠRow e +Ġdealers hip +um ar +id ences +Ġinvestig ates +Ġc ascade +Ġbid der +ĠB EN +Iron ically +Ġpres iding +Ġd ing +Ġcontrad icted +Ġshut s +ĠF IX +Ġ3 66 +Dist rict +Ġsin ful +ĠChar isma +o ops +Ġtot ality +Ġrest itution +ĠOpt imus +ĠD ah +Ġcl ueless +urn ed +Ġnut rit +Ġland owners +Ġfl ushed +Ġbroad en +m ie +Ġprint ln +Ġn ig +ĠCorp us +J en +Ġprot o +ĠWik imedia +ĠPal o +C OR +Ġstory lines +Ġevangel icals +ĠDar rell +Ġrot or +ĠH W +sk illed +ery l +Ġbe gg +ĠBl umenthal +Ġwe aving +Ġdown wards +ĠJack et +ĠANG EL +Te chnology +Ġes oteric +alde hyde +Ġfur iously +Ġforeign er +We ak +CH O +ĠH ound +Exper ience +ĠPlay station +ĠM IA +ĠU ng +cl oth +ag all +Ġcal ming +iz ens +St ruct +ĠW itches +ĠCeleb ration +Ġ........ ...... +pt roller +ĠTC U +Ġb unny +ãĥ į +ut orial +Ġup scale +ĠSt a +ĠCol ossus +Ġchlor ide +ĠZ ac +ĠRe asons +ĠBrook ings +ĠWH ITE +][ / +ĠL ose +9 05 +Ġunders ide +ern els +Ġv ape +do zen +upp et +ĠST OP +mat ical +ĠStat ements +hed dar +P AC +Custom er +Ġmem os +ĠP J +end ars +ĠLim its +l augh +Ġstabil ized +ĠALE C +Y A +Up grade +al am +Ġtechn o +Ġan ew +fore seen +Ġcolleg iate +ĠPy ro +ĠD ism +Ġfront line +Ġammon ia +I U +Qu ite +John ny +ass in +G OP +ĠSt yles +ĠSovere ign +acter ial +5 49 +ĠR IP +ĠL ists +Ġ3 64 +ĠRece p +s ocket +ĠByr d +ĠCand le +An cient +Ġappell ant +en forcement +ace a +ans ki +Ġold s +88 6 +Ġsl urs +Ġem pires +Ġbuck le +Ġalien ation +ĠAber deen +Ġunic orn +Ġoverr iding +ĠL X +pp a +Ġdesp ised +ĠB ugs +ĠB ST +S outhern +5 33 +Ġhall mark +ĠPost er +Ġstem med +Ġprincip als +ĠT ECH +ĠSand wich +It aly +Ġche esy +ĠSet TextColor +ĠProt ective +ĠC ohn +J O +apt op +Re ason +Lead er +ĠUnder stand +ĠFr idays +ĠContin uous +Ġcl ipping +ĠR ye +Ġber th +tim er +ann is +re act +Ġbuff alo +ĠPar as +Ġ6 55 +Ġpres ided +ĠSun rise +Ġve ts +Ġcl oves +ĠMcC ull +Stre ngth +G AN +Ġill iter +ĠPric ing +l é +Ġresist or +Ġbr un +ĠSuff olk +Ñ ĭ +ĠL iver +Re leased +Ġwhat s +8 60 +ĠMe asures +Ġden ouncing +ĠRy zen +Ġsou ven +Ġcareg ivers +ch ini +ĠScar lett +Ġt rough +Cong ratulations +Ġtax is +ĠTrad ition +j it +Ġtable top +Ġhither to +Ġdis information +off ensive +h ra +ĠDISTR ICT +Ġcompl icate +chen ko +ĠRecon struction +Ġpalp able +Ġa usp +Ġ4 28 +Ġshowc ases +ĠPublic ation +know ledge +inn on +4 19 +Ġretri eval +and ers +Ġref ute +Ġinqu ired +g ur +Ġneg ativity +Ġcons erve +Ġafter life +Ġpres upp +ĠGill espie +Ġm t +ĠD N +T ap +Ġper pend +ĠS my +does n +Ġsp illing +Ġhyp ers +K ate +® , +ke pt +ĠP owered +Ġj a +ĠK lux +ard e +ab an +Ġ4 44 +Ġflatt ened +ĠImprove ments +urg a +ĠK und +Ġins cribed +Ġfac ult +Ġunpre pared +ĠCons umers +Ġsatisf ies +Ġpul monary +Ġinf iltration +Ġex ternally +Ġcongrat ulations +ag han +Ġair liner +Ġfl ung +Ġfly ers +G D +Ġsnipp ets +Ġrec ursive +Ġmaster ing +L ex +Ġovert ly +v g +Ġluck ily +Ġenc ro +ĠLanc et +ĠAbyss al +function al +Ġs ow +Ġsqu id +Ġnar ration +Ġn aughty +ĠHon our +ĠSpart ans +Ġsh atter +ĠTac oma +ĠCal ories +ĠR aces +Sub mit +Ġpurpose fully +w av +ĠY ok +F est +ĠG err +Met ro +Ġit iner +f amous +Ġ" { +in line +was her +Iss ue +ĠCL IENT +oz o +Vers ions +7 25 +ĠGl ock +Ġshield ed +ĠPC R +ENC Y +ĠWe ld +ĠSim pl +Ġredirect ed +ĠK ham +Ġ( > +Ġlab ou +Ġdi apers +ss l +Ġcell ar +organ isms +ore sc +ĠBer ks +did n +Sh ipping +C hest +Ġund one +Ġmillion aire +Ġc ords +ĠYoung er +appropri ately +Ġsequ els +u ve +ant icipated +Ġle wd +ĠSh irt +ĠDmit ry +V eter +Ġsl aying +ĠY ar +Ġcompl ication +I owa +ĠEric a +ĠBL M +g irlfriend +b odied +6 26 +19 63 +Ġintermedi ary +Ġcons olation +M ask +ĠSi em +ow an +Beg inning +Ġfix me +Ġculmin ated +Ġcon duc +ĠVolunte er +Ġpos itional +Ġgre ets +ĠDefin itions +Ġthink er +Ġingen uity +Ġfresh men +ĠMom ents +Ġ35 7 +ate urs +ĠFed Ex +s g +69 4 +Ġdwind ling +ĠBO X +sel age +Ġt mp +Ġst en +ĠS ut +Ġneighbourhood s +Ġclass mate +f ledged +Ġleft ists +Ġclim ates +ATH ER +ĠScy the +ul iffe +Ġs ag +Ġho pped +ĠF t +ĠE ck +ĠC K +ĠDo omsday +k ids +Ġgas ped +Ġmon iker +ĠL od +ĠC FL +t ions +r ums +fol ios +Ġm d +Ġunc anny +Ġtrans ports +ĠLab rador +Ġrail ways +Ġappl iance +ĠCTR L +æ Ģ +Pop ulation +ĠConfeder acy +Ġunb earable +Ġdors al +ĠIn form +op ted +ĠK ILL +Mar x +Ġhypoc ritical +q us +ĠN umerous +ĠGeorg ian +ĠAmbro se +ĠL och +Ġgu bernatorial +ĠX eon +ĠSupp orts +ens er +ee ly +ĠAven ger +19 65 +Ar my +Ġju xtap +Ġcho pping +ĠSpl ash +ĠS ustainable +ĠFin ch +Ġ18 61 +ict ive +at meal +ĠG ohan +Ġlights aber +ĠG PA +ug u +ĠRE PL +vari able +Ġher pes +Ġdesert s +ac iously +Ġsitu ational +week ly +ob l +Ġtext ile +ĠCorn wall +Ġcontrace ptives +ĠA ke +] - +ä¹ ĭ +: , +ĠW em +ĠB ihar +Ġ' . +Ġbe re +Ġanal ogue +ĠCook ies +Ġtake off +Whe el +Ġmaj estic +Ġcomm uting +0 23 +ĠCor pse +ass ment +min i +Ġgor illa +ĠAl as +ere e +Ġacquaint ances +ĠAd vantage +Ġspirit ually +Ġey ed +pm wiki +ĠE nder +Ġtrans lucent +Ġnight time +ĠIM AGES +5 45 +ĠK amp +ĠFre ak +Ġ ig +Port land +4 32 +ĠM ata +Ġmar ines +Ġh ors +ater asu +ĠAtt ribution +Ġ-------- - +Ġk ins +ĠBEL OW +++ + +Ġre eling +ol ed +Ġcl utter +ĠRel ative +Ġ4 27 +B US +Ġa vert +ĠChe ong +ĠA ble +ĠPry or +Develop er +Ġen cyclopedia +ĠUSA F +ĠG arry +Sp ain +Bl ocks +Ġexp osition +ĠGamer Gate +W OR +Ġstockp ile +Ġclot hed +ĠT one +ĠR ue +t umblr +Ġtreacher ous +Ġf rying +Ñ Į +ĠS ph +Ġrest raints +Ġemb odies +ĠG es +S afety +Ġnegoti ators +min ing +ĠAppalach ian +L OS +ĠJenn a +Ġpass ers +ç ĭ +sn ap +Ġshort en +creat or +Ġinn umerable +uther land +67 4 +ĠW OM +ĠAs cend +ĠArm ory +ĠTrans action +K ick +Ġsuit case +day Name +Ġwaste ful +mar riage +ĠMcC abe +ite ch +ĠO ss +Cl osure +ĠTreasure r +Ġindec ent +ĠD ull +Ġresid ences +19 59 +ĠS ettlement +Ham ilton +Ġself ies +ĠRank ing +ĠBark ley +ĠB ore +ĠW CS +ĠMar itime +ĠH uh +ĠForest ry +Ġcultiv ating +ĠBall ard +Ġg arrison +ĠSD L +9 30 +Ġnas cent +Ġirresist ible +Ġaw fully +\/ \/ +Ġequ ate +Ġanthrop ology +ĠSylv ia +Ġintest ine +Ġinnoc uous +cess ive +ag ra +ĠMet roid +G rant +8 55 +ģ ĸ +Ġ" _ +ãĥĥ ãĥī +Ġappra isal +ĠFred dy +04 6 +Ġ40 6 +Ġ18 30 +Ġd ocking +St atic +Ġp ont +ĠVolt age +ĠSt ead +ĠMort gage +ĠJon ah +Y L +CLASS IFIED +Ġas bestos +nik ov +Ġcoll agen +ĠOrb ital +P ocket +7 99 +Ġhy brids +inc hes +Ġinv oice +und y +Ġinequ alities +T rend +w ashed +B ALL +Ġluc id +ĠComment ary +Ġw itty +Br andon +Ġbru ising +Ġ6 20 +es cent +box ing +P OL +Ġ3 78 +R ect +Ġlic ences +ĠMcG ee +p ressed +D anny +Ġj ammed +ord inate +Ġle th +Ġdistingu ishes +ĠYam aha +IL S +ĠH ume +ĠC ategories +Rober ts +Ch art +Ġbeet le +ĠGra veyard +Ġ($ ) +o ÄŁ +Ġtw ilight +are lla +á ½ +Ġbooth s +ĠH HS +ĠFeld man +Ġexcav ation +Ġphilosoph ies +at ography +ĠGar age +te chnology +Ġunfor gettable +Ġver ifying +Ġsubord inates +E ls +Ġne b +G aming +EN A +ĠAchieve ment +it ters +ĠG abe +Ġd umps +for cer +Ġpo ignant +ĠM BA +ĠHe idi +ime i +Ġm ages +Ġliber ate +Ġcircum cised +ĠMer maid +ĠMat th +t ogether +ĠW ichita +Ġstore front +ĠAd in +V II +Four th +Ġexplore rs +W ER +Not able +Bro ok +m ens +F aith +-------- - +ĠJ ou +¬ ¼ +Ġpine apple +Ġam alg +el n +ark able +ĠãĤµ ãĥ¼ãĥĨãĤ£ +ĠãĤµãĥ¼ãĥĨãĤ£ ãĥ¯ãĥ³ +Ġov arian +ĠE choes +Ġhairc ut +Ġp av +Ġch illed +anas ia +Ġsty led +Ġd ab +ni per +Ġminister ial +ĠD UP +T an +Ġsul ph +ĠD eter +ĠBo hem +od an +Ġeduc ator +â ĵĺ +sp ir +Ch icken +ĠE leanor +Ġqu i +Ġheav iest +Ġgrasp ed +U RA +Ġcro oked +Jess ica +pro blem +Ġpred etermined +Ġman iac +Ġbreath s +ĠLauder dale +Ġh obbies +y z +Cr ime +Ġcharism a +d L +Ġle aping +Ġk ittens +Ang elo +ĠJ ACK +ĠSu zanne +Ġhal ting +ENT ION +Ġswall owing +ĠEarthqu ake +Ġeight eenth +ĠN IC +ĠIN F +ĠCons cious +Ġparticular s +circ le +7 40 +Ġbene volent +Ġ7 47 +Ġ4 90 +Ġr undown +ĠVal erie +ĠB UR +Ġcivil isation +ĠS chn +W B +ot ide +intern ational +Ġj ohn +Ġ19 02 +Ġpe anuts +Ġflav ored +k us +Ġro ared +Ġcut off +é £ +Ġorn ament +Ġarchitect ures +Ġ3 69 +ol or +ĠWild e +ĠC RC +ĠAdjust ed +Ġprov oking +land ish +Ġrational ity +Ġjust ifies +Ġdisp el +Ġa meric +ĠPol es +Ø © +Ġen vis +ĠD oodle +ä½ ¿ +igs aw +auld ron +Techn ical +T een +up hem +ĠX iang +Ġdetract ors +ĠZ i +ĠJournal ists +Ġconduc ive +ĠVolunte ers +Ġs d +Know ing +Ġtrans missions +ĠPL AN +ĠL IB +Ġall uded +Ġob e +Ġd ope +ĠGold stein +Ġwavelength s +ĠDest ination +nd a +ug i +Ġattent ive +ĠLe an +ral tar +Ġman g +mb uds +ak ings +b ender +Ġacc ol +Ġcraw led +N OW +Min nesota +Ġflour ished +ĠZ up +ĠSuper visor +ĠOliv ier +Ex cellent +Ġwid en +D one +Ġw ig +Ġmiscon ceptions +Cor p +W an +Ġvener able +ĠNot ably +ĠKling on +an imate +Bo ost +ĠS AY +miss ing +ibli ography +mel on +Ġpay day +Ø ³ +bo le +Ġve iled +ĠAl phabet +It alian +Ġever lasting +ĠR IS +ĠC ree +rom pt +Ġh ating +Ġgrin ning +Ġge ographically +OS H +Ġwe eping +ĠÂłĠÂłĠÂłĠÂł ĠÂłĠÂłĠÂłĠÂł +Ġimpe cc +Let ter +Ġblo ated +PL A +ĠFe in +Ġper sever +Th under +Ġa ur +ĠR L +Ġpit falls +âĸ º +Ġpredomin ant +Ġ5 25 +7 18 +AP E +7 14 +Ġfarm land +ĠQ iao +Ġv iolet +ĠBah amas +Ġinflic ting +ĠE fficiency +Ġhome brew +Ġundert ook +Ġcur ly +ĠHard ing +man ia +59 6 +Ġtem pered +Ġhar rowing +ĠP ledge +ĠFranken stein +è ª +M otion +Ġpredict ably +ĠExpl osion +oc using +er d +col o +FF ER +Ġback field +ĠV IDE +ue bl +N arr +ĠArg ument +Ġgen omic +Ġbout ique +Ġbatt ed +ĠB inary +Ġg amb +ĠRh ythm +67 3 +Ġa float +ĠOlymp ia +Y ING +Ġend if +is in +Ġwin ters +Ġsc attering +I v +D istance +Ġtr u +ĠCom fort +Ġne xus +Ġair flow +ĠByz antine +p ayers +con i +ĠB etsy +D eal +ĠN ug +ĠContin ent +red ibly +Ġoptim izing +al beit +Ġec static +ĠPro to +ç · +iv ot +âĸ Ħ +em p +rou nder +Ġcl out +ĠI ST +66 3 +ĠDoll ars +ĠD AC +Ġsubsc ribed +Ġrehears al +Ġam ps +ĠSh ang +es m +Ġspr inkle +Ġassail ant +ĠO o +ĠCoin base +T act +Ġret ina +Ġn uns +R ON +att o +Ġj ug +ĠSV G +Ġb ikini +ĠFI LE +ĠFound ers +ep ort +ĠK P +Ġrest ores +ĠTh ick +Ġash ore +Ġappro vals +R ender +M AG +G raham +ĠCort ana +ãĥ³ ãĤ¸ +ss h +or ians +ars ity +ĠInsp ired +u pper +Ġsign alling +Ġreb uke +Ġfl ares +Ġdownt ime +Stud ies +Ġstagn ation +ĠSequ ence +Ġgr unt +Ġass ures +ĠPL A +59 2 +Ġintra ven +d epend +Sus an +ĠManz iel +Man ia +Cont ract +Ġsl ams +Ġcult ured +Ġcred itor +L IST +ĠH UM +ĠChatt anooga +serv ed +Ġclo aked +ĠF TP +p owder +ĠSt ella +uct ive +Ġcheap ly +ĠMU CH +ĠGalile o +Ġsu ites +spe ech +Ġdeliber ations +ĠCh ips +« ĺ +Bal ance +ĠWyn ne +ĠAk ron +Ass et +Ġhon oured +Ġed ged +Like wise +anim ous +ĠW age +ĠEz ek +ad vertisement +ĠRT X +ĠM AD +Ġmigr ating +ĠS QU +Ġ4 75 +Ed ited +Ġshorth and +ĠBas ics +Ġcro tch +ĠEV EN +Ġv m +effic iency +Ġcal ves +ĠF rie +ĠBrill iant +Ġstri kers +Ġrepent ance +Ġarter ies +r l +B ed +h ap +Ġcrypt ography +ĠSab res +Ġ4 14 +vi ks +ih ara +aps es +T alking +Ġintertw ined +Ġdoc ks +Ġalle le +ĠArt ifact +ĠH IM +t orn +ç ķ +Ġop acity +ĠE ly +os uke +Ġn ipple +Ġhand written +ĠV K +ĠChamber lain +ĠLa os +ig raph +g row +Ġtr illions +Ġdescend ant +ĠSail or +as uring +Ġce ilings +ĠWare house +f lying +ĠGl ow +Ġn ont +Ġmiscar riage +Ġrig s +Ġmin istries +Ġelabor ated +Ġdel usional +ĠHum ane +Ġ3 79 +n ets +Ġblack out +add ers +Ġn p +ĠT ire +ro sc +Ġsub div +Ġlink age +Ġchron ological +ĠHER O +Ġres ettlement +ĠVin yl +Ġpast oral +ĠMob il +ĠBar bar +Co oldown +ĠF ritz +c riminal +re pe +Ġbell ig +ĠBre ed +Ġ4 18 +Ġsem blance +ij k +Ġcur tail +Ġclin ch +cont ained +ĠProm pt +ast on +Ġw i +Ġpursu its +5 15 +ĠGl oss +Ġfl ips +Ġcoup ons +Ġcl oning +ĠLike ly +Rem oved +ĠQu artz +r ices +ĠSpe ars +Ġp ious +Ġdep reciation +ĠD are +oun ces +am az +O nt +Ġp innacle +d ocker +0 26 +ĠW yr +ĠPro per +Ë Ī +n il +By tes +Ġseek er +t rial +Ġunf olds +ĠMar se +Ġextravag ant +ĠSurviv ors +RED ACTED +ĠSpeed way +ĠCra igslist +sub mit +ĠGener ations +Ġup holding +Ġblood stream +ĠMiss ions +ĠL awn +Ġlim bo +ene i +H uh +ĠWild cats +pre p +ĠMark us +ĠFor bidden +rit ic +IN O +Ġexhib iting +requ ent +ch uk +Ġhabit ual +ĠComp atibility +Dr ag +RIP T +uj ah +GR OUND +Ġdelinqu ent +Ġburn er +Ġcontempor aries +Ġgimm ick +load s +Ġno zzle +p odcast +ĠW ak +ĠStat en +ĠK uh +ãģ ĵ +inter rupted +Ġinv incible +ĠBurn ett +cig arette +ĠPeb ble +ĠTem porary +ĠMar ino +58 2 +Ġwast eland +ident ly +T x +Ġr ite +ĠPan asonic +ĠM iddles +ĠHort on +ae us +Ġc uring +Ġm ats +Ġadj ourn +Ġfears ome +pe z +bo ats +Ġpro pell +Ġconflic ted +ĠAng er +Ġinsurg ent +K arl +Ġco ales +Ġsouth western +Ġdis su +ĠO vert +******** **** +Ġbox ed +ĠBr une +aa a +Ġgard ening +ĠEng el +tr acks +Ġpur ified +Ġplace holder +ĠL ikes +Ġd an +G ab +Ġe ct +ĠF aw +ĠEl iot +Ġ' , +otrop ic +ĠRu in +hed on +Ġca ul +Ġa ft +ĠCad illac +gh a +ass ian +ud eb +ĠT ick +Ġadjust s +AR GET +5 37 +isc he +ant y +ĠFried rich +ĠBl izz +ĠA OL +Camp aign +Ġmamm al +ĠVe il +ĠK ev +ĠMaur it +ĠDam ien +N ation +E astern +Ġ{ : +Ġ= ================================ +Ġstereotyp ical +Ġatt ic +ĠCy borg +requ ire +Ġaward ing +ĠPap ua +bt n +b ent +B oo +Ġ( = +ĠX ander +ĠSomers et +Ġcatch y +Ġcert ify +STR UCT +Ġit al +Ġt ides +ĠBr ands +G ray +comp etitive +Ġcur ator +ĠD G +omin ium +ĠGM Os +ci ating +ĠCarm en +ow ard +Balt imore +Ġr gb +C u +Ġwip es +spe ll +IT NESS +Ġsummar izes +ĠRe vis +Ġwhistlebl owers +ĠBre ach +Ġcro chet +k os +ews ki +Ġrep et +Ġcrim son +ĠKar achi +read able +dim ension +ĠI gor +ild ed +ĠZ ed +ĠKe ane +ĠCos metic +DE P +Ġretreat ing +ĠU A +ens ical +Ġd usk +ĠDick ens +Ġaren as +ĠPass age +level s +Ġcur v +P ope +Ġch ores +ĠEl ise +ĠComp ass +b ub +Ġmamm alian +ĠSans krit +ĠAN C +ĠCr ack +Q ual +L aun +amp unk +Ġlearn ers +Ġglam orous +Ġfur the +erm ott +c and +Gener ic +Ġnarr ated +Ġdisorder ly +ĠTrans actions +ĠDet ention +ĠR oku +Ä į +Ġunder statement +ĠS aur +ĠRodrig o +ĠAS AP +S in +Ġre joice +Method s +Ġelectro de +Ġworsh ipped +Ġid i +ĠPhys icians +Ġpop up +Ġde ft +ĠRem oval +ĠBu enos +ver bs +Ġfun k +ush a +rict ion +ore a +ĠBang alore +ĠKen obi +zz i +Ġnorm ative +Ġgobl ins +Ġcaf es +ĠUN CLASSIFIED +ĠF ired +S IGN +Ġs clerosis +ĠV oter +ĠSon ny +ĠExt end +ĠEV s +Ar senal +Ġp si +Ġwid est +ĠT us +Ġlo oms +Ġjust ifying +ĠGr anger +è ¯ +Ref er +58 3 +Ġflour ishing +ab re +Ġr ave +ĠCont ra +Ġ18 98 +Add s +Ġf ul +ĠCo oke +some one += # +67 1 +Ġy ak +Ġar te +ĠMis cellaneous +ĠDet ection +ĠCl ancy +â ģ +ass ies +Ġval iant +ĠFemin ist +cor ruption +V el +P ear +Ġsucc inct +Ġquick est +k w +Ġsp itting +ĠL ibraries +åħ ī +ant z +D ad +ĠSpec ifications +rup ulous +and r +RES ULTS +Ġsnow ball +Ġpred is +ĠB axter +ĠNurs ing +ĠCh aff +s we +Ġout age +Ġnest ing +Ġnotor iety +tr igger +on ite +j on +Ġf ou +ook ed +ĠCelebr ity +re ality +Ġfat ig +Ġhug ging +Ġbother s +ĠPan zer +ĠCh andra +fig ured +Ġvol ts +ĠCloud s +Ġfee ble +ĠCur ve +ĠAs us +78 6 +abs or +ĠV ICE +ĠH ess +Ġmanufact ures +Ġgri zz +ĠPower ful +ac id +Ġsub sections +ĠKrug man +ĠAl ps +is u +Ġsequ est +ĠUlt ron +ĠT inker +ĠGo ose +Ġmism atch +Att orney +Ġmorph ology +ĠSix ers +ut tered +ĠE LECT +gr an +Rus sell +ĠG SL +Ġfort night +Ġ. ) +Ġapost le +pr one +el ist +Unt itled +ĠIm plementation +ist ors +Ġtank er +Ġpl ush +Ġattend ants +ĠT ik +ĠGreen wich +ĠY on +ĠSP L +cell s +unt led +S olution +ĠQu é +Ġvac ated +Ġupt ick +ĠMer idian +æ ĥ +ĠDr ill +9 25 +58 4 +Ġrenov ated +ĠKub rick +zy k +Ġl ousy +pp el +ohyd rate +ĠI zzy +lesi astical +CC C +ĠAj ax +Ġad apters +ĠPetra eus +Ġaffirm ation +ĠST OR +le ms +ad oes +ĠConstantin ople +Ġp onies +Ġl ighthouse +Ġadherent s +ĠBre es +omorph ic +Fight ing +Ġpl aster +ĠP VC +ĠOb st +Ġdear ly +ĠTo oth +icks on +Ġsh aming +P lex +A gg +ĠâĢ¦ " +Ġsub reddits +Ġpige on +ĠResident ial +ĠPass ing +Ġl um +ĠP ension +Ġpessim istic +Ġ4 32 +z inski +c ade +0 75 +Ġapolog ised +iy ah +Put ting +Ġgloom y +ĠLy me +=-=-=-=- =-=-=-=- +ĠT ome +ĠPsych iatric +ĠH IT +c ms +ap olog +Ġbreak er +Ġdeep en +Ġtheor ist +ĠHigh lands +Ġb aker +Ġst aples +Ġinterf ered +ĠAb ortion +jo ined +ch u +Ġform ulate +Ġvacc inations +Ġban ter +phe us +Ġoutfield er +ĠM eter +Ġ# #### +Ġ18 95 +Ġnarrow ing +ĠST ORY +f p +ĠC ST +ign ore +Ġproclaim ing +ĠR U +ĠB ALL +yn a +65 3 +Ġpos it +P RE +59 4 +ĠRegist rar +ĠPil grim +ic io +Ġpre tt +Ġlif eless +Ġ__ _ +Ne igh +ĠCh urches +orn o +Ġor cs +Ġkind red +ĠAud it +Ġmillenn ial +ĠPers ia +g ravity +ĠDis ability +ĠD ARK +W s +od on +Ġgrand daughter +ĠBro oke +ĠA DA +ER A +Ġpick ups +ĠWil kinson +ĠSh ards +ĠN K +Ġexp el +ĠKis lyak +Ġj argon +Ġpolar ized +ian e +Pub lisher +Ġreb utt +Ġapprehens ion +ĠK essler +Ġpr ism +F UL +19 64 +ĠL oll +ä ¿ +le thal +Å Ł +Ġg hetto +Ġb oulder +ĠSlow ly +ĠOsc ars +ĠInst ruction +ĠUl tr +ĠM oe +N ich +ĠP ATH +( * +ĠRE LEASE +un ing +rou se +en eg +Ġre imb +ĠDet ected +Do S +Ġster ling +Ġaggreg ation +ĠLone ly +ĠAtt end +hig her +Ġairst rike +ks on +SE LECT +Ġdef lation +ĠHer rera +C ole +rit ch +Ġadvis able +F ax +Ġwork around +Ġp id +mort em +ers en +Ġtyp o +Ġal um +78 2 +ĠJam al +script s +Ġcapt ives +ĠPres ence +ĠLie berman +angel o +Ġalcohol ism +ass i +Ġrec ite +Ġgap ing +Ġbask ets +ĠG ou +Brow ser +ne au +Ġcorrect ive +und a +sc oring +ĠX D +Ġfil ament +Ġdeep ening +ĠStain less +Int eger +Ġbu ggy +Ġten ancy +ĠMub arak +Ġt uple +ĠD roid +ĠS itting +Ġforfe it +ĠRasm ussen +ixt ies +es i +ĠKim mel +Ġmetic ulously +Ġap opt +ĠS eller +08 8 +ec ake +hem atically +T N +Ġmind less +Ġdig s +ĠAcc ord +ons ense +em ing +br ace +Ġe Book +ĠDist ribut +ĠInvest ments +w t +] ), +beh avior +56 3 +Ġbl inding +ĠPro testers +top ia +Ġreb orn +ĠKel vin +ĠDo ver +ĠD airy +ĠOut s +Ġ[ / +Ï Ģ +b p +ĠVan ity +ĠRec ap +ĠHOU SE +ĠF ACE +Ġ4 22 +69 2 +ĠAnt ioch +cook ed +Ġcoll ide +Ġa pr +Ġsle eper +ĠJar vis +Ġalternative ly +ĠLe aves +ĠM aw +Ġantiqu ity +ĠAdin ida +Ġab user +Poké mon +Ġass orted +ĠRev ision +ĠP iano +ĠG ideon +O cean +Ġsal on +Ġbust ling +ogn itive +ĠRah man +Ġwa iter +Ġpres ets +ĠO sh +ĠG HC +oper ator +Ġrept iles +Ġ4 13 +ĠG arr +ĠCh ak +Ġhas hes +Ġfail ings +Ġfolk lore +Ġab l +ĠC ena +ĠMac Arthur +ĠCOUR T +Ġperipher y +app ers +Ġreck oned +ĠInf lu +ĠC ET +Ġ3 72 +ĠDefin itive +ass ault +4 21 +Ġreservoir s +Ġd ives +ĠCo il +DA Q +Ġvivid ly +ĠR J +ĠBel lev +Ġec lectic +ĠShow down +ĠK M +ip ed +reet ings +ĠAs uka +L iberal +ĠÏ Ħ +Ġbystand ers +ĠGood win +uk ong +S it +ĠT rem +Ġcrim inally +ĠCirc us +ch rome +88 7 +Ġnan op +ĠOb i +ĠL OW +o gh +ĠAuth ors +ob yl +Ur ban +Ġt i +ĠWe ir +t rap +ag y +Ġparent heses +Ġout numbered +Ġcounter productive +ĠTob ias +ub is +P arser +ST AR +Ġsyn aptic +ĠG ears +Ġh iber +Ġdebunk ed +Ġex alted +aw atts +H OU +Ch urch +ĠPix ie +ĠU ri +ĠForm ation +ĠPred iction +C EO +Ġthro tt +ĠBrit ann +ĠMad agascar +ë ĭ +Ġbill boards +ĠRPG s +ĠBe es +complete ly +F IL +Ġdoes nt +ĠGreen berg +re ys +Ġsl ing +Ġempt ied +ĠPix ar +ĠDh arma +l uck +ingu ished +Ġend ot +Ġbab ys +05 9 +che st +r ats +Ġr idden +Ġbeet les +Ġillum inating +Ġfict itious +ĠProv incial +Ġ7 68 +Ġshe pherd +ĠR ender +Ġ18 96 +C rew +Ġmold ed +ĠXia omi +ĠSp iral +Ġdel im +Ġorgan ising +Ġho ops +ĠBe i +z hen +Ġfuck in +Ġdec ad +Ġun biased +am my +sw ing +Ġsmugg led +Ġk ios +ĠP ERSON +ĠInquis itor +Ġsnow y +Ġscrap ing +ĠBurg ess +P tr +ag ame +R W +Ġdro id +ĠL ys +ĠCass andra +Jac ob +Ġ35 4 +Ġpast ure +Ġfr anc +ĠScot ch +ĠEnd s +ĠI GF +def inition +Ġhyster ical +ĠBrown e +77 1 +Ġmobil ization +æ ķ +iqu eness +Th or +Ġspear headed +Ġembro iled +Ġconject ure +jud icial +Ch oice +Ġpaper back +P ir +Ġrec overs +ĠSur ge +ĠSh ogun +ĠPed iatrics +ãģ ł +Ġsweep s +ĠLabor atories +ĠP acks +al us +add in +Ġhead lights +g ra +Ev idence +COL OR +Ad min +Ĭ ± +Ġconco ct +s ufficient +Ġun marked +Ġrich ness +Ġdiss ertation +Ġseason ing +Ġg ib +ĠM ages +un ctions +ĠN id +che at +ĠTM Z +c itizens +ĠCatholic ism +n b +Ġdisemb ark +ĠPROG RAM +a ques +Ty ler +Or g +ĠSl ay +ĠN ero +ĠTown send +IN TON +te le +Ġmes mer +9 01 +Ġfire ball +ev idence +aff iliated +ĠFrench man +ĠAugust a +0 21 +Ġs led +Ġre used +ĠImmun ity +Ġwrest le +assemb led +Mar ia +Ġgun shots +ĠBarb ie +Ġcannabin oids +ĠTo ast +ĠK inder +IR D +Ġre juven +Ġg ore +Ġrupt ure +Ġbre aching +ĠCart oon +Ġ4 55 +ĠPale o +6 14 +Ġspe ars +ĠAm es +ab us +Mad ison +GR OUP +Ġab orted +y ah +Ġfel on +Ġcaus ation +Ġprep aid +Ġp itted +op lan +ĠShel ley +ĠRus so +ĠP agan +Ġwill fully +ĠCan aver +und rum +ĠSal ary +ĠAr paio +read er +ĠR ational +ĠOver se +ĠCa uses +Ġ* . +Ġw ob +Ke ith +ĠCons ent +man ac +77 3 +6 23 +Ġfate ful +et imes +Ġspir ited +ĠD ys +Ġhe gemony +Ġboy cot +ĠEn rique +em outh +Ġtim elines +ĠSah ara +ĠRel ax +ĠQuin cy +ĠLess ons +ĠE QU +SE A +N K +ĠCost co +Incre ase +Ġmotiv ating +ĠCh ong +am aru +ĠDiv ide +Ġped igree +ĠTasman ia +ĠPrel ude +L as +9 40 +57 4 +Ġch au +ĠSp iegel +un ic +-- > +ĠPhil ips +ĠKaf ka +Ġuphe aval +Ġsent imental +Ġsa x +ĠAk ira +ser ial +Mat rix +Ġelect ing +Ġcomment er +ĠNeb ula +ple ts +ĠNad u +ĠAd ren +Ġen shr +ĠR AND +fin ancial +ĠCly de +uther ford +Ġsign age +Ġde line +Ġphosph ate +rovers ial +f ascist +ĠV all +ĠBeth lehem +Ġfor s +Ġeng lish +S olid +N ature +Ġv a +ĠGu ests +Ġtant al +Ġauto immune +;;;;;;;; ;;;; +ĠTot ally +ĠO v +Ġdef ences +ĠCoc onut +Ġtranqu il +Ġpl oy +Ġflav ours +ĠFl ask +ãĤ¨ ãĥ« +ĠWest on +ĠVol vo +8 70 +Ġmicro phones +ver bal +R PG +Ġi ii +; } +0 28 +Ġhead lined +Ġprim ed +Ġho ard +ĠSh ad +ĠEN TER +Ġtri angular +Ġcap it +l ik +ĠAn cients +Ġl ash +Ġconv ol +Ġcolon el +en emy +G ra +Ġpub s +ut ters +Ġassign s +ĠPen et +ĠMon strous +ĠBow en +il ver +H aunted +ĠD ing +start ed +pl in +Ġcontamin ants +ĠDO E +ff en +ĠTechn ician +R y +Ġrob bers +Ġhot line +ĠGuard iola +ĠKau fman +row er +ĠDres den +ĠAl pine +E lf +Ġf mt +ĠS ard +urs es +g pu +Un ix +Ġunequiv ocally +ĠCitizens hip +qu ad +m ire +ĠS weeney +B attery +6 15 +Ġpanc akes +Ġo ats +M aps +ĠCont rast +mbuds man +ĠE PS +Ġsub committee +Ġsour cing +Ġs izing +ĠBuff er +ĠMand atory +Ġmoder ates +ĠPattern s +ĠCh ocobo +ĠZ an +ĠSTAT ES +ĠJud ging +ĠIn her +* : +Ġb il +ĠY en +Ġexh ilar +oll ower +z ers +Ġsn ug +max imum +Ġdesp icable +ĠP ACK +ĠAn nex +Ġsarcast ic +Ġlate x +Ġt amp +ĠS ao +b ah +ĠRe verend +ĠChin atown +ĠA UT +d ocumented +ĠGA BA +ĠCan aan +ĠÙ ħ +Ġgovern s +pre v +E sc +ĠEst imates +OS P +Ġendeav our +ĠCl osing +omet ime +every one +Ġwor sen +Ġsc anners +Ġdev iations +ĠRobot ics +ĠCom pton +Ġsorce rer +Ġend ogenous +Ġem ulation +ĠPier cing +ĠA ph +ĠS ocket +Ġb ould +ĠO U +ĠBorder lands +Ġ18 63 +G ordon +ĠW TO +Ġrestrict s +Ġmosa ic +Ġmel odies +ç Ħ +T ar +Ġdis son +ĠProv ides +Ġ ...... +b ek +F IX +Ġbro om +ans hip +Do ctors +Ġner ds +ĠReg ions +na issance +Ġmet e +Ġcre pt +pl ings +Ġgirlfriend s +kn it +ig ent +ow e +Ġus hered +ĠB az +M obil +4 34 +ĠPres ents +orig in +Ġins omnia +ĠA ux +4 39 +ĠCh ili +irs ch +G AME +Ġgest ation +alg ia +rom ising +$ , +c row +ĠIn spection +at omic +Rel ations +J OHN +rom an +ĠClock work +ĠBak r +m one +M ET +Ġthirst y +Ġb c +Ġfacult ies +R um +Ġnu ance +ĠD arius +ple ting +fter s +etch up +Reg istration +ĠK E +R ah +Ġpref erential +ĠL ash +ĠH H +Val id +ĠN AV +Ġstar ve +ĠG ong +z ynski +ĠAct ress +Ġw ik +Ġun accompanied +lv l +Br ide +AD S +ĠCommand o +ĠVaugh n +Wal let +Ġho pping +ĠV ie +Ġcave ats +Ġal as +if led +ab use +66 1 +Ġib n +Ġg ul +Ġrob bing +t il +IL A +Ġmit igating +Ġapt ly +Ġty rant +Ġmid day +ĠGil more +ĠDe cker +Ġ§ § +part ial +Ex actly +Ġphen otype +Ġ[+ ] +ĠP lex +ĠI ps +vers ions +Ġe book +Ġch ic +g ross +":" "},{" +ĠSur prisingly +M organ +Ġresid ues +ĠConf ederation +in feld +Ġl yr +mod erate +Ġperpend icular +V K +Ġsynchron ized +Ġrefres hed +Ġad ore +ĠTor ment +ol ina +Ġ26 00 +Item Tracker +Ġp ies +ĠF AT +ĠR HP +0 48 +ĠRES P +ĠB J +all ows +P and +Ġunw elcome +ĠV oc +ĠBast ard +ĠO W +ĠL AR +ĠHeal er +Environment al +ĠKen yan +ĠTr ance +ĠP ats +Ġali ases +ĠGar field +Ġcampaign er +Ġadvance ments +ĠOkin awa +ĠC oh +ows ky +Ġstar ved +Ġsize able +Ġ: -) +Ġm RNA +Ġsusp ensions +ist ar +Scot land +Pr in +-------------------------------- ---------------- +Ġ50 2 +Ġteasp oons +Ġ10 50 +Ġcoerc ive +ĠMason ic +edd ed +ĠPass enger +Ġl att +Ġbr aces +ĠSt eal +ĠNY T +ĠK ats +ĠCel est +ae z +T u +ĠCoul ter +ðŁ ĺ +Fl ickr +ĠWil mington +ith s +++ ; +Ġv ending +Ġneg ro +ĠPh i +ĠYellow stone +Call back +Ġsh ampoo +ĠSh ades +w at +Ġsuper human +Ġridic uled +Ġhol iest +om bo +Ġintern s +Ġh one +ĠPar agu +UR I +Ġd angling +ãĤ » +so v +ict ional +av ailability +Ġrev ocation +Ġd ow +in ic +ĠTHE IR +Ġis o +Ġout ings +ĠLeth al +Ġ) )) +Ġinacc ur +Ġout landish +Ġan us +let ico +id on +l ol +Ġun regulated +Ġsuccumb ed +Ġc uff +ĠWast eland +let al +Ġsub str +Ġcoff ers +Ġautom akers +ov i +ĠX ue +ĠDayton a +Ġjar ring +Ġf umes +Ġdisband ed +z ik +itt on +Ġstriking ly +Ġsp ores +Ad apter +.) : +ĠLynd on +ival ry +Ġor ally +Ġtumult uous +Ġdisple asure +Ġcon es +or rect +Ġappe ase +Ġder by +ĠTrip oli +ĠAl ess +Ġp oked +ĠGu ilty +v P +En ough +Ġorig inals +6 99 +Ġrabb i +Ġproverb ial +Ġpostp one +el ope +ĠMist y +Ġstaff ed +ĠUn employment +redit ary +Ġdilig ent +re comm +me asures +as in +8 25 +Ġpond s +Ġmm ol +ĠS AR +ĠC ARE +Ġ3 71 +Ġclen ched +ĠCors air +Ġcaric ature +z n +att ach +ĠSch ro +spe ak +p ainted +ĠS uc +ĠE NT +Ġcell ul +ĠP aid +di agn +WH ERE +Ġtext ed +B arn +Ġret racted +ĠRe ferred +S av +Ġup keep +Ġwork places +ĠTok ens +Ġampl ify +cl inical +Ġmult ic +mber g +Ġconvol uted +Reg ion +5 65 +ĠTop ic +Ġsn ail +Ġsal ine +Ġins urrection +ĠPet r +f orts +B AT +ĠNav ajo +Ġrud imentary +ĠLak sh +OND ON +Me asure +Ġtransform er +ĠGodd ard +Ġcoinc ides +ir in +R ex +ĠB ok +qu it +Ġshotgun s +Ġprolet arian +Ġsc orp +ĠAd a +5 14 +Ġsl ander +record ed +Ġemb ell +ris ome +Ġapolog izing +ĠMul cair +ĠGib raltar +Cl a +Ġall ot +ĠAtt ention +Ġ4 33 +le ave +Ġwh ine +ĠIss a +ĠFa ust +ĠBar ron +hen y +Ġvictim ized +J ews +Ġnurt uring +ett el +W inged +ĠSub tle +Ġflavor ful +ĠRep s +eng ed +call back +Ġdirection al +Ġcl asp +ĠDirect ions +plan et +icult ure +Hel per +ic ion +ac ia +Ġç ¥ŀ +Ġsur ges +Ġcan oe +ĠPrem iership +be en +Ġdef ied +ĠTro oper +Ġtrip od +Ġgas p +ĠE uph +ĠAd s +vern ight +high ly +R ole +Ġent angled +ĠZe it +6 18 +ĠRust y +Ġhaven s +ĠVaugh an +HA EL +ĠSER VICE +/ , +Ġstr icken +Ġdel usions +Ġb is +ĠH af +Ġgrat ification +Ġent icing +UN CH +Ad ams +ĠOL ED +ĠBeet le +Ġ18 99 +ĠSO FTWARE +ateg or +V L +ĠTot em +ĠG ators +AT URES +Ġimped ance +Reg istered +ĠC ary +ĠAer ial +on ne +en ium +Ġd red +ĠBe g +Ġconcurrent ly +Ġsuper power +ĠX an +j ew +imes ter +ĠDick inson +âĶ ģ +F la +Ġp ree +ĠRoll ins +© ¶æ +Ġden omination +ĠL ana +5 16 +Ġinc iting +sc ribed +j uries +ĠWond ers +app roximately +Ġsusp ending +Ġmountain ous +ĠL augh +oid al +N s +Det ect +) = +ĠL uthor +ĠSchwarz enegger +ĠMull er +ĠDev i +ec ycle +J ar +6 13 +ĠL ongh +B ah +ĠSP ORTS +n w +Ġref inement +Ġwater ways +Ġd iner +Bl ade +68 3 +F ac +Ġinitial s +Ġro g +Ġparan ormal +B UT +Ġ[ ( +ĠSw anson +ĠM esh +âĸ ¬ +Impro ve +ĠRad iation +ĠEst her +ĠE sk +ĠA ly +ik y +Ġir rad +ĠBuck ingham +Ġref ill +Ġ. _ +Re pe +CON CLUS +Ġdifferent iated +Ġchi rop +ĠAt kins +Pat tern +Ġexc ise +Ġcab al +N SA +ĠST A +ĠS IL +ĠPar aly +Ġr ye +ĠHow ell +ĠCount down +ness es +alys ed +Ġres ize +ãĤ ½ +Ġbudget ary +ĠStr as +w ang +Ġap iece +Ġprecinct s +Ġpe ach +Ġsky line +Ġ35 3 +pop ular +App earances +ĠMechan ics +ĠDev Online +S ullivan +Z en +Ġp u +op olis +5 44 +Ġde form +Ġcounter act +ĠL ange +Ġ4 17 +Con sole +77 4 +Ġnodd ing +Ġpopul ism +Ġhe p +Ġcoun selling +compl iance +U FF +Ġunden iably +Ġrail ing +ĠHor owitz +ĠSim one +ĠBung ie +Ġa k +ĠTal ks +x ff +fl ake +Cr ash +Ġsweat y +Ġban quet +ĠOFF IC +Ġinvent ive +Ġastron omer +ĠStam ford +ĠSc are +ĠGRE EN +olic ited +Ġr usher +Ġcent rist +ight ing +Ġsub class +Ġdis av +Ġdef und +ĠN anto +oci ate +m ast +Ġpac if +Ġm end +e ers +imm igration +ESS ION +Ġnumber ing +Ġlaugh able +ĠEnd ed +v iation +em ark +P itt +Ġmetic ulous +ĠL F +Ġcongrat ulated +ĠBir ch +Ġsway ed +Ġsemif inals +Ġhum ankind +m atter +ĠEqu ip +opa usal +S aid +ĠLay out +Ġvo icing +Ġth ug +Ġporn ographic +I PS +Ġmo aning +Ġgriev ance +Ġconf essions +esc al +TEXT URE +Aut hent +os aurus +P urchase +Ġreleg ation +al ter +ĠÂł Âł +Ġr iddled +Ġo gre +ĠLow ell +Occ up +E at +ĠHy der +ĠAdvis er +Com merce +H unt +ĠOr th +ĠComp etitive +ĠCL A +CD C +Ġsal ads +F le +Ġindustrial ized +` , +ĠO WN +Ġbec k +ĠPart icularly +oub t +Ġm M +ĠHuss ain +ĠChen nai +Ġ9 20 +Ġappoint ing +ĠCull en +,,,, ,,,, +Ġp ores +ver ified +Ġbi ochemical +em ate +Ġcoward ly +ĠHels inki +ĠEthiop ian +S OURCE +ER C +est ro +Ġbi otech +ĠS our +Ġbrew er +Bloom berg +Ġintens ify +Gl ass +an co +ĠF DR +gre SQL +ĠF ires +©¶æ ¥µ +ec o +100 1 +ĠHom eless +Ġinstant aneous +ĠH aste +ig el +D iamond +Ġp aving +Ġland fill +Ġd ads +h oun +: ] +Ġinc endiary +ĠLiving ston +ĠHil bert +ĠChe cks +st yles +in ators +ĠCl ive +ph rine +Ġchimpan zees +Ġp all +ĠJ M +ĠAad haar +ð Ŀ +Ġachie vable +dis abled +P ET +OOOO OOOO +M ot +Ġint angible +Ġbal let +ĠWe bs +ĠEst imated +Effect s +Ġb ailed +Josh ua +Ġturb ulence +Ġoccup ant +ĠDay light +Ġ36 1 +me et +Ġstat ically +Ġon look +Ġk i +il legal +Ġvel vet +Ġdehyd ration +Ġacqu ies +ĠRe z +ak ura +ĠU pton +at ro +Ġincomp rehensible +Ġback door +ĠRh ino +7 27 +Ġmath s +) + +Ġhe resy +Ġd f +ĠRoc he +ĠL ydia +Ġpanc reat +re ply +arre ll +Ġsolicit ation +Ġcirc adian +BI P +Ġfor ay +Ġcrypt ic +iz u +ime o +ĠTom ato +ĠH oms +ex amination +Ġqu arry +ĠVal iant +ĠJer icho +ĠIN CLUD +Ġ18 40 +5 19 +Ġres ists +Ġsnap shots +ĠSp ur +ĠAnt iqu +Log in +Ġbest selling +Ġant ic +ĠS utherland +ãĤ¢ ãĥ« +Ġ~ / +ĠP arm +è ĥ +P ages +int ensity +Ġimm obil +Ġ18 65 +zz o +Ġn ifty +Ġf entanyl +ĠPres ervation +op hen +Ġd arts +ĠD inosaur +po inters +ĠR ite +s uggest +aware ness +ĠSher idan +Ġst ances +Ġsor cery +Ġper jury +ĠNik ola +ie ver +Ġf iance +ĠJordan ian +ĠBall oon +Ġn ab +Ġk b +Ġhuman ities +ĠTan aka +hill ary +Ġconsult ancy +ĠZ ub +Ġrem ission +Ġconf id +CH Q +ĠF ug +Ġimpro vis +Y ep +/ _ +Ġunwilling ness +Ġport folios +05 5 +ĠInstruct or +aim an +Ġclaim ants +M bps +ĠBy e +re ceived +T weet +Ġind emn +ri z +am ara +N at +Ġeval uates +ĠL ur +ep ad +FO X +ĠTh ro +Ġrust y +Ġbed rock +ĠOp rah +J B +Ġmanip ulative +Ġwill ful +Ġrel apse +Ġext ant +The me +S ensor +ĠSt ability +go vern +Ġpo ppy +Ġkn ack +Ġins ulated +ĠT ile +ĠExt rem +Ġunt old +Ġconver ge +Ġref uel +ig roup +Ġdistort ions +Ġrav aged +Ġmechan ically +ĠRe illy +ĠN ose +ĠIncarn ation +ĠBeck y +abb ling +Ġt aco +Ġr ake +Ġmelanch oly +Ġillust rious +ĠDart mouth +Gu ide +ĠR azer +ĠBen z +Ult imate +ĠSur prise +Ġpage ant +off er +Who ever +Ġw iser +Ġchem ist +ĠHE LL +ĠBul k +Ġpl utonium +ĠCO VER +Ö ¼ +f ailed +Ġtire lessly +Ġinf ertility +ĠTr ident +ĠShow time +ĠC iv +V ice +requ ires +itt ance +Ġun controlled +interest ing +56 1 +Ġinnov ate +ateg ic +L ie +ĠS elling +U l +Ġsav ior +ĠT osh +Ġsw ast +P ASS +Ġr ink +Ġcard io +ĠI ro +ud i +Ġv antage +Ġv ans +ĠNi ño ++ = +Ġpropag ate +< ? +Ġmethod ological +204 39 +Ġtrig lycer +Ġing rained +ĠAn notations +arr anted +6 17 +ĠS odium +ĠA AC +techn ical +mult ipl +Ġ3 73 +å ĭ +Ġdec isively +Ġboost ers +Ġdessert s +ĠGren ade +Ġtest ifying +ĠSc ully +ID s +Ġlock down +ĠSc her +ĠR é +ĠWhit man +ĠRams ay +rem ote +Ġh ikers +ĠHy undai +Ġcons cientious +Ġcler ics +ĠSiber ian +ut i +is bury +Ġrel ayed +Ġqu artz +ĠC BI +seek ers +ull a +Ġweld ing +ĠSh al +ble acher +T ai +ĠSam son +Ġt umble +ĠInvest or +Ġsub contract +ĠShin ra +ow icz +j andro +d ad +Ġtermin ating +ĠNe ural +ä» £ +Ġleak age +ĠMid lands +ĠCaucas us +í ķ +c it +ll an +iv ably +ĠAlb ion +Ġ4 57 +Ġregist rations +Ġcomr ade +Ġclip board +0 47 +Ġdiscour aging +ĠO ops +Ad apt +Ġem path +n v +ĠPR OT +ĠDon n +ĠP ax +ĠB ayer +t is +Squ are +Ġfoot prints +part icip +ĠChile an +B rend +ind ucing +M agn +Ġclub house +ĠMagn um +Ġenc amp +ĠEth nic +uch a +ere y +Ġw atered +ĠCal ais +Ġcomplex ion +Ġsect s +Ġren ters +Ġbr as +oÄŁ an +Time out +Man agement +Ġinf ographic +P okemon +Cl ar +Ġloc ality +Ġfl ora +as el +P ont +Ġpop ulate +ĠO ng +Ġsubs istence +Ġa uctions +ĠMcA uliffe +ĠL OOK +br inger +Ġtit an +Ġmanif old +ĠâĹ ı +Ġcalibr ated +Ġcal iphate +ĠSH E +ĠCommission ers +ce ivable +j c +W inner +5 24 +Ġcond one +Other wise +Ġp iling +Ġem body +ĠCrime an +ut ics +ĠEx hibition +Ġ4 26 +e ering +Ġv ying +ĠH UGE +* =- +Ġprin cipled +à ¦ +Ġquir ks +ĠEdit ors +put ing +G ES +ĠF TA +ठ¾ +add on +ĠH AM +ĠFrie za +W oman +. $ +Ġc rib +ĠHer od +Ġtim ers +ĠSp aces +ĠMac intosh +at aka +Ġgl ide +Ġsmell ing +ĠB AL +Ġun su +Ġcond os +Ġbicy cl +ĠRev ival +55 3 +Ġjugg ling +H ug +ĠKardash ian +ĠBalk ans +mult iple +Ġnutrit ious +oc ry +19 00 +Ġinteg rates +Ġad joining +ĠF older +roll ment +ven ient +Ġu ber +y i +Ġwh iff +ĠJu ven +ĠB orough +net te +Ġb ilingual +ĠSp arks +ph thal +man ufact +Ġt outing +ĠPH I +Ke efe +Rew ard +Ġinf all +ĠTem per +typ ically +ĠNik ol +Ġregular s +Ġpseud onym +Ġexhib itions +Ġbl aster +Ġ40 9 +w arming +Ġrever ber +Ġrecip rocal +Ġ6 70 +ip ient +b ett +ĠBe gins +Ġit ching +ĠPh ar +Ass uming +Ġem itting +ĠML G +Ġbirth place +Ġt aunt +ĠL uffy +ĠAm it +Ġcir cled +ĠN ost +enn ett +Ġde forestation +ĠHist orically +ĠEvery day +Ġovert ake +79 2 +Ġn un +ĠLuc ia +Ġaccompan ies +ĠSe eking +ĠTr ash +an ism +R ogue +Ġnorth western +ĠSupplement al +ĠNY U +ĠF RI +ĠSat isf +x es +5 17 +Ġreass ured +Ġspor adic +Ġ7 01 +Ġmed ial +Ġcannabin oid +Ġbarbar ic +Ġep is +ĠExplos ive +ĠD ough +Ġuns olved +Support ed +Ġacknowled gment +sp awn +Ġkit chens +Ġ- = +talk ing +ic ist +ĠPeg asus +ĠPS U +Ġphot on +ĠAuthent ication +R G +@# & +76 2 +ĠCl air +Ġdi aper +Ġbr ist +ĠProsecut ors +ĠJ em +6 28 +ĠEvery where +ĠJean ne +equ ality +ãĥ© ãĥ³ +object s +ĠPel icans +Ġ39 2 +Ġbl u +b ys +ĠA go +Ġinstruction al +Ġdiscrim inating +ĠTR AN +ĠCorn el +ag os +Ġty re +Ġas piration +ĠBrid gewater +": - +! ". +ĠEn s +ĠCoc o +P ie +Ġdet ach +ĠC ouch +Ġphys ique +ĠOccup ations +osc opic +en ough +B uzz +App earance +Y P +Ġrac er +Ġcompl icity +r pm +T oy +Ġinterrupt s +ĠCat alyst +Ġut ilitarian +imp act +Ġsp aghetti +Ġp orous +Ġeste emed +Ġinc iner +ĠI OC +7 48 +Ġesp resso +ĠSm ile +abil ia +6 35 +Ġmathematic ian +Ġ4 24 +ĠK L +ĠH IP +Ġover heard +ĠT ud +ĠT ec +Ġqu izz +Ġfl attering +Ġcon n +âĢ İ +Ġatt aches +ĠR OS +ĠAC S +Ġt cp +ĠSh ame +sk ip +res pected +ĠTrin idad +gr ain +Ġfooth old +ĠUnch arted +ĠJul io +z l +av ored +ĠAn xiety +er rors +ĠCent auri +its ch +D addy +Ġclutch ing +ĠIm plement +ĠGut ierrez +Ġ7 60 +Ġtele portation +end ra +Ġrevers ible +st ros +Ad venture +08 3 +Ġliber ating +Ġas phalt +ĠSp end +AR DS +im sy +PR ES +ĠEmer ging +Ġwild fires +Ġtechn ologically +Ġem its +ĠART ICLE +Ġirregular ities +Ġcher ish +çī Ī +Ġst ink +ĠR ost +Econom ic +Ġcough ing +ĠMcC ann +pro perties +ilant ro +Ġreneg oti +Trans lation +Ġin quest +ĠGra pe +oot ers +gu i +ĠSwords man +ace ae +h itting +Ġr c +Ġexert ed +ĠS AP +it ent +Ġperil ous +Ġobsc urity +Ġassass inate +Ġab original +Ġresc uing +ĠSh attered +lock ing +all ion +Ch anging +ĠHar rington +ĠB ord +ĠAfgh ans +Jam ie +aret z +ĠAugust us +Ġ38 6 +8 30 +Ġj og +ok ingly +Tr igger +ĠH OR +Stat istics +Ġviewers hip +Ġadd itives +h ur +Ġmaxim izing +ĠR ove +ĠLou ie +ĠBuck et +ĠCHR IST +ou sel +Ġstre aks +ir ted +Ġt ert +Ġcolonial ism +Ġbur ying +y k +Cond ition +ĠDPR K +By Id +75 1 +âĹ ¼ +Ġwor risome +Ġvoc ational +sl ice +Ġsa ils +ĠCorrection al +95 4 +Ġt ul +K id +l uster +Ġfam ilial +ĠSp it +ĠEp iscopal +Specific ally +ĠVol cano +run s +q s +Ġve tted +Ġcram med +t rop +here r +Thank fully +Ġper cussion +Ġor anges +Ġround up +Ġ4 99 +x ious +Char acters +ĠZion ism +ĠR ao +ÃĽ ÃĽ +W F +Ġunintention al +ONE Y +Gr ab +Com mercial +Ġglut amate +ĠMcK enna +ru ciating +ning ton +ih u +Ch an +ĠSw ap +Ġleaf lets +Ġfunction ally +er ous +F arm +Ġcal oric +ĠLiter ally +con cert +Ġshe nan +Ġrep aid +ey es +Ġbas hing +ĠG orge +Ġcollabor ations +Ġun account +itch ie +Ġteam work +pp elin +Ġpip ing +Ġmin ced +Ġd iam +ri eg +Ġmasc ara +Ġsuck er +ĠMo ons +App s +ĠPe ck +Ġper v +ĠFl oat +o ley +ĠN ish +im ize +Ġarom atic +u in +end ish +! / +ĠB icycle +ĠAS IC +ile ged +ĠQuad ro +ios yn +Ġlock out +ĠW ink +SP EC +Attempt s +Ġseed ed +red o +ias is +Ġsn ag +ãĥķ ãĤ© +ãĤ ¶ +Ġground ing +Ġrelie ver +Ġfrivol ous +ĠG ifts +ĠF aces +Es pecially +Ġmicrobi ome +im ag +ĠSch l +ĠP les +ĠBle ach +ĠIr win +ĠE aton +ĠDisc iple +Ġmultipl ication +Ġcoer ced +Ġ4 19 +st h +E vil +B omb +Ġex orc +Ġstag gered +L ESS +Ġinert ia +ĠED IT +Ġgo b +Tr aditional +Ġclass y +Lear y +ĠP AGE +yr s +Ġtrans porter +Ġmat ured +Ġhij ab +Ġbi ome +Where as +Ġex termination +ĠT ues +ĠT akeru +ĠAud rey +er ial +ĠAd en +aff les +Ġnarciss istic +ĠB aird +UT F +I re +ĠCon nie +Ch amp +Ġwhis pering +ĠH att +D K +Ġdis infect +Ġdeduct ed +Ġpart ake +Ġdown grade +ĠEs ports +ĠContin uing +Ġdemocr atically +icro bial +itt a +Ġlim estone +Ġexempt ed +ĠFren zy +H erm +7 28 +Ġfled gling +Met a +765 61 +69 3 +% : +w ake +5 26 +ĠDis cipline +Ġvirgin ity +ĠLeg ions +ĠFrank ie +int ent +Ġrest rooms +ĠRou ter +da q +Ġobjection able +âĨ ij +w ark +ĠRah ul +g ain +activ ation +abs olute +ĠAccess ed +Ġ24 00 +ogg les +Ġsecond ly +ĠDEF ENSE +Ġpost age +wra pper +sh arp +7 29 +Ġcommun icates +Ġadd on +ĠMil itia +H ong +Ġsl umped +ĠJP EG +ĠI car +ad ish +68 1 +Ġmaj esty +ĠWolf gang +ĠEl astic +u per +Ġv iz +Ġunconscious ly +ĠST D +ĠS ass +Ġflower ing +ĠHel ic +ĠDra per +ĠAm ateur +Ġman ure +Ġdis ingen +ĠLe i +br ing +9 49 +Ġinhib ited +Ġhead quartered +Ġen igmatic +�� � +Ġred ress +R H +Ġratt led +Ġd iction +l io +ĠT BA +ĠSN AP +C alling +Ġfasc ists +ĠD ove +iew icz +0 36 +Ġco asts +ĠR ect +Ġ) ] +L ot +6 29 +ĠS EM +ĠPeters en +ĠExpl ain +ĠBo ards +ĠBe zos +ĠJ ournals +Ġ20 24 +p arser +Ġmist rust +Ġgr ate +ĠL ocked +bo a +S aint +g aming +Ġvow el +in ately +bl ow +All ah +Ġun matched +Ġb ordering +ĠExp end +n r +Or acle +rou ch +Ġcont iguous +ac us +Ġdist raught +58 1 +Ġanat omical +O X +ap ixel +8 33 +ĠPL US +Ġres usc +Ġab iding +57 3 +Ġvac ancies +Em ily +Ġhyp othal +ĠWer ner +ĠWe e +ĠDJ s +5 13 +Ġwitch craft +Ġac upuncture +ent ary +benef it +Product s +ĠP SP +ĠMP G +ĠJ inn +ĠJ arrett +Ġ4 45 +ĠIm aging +ĠP yth +Fin ish +Ġte x +Ġjuven iles +Ġhero ism +Ġdoubt less +ĠA ki +ĠT end +ĠPatri arch +Ġbit ters +ĠTele communications +it atively +ag na +Ġr g +ĠS OLD +Ġcomp ulsion +ĠN asa +ĠKath ryn +Ġmillion aires +Ġintrins ically +Ġbolst ered +time out +fl o +Ġtut or +p our +Stat ement +Ġ{ * +ĠRud olph +ĠKimber ly +rog ens +adi q +] + +Ġindign ation +Ġfract uring +ĠRe leases +ĠGr ain +pro tein +L ago +Ġvac ations +Ġboot ed +ĠTH REE +ĠH G +oresc ence +Ġt f +Ġso ar +iosyn cr +Ġgl ances +ĠSp oon +ĠJ ury +ĠCow boy +Ġcreat ively +Hig her +Ġsolic itor +Ġhaw k +ac io +89 6 +Ġsuperf lu +Ġbombs hell +ct ure +Ġbroker age +Ġraid ing +Ġf rench +Ġang led +Trans action +ĠGen ocide +u pe +ĠHait ian +57 2 +! : +Ġunwitting ly +iter ator +sc roll +Ġtall ied +Ġbi omedical +ĠC ARD +Ġe uphem +Ġbrain storm +a quin +K o +Mic helle +ĠR unes +ĠBall istic +ud ers +Ġmod esty +ĠiP ads +ĠEzek iel +Y E +Ġstars hip +Ġpower fully +Ġper l +ĠSh ade +ĠQu art +ĠE EG +Ġfisher man +OS ED +ĠTyp ical +df x +Ġmes hes +Ġet ched +worth iness +Ġtopp led +Ġ3 96 +or ius +We iss +Ġmy sql +ĠVal halla +Ù Ĵ +le asing +Ġrec omp +rap nel +S el +04 3 +Ġder ailed +ĠGu ides +IR T +Ġde human +ĠBritt any +" )) +Ġex claim +Ġb alk +Ġ8 40 +CLA IM +int el +L AB +Ġpe gged +Ġast roph +sm oking +Ġrig ging +Ġfix ation +Ġcat apult +ins ide +ĠC ascade +ĠBolshe vik +G aza +Dep th +Ġloud spe +Ġalmond s +me yer +l eness +j en +f resh +Ġunbeat en +ĠSqu id +ĠPres umably +Tim er +B W +Ġro sters +Ġell ipt +ĠHar riet +dat abase +ĠMut ual +ĠComm odore +uk ed +kn ife +ĠCOMM UN +h ya +Ġmel ts +arch ives +Ġrat ification +Ġmultip lying +Ġinter oper +Ġasc ert +w ings +ver ting +ĠScorp ion +ay e +ĠPorts mouth +ĠM TA +n it +iaz ep +Ġqu arantine +Ġslides how +Ġcent imeters +Ġsyn opsis +Ġsp ate +th irst +Ġnom inating +ĠMel vin +Pre view +Ġthro b +Ġgener ational +ĠRad ius +rest ling +put able +aw ar +N ECT +Ġunlaw fully +ĠRevel ations +Wik ipedia +sur v +Ġeye ing +ij n +ĠF W +Ġbr unt +Ġinter stellar +Ġcl itor +ĠCroat ian +ĠCh ic +ev a +ĠDis app +ĠA kin +iner ies +d ust +Interest ed +Ġgen esis +ĠE ucl +ö n +p icking +Ġmut ated +Ġdisappro ve +ĠHD L +Ġ6 25 +Ì ¶ +c ancer +Ġsqu ats +Ġle vers +Disc uss += ] +D ex +ĠVIDE OS +A UD +Ġtrans act +ĠKin ect +ĠK uala +ĠC yp +7 47 +Ġsh attering +Ġarsen ic +ĠInt ake +ĠAngel o +ĠQu it +ĠK he +Ġ18 93 +M aker +0 29 +ĠPain ting +Dis able +9 16 +Ġanal ges +Ġtact ile +Ġprop hes +Ġd iced +ĠTravel s +ĠHe ader +ĠClub s +Ass istant +Ġinc rim +Ġd ips +Ġcruc ifix +ĠShan ahan +ĠInter pret +Ġ40 90 +al ogy +abb a +Ġsimul ac +hus band +S IM +Ġrecy cle +uc er +ed ged +Ġre naissance +ĠBomb ay +Cath olic +ĠL INE +ĠCl othing +re ports +Ġpl aus +Ġd ag +ĠM ace +Z I +Ġintr uder +ĠVeter inary +g ru +Ġsne aky +ĠS ie +ĠC innamon +P OSE +Ġcou rier +ĠC NS +Ġemanc ipation +s it +Ġplay through +ĠFac ilities +v irt +ĠG auntlet +Thom pson +Ġunbeliev ably +Param eters +Ġst itching +ign e +ĠTH ESE +Priv acy +Ġshenan igans +Ġvit ri +ĠVal id +59 1 +Ń · +ĠProt otype +ink a +SC P +ĠT id +è Ī +old ed +Ġindividual ity +Ġbark ing +Ġm ars +ĠW D +Ġ8 20 +Ġt ir +Ġsl apping +Ġdisgr untled +ĠAng ola +ri us +ĠTorn ado +ĠTh urs +Ġcapt cha +Ġang st +ĠP og +ĠAssass ins +ĠAd idas +Ġjoy ful +Ġwh ining +Emer gency +Ġphosph orus +Ġatt rition +oph on +ĠTimber wolves +ĠJ ah +ĠBr inging +ĠW ad +ĠEn sure +oh l +ĠX ie +omm el +c mp +Ġz ipper +Ġrel at +ĠCor ridor +m ilo +T ING +Av g +Ġcro pped +] } +Ġr aged +ĠLump ur +ĠGuer rero +our ke +N ut +Ġoff sets +og lu +dr m +Ġmort als +lat able +Ġdismiss ive +ä¸ ī +Ġthro ats +Ġchips et +ĠSpot light +Catal og +art ist +G b +Ġch illy +Ġst oked +Ġ3 74 +W ard +L atin +Ġf iasco +Ġble ach +Ġb rav +Enh anced +Ġin oc +ĠFior ina +_ > +Ġle ukemia +Ġel uc +Ġannoun cer +ĠLith uan +ĠArm ageddon +å ĩ +Len in +ĠR uk +Ġpe pp +ĠRom antic +ĠP IT +ĠInter stellar +ĠAt kinson +R aid +J s +Go al +C ourse +Ġvan ishing +es ley +ĠR ounds +Els a +59 3 +Ġredund ancy +ĠST AND +Ġprop hetic +Ġhabit able +ry u +Ġfaint ly +M ODE +Ġfl anked +IR C +Aw esome +Ġsp urious +ĠZ ah +ĠMS G +Ġsh ading +Ġmotiv ational +ĠSant ana +ĠS PR +Ġexc ruciating +om ial +ĠM iko +ĠLe opard +A byss +Ġ[ | +d irty +Ġbath s +Ġdem oral +and re +P B +Ġun ification +Ġsac rament +Ġ[ & +Ġpric eless +Ġgel atin +Ġeman ating +ĠAll aah +98 6 +Ġout burst +Ġer as +ĠX VI +ĠSP I +O tt +ĠLaz arus +PL IED +F lying +blog s +W isconsin +R aven +Ġreb ate +Ġcreep s +ĠSp an +ĠPain ter +ĠKir a +ĠAm os +ĠCor vette +Cons umer +ĠRec over +ck i +Ġpes ky +ĠIn vention +Compan ies +Ġchalleng ers +ad emic +ĠUkrain ians +ĠNeuro log +ĠFors aken +Ġent rants +Ġemb attled +Ġdef unct +ĠGlac ier +Ġpo isons +ĠH orses +m akes +ĠD irt +Ġ4 23 +hh h +ĠTrans formation +QUI RE +................ .. +Ġtrave ller +ĠSe xy +ĠK ern +ip olar +Ġransom ware +oooooooo oooooooo +E c +rub y +Prof essional +ĠOut break +arg ument +G rey +ĠFif a +ĠCH O +ĠFOR M +ĠAm trak +- [ +Ġcr adle +Ġantioxid ants +ãģ®å ® +7 36 +ĠNAS L +ĠContribut ions +Ind iana +ĠST EP +C SS +Ġsal ient +Ġall ocations +yr ights +Ġm ashed +ĠCut ter +Sex ual +Ġp ounded +Ġfan base +Ġc asc +ĠTrans parency +Ġanaly tic +ĠSummon er +× ŀ +ĠAD C +det ail +Ġvan quished +Ġcr abs +ar ie +Dest roy +ĠS ack +Ġtrans istor +Al abama +ĠK oen +ĠFisher ies +c one +Ġannex ed +ĠM GM +es a +Ġf aked +ĠCong ratulations +Ġhind ered +Ġcorrection al +ĠI TV +lee ve +Ġin appropriately +lic ks +Ġtresp ass +Ġp aws +Ġnegoti ator +ĠChrist ensen +lim its +ĠDian ne +Ġeleg ance +ĠContract s +an ke +Ob j +Ġvigil ance +Ġcast les +ĠN AD +ĠHol o +Ġemph atically +ĠTit us +ĠServ ing +ĠRich ie +ĠP igs +5 68 +Ġanim osity +ĠAtt ributes +ĠU riel +M Q +my ra +ĠApplic ant +Ġpsychiat rists +ĠV ij +ĠAb by +ag ree +P ush +Ġk Wh +hib a +Ġinc ite +ĠWe asley +ĠTax i +minist ic +hy per +ĠF arn +Ġ6 01 +ĠNation wide +F ake +95 2 +Ġma ize +Ġinteract ed +Ġtransition ed +Ġparas itic +Ġharm onic +Ġdec aying +Ġbas eless +ns ics +Ġtrans pired +Ġabund antly +ĠFore nsic +Ġtread mill +ĠJ av +ab and +Ġssh d +Ġfront man +ĠJak arta +oll er +dro ps +ĠSERV ICES +rompt u +oph ical +h ospital +bled on +6 45 +Ġmid range +ĠEV ENT +cul ated +raw led +Ġper ched +Ġover board +ĠPe el +ĠP wr +ĠCar th +ĠCOM PLE +co e +sh all +Ġdeter rence +M ETHOD +ĠAbs ent +M EN +Ġs ill +ĠLE VEL +Y ork +Ġsin ners +ĠOP EC +ĠN ur +ĠDesign s +se lection +Ġunw orthy +CH A +Ġstreng thens +88 3 +ed ly +Ġslic ing +Ġmal nutrition +Ġfilm making +ĠPol k +ur ated +Ġ4 21 +bre akers +!' " +Ġwet lands +ĠDisc rimination +Ġallow able +Ġste ered +ĠSic ily +S AM +Ġmust ache +Ġm ids +Ġcl ipped +Ġcirc ulate +Ġbr ittle +ĠBuild ings +ra ised +ĠRound up +Ġwealth ier +Ġoverw rite +Ġover powered +ĠGerr ard +s ites +PD ATED +Ġacute ly +ĠGam ble +Ġp im +ĠK us +Typ ically +De ploy +ĠMoroc can +p otion +com be +Ġvigil ante +Ġ36 3 +St ew +ĠB agg +Ġres ided +ĠSp o +Ġrem nant +Ġempt iness +br ainer +Ġout patient +pri ority +Ġle ptin +ĠPay ton +ĠGle aming +ĠS hed +ĠPol o +ĠMormon ism +rest ricted +arl ane +w x +Ġcreat ine +ĠAn on +ĠST UD +ĠJ UL +ĠT ee +5 28 +08 9 +Ġhat ched +Dis patch +ĠCompos ite +Ġ45 1 +p uff +ĠX COM +ĠOr n +ĠTH ANK +END ED +ĠAshe ville +Ġà ľ +Ġman go +ĠS lightly +world ly +ĠW ander +ĠExp and +ĠCh r +M ist +Ġorthodox y +ĠUN ESCO +reg ate +Else where +k ie +ir led +Ġtopp le +Ġadopt ive +ĠLeg s +d ress +ĠS agan +b are +ĠGl ou +Cr unch +Ġhelp ers +Ġchron ically +ĠH uma +1 0000 +Ġaccommod ating +äº Ķ +Ġwrink les +Ġdod ged +four th +Ġpre con +Ġcompress or +ĠK are +Ġev ict +ĠWar wick +im ar +Ġmodern ization +Ġband wagon +Ġref uted +Ġnet ted +ĠNa ples +ĠGen ie +per ors +Ġfield ed +Ġde re +ĠPar ables +le es +Ġtr out +asp ers +Ġn ihil +Ġhapp iest +Ġflo ppy +ĠLo ft +ĠHe ard +Ġun ison +Ġl ug +ĠRed mond +class ic +Supp orters +SH IP +G MT +Ġfue lled +ç IJ +Ġd d +ĠEmin em +Ġ18 97 +NY SE +Ġsecret aries +ĠF IA +ĠCanaver al +F avorite +Ġp omp +Ġdetain ee +ers hip +aim on +i our +ĠA pex +Ġplant ations +am ia +ac ion +R ust +Ġtow ed +ĠTru ly +5 77 +Ġshel tered +r ider +W o +Ġl air +ĠInt elligent +impro ve +m atically +Ġet iquette +ad ra +all o +ĠJun o +any thing +ĠStru ggle +ĠPred ict +ĠGr imes +ĠAMER ICA +ct x +ĠSit uation +W OOD +Ġsol uble +me ier +Ġintoler able +ang ering +Ġun interrupted +Ġtool tip +Ġinterrog ated +Ġgun ned +ĠSne ak +æŃ ¦ +Ġt ether +Ġcr umble +L ens +Ġclust ered +ĠSy l +ĠHas an +Ġdystop ian +w ana +Ġjoy stick +ĠTh ib +amm u +Tom orrow +5 46 +Ġoverc ame +Ġminim ized +cept or +Run ner +ENG TH +ĠBrend a +ĠAchieve ments +Ġtor ches +Ġrapp ort +ĠInvestig ator +ĠHand ling +rel ation +g rey +8 15 +Ġk cal +ĠComm ands +d q +Ġcur ls +Ġbe arer +Ġcyn icism +it ri +ĠUse ful +B ee +D CS +Ġab ras +P ract +BIL ITIES +7 12 +Ġdebug ger +Ġdebt or +ĠL ia +ĠK ers +Ġexacerb ate +ĠSt acy +ĠB land +ĠSc enes +Ġbranch ing +âĸĪâĸĪâĸĪâĸĪ âĸĪâĸĪâĸĪâĸĪ +ape ake +Ġs alsa +Ġmish and +ĠKon ami +ĠN ib +Ġanecd ote +Ġagree able +Ï ī +ĠNath aniel +ĠHe isman +ĠB eware +Ġ18 86 +spect ive +69 1 +5 22 +Ġinhib its +Ġhas hing +Ġ18 89 +å° Ĩ +v ich +P ure +Ġsolid ly +Ġaspir in +im aru +Ġstreet car +ĠU CS +ĠJ udd +Ġflash backs +p ins +Ġ14 40 +ĠUN HCR +ĠSym ptoms +T IT +5 38 +F ra +% ); +Ġo oz +Ġcur few +Ġcal med +Ġparticip ates +Te X +Ġnons ensical +Ġfull back +ĠDe L +mon key +h ari +Ġmetabol ites +Ġloot ed +ĠAL WAYS +ĠB CC +L t +oc het +B one +Ġveto ed +Ġg cc +ĠCL ICK +Ġ18 88 +s af +Ġstiff ness +Ġlow ly +ĠGe h +vers on +ors et +Ġun foreseen +Ġan esthesia +ĠOpt ical +Ġrecon structed +ĠT up +sh ows +NEW S +ĠNewsp aper +ĠA SA +ter a +N umbers +Ġinexpl icable +× ij +Ġhard ness +unt arily +ĠA cer +grad ient +ARD IS +Ġwood land +Ġmetaph ors +ĠWem bley +ĠPa vel +phil is +Ġre writing +Ġpercept ual +Ġ10 70 +worm s +ĠDown s +Ġunsur prisingly +Ġtag ging +fl ame +Ġlit res +Ġboun ces +ĠB abe +sh ut +Ġoverd oses +ĠShe ila +ĠCh au +ĠBl ess +Capt ure +ĠSign ificant +ĠSc ion +Ġ38 9 +ĠMc H +ĠTitan ium +ĠMe al +amed a +ag ents +agg ressive +B illy +76 3 +ĠS aying +DER R +it one +Coll ins +B ound +Ġbol ted +ĠDM CA +95 3 +Ġun iqueness +Ġep igen +un ci +ant am +Ġreck oning +ch airs +OG R +ĠSen egal +Ġ18 62 +re levant +Ġ ¯ +Ġpharm acies +ĠG eral +v ier +Y an +OR PG +Ġrab id +b ending +ĠUN ITED +Ġ4 65 +As sembly +Ġwe ep +Ġbe hest +ĠMother s +ĠJ ace +h id +Ġwh irlwind +ĠUN IVERS +Ġut opian +Ġkidn ap +Ph ilipp +K in +89 3 +Ġlivest ream +ĠM ISS +Ġsub versive +ĠTechn iques +ĠJUST ICE +ĠB ASE +Ġ38 7 +Ġassail ants +ĠHard core +Ġsprink led +ĠP se +é ļ +print ed +ĠH au +OR GE +ĠT OUR +Ġl aced +Ġit ch +G iving +Ġport ed +78 1 +//////////////// //////////////// +bre eding +Ġlog ger +ĠH OL +inn ie +First ly +Ġembry onic +Ġdeleg ated +p ai +O IL +Ġcentr ally +ĠR x +ĠSc outing +D utch +Ġhe reditary +ĠCru iser +s at +5 29 +ĠMar riott +other mal +Ġprohib itions +E arn +ĠSt ab +ĠColleg es +ĠBel ief +st retched +ĠL H +ĠEntity Item +C IA +Ġun rem +Ġlaure ate +Ġdenomin ations +sum mary +h ler +S pect +ĠK laus +ĠBe ans +Ġins ur +ĠPA X +Ġfield er +ĠV et +ĠSp arrow +z ie +ĠS Q +ĠMond ays +ĠOff line +ĠLer ner +ĠExt ensions +Ire land +Ġpatron age +Ġcontrast ed +ĠMan ia +h irt +Mos cow +Ġcondem ns +ĠAn ge +Ġcomp osing +ĠPe pe +ĠP addock +Ġheter ogeneity +Ġide ologically +Ġf ishes +Ġcur sing +ĠR utherford +ĠFlo ating +ĠAm elia +Te a +Syn opsis +Ġstun ts +Ġbe ad +Ġstock ing +ĠM ILL +ob ook +mass ive +\ < +Ġh ump +ĠPref erences +Engine Debug +ge ist +ĠNiet o +ome ver +ish y +eval uate +col onial +Altern ative +ĠGo Pro +ĠV ortex +ĠNET WORK +ans ky +Sec ure +ĠTh rust +Sn ake +Ġparcel s +Ġsam urai +Ġactress es +N ap +M F +ifer ation +Be er +5 23 +ĠI ly +oint ment +P ing +Ġstri ped +ĠMell on +oss ession +Ġneut ron +end ium +Ġa ph +ĠFlav oring +Ġ38 3 +Ġrespons iveness +ĠJ indal +ĠHitch cock +Den ver +ĠDRAG ON +sm anship +ĠDu pl +Ġs ly +Ġweb cam +ĠTw ain +ĠDar ling +ili ate +cons umer +D IT +Ġnames ake +Ġun orthodox +Ġfun er +ĠPL oS +ĠCONTR OL +ozy g +ogl obin +F ACE +ER G +ĠD ia +ĠF iesta +ce le +0 34 +Ġencl ave +âĸ¬ âĸ¬ +on ement +al ist +M and +Ġhome grown +ĠF ancy +Ġconcept ions +ĠCont ains +ure en +Ġreiter ate +Ġme ager +Ġinstall ments +Sp awn +6 27 +Ġphot oc +ĠCab rera +ĠRos enthal +ĠLans ing +is ner +Ġinvest s +ĠUFO s +EX P +Hard ware +Ġtr agically +Ġconced es +ie ft +ch am +bor gh +ĠSch r +ĠMel anie +ĠH oy +Ġvisit ation +Ġid iosyncr +Ġfract ions +Ġfore skin +ob os +Ġpo aching +ĠVI EW +Ġstimul ates +ĠG ork +can on +M IC +ĠNem esis +ĠInd ra +ĠDM V +Ġ5 29 +Ġinspect ing +Ġgrand ma +ĠW hedon +ĠSh ant +ĠP urg +ik an +ĠT eg +ĠCL R +z ac +Vict oria +ĠVer ify +ion ics +Ġpart ying +ĠM ou +col our +Ġtestim onies +l ations +Ġpress uring +hi ro +ac ers +Ġf id +ang ler +ĠCS I +Ġhere after +Ġdiss idents +report ing +iph any +che v +Ġsol itude +Ġl obe +Ġind is +Ġcred ential +re cent +ad ult +ĠNir vana +ĠFranch ise +L ayer +H yp +ĠBerks hire +Ġwill s +t if +Ġtot em +ĠJud ah +rep air +Inst ant +5 48 +Ġemb assies +Ġbott leneck +Ġb ount +Ġtyp ew +ĠAl vin +j ing +im ilar +R ush +Ġbr im +ĠHEL P +A im +] ' +Ġpass ively +Ġbound ed +ĠR ated +Ġcriminal ity +Ġbiom ark +Ġdisp atcher +ĠTow ards +Ġ+ ++ +right eous +f rog +ĠP anc +C arter +0 32 +æ© Ł +Ġult raviolet +ĠLic ensed +ĠT ata +ĠBl essing +ĠG AM +Ġchem ically +ĠSe af +ĠRE LE +ĠMerc enary +capital ist +Ġform ulations +Ġann ihilation +ĠVer b +ĠAr gon +Ġun loaded +Ġmorp hed +Ġconqu ering +back er +I ELD +Ġtheft s +Ġfront runner +ĠRoy ale +ĠFund amental +el ight +C hip +necess ary +ay n +ĠSl ip +Ġ4 48 +cern ed +P ause +Ġshock ingly +ĠAB V +Ġcomp osure +7 33 +ĠMotors port +ah ime +Mur ray +M ach +Ġgr ids +Ġdeb ian +Ġfurther more +Ġdexter ity +ĠCollect ions +os lov +il age +b j +ĠMont eneg +Ġstrut Connector +Ġmassac res +Ġbrief s +fet ched +uv ian +ol ition +Fail ure +emon ic +Ġfl ared +Ġclaim ant +Ġc ures +Ġgive aways +ĠSubst ance +al ions +Ġcr inge +ĠK ul +Ġarist ocracy +ĠUl ster +ol ated +h ousing +ĠM IS +Ġgl ared +ĠWil helm +ne eds +lam bda +build ers +ĠV IS +Ġradi ator +ĠGhost busters +Ġ4 36 +act ual +Ġher ds +ç a +watch ing +Ġcounter ing +Ch arge +Ġchar red +Ġwar heads +Ġiod ine +ĠM acy +04 1 +Ġdepart ures +ĠS ins +Ġdy ed +ĠConcept s +g ado +7 13 +Ġquot ations +Ġg ist +ĠChrist y +Ġant igen +ĠHem p +ĠD rawn +ĠB arg +ez vous +Ġp aternity +Ġar du +ĠAnch orage +ĠR ik +Ġover loaded +ĠUs ername +ĠTam my +ĠN au +ĠCell ular +Ġw aning +Ġrod ent +ĠWor cester +il ts +ĠT ad +Ġdwell ings +Ġbull ish +4 31 +Ġretali ate +Ġmig raine +ĠChev ron +CH ECK +Ġdon key +c rim +SP A +ĠAn alog +Ġmarqu ee +ĠHa as +B ir +ĠGD DR +ĠDownload s +Ġwill power +ĠFor th +ĠRecord ed +Ġimp ossibility +ĠLog ged +ĠFr anks +ĠR att +in itions +Ġclean ers +Ġsore ly +Ġflick ering +ĠEx amination +c atching +allow een +Ms g +Ġdun no +F a +Ġdys ph +c razy +.' '. +Ġmain line +Ġc s +Ġp tr +ĠW ally +ig un +95 1 +ĠBig foot +f ights +Ġretrie ving +J r +Ġdupl ication +ĠExpl an +Ġrel ational +Ġqu aint +Ġbisc uits +Ġad o +Ġsh udder +Ġantid ote +blood ed +ks h +Ġsa uces +Ġrein vest +Ġdispens ary +ĠD iver +Ġ9 000 +stud ent +Ġin separ +esc ap +Ġtodd lers +ĠGP IO +ĠAss ignment +head ers +Ġlack luster +Ġab ack +95 6 +Ġtool bar +7 45 +Ġo ust +Ġcontempl ation +ĠPRES IDENT +Ġ4 58 +==== == +Ġguarantee ing +ĠHe ist +ĠCann es +Ļ ½ +Ġcollabor ator +ĠAm p +Ġg ou +ĠSH ALL +st ories +78 3 +Ġmobil ized +Ġbro od +ĠL U +ĠðŁ ij +Ġref in +ĠAnthrop ology +v ind +ill i +Ġwarrant ies +ĠB abel +Ġsw ath +Ġc aches +Ġantagon ists +art ifacts +Ġhot ly +ĠSt arts +ĠG ö +z ag +!! !!! +Ġsc ourge +Ġcons piring +ru its +re verse +ĠShe en +ĠJes uit +ĠGiov anni +ad ies +Ġbutt ocks +ear cher +ac an +Ġvolley ball +Ġshroud ed +Ġscore board +b ats +ĠI PM +Ġass es +Ġde regulation +ĠTe legram +ĠReb oot +Ġ7 000 +ĠCan ary +Ġk ernels +ĠFranç ois +ĠD uff +ĠP on +ĠLe ica +ĠGar min +Ġor phans +ĠClaud ia +Ġcal endars +ĠLe ilan +ent o +R ocket +Ġbr unch +ĠHaw king +ain ers +Ġsens ibilities +Ġk W +ĠK and +Ġre claimed +Ġinteresting ly +× © +rom y +J M +ĠEnhance ment +b ush +Sk ip +Ġrapp ers +Ġg azing +p edia +ath lon +Rev olution +Ġsn ipers +Ġre verted +Ġconglomer ate +T erry +79 4 +Ġhars her +Ġdes olate +ĠHit man +Comm ission +Ġ( / +âĢ¦ ." +Com par +Ġampl ification +om inated +Ġreg ress +ĠColl ider +Ġinform ants +Ġg azed diff --git a/chatbot/models/openai-community/gpt2/model.safetensors b/chatbot/models/openai-community/gpt2/model.safetensors new file mode 100644 index 0000000000000000000000000000000000000000..7ca2fa50dc76a25fe3b16c3dded4b08e111f0ea3 --- /dev/null +++ b/chatbot/models/openai-community/gpt2/model.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c7d00560d8910fbed77ffad4065dee5011c41ba401b1064e749c498ba9e20373 +size 497774208 diff --git a/chatbot/models/openai-community/gpt2/special_tokens_map.json b/chatbot/models/openai-community/gpt2/special_tokens_map.json new file mode 100644 index 0000000000000000000000000000000000000000..0204ed10c186a4c7c68f55dff8f26087a45898d6 --- /dev/null +++ b/chatbot/models/openai-community/gpt2/special_tokens_map.json @@ -0,0 +1,5 @@ +{ + "bos_token": "<|endoftext|>", + "eos_token": "<|endoftext|>", + "unk_token": "<|endoftext|>" +} diff --git a/chatbot/models/openai-community/gpt2/tokenizer.json b/chatbot/models/openai-community/gpt2/tokenizer.json new file mode 100644 index 0000000000000000000000000000000000000000..d469fce8cf3cdfde529baad7b2528afa4205aabf --- /dev/null +++ b/chatbot/models/openai-community/gpt2/tokenizer.json @@ -0,0 +1,250306 @@ +{ + "version": "1.0", + "truncation": null, + "padding": null, + "added_tokens": [ + { + "id": 50256, + "content": "<|endoftext|>", + "single_word": false, + "lstrip": false, + "rstrip": false, + "normalized": true, + "special": true + } + ], + "normalizer": null, + "pre_tokenizer": { + "type": "ByteLevel", + "add_prefix_space": false, + "trim_offsets": true, + "use_regex": true + }, + "post_processor": { + "type": "ByteLevel", + "add_prefix_space": true, + "trim_offsets": false, + "use_regex": true + }, + "decoder": { + "type": "ByteLevel", + "add_prefix_space": true, + "trim_offsets": true, + "use_regex": true + }, + "model": { + "type": "BPE", + "dropout": null, + "unk_token": null, + "continuing_subword_prefix": "", + "end_of_word_suffix": "", + "fuse_unk": false, + "byte_fallback": false, + "ignore_merges": false, + "vocab": { + "!": 0, + "\"": 1, + "#": 2, + "$": 3, + "%": 4, + "&": 5, + "'": 6, + "(": 7, + ")": 8, + "*": 9, + "+": 10, + ",": 11, + "-": 12, + ".": 13, + "/": 14, + "0": 15, + "1": 16, + "2": 17, + "3": 18, + "4": 19, + "5": 20, + "6": 21, + "7": 22, + "8": 23, + "9": 24, + ":": 25, + ";": 26, + "<": 27, + "=": 28, + ">": 29, + "?": 30, + "@": 31, + "A": 32, + "B": 33, + "C": 34, + "D": 35, + "E": 36, + "F": 37, + "G": 38, + "H": 39, + "I": 40, + "J": 41, + "K": 42, + "L": 43, + "M": 44, + "N": 45, + "O": 46, + "P": 47, + "Q": 48, + "R": 49, + "S": 50, + "T": 51, + "U": 52, + "V": 53, + "W": 54, + "X": 55, + "Y": 56, + "Z": 57, + "[": 58, + "\\": 59, + "]": 60, + "^": 61, + "_": 62, + "`": 63, + "a": 64, + "b": 65, + "c": 66, + "d": 67, + "e": 68, + "f": 69, + "g": 70, + "h": 71, + "i": 72, + "j": 73, + "k": 74, + "l": 75, + "m": 76, + "n": 77, + "o": 78, + "p": 79, + "q": 80, + "r": 81, + "s": 82, + "t": 83, + "u": 84, + "v": 85, + "w": 86, + "x": 87, + "y": 88, + "z": 89, + "{": 90, + "|": 91, + "}": 92, + "~": 93, + "¡": 94, + "¢": 95, + "£": 96, + "¤": 97, + "¥": 98, + "¦": 99, + "§": 100, + "¨": 101, + "©": 102, + "ª": 103, + "«": 104, + "¬": 105, + "®": 106, + "¯": 107, + "°": 108, + "±": 109, + "²": 110, + "³": 111, + "´": 112, + "µ": 113, + "¶": 114, + "·": 115, + "¸": 116, + "¹": 117, + "º": 118, + "»": 119, + "¼": 120, + "½": 121, + "¾": 122, + "¿": 123, + "À": 124, + "Á": 125, + "Â": 126, + "Ã": 127, + "Ä": 128, + "Å": 129, + "Æ": 130, + "Ç": 131, + "È": 132, + "É": 133, + "Ê": 134, + "Ë": 135, + "Ì": 136, + "Í": 137, + "Î": 138, + "Ï": 139, + "Ð": 140, + "Ñ": 141, + "Ò": 142, + "Ó": 143, + "Ô": 144, + "Õ": 145, + "Ö": 146, + "×": 147, + "Ø": 148, + "Ù": 149, + "Ú": 150, + "Û": 151, + "Ü": 152, + "Ý": 153, + "Þ": 154, + "ß": 155, + "à": 156, + "á": 157, + "â": 158, + "ã": 159, + "ä": 160, + "å": 161, + "æ": 162, + "ç": 163, + "è": 164, + "é": 165, + "ê": 166, + "ë": 167, + "ì": 168, + "í": 169, + "î": 170, + "ï": 171, + "ð": 172, + "ñ": 173, + "ò": 174, + "ó": 175, + "ô": 176, + "õ": 177, + "ö": 178, + "÷": 179, + "ø": 180, + "ù": 181, + "ú": 182, + "û": 183, + "ü": 184, + "ý": 185, + "þ": 186, + "ÿ": 187, + "Ā": 188, + "ā": 189, + "Ă": 190, + "ă": 191, + "Ą": 192, + "ą": 193, + "Ć": 194, + "ć": 195, + "Ĉ": 196, + "ĉ": 197, + "Ċ": 198, + "ċ": 199, + "Č": 200, + "č": 201, + "Ď": 202, + "ď": 203, + "Đ": 204, + "đ": 205, + "Ē": 206, + "ē": 207, + "Ĕ": 208, + "ĕ": 209, + "Ė": 210, + "ė": 211, + "Ę": 212, + "ę": 213, + "Ě": 214, + "ě": 215, + "Ĝ": 216, + "ĝ": 217, + "Ğ": 218, + "ğ": 219, + "Ġ": 220, + "ġ": 221, + "Ģ": 222, + "ģ": 223, + "Ĥ": 224, + "ĥ": 225, + "Ħ": 226, + "ħ": 227, + "Ĩ": 228, + "ĩ": 229, + "Ī": 230, + "ī": 231, + "Ĭ": 232, + "ĭ": 233, + "Į": 234, + "į": 235, + "İ": 236, + "ı": 237, + "IJ": 238, + "ij": 239, + "Ĵ": 240, + "ĵ": 241, + "Ķ": 242, + "ķ": 243, + "ĸ": 244, + "Ĺ": 245, + "ĺ": 246, + "Ļ": 247, + "ļ": 248, + "Ľ": 249, + "ľ": 250, + "Ŀ": 251, + "ŀ": 252, + "Ł": 253, + "ł": 254, + "Ń": 255, + "Ġt": 256, + "Ġa": 257, + "he": 258, + "in": 259, + "re": 260, + "on": 261, + "Ġthe": 262, + "er": 263, + "Ġs": 264, + "at": 265, + "Ġw": 266, + "Ġo": 267, + "en": 268, + "Ġc": 269, + "it": 270, + "is": 271, + "an": 272, + "or": 273, + "es": 274, + "Ġb": 275, + "ed": 276, + "Ġf": 277, + "ing": 278, + "Ġp": 279, + "ou": 280, + "Ġan": 281, + "al": 282, + "ar": 283, + "Ġto": 284, + "Ġm": 285, + "Ġof": 286, + "Ġin": 287, + "Ġd": 288, + "Ġh": 289, + "Ġand": 290, + "ic": 291, + "as": 292, + "le": 293, + "Ġth": 294, + "ion": 295, + "om": 296, + "ll": 297, + "ent": 298, + "Ġn": 299, + "Ġl": 300, + "st": 301, + "Ġre": 302, + "ve": 303, + "Ġe": 304, + "ro": 305, + "ly": 306, + "Ġbe": 307, + "Ġg": 308, + "ĠT": 309, + "ct": 310, + "ĠS": 311, + "id": 312, + "ot": 313, + "ĠI": 314, + "ut": 315, + "et": 316, + "ĠA": 317, + "Ġis": 318, + "Ġon": 319, + "im": 320, + "am": 321, + "ow": 322, + "ay": 323, + "ad": 324, + "se": 325, + "Ġthat": 326, + "ĠC": 327, + "ig": 328, + "Ġfor": 329, + "ac": 330, + "Ġy": 331, + "ver": 332, + "ur": 333, + "Ġu": 334, + "ld": 335, + "Ġst": 336, + "ĠM": 337, + "'s": 338, + "Ġhe": 339, + "Ġit": 340, + "ation": 341, + "ith": 342, + "ir": 343, + "ce": 344, + "Ġyou": 345, + "il": 346, + "ĠB": 347, + "Ġwh": 348, + "ol": 349, + "ĠP": 350, + "Ġwith": 351, + "Ġ1": 352, + "ter": 353, + "ch": 354, + "Ġas": 355, + "Ġwe": 356, + "Ġ(": 357, + "nd": 358, + "ill": 359, + "ĠD": 360, + "if": 361, + "Ġ2": 362, + "ag": 363, + "ers": 364, + "ke": 365, + "Ġ\"": 366, + "ĠH": 367, + "em": 368, + "Ġcon": 369, + "ĠW": 370, + "ĠR": 371, + "her": 372, + "Ġwas": 373, + "Ġr": 374, + "od": 375, + "ĠF": 376, + "ul": 377, + "ate": 378, + "Ġat": 379, + "ri": 380, + "pp": 381, + "ore": 382, + "ĠThe": 383, + "Ġse": 384, + "us": 385, + "Ġpro": 386, + "Ġha": 387, + "um": 388, + "Ġare": 389, + "Ġde": 390, + "ain": 391, + "and": 392, + "Ġor": 393, + "igh": 394, + "est": 395, + "ist": 396, + "ab": 397, + "rom": 398, + "ĠN": 399, + "th": 400, + "Ġcom": 401, + "ĠG": 402, + "un": 403, + "op": 404, + "00": 405, + "ĠL": 406, + "Ġnot": 407, + "ess": 408, + "Ġex": 409, + "Ġv": 410, + "res": 411, + "ĠE": 412, + "ew": 413, + "ity": 414, + "ant": 415, + "Ġby": 416, + "el": 417, + "os": 418, + "ort": 419, + "oc": 420, + "qu": 421, + "Ġfrom": 422, + "Ġhave": 423, + "Ġsu": 424, + "ive": 425, + "ould": 426, + "Ġsh": 427, + "Ġthis": 428, + "nt": 429, + "ra": 430, + "pe": 431, + "ight": 432, + "art": 433, + "ment": 434, + "Ġal": 435, + "ust": 436, + "end": 437, + "--": 438, + "all": 439, + "ĠO": 440, + "ack": 441, + "Ġch": 442, + "Ġle": 443, + "ies": 444, + "red": 445, + "ard": 446, + "âĢ": 447, + "out": 448, + "ĠJ": 449, + "Ġab": 450, + "ear": 451, + "iv": 452, + "ally": 453, + "our": 454, + "ost": 455, + "gh": 456, + "pt": 457, + "Ġpl": 458, + "ast": 459, + "Ġcan": 460, + "ak": 461, + "ome": 462, + "ud": 463, + "The": 464, + "Ġhis": 465, + "Ġdo": 466, + "Ġgo": 467, + "Ġhas": 468, + "ge": 469, + "'t": 470, + "ĠU": 471, + "rou": 472, + "Ġsa": 473, + "Ġj": 474, + "Ġbut": 475, + "Ġwor": 476, + "Ġall": 477, + "ect": 478, + "Ġk": 479, + "ame": 480, + "Ġwill": 481, + "ok": 482, + "Ġwhe": 483, + "Ġthey": 484, + "ide": 485, + "01": 486, + "ff": 487, + "ich": 488, + "pl": 489, + "ther": 490, + "Ġtr": 491, + "..": 492, + "Ġint": 493, + "ie": 494, + "ure": 495, + "age": 496, + "Ġne": 497, + "ial": 498, + "ap": 499, + "ine": 500, + "ice": 501, + "Ġme": 502, + "Ġout": 503, + "ans": 504, + "one": 505, + "ong": 506, + "ions": 507, + "Ġwho": 508, + "ĠK": 509, + "Ġup": 510, + "Ġtheir": 511, + "Ġad": 512, + "Ġ3": 513, + "Ġus": 514, + "ated": 515, + "ous": 516, + "Ġmore": 517, + "ue": 518, + "og": 519, + "ĠSt": 520, + "ind": 521, + "ike": 522, + "Ġso": 523, + "ime": 524, + "per": 525, + ".\"": 526, + "ber": 527, + "iz": 528, + "act": 529, + "Ġone": 530, + "Ġsaid": 531, + "Ġ-": 532, + "are": 533, + "Ġyour": 534, + "cc": 535, + "ĠTh": 536, + "Ġcl": 537, + "ep": 538, + "ake": 539, + "able": 540, + "ip": 541, + "Ġcont": 542, + "Ġwhich": 543, + "ia": 544, + "Ġim": 545, + "Ġabout": 546, + "Ġwere": 547, + "very": 548, + "ub": 549, + "Ġhad": 550, + "Ġen": 551, + "Ġcomp": 552, + ",\"": 553, + "ĠIn": 554, + "Ġun": 555, + "Ġag": 556, + "ire": 557, + "ace": 558, + "au": 559, + "ary": 560, + "Ġwould": 561, + "ass": 562, + "ry": 563, + "ĠâĢ": 564, + "cl": 565, + "ook": 566, + "ere": 567, + "so": 568, + "ĠV": 569, + "ign": 570, + "ib": 571, + "Ġoff": 572, + "Ġte": 573, + "ven": 574, + "ĠY": 575, + "ile": 576, + "ose": 577, + "ite": 578, + "orm": 579, + "Ġ201": 580, + "Ġres": 581, + "Ġman": 582, + "Ġper": 583, + "Ġother": 584, + "ord": 585, + "ult": 586, + "Ġbeen": 587, + "Ġlike": 588, + "ase": 589, + "ance": 590, + "ks": 591, + "ays": 592, + "own": 593, + "ence": 594, + "Ġdis": 595, + "ction": 596, + "Ġany": 597, + "Ġapp": 598, + "Ġsp": 599, + "int": 600, + "ress": 601, + "ations": 602, + "ail": 603, + "Ġ4": 604, + "ical": 605, + "Ġthem": 606, + "Ġher": 607, + "ount": 608, + "ĠCh": 609, + "Ġar": 610, + "Ġif": 611, + "Ġthere": 612, + "Ġpe": 613, + "Ġyear": 614, + "av": 615, + "Ġmy": 616, + "Ġsome": 617, + "Ġwhen": 618, + "ough": 619, + "ach": 620, + "Ġthan": 621, + "ru": 622, + "ond": 623, + "ick": 624, + "Ġover": 625, + "vel": 626, + "Ġqu": 627, + "ĊĊ": 628, + "Ġsc": 629, + "reat": 630, + "ree": 631, + "ĠIt": 632, + "ound": 633, + "port": 634, + "Ġalso": 635, + "Ġpart": 636, + "fter": 637, + "Ġkn": 638, + "Ġbec": 639, + "Ġtime": 640, + "ens": 641, + "Ġ5": 642, + "ople": 643, + "Ġwhat": 644, + "Ġno": 645, + "du": 646, + "mer": 647, + "ang": 648, + "Ġnew": 649, + "----": 650, + "Ġget": 651, + "ory": 652, + "ition": 653, + "ings": 654, + "Ġjust": 655, + "Ġinto": 656, + "Ġ0": 657, + "ents": 658, + "ove": 659, + "te": 660, + "Ġpeople": 661, + "Ġpre": 662, + "Ġits": 663, + "Ġrec": 664, + "Ġtw": 665, + "ian": 666, + "irst": 667, + "ark": 668, + "ors": 669, + "Ġwork": 670, + "ade": 671, + "ob": 672, + "Ġshe": 673, + "Ġour": 674, + "wn": 675, + "ink": 676, + "lic": 677, + "Ġ19": 678, + "ĠHe": 679, + "ish": 680, + "nder": 681, + "ause": 682, + "Ġhim": 683, + "ons": 684, + "Ġ[": 685, + "Ġro": 686, + "form": 687, + "ild": 688, + "ates": 689, + "vers": 690, + "Ġonly": 691, + "oll": 692, + "Ġspe": 693, + "ck": 694, + "ell": 695, + "amp": 696, + "Ġacc": 697, + "Ġbl": 698, + "ious": 699, + "urn": 700, + "ft": 701, + "ood": 702, + "Ġhow": 703, + "hed": 704, + "Ġ'": 705, + "Ġafter": 706, + "aw": 707, + "Ġatt": 708, + "ov": 709, + "ne": 710, + "Ġplay": 711, + "erv": 712, + "ict": 713, + "Ġcould": 714, + "itt": 715, + "Ġam": 716, + "Ġfirst": 717, + "Ġ6": 718, + "Ġact": 719, + "Ġ$": 720, + "ec": 721, + "hing": 722, + "ual": 723, + "ull": 724, + "Ġcomm": 725, + "oy": 726, + "old": 727, + "ces": 728, + "ater": 729, + "Ġfe": 730, + "Ġbet": 731, + "we": 732, + "iff": 733, + "Ġtwo": 734, + "ock": 735, + "Ġback": 736, + ").": 737, + "ident": 738, + "Ġunder": 739, + "rough": 740, + "sel": 741, + "xt": 742, + "Ġmay": 743, + "round": 744, + "Ġpo": 745, + "ph": 746, + "iss": 747, + "Ġdes": 748, + "Ġmost": 749, + "Ġdid": 750, + "Ġadd": 751, + "ject": 752, + "Ġinc": 753, + "fore": 754, + "Ġpol": 755, + "ont": 756, + "Ġagain": 757, + "clud": 758, + "tern": 759, + "Ġknow": 760, + "Ġneed": 761, + "Ġcons": 762, + "Ġco": 763, + "Ġ.": 764, + "Ġwant": 765, + "Ġsee": 766, + "Ġ7": 767, + "ning": 768, + "iew": 769, + "ĠThis": 770, + "ced": 771, + "Ġeven": 772, + "Ġind": 773, + "ty": 774, + "ĠWe": 775, + "ath": 776, + "Ġthese": 777, + "Ġpr": 778, + "Ġuse": 779, + "Ġbecause": 780, + "Ġfl": 781, + "ng": 782, + "Ġnow": 783, + "ĠâĢĵ": 784, + "com": 785, + "ise": 786, + "Ġmake": 787, + "Ġthen": 788, + "ower": 789, + "Ġevery": 790, + "ĠUn": 791, + "Ġsec": 792, + "oss": 793, + "uch": 794, + "Ġem": 795, + "Ġ=": 796, + "ĠRe": 797, + "ied": 798, + "rit": 799, + "Ġinv": 800, + "lect": 801, + "Ġsupp": 802, + "ating": 803, + "Ġlook": 804, + "man": 805, + "pect": 806, + "Ġ8": 807, + "row": 808, + "Ġbu": 809, + "Ġwhere": 810, + "ific": 811, + "Ġyears": 812, + "ily": 813, + "Ġdiff": 814, + "Ġshould": 815, + "Ġrem": 816, + "Th": 817, + "In": 818, + "Ġev": 819, + "day": 820, + "'re": 821, + "rib": 822, + "Ġrel": 823, + "ss": 824, + "Ġdef": 825, + "Ġright": 826, + "Ġsy": 827, + "),": 828, + "les": 829, + "000": 830, + "hen": 831, + "Ġthrough": 832, + "ĠTr": 833, + "__": 834, + "Ġway": 835, + "Ġdon": 836, + "Ġ,": 837, + "Ġ10": 838, + "ased": 839, + "Ġass": 840, + "ublic": 841, + "Ġreg": 842, + "ĠAnd": 843, + "ix": 844, + "Ġvery": 845, + "Ġinclud": 846, + "other": 847, + "Ġimp": 848, + "oth": 849, + "Ġsub": 850, + "ĠâĢĶ": 851, + "Ġbeing": 852, + "arg": 853, + "ĠWh": 854, + "==": 855, + "ible": 856, + "Ġdoes": 857, + "ange": 858, + "ram": 859, + "Ġ9": 860, + "ert": 861, + "ps": 862, + "ited": 863, + "ational": 864, + "Ġbr": 865, + "Ġdown": 866, + "Ġmany": 867, + "aking": 868, + "Ġcall": 869, + "uring": 870, + "ities": 871, + "Ġph": 872, + "ics": 873, + "als": 874, + "Ġdec": 875, + "ative": 876, + "ener": 877, + "Ġbefore": 878, + "ility": 879, + "Ġwell": 880, + "Ġmuch": 881, + "erson": 882, + "Ġthose": 883, + "Ġsuch": 884, + "Ġke": 885, + "Ġend": 886, + "ĠBut": 887, + "ason": 888, + "ting": 889, + "Ġlong": 890, + "ef": 891, + "Ġthink": 892, + "ys": 893, + "Ġbel": 894, + "Ġsm": 895, + "its": 896, + "ax": 897, + "Ġown": 898, + "Ġprov": 899, + "Ġset": 900, + "ife": 901, + "ments": 902, + "ble": 903, + "ward": 904, + "Ġshow": 905, + "Ġpres": 906, + "ms": 907, + "omet": 908, + "Ġob": 909, + "Ġsay": 910, + "ĠSh": 911, + "ts": 912, + "ful": 913, + "Ġeff": 914, + "Ġgu": 915, + "Ġinst": 916, + "und": 917, + "ren": 918, + "cess": 919, + "Ġent": 920, + "ĠYou": 921, + "Ġgood": 922, + "Ġstart": 923, + "ince": 924, + "Ġmade": 925, + "tt": 926, + "stem": 927, + "olog": 928, + "up": 929, + "Ġ|": 930, + "ump": 931, + "Ġhel": 932, + "vern": 933, + "ular": 934, + "ually": 935, + "Ġac": 936, + "Ġmon": 937, + "Ġlast": 938, + "Ġ200": 939, + "10": 940, + "Ġstud": 941, + "ures": 942, + "ĠAr": 943, + "self": 944, + "ars": 945, + "meric": 946, + "ues": 947, + "cy": 948, + "Ġmin": 949, + "ollow": 950, + "Ġcol": 951, + "io": 952, + "Ġmod": 953, + "Ġcount": 954, + "ĠCom": 955, + "hes": 956, + "Ġfin": 957, + "air": 958, + "ier": 959, + "âĢĶ": 960, + "read": 961, + "ank": 962, + "atch": 963, + "ever": 964, + "Ġstr": 965, + "Ġpoint": 966, + "ork": 967, + "ĠNew": 968, + "Ġsur": 969, + "ool": 970, + "alk": 971, + "ement": 972, + "Ġused": 973, + "ract": 974, + "ween": 975, + "Ġsame": 976, + "oun": 977, + "ĠAl": 978, + "ci": 979, + "Ġdiffere": 980, + "Ġwhile": 981, + "--------": 982, + "Ġgame": 983, + "cept": 984, + "Ġsim": 985, + "...": 986, + "Ġinter": 987, + "ek": 988, + "Ġreport": 989, + "Ġprodu": 990, + "Ġstill": 991, + "led": 992, + "ah": 993, + "Ġhere": 994, + "Ġworld": 995, + "Ġthough": 996, + "Ġnum": 997, + "arch": 998, + "imes": 999, + "ale": 1000, + "ĠSe": 1001, + "ĠIf": 1002, + "//": 1003, + "ĠLe": 1004, + "Ġret": 1005, + "Ġref": 1006, + "Ġtrans": 1007, + "ner": 1008, + "ution": 1009, + "ters": 1010, + "Ġtake": 1011, + "ĠCl": 1012, + "Ġconf": 1013, + "way": 1014, + "ave": 1015, + "Ġgoing": 1016, + "Ġsl": 1017, + "ug": 1018, + "ĠAmeric": 1019, + "Ġspec": 1020, + "Ġhand": 1021, + "Ġbetween": 1022, + "ists": 1023, + "ĠDe": 1024, + "oot": 1025, + "It": 1026, + "Ġear": 1027, + "Ġagainst": 1028, + "Ġhigh": 1029, + "gan": 1030, + "az": 1031, + "ather": 1032, + "Ġexp": 1033, + "Ġop": 1034, + "Ġins": 1035, + "Ġgr": 1036, + "Ġhelp": 1037, + "Ġrequ": 1038, + "ets": 1039, + "ins": 1040, + "ĠPro": 1041, + "ism": 1042, + "Ġfound": 1043, + "land": 1044, + "ata": 1045, + "uss": 1046, + "ames": 1047, + "Ġperson": 1048, + "Ġgreat": 1049, + "pr": 1050, + "Ġsign": 1051, + "ĠAn": 1052, + "'ve": 1053, + "Ġsomet": 1054, + "Ġser": 1055, + "hip": 1056, + "Ġrun": 1057, + "Ġ:": 1058, + "Ġter": 1059, + "irect": 1060, + "Ġfollow": 1061, + "Ġdet": 1062, + "ices": 1063, + "Ġfind": 1064, + "12": 1065, + "Ġmem": 1066, + "Ġcr": 1067, + "ered": 1068, + "ex": 1069, + "Ġext": 1070, + "uth": 1071, + "ense": 1072, + "co": 1073, + "Ġteam": 1074, + "ving": 1075, + "ouse": 1076, + "ash": 1077, + "att": 1078, + "ved": 1079, + "Ġsystem": 1080, + "ĠAs": 1081, + "der": 1082, + "ives": 1083, + "min": 1084, + "Ġlead": 1085, + "ĠBl": 1086, + "cent": 1087, + "Ġaround": 1088, + "Ġgovern": 1089, + "Ġcur": 1090, + "velop": 1091, + "any": 1092, + "Ġcour": 1093, + "alth": 1094, + "ages": 1095, + "ize": 1096, + "Ġcar": 1097, + "ode": 1098, + "Ġlaw": 1099, + "Ġread": 1100, + "'m": 1101, + "con": 1102, + "Ġreal": 1103, + "Ġsupport": 1104, + "Ġ12": 1105, + "....": 1106, + "Ġreally": 1107, + "ness": 1108, + "Ġfact": 1109, + "Ġday": 1110, + "Ġboth": 1111, + "ying": 1112, + "Ġserv": 1113, + "ĠFor": 1114, + "Ġthree": 1115, + "Ġwom": 1116, + "Ġmed": 1117, + "ody": 1118, + "ĠThey": 1119, + "50": 1120, + "Ġexper": 1121, + "ton": 1122, + "Ġeach": 1123, + "akes": 1124, + "Ġche": 1125, + "Ġcre": 1126, + "ines": 1127, + "Ġrep": 1128, + "19": 1129, + "gg": 1130, + "illion": 1131, + "Ġgrou": 1132, + "ute": 1133, + "ik": 1134, + "We": 1135, + "get": 1136, + "ER": 1137, + "Ġmet": 1138, + "Ġsays": 1139, + "ox": 1140, + "Ġduring": 1141, + "ern": 1142, + "ized": 1143, + "ared": 1144, + "Ġfam": 1145, + "ically": 1146, + "Ġhapp": 1147, + "ĠIs": 1148, + "Ġchar": 1149, + "med": 1150, + "vent": 1151, + "Ġgener": 1152, + "ient": 1153, + "ple": 1154, + "iet": 1155, + "rent": 1156, + "11": 1157, + "ves": 1158, + "ption": 1159, + "Ġ20": 1160, + "formation": 1161, + "Ġcor": 1162, + "Ġoffic": 1163, + "ield": 1164, + "Ġtoo": 1165, + "ision": 1166, + "Ġinf": 1167, + "ĠZ": 1168, + "the": 1169, + "oad": 1170, + "Ġpublic": 1171, + "Ġprog": 1172, + "ric": 1173, + "**": 1174, + "Ġwar": 1175, + "Ġpower": 1176, + "view": 1177, + "Ġfew": 1178, + "Ġloc": 1179, + "Ġdifferent": 1180, + "Ġstate": 1181, + "Ġhead": 1182, + "'ll": 1183, + "Ġposs": 1184, + "Ġstat": 1185, + "ret": 1186, + "ants": 1187, + "Ġval": 1188, + "Ġiss": 1189, + "Ġcle": 1190, + "ivers": 1191, + "anc": 1192, + "Ġexpl": 1193, + "Ġanother": 1194, + "ĠQ": 1195, + "Ġav": 1196, + "thing": 1197, + "nce": 1198, + "Wh": 1199, + "Ġchild": 1200, + "Ġsince": 1201, + "ired": 1202, + "less": 1203, + "Ġlife": 1204, + "Ġdevelop": 1205, + "ittle": 1206, + "Ġdep": 1207, + "Ġpass": 1208, + "ãĥ": 1209, + "Ġturn": 1210, + "orn": 1211, + "This": 1212, + "bers": 1213, + "ross": 1214, + "ĠAd": 1215, + "Ġfr": 1216, + "Ġresp": 1217, + "Ġsecond": 1218, + "oh": 1219, + "Ġ/": 1220, + "Ġdisc": 1221, + "Ġ&": 1222, + "Ġsomething": 1223, + "Ġcomple": 1224, + "Ġed": 1225, + "Ġfil": 1226, + "Ġmonth": 1227, + "aj": 1228, + "uc": 1229, + "Ġgovernment": 1230, + "Ġwithout": 1231, + "Ġleg": 1232, + "Ġdist": 1233, + "Ġput": 1234, + "Ġquest": 1235, + "ann": 1236, + "Ġprot": 1237, + "20": 1238, + "Ġnever": 1239, + "ience": 1240, + "Ġlevel": 1241, + "Ġart": 1242, + "Ġthings": 1243, + "Ġmight": 1244, + "Ġeffect": 1245, + "Ġcontro": 1246, + "Ġcent": 1247, + "Ġ18": 1248, + "Ġallow": 1249, + "Ġbelie": 1250, + "chool": 1251, + "ott": 1252, + "Ġincre": 1253, + "Ġfeel": 1254, + "Ġresult": 1255, + "Ġlot": 1256, + "Ġfun": 1257, + "ote": 1258, + "Ġty": 1259, + "erest": 1260, + "Ġcontin": 1261, + "Ġusing": 1262, + "Ġbig": 1263, + "201": 1264, + "Ġask": 1265, + "Ġbest": 1266, + "Ġ)": 1267, + "IN": 1268, + "Ġopp": 1269, + "30": 1270, + "Ġnumber": 1271, + "iness": 1272, + "St": 1273, + "lease": 1274, + "Ġca": 1275, + "Ġmust": 1276, + "Ġdirect": 1277, + "Ġgl": 1278, + "Ġ<": 1279, + "Ġopen": 1280, + "Ġpost": 1281, + "Ġcome": 1282, + "Ġseem": 1283, + "ording": 1284, + "Ġweek": 1285, + "ately": 1286, + "ital": 1287, + "Ġel": 1288, + "riend": 1289, + "Ġfar": 1290, + "Ġtra": 1291, + "inal": 1292, + "Ġpri": 1293, + "ĠUS": 1294, + "Ġplace": 1295, + "Ġform": 1296, + "Ġtold": 1297, + "\":": 1298, + "ains": 1299, + "ature": 1300, + "ĠTrump": 1301, + "Ġstand": 1302, + "Ġ#": 1303, + "ider": 1304, + "ĠFr": 1305, + "Ġnext": 1306, + "Ġsoc": 1307, + "Ġpur": 1308, + "Ġlet": 1309, + "Ġlittle": 1310, + "Ġhum": 1311, + "Ġi": 1312, + "ron": 1313, + "15": 1314, + "Ġ15": 1315, + "Ġcommun": 1316, + "Ġmark": 1317, + "ĠThere": 1318, + "Ġwr": 1319, + "ĠThat": 1320, + "Ġinformation": 1321, + "ways": 1322, + "Ġbus": 1323, + "app": 1324, + "Ġinvest": 1325, + "me": 1326, + "Ġhard": 1327, + "ained": 1328, + "ead": 1329, + "Ġimport": 1330, + "Ġappro": 1331, + "Ġtest": 1332, + "Ġtri": 1333, + "Ġrest": 1334, + "osed": 1335, + "Ġfull": 1336, + "Ġcare": 1337, + "ĠSp": 1338, + "Ġcase": 1339, + "ON": 1340, + "Ġsk": 1341, + "Ġless": 1342, + "Ġ+": 1343, + "Ġpartic": 1344, + "ĠPl": 1345, + "ably": 1346, + "uck": 1347, + "ished": 1348, + "chn": 1349, + "be": 1350, + "Ġlist": 1351, + "ator": 1352, + "Ġtop": 1353, + "Ġadv": 1354, + "ĠBe": 1355, + "ruct": 1356, + "Ġdem": 1357, + "ration": 1358, + "ling": 1359, + "gy": 1360, + "reen": 1361, + "ger": 1362, + "Ġhome": 1363, + "Ġleft": 1364, + "Ġbetter": 1365, + "Ġdata": 1366, + "Ġ11": 1367, + "Ġattack": 1368, + "Ġproble": 1369, + "line": 1370, + "ards": 1371, + "Ġbeh": 1372, + "ral": 1373, + "ĠHow": 1374, + "ĠShe": 1375, + "arge": 1376, + "Ġ--": 1377, + "://": 1378, + "Ġbro": 1379, + "ĠPh": 1380, + "ats": 1381, + "Ġbuild": 1382, + "ww": 1383, + "ided": 1384, + "aim": 1385, + "ases": 1386, + "ency": 1387, + "Ġmain": 1388, + "ined": 1389, + "Ġincluding": 1390, + "Ġ{": 1391, + "Ġgot": 1392, + "Ġinterest": 1393, + "Ġkeep": 1394, + "ĠX": 1395, + "Ġeas": 1396, + "aining": 1397, + "Ġclass": 1398, + "âĢ¦": 1399, + "ĠNo": 1400, + "Ġvar": 1401, + "Ġsmall": 1402, + "ample": 1403, + "AT": 1404, + "Ġide": 1405, + "ĠSo": 1406, + "Ġrece": 1407, + "Ġpolit": 1408, + "Ġmov": 1409, + "Ġplan": 1410, + "Ġpercent": 1411, + "iving": 1412, + "Ġcamp": 1413, + "Ġpay": 1414, + "14": 1415, + "sc": 1416, + "ised": 1417, + "Ġunt": 1418, + "oney": 1419, + "ploy": 1420, + "====": 1421, + "Ġdidn": 1422, + "ĠInd": 1423, + "els": 1424, + "ertain": 1425, + "Ġpos": 1426, + "____": 1427, + "iver": 1428, + "Ġprocess": 1429, + "Ġprogram": 1430, + "ified": 1431, + "ĠRep": 1432, + "16": 1433, + "uro": 1434, + "ology": 1435, + "atter": 1436, + "ina": 1437, + "Ġname": 1438, + "ĠAll": 1439, + "Ġfour": 1440, + "Ġreturn": 1441, + "vious": 1442, + "bs": 1443, + "Ġcalled": 1444, + "Ġmove": 1445, + "ĠSc": 1446, + "ird": 1447, + "Ġgroup": 1448, + "Ġbre": 1449, + "Ġmen": 1450, + "Ġcap": 1451, + "ten": 1452, + "ee": 1453, + "Ġdri": 1454, + "leg": 1455, + "here": 1456, + "uthor": 1457, + "Ġpat": 1458, + "Ġcurrent": 1459, + "ides": 1460, + "Ġpop": 1461, + "to": 1462, + "ention": 1463, + "Ġalways": 1464, + "Ġmil": 1465, + "Ġwomen": 1466, + "Ġ16": 1467, + "Ġold": 1468, + "iven": 1469, + "raph": 1470, + "ĠOr": 1471, + "ror": 1472, + "ently": 1473, + "Ġnear": 1474, + "ĠEx": 1475, + "ream": 1476, + "sh": 1477, + "Ġ14": 1478, + "Ġfree": 1479, + "ission": 1480, + "stand": 1481, + "ĠCon": 1482, + "ality": 1483, + "used": 1484, + "13": 1485, + "Ġdesign": 1486, + "Ġchange": 1487, + "Ġchang": 1488, + "Ġbo": 1489, + "Ġvis": 1490, + "ember": 1491, + "Ġbook": 1492, + "ready": 1493, + "Ġkill": 1494, + "25": 1495, + "pped": 1496, + "Ġaway": 1497, + "Ġable": 1498, + "Ġcountry": 1499, + "Ġconst": 1500, + "arn": 1501, + "Ġorder": 1502, + "AR": 1503, + "ior": 1504, + "ium": 1505, + "orth": 1506, + "18": 1507, + "ailable": 1508, + "Ġsw": 1509, + "Ġmillion": 1510, + "Ġ13": 1511, + "atic": 1512, + "ted": 1513, + "ĠGo": 1514, + "Ġoper": 1515, + "eng": 1516, + "Ġthing": 1517, + "ajor": 1518, + "conom": 1519, + "ĠComm": 1520, + "Ġwhy": 1521, + "ured": 1522, + "ural": 1523, + "Ġschool": 1524, + "by": 1525, + "ĠMar": 1526, + "Ġaff": 1527, + "Ġdays": 1528, + "Ġann": 1529, + "ush": 1530, + "ane": 1531, + "If": 1532, + "eg": 1533, + "Ġprof": 1534, + "Ġhealth": 1535, + "outh": 1536, + "But": 1537, + "ional": 1538, + ".,": 1539, + "Ġsol": 1540, + "Ġalready": 1541, + "Ġ30": 1542, + "Ġcharact": 1543, + "He": 1544, + "Ġfriend": 1545, + "ES": 1546, + "ians": 1547, + "icle": 1548, + "'d": 1549, + "ĠOn": 1550, + "Ġleast": 1551, + "Ġprom": 1552, + "Ġdr": 1553, + "Ġhist": 1554, + "ither": 1555, + "Ġest": 1556, + "iqu": 1557, + "17": 1558, + "son": 1559, + "Ġtell": 1560, + "Ġtalk": 1561, + "ohn": 1562, + "oint": 1563, + "lection": 1564, + "AN": 1565, + "Ġuntil": 1566, + "augh": 1567, + "Ġlater": 1568, + "Ġve": 1569, + "Ġview": 1570, + "ending": 1571, + "ived": 1572, + "Ġword": 1573, + "ware": 1574, + "Ġcost": 1575, + "Ġenough": 1576, + "Ġgive": 1577, + "ĠUnited": 1578, + "Ġtechn": 1579, + "arent": 1580, + "OR": 1581, + "Ġpar": 1582, + "ĠDr": 1583, + "Ġ2016": 1584, + "rist": 1585, + "ering": 1586, + "ĠÂ": 1587, + "Ġlarge": 1588, + "side": 1589, + "acy": 1590, + "ccess": 1591, + "Ġwin": 1592, + "Ġimportant": 1593, + "Ġ199": 1594, + "Ġdoesn": 1595, + "Ġ17": 1596, + "Ġbusiness": 1597, + "Ġclear": 1598, + "Ġrese": 1599, + "\",": 1600, + "ury": 1601, + "Ġequ": 1602, + "aster": 1603, + "alf": 1604, + "ĠAmerican": 1605, + "nect": 1606, + "Ġexpect": 1607, + "iversity": 1608, + "Ġocc": 1609, + "ĠFl": 1610, + "Ġkind": 1611, + "Ġmean": 1612, + "Ġpast": 1613, + "Ġdev": 1614, + "Ġbas": 1615, + "let": 1616, + "raft": 1617, + "Ġorgan": 1618, + "Ġdel": 1619, + "Ġperform": 1620, + "Ġstory": 1621, + "Ġseason": 1622, + "ĠCol": 1623, + "Ġclaim": 1624, + "Ġcame": 1625, + "Ġwithin": 1626, + "Ġline": 1627, + "Ġproject": 1628, + "ĠAt": 1629, + "Ġcontrol": 1630, + "ended": 1631, + "ĠSy": 1632, + "Ġair": 1633, + "ization": 1634, + "Ġ*": 1635, + "ley": 1636, + "Ġmoney": 1637, + "idd": 1638, + "You": 1639, + "for": 1640, + "Ġfamily": 1641, + "Ġmaking": 1642, + "Ġbit": 1643, + "Ġpolice": 1644, + "Ġhappen": 1645, + "Ġvers": 1646, + "ony": 1647, + "uff": 1648, + "ĠWhen": 1649, + "Ġsit": 1650, + "ideo": 1651, + "lf": 1652, + "ison": 1653, + "Ġsure": 1654, + "gin": 1655, + "Ġappear": 1656, + "Ġlight": 1657, + "Ġes": 1658, + "of": 1659, + "Ġwater": 1660, + "Ġtimes": 1661, + "not": 1662, + "Ġgrow": 1663, + "Ġcompany": 1664, + "ĠTe": 1665, + "ows": 1666, + "Ġmar": 1667, + "ource": 1668, + "iol": 1669, + "arm": 1670, + "br": 1671, + "Ġexample": 1672, + "Ġconc": 1673, + "Ġfore": 1674, + "ĠTo": 1675, + "pro": 1676, + "EN": 1677, + "ries": 1678, + "Ġ25": 1679, + "ĠCan": 1680, + "ney": 1681, + "Ġactually": 1682, + "Ġever": 1683, + "urity": 1684, + "aken": 1685, + "aps": 1686, + "Ġtax": 1687, + "Ġmajor": 1688, + "ama": 1689, + "Ġoften": 1690, + "eral": 1691, + "Ġhuman": 1692, + "Ġjob": 1693, + "ister": 1694, + "Ġavailable": 1695, + "ocr": 1696, + "enn": 1697, + "aid": 1698, + "ivid": 1699, + "Ġrecord": 1700, + "?\"": 1701, + "Ġsing": 1702, + "ĠAm": 1703, + "idence": 1704, + "Ġnews": 1705, + "ster": 1706, + "Ġeconom": 1707, + "Ġfollowing": 1708, + "ĠBr": 1709, + "ising": 1710, + "Ġhour": 1711, + "most": 1712, + "ument": 1713, + "Ġsex": 1714, + "Ġdesc": 1715, + "Ġbecome": 1716, + "ĠEd": 1717, + "Ġtook": 1718, + "Ġhaving": 1719, + "Ġproduct": 1720, + "ault": 1721, + "As": 1722, + "aring": 1723, + "Ġmeans": 1724, + "Ġhop": 1725, + "une": 1726, + "Ġcho": 1727, + "Ġcertain": 1728, + "Ġnon": 1729, + "Ġdeal": 1730, + "24": 1731, + "lement": 1732, + "oci": 1733, + "ene": 1734, + "Ġside": 1735, + "ĠPr": 1736, + "ĠMay": 1737, + "Ġreason": 1738, + "ued": 1739, + "ched": 1740, + "ulation": 1741, + "Ġelect": 1742, + "Ġofficial": 1743, + "Ġpossible": 1744, + "Ġhold": 1745, + "ands": 1746, + "ots": 1747, + "Ġcity": 1748, + "ories": 1749, + "Ġsever": 1750, + "Ġchildren": 1751, + "Ġonce": 1752, + "Ġactiv": 1753, + "ler": 1754, + "Ġnight": 1755, + "itions": 1756, + "ĠJohn": 1757, + "ape": 1758, + "play": 1759, + "Ġdone": 1760, + "Ġlim": 1761, + "Ġworking": 1762, + "ĠPres": 1763, + "orld": 1764, + "eb": 1765, + "ĠCo": 1766, + "Ġbody": 1767, + "ails": 1768, + "utes": 1769, + "ĠMr": 1770, + "Ġwhether": 1771, + "Ġauthor": 1772, + "rop": 1773, + "Ġproper": 1774, + "Ġseen": 1775, + ");": 1776, + "Ġfac": 1777, + "ĠSu": 1778, + "Ġcond": 1779, + "iting": 1780, + "Ġcourse": 1781, + "Ġ}": 1782, + "----------------": 1783, + "aign": 1784, + "Ġevent": 1785, + "Ġeng": 1786, + "Ġpot": 1787, + "Ġintern": 1788, + "iam": 1789, + "Ġshort": 1790, + "empt": 1791, + "ãĤ": 1792, + "ĠGod": 1793, + "ilar": 1794, + "80": 1795, + "Ġorig": 1796, + "IS": 1797, + "ourn": 1798, + "ability": 1799, + "itive": 1800, + "Ġdam": 1801, + "Ġ100": 1802, + "Ġpress": 1803, + "Ġdoing": 1804, + "Ġprotect": 1805, + "ring": 1806, + "Ġthought": 1807, + "Ġquestion": 1808, + "rew": 1809, + "ĠWar": 1810, + "Ġseveral": 1811, + "ĠState": 1812, + "Ġgiven": 1813, + "Ġfund": 1814, + "ĠTw": 1815, + "Ġwent": 1816, + "ances": 1817, + "work": 1818, + "por": 1819, + "my": 1820, + "40": 1821, + "Ġarg": 1822, + "artment": 1823, + "ustom": 1824, + "Ġpolic": 1825, + "Ġmeet": 1826, + "Ġcreat": 1827, + "22": 1828, + "ĠStates": 1829, + "Ġgames": 1830, + "raw": 1831, + "uture": 1832, + "Ġunderstand": 1833, + "urs": 1834, + "ĠOb": 1835, + "lish": 1836, + "sy": 1837, + "Ġmakes": 1838, + "Ġwon": 1839, + "agon": 1840, + "Ġhtt": 1841, + "Ġlove": 1842, + "ential": 1843, + "Ġcomplete": 1844, + "par": 1845, + "ĠIm": 1846, + "AL": 1847, + "Ġaccount": 1848, + "Âł": 1849, + "ored": 1850, + "vert": 1851, + "Ġident": 1852, + "Ġ2015": 1853, + "Ġothers": 1854, + "ĠMin": 1855, + "iber": 1856, + "verage": 1857, + "There": 1858, + "itional": 1859, + "dd": 1860, + "Ġprob": 1861, + "Ġyoung": 1862, + "Ġalong": 1863, + "Ġaccording": 1864, + "Ġyet": 1865, + "Ġmembers": 1866, + "ĠWhat": 1867, + "oid": 1868, + "ĠMan": 1869, + "And": 1870, + "Ġamong": 1871, + "ai": 1872, + "Ġemploy": 1873, + "ĠRes": 1874, + "Ġ>": 1875, + "Ġinvol": 1876, + "Ġlow": 1877, + "af": 1878, + "ĠCar": 1879, + "Ġhig": 1880, + "ĠOne": 1881, + "ĠSec": 1882, + "ination": 1883, + "Ġlikely": 1884, + "Ġant": 1885, + "aged": 1886, + "ĠRuss": 1887, + "Ġben": 1888, + "Ġrele": 1889, + "For": 1890, + "back": 1891, + "ĠNot": 1892, + "Ġpresident": 1893, + "ball": 1894, + "Ġaccess": 1895, + "ividual": 1896, + "ĠDem": 1897, + "ĠEuro": 1898, + "60": 1899, + "Ġknown": 1900, + "irl": 1901, + "ĠGr": 1902, + "Ġearly": 1903, + "use": 1904, + "iety": 1905, + "âĢĵ": 1906, + "Ġfight": 1907, + "Ġsent": 1908, + "Ġtoday": 1909, + "Ġmarket": 1910, + "\".": 1911, + "Ġbased": 1912, + "Ġstrong": 1913, + "urther": 1914, + "Ġdeb": 1915, + "mber": 1916, + "Ġproblem": 1917, + "Ġdeath": 1918, + "Ġsocial": 1919, + "imate": 1920, + "AS": 1921, + "ortun": 1922, + "Ġcampaign": 1923, + "ery": 1924, + "Ch": 1925, + "Ġey": 1926, + "ially": 1927, + "Ġmus": 1928, + "wh": 1929, + "pos": 1930, + "Ġer": 1931, + "Ġsaf": 1932, + "Ġmonths": 1933, + "iron": 1934, + "Ġviol": 1935, + "Ġfive": 1936, + "Ġstre": 1937, + "Ġplayers": 1938, + "inc": 1939, + "ald": 1940, + "year": 1941, + "aun": 1942, + "Ġsuccess": 1943, + "Ġpresent": 1944, + "erence": 1945, + "Ġ2014": 1946, + "Ġsugg": 1947, + "Ġparticular": 1948, + "Ġtry": 1949, + "Ġsuggest": 1950, + "ĠChrist": 1951, + "ones": 1952, + "Ġpriv": 1953, + "23": 1954, + "Ġcrit": 1955, + "Ġland": 1956, + "Ġlocal": 1957, + "ify": 1958, + "29": 1959, + "Ġaut": 1960, + "ED": 1961, + "ĠGu": 1962, + "Ġmult": 1963, + "Ġpolitical": 1964, + "Ġasked": 1965, + "Ġformer": 1966, + "itter": 1967, + "ript": 1968, + "Ġclose": 1969, + "Ġpract": 1970, + "ĠYork": 1971, + "Ġgetting": 1972, + "Ġacross": 1973, + "Ġcomb": 1974, + "Ġbelieve": 1975, + "Ġz": 1976, + "Ġtoget": 1977, + "Ġtogether": 1978, + "ĠCent": 1979, + "irc": 1980, + "Ġindividual": 1981, + "ĠMc": 1982, + "27": 1983, + "isk": 1984, + "ĠEng": 1985, + "Ġface": 1986, + "Ġ24": 1987, + "Ġvalue": 1988, + "Ġarea": 1989, + "ev": 1990, + "Ġwrit": 1991, + "ĠPresident": 1992, + "Ġvot": 1993, + "Ġkey": 1994, + "Ġmom": 1995, + "put": 1996, + "Ġanything": 1997, + "Ġexperience": 1998, + "attle": 1999, + "Ġmind": 2000, + "aff": 2001, + "omm": 2002, + "Ġfuture": 2003, + "ged": 2004, + "Ġcut": 2005, + "Ġtot": 2006, + "itch": 2007, + "Ġvideo": 2008, + "Ġinvestig": 2009, + "Ġnet": 2010, + "ĠMy": 2011, + "rict": 2012, + "ien": 2013, + ".)": 2014, + "Ġimpro": 2015, + "though": 2016, + "wards": 2017, + "Ġconnect": 2018, + "ĠMed": 2019, + "selves": 2020, + "ensive": 2021, + "mb": 2022, + "ober": 2023, + "ators": 2024, + "An": 2025, + "Ġ50": 2026, + "Ġredu": 2027, + "resent": 2028, + "Ġabove": 2029, + "Ġfre": 2030, + "ĠEurope": 2031, + "sw": 2032, + "Ġamount": 2033, + "ĠApp": 2034, + "Ġeither": 2035, + "Ġmilit": 2036, + "Ġanal": 2037, + "Ġfail": 2038, + "ĠEn": 2039, + "ales": 2040, + "Ġspecial": 2041, + "Ġblack": 2042, + "IT": 2043, + "cher": 2044, + "Ġlooking": 2045, + "Ġfire": 2046, + "yn": 2047, + "Ġalmost": 2048, + "oon": 2049, + "Ġstudy": 2050, + "Ġmiss": 2051, + "ches": 2052, + "rown": 2053, + "Ġtre": 2054, + "Ġcommunity": 2055, + "Ġmedia": 2056, + "Ġfood": 2057, + "Ġcomes": 2058, + "ĠUniversity": 2059, + "Ġsingle": 2060, + "What": 2061, + "uly": 2062, + "Ġhalf": 2063, + "ague": 2064, + "hod": 2065, + "ĠRepublic": 2066, + "Ġstarted": 2067, + "Ġquick": 2068, + "oto": 2069, + "book": 2070, + "Ġissue": 2071, + "itor": 2072, + "Ġelse": 2073, + "Ġconsider": 2074, + "26": 2075, + "rodu": 2076, + "Ġtaken": 2077, + "28": 2078, + "99": 2079, + "ĠWith": 2080, + "Ġtrue": 2081, + "Ġwa": 2082, + "Ġtrad": 2083, + "Ġago": 2084, + "Ġmess": 2085, + "ief": 2086, + "Ġadded": 2087, + "oke": 2088, + "Ġbad": 2089, + "Ġfav": 2090, + "33": 2091, + "Ġsimilar": 2092, + "ask": 2093, + "ĠDon": 2094, + "Ġcharacter": 2095, + "orts": 2096, + "ĠHouse": 2097, + "Ġreported": 2098, + "Ġtype": 2099, + "val": 2100, + "iod": 2101, + "ĠHowever": 2102, + "Ġtarg": 2103, + "Ġentire": 2104, + "pping": 2105, + "Ġhistory": 2106, + "Ġlive": 2107, + "ffic": 2108, + "........": 2109, + "ederal": 2110, + "Ġtrying": 2111, + "Ġdiscuss": 2112, + "ĠHar": 2113, + "aces": 2114, + "lished": 2115, + "Ġself": 2116, + "osp": 2117, + "rest": 2118, + "Ġroom": 2119, + "elt": 2120, + "Ġfall": 2121, + "olution": 2122, + "Ġet": 2123, + "Ġx": 2124, + "Ġisn": 2125, + "Ġidea": 2126, + "bo": 2127, + "Ġsound": 2128, + "ĠDep": 2129, + "Ġsomeone": 2130, + "cially": 2131, + "ully": 2132, + "Ġfoc": 2133, + "Ġobject": 2134, + "ift": 2135, + "aper": 2136, + "Ġplayer": 2137, + "Ġrather": 2138, + "Ġservice": 2139, + "ashing": 2140, + "ĠDo": 2141, + "ĠPart": 2142, + "rug": 2143, + "mon": 2144, + "ply": 2145, + "Ġmor": 2146, + "Ġnothing": 2147, + "Ġprovide": 2148, + "IC": 2149, + "ung": 2150, + "Ġparty": 2151, + "Ġexist": 2152, + "Ġmag": 2153, + "70": 2154, + "Ġrul": 2155, + "Ġhouse": 2156, + "Ġbehind": 2157, + "Ġhowever": 2158, + "ĠWorld": 2159, + "Ġsum": 2160, + "Ġapplic": 2161, + "Ġ;": 2162, + "Ġfunction": 2163, + "gr": 2164, + "ĠPol": 2165, + "Ġfront": 2166, + "200": 2167, + "Ġseries": 2168, + "Ġtem": 2169, + "Ġtyp": 2170, + "ills": 2171, + "Ġopt": 2172, + "Ġpoints": 2173, + "Ġbelow": 2174, + "itted": 2175, + "Ġspecific": 2176, + "Ġ2017": 2177, + "umb": 2178, + "Ġra": 2179, + "Ġprevious": 2180, + "Ġpret": 2181, + "reme": 2182, + "Ġcustom": 2183, + "Ġcourt": 2184, + "ĠMe": 2185, + "Ġrepl": 2186, + "Ġwhole": 2187, + "go": 2188, + "cer": 2189, + "Ġtreat": 2190, + "ĠAct": 2191, + "Ġprobably": 2192, + "Ġlearn": 2193, + "ender": 2194, + "ĠAss": 2195, + "Ġversion": 2196, + "now": 2197, + "Ġcheck": 2198, + "ĠCal": 2199, + "RE": 2200, + "minist": 2201, + "On": 2202, + "ources": 2203, + "Ġbenef": 2204, + "Ġdoc": 2205, + "Ġdeter": 2206, + "Ġenc": 2207, + "Ġsuper": 2208, + "Ġaddress": 2209, + "Ġvict": 2210, + "Ġ2013": 2211, + "Ġmeas": 2212, + "tr": 2213, + "Ġfield": 2214, + "When": 2215, + "Ġsignific": 2216, + "uge": 2217, + "Ġfeat": 2218, + "Ġcommon": 2219, + "load": 2220, + "Ġbegin": 2221, + "Ġbring": 2222, + "Ġaction": 2223, + "erman": 2224, + "Ġdescrib": 2225, + "Ġindust": 2226, + "Ġwanted": 2227, + "ried": 2228, + "ming": 2229, + "Ġattempt": 2230, + "45": 2231, + "fer": 2232, + "Ġdue": 2233, + "ression": 2234, + "##": 2235, + "Ġshall": 2236, + "Ġsix": 2237, + "oo": 2238, + "Ġstep": 2239, + "Ġpub": 2240, + "Ġhimself": 2241, + "Ġ23": 2242, + "Ġcop": 2243, + "Ġdest": 2244, + "Ġstop": 2245, + "AC": 2246, + "ibility": 2247, + "Ġlab": 2248, + "icult": 2249, + "Ġhours": 2250, + "Ġcreate": 2251, + "Ġfurther": 2252, + "ĠAmerica": 2253, + "ĠCity": 2254, + "Ġdou": 2255, + "head": 2256, + "ST": 2257, + "ĠNorth": 2258, + "cing": 2259, + "Ġnational": 2260, + "ule": 2261, + "ĠInst": 2262, + "Ġtaking": 2263, + "ĠQu": 2264, + "irt": 2265, + "Ġred": 2266, + "Ġresearch": 2267, + "viron": 2268, + "ĠGe": 2269, + "Ġbreak": 2270, + "ana": 2271, + "Ġspace": 2272, + "aterial": 2273, + "Ġrecent": 2274, + "ĠAb": 2275, + "Ġgeneral": 2276, + "Ġhit": 2277, + "Ġperiod": 2278, + "Ġeverything": 2279, + "ively": 2280, + "Ġphys": 2281, + "Ġsaying": 2282, + "anks": 2283, + "Ġcou": 2284, + "Ġcult": 2285, + "aced": 2286, + "eal": 2287, + "uation": 2288, + "Ġcoun": 2289, + "lu": 2290, + "Ġinclude": 2291, + "Ġposition": 2292, + "ĠAfter": 2293, + "ĠCanad": 2294, + "ĠEm": 2295, + "Ġimm": 2296, + "ĠRed": 2297, + "Ġpick": 2298, + "Ġcompl": 2299, + "Ġmatter": 2300, + "reg": 2301, + "ext": 2302, + "angu": 2303, + "isc": 2304, + "ole": 2305, + "aut": 2306, + "Ġcompet": 2307, + "eed": 2308, + "fect": 2309, + "Ġ21": 2310, + "ĠSen": 2311, + "ĠThese": 2312, + "asing": 2313, + "Ġcannot": 2314, + "Ġinit": 2315, + "Ġrelations": 2316, + "ached": 2317, + "Ġbar": 2318, + "Ġ40": 2319, + "ĠTH": 2320, + "Ġ2012": 2321, + "Ġvol": 2322, + "Ġground": 2323, + "Ġsecurity": 2324, + "Ġupd": 2325, + "ilt": 2326, + "35": 2327, + "Ġconcern": 2328, + "ĠJust": 2329, + "Ġwhite": 2330, + "Ġseems": 2331, + "ĠHer": 2332, + "pecially": 2333, + "ients": 2334, + "Ġannoun": 2335, + "Ġfig": 2336, + "ights": 2337, + "Ġstri": 2338, + "like": 2339, + "ids": 2340, + "Ġsus": 2341, + "Ġwatch": 2342, + "Ġâ": 2343, + "Ġwind": 2344, + "ĠCont": 2345, + "Ġitself": 2346, + "Ġmass": 2347, + "Al": 2348, + "yle": 2349, + "ique": 2350, + "ĠNational": 2351, + "Ġabs": 2352, + "Ġpack": 2353, + "Ġoutside": 2354, + "Ġanim": 2355, + "Ġpain": 2356, + "eter": 2357, + "Ġmanag": 2358, + "duct": 2359, + "ogn": 2360, + "Ġ]": 2361, + "ĠSept": 2362, + "sec": 2363, + "off": 2364, + "ĠJan": 2365, + "Ġfoot": 2366, + "ades": 2367, + "Ġthird": 2368, + "Ġmot": 2369, + "Ġevidence": 2370, + "inton": 2371, + "Ġthreat": 2372, + "apt": 2373, + "ples": 2374, + "cle": 2375, + "Ġlo": 2376, + "Ġdecl": 2377, + "Ġitem": 2378, + "medi": 2379, + "Ġrepresent": 2380, + "omb": 2381, + "amer": 2382, + "Ġsignificant": 2383, + "ograph": 2384, + "su": 2385, + "Ġcal": 2386, + "ires": 2387, + "0000": 2388, + "ID": 2389, + "AM": 2390, + "Ġsimply": 2391, + "Ġlonger": 2392, + "Ġfile": 2393, + "OT": 2394, + "che": 2395, + "So": 2396, + "ateg": 2397, + "org": 2398, + "ĠHis": 2399, + "Ġener": 2400, + "Ġdom": 2401, + "Ġupon": 2402, + "ili": 2403, + "\":\"": 2404, + "Ġthemselves": 2405, + "Ġcoming": 2406, + "Ġquite": 2407, + "Ġdifficult": 2408, + "ĠBar": 2409, + "ilities": 2410, + "rel": 2411, + "ends": 2412, + "cial": 2413, + "64": 2414, + "Ġwoman": 2415, + "rap": 2416, + "yr": 2417, + "Ġnecess": 2418, + "ips": 2419, + "Ġtext": 2420, + "Ġrequire": 2421, + "Ġmilitary": 2422, + "Ġreview": 2423, + "Ġrespons": 2424, + "75": 2425, + "Ġsubject": 2426, + "Ġinstead": 2427, + "Ġissues": 2428, + "Ġgen": 2429, + "\",\"": 2430, + "Ġminutes": 2431, + "Ġweap": 2432, + "ray": 2433, + "amed": 2434, + "time": 2435, + "bl": 2436, + "How": 2437, + "Ġcode": 2438, + "ĠSm": 2439, + "Ġhigher": 2440, + "ĠSte": 2441, + "ris": 2442, + "Ġpage": 2443, + "Ġstudents": 2444, + "ĠIntern": 2445, + "Ġmethod": 2446, + "ĠAug": 2447, + "ĠPer": 2448, + "ĠAg": 2449, + "Ġpolicy": 2450, + "ĠSw": 2451, + "Ġexec": 2452, + "Ġaccept": 2453, + "ume": 2454, + "ribut": 2455, + "Ġwords": 2456, + "Ġfinal": 2457, + "Ġchanges": 2458, + "ĠDemocr": 2459, + "Ġfriends": 2460, + "Ġrespect": 2461, + "Ġep": 2462, + "Ġcompan": 2463, + "ivil": 2464, + "Ġdamage": 2465, + "****": 2466, + "ogle": 2467, + "vironment": 2468, + "Ġneg": 2469, + "ental": 2470, + "Ġap": 2471, + "Ġtotal": 2472, + "ival": 2473, + "!\"": 2474, + "lim": 2475, + "Ġneeds": 2476, + "Ġagre": 2477, + "Ġdevelopment": 2478, + "Ġage": 2479, + "iple": 2480, + "21": 2481, + "Ġresults": 2482, + "ĠAf": 2483, + "Sh": 2484, + "Ġgun": 2485, + "ĠObama": 2486, + "roll": 2487, + "Ġ@": 2488, + "Ġrights": 2489, + "ĠBrit": 2490, + "Ġrunning": 2491, + "Ġwasn": 2492, + "Ġport": 2493, + "Ġrate": 2494, + "Ġpretty": 2495, + "Ġtarget": 2496, + "Ġsaw": 2497, + "Ġcirc": 2498, + "Ġworks": 2499, + "icro": 2500, + "alt": 2501, + "over": 2502, + "www": 2503, + "That": 2504, + "lier": 2505, + "Ġeveryone": 2506, + "ude": 2507, + "Ġpie": 2508, + "iddle": 2509, + "rael": 2510, + "Ġrad": 2511, + "Ġblock": 2512, + "Ġwalk": 2513, + "To": 2514, + "ãģ": 2515, + "nes": 2516, + "ĠAust": 2517, + "aul": 2518, + "rote": 2519, + "ĠSouth": 2520, + "ession": 2521, + "oph": 2522, + "Ġshows": 2523, + "Ġsite": 2524, + "Ġjo": 2525, + "Ġrisk": 2526, + "clus": 2527, + "lt": 2528, + "Ġinj": 2529, + "iding": 2530, + "ĠSpe": 2531, + "Ġchall": 2532, + "irm": 2533, + "Ġ22": 2534, + "itting": 2535, + "str": 2536, + "Ġhy": 2537, + "LE": 2538, + "key": 2539, + "Ġbegan": 2540, + "atur": 2541, + "ashington": 2542, + "lam": 2543, + "ĠDav": 2544, + "bit": 2545, + "Ġsize": 2546, + "ĠPar": 2547, + "38": 2548, + "ournal": 2549, + "face": 2550, + "Ġdecision": 2551, + "Ġlarg": 2552, + "Ġjud": 2553, + "rect": 2554, + "Ġcontinue": 2555, + "ĠOct": 2556, + "overed": 2557, + "ĠInt": 2558, + "========": 2559, + "Ġparent": 2560, + "ĠWill": 2561, + "Ġeasy": 2562, + "Ġdrug": 2563, + "anger": 2564, + "Ġsense": 2565, + "Ġdi": 2566, + "iday": 2567, + "Ġenergy": 2568, + "istic": 2569, + "Ġassoci": 2570, + "arter": 2571, + "obal": 2572, + "eks": 2573, + "ĠEl": 2574, + "urch": 2575, + "Ġgirl": 2576, + "oe": 2577, + "itle": 2578, + "Ġ28": 2579, + "ĠChe": 2580, + "Ġrequest": 2581, + "Ġsoon": 2582, + "Ġhost": 2583, + "ky": 2584, + "Ġstates": 2585, + "omes": 2586, + "Ġmaterial": 2587, + "lex": 2588, + "Ġmoment": 2589, + "Ġansw": 2590, + "onse": 2591, + "Ġespecially": 2592, + "Ġnorm": 2593, + "Ġservices": 2594, + "pite": 2595, + "ran": 2596, + "Ġrole": 2597, + "44": 2598, + "):": 2599, + "Ġcred": 2600, + "Cl": 2601, + "________": 2602, + "Ġmat": 2603, + "Ġlog": 2604, + "ĠClinton": 2605, + "OU": 2606, + "Ġoffice": 2607, + "Ġ26": 2608, + "Ġcharg": 2609, + "Ġtrack": 2610, + "ma": 2611, + "Ġheart": 2612, + "Ġball": 2613, + "Ġpersonal": 2614, + "Ġbuilding": 2615, + "na": 2616, + "set": 2617, + "body": 2618, + "ĠBlack": 2619, + "Ġincrease": 2620, + "itten": 2621, + "Ġneeded": 2622, + "36": 2623, + "32": 2624, + "=\"": 2625, + "Ġlost": 2626, + "Ġbecame": 2627, + "Ġgroups": 2628, + "ĠMus": 2629, + "Ġwrote": 2630, + "ĠPe": 2631, + "Ġprop": 2632, + "joy": 2633, + "é": 2634, + "ĠWhite": 2635, + "Ġdead": 2636, + ".'": 2637, + "Ġhttp": 2638, + "Ġwebs": 2639, + "OS": 2640, + "Ġinside": 2641, + "Ġwrong": 2642, + "Ġstatement": 2643, + "Ġ...": 2644, + "yl": 2645, + "Ġfilm": 2646, + "Ġmusic": 2647, + "Ġshare": 2648, + "ification": 2649, + "Ġrelease": 2650, + "Ġforward": 2651, + "Ġstay": 2652, + "Ġcomput": 2653, + "itte": 2654, + "ser": 2655, + "Ġoriginal": 2656, + "Ġcard": 2657, + "Ġcand": 2658, + "Ġdiv": 2659, + "atural": 2660, + "Ġfavor": 2661, + "OM": 2662, + "Ġcases": 2663, + "uses": 2664, + "Ġsection": 2665, + "Ġleave": 2666, + "ging": 2667, + "oved": 2668, + "ĠWashington": 2669, + "39": 2670, + "ĠGl": 2671, + "Ġrequired": 2672, + "action": 2673, + "apan": 2674, + "oor": 2675, + "iter": 2676, + "ĠKing": 2677, + "Ġcountries": 2678, + "ĠGerman": 2679, + "lling": 2680, + "Ġ27": 2681, + "34": 2682, + "Ġquestions": 2683, + "Ġprim": 2684, + "Ġcell": 2685, + "Ġshoot": 2686, + "Ġanyone": 2687, + "ĠWest": 2688, + "Ġaffect": 2689, + "epend": 2690, + "Ġonline": 2691, + "ĠIsrael": 2692, + "ĠSeptember": 2693, + "Ġability": 2694, + "Ġcontent": 2695, + "ises": 2696, + "Ġreve": 2697, + "Ġlaun": 2698, + "Ġindic": 2699, + "Ġforce": 2700, + "cast": 2701, + "Ġsold": 2702, + "aving": 2703, + "fl": 2704, + "Ġsoft": 2705, + "Ġcompanies": 2706, + "ceed": 2707, + "Ġarticle": 2708, + "Ġaud": 2709, + "Ġrev": 2710, + "Ġeduc": 2711, + "Ġplaying": 2712, + "05": 2713, + "Ġheld": 2714, + "ctor": 2715, + "Ġreleased": 2716, + "Ġfederal": 2717, + "37": 2718, + "Ġadminist": 2719, + "Ġinterview": 2720, + "Ġinstall": 2721, + "Ġreceived": 2722, + "Ġsource": 2723, + "uk": 2724, + "Ph": 2725, + "Ġserious": 2726, + "Ġcreated": 2727, + "Ġcause": 2728, + "Ġimmedi": 2729, + "Ġdefin": 2730, + "uel": 2731, + "ĠDepartment": 2732, + "ctions": 2733, + "ĠCour": 2734, + "ĠNow": 2735, + "ze": 2736, + "ites": 2737, + "itution": 2738, + "Ġlate": 2739, + "Ġspeak": 2740, + "ners": 2741, + "Ġlegal": 2742, + "ari": 2743, + "ĠCor": 2744, + "Ġweeks": 2745, + "Ġmodel": 2746, + "Ġpred": 2747, + "Ġexact": 2748, + "BC": 2749, + "ĠBy": 2750, + "ING": 2751, + "osing": 2752, + "Ġtakes": 2753, + "Ġregard": 2754, + "Ġopportun": 2755, + "Ġprice": 2756, + "Ġ198": 2757, + "ĠApr": 2758, + "fully": 2759, + "Ġord": 2760, + "Ġproblems": 2761, + "ruction": 2762, + "ham": 2763, + "ĠCount": 2764, + "lege": 2765, + "Ġleaders": 2766, + "ET": 2767, + "lev": 2768, + "Ġdeep": 2769, + "ological": 2770, + "ese": 2771, + "haps": 2772, + "ĠSome": 2773, + "Ġpers": 2774, + "Ġcontract": 2775, + "Ġrelationship": 2776, + "sp": 2777, + "oud": 2778, + "Ġbase": 2779, + "48": 2780, + "mit": 2781, + "Ad": 2782, + "ancial": 2783, + "Ġconsum": 2784, + "Ġpotential": 2785, + "Ġlangu": 2786, + "rem": 2787, + "eth": 2788, + "Ġrelig": 2789, + "ressed": 2790, + "66": 2791, + "Ġlink": 2792, + "Ġlower": 2793, + "ayer": 2794, + "ĠJune": 2795, + "Ġfem": 2796, + "unt": 2797, + "erc": 2798, + "urd": 2799, + "Ġcontact": 2800, + "Ġill": 2801, + "Ġmother": 2802, + "Ġestab": 2803, + "htt": 2804, + "ĠMarch": 2805, + "ĠBro": 2806, + "ĠChina": 2807, + "Ġ29": 2808, + "Ġsqu": 2809, + "Ġprovided": 2810, + "Ġaverage": 2811, + "asons": 2812, + "Ġ2011": 2813, + "Ġexam": 2814, + "lin": 2815, + "55": 2816, + "ned": 2817, + "Ġperfect": 2818, + "Ġtou": 2819, + "alse": 2820, + "ux": 2821, + "Ġbuy": 2822, + "Ġshot": 2823, + "Ġcollect": 2824, + "Ġphot": 2825, + "Ġplayed": 2826, + "Ġsurpr": 2827, + "Ġofficials": 2828, + "Ġsimple": 2829, + "avy": 2830, + "Ġindustry": 2831, + "Ġhands": 2832, + "ground": 2833, + "Ġpull": 2834, + "Ġround": 2835, + "Ġuser": 2836, + "Ġrange": 2837, + "uary": 2838, + "Ġprivate": 2839, + "ops": 2840, + "ees": 2841, + "Ġways": 2842, + "ĠMich": 2843, + "Ġveh": 2844, + "Ġexcept": 2845, + "Ġterms": 2846, + "imum": 2847, + "pper": 2848, + "ION": 2849, + "ores": 2850, + "ĠDragon": 2851, + "oul": 2852, + "Ġden": 2853, + "Ġperformance": 2854, + "Ġbill": 2855, + "cil": 2856, + "47": 2857, + "Ġenvironment": 2858, + "Ġexc": 2859, + "add": 2860, + "Ġworth": 2861, + "Ġpict": 2862, + "Ġchance": 2863, + "Ġ2018": 2864, + "bor": 2865, + "Ġspeed": 2866, + "iction": 2867, + "Ġalleg": 2868, + "ĠJapan": 2869, + "atory": 2870, + "reet": 2871, + "Ġmatch": 2872, + "ĠII": 2873, + "Ġstru": 2874, + "order": 2875, + "Ġste": 2876, + "Ġliving": 2877, + "Ġstruct": 2878, + "ino": 2879, + "Ġsepar": 2880, + "hern": 2881, + "Ġresponse": 2882, + "Ġenjoy": 2883, + "Ġvia": 2884, + "AD": 2885, + "uments": 2886, + "acebook": 2887, + "Ġmember": 2888, + "ibr": 2889, + "izing": 2890, + "Ġtool": 2891, + "ĠMon": 2892, + "ĠWhile": 2893, + "hood": 2894, + "ĠAng": 2895, + "ĠDef": 2896, + "Ġoffer": 2897, + "Tr": 2898, + "aur": 2899, + "Ġturned": 2900, + "ĠJuly": 2901, + "down": 2902, + "anced": 2903, + "Ġrecently": 2904, + "ĠEar": 2905, + "Ġce": 2906, + "ĠStar": 2907, + "ĠCong": 2908, + "rought": 2909, + "Ġblood": 2910, + "Ġhope": 2911, + "Ġcomment": 2912, + "aint": 2913, + "Ġarri": 2914, + "iles": 2915, + "Ġparticip": 2916, + "ought": 2917, + "ription": 2918, + "08": 2919, + "49": 2920, + "Ġgave": 2921, + "Ġselect": 2922, + "Ġkilled": 2923, + "sych": 2924, + "Ġgoes": 2925, + "ij": 2926, + "Ġcoll": 2927, + "Ġimpact": 2928, + "atives": 2929, + "ĠSer": 2930, + "09": 2931, + "ĠAugust": 2932, + "Ġboy": 2933, + "de": 2934, + "ĠDes": 2935, + "Ġfelt": 2936, + "US": 2937, + "Ġexpected": 2938, + "Ġimage": 2939, + "ĠMark": 2940, + "ccording": 2941, + "oice": 2942, + "EC": 2943, + "ĠMag": 2944, + "ened": 2945, + "hold": 2946, + "ĠPost": 2947, + "Ġprevent": 2948, + "No": 2949, + "Ġinvolved": 2950, + "Ġeyes": 2951, + "Ġquickly": 2952, + "At": 2953, + "unk": 2954, + "Ġbehav": 2955, + "Ġur": 2956, + "Ġled": 2957, + "come": 2958, + "ey": 2959, + "Ġcandid": 2960, + "Ġearlier": 2961, + "Ġfocus": 2962, + "ety": 2963, + "Pro": 2964, + "ledge": 2965, + "ixed": 2966, + "illed": 2967, + "Ġpopular": 2968, + "AP": 2969, + "Ġsett": 2970, + "light": 2971, + "Ġvarious": 2972, + "inks": 2973, + "Ġlevels": 2974, + "Ġroad": 2975, + "ellig": 2976, + "ables": 2977, + "hel": 2978, + "ittee": 2979, + "ĠGener": 2980, + "ype": 2981, + "Ġheard": 2982, + "icles": 2983, + "Ġmis": 2984, + "Ġusers": 2985, + "ĠSan": 2986, + "Ġimprove": 2987, + "Ġfather": 2988, + "Ġsearch": 2989, + "They": 2990, + "vil": 2991, + "Ġprofess": 2992, + "Ġknew": 2993, + "Ġloss": 2994, + "Ġevents": 2995, + "65": 2996, + "Ġbillion": 2997, + "07": 2998, + "02": 2999, + "ĠNews": 3000, + "ĠAM": 3001, + "Ġcover": 3002, + "where": 3003, + "ension": 3004, + "Ġbott": 3005, + "Ġareas": 3006, + "ences": 3007, + "ope": 3008, + "ĠTwitter": 3009, + "ael": 3010, + "Ġgets": 3011, + "ĠGoogle": 3012, + "Ġsn": 3013, + "iant": 3014, + "Ġvote": 3015, + "Ġnearly": 3016, + "Ġincluded": 3017, + "Ġrecogn": 3018, + "zz": 3019, + "mm": 3020, + "aled": 3021, + "Ġhappened": 3022, + "04": 3023, + "Ġhot": 3024, + "Ġwhose": 3025, + "Ġcivil": 3026, + "Ġsuff": 3027, + "oes": 3028, + "itiz": 3029, + "ĠSyri": 3030, + "Ġrespond": 3031, + "Ġhon": 3032, + "Ġfeatures": 3033, + "Ġeconomic": 3034, + "ĠApril": 3035, + "rim": 3036, + "Ġtechnology": 3037, + "Ġoption": 3038, + "aging": 3039, + "Ġpurch": 3040, + "Re": 3041, + "Ġlat": 3042, + "chie": 3043, + "isl": 3044, + "Ġrecomm": 3045, + "uf": 3046, + "Ġtraining": 3047, + "Ġeffects": 3048, + "Ġfast": 3049, + "Ġ2010": 3050, + "Ġoccur": 3051, + "Ġwebsite": 3052, + "Ġemail": 3053, + "Ġsens": 3054, + "ech": 3055, + "Ġoil": 3056, + "Ġinflu": 3057, + "Ġcurrently": 3058, + "ĠSch": 3059, + "ĠAdd": 3060, + "Ġgoal": 3061, + "Ġscient": 3062, + "Ġconv": 3063, + "100": 3064, + "emy": 3065, + "Ġdecided": 3066, + "Ġtravel": 3067, + "Ġmention": 3068, + "LL": 3069, + "03": 3070, + "Ġelection": 3071, + "Ġphone": 3072, + "Ġlooks": 3073, + "Ġsituation": 3074, + "Ġcy": 3075, + "Ġhor": 3076, + "bed": 3077, + "ĠCourt": 3078, + "aily": 3079, + "aves": 3080, + "Ġquality": 3081, + "ĠComp": 3082, + "wise": 3083, + "Ġtable": 3084, + "Ġstaff": 3085, + "ĠWind": 3086, + "ett": 3087, + "Ġtried": 3088, + "idered": 3089, + "Ġaddition": 3090, + "Ġbox": 3091, + "Ġlack": 3092, + "arily": 3093, + "Ġwide": 3094, + "Ġmid": 3095, + "Ġboard": 3096, + "ysis": 3097, + "Ġanti": 3098, + "ha": 3099, + "Ġdig": 3100, + "ening": 3101, + "Ġdro": 3102, + "Con": 3103, + "68": 3104, + "Ġslow": 3105, + "based": 3106, + "sequ": 3107, + "Ġpath": 3108, + "Ex": 3109, + "aker": 3110, + "Ġworked": 3111, + "Ġpen": 3112, + "Ġengine": 3113, + "Ġlooked": 3114, + "ĠSuper": 3115, + "ĠServ": 3116, + "Ġvictim": 3117, + "Un": 3118, + "Ġproperty": 3119, + "Ġintrodu": 3120, + "Ġexecut": 3121, + "ĠPM": 3122, + "Le": 3123, + "Ġcolor": 3124, + "ĠMore": 3125, + "Ġ60": 3126, + "Ġnetwork": 3127, + "Ġdate": 3128, + "cul": 3129, + "idge": 3130, + "Ġextra": 3131, + "31": 3132, + "Ġsle": 3133, + "67": 3134, + "Ġwond": 3135, + "Ġreports": 3136, + "just": 3137, + "ĠAustral": 3138, + "Ġcapital": 3139, + "Ġens": 3140, + "Ġcommand": 3141, + "Ġallowed": 3142, + "Ġprep": 3143, + "Ġcapt": 3144, + "hib": 3145, + "Ġnumbers": 3146, + "chan": 3147, + "Ġfair": 3148, + "mp": 3149, + "oms": 3150, + "Ġreach": 3151, + "With": 3152, + "tain": 3153, + "Ġbroad": 3154, + "Ġcouple": 3155, + "ecause": 3156, + "lying": 3157, + "ĠFeb": 3158, + "Ġscreen": 3159, + "Ġlives": 3160, + "Ġprior": 3161, + "ĠCongress": 3162, + "Ar": 3163, + "Ġapproach": 3164, + "Ġemer": 3165, + "aries": 3166, + "ĠDis": 3167, + "serv": 3168, + "ĠNe": 3169, + "Ġbuilt": 3170, + "cies": 3171, + "Ġrepe": 3172, + "Ġrules": 3173, + "force": 3174, + "ĠPal": 3175, + "Ġfinancial": 3176, + "Ġconsidered": 3177, + "ĠChar": 3178, + "nces": 3179, + "ĠIS": 3180, + "Ġbrought": 3181, + "Ġbi": 3182, + "iers": 3183, + "ĠSim": 3184, + "OP": 3185, + "Ġproducts": 3186, + "Ġvisit": 3187, + "Ġdocument": 3188, + "Ġconduct": 3189, + "Ġcompletely": 3190, + "ining": 3191, + "ĠCalif": 3192, + "ibly": 3193, + "Ġwritten": 3194, + "ĠTV": 3195, + "ements": 3196, + "Ġdraw": 3197, + "One": 3198, + "Ġpublished": 3199, + "Ġsecret": 3200, + "rain": 3201, + "het": 3202, + "ĠFacebook": 3203, + "onday": 3204, + "ĠUp": 3205, + "Ġsexual": 3206, + "Ġthous": 3207, + "ĠPat": 3208, + "Ġess": 3209, + "Ġstandard": 3210, + "Ġarm": 3211, + "ges": 3212, + "ection": 3213, + "Ġfell": 3214, + "Ġforeign": 3215, + "ani": 3216, + "ĠFriday": 3217, + "Ġregular": 3218, + "inary": 3219, + "Ġincreased": 3220, + "Ġusually": 3221, + "Ġdemon": 3222, + "Ġdark": 3223, + "Ġadditional": 3224, + "rol": 3225, + "ĠOf": 3226, + "Ġproduction": 3227, + "!!": 3228, + "undred": 3229, + "Ġinternational": 3230, + "idents": 3231, + "ĠFree": 3232, + "roup": 3233, + "Ġrace": 3234, + "Ġmach": 3235, + "Ġhuge": 3236, + "All": 3237, + "lear": 3238, + "ovember": 3239, + "Ġtown": 3240, + "Ġattention": 3241, + "ĠOff": 3242, + "yond": 3243, + "ĠThen": 3244, + "field": 3245, + "Ġterror": 3246, + "raz": 3247, + "ĠBo": 3248, + "Ġmeeting": 3249, + "ĠPark": 3250, + "Ġarrest": 3251, + "Ġfear": 3252, + "Ġaw": 3253, + "ĠVal": 3254, + "oring": 3255, + "',": 3256, + "Ġextreme": 3257, + "arr": 3258, + "Ġworkers": 3259, + "After": 3260, + "Ġ31": 3261, + "net": 3262, + "ament": 3263, + "Ġdirectly": 3264, + "Ġpopulation": 3265, + "ube": 3266, + "ĠOctober": 3267, + "ĠIN": 3268, + "ĠJanuary": 3269, + "59": 3270, + "ĠDavid": 3271, + "Ġcross": 3272, + "cember": 3273, + "ĠFirst": 3274, + "Ġmessage": 3275, + "irit": 3276, + "Ġnation": 3277, + "Ġpoll": 3278, + "isions": 3279, + "Ġanswer": 3280, + "ny": 3281, + "isode": 3282, + "Ġcarry": 3283, + "ĠRussia": 3284, + "Ġhear": 3285, + "ength": 3286, + "roy": 3287, + "Ġnatural": 3288, + "inally": 3289, + "Ġdog": 3290, + "mitted": 3291, + "Ġtrade": 3292, + "Ġsubst": 3293, + "Ġmultiple": 3294, + "ĠAfric": 3295, + "Ġfans": 3296, + "Ġsort": 3297, + "Ġglobal": 3298, + "ication": 3299, + "ĠWed": 3300, + "ara": 3301, + "Ġachie": 3302, + "Ġlanguage": 3303, + "vey": 3304, + "Ġtal": 3305, + "Ġnecessary": 3306, + "Ġdetails": 3307, + "Ġsen": 3308, + "ĠSund": 3309, + "ĠReg": 3310, + "ĠRec": 3311, + "06": 3312, + "Ġsil": 3313, + "ressive": 3314, + "Ġmedical": 3315, + "unch": 3316, + "ornia": 3317, + "Ġund": 3318, + "fort": 3319, + "ocks": 3320, + "ĠMonday": 3321, + "uesday": 3322, + "craft": 3323, + "77": 3324, + "urt": 3325, + "Ġver": 3326, + "ĠHill": 3327, + "Ġreceive": 3328, + "Ġmorning": 3329, + "estern": 3330, + "Ġbank": 3331, + "Ġsat": 3332, + "irth": 3333, + "ĠHigh": 3334, + "Ġdevice": 3335, + "ĠTHE": 3336, + "ĠCenter": 3337, + "Ġsafe": 3338, + "Ġple": 3339, + "ĠCanada": 3340, + "Ġsystems": 3341, + "Ġassist": 3342, + "Ġsurv": 3343, + "Ġbattle": 3344, + "ĠSoc": 3345, + "vertis": 3346, + "She": 3347, + "Ġpaper": 3348, + "Ġgrowth": 3349, + "Ġcast": 3350, + "Sc": 3351, + "Ġplans": 3352, + "lled": 3353, + "Ġparts": 3354, + "Ġwall": 3355, + "Ġmovement": 3356, + "Ġpractice": 3357, + "imately": 3358, + "Ġdisplay": 3359, + "Ġsometimes": 3360, + "omp": 3361, + "ĠPaul": 3362, + "ĠYes": 3363, + "king": 3364, + "58": 3365, + "oly": 3366, + "Ġson": 3367, + "Ġavoid": 3368, + "okes": 3369, + "ĠJew": 3370, + "Ġtowards": 3371, + "asc": 3372, + "Ġ//": 3373, + "ĠKore": 3374, + "Ġtalking": 3375, + "Ġcorrect": 3376, + "Ġspent": 3377, + "icks": 3378, + "iable": 3379, + "eared": 3380, + "Ġterm": 3381, + "Ġwants": 3382, + "oming": 3383, + "Ġut": 3384, + "Ġdoub": 3385, + "Ġforces": 3386, + "Ġplease": 3387, + "69": 3388, + "ĠNovember": 3389, + "atform": 3390, + "ondon": 3391, + "Ġones": 3392, + "Ġimmediately": 3393, + "ĠRussian": 3394, + "ĠMet": 3395, + "Ġdeg": 3396, + "Ġparents": 3397, + "CH": 3398, + "ĠAmericans": 3399, + "aly": 3400, + "ĠMod": 3401, + "Ġshown": 3402, + "Ġconditions": 3403, + "Ġstuff": 3404, + "Ġreb": 3405, + "ĠYour": 3406, + "Ġincludes": 3407, + "nown": 3408, + "ĠSam": 3409, + "Ġexperien": 3410, + "mission": 3411, + "ĠEven": 3412, + "aught": 3413, + "Ġannounced": 3414, + "ĠRepublican": 3415, + "Ġdetermin": 3416, + "Ġdescribed": 3417, + "ĠCounty": 3418, + "()": 3419, + "Ġdoor": 3420, + "Ġchanged": 3421, + "Ġneigh": 3422, + "ĠHere": 3423, + "Ġclean": 3424, + "Ġpan": 3425, + "ĠDecember": 3426, + "ĠEuropean": 3427, + "iring": 3428, + "apter": 3429, + "Ġclub": 3430, + "ĠTuesday": 3431, + "Ġpaid": 3432, + "ĠNet": 3433, + "Ġattacks": 3434, + "Ġcharacters": 3435, + "Ġalone": 3436, + "Ġdirector": 3437, + "dom": 3438, + "Ġ35": 3439, + "Ġload": 3440, + "Ġrout": 3441, + "ĠCalifornia": 3442, + "Ġfinally": 3443, + "Ġrac": 3444, + "Ġcontr": 3445, + "Ġexactly": 3446, + "resh": 3447, + "pri": 3448, + "ĠIslam": 3449, + "Ġnature": 3450, + "Ġcareer": 3451, + "Ġlatest": 3452, + "Ġconvers": 3453, + "ĠSl": 3454, + "pose": 3455, + "cient": 3456, + "ĠInc": 3457, + "ivity": 3458, + "88": 3459, + "ĠAtt": 3460, + "ĠMor": 3461, + "nesday": 3462, + "Ġweight": 3463, + "ken": 3464, + "Ġnote": 3465, + "Ġteams": 3466, + "Ġ\\": 3467, + "airs": 3468, + "ĠGreen": 3469, + "Ġhundred": 3470, + "onent": 3471, + "Ġstreng": 3472, + "Ġconsist": 3473, + "icated": 3474, + "Ġregul": 3475, + "Ġlic": 3476, + "astic": 3477, + "Ġten": 3478, + "ursday": 3479, + "elligence": 3480, + "ously": 3481, + "ĠUK": 3482, + "BI": 3483, + "Ġcosts": 3484, + "Ġindepend": 3485, + "ĠAP": 3486, + "Ġnormal": 3487, + "Ġhom": 3488, + "Ġobvious": 3489, + "Ġswe": 3490, + "Ġstar": 3491, + "Ġready": 3492, + "acher": 3493, + "Ġimplement": 3494, + "gest": 3495, + "Ġsong": 3496, + "ĠGet": 3497, + "ĠLab": 3498, + "Ġinteresting": 3499, + "using": 3500, + "Ġgiving": 3501, + "ĠSunday": 3502, + "Ġetc": 3503, + "Ġmiddle": 3504, + "Ġremember": 3505, + "right": 3506, + "osition": 3507, + "utions": 3508, + "Ġmax": 3509, + "46": 3510, + "Ġyourself": 3511, + "Ġdemand": 3512, + "Ġtreatment": 3513, + "Ġdanger": 3514, + "ĠCons": 3515, + "Ġguy": 3516, + "ĠBritish": 3517, + "Ġphysical": 3518, + "Ġrelated": 3519, + "Ġremain": 3520, + "Ġcouldn": 3521, + "Ġrefer": 3522, + "Ġcitiz": 3523, + "box": 3524, + "ENT": 3525, + "board": 3526, + "Ġinn": 3527, + "IG": 3528, + "ero": 3529, + "ĠStreet": 3530, + "ospital": 3531, + "rench": 3532, + "chers": 3533, + "Ġstra": 3534, + "OL": 3535, + "ager": 3536, + "ĠAN": 3537, + "Ġeasily": 3538, + "IA": 3539, + "enge": 3540, + "iny": 3541, + "Ġclos": 3542, + "ocked": 3543, + "Ġuses": 3544, + "ĠCoun": 3545, + "Im": 3546, + "uild": 3547, + "??": 3548, + "more": 3549, + "Ġang": 3550, + "Ġwrite": 3551, + "olute": 3552, + "57": 3553, + "Ġleader": 3554, + "Ġreading": 3555, + "": 3784, + "Ġfigure": 3785, + "Ġdisapp": 3786, + "enty": 3787, + "Ġsoftware": 3788, + "Ġult": 3789, + "Ġofficers": 3790, + "New": 3791, + "Is": 3792, + "Ġremains": 3793, + "ĠIndia": 3794, + "Ġpsych": 3795, + "rief": 3796, + "Ġcat": 3797, + "esc": 3798, + "Ġobserv": 3799, + "Ġstage": 3800, + "ĠDark": 3801, + "Ġenter": 3802, + "change": 3803, + "Ġpassed": 3804, + "Ġdespite": 3805, + "ĠOut": 3806, + "Ġmovie": 3807, + "rs": 3808, + "Ġvoice": 3809, + "mine": 3810, + "ĠPlay": 3811, + "Ġtoward": 3812, + "ĠTer": 3813, + "Ġregion": 3814, + "Ġvalues": 3815, + "orters": 3816, + "Ġmount": 3817, + "Ġofficer": 3818, + "ĠOther": 3819, + "ban": 3820, + "Ġhous": 3821, + "wood": 3822, + "room": 3823, + "IV": 3824, + "ĠSun": 3825, + "see": 3826, + "ĠOver": 3827, + "rog": 3828, + "90": 3829, + "Ġlay": 3830, + "ĠTur": 3831, + "awn": 3832, + "Ġpressure": 3833, + "ĠSub": 3834, + "Ġbooks": 3835, + "edom": 3836, + "ĠSand": 3837, + "AA": 3838, + "ago": 3839, + "Ġreasons": 3840, + "ford": 3841, + "Ġactivity": 3842, + "UT": 3843, + "Now": 3844, + "ĠSenate": 3845, + "cell": 3846, + "night": 3847, + "Ġcalls": 3848, + "inter": 3849, + "Ġletter": 3850, + "ĠRob": 3851, + "ĠJe": 3852, + "Ġchoose": 3853, + "ĠLaw": 3854, + "Get": 3855, + "Be": 3856, + "Ġrob": 3857, + "Ġtypes": 3858, + "Ġplatform": 3859, + "Ġquarter": 3860, + "RA": 3861, + "ĠTime": 3862, + "Ġmaybe": 3863, + "ĠCr": 3864, + "95": 3865, + "pre": 3866, + "Ġmoving": 3867, + "Ġlif": 3868, + "Ġgold": 3869, + "Ġsom": 3870, + "Ġpatients": 3871, + "Ġtruth": 3872, + "ĠKe": 3873, + "urance": 3874, + "antly": 3875, + "mar": 3876, + "Ġcharge": 3877, + "ĠGreat": 3878, + "Ġcele": 3879, + "--------------------------------": 3880, + "Ġrock": 3881, + "roid": 3882, + "ancy": 3883, + "Ġcredit": 3884, + "aud": 3885, + "By": 3886, + "ĠEvery": 3887, + "Ġmoved": 3888, + "inger": 3889, + "ribution": 3890, + "Ġnames": 3891, + "Ġstraight": 3892, + "ĠHealth": 3893, + "ĠWell": 3894, + "Ġfeature": 3895, + "Ġrule": 3896, + "Ġsche": 3897, + "inated": 3898, + "ĠMichael": 3899, + "berg": 3900, + "41": 3901, + "iled": 3902, + "band": 3903, + "Ġclick": 3904, + "ĠAngel": 3905, + "onents": 3906, + "ÂŃ": 3907, + "ĠIraq": 3908, + "ĠSaturday": 3909, + "Ġaware": 3910, + "part": 3911, + "Ġpattern": 3912, + "OW": 3913, + "ĠLet": 3914, + "Ġgrad": 3915, + "igned": 3916, + "Ġassociated": 3917, + "Ġstyle": 3918, + "no": 3919, + "iation": 3920, + "aith": 3921, + "ilies": 3922, + "Ġstories": 3923, + "uration": 3924, + "Ġindividuals": 3925, + "ĠâĢ¦": 3926, + "miss": 3927, + "ĠAssoci": 3928, + "ishing": 3929, + "aby": 3930, + "Ġsummer": 3931, + "ĠBen": 3932, + "Ġ32": 3933, + "Ġarch": 3934, + "uty": 3935, + "ĠTexas": 3936, + "hol": 3937, + "Ġfully": 3938, + "Ġmill": 3939, + "Ġfollowed": 3940, + "ĠBill": 3941, + "ĠIndian": 3942, + "ĠSecret": 3943, + "ĠBel": 3944, + "ĠFebruary": 3945, + "Ġjobs": 3946, + "Ġseemed": 3947, + "ĠGovern": 3948, + "ipped": 3949, + "Ġreality": 3950, + "Ġlines": 3951, + "Ġpark": 3952, + "Ġmeasure": 3953, + "ĠOur": 3954, + "IM": 3955, + "Ġbrother": 3956, + "Ġgrowing": 3957, + "Ġban": 3958, + "Ġestim": 3959, + "Ġcry": 3960, + "ĠSchool": 3961, + "Ġmechan": 3962, + "ĠOF": 3963, + "ĠWindows": 3964, + "Ġrates": 3965, + "ĠOh": 3966, + "Ġpositive": 3967, + "Ġculture": 3968, + "istics": 3969, + "ica": 3970, + "Ġhar": 3971, + "ya": 3972, + "itely": 3973, + "ipp": 3974, + "Ġmap": 3975, + "encies": 3976, + "ĠWilliam": 3977, + "II": 3978, + "akers": 3979, + "56": 3980, + "ĠMart": 3981, + "ĠRem": 3982, + "Ġaltern": 3983, + "itude": 3984, + "Ġcoach": 3985, + "rowd": 3986, + "Don": 3987, + "Ġkids": 3988, + "Ġjournal": 3989, + "Ġcorpor": 3990, + "Ġfalse": 3991, + "Ġweb": 3992, + "Ġsleep": 3993, + "Ġcontain": 3994, + "Ġsto": 3995, + "Ġbed": 3996, + "iverse": 3997, + "ĠRich": 3998, + "ĠChinese": 3999, + "Ġpun": 4000, + "Ġmeant": 4001, + "known": 4002, + "Ġnotice": 4003, + "Ġfavorite": 4004, + "aven": 4005, + "Ġcondition": 4006, + "Ġpurpose": 4007, + "))": 4008, + "Ġorganization": 4009, + "Ġchalleng": 4010, + "Ġmanufact": 4011, + "Ġsusp": 4012, + "ĠAc": 4013, + "Ġcritic": 4014, + "unes": 4015, + "uclear": 4016, + "Ġmer": 4017, + "vention": 4018, + "Ġ80": 4019, + "Ġmist": 4020, + "ĠUs": 4021, + "ĠTor": 4022, + "http": 4023, + "olf": 4024, + "Ġlarger": 4025, + "Ġadvant": 4026, + "Ġresear": 4027, + "Ġactions": 4028, + "ml": 4029, + "Ġkept": 4030, + "Ġaim": 4031, + ",'": 4032, + "col": 4033, + "Ġbenefits": 4034, + "ifying": 4035, + "Ġactual": 4036, + "ĠInternational": 4037, + "Ġvehicle": 4038, + "Ġchief": 4039, + "Ġefforts": 4040, + "ĠLeague": 4041, + "ĠMost": 4042, + "Ġwait": 4043, + "Ġadult": 4044, + "Ġoverall": 4045, + "Ġspeech": 4046, + "Ġhighly": 4047, + "Ġfemale": 4048, + "Ġerror": 4049, + "Ġeffective": 4050, + "54": 4051, + "Ġencour": 4052, + "well": 4053, + "Ġfailed": 4054, + "Ġconserv": 4055, + "Ġprograms": 4056, + "Ġtrou": 4057, + "Ġahead": 4058, + "500": 4059, + "vertisement": 4060, + "IP": 4061, + "ĠFound": 4062, + "pir": 4063, + "Ġ%": 4064, + "Ġcrime": 4065, + "ander": 4066, + "Ġlocation": 4067, + "ĠIran": 4068, + "Ġbehavior": 4069, + "azing": 4070, + "Ġrare": 4071, + "Ġemb": 4072, + "Ġcaused": 4073, + "Ġship": 4074, + "Ġactive": 4075, + "Ġcontribut": 4076, + "Ġgreen": 4077, + "Ġacqu": 4078, + "Ġreflect": 4079, + "venue": 4080, + "Ġfirm": 4081, + "Ġbirth": 4082, + "].": 4083, + "Ġclearly": 4084, + "Ġemot": 4085, + "Ġagency": 4086, + "riage": 4087, + "Ġmemory": 4088, + "98": 4089, + "SA": 4090, + "ĠSee": 4091, + "acing": 4092, + "CC": 4093, + "Ġbiggest": 4094, + "Ġrap": 4095, + "Ġbasic": 4096, + "Ġband": 4097, + "eat": 4098, + "Ġsuspect": 4099, + "ĠMac": 4100, + "Ġ90": 4101, + "mark": 4102, + "istan": 4103, + "Ġspread": 4104, + "ams": 4105, + "ki": 4106, + "asy": 4107, + "rav": 4108, + "ĠRober": 4109, + "Ġdemonstr": 4110, + "rated": 4111, + "Ġabsolute": 4112, + "Ġplaces": 4113, + "Ġimpl": 4114, + "ibrary": 4115, + "Ġcards": 4116, + "Ġdestroy": 4117, + "Ġvirt": 4118, + "vere": 4119, + "Ġappeared": 4120, + "yan": 4121, + "point": 4122, + "Ġbeg": 4123, + "Ġtemper": 4124, + "spe": 4125, + "anted": 4126, + "ears": 4127, + "ĠDirect": 4128, + "Ġlength": 4129, + "Ġblog": 4130, + "amb": 4131, + "Ġinteg": 4132, + "Ġresources": 4133, + "acc": 4134, + "iful": 4135, + "Ġspot": 4136, + "Ġforced": 4137, + "Ġthousands": 4138, + "ĠMinister": 4139, + "Ġqual": 4140, + "ĠFrench": 4141, + "atically": 4142, + "Ġgenerally": 4143, + "Ġdrink": 4144, + "Ġthus": 4145, + "IL": 4146, + "odes": 4147, + "Ġappropri": 4148, + "ĠRead": 4149, + "Ġwhom": 4150, + "Ġeye": 4151, + "Ġcollege": 4152, + "Ġ45": 4153, + "irection": 4154, + "Ġensure": 4155, + "Ġapparent": 4156, + "iders": 4157, + "Ġreligious": 4158, + "Ġminor": 4159, + "olic": 4160, + "Ġtro": 4161, + "ĠWhy": 4162, + "ribute": 4163, + "met": 4164, + "Ġprimary": 4165, + "Ġdeveloped": 4166, + "Ġpeace": 4167, + "Ġskin": 4168, + "ste": 4169, + "ava": 4170, + "Ġblue": 4171, + "Ġfamilies": 4172, + "Ġir": 4173, + "Ġapply": 4174, + "Ġinform": 4175, + "ĠSmith": 4176, + "CT": 4177, + "ii": 4178, + "Ġlimit": 4179, + "Ġresist": 4180, + "................": 4181, + "umn": 4182, + "Ġconflic": 4183, + "Ġtwe": 4184, + "udd": 4185, + "ĠTom": 4186, + "Ġliter": 4187, + "que": 4188, + "bon": 4189, + "Ġhair": 4190, + "Ġeventually": 4191, + "Ġpus": 4192, + "Ġhelped": 4193, + "Ġagg": 4194, + "orney": 4195, + "ĠApple": 4196, + "Ġfit": 4197, + "ĠSur": 4198, + "Ġprem": 4199, + "Ġsales": 4200, + "Ġseconds": 4201, + "Ġstrength": 4202, + "Ġfeeling": 4203, + "¿½": 4204, + "Ġtour": 4205, + "Ġknows": 4206, + "oom": 4207, + "Ġexerc": 4208, + "Ġsomew": 4209, + "�": 4210, + ">>": 4211, + "Ġspokes": 4212, + "Ġideas": 4213, + "Ġregist": 4214, + "soft": 4215, + "ĠDel": 4216, + "ĠPC": 4217, + "Ġpropos": 4218, + "Ġlaunch": 4219, + "Ġbottom": 4220, + "TH": 4221, + "ĠPlease": 4222, + "vest": 4223, + "itz": 4224, + "ĠInter": 4225, + "Ġscript": 4226, + "Ġrat": 4227, + "arning": 4228, + "Ġil": 4229, + "ĠJer": 4230, + "ĠAre": 4231, + "Ġwhatever": 4232, + "oken": 4233, + "cience": 4234, + "Ġmode": 4235, + "Ġagree": 4236, + "Ġsources": 4237, + "Ġinitial": 4238, + "Ġrestrict": 4239, + "Ġwonder": 4240, + "usion": 4241, + "####": 4242, + "ĠSil": 4243, + "ville": 4244, + "Ġburn": 4245, + "tw": 4246, + "asion": 4247, + "Ġ£": 4248, + "Ġnor": 4249, + "uing": 4250, + "Ġreached": 4251, + "Ġsun": 4252, + "Ġcateg": 4253, + "igration": 4254, + "Ġcook": 4255, + "Ġpromot": 4256, + "Ġmale": 4257, + "Ġclimate": 4258, + "Ġfix": 4259, + "Ġalleged": 4260, + "UR": 4261, + "alled": 4262, + "Ġimages": 4263, + "Cont": 4264, + "ota": 4265, + "Ġschools": 4266, + "ios": 4267, + "Ġdrop": 4268, + "Ġstream": 4269, + "ĠMo": 4270, + "Ġpreviously": 4271, + "aling": 4272, + "Ġpet": 4273, + "Ġdouble": 4274, + "Ġ(@": 4275, + "annel": 4276, + "Ġdefault": 4277, + "ties": 4278, + "Ġrank": 4279, + "ĠDec": 4280, + "ĠCouncil": 4281, + "Ġweapon": 4282, + "Ġstock": 4283, + "Ġanaly": 4284, + "ĠStr": 4285, + "Ġpicture": 4286, + "ĠPolice": 4287, + "ference": 4288, + "Ġcentury": 4289, + "Ġcitizens": 4290, + "Ġonto": 4291, + "Ġexpand": 4292, + "Ġhero": 4293, + "ĠSol": 4294, + "Ġwild": 4295, + "Ġupdate": 4296, + "Ġcustomers": 4297, + "ront": 4298, + "def": 4299, + "Ġlik": 4300, + "Ġcriminal": 4301, + "ĠChristian": 4302, + "SP": 4303, + "76": 4304, + "Ġleaving": 4305, + "Ġotherwise": 4306, + "ĠDist": 4307, + "Ġbasis": 4308, + "52": 4309, + "53": 4310, + "icip": 4311, + "ĠBer": 4312, + "Ġrecommend": 4313, + "Ġfloor": 4314, + "Ġcrowd": 4315, + "oles": 4316, + "Ġ70": 4317, + "Ġcentral": 4318, + "ĠEv": 4319, + "Ġdream": 4320, + "Ġdownload": 4321, + "Ġconfir": 4322, + "ĠThom": 4323, + "Ġwindow": 4324, + "Ġhappens": 4325, + "Ġunit": 4326, + "Ġtend": 4327, + "Ġspl": 4328, + "Ġbecomes": 4329, + "Ġfighting": 4330, + "Ġpredict": 4331, + "ĠPress": 4332, + "ĠPower": 4333, + "Ġheavy": 4334, + "aked": 4335, + "Ġfan": 4336, + "orter": 4337, + "ategy": 4338, + "BA": 4339, + "izes": 4340, + "Ġspend": 4341, + "Here": 4342, + "Ġ2007": 4343, + "Ġadop": 4344, + "ĠHam": 4345, + "Ġfootball": 4346, + "ĠPort": 4347, + "oday": 4348, + "51": 4349, + "ampions": 4350, + "Ġtransfer": 4351, + "ht": 4352, + "Ġ38": 4353, + "term": 4354, + "acity": 4355, + "Ġbur": 4356, + "],": 4357, + "ternal": 4358, + "rig": 4359, + "but": 4360, + "Ġtherefore": 4361, + "ĠBecause": 4362, + "resp": 4363, + "rey": 4364, + "Ġmission": 4365, + "Some": 4366, + "Ġnoted": 4367, + "Ġassum": 4368, + "Ġdisease": 4369, + "Ġedit": 4370, + "Ġprogress": 4371, + "rd": 4372, + "ĠBrown": 4373, + "ocal": 4374, + "Ġadding": 4375, + "Ġraised": 4376, + "ĠAny": 4377, + "Ġtick": 4378, + "Ġseeing": 4379, + "ĠPeople": 4380, + "Ġagreement": 4381, + "Ġserver": 4382, + "Ġwat": 4383, + "Ġdebate": 4384, + "Ġsupposed": 4385, + "iling": 4386, + "Ġlargest": 4387, + "Ġsuccessful": 4388, + "ĠPri": 4389, + "ĠDemocratic": 4390, + "Ġjump": 4391, + "ĠSyria": 4392, + "Ġowners": 4393, + "Ġoffers": 4394, + "Ġshooting": 4395, + "Ġeffic": 4396, + "sey": 4397, + "Ġhaven": 4398, + "verse": 4399, + "tered": 4400, + "ĠLight": 4401, + "imal": 4402, + "ĠBig": 4403, + "Ġdefend": 4404, + "Ġbeat": 4405, + "Ġrecords": 4406, + "%)": 4407, + "Ġscen": 4408, + "Ġemployees": 4409, + "Ġdevices": 4410, + "hem": 4411, + "Ġcommer": 4412, + "ĠMex": 4413, + "Ġbenefit": 4414, + "ĠProf": 4415, + "Ġilleg": 4416, + "Ġsurface": 4417, + "ĠAlso": 4418, + "Ġharm": 4419, + "ingly": 4420, + "wide": 4421, + "ĠAlex": 4422, + "Ġshut": 4423, + "ĠCur": 4424, + "Ġlose": 4425, + "pm": 4426, + "Ġchallenge": 4427, + "semb": 4428, + "Ġstation": 4429, + "Ġintelligence": 4430, + "Ġaccur": 4431, + "ĠFlor": 4432, + "Ġrequires": 4433, + "ĠMal": 4434, + "bum": 4435, + "Ġhospital": 4436, + "Ġspirit": 4437, + "Ġoffered": 4438, + "Ġproduce": 4439, + "ĠCommun": 4440, + "Ġcreating": 4441, + "Ġcris": 4442, + "spect": 4443, + "Ġended": 4444, + "Ġdaily": 4445, + "Ġvoters": 4446, + "lands": 4447, + "ias": 4448, + "ih": 4449, + "ona": 4450, + "Ġsmart": 4451, + "ĠOffice": 4452, + "ĠLord": 4453, + "rial": 4454, + "ĠInternet": 4455, + "Ġcircum": 4456, + "Ġextremely": 4457, + "'.": 4458, + "Ġopinion": 4459, + "ĠMil": 4460, + "Ġgain": 4461, + "BS": 4462, + "ĠFin": 4463, + "yp": 4464, + "Ġuseful": 4465, + "Ġbudget": 4466, + "Ġcomfort": 4467, + "isf": 4468, + "Ġbackground": 4469, + "eline": 4470, + "Ġepisode": 4471, + "Ġenemy": 4472, + "Ġtrial": 4473, + "Ġestablish": 4474, + "date": 4475, + "ĠCap": 4476, + "Ġcontinues": 4477, + "Ġshowing": 4478, + "ĠUnion": 4479, + "with": 4480, + "Ġposted": 4481, + "ĠSystem": 4482, + "Ġeat": 4483, + "rian": 4484, + "Ġrise": 4485, + "ĠGermany": 4486, + "ils": 4487, + "Ġsigned": 4488, + "Ġvill": 4489, + "Ġgrand": 4490, + "mor": 4491, + "ĠEngland": 4492, + "Ġprojects": 4493, + "umber": 4494, + "Ġconference": 4495, + "za": 4496, + "Ġresponsible": 4497, + "ĠArab": 4498, + "Ġlearned": 4499, + "âĢĶâĢĶ": 4500, + "ipping": 4501, + "ĠGeorge": 4502, + "OC": 4503, + "Ġreturned": 4504, + "ĠAustralia": 4505, + "Ġbrief": 4506, + "Qu": 4507, + "Ġbrand": 4508, + "illing": 4509, + "abled": 4510, + "Ġhighest": 4511, + "Ġtrain": 4512, + "ĠCommission": 4513, + "while": 4514, + "Ġnom": 4515, + "ception": 4516, + "Ġmut": 4517, + "ĠBlue": 4518, + "Ġincident": 4519, + "vant": 4520, + "86": 4521, + "ĠID": 4522, + "Ġnuclear": 4523, + "74": 4524, + "ĠLike": 4525, + "ĠRE": 4526, + "ĠMicro": 4527, + "li": 4528, + "mail": 4529, + "Ġcharges": 4530, + "89": 4531, + "Ġadjust": 4532, + "ado": 4533, + "Ġearth": 4534, + "NA": 4535, + "Ġprices": 4536, + "PA": 4537, + "Ġdraft": 4538, + "Ġruns": 4539, + "Ġcandidate": 4540, + "enses": 4541, + "Ġmanagement": 4542, + "ĠPhil": 4543, + "ĠMiss": 4544, + "Ġteach": 4545, + "gram": 4546, + "Ġunderstanding": 4547, + "ait": 4548, + "icago": 4549, + "Add": 4550, + "ĠEp": 4551, + "secut": 4552, + "Ġseparate": 4553, + "Ġinstance": 4554, + "Ġeth": 4555, + "Ġunless": 4556, + "********": 4557, + "ĠFore": 4558, + "inate": 4559, + "Ġoperations": 4560, + "Sp": 4561, + "Ġfaith": 4562, + "gar": 4563, + "ĠChurch": 4564, + "ronic": 4565, + "Ġconfig": 4566, + "osure": 4567, + "Ġactivities": 4568, + "Ġtraditional": 4569, + "Ġ36": 4570, + "Ġdirection": 4571, + "Ġmachine": 4572, + "Ġsurround": 4573, + "Ġpush": 4574, + "unction": 4575, + "ĠEU": 4576, + "Ġeasier": 4577, + "Ġargument": 4578, + "GB": 4579, + "Ġmicro": 4580, + "Ġspending": 4581, + "izations": 4582, + "Ġtheory": 4583, + "adow": 4584, + "Ġcalling": 4585, + "ĠLast": 4586, + "Ġder": 4587, + "Ġinfluence": 4588, + "Ġcommit": 4589, + "Ġphoto": 4590, + "Ġunc": 4591, + "istry": 4592, + "gn": 4593, + "aste": 4594, + "acks": 4595, + "Ġdisp": 4596, + "ady": 4597, + "do": 4598, + "ĠGood": 4599, + "Ġ`": 4600, + "Ġwish": 4601, + "Ġrevealed": 4602, + "³³": 4603, + "lig": 4604, + "Ġenforce": 4605, + "ĠCommittee": 4606, + "Ġchem": 4607, + "Ġmiles": 4608, + "Ġinterested": 4609, + "Ġsolution": 4610, + "icy": 4611, + "inct": 4612, + "Ġ->": 4613, + "ĠDet": 4614, + "Ġremoved": 4615, + "Ġcompar": 4616, + "eah": 4617, + "Ġplant": 4618, + "ĠSince": 4619, + "Ġachieve": 4620, + "Ġadvantage": 4621, + "Ġslightly": 4622, + "bing": 4623, + "Ġplaced": 4624, + "under": 4625, + "2015": 4626, + "ĠMad": 4627, + "Ġtim": 4628, + "oses": 4629, + "Ġcru": 4630, + "ĠRock": 4631, + "Ġmostly": 4632, + "Ġnegative": 4633, + "Ġsetting": 4634, + "Ġproduced": 4635, + "Ġmur": 4636, + "Ġconnection": 4637, + "ĠMer": 4638, + "Ġdriver": 4639, + "Ġexecutive": 4640, + "Ġassault": 4641, + "Ġborn": 4642, + "ĠVer": 4643, + "tained": 4644, + "Ġstructure": 4645, + "Ġreduce": 4646, + "Ġdecades": 4647, + "Ġded": 4648, + "uke": 4649, + "ĠMany": 4650, + "idden": 4651, + "Ġleague": 4652, + "Se": 4653, + "Ġjoin": 4654, + "Ġdisco": 4655, + "Ġdie": 4656, + "cks": 4657, + "actions": 4658, + "Ġassess": 4659, + "agn": 4660, + "Ġgoals": 4661, + "ours": 4662, + "IR": 4663, + "Ġsenior": 4664, + "iller": 4665, + "mod": 4666, + "ipment": 4667, + "ocol": 4668, + "uy": 4669, + "ĠQue": 4670, + "Ġparties": 4671, + "irgin": 4672, + "Ġlearning": 4673, + "itable": 4674, + "Ġstreet": 4675, + "Ġcamera": 4676, + "App": 4677, + "Ġskills": 4678, + "bre": 4679, + "cious": 4680, + "Ġcelebr": 4681, + "ĠFranc": 4682, + "Ġexisting": 4683, + "Ġwilling": 4684, + "lor": 4685, + "Ġid": 4686, + "ĠSpace": 4687, + "Ġcritical": 4688, + "ĠLa": 4689, + "ortunately": 4690, + "Ġserve": 4691, + "Ġcold": 4692, + "Ġspecies": 4693, + "TS": 4694, + "Ġanimals": 4695, + "ĠBay": 4696, + "Ġolder": 4697, + "ĠUnder": 4698, + "estic": 4699, + "ĠTre": 4700, + "Ġteacher": 4701, + "Ġprefer": 4702, + "vis": 4703, + "Ġthread": 4704, + "ĠMatt": 4705, + "Ġmanager": 4706, + "ãĥ»": 4707, + "Ġprofessional": 4708, + "ĠVol": 4709, + "Ġnotes": 4710, + "These": 4711, + "ula": 4712, + "Ġfresh": 4713, + "ented": 4714, + "uzz": 4715, + "edy": 4716, + "clusion": 4717, + "ĠRel": 4718, + "Ġdoubt": 4719, + "EO": 4720, + "Ġopened": 4721, + "ĠBit": 4722, + "Advertisement": 4723, + "Ġguess": 4724, + "ĠUN": 4725, + "Ġsequ": 4726, + "Ġexplain": 4727, + "otten": 4728, + "Ġattract": 4729, + "aks": 4730, + "Ġstring": 4731, + "Ġcontext": 4732, + "ossible": 4733, + "ĠRepublicans": 4734, + "Ġsolid": 4735, + "Ġcities": 4736, + "Ġasking": 4737, + "Ġrandom": 4738, + "ups": 4739, + "uries": 4740, + "arant": 4741, + "dden": 4742, + "gl": 4743, + "ĠFlorida": 4744, + "Ġdepend": 4745, + "ĠScott": 4746, + "Ġ33": 4747, + "ĠiT": 4748, + "icon": 4749, + "Ġmentioned": 4750, + "Ġ2000": 4751, + "Ġclaimed": 4752, + "Ġdefinitely": 4753, + "ulf": 4754, + "Ġcore": 4755, + "Ġopening": 4756, + "ĠConst": 4757, + "which": 4758, + "ĠTra": 4759, + "AG": 4760, + "72": 4761, + "Ġbelieved": 4762, + "ada": 4763, + "Ġ48": 4764, + "ĠSecurity": 4765, + "yright": 4766, + "ĠPet": 4767, + "ĠLou": 4768, + "Ġholding": 4769, + "================": 4770, + "Ġice": 4771, + "Ġbrow": 4772, + "Ġauthorities": 4773, + "host": 4774, + "word": 4775, + "Ġscore": 4776, + "ĠDiv": 4777, + "Ġcells": 4778, + "Ġtransl": 4779, + "Ġneighbor": 4780, + "Ġremove": 4781, + "uct": 4782, + "Ġdistrict": 4783, + "ĠAccording": 4784, + "Ġworse": 4785, + "Ġconcerns": 4786, + "Ġpresidential": 4787, + "Ġpolicies": 4788, + "ĠHall": 4789, + "73": 4790, + "Ġhus": 4791, + "AY": 4792, + "Ġ2006": 4793, + "ĠJud": 4794, + "Ġindependent": 4795, + "ĠJustice": 4796, + "iliar": 4797, + "print": 4798, + "ighter": 4799, + "Ġprotection": 4800, + "zen": 4801, + "Ġsudden": 4802, + "house": 4803, + "ĠJes": 4804, + "PR": 4805, + "ĠInf": 4806, + "Ġbul": 4807, + "Ġ_": 4808, + "ĠService": 4809, + "ĠPR": 4810, + "Ġstrategy": 4811, + "ffect": 4812, + "Ġgirls": 4813, + "Ġmissing": 4814, + "oyal": 4815, + "ĠTeam": 4816, + "ulated": 4817, + "Ġdat": 4818, + "Ġpolitics": 4819, + "abor": 4820, + "According": 4821, + "Ġspell": 4822, + "Ġgraph": 4823, + "orthern": 4824, + "TC": 4825, + "Ab": 4826, + "Ġlabor": 4827, + "isher": 4828, + "Ġkick": 4829, + "ĠiTunes": 4830, + "Ġsteps": 4831, + "poses": 4832, + "Ġsmaller": 4833, + "En": 4834, + "bert": 4835, + "Ġroll": 4836, + "Ġresearchers": 4837, + "Ġclosed": 4838, + "Ġtransport": 4839, + "Ġlawy": 4840, + "________________": 4841, + "ĠChicago": 4842, + "Ġaspect": 4843, + "Ġnone": 4844, + "Ġmarriage": 4845, + "96": 4846, + "Ġelements": 4847, + "ĠFre": 4848, + "ĠSal": 4849, + "Ġdram": 4850, + "FC": 4851, + "top": 4852, + "equ": 4853, + "Ġhearing": 4854, + "Ġsupported": 4855, + "Ġtesting": 4856, + "cohol": 4857, + "Ġmassive": 4858, + "Ġstick": 4859, + "Ġguard": 4860, + "isco": 4861, + "phone": 4862, + "From": 4863, + "However": 4864, + "Ġborder": 4865, + "Ġcopy": 4866, + "ography": 4867, + "list": 4868, + "71": 4869, + "Ġowner": 4870, + "class": 4871, + "ruit": 4872, + "rate": 4873, + "ĠOnce": 4874, + "Ġdigital": 4875, + "Ġtask": 4876, + "ERS": 4877, + "Ġincred": 4878, + "tes": 4879, + "++": 4880, + "ĠFrance": 4881, + "Ġbreat": 4882, + "owl": 4883, + "Ġissued": 4884, + "ĠWestern": 4885, + "Ġdetect": 4886, + "Ġpartners": 4887, + "Ġshared": 4888, + "ĠCall": 4889, + "Ġcancer": 4890, + "ache": 4891, + "ribe": 4892, + "Ġexplained": 4893, + "Ġheat": 4894, + "{\"": 4895, + "Ġinvestment": 4896, + "ĠBook": 4897, + "Ġwood": 4898, + "Ġtools": 4899, + "ĠAlthough": 4900, + "Ġbelief": 4901, + "Ġcrisis": 4902, + "Ġge": 4903, + "ĠMP": 4904, + "Ġoperation": 4905, + "type": 4906, + "~~": 4907, + "ga": 4908, + "Ġcontains": 4909, + "anta": 4910, + "Ġexpress": 4911, + "ĠGroup": 4912, + "ĠJournal": 4913, + "ka": 4914, + "Ġamb": 4915, + "ĠUSA": 4916, + "Ġfinding": 4917, + "Ġfunding": 4918, + "how": 4919, + "Ġestablished": 4920, + "ideos": 4921, + "Ġdegree": 4922, + "Ġdangerous": 4923, + "anging": 4924, + "Ġfreedom": 4925, + "pport": 4926, + "outhern": 4927, + "Ġchurch": 4928, + "Ġcatch": 4929, + "ĠTwo": 4930, + "Ġpresence": 4931, + "ĠGuard": 4932, + "Up": 4933, + "Ġauthority": 4934, + "ĠProject": 4935, + "Ġbutton": 4936, + "Ġconsequ": 4937, + "Ġvalid": 4938, + "Ġweak": 4939, + "Ġstarts": 4940, + "Ġreference": 4941, + "ĠMem": 4942, + "\")": 4943, + "UN": 4944, + "orage": 4945, + "ĠOpen": 4946, + "Ġcollection": 4947, + "ym": 4948, + "gency": 4949, + "Ġbeautiful": 4950, + "ros": 4951, + "Ġtells": 4952, + "Ġwaiting": 4953, + "nel": 4954, + "Ġproviding": 4955, + "ĠDemocrats": 4956, + "Ġdaughter": 4957, + "Ġmaster": 4958, + "Ġpurposes": 4959, + "ĠJapanese": 4960, + "Ġequal": 4961, + "Ġturns": 4962, + "Ġdocuments": 4963, + "Ġwatching": 4964, + "Res": 4965, + "Ġran": 4966, + "2014": 4967, + "Ġreject": 4968, + "ĠKorea": 4969, + "Ġvictims": 4970, + "Level": 4971, + "erences": 4972, + "Ġwitness": 4973, + "Ġ34": 4974, + "Ġreform": 4975, + "coming": 4976, + "Ġoccup": 4977, + "Ġcaught": 4978, + "Ġtraffic": 4979, + "ading": 4980, + "Ġmodels": 4981, + "ario": 4982, + "Ġserved": 4983, + "Ġbatter": 4984, + "uate": 4985, + "ĠSecretary": 4986, + "Ġagreed": 4987, + "Ġtruly": 4988, + "ynam": 4989, + "ĠRet": 4990, + "Ġunits": 4991, + "ĠResearch": 4992, + "hand": 4993, + "azine": 4994, + "ĠMike": 4995, + "Ġvariety": 4996, + "otal": 4997, + "Ġamazing": 4998, + "Ġconfirmed": 4999, + "Ġentirely": 5000, + "Ġpurchase": 5001, + "Ġelement": 5002, + "Ġcash": 5003, + "Ġdetermine": 5004, + "De": 5005, + "Ġcars": 5006, + "ĠWall": 5007, + "âĸ": 5008, + "Ġviews": 5009, + "Ġdrugs": 5010, + "Ġdepartment": 5011, + "ĠStep": 5012, + "uit": 5013, + "Ġ39": 5014, + "asure": 5015, + "ĠClass": 5016, + "Ġcovered": 5017, + "ĠBank": 5018, + "Ġmere": 5019, + "uana": 5020, + "Ġmulti": 5021, + "Ġmix": 5022, + "Ġunlike": 5023, + "levision": 5024, + "Ġstopped": 5025, + "Ġsem": 5026, + "ĠGal": 5027, + "ules": 5028, + "Ġwel": 5029, + "ĠJohnson": 5030, + "la": 5031, + "Ġskill": 5032, + "Ġbecoming": 5033, + "rie": 5034, + "Ġappropriate": 5035, + "fe": 5036, + "ellow": 5037, + "ĠProt": 5038, + "ulate": 5039, + "ocation": 5040, + "Ġweekend": 5041, + "odies": 5042, + "Ġsites": 5043, + "Ġanimal": 5044, + "ĠTim": 5045, + "Ġscale": 5046, + "Ġcharged": 5047, + "Ġinstruct": 5048, + "illa": 5049, + "Ġmethods": 5050, + "Ġcert": 5051, + "Ġjudge": 5052, + "ĠHel": 5053, + "Ġdollars": 5054, + "Ġstanding": 5055, + "ĠSqu": 5056, + "Ġdebt": 5057, + "liam": 5058, + "Ġdriving": 5059, + "ĠSum": 5060, + "ĠEdition": 5061, + "Ġalbum": 5062, + "andon": 5063, + "IF": 5064, + "ĠUk": 5065, + "63": 5066, + "ader": 5067, + "Ġcommercial": 5068, + "esh": 5069, + "ĠGovernment": 5070, + "Ġdiscovered": 5071, + "Ġoutput": 5072, + "ĠHillary": 5073, + "ĠCarol": 5074, + "Ġ2005": 5075, + "Ġabuse": 5076, + "ancing": 5077, + "Ġswitch": 5078, + "Ġannual": 5079, + "Tw": 5080, + "Ġstated": 5081, + "agement": 5082, + "inner": 5083, + "Ġdemocr": 5084, + "Ġresidents": 5085, + "Ġallowing": 5086, + "Ġfactors": 5087, + "odd": 5088, + "Ġfuck": 5089, + "emies": 5090, + "Ġoccurred": 5091, + "oti": 5092, + "Ġnorth": 5093, + "ĠPublic": 5094, + "Ġinjury": 5095, + "Ġinsurance": 5096, + "CL": 5097, + "olly": 5098, + "ãĢ": 5099, + "Ġrepeated": 5100, + "Ġarms": 5101, + "anged": 5102, + "Ġconstruction": 5103, + "Ġfle": 5104, + "PU": 5105, + "icians": 5106, + "Ġforms": 5107, + "ĠMcC": 5108, + "antic": 5109, + "Ġmental": 5110, + "pire": 5111, + "Ġequipment": 5112, + "Ġfant": 5113, + "Ġdiscussion": 5114, + "Ġregarding": 5115, + "kin": 5116, + "arp": 5117, + "Ġchair": 5118, + "ogue": 5119, + "Ġproceed": 5120, + "ĠId": 5121, + "Our": 5122, + "Ġmurder": 5123, + "Man": 5124, + "Ġ49": 5125, + "asp": 5126, + "Ġsupply": 5127, + "Ġinput": 5128, + "Ġwealth": 5129, + "liament": 5130, + "Ġproced": 5131, + "orial": 5132, + "ĠStat": 5133, + "ĠNFL": 5134, + "hens": 5135, + "ĠInstitute": 5136, + "Ġputting": 5137, + "ournament": 5138, + "etic": 5139, + "Ġlocated": 5140, + "Ġkid": 5141, + "eria": 5142, + "run": 5143, + "Ġprinc": 5144, + "Ġ!": 5145, + "going": 5146, + "ĠBet": 5147, + "Ġclot": 5148, + "Ġtelling": 5149, + "Ġproposed": 5150, + "iot": 5151, + "orry": 5152, + "Ġfunds": 5153, + "gment": 5154, + "ĠLife": 5155, + "Ġbaby": 5156, + "ĠBack": 5157, + "Ġspoke": 5158, + "Image": 5159, + "Ġearn": 5160, + "ĠAT": 5161, + "gu": 5162, + "Ġexchange": 5163, + "ĠLin": 5164, + "oving": 5165, + "Ġpair": 5166, + "More": 5167, + "azon": 5168, + "Ġarrested": 5169, + "Ġkilling": 5170, + "can": 5171, + "ĠCard": 5172, + "yd": 5173, + "Ġidentified": 5174, + "Ġmobile": 5175, + "Ġthanks": 5176, + "onym": 5177, + "ĠForm": 5178, + "Ġhundreds": 5179, + "ĠChris": 5180, + "ĠCat": 5181, + "Ġtrend": 5182, + "hat": 5183, + "ĠAv": 5184, + "oman": 5185, + "Ġelectric": 5186, + "ĠWil": 5187, + "SE": 5188, + "Of": 5189, + "Ġrestaur": 5190, + "oted": 5191, + "Ġtrig": 5192, + "Ġnine": 5193, + "Ġbomb": 5194, + "Why": 5195, + "¯": 5196, + "Ġcoverage": 5197, + "Ġappeal": 5198, + "ĠRobert": 5199, + "ĠSup": 5200, + "Ġfinished": 5201, + "Ġflow": 5202, + "Ġdeliver": 5203, + "Ġcalcul": 5204, + "Ġphotos": 5205, + "Ġphil": 5206, + "Ġpieces": 5207, + "Ġappre": 5208, + "kes": 5209, + "Ġrough": 5210, + "Do": 5211, + "Ġpartner": 5212, + "Ġconcerned": 5213, + "Ġ37": 5214, + "ĠGen": 5215, + "Col": 5216, + "ctors": 5217, + "Ġ=>": 5218, + "state": 5219, + "Ġsuggested": 5220, + "ĠForce": 5221, + "CE": 5222, + "Ġherself": 5223, + "ĠPlan": 5224, + "works": 5225, + "ooth": 5226, + "rency": 5227, + "Ġcorner": 5228, + "Ġhusband": 5229, + "Ġinternet": 5230, + "ĠAut": 5231, + "ems": 5232, + "osen": 5233, + "ĠAtl": 5234, + "gen": 5235, + "Ġbalance": 5236, + "62": 5237, + "Ġsounds": 5238, + "text": 5239, + "Ġarr": 5240, + "oves": 5241, + "Ġmillions": 5242, + "Ġradio": 5243, + "Ġsatisf": 5244, + "ĠDam": 5245, + "Mr": 5246, + "Go": 5247, + "Spe": 5248, + "Ġcombat": 5249, + "rant": 5250, + "ĠGree": 5251, + "Ġfuel": 5252, + "Ġdistance": 5253, + "Ġtests": 5254, + "Ġdecre": 5255, + "ĠEr": 5256, + "Ġmanaged": 5257, + "DS": 5258, + "Ġtit": 5259, + "Ġmeasures": 5260, + "ĠLiber": 5261, + "Ġattend": 5262, + "ashed": 5263, + "ĠJose": 5264, + "ĠNight": 5265, + "dit": 5266, + "ĠNov": 5267, + "ĠEnd": 5268, + "outs": 5269, + "Ġgeneration": 5270, + "Ġadvoc": 5271, + "yth": 5272, + "Ġconversation": 5273, + "ĠSky": 5274, + "active": 5275, + "cel": 5276, + "rier": 5277, + "ĠFrank": 5278, + "Ġgender": 5279, + "Ġconcent": 5280, + "Ġcarried": 5281, + "anda": 5282, + "ĠVirgin": 5283, + "Ġarrived": 5284, + "icide": 5285, + "aded": 5286, + "Ġfailure": 5287, + "Ġminimum": 5288, + "lets": 5289, + "Ġworst": 5290, + "Ġkeeping": 5291, + "Ġintended": 5292, + "Ġillegal": 5293, + "Ġsubsc": 5294, + "Ġdetermined": 5295, + "Ġtrip": 5296, + "Yes": 5297, + "Ġraise": 5298, + "Ġ~": 5299, + "Ġfeels": 5300, + "Ġpackage": 5301, + "ĠJo": 5302, + "hi": 5303, + "2016": 5304, + "real": 5305, + "Ġfra": 5306, + "Ġsymb": 5307, + "Me": 5308, + "ucky": 5309, + "pret": 5310, + "ĠKh": 5311, + "ĠEdit": 5312, + "ĠWeb": 5313, + "emic": 5314, + "ĠColor": 5315, + "Ġjustice": 5316, + "Int": 5317, + "Ġfarm": 5318, + "cknow": 5319, + "\">": 5320, + "eless": 5321, + "Ġreduced": 5322, + "Ġ500": 5323, + "xx": 5324, + "ĠRad": 5325, + "ĠWood": 5326, + "Ġclin": 5327, + "Ġhyp": 5328, + "iler": 5329, + "ura": 5330, + "kins": 5331, + "85": 5332, + "61": 5333, + "ĠTheir": 5334, + "ĠMary": 5335, + "Ġsan": 5336, + "Ġnovel": 5337, + "ĠWho": 5338, + "Ġcapacity": 5339, + "Ġimpossible": 5340, + "Ġplays": 5341, + "Ġminister": 5342, + "ijuana": 5343, + "icate": 5344, + "ĠSet": 5345, + "Ġfram": 5346, + "Ġing": 5347, + "Ġcommunities": 5348, + "ĠFBI": 5349, + "ita": 5350, + "Ġbon": 5351, + "Ġstrateg": 5352, + "Ġinterests": 5353, + "lock": 5354, + "gers": 5355, + "mas": 5356, + "ĠAND": 5357, + "Ġconflict": 5358, + "Ġrequirements": 5359, + "Ġsac": 5360, + "Ġoperating": 5361, + "ini": 5362, + "related": 5363, + "Ġcommitted": 5364, + "Ġrelatively": 5365, + "Ġsouth": 5366, + "¯¯": 5367, + "Ġafford": 5368, + "Ġidentity": 5369, + "Ġdecisions": 5370, + "Ġaccused": 5371, + "place": 5372, + "Ġvictory": 5373, + "och": 5374, + "iat": 5375, + "Name": 5376, + "Com": 5377, + "tion": 5378, + "eds": 5379, + "Ġseek": 5380, + "Ġtight": 5381, + "ĠImages": 5382, + "Ġiniti": 5383, + "Ġhumans": 5384, + "Ġfamiliar": 5385, + "Ġaudience": 5386, + "Ġinternal": 5387, + "venture": 5388, + "Ġsides": 5389, + "ĠTO": 5390, + "Ġdim": 5391, + "Ġconclud": 5392, + "Ġappoint": 5393, + "Ġenforcement": 5394, + "ĠJim": 5395, + "ĠAssociation": 5396, + "Ġcircumst": 5397, + "ĠCanadian": 5398, + "Ġjoined": 5399, + "Ġdifferences": 5400, + "ĠLos": 5401, + "Ġprotest": 5402, + "Ġtwice": 5403, + "win": 5404, + "Ġglass": 5405, + "arsh": 5406, + "ĠArmy": 5407, + "Ġexpression": 5408, + "Ġdecide": 5409, + "Ġplanning": 5410, + "ania": 5411, + "Ġhandle": 5412, + "ĠMicrosoft": 5413, + "ĠNor": 5414, + "Ġmaximum": 5415, + "ĠRev": 5416, + "Ġsea": 5417, + "Ġeval": 5418, + "Ġhelps": 5419, + "ref": 5420, + "Ġbound": 5421, + "Ġmouth": 5422, + "Ġstandards": 5423, + "Ġclim": 5424, + "ĠCamp": 5425, + "ĠFox": 5426, + "cles": 5427, + "Ġarmy": 5428, + "ĠTechn": 5429, + "acking": 5430, + "xy": 5431, + "SS": 5432, + "Ġ42": 5433, + "Ġbug": 5434, + "ĠUkrain": 5435, + "ĠMax": 5436, + "ĠJones": 5437, + "ĠShow": 5438, + "lo": 5439, + "Ġplanet": 5440, + "Ġ75": 5441, + "Ġwinning": 5442, + "Ġfaster": 5443, + "Ġspect": 5444, + "Ġbroken": 5445, + "TR": 5446, + "Ġdefined": 5447, + "Ġhealthy": 5448, + "Ġcompetition": 5449, + "https": 5450, + "ĠIsland": 5451, + "ĠFe": 5452, + "Ġannounce": 5453, + "ĠCup": 5454, + "ĠInstead": 5455, + "Ġclient": 5456, + "Ġpossibly": 5457, + "section": 5458, + "ocket": 5459, + "look": 5460, + "Ġfinish": 5461, + "Ġcrew": 5462, + "Ġreserv": 5463, + "Ġeditor": 5464, + "Ġhate": 5465, + "Ġsale": 5466, + "Ġcontrovers": 5467, + "Ġpages": 5468, + "wing": 5469, + "Ġnumer": 5470, + "Ġopposition": 5471, + "Ġ2004": 5472, + "Ġrefuge": 5473, + "Ġflight": 5474, + "Ġapart": 5475, + "ĠLat": 5476, + "Americ": 5477, + "ĠAfrica": 5478, + "Ġapplications": 5479, + "ĠPalest": 5480, + "ĠBur": 5481, + "Ġgar": 5482, + "ĠSocial": 5483, + "Ġupgr": 5484, + "Ġshape": 5485, + "Ġspeaking": 5486, + "ansion": 5487, + "ao": 5488, + "ĠSn": 5489, + "Ġworry": 5490, + "ĠBritain": 5491, + "Please": 5492, + "roud": 5493, + "Ġhun": 5494, + "Ġintroduced": 5495, + "Ġdiet": 5496, + "Ind": 5497, + "ĠSecond": 5498, + "Ġfunctions": 5499, + "uts": 5500, + "ĠEach": 5501, + "ĠJeff": 5502, + "Ġstress": 5503, + "Ġaccounts": 5504, + "Ġguarant": 5505, + "ĠAnn": 5506, + "edia": 5507, + "Ġhonest": 5508, + "Ġtree": 5509, + "ĠAfrican": 5510, + "ĠBush": 5511, + "},": 5512, + "Ġsch": 5513, + "ĠOnly": 5514, + "Ġfif": 5515, + "igan": 5516, + "Ġexercise": 5517, + "ĠExp": 5518, + "Ġscientists": 5519, + "Ġlegislation": 5520, + "ĠWork": 5521, + "ĠSpr": 5522, + "ÃĤ": 5523, + "ĠHuman": 5524, + "Ġè": 5525, + "Ġsurvey": 5526, + "Ġrich": 5527, + "rip": 5528, + "Ġmaintain": 5529, + "Ġflo": 5530, + "Ġleadership": 5531, + "stream": 5532, + "ĠIslamic": 5533, + "Ġ01": 5534, + "ĠCollege": 5535, + "Ġmagic": 5536, + "ĠPrime": 5537, + "Ġfigures": 5538, + "2017": 5539, + "inder": 5540, + "xual": 5541, + "ĠDead": 5542, + "Ġabsolutely": 5543, + "Ġfourth": 5544, + "Ġpresented": 5545, + "respond": 5546, + "rible": 5547, + "Ġalcohol": 5548, + "ato": 5549, + "ĠDE": 5550, + "porary": 5551, + "Ġgrab": 5552, + "Ġvari": 5553, + "Ġquant": 5554, + "ĠPhoto": 5555, + "Ġplus": 5556, + "rick": 5557, + "arks": 5558, + "Ġalternative": 5559, + "Ġpil": 5560, + "Ġapprox": 5561, + "that": 5562, + "Ġobjects": 5563, + "ĠRo": 5564, + "ĠAndroid": 5565, + "Ġsignificantly": 5566, + "ĠRoad": 5567, + "kay": 5568, + "Read": 5569, + "avor": 5570, + "Ġacknow": 5571, + "ĠHD": 5572, + "ĠSing": 5573, + "Or": 5574, + "ĠMont": 5575, + "Ġuns": 5576, + "prof": 5577, + "Ġnegoti": 5578, + "ĠArch": 5579, + "iki": 5580, + "Ġtelevision": 5581, + "ĠJewish": 5582, + "Ġcommittee": 5583, + "Ġmotor": 5584, + "Ġappearance": 5585, + "Ġsitting": 5586, + "Ġstrike": 5587, + "ĠDown": 5588, + "comp": 5589, + "ĠHist": 5590, + "Ġfold": 5591, + "acement": 5592, + "ĠLouis": 5593, + "Ġbelong": 5594, + "ĠâĢ¢": 5595, + "Ġmort": 5596, + "Ġprepared": 5597, + "Ġ64": 5598, + "ĠMaster": 5599, + "Ġindeed": 5600, + "ĠDen": 5601, + "Ġrent": 5602, + "TA": 5603, + "ourney": 5604, + "arc": 5605, + "Su": 5606, + "97": 5607, + "Ġadvice": 5608, + "Ġchanging": 5609, + "Ġlisted": 5610, + "Ġlaunched": 5611, + "isation": 5612, + "ĠPeter": 5613, + "ishes": 5614, + "Ġlived": 5615, + "ĠMel": 5616, + "ĠSupreme": 5617, + "ĠFederal": 5618, + "Ġ);": 5619, + "ructure": 5620, + "Ġsets": 5621, + "Ġphilos": 5622, + "uous": 5623, + "ĠÂł": 5624, + "Ġapplied": 5625, + "ĠNOT": 5626, + "Ġhousing": 5627, + "ĠMount": 5628, + "Ġodd": 5629, + "Ġsust": 5630, + "DA": 5631, + "fficient": 5632, + "Ġ?": 5633, + "olved": 5634, + "Ġpowers": 5635, + "Ġthr": 5636, + "Ġremaining": 5637, + "ĠWater": 5638, + "LC": 5639, + "Ġcauses": 5640, + "ãģ®": 5641, + "Ġmanner": 5642, + "ads": 5643, + "Ġsuggests": 5644, + "Ġends": 5645, + "standing": 5646, + "fig": 5647, + "ĠDun": 5648, + "idth": 5649, + "Ġgay": 5650, + "Ġtermin": 5651, + "ĠAngeles": 5652, + "MS": 5653, + "Ġscientific": 5654, + "Ġcoal": 5655, + "apers": 5656, + "bar": 5657, + "ĠThomas": 5658, + "Ġsym": 5659, + "ĠRun": 5660, + "this": 5661, + "PC": 5662, + "igrants": 5663, + "Ġminute": 5664, + "ĠDistrict": 5665, + "cellent": 5666, + "Ġleaves": 5667, + "Ġcompleted": 5668, + "amin": 5669, + "Ġfocused": 5670, + "Ġmonitor": 5671, + "Ġvehicles": 5672, + "MA": 5673, + "ĠMass": 5674, + "ĠGrand": 5675, + "Ġaffected": 5676, + "itutional": 5677, + "Ġconstruct": 5678, + "Ġfollows": 5679, + "Ġton": 5680, + "reens": 5681, + "Ġhomes": 5682, + "ĠExt": 5683, + "ĠLevel": 5684, + "rast": 5685, + "ĠIr": 5686, + "Ġelim": 5687, + "Ġlargely": 5688, + "ĠJoe": 5689, + "Ġvotes": 5690, + "alls": 5691, + "Ġbusinesses": 5692, + "ĠFoundation": 5693, + "ĠCentral": 5694, + "Ġyards": 5695, + "Ġmaterials": 5696, + "ulner": 5697, + "Ġguide": 5698, + "Ġcloser": 5699, + "ums": 5700, + "Ġsports": 5701, + "eder": 5702, + "Just": 5703, + "Ġtaxes": 5704, + "84": 5705, + "ĠOld": 5706, + "Ġdecade": 5707, + "ola": 5708, + "Ġvir": 5709, + "Ġdropped": 5710, + "Ġdelay": 5711, + "itect": 5712, + "Ġsecure": 5713, + "stein": 5714, + "level": 5715, + "Ġtreated": 5716, + "Ġfiled": 5717, + "aine": 5718, + "Ġvan": 5719, + "Ġmir": 5720, + "Ġcolumn": 5721, + "icted": 5722, + "eper": 5723, + "Ġrot": 5724, + "Ġconsult": 5725, + "Ġentry": 5726, + "Ġmarijuana": 5727, + "ĠDou": 5728, + "Ġapparently": 5729, + "oking": 5730, + "clusive": 5731, + "Ġincreases": 5732, + "ano": 5733, + "Ġspecifically": 5734, + "Ġtele": 5735, + "ensions": 5736, + "Ġreligion": 5737, + "abilities": 5738, + "Ġframe": 5739, + "ĠNote": 5740, + "ĠLee": 5741, + "Ġhelping": 5742, + "Ġedge": 5743, + "oston": 5744, + "Ġorganizations": 5745, + "Ãĥ": 5746, + "ĠBoth": 5747, + "hips": 5748, + "Ġbigger": 5749, + "Ġboost": 5750, + "ĠStand": 5751, + "Ġrow": 5752, + "uls": 5753, + "abase": 5754, + "Ġrid": 5755, + "Let": 5756, + "aren": 5757, + "rave": 5758, + "Ġstret": 5759, + "PD": 5760, + "Ġvision": 5761, + "Ġwearing": 5762, + "Ġappreci": 5763, + "Ġaward": 5764, + "ĠUse": 5765, + "Ġfactor": 5766, + "war": 5767, + "ulations": 5768, + ")(": 5769, + "Ġgod": 5770, + "Ġterrit": 5771, + "Ġparam": 5772, + "asts": 5773, + "87": 5774, + "Ġenemies": 5775, + "ĠGames": 5776, + "FF": 5777, + "Ġaccident": 5778, + "Well": 5779, + "ĠMartin": 5780, + "TER": 5781, + "Ġath": 5782, + "ĠHell": 5783, + "Ġforg": 5784, + "Ġveter": 5785, + "ĠMedic": 5786, + "free": 5787, + "Ġstars": 5788, + "Ġexpensive": 5789, + "Ġacad": 5790, + "rawn": 5791, + "ĠWhe": 5792, + "Ġlock": 5793, + "Ġformat": 5794, + "Ġsoldiers": 5795, + "sm": 5796, + "Ġagent": 5797, + "Ġresponsibility": 5798, + "ora": 5799, + "ĠScience": 5800, + "Ġrapid": 5801, + "Ġtough": 5802, + "ĠJesus": 5803, + "Ġbelieves": 5804, + "ML": 5805, + "Ġwear": 5806, + "lete": 5807, + "ÃĥÃĤ": 5808, + "ĠDri": 5809, + "Ġcommission": 5810, + "ĠBob": 5811, + "Oh": 5812, + "aped": 5813, + "Ġwarm": 5814, + "ÃĥÃĤÃĥÃĤ": 5815, + "Ġ2003": 5816, + "ortion": 5817, + "Ġhasn": 5818, + "uster": 5819, + "Ġunivers": 5820, + "ĠIll": 5821, + "Ġking": 5822, + "ologies": 5823, + "94": 5824, + "ĠTem": 5825, + "ĠMos": 5826, + "Ġpatient": 5827, + "ĠMexico": 5828, + "cean": 5829, + "ĠDeath": 5830, + "ĠSanders": 5831, + "you": 5832, + "ĠCast": 5833, + "ĠCompany": 5834, + "pty": 5835, + "Ġhappening": 5836, + "FP": 5837, + "ĠBattle": 5838, + "Ġbought": 5839, + "Am": 5840, + "Mod": 5841, + "Us": 5842, + "uters": 5843, + "ĠCre": 5844, + "ĠThose": 5845, + "Ġ44": 5846, + "iser": 5847, + "Ġsoul": 5848, + "ĠTop": 5849, + "ĠHarry": 5850, + "ĠAw": 5851, + "Ġseat": 5852, + "ffee": 5853, + "Ġrevolution": 5854, + "Ġ(\"": 5855, + "ĠDuring": 5856, + "ette": 5857, + "Ġring": 5858, + "Ġoffensive": 5859, + "Ġreturns": 5860, + "Ġvideos": 5861, + "Ġdiscl": 5862, + "Ġfamous": 5863, + "enced": 5864, + "ĠSign": 5865, + "ĠRiver": 5866, + "Ġ300": 5867, + "PM": 5868, + "ĠBus": 5869, + "ĠCH": 5870, + "Ġcandidates": 5871, + "arden": 5872, + "Ġpercentage": 5873, + "Ġvisual": 5874, + "Ġthank": 5875, + "Ġtrouble": 5876, + "nergy": 5877, + "Ġ2001": 5878, + "Ġprove": 5879, + "ashion": 5880, + "Ġenh": 5881, + "ĠLong": 5882, + "UM": 5883, + "Ġconnected": 5884, + "Ġpossibility": 5885, + "Over": 5886, + "Ġexpert": 5887, + "Ġlibrary": 5888, + "arts": 5889, + "ĠDirector": 5890, + "Ġfellow": 5891, + "92": 5892, + "irty": 5893, + "Ġdry": 5894, + "Ġsigns": 5895, + "ĠLove": 5896, + "Ġquiet": 5897, + "foot": 5898, + "Ġpure": 5899, + "ĠHun": 5900, + "Ġfilled": 5901, + "phas": 5902, + "ĠElect": 5903, + "endment": 5904, + "ĠExpl": 5905, + "Ġunable": 5906, + "ns": 5907, + "mo": 5908, + "Ġvast": 5909, + "obe": 5910, + "Ġidentify": 5911, + "apping": 5912, + "ĠCarolina": 5913, + "gress": 5914, + "Ġprote": 5915, + "Ġfish": 5916, + "Ġcircumstances": 5917, + "razy": 5918, + "ĠPhot": 5919, + "Ġbodies": 5920, + "ĠMur": 5921, + "Ġdeveloping": 5922, + "ĠAR": 5923, + "Ġexperienced": 5924, + "Ġsubstant": 5925, + "ĠBoard": 5926, + "esome": 5927, + "Ġdomestic": 5928, + "Ġcombined": 5929, + "ĠPut": 5930, + "Ġchemical": 5931, + "ĠChild": 5932, + "Ġpool": 5933, + "ĠCy": 5934, + "Ġegg": 5935, + "cons": 5936, + "sters": 5937, + "Ġhurt": 5938, + "Ġmarkets": 5939, + "Ġconservative": 5940, + "Ġsupporters": 5941, + "Ġagencies": 5942, + "idel": 5943, + "Ob": 5944, + "urb": 5945, + "Ġ43": 5946, + "ĠDefense": 5947, + "ye": 5948, + "ĠAp": 5949, + "dule": 5950, + "Ġtemperature": 5951, + "Ġconducted": 5952, + "ĠChief": 5953, + "Ġpulled": 5954, + "Ġfol": 5955, + "Last": 5956, + "onto": 5957, + "osis": 5958, + "VER": 5959, + "Des": 5960, + "ĠPan": 5961, + "First": 5962, + "Ġadvance": 5963, + "Ġlicense": 5964, + "rors": 5965, + "ĠJon": 5966, + "Ġimagine": 5967, + "Ġhell": 5968, + "Ġfixed": 5969, + "Ġincor": 5970, + "osite": 5971, + "ĠLog": 5972, + "icken": 5973, + "]:": 5974, + "Ġsurprise": 5975, + "hab": 5976, + "Ġcraft": 5977, + "olt": 5978, + "ĠJul": 5979, + "Ġdial": 5980, + "Ġrelevant": 5981, + "Ġentered": 5982, + "Ġleads": 5983, + "ĠAD": 5984, + "ĠClean": 5985, + "Ġpictures": 5986, + "essor": 5987, + "Ġalt": 5988, + "Ġpaying": 5989, + "Per": 5990, + "ĠMarket": 5991, + "Ġupdates": 5992, + "amily": 5993, + "ĠType": 5994, + "ĠHome": 5995, + "Ġ55": 5996, + "sembly": 5997, + "rome": 5998, + "83": 5999, + "Ġgreatest": 6000, + "Ġheight": 6001, + "Ġheav": 6002, + "aints": 6003, + "Ġlisten": 6004, + "aser": 6005, + "ĠSH": 6006, + "Ġcapable": 6007, + "acle": 6008, + "Ġperspect": 6009, + "inating": 6010, + "Ġoffering": 6011, + "rypt": 6012, + "ĠDevelop": 6013, + "abin": 6014, + "rc": 6015, + "Ġbright": 6016, + "alty": 6017, + "arrow": 6018, + "Ġsuppl": 6019, + "inding": 6020, + "acked": 6021, + "gypt": 6022, + "ĠAnother": 6023, + "pg": 6024, + "ĠVirginia": 6025, + "ĠLu": 6026, + "Ġplanned": 6027, + "Ġpit": 6028, + "Ġsweet": 6029, + "Type": 6030, + "ĠDi": 6031, + "Ġtypically": 6032, + "ĠFrancisco": 6033, + "Ġprospect": 6034, + "ĠDan": 6035, + "Ġteen": 6036, + "rees": 6037, + "Ġsched": 6038, + "Ġhol": 6039, + "Ġscr": 6040, + "Ġlots": 6041, + "life": 6042, + "Ġnewsp": 6043, + "Ġforget": 6044, + "ĠNone": 6045, + "ĠMiddle": 6046, + "ĠRyan": 6047, + "edd": 6048, + "Ġsevere": 6049, + "Ġsuit": 6050, + "ller": 6051, + "93": 6052, + "Ġcorrespond": 6053, + "Ġexplos": 6054, + "uations": 6055, + "Ġflag": 6056, + "game": 6057, + "rid": 6058, + "Ġprin": 6059, + "ĠData": 6060, + "Ġdeploy": 6061, + "ĠEnter": 6062, + "suit": 6063, + "ghan": 6064, + "ĠMen": 6065, + "Ġthoughts": 6066, + "Ġmatters": 6067, + "Ġadapt": 6068, + "ĠAri": 6069, + "Ġfill": 6070, + "Ġforth": 6071, + "Ġsam": 6072, + "Ġ41": 6073, + "Ġpayment": 6074, + "ĠHor": 6075, + "Ġspring": 6076, + "duc": 6077, + "Ġlosing": 6078, + "Ġbringing": 6079, + "FO": 6080, + "ala": 6081, + "Ġdistribution": 6082, + "hered": 6083, + "bour": 6084, + "ĠIsraeli": 6085, + "oma": 6086, + "Ġcombination": 6087, + "Ġplenty": 6088, + "VE": 6089, + "Can": 6090, + "ĠHaw": 6091, + "Ġperman": 6092, + "ĠSpecial": 6093, + "Ġtow": 6094, + "Ġseeking": 6095, + "Ġexamples": 6096, + "Ġclasses": 6097, + "cr": 6098, + "Ġbeer": 6099, + "Ġmoves": 6100, + "ĠIP": 6101, + "ĠKn": 6102, + "Ġpanel": 6103, + "Even": 6104, + "Ġproperly": 6105, + "Ġris": 6106, + "Ġplug": 6107, + "Ġestimated": 6108, + "Every": 6109, + "Ġdefensive": 6110, + "agraph": 6111, + "Ġpregn": 6112, + "Ġinstit": 6113, + "ĠVict": 6114, + "Ġvolume": 6115, + "Ġpositions": 6116, + "Ġlinks": 6117, + "ĠProgram": 6118, + "ĠWeek": 6119, + "agues": 6120, + "Ġtransform": 6121, + "ker": 6122, + "ĠCEO": 6123, + "Ġcas": 6124, + "Ġopponent": 6125, + "Ġtweet": 6126, + "ĠCode": 6127, + "Ġshop": 6128, + "Ġfly": 6129, + "Ġtalks": 6130, + "Ġbag": 6131, + "Phone": 6132, + "Ġaid": 6133, + "Ġplants": 6134, + "Ġ65": 6135, + "Ġattorney": 6136, + "arters": 6137, + "quest": 6138, + "ĠMagic": 6139, + "Ġbegins": 6140, + "Ġmyster": 6141, + "Ġenvironmental": 6142, + "Ġstorage": 6143, + "NN": 6144, + "Ġmarg": 6145, + "Ġske": 6146, + "Ġmetal": 6147, + "elly": 6148, + "Ġordered": 6149, + "Ġremained": 6150, + "Ġloved": 6151, + "Ġprompt": 6152, + "Ġupdated": 6153, + "Ġexperts": 6154, + "Ġwalking": 6155, + "Ġancient": 6156, + "Ġperformed": 6157, + "ATE": 6158, + "Ġneither": 6159, + "iency": 6160, + "Ġmanufacture": 6161, + "ĠPak": 6162, + "Ġselected": 6163, + "Ġmine": 6164, + "Ġultimately": 6165, + "Ġexplan": 6166, + "Ġlabel": 6167, + "ĠServices": 6168, + "ributed": 6169, + "Trump": 6170, + "Ġsyn": 6171, + "ĠUlt": 6172, + "SC": 6173, + "Ġmeat": 6174, + "Ġgiant": 6175, + "ĠWars": 6176, + "ĠON": 6177, + "Ġadm": 6178, + "Ġinterpret": 6179, + "Ġevening": 6180, + "Ġevil": 6181, + "ĠBoston": 6182, + "ĠWild": 6183, + "ĠÃ": 6184, + "ĠBitcoin": 6185, + "ĠAmazon": 6186, + "Dr": 6187, + "ĠInformation": 6188, + "Ġobviously": 6189, + "Ġadvanced": 6190, + "Photo": 6191, + "olar": 6192, + "Ġweather": 6193, + "Ġsymbol": 6194, + "Ġsole": 6195, + "Ġpotentially": 6196, + "oster": 6197, + "Ġoriginally": 6198, + "mun": 6199, + "300": 6200, + "aze": 6201, + "essions": 6202, + "Ġdeck": 6203, + "Ġstood": 6204, + "Ġyouth": 6205, + "ĠBern": 6206, + "Rep": 6207, + "ĠTest": 6208, + "Ġbasically": 6209, + "otic": 6210, + "Ġinvolve": 6211, + "olit": 6212, + "lyn": 6213, + "See": 6214, + "Ġaircraft": 6215, + "Ġconfirm": 6216, + "EW": 6217, + "Ġmessages": 6218, + "ĠRichard": 6219, + "Ġkit": 6220, + "Ġprohib": 6221, + "Ġvulner": 6222, + "isters": 6223, + "Ġexistence": 6224, + "Ġturning": 6225, + "ĠSP": 6226, + "Ġdesire": 6227, + "Ġflat": 6228, + "Ġment": 6229, + "season": 6230, + "anges": 6231, + "Ġneighborhood": 6232, + "ĠLake": 6233, + "ATION": 6234, + "Ġpointed": 6235, + "bur": 6236, + "Ġinnov": 6237, + "ucks": 6238, + "UL": 6239, + "Ġprofessor": 6240, + "Ġexpressed": 6241, + "AB": 6242, + "icious": 6243, + "Ġ2002": 6244, + "ĠDev": 6245, + "Ġsession": 6246, + "Ġbare": 6247, + "sen": 6248, + "Ġdiss": 6249, + "ĠCath": 6250, + "ĠPass": 6251, + "ĠPoint": 6252, + "Ġdoctor": 6253, + "orrow": 6254, + "ailed": 6255, + "ĠRub": 6256, + "ĠDC": 6257, + "ĠCharl": 6258, + "person": 6259, + "Ġwriter": 6260, + "ighters": 6261, + "ureau": 6262, + "Ġoblig": 6263, + "Ġrecorded": 6264, + "Ġbroke": 6265, + "Ġorders": 6266, + "ilty": 6267, + "Ġmotion": 6268, + "inity": 6269, + "law": 6270, + "adium": 6271, + "Ġimmigration": 6272, + "Ġcontrast": 6273, + "Ġbatt": 6274, + "Ġexcellent": 6275, + "Ġtechnical": 6276, + "ami": 6277, + "Ġtun": 6278, + "Ġcloud": 6279, + "ĠYear": 6280, + "geon": 6281, + "Ġcreation": 6282, + "Ġstrange": 6283, + "Ġauth": 6284, + "Ġfort": 6285, + "born": 6286, + "Ġextent": 6287, + "ĠToday": 6288, + "ĠClub": 6289, + "Ġrain": 6290, + "Ġsample": 6291, + "Ġaccepted": 6292, + "Ġtact": 6293, + "Ġfired": 6294, + "ĠSon": 6295, + "Ġstands": 6296, + "Ġboot": 6297, + "Ġ47": 6298, + "Ġstatements": 6299, + "Ġversions": 6300, + "Ġselling": 6301, + "ounded": 6302, + "Ġ1990": 6303, + "Ġweren": 6304, + "ĠWatch": 6305, + "Ġexperiment": 6306, + "Post": 6307, + "Ġretail": 6308, + "uled": 6309, + "Inst": 6310, + "unte": 6311, + "ãĥ¼": 6312, + "Ġdepart": 6313, + "Ġbond": 6314, + "ivery": 6315, + "ompl": 6316, + "Ġreaction": 6317, + "ĠSyrian": 6318, + "ĠPac": 6319, + "apped": 6320, + "aniel": 6321, + "DP": 6322, + "Ġresolution": 6323, + "Ġreact": 6324, + "Ġapproved": 6325, + "onom": 6326, + "mond": 6327, + "ĠOffic": 6328, + "---": 6329, + "Ġreplace": 6330, + "Ġtack": 6331, + "Ġsport": 6332, + "Ġchain": 6333, + "Ġemergency": 6334, + "rad": 6335, + "ĠPalestin": 6336, + "Ġ46": 6337, + "Ġautomatically": 6338, + "Ġroute": 6339, + "Ġpal": 6340, + "Ġbanks": 6341, + "ĠParis": 6342, + "ĠMedia": 6343, + "road": 6344, + "icing": 6345, + "ixt": 6346, + "isted": 6347, + "Ġgrew": 6348, + "Ġcoord": 6349, + "ĠWhere": 6350, + "omin": 6351, + "Ġsubs": 6352, + "��": 6353, + "Ġ±": 6354, + "Ġcorporate": 6355, + "Ġselection": 6356, + "noon": 6357, + "ĠReport": 6358, + "cs": 6359, + "cluding": 6360, + "orders": 6361, + "anche": 6362, + "ĠIts": 6363, + "Ġslowly": 6364, + "ĠEgypt": 6365, + "ĠAcc": 6366, + "Ġcolle": 6367, + "iques": 6368, + "EX": 6369, + "Ġattempts": 6370, + "url": 6371, + "ĠCross": 6372, + "Ġfindings": 6373, + "ĠSC": 6374, + "ĠOR": 6375, + "Ġindex": 6376, + "ensity": 6377, + "ĠWay": 6378, + "ĠLand": 6379, + "Ġshock": 6380, + "dis": 6381, + "Ġdynam": 6382, + "Ġcart": 6383, + "mosp": 6384, + "Since": 6385, + "iest": 6386, + "ĠBoy": 6387, + "Ġstorm": 6388, + "ĠContin": 6389, + "2013": 6390, + "hew": 6391, + "ilit": 6392, + "Ġessential": 6393, + "iquid": 6394, + "Other": 6395, + "ivered": 6396, + "Ġreasonable": 6397, + "Act": 6398, + "Ġsubsequ": 6399, + "ĠPack": 6400, + "ĠFort": 6401, + "Ġconsidering": 6402, + "Ġuniversity": 6403, + "log": 6404, + "Ġmarried": 6405, + "Ġillust": 6406, + "ĠTrue": 6407, + "£ı": 6408, + "Ġnumerous": 6409, + "rastructure": 6410, + "Ġseriously": 6411, + "Ġreferred": 6412, + "ua": 6413, + "Ġconsistent": 6414, + "onna": 6415, + "ĠReal": 6416, + "ruption": 6417, + "ciples": 6418, + "Ġfacts": 6419, + "91": 6420, + "otes": 6421, + "erg": 6422, + "Then": 6423, + "Ġaccompl": 6424, + "Note": 6425, + "Ġrevenue": 6426, + "Ġpassing": 6427, + "Ġmal": 6428, + "een": 6429, + "ĠYet": 6430, + "Ġgather": 6431, + "terday": 6432, + "ework": 6433, + "ĠAuthor": 6434, + "Pe": 6435, + "Ġoptim": 6436, + "Ġrub": 6437, + "Ġè£ı": 6438, + "Ġunknown": 6439, + "stone": 6440, + "Ġunion": 6441, + "olve": 6442, + "Ġopportunities": 6443, + "Ġbrowser": 6444, + "ĠWal": 6445, + "ĠCost": 6446, + "Ġreporting": 6447, + "sts": 6448, + "pet": 6449, + "Ġsand": 6450, + "Ġsuddenly": 6451, + "Ġsurprising": 6452, + "ĠVR": 6453, + "Ġsomewhat": 6454, + "ĠBas": 6455, + "ulture": 6456, + "izz": 6457, + "ĠCD": 6458, + "Ġchallenges": 6459, + "Ġsettings": 6460, + "Ġexperiences": 6461, + "ĠFull": 6462, + "Ġcann": 6463, + "Ġreceiving": 6464, + "EST": 6465, + "Ġjoint": 6466, + "Ġcultural": 6467, + "Ġast": 6468, + "82": 6469, + "astern": 6470, + "ceived": 6471, + "ĠCru": 6472, + "Ġbull": 6473, + "pired": 6474, + "amm": 6475, + "Ġfacing": 6476, + "power": 6477, + "Ġboss": 6478, + "ĠHol": 6479, + "Ġinstr": 6480, + "Ġincreasingly": 6481, + "Ġshift": 6482, + "Ġstreets": 6483, + "ĠWilliams": 6484, + "abb": 6485, + "Ġlie": 6486, + "Ġlaugh": 6487, + "ĠCa": 6488, + "PL": 6489, + "Ġadults": 6490, + "Ġcustomer": 6491, + "Ġobtained": 6492, + "Ġsupporting": 6493, + "html": 6494, + "fire": 6495, + "Ġdetailed": 6496, + "Ġpicked": 6497, + "ĠRight": 6498, + "lder": 6499, + "EE": 6500, + "stood": 6501, + "ĠKim": 6502, + "Ġwire": 6503, + "Ġsight": 6504, + "Ġdevelopers": 6505, + "Ġpersons": 6506, + "Ġsad": 6507, + "Ġcup": 6508, + "Ġwarning": 6509, + "Ġboys": 6510, + "long": 6511, + "Ġbird": 6512, + "fo": 6513, + "Ġwal": 6514, + "Ġobserved": 6515, + "Ġzone": 6516, + "iveness": 6517, + "Ġchannel": 6518, + "cript": 6519, + "Ġrefused": 6520, + "ĠAgain": 6521, + "Ġsuc": 6522, + "Ġspokesman": 6523, + "ĠRef": 6524, + "rite": 6525, + "ouston": 6526, + "ãĥ³": 6527, + "ĠSher": 6528, + "Ġacts": 6529, + "ĠName": 6530, + "Ġstruggle": 6531, + "arry": 6532, + "ometimes": 6533, + "Ġdiscrim": 6534, + "HT": 6535, + "Ġcategory": 6536, + "Ġrealize": 6537, + "Ġemployee": 6538, + "ĠAfghan": 6539, + "enger": 6540, + "Ġguns": 6541, + "ĠSteve": 6542, + "ĠMot": 6543, + "ĠOl": 6544, + "oked": 6545, + "Ġthick": 6546, + "Ġfairly": 6547, + "illy": 6548, + "Ġsurve": 6549, + "ĠMat": 6550, + "weight": 6551, + "âĶ": 6552, + "Ġtroops": 6553, + "Ġagents": 6554, + "Ġbattery": 6555, + "Ġmotiv": 6556, + "á": 6557, + "Sec": 6558, + "den": 6559, + "overy": 6560, + "LS": 6561, + "Ġflu": 6562, + "Ġconfident": 6563, + "ĠOper": 6564, + "Ġempty": 6565, + "Ġphen": 6566, + "Ġsector": 6567, + "Ġexcited": 6568, + "Ġremote": 6569, + "aph": 6570, + "oen": 6571, + "Ġdestroyed": 6572, + "Ġmoral": 6573, + "ĠHP": 6574, + "ĠRon": 6575, + "Ġdress": 6576, + "ĠBat": 6577, + "Ġlit": 6578, + "ĠMS": 6579, + "Ġaf": 6580, + "HL": 6581, + "rum": 6582, + "isms": 6583, + "Ġshouldn": 6584, + "Ġsympt": 6585, + "ĠToronto": 6586, + "hetic": 6587, + "Ġcarbon": 6588, + "Ġinstalled": 6589, + "Ġviolent": 6590, + "Ġsolar": 6591, + "ja": 6592, + "Ġpractices": 6593, + "Ġride": 6594, + "ĠPenn": 6595, + "Ġimproved": 6596, + "Ġaudio": 6597, + "Ġbehavi": 6598, + "ĠPS": 6599, + "Ġeating": 6600, + "Data": 6601, + "ĠReview": 6602, + "pass": 6603, + "claim": 6604, + "uated": 6605, + "angers": 6606, + "chen": 6607, + "Ġproperties": 6608, + "Ġanywhere": 6609, + "Another": 6610, + "Ġblow": 6611, + "ĠJackson": 6612, + "Ġproud": 6613, + "Ġplane": 6614, + "lines": 6615, + "Ġsquare": 6616, + "Ġproof": 6617, + "ansas": 6618, + "Ġtalked": 6619, + "makers": 6620, + "Ġsister": 6621, + "Ġholds": 6622, + "Ġresident": 6623, + "Ġ==": 6624, + "Ġresistance": 6625, + "Ġsplit": 6626, + "Ġprosecut": 6627, + "Ġconfidence": 6628, + "resents": 6629, + "Ġcuts": 6630, + "Ġexception": 6631, + "Ġzero": 6632, + "Getty": 6633, + "Ġcopyright": 6634, + "Ġtotally": 6635, + "ormal": 6636, + "ifications": 6637, + "ĠAustralian": 6638, + "Ġsick": 6639, + "Ġ150": 6640, + "Ġhousehold": 6641, + "Ġfees": 6642, + "Ġdrivers": 6643, + "ogen": 6644, + "ĠNY": 6645, + "Ġnecessarily": 6646, + "Ġregulations": 6647, + "earing": 6648, + "sl": 6649, + "Ġperspective": 6650, + "care": 6651, + "icial": 6652, + "His": 6653, + "Ġescape": 6654, + "Ġsurprised": 6655, + "ĠVan": 6656, + "urrent": 6657, + "Ġvac": 6658, + "81": 6659, + "ĠThus": 6660, + "Ġemphas": 6661, + "ĠChampions": 6662, + "ĠIce": 6663, + "Ġnarr": 6664, + "Ġheads": 6665, + "Ġcausing": 6666, + "bel": 6667, + "fortunately": 6668, + "ĠMa": 6669, + "Ġtargets": 6670, + "cipl": 6671, + "Ġafternoon": 6672, + "Ġadds": 6673, + "ĠMaybe": 6674, + "ĠFour": 6675, + "essed": 6676, + "plete": 6677, + "Ġusual": 6678, + "cho": 6679, + "ingu": 6680, + "Ġwithd": 6681, + "ĠEnergy": 6682, + "ĠEconom": 6683, + "OO": 6684, + "Ġarticles": 6685, + "Ġinjured": 6686, + "Ġmanage": 6687, + "Ġexplains": 6688, + "Ġdiagn": 6689, + "Rec": 6690, + "atures": 6691, + "Ġlinked": 6692, + "Ġdiscussed": 6693, + "Ġexplo": 6694, + "Ġoccasion": 6695, + "athan": 6696, + "Ġopposite": 6697, + "Ġfaces": 6698, + "Ġdenied": 6699, + "ĠKnight": 6700, + "Ġnut": 6701, + "Ġapproximately": 6702, + "Ġdisappoint": 6703, + "onymous": 6704, + "ĠBest": 6705, + "ĠLo": 6706, + "ĠHy": 6707, + "ĠAff": 6708, + "Ġvoting": 6709, + "anwhile": 6710, + "ĠIII": 6711, + "Ġinstitutions": 6712, + "agram": 6713, + "ĠDaily": 6714, + "Ġdrag": 6715, + "Ġnearby": 6716, + "Ġguilty": 6717, + "Ġconver": 6718, + "Pre": 6719, + "ship": 6720, + "Ġreward": 6721, + "Ġphilosoph": 6722, + "ĠSS": 6723, + "ugh": 6724, + "Ġapps": 6725, + "friend": 6726, + "Ġupper": 6727, + "Ġadvert": 6728, + "Ġsnow": 6729, + "Ġfrust": 6730, + "Ġourselves": 6731, + "Fr": 6732, + "ĠDie": 6733, + "ampion": 6734, + "Ġdismiss": 6735, + "Ġcere": 6736, + "Ġsignal": 6737, + "from": 6738, + "Ġ).": 6739, + "Ġ52": 6740, + "Ġcrimes": 6741, + "itors": 6742, + "estival": 6743, + "useum": 6744, + "Ġcouncil": 6745, + "ĠSaud": 6746, + "May": 6747, + "ĠGun": 6748, + "ician": 6749, + "ether": 6750, + "Ġsufficient": 6751, + "ĠHen": 6752, + "sole": 6753, + "Ġhistorical": 6754, + "ĠFar": 6755, + "ĠTurn": 6756, + "Ġpin": 6757, + "Ġsucceed": 6758, + "mat": 6759, + "lymp": 6760, + "Ġtradition": 6761, + "ĠOk": 6762, + "Ġcro": 6763, + "Ġdescription": 6764, + "alle": 6765, + "Ġsky": 6766, + "Te": 6767, + "Ġwidely": 6768, + "Ġwave": 6769, + "Ġdefinition": 6770, + "ĠJews": 6771, + "Ġcycle": 6772, + "Ġrefere": 6773, + "Ġbrings": 6774, + "usal": 6775, + "Ġalive": 6776, + "Ġfrequently": 6777, + "Ġintention": 6778, + "ĠControl": 6779, + "lv": 6780, + "ystem": 6781, + "Ġprivacy": 6782, + "gent": 6783, + "rence": 6784, + "ĠQuest": 6785, + "ĠChristmas": 6786, + "Ġrail": 6787, + "Ġcooper": 6788, + "Ġtested": 6789, + "ĠCapt": 6790, + "asks": 6791, + "Ġcomfortable": 6792, + "Ġdelivered": 6793, + "scape": 6794, + "Ġdepth": 6795, + "ĠGOP": 6796, + "Ġwrites": 6797, + "Ġassets": 6798, + "Ġsav": 6799, + "iments": 6800, + "Ġtransition": 6801, + "Ġartist": 6802, + "ĠLook": 6803, + "Ġlob": 6804, + "Ġcomponents": 6805, + "arity": 6806, + "Ġwalked": 6807, + "Ġroot": 6808, + "Ġparticipants": 6809, + "Ġnoticed": 6810, + "Ġresc": 6811, + "Ġnav": 6812, + "ĠAdminist": 6813, + "da": 6814, + "utral": 6815, + "plate": 6816, + "Ġimportance": 6817, + "Ġassert": 6818, + "iously": 6819, + "cription": 6820, + "Ġinjuries": 6821, + "ĠCheck": 6822, + "Ġregistered": 6823, + "Ġintent": 6824, + "Ġmissed": 6825, + "ographic": 6826, + "Ġsentence": 6827, + "ounter": 6828, + "Ġassistance": 6829, + "evin": 6830, + "Ġdatabase": 6831, + "Ġbuildings": 6832, + "Ġclassic": 6833, + "Ġthinks": 6834, + "ĠOhio": 6835, + "Pr": 6836, + "ugg": 6837, + "Ġfee": 6838, + "pan": 6839, + "Ġeffectively": 6840, + "Ġfacility": 6841, + "Ġbear": 6842, + "Ġchapter": 6843, + "Ġdogs": 6844, + "ĠColumb": 6845, + "Ġlatter": 6846, + "itial": 6847, + "Ġadmitted": 6848, + "TV": 6849, + "ĠGeorg": 6850, + "Ġposts": 6851, + "\\\\": 6852, + "Ġlawyer": 6853, + "Ġequival": 6854, + "Ġmand": 6855, + "Ġcontrolled": 6856, + "ĠWalk": 6857, + "ĠAndrew": 6858, + "Ġmenu": 6859, + "amental": 6860, + "Ġprotected": 6861, + "va": 6862, + "Ġadministr": 6863, + "oral": 6864, + "Ġrein": 6865, + "ĠSar": 6866, + "Ġamounts": 6867, + "Ġnative": 6868, + "ĠMoon": 6869, + "Ġrepresents": 6870, + "Ġabandon": 6871, + "Ġcarrying": 6872, + "Ġtank": 6873, + "mary": 6874, + "Ġdeclared": 6875, + "Tube": 6876, + "Ġhat": 6877, + "Ġpunish": 6878, + "ellect": 6879, + "mes": 6880, + "Ġuniverse": 6881, + "ĠRod": 6882, + "phy": 6883, + "Ġinfrastructure": 6884, + "Ġ51": 6885, + "Ġopposed": 6886, + "ownt": 6887, + "ca": 6888, + "ĠMake": 6889, + "Ġhardware": 6890, + "Ġcoffee": 6891, + "Rel": 6892, + "bal": 6893, + "world": 6894, + "ĠSaf": 6895, + "ĠSea": 6896, + "inals": 6897, + "Ġowned": 6898, + "Ġhall": 6899, + "ersion": 6900, + "Ġdescribe": 6901, + "ĠPot": 6902, + "Ġportion": 6903, + "Ġatmosp": 6904, + "Ġgovernments": 6905, + "Ġdepending": 6906, + "Ġoffense": 6907, + "Ġtrick": 6908, + "awa": 6909, + "ĠLine": 6910, + "ĠVis": 6911, + "ĠHard": 6912, + "ĠOrig": 6913, + "ĠClick": 6914, + "Ġdesk": 6915, + "ĠValley": 6916, + "ĠSov": 6917, + "Ġmovies": 6918, + "Ġremark": 6919, + "Ġmail": 6920, + "Ġconscious": 6921, + "Ġruling": 6922, + "ĠRights": 6923, + "Ġmedic": 6924, + "hent": 6925, + "ĠWomen": 6926, + "><": 6927, + "Ġreplaced": 6928, + "ĠPrem": 6929, + "ĠThanks": 6930, + "Ġrenew": 6931, + "ĠBall": 6932, + "iform": 6933, + "Ġshots": 6934, + "Comm": 6935, + "Ġarmed": 6936, + "Ġconstant": 6937, + "Ġtaste": 6938, + "Ġrealized": 6939, + "Ġbuff": 6940, + "Ġmo": 6941, + "Ġefficient": 6942, + "Most": 6943, + "oration": 6944, + "ifies": 6945, + "Ġcommunication": 6946, + "Ġflood": 6947, + "Ġconsequences": 6948, + "Ġanyway": 6949, + "igg": 6950, + "ĠGM": 6951, + "ĠThank": 6952, + "Ġiron": 6953, + "Ġevolution": 6954, + "ĠCop": 6955, + "twitter": 6956, + "Ġ95": 6957, + "Ġrelationships": 6958, + "adel": 6959, + "ĠYoung": 6960, + "Ġproposal": 6961, + "ayers": 6962, + "uilding": 6963, + "ĠHot": 6964, + "ORE": 6965, + "cos": 6966, + "Ġcollabor": 6967, + "PG": 6968, + "axy": 6969, + "Ġknowing": 6970, + "Ġsupports": 6971, + "owed": 6972, + "Ġcontrols": 6973, + "Ġmerely": 6974, + "umer": 6975, + "Ġathlet": 6976, + "Ġfashion": 6977, + "path": 6978, + "Ġgift": 6979, + "Ġera": 6980, + "AND": 6981, + "Ġkinds": 6982, + "ĠKorean": 6983, + "Ġlegit": 6984, + "ulous": 6985, + "Ġessentially": 6986, + "Ġtherap": 6987, + "nic": 6988, + "Ġsuffered": 6989, + "Ġhur": 6990, + "Ġpromise": 6991, + "Ġexcess": 6992, + "Ġoverw": 6993, + "Ġprime": 6994, + "ĠHouston": 6995, + "erry": 6996, + "ĠMs": 6997, + "RS": 6998, + "2012": 6999, + "Ġstores": 7000, + "ĠOlymp": 7001, + "Ġjourney": 7002, + "Although": 7003, + "Sub": 7004, + "ĠEduc": 7005, + "ĠChapter": 7006, + "Ġrequests": 7007, + "Ġconsumers": 7008, + "Ġtiny": 7009, + "Ġisol": 7010, + "ĠFair": 7011, + "ba": 7012, + "ĠYOU": 7013, + "Ġcrash": 7014, + "celer": 7015, + "Ġemotional": 7016, + "Ġgoods": 7017, + "Ġelected": 7018, + "Ġmoder": 7019, + "ĠLinux": 7020, + "Ġblocks": 7021, + "Ġisland": 7022, + "ĠSociety": 7023, + "Ġelections": 7024, + "Ġbroadcast": 7025, + "Ġcheap": 7026, + "Ġnations": 7027, + "Ġseasons": 7028, + "400": 7029, + "Ġwaste": 7030, + "ĠSat": 7031, + "Ġfields": 7032, + "employ": 7033, + "Ġprofile": 7034, + "Ġauthors": 7035, + "ALL": 7036, + "ĠGra": 7037, + "west": 7038, + "ĠTy": 7039, + "Ġdeaths": 7040, + "Ġvacc": 7041, + "Ġformed": 7042, + "Ġdu": 7043, + "Ġongoing": 7044, + "ĠMuslims": 7045, + "elf": 7046, + "igure": 7047, + "Ġassume": 7048, + "ĠUkraine": 7049, + "water": 7050, + "Ġcoast": 7051, + "Ġvoted": 7052, + "gor": 7053, + "ĠAS": 7054, + "ĠMichigan": 7055, + "aza": 7056, + "ĠArm": 7057, + "iro": 7058, + "Ġflex": 7059, + "asters": 7060, + "''": 7061, + "Ġwelcome": 7062, + "arl": 7063, + "Ġlocations": 7064, + "igation": 7065, + "ĠFil": 7066, + "Ġbuying": 7067, + "Ġarchitect": 7068, + "Ġharder": 7069, + "ĠCub": 7070, + "Ġinterface": 7071, + "Ġrestaurant": 7072, + "Ġdiscover": 7073, + "Ġexceed": 7074, + "Ġfavour": 7075, + "gery": 7076, + "Ġduty": 7077, + "Ġpitch": 7078, + "ador": 7079, + "ĠMach": 7080, + "boy": 7081, + "Ġresponded": 7082, + "Ġextended": 7083, + "hers": 7084, + "Many": 7085, + "raid": 7086, + "ifer": 7087, + "ĠIns": 7088, + "Ser": 7089, + "Ġmedium": 7090, + "she": 7091, + "ĠSports": 7092, + "Ġmagazine": 7093, + "utation": 7094, + "Ġlimits": 7095, + "ĠGall": 7096, + "Ġexternal": 7097, + "razil": 7098, + "Ġyounger": 7099, + "tle": 7100, + "Ġremind": 7101, + "ĠCON": 7102, + "Ġimmediate": 7103, + "Ġhidden": 7104, + "Ġvolunte": 7105, + "Ġsimpl": 7106, + "odcast": 7107, + "Ġphase": 7108, + "dr": 7109, + "Ġplot": 7110, + "Ġexposure": 7111, + "RI": 7112, + "ograp": 7113, + "vin": 7114, + "anish": 7115, + "ĠAcad": 7116, + "ĠEngine": 7117, + "Ġexpansion": 7118, + "ĠPay": 7119, + "Your": 7120, + "Ġpushed": 7121, + "ĠEll": 7122, + "ĠHead": 7123, + "Ġmarketing": 7124, + "ĠAC": 7125, + "ket": 7126, + "Ġhits": 7127, + "Ġgro": 7128, + "ĠAge": 7129, + "ĠScot": 7130, + "][": 7131, + "Ġstim": 7132, + "ĠiPhone": 7133, + "ĪĴ": 7134, + "Ġnarrow": 7135, + "ĠGetty": 7136, + "ĠTurkey": 7137, + "Ġperfectly": 7138, + "Ġenable": 7139, + "utch": 7140, + "Ġprecise": 7141, + "Ġregime": 7142, + "Ġshif": 7143, + "Ġcompens": 7144, + "gun": 7145, + "div": 7146, + "Ġchosen": 7147, + "ĠKen": 7148, + "Any": 7149, + "Ġtrees": 7150, + "Ġrecommended": 7151, + "ĠRen": 7152, + "uable": 7153, + "ĠHT": 7154, + "Follow": 7155, + "EG": 7156, + "ĠHand": 7157, + "ĠKenn": 7158, + "Ġarguments": 7159, + "Ġexists": 7160, + "Ġbike": 7161, + "ĠConserv": 7162, + "Ġbreaking": 7163, + "ĠGar": 7164, + "Ġcrazy": 7165, + "Ġvirtual": 7166, + "aylor": 7167, + "ixel": 7168, + "Ġ1980": 7169, + "Ġpermission": 7170, + "ĠSeries": 7171, + "Ġconsumer": 7172, + "Ġclosely": 7173, + "called": 7174, + "Ġ54": 7175, + "Ġhopes": 7176, + "Ġarray": 7177, + "ĠWin": 7178, + "ĠLabour": 7179, + "Ġspons": 7180, + "ĠIre": 7181, + "Ġpow": 7182, + "Ġreaders": 7183, + "Ġemployment": 7184, + "Ġcreature": 7185, + "Ġresulting": 7186, + "Ġaccurate": 7187, + "Ġmoments": 7188, + "Ġargued": 7189, + "Ġped": 7190, + "During": 7191, + "Ġ53": 7192, + "ĠTal": 7193, + "Ġsought": 7194, + "Ġsuffering": 7195, + "Ġicon": 7196, + "lee": 7197, + "Ġ($": 7198, + "alian": 7199, + "°": 7200, + "Ġpra": 7201, + "Ġbonus": 7202, + "(\"": 7203, + "ko": 7204, + "Ġacting": 7205, + "DE": 7206, + "fall": 7207, + "Ġcomparison": 7208, + "Ġsmooth": 7209, + "ĠNAS": 7210, + "upp": 7211, + "ĠJoseph": 7212, + "eping": 7213, + "ĠTake": 7214, + "ĠMid": 7215, + "Ġsending": 7216, + "fast": 7217, + "ĠFall": 7218, + "Ġdealing": 7219, + "user": 7220, + "ĠOrgan": 7221, + "Co": 7222, + "Ġattached": 7223, + "Ġsees": 7224, + "%.": 7225, + "Ġtypical": 7226, + "ART": 7227, + "Ġfinds": 7228, + "ĠAsia": 7229, + "umin": 7230, + "ĠCore": 7231, + "ĠEnt": 7232, + "inent": 7233, + "uce": 7234, + "ĠBlood": 7235, + "ĠNever": 7236, + "Ġemails": 7237, + "Ġhighlight": 7238, + "Ġconfront": 7239, + "atus": 7240, + "uted": 7241, + "Ġunus": 7242, + "Ġtopic": 7243, + "ĠAdam": 7244, + "Ġble": 7245, + "ati": 7246, + "Ġunderstood": 7247, + "Set": 7248, + "struct": 7249, + "TP": 7250, + "Ġmob": 7251, + "aa": 7252, + "ĠStart": 7253, + "pected": 7254, + "sell": 7255, + "Ġdedicated": 7256, + "ĠCA": 7257, + "uan": 7258, + "Ġsongs": 7259, + "escription": 7260, + "Ġtech": 7261, + "Ġrape": 7262, + "Ġaside": 7263, + "Ġgrant": 7264, + "Ġ56": 7265, + "sub": 7266, + "Ġargue": 7267, + "Ġcontaining": 7268, + "Ġschedule": 7269, + "Ġliberal": 7270, + "Ġpublicly": 7271, + "Ġheavily": 7272, + "ĠUt": 7273, + "iner": 7274, + "ĠSection": 7275, + "ĠCare": 7276, + "weet": 7277, + "ls": 7278, + "Dis": 7279, + "âĶĢ": 7280, + "ĠFollow": 7281, + "Back": 7282, + "ĠIT": 7283, + "Ġbes": 7284, + "ji": 7285, + "ĠHit": 7286, + "ested": 7287, + "Ġeverybody": 7288, + "ĠSwed": 7289, + "Ġfemin": 7290, + "Ġfacilities": 7291, + "Ġconven": 7292, + "Comp": 7293, + "ĠOS": 7294, + "core": 7295, + "Ġanx": 7296, + "Ġdivision": 7297, + "ĠCam": 7298, + "ĠStan": 7299, + "mates": 7300, + "Ġexplore": 7301, + "plom": 7302, + "Ġshares": 7303, + "pload": 7304, + "anes": 7305, + "Ġideal": 7306, + "eters": 7307, + "ĠBase": 7308, + "Ġplastic": 7309, + "Ġdistinct": 7310, + "ĠNetwork": 7311, + "ĠSeattle": 7312, + "Ġtrading": 7313, + "ensus": 7314, + "intend": 7315, + "Ġexhib": 7316, + "Ġinitially": 7317, + "ĠFood": 7318, + "Ġthousand": 7319, + "ĠBusiness": 7320, + "acter": 7321, + "Ġparagraph": 7322, + "Ġroughly": 7323, + "Ġwww": 7324, + "Ġcreative": 7325, + "ĠConf": 7326, + "Ġconsumption": 7327, + "Ġfilms": 7328, + "agan": 7329, + "Ġobtain": 7330, + "Ġtall": 7331, + "Ġtor": 7332, + "Ġacknowled": 7333, + "Ġgrown": 7334, + "alo": 7335, + "KE": 7336, + "Ġ400": 7337, + "enders": 7338, + "taining": 7339, + "UG": 7340, + "Ġsuicide": 7341, + "Ġwatched": 7342, + "ĠList": 7343, + "ali": 7344, + "rehens": 7345, + "Ġsurrounding": 7346, + "Ġpip": 7347, + "Ġflying": 7348, + "ĠJava": 7349, + "ordan": 7350, + "Ġserving": 7351, + "inations": 7352, + "post": 7353, + "Ġsho": 7354, + "Av": 7355, + "Ġjail": 7356, + "zy": 7357, + "Ġ1999": 7358, + "Ġ>": 9609, + "orous": 9610, + "Ġfirms": 9611, + "screen": 9612, + "una": 9613, + "Ġembarrass": 9614, + "ulse": 9615, + "Ġletting": 9616, + "Ġthrew": 9617, + "iley": 9618, + "Ġchannels": 9619, + "lan": 9620, + "ĠVegas": 9621, + "Ġsear": 9622, + "Ġfantastic": 9623, + "arre": 9624, + "uzzle": 9625, + "ĠDer": 9626, + "Those": 9627, + "Ġswing": 9628, + "Ġsheet": 9629, + "index": 9630, + "cover": 9631, + "ogan": 9632, + "Ġvariables": 9633, + "ĠTech": 9634, + "Ġspoken": 9635, + "achel": 9636, + "ĠDa": 9637, + "ĠMountain": 9638, + "Ġloaded": 9639, + "Ġfootage": 9640, + "version": 9641, + "Ġunl": 9642, + "ĠPhoenix": 9643, + "Ġthrowing": 9644, + "Ġfiring": 9645, + "Ġtracking": 9646, + "Ġwidth": 9647, + "Ġstruggling": 9648, + "rooms": 9649, + "otion": 9650, + "Ġmonthly": 9651, + "ĠServer": 9652, + "Ġeggs": 9653, + "open": 9654, + "MC": 9655, + "Ġ1993": 9656, + "Ġhired": 9657, + "Ġstayed": 9658, + "ĠAllen": 9659, + "Ġstro": 9660, + "Ġ98": 9661, + "step": 9662, + "ĠTurkish": 9663, + "Ġfabric": 9664, + "isting": 9665, + "ĠDom": 9666, + "Ġdates": 9667, + "Ġpron": 9668, + "Ġbasketball": 9669, + "Ġlucky": 9670, + "ĠArabia": 9671, + "Ġassumed": 9672, + "esty": 9673, + "Ġaffairs": 9674, + "Ġglad": 9675, + "ĠIndeed": 9676, + "ĠFA": 9677, + "ĠWord": 9678, + "Ġjoining": 9679, + "ifice": 9680, + "pread": 9681, + "irts": 9682, + "ĠSelect": 9683, + "Ġpopulations": 9684, + "aware": 9685, + "Ġnose": 9686, + "Ġcomplaints": 9687, + "start": 9688, + "Ġscoring": 9689, + "Thanks": 9690, + "Ġmining": 9691, + "Ġvisitors": 9692, + "SH": 9693, + "Ġdamaged": 9694, + "Ġcharacteristics": 9695, + "ĠPent": 9696, + "DC": 9697, + "Ġ83": 9698, + "ĠSix": 9699, + "rates": 9700, + "Ġflags": 9701, + "ĠBrew": 9702, + "dog": 9703, + "Mark": 9704, + "////": 9705, + "Ġexecution": 9706, + "Ġjoke": 9707, + "phones": 9708, + "Ġtestimony": 9709, + "Ġobst": 9710, + "QL": 9711, + "ĠCut": 9712, + "Ġstudied": 9713, + "ĠNintendo": 9714, + "icket": 9715, + "ĠNBC": 9716, + "Ġlad": 9717, + "ĠBra": 9718, + "ĠMoh": 9719, + "Ġkernel": 9720, + "Ġoverwhelming": 9721, + "Ġaged": 9722, + "Ġapplicable": 9723, + "ĠCond": 9724, + "Ġroads": 9725, + "ĠBlock": 9726, + "made": 9727, + "odge": 9728, + "Ġcommands": 9729, + "Ġoffices": 9730, + "veland": 9731, + "Ġtut": 9732, + "Ġreceiver": 9733, + "ĠFro": 9734, + "Ġshopping": 9735, + "ĠiP": 9736, + "ĠStre": 9737, + "ĠABC": 9738, + "Ġentertainment": 9739, + "ĠBow": 9740, + "orted": 9741, + "Mc": 9742, + "Ġreads": 9743, + "grad": 9744, + "ĠCollect": 9745, + "ĠâĪĴ": 9746, + "ĠCapital": 9747, + "ederation": 9748, + "Ġemployer": 9749, + "Ġinvolvement": 9750, + "Ġanxiety": 9751, + "alia": 9752, + "Ġroof": 9753, + "ĠAmong": 9754, + "ĠDemocrat": 9755, + "Ġstats": 9756, + "ĠVill": 9757, + "Ġconstitutional": 9758, + "Ġreferring": 9759, + "itty": 9760, + "Ġtackle": 9761, + "outube": 9762, + "Ġbacked": 9763, + "ĠHong": 9764, + "ĠBroad": 9765, + "Ġele": 9766, + "ĠOtt": 9767, + "Ġ1992": 9768, + "hour": 9769, + "achusetts": 9770, + "Cal": 9771, + "Ġdefeated": 9772, + "Ġ81": 9773, + "esp": 9774, + "Ġseemingly": 9775, + "was": 9776, + "ĠJenn": 9777, + "ĠKurd": 9778, + "Ġgene": 9779, + "Ġdiscount": 9780, + "Ret": 9781, + "ECT": 9782, + "();": 9783, + "Ġclubs": 9784, + "Ġsid": 9785, + "ĠMarsh": 9786, + "Check": 9787, + "Ġpp": 9788, + "ĠEag": 9789, + "idespread": 9790, + "Ġbeings": 9791, + "FT": 9792, + "Ġintroduction": 9793, + "ĠChange": 9794, + "ARD": 9795, + "Ġ110": 9796, + "adows": 9797, + "ierce": 9798, + "Ġmeal": 9799, + "author": 9800, + "ĠBang": 9801, + "lahoma": 9802, + "Ġranks": 9803, + "2011": 9804, + "????": 9805, + "max": 9806, + "Ġcollapse": 9807, + "Ġopens": 9808, + "Ġecho": 9809, + "Ġsoph": 9810, + "Ġracist": 9811, + "Ġenormous": 9812, + "Ġwaves": 9813, + "Ġtap": 9814, + "Ġcomprehensive": 9815, + ".--": 9816, + "ĠRoy": 9817, + "Ġfarmers": 9818, + "Related": 9819, + "aired": 9820, + "rones": 9821, + "ĠCrim": 9822, + "Ġproportion": 9823, + "Ġdesigns": 9824, + "Ġnegotiations": 9825, + "Ġvirtually": 9826, + "ĠBatman": 9827, + "Ġwarn": 9828, + "Ġlegitimate": 9829, + "mate": 9830, + "Ġconvention": 9831, + ",,": 9832, + "netic": 9833, + "ĠSD": 9834, + "Ġconsistently": 9835, + "Ġcompensation": 9836, + "Ġpunishment": 9837, + "Ġye": 9838, + "Ġtie": 9839, + "ĠBureau": 9840, + "irlf": 9841, + "ĠBu": 9842, + "ĠAren": 9843, + "ĠPhilipp": 9844, + "Ġknife": 9845, + "Ġmemories": 9846, + "ĠRoss": 9847, + "Ġangle": 9848, + "Ġ86": 9849, + "ĠThunder": 9850, + "Ġrend": 9851, + "ĠTour": 9852, + "Ġcounts": 9853, + "sung": 9854, + "ĠImp": 9855, + "Ġeducational": 9856, + "Ġaccessible": 9857, + "COM": 9858, + "Ġdrew": 9859, + "yer": 9860, + "Gl": 9861, + "amine": 9862, + "ORT": 9863, + "OB": 9864, + "IB": 9865, + "master": 9866, + "Ġtrials": 9867, + "ogy": 9868, + "har": 9869, + "ĠTrust": 9870, + "Ġpreferred": 9871, + "irlfriend": 9872, + "ĠNev": 9873, + "Ġbin": 9874, + "Ġcow": 9875, + "Page": 9876, + "Ġsignature": 9877, + "ĠBL": 9878, + "700": 9879, + "Ġretired": 9880, + "Ġbytes": 9881, + "Ġneighb": 9882, + "ĠLegend": 9883, + "Ġdevast": 9884, + "Ġsuspected": 9885, + "isons": 9886, + "ĠPokémon": 9887, + "scale": 9888, + "Ġcapabilities": 9889, + "Ġrevel": 9890, + "Ġcheese": 9891, + "dy": 9892, + "igrant": 9893, + "Ġfailing": 9894, + "bits": 9895, + "ĠHeroes": 9896, + "ĠGhost": 9897, + "ĠScient": 9898, + "Ġappointed": 9899, + "uri": 9900, + "Ġinstitution": 9901, + "Ġexpanded": 9902, + "greg": 9903, + "Ġmonitoring": 9904, + "Ġpodcast": 9905, + "Ġcoalition": 9906, + "Ġ96": 9907, + "Jo": 9908, + "Ġstolen": 9909, + "ĠSab": 9910, + "Ġstops": 9911, + "Ġholiday": 9912, + "Ġintr": 9913, + "Car": 9914, + "Black": 9915, + "ĠLGBT": 9916, + "Ġwarming": 9917, + "ĠAnderson": 9918, + "Ġ89": 9919, + "Ġproducer": 9920, + "Med": 9921, + "Ġaccuracy": 9922, + "ĠMarvel": 9923, + "izabeth": 9924, + "ĠPatrick": 9925, + "mony": 9926, + "Ġmini": 9927, + "acles": 9928, + "Ġovert": 9929, + "they": 9930, + "Ġmembership": 9931, + "ĠVen": 9932, + "Ġexch": 9933, + "Ġremoval": 9934, + "ĠDave": 9935, + "TY": 9936, + "mad": 9937, + "ĠFind": 9938, + "Ġadequ": 9939, + "Ġec": 9940, + "Ġteeth": 9941, + "Ġemotion": 9942, + "Ġperm": 9943, + "Ġsolely": 9944, + "db": 9945, + "Ġextraord": 9946, + "IGHT": 9947, + "cal": 9948, + "Ġguidelines": 9949, + "Ġdying": 9950, + "Ġsuspended": 9951, + "ĠPremier": 9952, + "ĠAnthony": 9953, + "elve": 9954, + "Ġdad": 9955, + "ĠEth": 9956, + "ĠFootball": 9957, + "Ġabandoned": 9958, + "Ġ<<": 9959, + "Ġmarch": 9960, + "Ġhorror": 9961, + "âĢ¦\"": 9962, + "Ġchildhood": 9963, + "Ġcampaigns": 9964, + "Ġlunch": 9965, + "ĠAlbert": 9966, + "block": 9967, + "âĸĪâĸĪ": 9968, + "ounding": 9969, + "Ġbone": 9970, + "organ": 9971, + "aders": 9972, + "ĠFlash": 9973, + "ĠDrive": 9974, + "Ġtonight": 9975, + "Ġwars": 9976, + "ĠFL": 9977, + "Ġformation": 9978, + "const": 9979, + "News": 9980, + "Ġcompe": 9981, + "orious": 9982, + "ĠStaff": 9983, + "Ġdiscussions": 9984, + "ĠProtection": 9985, + "ĠJam": 9986, + "Ġcriteria": 9987, + "Ġinstallation": 9988, + "Ġaccomplish": 9989, + "izza": 9990, + "Ġpublisher": 9991, + "Ġrescue": 9992, + "ĠTry": 9993, + "ULL": 9994, + "ĠSom": 9995, + "ĠHop": 9996, + "oret": 9997, + "ths": 9998, + "ordon": 9999, + "Ġpocket": 10000, + "ĠInv": 10001, + "Download": 10002, + "ĠCrime": 10003, + "Ġbene": 10004, + "ĠGuide": 10005, + "ĠAssembly": 10006, + "Ġparameters": 10007, + "IE": 10008, + "ĠAlexander": 10009, + "Ġconcert": 10010, + "ĠSche": 10011, + "Ġshoes": 10012, + "Ġvisiting": 10013, + "Ġrecall": 10014, + "Ġbub": 10015, + "Ġrural": 10016, + "Ġconcrete": 10017, + "ĠRos": 10018, + "Next": 10019, + "Russ": 10020, + "Ġloans": 10021, + "ĠShield": 10022, + "Ġtrem": 10023, + "hemat": 10024, + "kg": 10025, + "ĠHarris": 10026, + "isition": 10027, + "ĠMove": 10028, + "ĠFC": 10029, + "Ġfate": 10030, + "ĠCho": 10031, + "Ġtired": 10032, + "Ġprincipal": 10033, + "hist": 10034, + "iences": 10035, + "athy": 10036, + "Ġsevent": 10037, + "Ġmood": 10038, + "Ġstrategic": 10039, + "Ġdiseases": 10040, + "Ġforum": 10041, + "Ġtempor": 10042, + "Ġheadquarters": 10043, + "Par": 10044, + "ige": 10045, + "flix": 10046, + "Ġguitar": 10047, + "Ġ94": 10048, + "Only": 10049, + "Ġreleases": 10050, + "roph": 10051, + "================================": 10052, + "Ġ600": 10053, + "ĠContinue": 10054, + "igate": 10055, + "ĠCrit": 10056, + "system": 10057, + "Ġdisabled": 10058, + "Ġunexpected": 10059, + "ithub": 10060, + "Ġunclear": 10061, + "ĠEst": 10062, + "Ġcontrad": 10063, + "Ġstrategies": 10064, + "ventures": 10065, + "Ġpassage": 10066, + "AME": 10067, + "Ġimproving": 10068, + "Ġreveals": 10069, + "Ġdecrease": 10070, + "ova": 10071, + "Ġannoy": 10072, + "ĠShort": 10073, + "ĠLibrary": 10074, + "Ġcyber": 10075, + "nell": 10076, + "ĠHur": 10077, + "ĠCB": 10078, + "Ġphotograp": 10079, + "UI": 10080, + "Ġsed": 10081, + "Ge": 10082, + "Ġ87": 10083, + "Ġdiverse": 10084, + "Ġencouraged": 10085, + "Ġconspiracy": 10086, + "Ġbirds": 10087, + "Ġoperator": 10088, + "Ġhandful": 10089, + "Ġclassified": 10090, + "?)": 10091, + "Ġdramatic": 10092, + "Ġinvestigators": 10093, + "ito": 10094, + "Ġwidespread": 10095, + "ĠRoom": 10096, + "----------------------------------------------------------------": 10097, + "Ġcollective": 10098, + "Ġjournalist": 10099, + "String": 10100, + "Ġtemperatures": 10101, + "ila": 10102, + "Ġguid": 10103, + "Ġinspect": 10104, + "Ġmissile": 10105, + "ĠMayor": 10106, + "Ġmanual": 10107, + "Ġsimultane": 10108, + "Ġratings": 10109, + "Ġsuck": 10110, + "Ġ97": 10111, + "Ġuniversal": 10112, + "Ġpharm": 10113, + "Ġdisrupt": 10114, + "iano": 10115, + "AV": 10116, + "Ġft": 10117, + "Ġstatist": 10118, + "olds": 10119, + "ĠWalker": 10120, + "php": 10121, + "Ġundert": 10122, + "ĠLas": 10123, + "ishop": 10124, + "ntil": 10125, + "reshold": 10126, + "ĠWhether": 10127, + "Ms": 10128, + "Ġdeny": 10129, + "ĠCloud": 10130, + "Ġprovider": 10131, + "Ġsurviv": 10132, + "ĠUpdate": 10133, + "has": 10134, + "Ġmistakes": 10135, + "charge": 10136, + "pled": 10137, + "rity": 10138, + "Ġnode": 10139, + "ĠMassachusetts": 10140, + "ools": 10141, + "lication": 10142, + "Ġfails": 10143, + "emale": 10144, + "ori": 10145, + "backs": 10146, + "Ġshirt": 10147, + "Ġ''": 10148, + "ĠNAT": 10149, + "Ġwaters": 10150, + "elson": 10151, + "Ġease": 10152, + "Ġscar": 10153, + "Ġcontents": 10154, + "mind": 10155, + "Ġcontribution": 10156, + "Ġshr": 10157, + "Ġhanded": 10158, + "Ġstability": 10159, + "Ġtrave": 10160, + "Em": 10161, + "Ġmirror": 10162, + "123": 10163, + "Ġweigh": 10164, + "Ġfiction": 10165, + "ouver": 10166, + "istant": 10167, + "rition": 10168, + "ĠFed": 10169, + "Ġphysically": 10170, + "Ġstake": 10171, + "ĠArticle": 10172, + "ĠArc": 10173, + "ĠLewis": 10174, + "ĠMind": 10175, + "Ġdemonstrate": 10176, + "Ġprofits": 10177, + "vision": 10178, + "omic": 10179, + "olid": 10180, + "Ġbattles": 10181, + "Ġdrives": 10182, + "Ġeastern": 10183, + "ĠSony": 10184, + "!!!": 10185, + "aration": 10186, + "vard": 10187, + "ĠGL": 10188, + "portation": 10189, + "Ġ92": 10190, + "Ġlawmakers": 10191, + "Ġprotecting": 10192, + "ĠEPA": 10193, + "Ġyeah": 10194, + "Ġshame": 10195, + "olph": 10196, + "even": 10197, + "xit": 10198, + "Ġattach": 10199, + "Ġrepresenting": 10200, + "Ġobs": 10201, + "ĠUtah": 10202, + "iffs": 10203, + "ĠFreedom": 10204, + "ó": 10205, + "AK": 10206, + "Ġincidents": 10207, + "itage": 10208, + "Ġviewers": 10209, + "cd": 10210, + "Ġmouse": 10211, + "Ġclar": 10212, + "Ġaccordance": 10213, + "Ġbot": 10214, + "cor": 10215, + "ĠSummer": 10216, + "held": 10217, + "Ġinnocent": 10218, + "Ġinitiative": 10219, + "ols": 10220, + "________________________________": 10221, + "Ġspots": 10222, + "pace": 10223, + "Ġconventional": 10224, + "Ġcorporations": 10225, + "Ġblocked": 10226, + "HD": 10227, + "attered": 10228, + "Ġrefers": 10229, + "Ġbuck": 10230, + "ĠDigital": 10231, + "120": 10232, + "Ġtopics": 10233, + "TF": 10234, + "Äģ": 10235, + "brid": 10236, + "reement": 10237, + "Ġunderlying": 10238, + "ĠMember": 10239, + "Ġinvestigating": 10240, + "Ġpregnancy": 10241, + "Ġtouchdown": 10242, + "ĠBand": 10243, + "ĠCaller": 10244, + "Ġinstances": 10245, + "PP": 10246, + "wa": 10247, + "Good": 10248, + "Ġ1991": 10249, + "ĠCold": 10250, + "Ġfears": 10251, + "Ġremarks": 10252, + "ĨĴ": 10253, + "atal": 10254, + "Ġmit": 10255, + "Ġexperiments": 10256, + "ipt": 10257, + "Color": 10258, + "indu": 10259, + "Update": 10260, + "Ġ93": 10261, + "Ag": 10262, + "Ġå": 10263, + "ancouver": 10264, + "Both": 10265, + "Ġjudges": 10266, + "Object": 10267, + "Ġstere": 10268, + "umbn": 10269, + "Ġparticipation": 10270, + "ĠStars": 10271, + "ĠJere": 10272, + "Ġweekly": 10273, + "ĠBan": 10274, + "Ġconversations": 10275, + "ĠPitt": 10276, + "uz": 10277, + "ĠIndiana": 10278, + "ĠKick": 10279, + "Ġinfection": 10280, + "Ġheroes": 10281, + "Ġsettled": 10282, + "Ġstrip": 10283, + "Ġhal": 10284, + "Ġdump": 10285, + "ĠSci": 10286, + "Ġles": 10287, + "Ġreferences": 10288, + "ĠURL": 10289, + "ĠBridge": 10290, + "Ġwanting": 10291, + "Force": 10292, + "Ġexclus": 10293, + "Meanwhile": 10294, + "mn": 10295, + "Ġgentle": 10296, + "maker": 10297, + "senal": 10298, + "ĠGro": 10299, + "ouri": 10300, + "ĠRain": 10301, + "ĠAlliance": 10302, + "Ġlift": 10303, + "ela": 10304, + "SD": 10305, + "ĠCleveland": 10306, + "Ġranked": 10307, + "Ġstadium": 10308, + "Ġdeadly": 10309, + "ä¸": 10310, + "Ġriding": 10311, + "aria": 10312, + "ĠArmor": 10313, + "Ġdocumentation": 10314, + "ĠGreece": 10315, + "reek": 10316, + "Ġlens": 10317, + "ĠSa": 10318, + "Ġgross": 10319, + "ĠEmer": 10320, + "agers": 10321, + "ĠDub": 10322, + "ĠRh": 10323, + "ĠAMD": 10324, + "Ġarrival": 10325, + "Ġdesert": 10326, + "Ġsupplement": 10327, + "ĠResp": 10328, + "Ġknee": 10329, + "Ġmargin": 10330, + "font": 10331, + "ogg": 10332, + "2010": 10333, + "ĠPir": 10334, + "ĠProm": 10335, + "ivals": 10336, + "Ġintake": 10337, + "Ġdifferently": 10338, + "ugs": 10339, + "Ġbits": 10340, + "cluded": 10341, + "Ġsearching": 10342, + "ĠDu": 10343, + "umble": 10344, + "Ġfunctional": 10345, + "ĠBaltimore": 10346, + "ĠCould": 10347, + "Ġdesired": 10348, + "Ġcircuit": 10349, + "ĠLyn": 10350, + "ĠGO": 10351, + "ĠFalse": 10352, + "repre": 10353, + "':": 10354, + "alties": 10355, + "Ġminim": 10356, + "Ġdrove": 10357, + "ĠShould": 10358, + "Ġhip": 10359, + "Ġpros": 10360, + "Ġutility": 10361, + "ĠNature": 10362, + "ĠMode": 10363, + "President": 10364, + "opp": 10365, + "rat": 10366, + "formance": 10367, + "Ġconcentration": 10368, + "Ġfont": 10369, + "ĠBud": 10370, + "Ġamid": 10371, + "Ġrevers": 10372, + "ĠML": 10373, + "Bar": 10374, + "Ġinteraction": 10375, + "Ġjurisd": 10376, + "Ġspells": 10377, + "dep": 10378, + "fil": 10379, + "Ġcivilians": 10380, + "utter": 10381, + "ĠCooper": 10382, + "ĠBelow": 10383, + "Ġentrance": 10384, + "Ġconvert": 10385, + "Ġcontroversy": 10386, + "owered": 10387, + "Ġcontrary": 10388, + "Ġarc": 10389, + "ĠExecutive": 10390, + "ĠOfficer": 10391, + "Ġpackages": 10392, + "Ġprogressive": 10393, + "width": 10394, + "Ġreserved": 10395, + "vol": 10396, + "ĠSamsung": 10397, + "Ġprinted": 10398, + "Ġcenters": 10399, + "Ġintroduce": 10400, + "ĠKennedy": 10401, + "Ġodds": 10402, + "Ġsurely": 10403, + "Ġindependence": 10404, + "Ġpassengers": 10405, + "reprene": 10406, + "ĠBeh": 10407, + "Ġloves": 10408, + "ĠESPN": 10409, + "Ġfacilit": 10410, + "Ġidentical": 10411, + "Ġdoct": 10412, + "Ġpartnership": 10413, + "conf": 10414, + "ĠHide": 10415, + "Ġconfused": 10416, + "ĠCow": 10417, + "Men": 10418, + "Ġwrest": 10419, + "ĠIraqi": 10420, + "Ġholes": 10421, + "ĠStudies": 10422, + "Ġpregnant": 10423, + "hard": 10424, + "Ġsignals": 10425, + "IX": 10426, + "Ġpulling": 10427, + "Ġgraduate": 10428, + "Ġnominee": 10429, + "Date": 10430, + "Ġpermitted": 10431, + "ĠâĤ¬": 10432, + "ĠOklahoma": 10433, + "Start": 10434, + "Ġauthorized": 10435, + "Ġalarm": 10436, + "ĠCos": 10437, + "van": 10438, + "Ġgenerations": 10439, + "cular": 10440, + "Ġdragon": 10441, + "ĠSoftware": 10442, + "ĠEdward": 10443, + "Ġcontroller": 10444, + "Sen": 10445, + "gered": 10446, + "ĠVik": 10447, + "Ġapproached": 10448, + "Thank": 10449, + "Ġcance": 10450, + "Ġformula": 10451, + "ĠSmall": 10452, + "Ġweakness": 10453, + "Ġramp": 10454, + "itudes": 10455, + "jud": 10456, + "Ġbrilliant": 10457, + "Ġaccus": 10458, + "source": 10459, + "Ġ800": 10460, + "ĠEvil": 10461, + "Sw": 10462, + "Ġhomeless": 10463, + "week": 10464, + "iens": 10465, + "rics": 10466, + "ĠThird": 10467, + "TO": 10468, + "Ġorganic": 10469, + "Ġpresentation": 10470, + "agh": 10471, + "ĠDownload": 10472, + "vation": 10473, + "Ġassembly": 10474, + "orable": 10475, + "holders": 10476, + "ĠBernie": 10477, + "ĠHelp": 10478, + "Ġtong": 10479, + "ĠFight": 10480, + "Ġbeach": 10481, + "Book": 10482, + "ĠLic": 10483, + "Ġrush": 10484, + "ĠRound": 10485, + "oup": 10486, + "ĠMarx": 10487, + "Ġcalculated": 10488, + "ĠDevil": 10489, + "ĠSarah": 10490, + "Ġoccasionally": 10491, + "Ġbullet": 10492, + "Available": 10493, + "gate": 10494, + "Ġ91": 10495, + "Ġhosp": 10496, + "Ġpromises": 10497, + "ĠHIV": 10498, + "ĠStadium": 10499, + "ĠStock": 10500, + "ĠCorporation": 10501, + "gage": 10502, + "NG": 10503, + "ĠCredit": 10504, + "Ġsne": 10505, + "ibl": 10506, + "Ġaccum": 10507, + "such": 10508, + "Ġterrorists": 10509, + "Ġconsciousness": 10510, + "ĠZh": 10511, + "Ġdrama": 10512, + "oola": 10513, + "piration": 10514, + "Ġlabour": 10515, + "ĠNin": 10516, + "Ġutter": 10517, + "Ġdemocratic": 10518, + "Ġassass": 10519, + "ilation": 10520, + "Ġgest": 10521, + "Ġabroad": 10522, + "Ġmetab": 10523, + "Ġsorts": 10524, + "Ġflav": 10525, + "UB": 10526, + "Ġmg": 10527, + "ĠNothing": 10528, + "ĠOd": 10529, + "Ġmusical": 10530, + "2009": 10531, + "Ġdrops": 10532, + "ocated": 10533, + "ateral": 10534, + "000000": 10535, + "Ġgre": 10536, + "Ġequality": 10537, + "Ġburden": 10538, + "Ġvig": 10539, + "ĠLeader": 10540, + "------------": 10541, + "Ġceremony": 10542, + "Ġfighter": 10543, + "Ġactors": 10544, + "Ġæ": 10545, + "aman": 10546, + "Fi": 10547, + "Ġalign": 10548, + "puter": 10549, + "Ġelder": 10550, + "ĠNSA": 10551, + "Ġrepresentation": 10552, + "ĠOntario": 10553, + "ITH": 10554, + "usalem": 10555, + "Ġharassment": 10556, + "itzer": 10557, + "Ġsymp": 10558, + "Ġboxes": 10559, + "ĠDR": 10560, + "Ġmanifest": 10561, + "atre": 10562, + "Ġ^": 10563, + "Ġdies": 10564, + "leton": 10565, + "Ġmissions": 10566, + "ethe": 10567, + "Ġresolve": 10568, + "Ġfollowers": 10569, + "Ġasc": 10570, + "Ġkm": 10571, + "lord": 10572, + "ammed": 10573, + "Ġsilent": 10574, + "ĠAssociated": 10575, + "Ġtiming": 10576, + "Ġprisoners": 10577, + "ĠKings": 10578, + "ĠFive": 10579, + "Ġtower": 10580, + "Ġapproaches": 10581, + "Ġprecisely": 10582, + "Ġbureau": 10583, + "ĠMother": 10584, + "ĠIss": 10585, + "Ġkeyboard": 10586, + "itual": 10587, + "Ġfunded": 10588, + "Ġstaying": 10589, + "Ġpsychological": 10590, + "Ġmile": 10591, + "ĠLeon": 10592, + "ĠBarb": 10593, + "will": 10594, + "Ġwider": 10595, + "ĠAtlantic": 10596, + "Ġtill": 10597, + "ĠRome": 10598, + "rot": 10599, + "Ġaccompan": 10600, + "Ġflour": 10601, + "aco": 10602, + "World": 10603, + "ĠExpress": 10604, + "ĠYu": 10605, + "Cor": 10606, + "Ġpleased": 10607, + "party": 10608, + "Ġpointing": 10609, + "Ġinflation": 10610, + "Ġroy": 10611, + "Ġ),": 10612, + "ainer": 10613, + "Ġwedding": 10614, + "ormon": 10615, + "Ġrequiring": 10616, + "Ġqualified": 10617, + "Ġsegment": 10618, + "END": 10619, + "Ġsizes": 10620, + "eals": 10621, + "Ġcorrupt": 10622, + "assador": 10623, + "Ġceleb": 10624, + "Ġdreams": 10625, + "ĠMess": 10626, + "Ġchecking": 10627, + "ĠVersion": 10628, + "Ġpreparing": 10629, + "Ġactively": 10630, + "ĠDiff": 10631, + "Ġlux": 10632, + "ĠWinter": 10633, + "acteria": 10634, + "ĠNE": 10635, + "Ġdeputy": 10636, + "Ġtransgender": 10637, + "Ġsummary": 10638, + "Ġinher": 10639, + "eries": 10640, + "char": 10641, + "ĠYan": 10642, + "Ġknock": 10643, + "ĠPath": 10644, + "Ġlip": 10645, + "roller": 10646, + "Ġimpression": 10647, + "Ġcelebrate": 10648, + "Ġslide": 10649, + "Ġguests": 10650, + "Ġclip": 10651, + "FS": 10652, + "Ġsavings": 10653, + "Ġcaptain": 10654, + "Ġlegacy": 10655, + "ĠDenver": 10656, + "Ġwounded": 10657, + "taboola": 10658, + "ACT": 10659, + "Ġpursue": 10660, + "Ġoxy": 10661, + "Ġq": 10662, + "Ġsemi": 10663, + "ĠNeed": 10664, + "ĠAffairs": 10665, + "Ġobsc": 10666, + "Ġchecked": 10667, + "Ġdual": 10668, + "Code": 10669, + "ĠMD": 10670, + "lem": 10671, + "ulty": 10672, + "Ġ©": 10673, + "ĠElizabeth": 10674, + "Ġcenturies": 10675, + "arded": 10676, + "src": 10677, + "Ġevident": 10678, + "ennis": 10679, + "atin": 10680, + "Ġunemployment": 10681, + "ĠMario": 10682, + "Ġintim": 10683, + "Christ": 10684, + "Ġbiological": 10685, + "Ġsoldier": 10686, + "ĠAdded": 10687, + "Ġmath": 10688, + "ĠGil": 10689, + "Ġbias": 10690, + "Ġdating": 10691, + "ĠOcean": 10692, + "Ġmice": 10693, + "Mus": 10694, + "hire": 10695, + "ĠTes": 10696, + "Server": 10697, + "limited": 10698, + "Size": 10699, + "Ġmeters": 10700, + "Ġrocket": 10701, + "essee": 10702, + "Ġcertificate": 10703, + "ĠIranian": 10704, + "ASS": 10705, + "Ġgrid": 10706, + "Dec": 10707, + "Ġrolling": 10708, + "commun": 10709, + "ĠSweden": 10710, + "bury": 10711, + "Ġtissue": 10712, + "Ġracism": 10713, + "ĠLocal": 10714, + "Ġmystery": 10715, + "Ġexamine": 10716, + "Ġstem": 10717, + "Ġsits": 10718, + "Ġhoped": 10719, + "oting": 10720, + "Ġdialogue": 10721, + "Ġpersu": 10722, + "Watch": 10723, + "lay": 10724, + "MAN": 10725, + "Ġchronic": 10726, + "ĠPortland": 10727, + "market": 10728, + "ĠSEC": 10729, + "Ġparallel": 10730, + "Ġscandal": 10731, + "Ġcarries": 10732, + "Ġphenomenon": 10733, + "human": 10734, + "acker": 10735, + "ĠOx": 10736, + "Ġretirement": 10737, + "tainment": 10738, + "ovie": 10739, + "ĠGear": 10740, + "Ġduties": 10741, + "Ġdose": 10742, + "Ġscroll": 10743, + "MB": 10744, + "inf": 10745, + "Ġsauce": 10746, + "Ġlandscape": 10747, + "reddit": 10748, + "ĠChampionship": 10749, + "ĠReddit": 10750, + "alid": 10751, + "Ġcoin": 10752, + "Ġovers": 10753, + "Ġposting": 10754, + "about": 10755, + "Ġfel": 10756, + "andy": 10757, + "Ġbold": 10758, + "Ġfocusing": 10759, + "effect": 10760, + "GR": 10761, + "Ġdeemed": 10762, + "Ġrecommendations": 10763, + "Ġstepped": 10764, + "Ġvoter": 10765, + "ĠDeep": 10766, + "ĠInstagram": 10767, + "Ġmoderate": 10768, + "ĠMaryland": 10769, + "Ġrestricted": 10770, + "ĠMB": 10771, + "ĠChall": 10772, + "Ġtob": 10773, + "Ġcir": 10774, + "ĠOcc": 10775, + "ĠEver": 10776, + "Ġcollaps": 10777, + "INFO": 10778, + "=-": 10779, + "ĠPict": 10780, + "ĠAccount": 10781, + "nc": 10782, + "Ġought": 10783, + "Ġexport": 10784, + "Ġdrunk": 10785, + "('": 10786, + "Ġwise": 10787, + "ĠMort": 10788, + "necess": 10789, + "Ġancest": 10790, + "ĠIncre": 10791, + "Ġfrequent": 10792, + "mir": 10793, + "Ġinterpretation": 10794, + "Ġdependent": 10795, + "Ġcoins": 10796, + "ĠBol": 10797, + "Video": 10798, + "ĠJustin": 10799, + "Ġfatal": 10800, + "Ġcooking": 10801, + "Ġconfusion": 10802, + "ipher": 10803, + "Ġcustody": 10804, + "ĠMorgan": 10805, + "omach": 10806, + "ĠGovernor": 10807, + "Ġrestaurants": 10808, + "eling": 10809, + "Ġacknowledged": 10810, + "Ġther": 10811, + "Ġgenes": 10812, + "ching": 10813, + "Hey": 10814, + "Ġtactics": 10815, + "ĠMexican": 10816, + "Ġvend": 10817, + "Ġhes": 10818, + "quer": 10819, + "Ġnoting": 10820, + "ĠCameron": 10821, + "Ġtargeting": 10822, + "rock": 10823, + "Ġcredits": 10824, + "Ġemotions": 10825, + "Ġrepresentatives": 10826, + "news": 10827, + "Ġlegislative": 10828, + "Ġremoving": 10829, + "Ġtweeted": 10830, + "ĠCarter": 10831, + "ĠFixed": 10832, + "Ġforcing": 10833, + "Ġspeaker": 10834, + "Ġmales": 10835, + "ĠVietnam": 10836, + "lined": 10837, + "Ġconcepts": 10838, + "Ġvoices": 10839, + "oir": 10840, + "ĠTrib": 10841, + "Whe": 10842, + "ĠJerusalem": 10843, + "ĠSant": 10844, + "Ġcul": 10845, + "Ġlady": 10846, + "ĠHawai": 10847, + "Ġarts": 10848, + "ĠInn": 10849, + "ĠMachine": 10850, + "ĠEmperor": 10851, + "Ġslot": 10852, + "gly": 10853, + "ĠProcess": 10854, + "III": 10855, + "Ġathletes": 10856, + "ĠTemple": 10857, + "ĠRepresent": 10858, + "Ġpresc": 10859, + "Ġtons": 10860, + "Ġgolden": 10861, + "Ġpunch": 10862, + "ĠGR": 10863, + "iverpool": 10864, + "Ġenact": 10865, + "Ġlobby": 10866, + "Ġmos": 10867, + "Ġpicking": 10868, + "Ġlifetime": 10869, + "Ġcognitive": 10870, + "Each": 10871, + "zo": 10872, + "Ġdub": 10873, + "Ġconsists": 10874, + "oln": 10875, + "Ġfestival": 10876, + "amous": 10877, + "Ġintellig": 10878, + "words": 10879, + "ĠSmart": 10880, + "Ġdele": 10881, + "Ġlapt": 10882, + "Ġmagical": 10883, + "ĠSin": 10884, + "bus": 10885, + "urities": 10886, + "ighth": 10887, + "ĠRuby": 10888, + "ĠSure": 10889, + "olving": 10890, + "Ġjun": 10891, + "OST": 10892, + "Ġimposed": 10893, + "Ġastron": 10894, + "Ġcorrel": 10895, + "ĠNS": 10896, + "ĠKit": 10897, + "ĠFuture": 10898, + "burn": 10899, + "Ġimmune": 10900, + "ocus": 10901, + "Ġcourses": 10902, + "ĠString": 10903, + "Ġlean": 10904, + "Ġghost": 10905, + "Ġoutcomes": 10906, + "Ġexpense": 10907, + "Ġeveryday": 10908, + "Ġacceptable": 10909, + "Ah": 10910, + "Ġequipped": 10911, + "Ġorange": 10912, + "FR": 10913, + "ĠDutch": 10914, + "Though": 10915, + "ĠRank": 10916, + "QU": 10917, + "ĠRoberts": 10918, + "what": 10919, + "rend": 10920, + "Ġdisappear": 10921, + "Ġspawn": 10922, + "ĠLam": 10923, + "ois": 10924, + "Ġdeserve": 10925, + "Ġminimal": 10926, + "Ġnervous": 10927, + "ĠWould": 10928, + "Ġrook": 10929, + "ĠVancouver": 10930, + "Ġresign": 10931, + "shire": 10932, + "ĠWorks": 10933, + "ĠBuild": 10934, + "Ġaffordable": 10935, + "ĠGary": 10936, + "ĠArena": 10937, + "Ġhanging": 10938, + "Ġimplications": 10939, + "ĠSong": 10940, + "Ġmaintaining": 10941, + "Ġguards": 10942, + "CON": 10943, + "Ġderived": 10944, + "Ġexecuted": 10945, + "Ġtheories": 10946, + "Ġquoted": 10947, + "ĠAndre": 10948, + "oga": 10949, + "seless": 10950, + "info": 10951, + "ĠBelg": 10952, + "Ġtears": 10953, + "ĠSurv": 10954, + "Ġbirthday": 10955, + "igious": 10956, + "immer": 10957, + "Ġspectrum": 10958, + "Ġarchitecture": 10959, + "Ġrecruit": 10960, + "arma": 10961, + "Table": 10962, + "Ġmonsters": 10963, + "ĠGov": 10964, + "Ġdestination": 10965, + "Ġattractive": 10966, + "Ġfoss": 10967, + "ĠMoreover": 10968, + "Ġpresents": 10969, + "THE": 10970, + "Ġreply": 10971, + "pton": 10972, + "Ġcum": 10973, + "Ġdelight": 10974, + "Ġaffects": 10975, + "Ġdonations": 10976, + "ĠToy": 10977, + "ĠHim": 10978, + "MENT": 10979, + "Ġovercome": 10980, + "itched": 10981, + "ĠFantasy": 10982, + "ĠHat": 10983, + "ĠBeast": 10984, + "bott": 10985, + "Ġinvestigations": 10986, + "Run": 10987, + "Ġhunting": 10988, + "di": 10989, + "fund": 10990, + "Ġsessions": 10991, + "estyle": 10992, + "Ġportray": 10993, + "oids": 10994, + "Yeah": 10995, + "Ġcommunicate": 10996, + "Ġcomedy": 10997, + "ĠYang": 10998, + "Ġbelt": 10999, + "ĠMarine": 11000, + "Ġpredicted": 11001, + "Play": 11002, + "Ġimportantly": 11003, + "Ġremarkable": 11004, + "Ġeliminate": 11005, + "David": 11006, + "Ġbind": 11007, + "VID": 11008, + "Ġadvocates": 11009, + "ĠGaza": 11010, + "imp": 11011, + "DB": 11012, + "ĠNa": 11013, + "ĠSimilar": 11014, + "IES": 11015, + "Ġcharity": 11016, + "vas": 11017, + "math": 11018, + "Ġâĸ": 11019, + "oker": 11020, + "ndum": 11021, + "Ġcaps": 11022, + "ĠHal": 11023, + "2000": 11024, + "ean": 11025, + "Ġfleet": 11026, + "Ġrecre": 11027, + "Right": 11028, + "Ġsleeping": 11029, + "ijing": 11030, + "kind": 11031, + "Ġdesignated": 11032, + "ä": 11033, + "Ġanimation": 11034, + "kee": 11035, + "ĠIntrodu": 11036, + "Ġ/>": 11037, + "Ġdelayed": 11038, + "Ġtremend": 11039, + "Ġcurious": 11040, + "Use": 11041, + "Ġlect": 11042, + "dam": 11043, + "Ġinnovation": 11044, + "ĠPoints": 11045, + "Ġloading": 11046, + "Ġdispute": 11047, + "ctic": 11048, + "irds": 11049, + "ĠBY": 11050, + "Ġnurs": 11051, + "ĠValue": 11052, + "IONS": 11053, + "ĠHum": 11054, + "Ġtemplate": 11055, + "mers": 11056, + "Ġappearances": 11057, + "ĠEntertainment": 11058, + "Ġtranslation": 11059, + "Ġsake": 11060, + "Ġbeneath": 11061, + "Ġinhib": 11062, + "Ġeuro": 11063, + "abetes": 11064, + "Ġstudying": 11065, + "ĠMas": 11066, + "Ġperceived": 11067, + "Ġexamined": 11068, + "Ġeager": 11069, + "Ġcoaches": 11070, + "Ġimper": 11071, + "chi": 11072, + "Ġproduces": 11073, + "\").": 11074, + "ĠEveryone": 11075, + "Ġmunicip": 11076, + "Ġgirlfriend": 11077, + "Ġhire": 11078, + "ĠVice": 11079, + "Ġsuitable": 11080, + "opy": 11081, + "Ġinequ": 11082, + "ĠDuke": 11083, + "fish": 11084, + "first": 11085, + "ĠObs": 11086, + "Ġinterior": 11087, + "ĠBruce": 11088, + "ĠRy": 11089, + "Ġanalys": 11090, + "Ġconsiderable": 11091, + "Ġforecast": 11092, + "Ġfert": 11093, + "orship": 11094, + "ĠDrug": 11095, + "ĠALL": 11096, + ":\"": 11097, + "thur": 11098, + "ĠMail": 11099, + "Ġballot": 11100, + "Ġinstantly": 11101, + "ĠChannel": 11102, + "Ġpicks": 11103, + "Ġ1989": 11104, + "Ġtent": 11105, + "oli": 11106, + "Ġcivilian": 11107, + "bling": 11108, + "ello": 11109, + "bu": 11110, + "Ġinch": 11111, + "Ġlogo": 11112, + "Ġcooperation": 11113, + "Ġwalks": 11114, + "Ġinvestments": 11115, + "Ġimprison": 11116, + "ĠFestival": 11117, + "ĠKy": 11118, + "Ġlegally": 11119, + "Ġgri": 11120, + "charg": 11121, + "Sl": 11122, + "Ġthreatening": 11123, + "duction": 11124, + "flow": 11125, + "Ġdismissed": 11126, + "ibraries": 11127, + "cap": 11128, + "ele": 11129, + "ĠMcG": 11130, + "ĠHarvard": 11131, + "ĠConservative": 11132, + "ĠCBS": 11133, + "png": 11134, + "Ġroots": 11135, + "ĠHaving": 11136, + "umbled": 11137, + "ĠFun": 11138, + "\\/": 11139, + "ĠSearch": 11140, + "plex": 11141, + "Ġdiscussing": 11142, + "Ġcontinu": 11143, + "ĠTai": 11144, + "ĠWik": 11145, + "Free": 11146, + "fit": 11147, + "Ġrefuse": 11148, + "Ġmanaging": 11149, + "Ġsynd": 11150, + "ipedia": 11151, + "walk": 11152, + "Ġprofessionals": 11153, + "Ġguidance": 11154, + "Ġuniversities": 11155, + "Ġassemb": 11156, + "untu": 11157, + "Finally": 11158, + "ASE": 11159, + "ĠAuto": 11160, + "ĠHad": 11161, + "Ġanniversary": 11162, + "LD": 11163, + "ĠDur": 11164, + "ĠUltimate": 11165, + "ihad": 11166, + "product": 11167, + "Ġtransit": 11168, + "Ġrestore": 11169, + "Ġexplaining": 11170, + "Ġasset": 11171, + "Ġtransferred": 11172, + "Ġburst": 11173, + "apolis": 11174, + "ĠMagazine": 11175, + "ĠCra": 11176, + "ĠBR": 11177, + "gged": 11178, + "ĠHE": 11179, + "Mich": 11180, + "bet": 11181, + "ĠLady": 11182, + "ylum": 11183, + "erves": 11184, + "Ġmeets": 11185, + "white": 11186, + "Log": 11187, + "Ġcorresponding": 11188, + "Ġinsisted": 11189, + "GG": 11190, + "Ġsurrounded": 11191, + "Ġtens": 11192, + "Ġlane": 11193, + "Ġcoinc": 11194, + "home": 11195, + "Ġexisted": 11196, + "ected": 11197, + "ĠDouble": 11198, + "lamm": 11199, + "Ġskept": 11200, + "exp": 11201, + "Ġperception": 11202, + "iev": 11203, + "ĠBeing": 11204, + "oft": 11205, + "Ġadopt": 11206, + ".:": 11207, + "];": 11208, + "Windows": 11209, + "Ġsatellite": 11210, + "ASH": 11211, + "Ġinfant": 11212, + "description": 11213, + "ĠMeanwhile": 11214, + "cm": 11215, + "oca": 11216, + "ĠTreat": 11217, + "actor": 11218, + "Ġtobacco": 11219, + "ĠNorm": 11220, + "emption": 11221, + "Ġflesh": 11222, + "Ġje": 11223, + "oop": 11224, + "ĠHeaven": 11225, + "Ġbeating": 11226, + "anim": 11227, + "Ġgathering": 11228, + "Ġcultiv": 11229, + "GO": 11230, + "abe": 11231, + "ĠJonathan": 11232, + "ĠSafety": 11233, + "Ġbadly": 11234, + "prot": 11235, + "Ġchoosing": 11236, + "Ġcontacted": 11237, + "Ġquit": 11238, + "Ġdistur": 11239, + "Ġstir": 11240, + "Ġtoken": 11241, + "Det": 11242, + "ĠPa": 11243, + "Ġfunctionality": 11244, + "003": 11245, + "some": 11246, + "Ġlimitations": 11247, + "Ġmeth": 11248, + "build": 11249, + "config": 11250, + "NT": 11251, + "rell": 11252, + "blem": 11253, + "ĠMom": 11254, + "Ġveterans": 11255, + "ĠHu": 11256, + "Ġtrends": 11257, + "arer": 11258, + "ĠGiven": 11259, + "ĠCaption": 11260, + "may": 11261, + "AST": 11262, + "Ġwondering": 11263, + "ĠClark": 11264, + "normal": 11265, + "Ġseparated": 11266, + "Ġdesp": 11267, + "stic": 11268, + "brew": 11269, + "Ġrelating": 11270, + "ĠNik": 11271, + "ĠFarm": 11272, + "Ġenthusi": 11273, + "good": 11274, + "deb": 11275, + "Ġactivist": 11276, + "Ġmart": 11277, + "Ġexplosion": 11278, + "ĠEconomic": 11279, + "Link": 11280, + "Ġinsight": 11281, + "Ġconvenient": 11282, + "Ġcounterpart": 11283, + "support": 11284, + "ĠVirt": 11285, + "agen": 11286, + "ĠTennessee": 11287, + "ĠSimon": 11288, + "ĠAward": 11289, + "OCK": 11290, + "ĠFigure": 11291, + "Ġoverseas": 11292, + "Ġpride": 11293, + "ĠCas": 11294, + "note": 11295, + "mg": 11296, + "Current": 11297, + "Ġdisplays": 11298, + "content": 11299, + "Ġtraveling": 11300, + "Ġhospitals": 11301, + "ĠFinancial": 11302, + "ĠPast": 11303, + "Ġdefendant": 11304, + "Ġstreaming": 11305, + "mble": 11306, + "ĠBerlin": 11307, + "uki": 11308, + "Ġdistribut": 11309, + "Ġantib": 11310, + "Ġchocolate": 11311, + "ĠCastle": 11312, + "Ġinterrupt": 11313, + "ĠRow": 11314, + "Ġconversion": 11315, + "Ġbugs": 11316, + "ĠRather": 11317, + "liest": 11318, + "LY": 11319, + "ĠJean": 11320, + "common": 11321, + "akh": 11322, + "Ġ130": 11323, + "otton": 11324, + "ĠDean": 11325, + "Ġamendment": 11326, + "Ġgameplay": 11327, + "ĠWarren": 11328, + "oda": 11329, + "Ġhighlights": 11330, + "Ġirre": 11331, + "ĠNATO": 11332, + "Ġballs": 11333, + "Ġdemanding": 11334, + "URE": 11335, + "ĠLuke": 11336, + "Figure": 11337, + "stop": 11338, + "onia": 11339, + "zone": 11340, + "izers": 11341, + "ĠWR": 11342, + "Ġawarded": 11343, + "Ġregulatory": 11344, + "ĠHart": 11345, + "ĠSN": 11346, + "pling": 11347, + "Ġsour": 11348, + "ĠPixel": 11349, + "usive": 11350, + "Ġfet": 11351, + "ĠSent": 11352, + "Ġautomatic": 11353, + "Ġfer": 11354, + "vernment": 11355, + "ĠKhan": 11356, + "TON": 11357, + "father": 11358, + "Ġextraordinary": 11359, + "throp": 11360, + "ĠPython": 11361, + "ĠGPU": 11362, + "Ġsexually": 11363, + "Ġdesktop": 11364, + "itivity": 11365, + "ĠAntonio": 11366, + "Ġorient": 11367, + "Ġears": 11368, + "obby": 11369, + "ouses": 11370, + "vertisements": 11371, + "Ġmanufacturers": 11372, + "icient": 11373, + "minute": 11374, + "Ġconviction": 11375, + "Ġgarden": 11376, + "public": 11377, + "Ġsatisfied": 11378, + "fold": 11379, + "OK": 11380, + "Ġinhab": 11381, + "ĠThink": 11382, + "Ġprogramme": 11383, + "Ġstomach": 11384, + "Ġcoordin": 11385, + "Ġholy": 11386, + "Ġthreshold": 11387, + "Ġrhet": 11388, + "Ġserial": 11389, + "Ġemployers": 11390, + "ĠEverything": 11391, + "rah": 11392, + "Ġbother": 11393, + "Ġbrands": 11394, + "Value": 11395, + "ĠTed": 11396, + "ĠPlanet": 11397, + "Ġpink": 11398, + "ĠFurthermore": 11399, + "sa": 11400, + "PE": 11401, + "reck": 11402, + "ĠUSD": 11403, + "otte": 11404, + "Ġ&&": 11405, + "Ġlanded": 11406, + "gets": 11407, + "Ġproducers": 11408, + "Ġhealthcare": 11409, + "Ġdominant": 11410, + "Ġdestro": 11411, + "Ġamended": 11412, + "chron": 11413, + "Ġfits": 11414, + "ĠSyd": 11415, + "ĠAuthority": 11416, + "ATCH": 11417, + "Ġfights": 11418, + "ĠLLC": 11419, + "Ġ---": 11420, + "ĠCorp": 11421, + "Ġtoxic": 11422, + "specific": 11423, + "ĠCorn": 11424, + "ĠChel": 11425, + "Ġtelephone": 11426, + "ĠPant": 11427, + "Ġmysterious": 11428, + "aunch": 11429, + "odox": 11430, + "media": 11431, + "Ġwitnesses": 11432, + "agu": 11433, + "Ġquestioned": 11434, + "ĠBrexit": 11435, + "ĠRemember": 11436, + "enez": 11437, + "Ġendorse": 11438, + "iatric": 11439, + "ĠIdent": 11440, + "Ġridiculous": 11441, + "110": 11442, + "Ġprayer": 11443, + "Ġscientist": 11444, + "Ġ1950": 11445, + "ĠAqu": 11446, + "Ġunderground": 11447, + "ĠUFC": 11448, + "mare": 11449, + "ĠLater": 11450, + "wich": 11451, + "Ġsubscrib": 11452, + "Ġhosts": 11453, + "Ġerr": 11454, + "Ġgrants": 11455, + "antom": 11456, + "Ġsummon": 11457, + "early": 11458, + "ĠClear": 11459, + "ĠPrim": 11460, + "Ġsuspension": 11461, + "Ġguaranteed": 11462, + "apper": 11463, + "Ġrice": 11464, + "ĠSean": 11465, + "ĠShin": 11466, + "Ġreferendum": 11467, + "Ġfled": 11468, + "rust": 11469, + "Ġ360": 11470, + "tery": 11471, + "Ġshocked": 11472, + "BR": 11473, + "ĠOil": 11474, + "ĠAllah": 11475, + "Ġpartly": 11476, + "Ġignor": 11477, + "Ġtransmission": 11478, + "Ġhomosexual": 11479, + "iversal": 11480, + "Ġhopefully": 11481, + "ãĤ¤": 11482, + "Ġlesson": 11483, + "Leg": 11484, + "Ġ..": 11485, + "Yet": 11486, + "table": 11487, + "appropri": 11488, + "rett": 11489, + "Ġboards": 11490, + "Ġincorrect": 11491, + "Ġbacteria": 11492, + "aru": 11493, + "amac": 11494, + "Ġsnap": 11495, + ".'\"": 11496, + "Ġparad": 11497, + "tem": 11498, + "heart": 11499, + "Ġavailability": 11500, + "Ġwisdom": 11501, + "Ġ(+": 11502, + "Ġpriest": 11503, + "ĠÂłĠÂł": 11504, + "Open": 11505, + "Ġspan": 11506, + "Ġparameter": 11507, + "Ġconvince": 11508, + "Ġ(%)": 11509, + "rac": 11510, + "Ġfo": 11511, + "Ġsafely": 11512, + "Ġconverted": 11513, + "ĠOlympic": 11514, + "Ġreserve": 11515, + "Ġhealing": 11516, + "ĠMine": 11517, + "Max": 11518, + "Ġinherent": 11519, + "ĠGraham": 11520, + "Ġintegrated": 11521, + "Dem": 11522, + "Ġpipeline": 11523, + "Ġapplying": 11524, + "Ġembed": 11525, + "ĠCharlie": 11526, + "Ġcave": 11527, + "2008": 11528, + "Ġconsensus": 11529, + "Ġrewards": 11530, + "Pal": 11531, + "ĠHTML": 11532, + "Ġpopularity": 11533, + "looking": 11534, + "ĠSword": 11535, + "ĠArts": 11536, + "')": 11537, + "Ġelectron": 11538, + "clusions": 11539, + "Ġintegrity": 11540, + "Ġexclusively": 11541, + "Ġgrace": 11542, + "Ġtorture": 11543, + "Ġburned": 11544, + "two": 11545, + "Ġ180": 11546, + "Produ": 11547, + "Ġentreprene": 11548, + "raphics": 11549, + "Ġgym": 11550, + "ricane": 11551, + "ĠTam": 11552, + "Ġadministrative": 11553, + "Ġmanufacturer": 11554, + "Ġvel": 11555, + "ĠNi": 11556, + "Ġisolated": 11557, + "ĠMedicine": 11558, + "Ġbackup": 11559, + "Ġpromoting": 11560, + "Ġcommander": 11561, + "Ġflee": 11562, + "ĠRussell": 11563, + "Ġforgotten": 11564, + "ĠMissouri": 11565, + "Ġresidence": 11566, + "mons": 11567, + "Ġresemb": 11568, + "Ġwand": 11569, + "Ġmeaningful": 11570, + "PT": 11571, + "Ġbol": 11572, + "Ġhelic": 11573, + "Ġwealthy": 11574, + "Ġrifle": 11575, + "strong": 11576, + "rowing": 11577, + "plan": 11578, + "asury": 11579, + "âĢ¦.": 11580, + "Ġexpanding": 11581, + "ĠHamilton": 11582, + "Ġreceives": 11583, + "SI": 11584, + "eatures": 11585, + "ĠAnim": 11586, + "REE": 11587, + "Put": 11588, + "Ġbriefly": 11589, + "rive": 11590, + "Ġstimul": 11591, + "Ġ``(": 11592, + "Ġ__": 11593, + "Ġchip": 11594, + "Ġhaz": 11595, + "Ġprize": 11596, + "ĠThings": 11597, + "ACE": 11598, + "ulin": 11599, + "dict": 11600, + "oku": 11601, + "Ġassociate": 11602, + "ockets": 11603, + "youtube": 11604, + "Story": 11605, + "ategory": 11606, + "Ġmild": 11607, + "ailing": 11608, + "ĠYe": 11609, + "Orig": 11610, + "ĠKa": 11611, + "orig": 11612, + "Ġpropaganda": 11613, + "Ġanonymous": 11614, + "Ġstruggled": 11615, + "Ġoutrage": 11616, + "ATED": 11617, + "ĠBeijing": 11618, + "rary": 11619, + "Ġleather": 11620, + "Ġworlds": 11621, + "Ġbroader": 11622, + "125": 11623, + "idal": 11624, + "ĠBetter": 11625, + "Ġtear": 11626, + "Ext": 11627, + "Ġproposals": 11628, + "Ġiter": 11629, + "ĠSquad": 11630, + "Ġvolunt": 11631, + "mi": 11632, + "Did": 11633, + "ĠPu": 11634, + "pin": 11635, + "Ġspeakers": 11636, + "Ġborders": 11637, + "Ġfigured": 11638, + "='": 11639, + "Ġsimultaneously": 11640, + "aeda": 11641, + "Ġcharging": 11642, + "Ġurged": 11643, + "Ġconj": 11644, + "256": 11645, + "ĠGordon": 11646, + "merce": 11647, + "Ġdocumentary": 11648, + "Share": 11649, + "itol": 11650, + "ONE": 11651, + "ĠGarden": 11652, + "hatt": 11653, + "ĠThompson": 11654, + "aneous": 11655, + "apore": 11656, + "Ġtanks": 11657, + "Ġlessons": 11658, + "track": 11659, + "Ġoutstanding": 11660, + "Ġvolunteers": 11661, + "Ġspray": 11662, + "Ġmanagers": 11663, + "large": 11664, + "Ġcamps": 11665, + "Ġartificial": 11666, + "ĠRu": 11667, + "Ġbags": 11668, + "thal": 11669, + "Ġcompatible": 11670, + "ĠBlade": 11671, + "Ġfed": 11672, + "Ġargues": 11673, + "FI": 11674, + "Ġunfair": 11675, + "Ġcorn": 11676, + "Ġoffset": 11677, + "Ġdirections": 11678, + "Ġdisappointed": 11679, + "ĠConvention": 11680, + "Ġviewing": 11681, + "ME": 11682, + "ocity": 11683, + "Ġtowns": 11684, + "Ġlayers": 11685, + "Ġrolled": 11686, + "Ġjumped": 11687, + "Ġattribute": 11688, + "Ġunnecess": 11689, + "incoln": 11690, + "Ġsuppose": 11691, + "ĠNether": 11692, + "cha": 11693, + "Ġburied": 11694, + "Ġsixth": 11695, + "Ben": 11696, + "ressing": 11697, + "OUR": 11698, + "Ġwound": 11699, + "Ġcycl": 11700, + "Ġmechanisms": 11701, + "Ġcongressional": 11702, + "ĠElement": 11703, + "Ġagreements": 11704, + "Ġdecor": 11705, + "Ġclosest": 11706, + "ĠMit": 11707, + "Google": 11708, + "}}": 11709, + "Ġmixture": 11710, + "Ġfluid": 11711, + "Sign": 11712, + "ĠScholar": 11713, + "Ġpist": 11714, + "asket": 11715, + "abling": 11716, + "Ġracing": 11717, + "hero": 11718, + "riel": 11719, + "assy": 11720, + "Ġcheaper": 11721, + "ben": 11722, + "Ġvertical": 11723, + "amacare": 11724, + "ĠReading": 11725, + "gments": 11726, + "Ġhelicop": 11727, + "Ġsacrifice": 11728, + "aya": 11729, + "paren": 11730, + "VA": 11731, + "ĠLes": 11732, + "ĠStudio": 11733, + "Ġviolations": 11734, + "ĠAnna": 11735, + "acer": 11736, + "é¾": 11737, + "ĠRat": 11738, + "ĠBeck": 11739, + "ĠDick": 11740, + "ĠACT": 11741, + "Ġcomposition": 11742, + "Ġtexture": 11743, + "ĠOwn": 11744, + "Ġsmartphone": 11745, + "ĠNA": 11746, + "Ġforb": 11747, + "import": 11748, + "Ġdefending": 11749, + "ilst": 11750, + "rer": 11751, + "Ġoh": 11752, + "ĠJeremy": 11753, + "Ġbanking": 11754, + "ceptions": 11755, + "Ġrespective": 11756, + "/.": 11757, + "Ġdrinks": 11758, + "ĠWi": 11759, + "Ġbands": 11760, + "ĠLiverpool": 11761, + "Ġgrip": 11762, + "ĠBuy": 11763, + "Ġopenly": 11764, + "Ġreviewed": 11765, + "pert": 11766, + "Ġverify": 11767, + "ĠCole": 11768, + "ĠWales": 11769, + "MO": 11770, + "Ġunpre": 11771, + "Ġshelter": 11772, + "ĠImperial": 11773, + "Ġgui": 11774, + "ĠDak": 11775, + "Ġsuggestions": 11776, + "Ġexplicitly": 11777, + "Ġslave": 11778, + "Ġblockchain": 11779, + "Ġcompeting": 11780, + "Ġpromising": 11781, + "SON": 11782, + "Ġsoccer": 11783, + "Ġconstitution": 11784, + "429": 11785, + "Ġdistract": 11786, + "ĠUser": 11787, + "esides": 11788, + "ĠMethod": 11789, + "ĠTokyo": 11790, + "Ġaccompanied": 11791, + "Client": 11792, + "sur": 11793, + "alog": 11794, + "Ġidentification": 11795, + "Ġinvasion": 11796, + "asma": 11797, + "Ġindustries": 11798, + "ppers": 11799, + "Ġsubtle": 11800, + "ĠUnit": 11801, + "natural": 11802, + "Ġsurvived": 11803, + "Ġflaw": 11804, + "ĺħ": 11805, + "ĠHoll": 11806, + "Ġdeficit": 11807, + "Ġtutorial": 11808, + "ĠChance": 11809, + "Ġarguing": 11810, + "Ġcontemporary": 11811, + "Ġintegration": 11812, + "forward": 11813, + "Ġtum": 11814, + "itis": 11815, + "Ġhiding": 11816, + "ĠDomin": 11817, + "ĠTan": 11818, + "ĠBuilding": 11819, + "ĠVin": 11820, + "Ġspokesperson": 11821, + "ĠNotes": 11822, + "Ġemerging": 11823, + "Ġpreparation": 11824, + "Ġprost": 11825, + "Ġsuspects": 11826, + "Ġautonom": 11827, + "Description": 11828, + "Ġdealt": 11829, + "ĠPear": 11830, + "Ġsteady": 11831, + "Ġdecreased": 11832, + "Ġsovere": 11833, + "ĠClin": 11834, + "Ġgradually": 11835, + "orses": 11836, + "ĠWAR": 11837, + "Serv": 11838, + "ãĤ¢": 11839, + "hr": 11840, + "Ġdirty": 11841, + "ĠBarn": 11842, + "ĠBC": 11843, + "Ġdil": 11844, + "Ġcalendar": 11845, + "Ġcompliance": 11846, + "Ġchamber": 11847, + "bb": 11848, + "Ġpassenger": 11849, + "ateful": 11850, + "ĠTitle": 11851, + "ĠSydney": 11852, + "ĠGot": 11853, + "Ġdarkness": 11854, + "Ġdefect": 11855, + "Ġpacked": 11856, + "assion": 11857, + "Ġgods": 11858, + "Ġharsh": 11859, + "ICK": 11860, + "leans": 11861, + "Ġalgorithm": 11862, + "Ġoxygen": 11863, + "Ġvisits": 11864, + "Ġblade": 11865, + "Ġkilomet": 11866, + "ĠKentucky": 11867, + "Ġkiller": 11868, + "Pack": 11869, + "enny": 11870, + "Ġdivine": 11871, + "Ġnomination": 11872, + "being": 11873, + "Ġengines": 11874, + "Ġcats": 11875, + "Ġbuffer": 11876, + "ĠPhill": 11877, + "Ġtraff": 11878, + "AGE": 11879, + "Ġtongue": 11880, + "Ġradiation": 11881, + "erer": 11882, + "mem": 11883, + "ĠExplicit": 11884, + "é¾į": 11885, + "Ġcouples": 11886, + "Ġphysics": 11887, + "ĠMcK": 11888, + "Ġpolitically": 11889, + "awks": 11890, + "ĠBloom": 11891, + "Ġworship": 11892, + "eger": 11893, + "uter": 11894, + "ĠFO": 11895, + "Ġmathemat": 11896, + "Ġsentenced": 11897, + "Ġdisk": 11898, + "ĠMarg": 11899, + "Ġ/*": 11900, + "PI": 11901, + "Ġoptional": 11902, + "Ġbabies": 11903, + "Ġseeds": 11904, + "ĠScottish": 11905, + "Ġthy": 11906, + "]]": 11907, + "ĠHitler": 11908, + "PH": 11909, + "ngth": 11910, + "Ġrecovered": 11911, + "inge": 11912, + "Ġpowder": 11913, + "Ġlips": 11914, + "Ġdesigner": 11915, + "Ġdisorders": 11916, + "Ġcourage": 11917, + "Ġchaos": 11918, + "\"},{\"": 11919, + "Ġcarrier": 11920, + "bably": 11921, + "High": 11922, + "ĠRT": 11923, + "esity": 11924, + "len": 11925, + "Ġroutes": 11926, + "uating": 11927, + "Fil": 11928, + "NOT": 11929, + "wall": 11930, + "sburgh": 11931, + "Ġengaging": 11932, + "ĠJavaScript": 11933, + "orer": 11934, + "lihood": 11935, + "Ġunions": 11936, + "ĠFederation": 11937, + "ĠTesla": 11938, + "Ġcompletion": 11939, + "ĠTa": 11940, + "Ġprivilege": 11941, + "ĠOrange": 11942, + "Ġneur": 11943, + "parency": 11944, + "Ġbones": 11945, + "Ġtitled": 11946, + "Ġprosecutors": 11947, + "ĠME": 11948, + "Ġengineer": 11949, + "ĠUniverse": 11950, + "ĠHig": 11951, + "nie": 11952, + "oard": 11953, + "Ġhearts": 11954, + "ĠGre": 11955, + "ussion": 11956, + "Ġministry": 11957, + "Ġpenet": 11958, + "ĠNut": 11959, + "ĠOw": 11960, + "ĠXP": 11961, + "instein": 11962, + "Ġbulk": 11963, + "System": 11964, + "icism": 11965, + "ĠMarketable": 11966, + "Ġpreval": 11967, + "Ġposter": 11968, + "Ġattending": 11969, + "urable": 11970, + "Ġlicensed": 11971, + "ĠGh": 11972, + "etry": 11973, + "ĠTradable": 11974, + "Ġblast": 11975, + "à¤": 11976, + "ĠTitan": 11977, + "elled": 11978, + "die": 11979, + "Have": 11980, + "ĠFlame": 11981, + "Ġprofound": 11982, + "Ġparticipating": 11983, + "Ġanime": 11984, + "ĠEss": 11985, + "Ġspecify": 11986, + "Ġregarded": 11987, + "ĠSpell": 11988, + "Ġsons": 11989, + "owned": 11990, + "Ġmerc": 11991, + "Ġexperimental": 11992, + "lando": 11993, + "hs": 11994, + "ĠDungeon": 11995, + "inos": 11996, + "Ġcomply": 11997, + "ĠSystems": 11998, + "arth": 11999, + "Ġseized": 12000, + "local": 12001, + "ĠGirls": 12002, + "udo": 12003, + "oned": 12004, + "ĠFle": 12005, + "Ġconstructed": 12006, + "Ġhosted": 12007, + "Ġscared": 12008, + "actic": 12009, + "ĠIslands": 12010, + "ĠMORE": 12011, + "Ġbless": 12012, + "Ġblocking": 12013, + "Ġchips": 12014, + "Ġevac": 12015, + "Ps": 12016, + "Ġcorporation": 12017, + "Ġox": 12018, + "Ġlighting": 12019, + "Ġneighbors": 12020, + "ĠUb": 12021, + "aro": 12022, + "Ġbeef": 12023, + "ĠUber": 12024, + "Facebook": 12025, + "armed": 12026, + "itate": 12027, + "ĠRating": 12028, + "ĠQuick": 12029, + "Ġoccupied": 12030, + "Ġaims": 12031, + "ĠAdditionally": 12032, + "ĠInterest": 12033, + "Ġdramatically": 12034, + "Ġheal": 12035, + "Ġpainting": 12036, + "Ġengineers": 12037, + "MM": 12038, + "ĠMust": 12039, + "Ġquantity": 12040, + "Paul": 12041, + "Ġearnings": 12042, + "ĠPosts": 12043, + "stra": 12044, + "ãĥ¼ãĥ": 12045, + "Ġstance": 12046, + "Ġdropping": 12047, + "script": 12048, + "Ġdressed": 12049, + "Make": 12050, + "Ġjustify": 12051, + "ĠLtd": 12052, + "Ġprompted": 12053, + "Ġscrut": 12054, + "Ġspeeds": 12055, + "ĠGiants": 12056, + "omer": 12057, + "ĠEditor": 12058, + "Ġdescribing": 12059, + "ĠLie": 12060, + "mented": 12061, + "Ġnowhere": 12062, + "ocaly": 12063, + "Ġinstruction": 12064, + "fortable": 12065, + "Ġentities": 12066, + "Ġcm": 12067, + "ĠNatural": 12068, + "Ġinquiry": 12069, + "Ġpressed": 12070, + "izont": 12071, + "forced": 12072, + "Ġraises": 12073, + "ĠNetflix": 12074, + "ĠSide": 12075, + "Ġouter": 12076, + "Ġamongst": 12077, + "ims": 12078, + "owski": 12079, + "Ġclimb": 12080, + "never": 12081, + "Ġcombine": 12082, + "ding": 12083, + "Ġcompr": 12084, + "Ġsignificance": 12085, + "Ġremembered": 12086, + "ĠNevada": 12087, + "ĠTel": 12088, + "ĠScar": 12089, + "ĠWarriors": 12090, + "ĠJane": 12091, + "Ġcoup": 12092, + "bas": 12093, + "Ġterminal": 12094, + ",-": 12095, + "OH": 12096, + "Ġtension": 12097, + "Ġwings": 12098, + "ĠMyster": 12099, + "����": 12100, + "ĠUnlike": 12101, + "valid": 12102, + "vironments": 12103, + "ĠAli": 12104, + "Ġnaked": 12105, + "books": 12106, + "ĠMun": 12107, + "ĠGulf": 12108, + "Ġdensity": 12109, + "Ġdimin": 12110, + "Ġdesperate": 12111, + "Ġpresidency": 12112, + "Ġ1986": 12113, + "hy": 12114, + "IND": 12115, + "Ġunlock": 12116, + "imens": 12117, + "Ġhandled": 12118, + "ĠEb": 12119, + "Ġdisappeared": 12120, + "Ġgenre": 12121, + "Ġ1988": 12122, + "Ġdetermination": 12123, + "Stream": 12124, + "iko": 12125, + "apters": 12126, + "Ġacknowledge": 12127, + "Jan": 12128, + "Ġcapitalism": 12129, + "Pat": 12130, + "Ġ2020": 12131, + "Ġpainful": 12132, + "Ġcurve": 12133, + "Ġbombs": 12134, + "storm": 12135, + "ĠMetal": 12136, + "encer": 12137, + "ĠFig": 12138, + "ĠAaron": 12139, + "anches": 12140, + "Ġinspiration": 12141, + "Ġexhaust": 12142, + "tains": 12143, + "ashi": 12144, + "Ġdescript": 12145, + "Ġritual": 12146, + "ĠChelsea": 12147, + "Ġpromotion": 12148, + "ĠHung": 12149, + "ĠWard": 12150, + "iva": 12151, + "ĠET": 12152, + "Ġtoss": 12153, + "allow": 12154, + "ĠFrancis": 12155, + "Dep": 12156, + "Ġhappiness": 12157, + "ĠGlass": 12158, + "Ġbeta": 12159, + "Ġstrengthen": 12160, + "NE": 12161, + "oa": 12162, + "Ġbuttons": 12163, + "ĠMurray": 12164, + "Ġkicked": 12165, + "Quest": 12166, + "ĠTalk": 12167, + "ĠSeveral": 12168, + "ĠZero": 12169, + "Ġdrone": 12170, + "ulk": 12171, + "Ġcam": 12172, + "ĠMobile": 12173, + "Ġpreventing": 12174, + "Ġretro": 12175, + "ĠAx": 12176, + "Ġcruel": 12177, + "Ġfloat": 12178, + ".),": 12179, + "Ġfiling": 12180, + "ĠGrant": 12181, + "ĠBor": 12182, + "Ġrib": 12183, + "Ġchampionship": 12184, + "ĠMerc": 12185, + "Ġstyles": 12186, + "Ġcake": 12187, + "Ġbuilds": 12188, + "ĠSelf": 12189, + "iox": 12190, + "Ġepic": 12191, + "oyd": 12192, + "Bel": 12193, + "ĠStew": 12194, + ".(": 12195, + "ahu": 12196, + "ĠBeyond": 12197, + "Ġouts": 12198, + "Ġsolo": 12199, + "ĠTree": 12200, + "Ġpreserve": 12201, + "Ġtub": 12202, + "ARE": 12203, + "roc": 12204, + "ĠImpro": 12205, + "ĠWright": 12206, + "Ġbund": 12207, + "Ġtraged": 12208, + "Ġoccasional": 12209, + "bian": 12210, + "Second": 12211, + "rons": 12212, + "Ġinteractions": 12213, + "formed": 12214, + "sing": 12215, + "Ġowns": 12216, + "Ġhockey": 12217, + "General": 12218, + "Ġlogical": 12219, + "Ġexpend": 12220, + "Ġescal": 12221, + "ĠGriff": 12222, + "ĠCrown": 12223, + "ĠReserve": 12224, + "Ġstopping": 12225, + "Ġexcuse": 12226, + "second": 12227, + "Ġoperated": 12228, + "Ġreaches": 12229, + "ĠMalays": 12230, + "Ġpollution": 12231, + "ĠBrooklyn": 12232, + "Ġdelete": 12233, + "Ġhash": 12234, + "Block": 12235, + "aha": 12236, + "âĢ³": 12237, + "Ġshorter": 12238, + "piece": 12239, + ">>>": 13163, + "ĠMormon": 13164, + "tor": 13165, + "Ġparticles": 13166, + "ĠBart": 13167, + "ryption": 13168, + "Ġadmin": 13169, + "Ġsquee": 13170, + "VIDIA": 13171, + "Ġcreator": 13172, + "iameter": 13173, + "icular": 13174, + "NBC": 13175, + "Ġgrabbed": 13176, + "Ġnodd": 13177, + "Ġrated": 13178, + "Ġrotation": 13179, + "Ġgrasp": 13180, + "Ġexcessive": 13181, + "ĠEC": 13182, + "ĠWhit": 13183, + "Ġinventory": 13184, + "aults": 13185, + "ĠFB": 13186, + "Ġecosystem": 13187, + "Ġbillions": 13188, + "Ġventure": 13189, + "named": 13190, + "Ġdefender": 13191, + "oute": 13192, + "Instead": 13193, + "irable": 13194, + "War": 13195, + "Ġassumption": 13196, + "Ġbite": 13197, + "Ġearthqu": 13198, + "tail": 13199, + "space": 13200, + "Ġgifts": 13201, + "boys": 13202, + "Ġinevitable": 13203, + "Ġstructural": 13204, + "Ġbeneficial": 13205, + "Ġcompelling": 13206, + "hole": 13207, + "ervation": 13208, + "Ġcoat": 13209, + "oj": 13210, + "incarn": 13211, + "ĠYears": 13212, + "Ġdetermining": 13213, + "Ġrhetoric": 13214, + "Ġboundaries": 13215, + "Ġwhites": 13216, + "Ant": 13217, + "addy": 13218, + ")-": 13219, + "raham": 13220, + "etermin": 13221, + "Ġharvest": 13222, + "ĠConc": 13223, + "Ġlaptop": 13224, + "ĠMatch": 13225, + "Ġenjoying": 13226, + "cca": 13227, + "ollar": 13228, + "Ġtrips": 13229, + "Ġaddiction": 13230, + "ĠSak": 13231, + "Ġpowered": 13232, + "Ġcous": 13233, + "ĠRussians": 13234, + "iere": 13235, + "Ġretrie": 13236, + "quality": 13237, + "Ġdiffer": 13238, + "Ġkingdom": 13239, + "ĠLaur": 13240, + "ĠCapitol": 13241, + "Ġconclusions": 13242, + "ĠAltern": 13243, + "ĠNav": 13244, + "Ġtransparent": 13245, + "BER": 13246, + "Group": 13247, + "ĠComplete": 13248, + "Ġinfer": 13249, + "Ġintrig": 13250, + "Ġinsane": 13251, + "RO": 13252, + "ophob": 13253, + "isen": 13254, + "qual": 13255, + "Michael": 13256, + "Ġmuseum": 13257, + "ĠPope": 13258, + "Ġreset": 13259, + "rative": 13260, + "five": 13261, + "Ġaggreg": 13262, + "ittees": 13263, + "ository": 13264, + "Ġcarb": 13265, + "ĠRecord": 13266, + "Ġdecides": 13267, + "ĠFix": 13268, + "Ġexceptions": 13269, + "ĠCommissioner": 13270, + "uns": 13271, + "ĠEnvironmental": 13272, + "Ġlegendary": 13273, + "istence": 13274, + "Ġtunnel": 13275, + "km": 13276, + "Ġinsult": 13277, + "Ġtroll": 13278, + "Ġshake": 13279, + "Ġdetention": 13280, + "ques": 13281, + "ĠChrome": 13282, + "ĠFiles": 13283, + "Ġsubt": 13284, + "Ġprospects": 13285, + "Ġprol": 13286, + "render": 13287, + "proof": 13288, + "Ġperformances": 13289, + "Str": 13290, + "Ġhref": 13291, + "ername": 13292, + "Ġachievement": 13293, + "Ġfut": 13294, + "Full": 13295, + "ĠLeban": 13296, + "google": 13297, + "ãĥĪ": 13298, + "ampa": 13299, + "Maybe": 13300, + "Ġprojected": 13301, + "ĠEmb": 13302, + "Ġcolleg": 13303, + "Ġawards": 13304, + "ĠâĶ": 13305, + "Gold": 13306, + "ĠBlake": 13307, + "ĠRaj": 13308, + "ifting": 13309, + "Ġpending": 13310, + "Ġinstinct": 13311, + "Ġdevelopments": 13312, + "Connect": 13313, + "ĠMand": 13314, + "ĠWITH": 13315, + "ĠPhilippines": 13316, + "profile": 13317, + "Ġaltogether": 13318, + "ĠBund": 13319, + "ĠTD": 13320, + "oooo": 13321, + "amped": 13322, + "iph": 13323, + "Ġsteam": 13324, + "Ġoldest": 13325, + "Ġdetection": 13326, + "ulpt": 13327, + "Ġç": 13328, + "ĠWayne": 13329, + "2006": 13330, + "fa": 13331, + "Ġcircles": 13332, + "ĠFu": 13333, + "Ġdonors": 13334, + "appropriate": 13335, + "ĠDakota": 13336, + "jamin": 13337, + "Ġmotivated": 13338, + "Ġpurchases": 13339, + "ĠLouisiana": 13340, + "ĠSpl": 13341, + "Ġglobe": 13342, + "Ġ105": 13343, + "zip": 13344, + "call": 13345, + "Ġdepartments": 13346, + "Ġsustainable": 13347, + "105": 13348, + "ĠOP": 13349, + "ifiers": 13350, + "Ġprevented": 13351, + "Ġincomp": 13352, + "ĠCommander": 13353, + "Ġdominated": 13354, + "Ġ»": 13355, + "Ġinvested": 13356, + "Ġcomplexity": 13357, + "Ġincl": 13358, + "Ġensuring": 13359, + "Ġrealm": 13360, + "ync": 13361, + "ĠIndependent": 13362, + "rained": 13363, + "ĠJen": 13364, + "ĠFlight": 13365, + "Ġathe": 13366, + "Ġspeculation": 13367, + "ĠTE": 13368, + "ocate": 13369, + "tic": 13370, + "Ġplaint": 13371, + "herry": 13372, + "Ġtoy": 13373, + "Ġ111": 13374, + "Ġplates": 13375, + "status": 13376, + "ĠIsa": 13377, + "Ġdevoted": 13378, + "Cop": 13379, + "ĠES": 13380, + "255": 13381, + "urrency": 13382, + "Main": 13383, + "Ġslaves": 13384, + "Ġpepper": 13385, + "Ġquotes": 13386, + "Ġceiling": 13387, + "ĠFish": 13388, + "Ġtransformation": 13389, + "Ġfraction": 13390, + "Ġadvantages": 13391, + "Ġtoile": 13392, + "Ġstunning": 13393, + "Ġmoist": 13394, + "breaking": 13395, + "si": 13396, + "ĠLocation": 13397, + "ĠMedium": 13398, + "Ġtexts": 13399, + "Ġugly": 13400, + "Ġbio": 13401, + ".âĢĶ": 13402, + "ĠBased": 13403, + "Ġtrains": 13404, + "ĠWing": 13405, + "ĠAncient": 13406, + "ĠRecords": 13407, + "ĠHope": 13408, + "Special": 13409, + "adesh": 13410, + "obi": 13411, + "[/": 13412, + "Ġtemporarily": 13413, + "Ver": 13414, + "hu": 13415, + "oser": 13416, + "Ġovernight": 13417, + "Ġmamm": 13418, + "ĠTreasury": 13419, + "ĠVenezuel": 13420, + "ĠMega": 13421, + "Ġtar": 13422, + "Ġexpects": 13423, + "black": 13424, + "orph": 13425, + "\\\\\\\\": 13426, + "Ġacceptance": 13427, + "Ġradar": 13428, + "sis": 13429, + "Ġjunior": 13430, + "Ġframes": 13431, + "Ġobservation": 13432, + "acies": 13433, + "Power": 13434, + "ĠAdvanced": 13435, + "Mag": 13436, + "ologically": 13437, + "ĠMechan": 13438, + "Ġsentences": 13439, + "Ġanalysts": 13440, + "aughters": 13441, + "forcement": 13442, + "Ġvague": 13443, + "Ġclause": 13444, + "Ġdirectors": 13445, + "Ġevaluate": 13446, + "Ġcabinet": 13447, + "Matt": 13448, + "ĠClassic": 13449, + "Ang": 13450, + "Ġcler": 13451, + "ĠBuck": 13452, + "Ġresearcher": 13453, + "Ġ160": 13454, + "Ġpoorly": 13455, + "Ġexperiencing": 13456, + "ĠPed": 13457, + "ĠManhattan": 13458, + "Ġfreed": 13459, + "Ġthemes": 13460, + "advant": 13461, + "Ġnin": 13462, + "Ġpraise": 13463, + "104": 13464, + "ĠLibya": 13465, + "best": 13466, + "Ġtrusted": 13467, + "Ġcease": 13468, + "Ġdign": 13469, + "Direct": 13470, + "Ġbombing": 13471, + "Ġmigration": 13472, + "ĠSciences": 13473, + "Ġmunicipal": 13474, + "ĠAverage": 13475, + "Ġglory": 13476, + "Ġrevealing": 13477, + "Ġarena": 13478, + "Ġuncertainty": 13479, + "Ġbattlefield": 13480, + "iao": 13481, + "God": 13482, + "Ġcinem": 13483, + "rape": 13484, + "elle": 13485, + "apons": 13486, + "Ġlisting": 13487, + "Ġwaited": 13488, + "Ġspotted": 13489, + "keley": 13490, + "ĠAudio": 13491, + "eor": 13492, + "arding": 13493, + "idding": 13494, + "igma": 13495, + "ĠNeg": 13496, + "Ġlone": 13497, + "Ġ----": 13498, + "exe": 13499, + "deg": 13500, + "Ġtransf": 13501, + "Ġwash": 13502, + "Ġslavery": 13503, + "Ġexploring": 13504, + "ĠWW": 13505, + "atson": 13506, + "Ġencl": 13507, + "lies": 13508, + "ĠCreek": 13509, + "Ġwooden": 13510, + "Manager": 13511, + "ĠBrand": 13512, + "ummy": 13513, + "ĠArthur": 13514, + "Ġbureaucr": 13515, + "Ġblend": 13516, + "arians": 13517, + "Further": 13518, + "Ġsupposedly": 13519, + "Ġwinds": 13520, + "Ġ1979": 13521, + "Ġgravity": 13522, + "Ġanalyses": 13523, + "ĠTravel": 13524, + "ĠVeter": 13525, + "Ġdumb": 13526, + "Ġalternate": 13527, + "gal": 13528, + "Ġconsumed": 13529, + "Ġeffectiveness": 13530, + ".''": 13531, + "Ġpaths": 13532, + "onda": 13533, + "LA": 13534, + "ĠStrong": 13535, + "Ġenables": 13536, + "Ġescaped": 13537, + "Ġ\"\"": 13538, + "Ġ112": 13539, + "Ġ1983": 13540, + "Ġsmiled": 13541, + "Ġtendency": 13542, + "Fire": 13543, + "Ġpars": 13544, + "ĠRoc": 13545, + "Ġlake": 13546, + "Ġfitness": 13547, + "ĠAth": 13548, + "ĠHorn": 13549, + "Ġhier": 13550, + "Ġimpose": 13551, + "mother": 13552, + "Ġpension": 13553, + "icut": 13554, + "borne": 13555, + "iciary": 13556, + "._": 13557, + "ĠSU": 13558, + "Ġpolar": 13559, + "isy": 13560, + "engu": 13561, + "itialized": 13562, + "ATA": 13563, + "write": 13564, + "Ġexercises": 13565, + "ĠDiamond": 13566, + "otypes": 13567, + "Ġharmful": 13568, + "onz": 13569, + "Ġprinting": 13570, + "story": 13571, + "Ġexpertise": 13572, + "ĠGer": 13573, + "Ġtragedy": 13574, + "ĠFly": 13575, + "Ġdivid": 13576, + "ampire": 13577, + "stock": 13578, + "Mem": 13579, + "Ġreign": 13580, + "Ġunve": 13581, + "Ġamend": 13582, + "ĠProphet": 13583, + "Ġmutual": 13584, + "ĠFac": 13585, + "Ġreplacing": 13586, + "Har": 13587, + "ĠCircuit": 13588, + "Ġthroat": 13589, + "ĠShot": 13590, + "Ġbatteries": 13591, + "Ġtoll": 13592, + "Ġaddressing": 13593, + "ĠMedicaid": 13594, + "Ġpupp": 13595, + "ĠNar": 13596, + "olk": 13597, + "Ġequity": 13598, + "MR": 13599, + "ĠHispan": 13600, + "ĠLarge": 13601, + "mid": 13602, + "Dev": 13603, + "Ġexped": 13604, + "Ġdemo": 13605, + "ĠMarshall": 13606, + "ergus": 13607, + "Ġfiber": 13608, + "Ġdivorce": 13609, + "ĠCreate": 13610, + "Ġslower": 13611, + "ĠParker": 13612, + "ĠStudent": 13613, + "ĠTraining": 13614, + "Return": 13615, + "ĠTru": 13616, + "Ġcub": 13617, + "ĠReached": 13618, + "Ġpanic": 13619, + "Ġquarters": 13620, + "Ġrect": 13621, + "Ġtreating": 13622, + "Ġrats": 13623, + "ĠChristianity": 13624, + "oler": 13625, + "Ġsacred": 13626, + "Ġdeclare": 13627, + "ulative": 13628, + "eting": 13629, + "Ġdelivering": 13630, + "estone": 13631, + "Ġtel": 13632, + "ĠLarry": 13633, + "Ġmeta": 13634, + "accept": 13635, + "artz": 13636, + "ĠRoger": 13637, + "handed": 13638, + "Ġheader": 13639, + "Ġtrapped": 13640, + "ĠCentury": 13641, + "Ġknocked": 13642, + "ĠOxford": 13643, + "Ġsurvivors": 13644, + "bot": 13645, + "Ġdemonstration": 13646, + "Ġdirt": 13647, + "Ġassists": 13648, + "OME": 13649, + "ĠDraft": 13650, + "ortunate": 13651, + "folio": 13652, + "pered": 13653, + "usters": 13654, + "gt": 13655, + "ĠLock": 13656, + "Ġjudicial": 13657, + "verted": 13658, + "Ġsecured": 13659, + "outing": 13660, + "ĠBooks": 13661, + "Ġhosting": 13662, + "Ġlifted": 13663, + "length": 13664, + "Ġjer": 13665, + "Ġwheels": 13666, + "ĠRange": 13667, + "umbnails": 13668, + "Ġdiagnosis": 13669, + "tech": 13670, + "ĠStewart": 13671, + "ĠPract": 13672, + "Ġnationwide": 13673, + "Ġdear": 13674, + "Ġobligations": 13675, + "Ġgrows": 13676, + "Ġmandatory": 13677, + "Ġsuspicious": 13678, + "!'": 13679, + "Apr": 13680, + "Great": 13681, + "Ġmortgage": 13682, + "Ġprosecutor": 13683, + "Ġeditorial": 13684, + "ĠKr": 13685, + "Ġprocessed": 13686, + "ungle": 13687, + "Ġflexibility": 13688, + "Earlier": 13689, + "ĠCart": 13690, + "ĠSug": 13691, + "Ġfocuses": 13692, + "Ġstartup": 13693, + "Ġbreach": 13694, + "ĠTob": 13695, + "cycle": 13696, + "ãĢĮ": 13697, + "rose": 13698, + "Ġbizarre": 13699, + "ãĢį": 13700, + "Ġvegetables": 13701, + "$$": 13702, + "Ġretreat": 13703, + "oshi": 13704, + "ĠShop": 13705, + "ĠGround": 13706, + "ĠStop": 13707, + "ĠHawaii": 13708, + "ĠAy": 13709, + "Perhaps": 13710, + "ĠBeaut": 13711, + "uffer": 13712, + "enna": 13713, + "Ġproductivity": 13714, + "Fixed": 13715, + "control": 13716, + "Ġabsent": 13717, + "ĠCampaign": 13718, + "Green": 13719, + "Ġidentifying": 13720, + "Ġregret": 13721, + "Ġpromoted": 13722, + "ĠSeven": 13723, + "Ġeru": 13724, + "neath": 13725, + "aughed": 13726, + "ĠPin": 13727, + "ĠLiving": 13728, + "Cost": 13729, + "omatic": 13730, + "mega": 13731, + "ĠNig": 13732, + "ocy": 13733, + "Ġinbox": 13734, + "Ġempire": 13735, + "Ġhorizont": 13736, + "Ġbranches": 13737, + "Ġmetaph": 13738, + "Active": 13739, + "edi": 13740, + "ĠFilm": 13741, + "ĠSomething": 13742, + "Ġmods": 13743, + "incial": 13744, + "ĠOriginal": 13745, + "Gen": 13746, + "Ġspirits": 13747, + "Ġearning": 13748, + "Hist": 13749, + "Ġriders": 13750, + "Ġsacrific": 13751, + "MT": 13752, + "ĠVA": 13753, + "ĠSalt": 13754, + "Ġoccupation": 13755, + "ĠMi": 13756, + "Ġdisg": 13757, + "lict": 13758, + "Ġnit": 13759, + "Ġnodes": 13760, + "eem": 13761, + "ĠPier": 13762, + "Ġhatred": 13763, + "psy": 13764, + "ãĥī": 13765, + "Ġtheater": 13766, + "Ġsophisticated": 13767, + "Ġdefended": 13768, + "Ġbesides": 13769, + "Ġthoroughly": 13770, + "ĠMedicare": 13771, + "Ġblamed": 13772, + "arently": 13773, + "Ġcrying": 13774, + "FOR": 13775, + "priv": 13776, + "Ġsinging": 13777, + "ĠIl": 13778, + "Ġcute": 13779, + "oided": 13780, + "olitical": 13781, + "ĠNeuro": 13782, + "å¤": 13783, + "Ġdonation": 13784, + "ĠEagles": 13785, + "ĠGive": 13786, + "Tom": 13787, + "Ġsubstantially": 13788, + "ĠLicense": 13789, + "ĠJa": 13790, + "Ġgrey": 13791, + "ĠAnimal": 13792, + "ĠER": 13793, + "ĠUnd": 13794, + "Ġkeen": 13795, + "Ġconclude": 13796, + "ĠMississippi": 13797, + "Engine": 13798, + "ĠStudios": 13799, + "Press": 13800, + "overs": 13801, + "llers": 13802, + "Ġ350": 13803, + "ĠRangers": 13804, + "Ġrou": 13805, + "erto": 13806, + "Ep": 13807, + "issa": 13808, + "ivan": 13809, + "Ġseal": 13810, + "ĠRegist": 13811, + "display": 13812, + "Ġweaken": 13813, + "uum": 13814, + "ĠCommons": 13815, + "ĠSay": 13816, + "Ġcultures": 13817, + "Ġlaughed": 13818, + "Ġslip": 13819, + "Ġtreatments": 13820, + "izable": 13821, + "mart": 13822, + "ĠRice": 13823, + "Ġbeast": 13824, + "Ġobesity": 13825, + "ĠLaure": 13826, + "iga": 13827, + "Which": 13828, + "holder": 13829, + "Ġelderly": 13830, + "Ġpays": 13831, + "Ġcomplained": 13832, + "Ġcrop": 13833, + "Ġproc": 13834, + "Ġexplosive": 13835, + "ĠFan": 13836, + "ĠArsenal": 13837, + "Author": 13838, + "eful": 13839, + "Ġmeals": 13840, + "Ġ(-": 13841, + "idays": 13842, + "Ġimagination": 13843, + "Ġannually": 13844, + "Ġms": 13845, + "asures": 13846, + "Head": 13847, + "ikh": 13848, + "matic": 13849, + "Ġboyfriend": 13850, + "ĠComputer": 13851, + "Ġbump": 13852, + "Ġsurge": 13853, + "ĠCraig": 13854, + "ĠKirk": 13855, + "Del": 13856, + "mediate": 13857, + "Ġscenarios": 13858, + "ĠMut": 13859, + "ĠStream": 13860, + "Ġcompetitors": 13861, + "ÙĦ": 13862, + "ĠStanford": 13863, + "ĠResources": 13864, + "azed": 13865, + "bage": 13866, + "Ġorganis": 13867, + "ĠRelease": 13868, + "Ġseparately": 13869, + "Ġhabits": 13870, + "Ġmeasurements": 13871, + "ĠClose": 13872, + "Ġaccompany": 13873, + "Ġgly": 13874, + "Ġtang": 13875, + "ĠRou": 13876, + "Ġplugin": 13877, + "Ġconvey": 13878, + "ĠChallenge": 13879, + "oots": 13880, + "jan": 13881, + "Ġcurs": 13882, + "ĠRelations": 13883, + "keeper": 13884, + "Ġapproaching": 13885, + "ping": 13886, + "Speaking": 13887, + "Ġarrangement": 13888, + "ĠVI": 13889, + "arettes": 13890, + "Ġaffecting": 13891, + "Ġpermits": 13892, + "because": 13893, + "Ġuseless": 13894, + "ĠHus": 13895, + "!!!!": 13896, + "Ġdestroying": 13897, + "Unfortunately": 13898, + "Ġfascinating": 13899, + "Sem": 13900, + "Ġelectoral": 13901, + "Ġtransparency": 13902, + "ĠChaos": 13903, + "Ġvolunteer": 13904, + "Ġstatistical": 13905, + "Ġactivated": 13906, + "rox": 13907, + "Web": 13908, + "HE": 13909, + "ĠHampshire": 13910, + "isive": 13911, + "Map": 13912, + "Ġtrash": 13913, + "ĠLawrence": 13914, + "stick": 13915, + "Cr": 13916, + "Ġrings": 13917, + "EXT": 13918, + "Ġoperational": 13919, + "opes": 13920, + "Does": 13921, + "ĠEvans": 13922, + "Ġwitnessed": 13923, + "Port": 13924, + "Ġlaunching": 13925, + "econom": 13926, + "wear": 13927, + "ĠParticip": 13928, + "umm": 13929, + "cules": 13930, + "ĠRAM": 13931, + "ĠTun": 13932, + "Ġassured": 13933, + "Ġbinary": 13934, + "Ġbetray": 13935, + "Ġexploration": 13936, + "ĠFel": 13937, + "Ġadmission": 13938, + "itated": 13939, + "Sy": 13940, + "Ġavoided": 13941, + "ĠSimulator": 13942, + "Ġcelebrated": 13943, + "ĠElectric": 13944, + "¥ŀ": 13945, + "Ġcluster": 13946, + "itzerland": 13947, + "health": 13948, + "Line": 13949, + "ĠNash": 13950, + "aton": 13951, + "Ġspare": 13952, + "Ġenterprise": 13953, + "ĠDIS": 13954, + "cludes": 13955, + "Ġflights": 13956, + "Ġregards": 13957, + "ĠÃĹ": 13958, + "half": 13959, + "Ġtrucks": 13960, + "Ġcontacts": 13961, + "Ġuncons": 13962, + "ĠClimate": 13963, + "Ġimmense": 13964, + "NEW": 13965, + "occ": 13966, + "ective": 13967, + "Ġembod": 13968, + "Ġpatrol": 13969, + "Ġbeside": 13970, + "Ġviable": 13971, + "Ġcreep": 13972, + "Ġtriggered": 13973, + "verning": 13974, + "Ġcomparable": 13975, + "ql": 13976, + "Ġgaining": 13977, + "asses": 13978, + "Ġ();": 13979, + "ĠGrey": 13980, + "ĠMLS": 13981, + "sized": 13982, + "Ġprosper": 13983, + "\"?": 13984, + "Ġpolling": 13985, + "Ġshar": 13986, + "ĠRC": 13987, + "Ġfirearm": 13988, + "orient": 13989, + "Ġfence": 13990, + "Ġvariations": 13991, + "giving": 13992, + "ĠPi": 13993, + "ospel": 13994, + "Ġpledge": 13995, + "Ġcure": 13996, + "Ġspy": 13997, + "Ġviolated": 13998, + "Ġrushed": 13999, + "Ġstroke": 14000, + "ĠBlog": 14001, + "sels": 14002, + "ĠEc": 14003, + ",''": 14004, + "Ġpale": 14005, + "ĠCollins": 14006, + "terror": 14007, + "ĠCanadians": 14008, + "Ġtune": 14009, + "Ġlaboratory": 14010, + "Ġnons": 14011, + "tarian": 14012, + "Ġdisability": 14013, + "ĠGam": 14014, + "Ġsinger": 14015, + "alg": 14016, + "ĠSenior": 14017, + "Ġtraded": 14018, + "ĠWarrior": 14019, + "Ġinfring": 14020, + "ĠFranklin": 14021, + "Ġstrain": 14022, + "ĠSwedish": 14023, + "Ġseventh": 14024, + "ĠBenn": 14025, + "ĠTell": 14026, + "Ġsyndrome": 14027, + "Ġwondered": 14028, + "iden": 14029, + "++++": 14030, + "igo": 14031, + "Ġpurple": 14032, + "Ġjournalism": 14033, + "Ġrebel": 14034, + "Ġfu": 14035, + "blog": 14036, + "Ġinvite": 14037, + "rencies": 14038, + "ĠContact": 14039, + "Israel": 14040, + "ĠContent": 14041, + "Ġcheer": 14042, + "Ġbedroom": 14043, + "ĠEngineering": 14044, + "ĠQueens": 14045, + "Ġdwell": 14046, + "ĠPlayStation": 14047, + "ĠDim": 14048, + "ĠColon": 14049, + "lr": 14050, + "Ġoperates": 14051, + "Ġmotivation": 14052, + "USA": 14053, + "astered": 14054, + "Core": 14055, + "ĠTruth": 14056, + "olo": 14057, + "OSE": 14058, + "ĠMemory": 14059, + "Ġpredec": 14060, + "Ġanarch": 14061, + "Ġ1920": 14062, + "ĠYam": 14063, + "è": 14064, + "bid": 14065, + "Ġgrateful": 14066, + "Ġexcitement": 14067, + "Ġtreasure": 14068, + "Ġlongest": 14069, + "ctive": 14070, + "Ġdeserves": 14071, + "Ġreserves": 14072, + "Ġcops": 14073, + "ĠOttawa": 14074, + "ĠEgyptian": 14075, + "anked": 14076, + "Ġartif": 14077, + "Ġhypothesis": 14078, + ":/": 14079, + "Ġpurchasing": 14080, + "Ġlovely": 14081, + "HP": 14082, + "Ġdivide": 14083, + "Ġstrictly": 14084, + "Ġquestioning": 14085, + "Ġtaxpayers": 14086, + "ĠJoy": 14087, + "Ġrolls": 14088, + "ĠHeavy": 14089, + "Ġports": 14090, + "Ġmagnetic": 14091, + "Ġinflamm": 14092, + "Ġbrush": 14093, + "tics": 14094, + "âĪĴ": 14095, + "Ġbottles": 14096, + "ppy": 14097, + "Ġpadd": 14098, + "ãĤ¯": 14099, + "million": 14100, + "Ġdevastating": 14101, + "Ġcompiled": 14102, + "Ġmedication": 14103, + "Ġtwelve": 14104, + "ĠPerry": 14105, + "Space": 14106, + "imb": 14107, + "your": 14108, + "Ġleaked": 14109, + "ĠTar": 14110, + "Ġunity": 14111, + "Ġinfected": 14112, + "Ġtraveled": 14113, + "IDE": 14114, + "ĠMcDonald": 14115, + "txt": 14116, + "ĠPrinc": 14117, + "Ġinterven": 14118, + "ĠTaiwan": 14119, + "ĠPow": 14120, + "Ġbearing": 14121, + "ĠThread": 14122, + "Ġzones": 14123, + "izards": 14124, + "unks": 14125, + "Chapter": 14126, + "llor": 14127, + "Ġ·": 14128, + "Ġwounds": 14129, + "Ġdiscretion": 14130, + "Ġsucceeded": 14131, + "iking": 14132, + "Ġiconic": 14133, + "Call": 14134, + "Ġscreening": 14135, + "ĠMis": 14136, + "icts": 14137, + "Ġministers": 14138, + "Ġseparation": 14139, + "Player": 14140, + "Ġbip": 14141, + "Ġbeloved": 14142, + "Ġcounting": 14143, + "ĠEye": 14144, + "around": 14145, + "inging": 14146, + "Ġtablet": 14147, + "Ġoffence": 14148, + "inance": 14149, + "have": 14150, + "ĠInfo": 14151, + "ĠNinja": 14152, + "Ġprotective": 14153, + "ĠCass": 14154, + "Mac": 14155, + "ĠQuality": 14156, + "North": 14157, + "Ġic": 14158, + "ĠCuba": 14159, + "ĠChronicle": 14160, + "ĠProperty": 14161, + "Ġfastest": 14162, + "otos": 14163, + "ĠGerm": 14164, + "OWN": 14165, + "Ġboom": 14166, + "ĠStanley": 14167, + "erguson": 14168, + "Ġclever": 14169, + "Ġenters": 14170, + "mode": 14171, + "terior": 14172, + "ĠSens": 14173, + "Ġlinear": 14174, + "ARK": 14175, + "Ġcomparing": 14176, + "Ġpurely": 14177, + "Ġsafer": 14178, + "ĠPotter": 14179, + "Ġcups": 14180, + "RT": 14181, + "Ġgluc": 14182, + "Ġattributed": 14183, + "Ġdupl": 14184, + "ĠPap": 14185, + "Ġprecious": 14186, + "Ġpa": 14187, + "ictionary": 14188, + "ĠTig": 14189, + "ĠToo": 14190, + "olutions": 14191, + "stan": 14192, + "Ġrobots": 14193, + "Ġlobb": 14194, + "Ġstatute": 14195, + "Ġprevention": 14196, + "western": 14197, + "160": 14198, + "ĠActive": 14199, + "ĠMaria": 14200, + "hal": 14201, + "None": 14202, + "ellar": 14203, + "ĠKB": 14204, + "ĠPartners": 14205, + "ĠSingle": 14206, + "ĠFollowing": 14207, + "ango": 14208, + "acious": 14209, + "Ġthou": 14210, + "Ġkg": 14211, + "Ġinfluential": 14212, + "ĠFriends": 14213, + "Sur": 14214, + "ainted": 14215, + "Ġforums": 14216, + "Ġstarter": 14217, + "Ġcitizenship": 14218, + "ĠElection": 14219, + "onge": 14220, + "otation": 14221, + "osph": 14222, + ";;;;": 14223, + "utical": 14224, + "pur": 14225, + "eren": 14226, + "Ġaccusations": 14227, + "bitious": 14228, + "abbit": 14229, + "ĠOrd": 14230, + "Posted": 14231, + "irk": 14232, + "Ġsensitivity": 14233, + "iche": 14234, + "ĠAmy": 14235, + "ĠFab": 14236, + "Ġsummit": 14237, + "Ġpedest": 14238, + "Ġrubber": 14239, + "Ġagricultural": 14240, + "Ġcancel": 14241, + "AE": 14242, + "Ġinaug": 14243, + "Ġcontam": 14244, + "Ġfirmly": 14245, + "iw": 14246, + "stage": 14247, + "ĠKan": 14248, + "Ġtier": 14249, + "Ġinvention": 14250, + "Ġtranslated": 14251, + "ĠRules": 14252, + "Box": 14253, + "Twitter": 14254, + "IDS": 14255, + "Ġpizza": 14256, + "Ġdebug": 14257, + "ĠDrop": 14258, + "vs": 14259, + "Ġhorses": 14260, + "big": 14261, + "Ġboring": 14262, + "Ġhood": 14263, + "ĠMcCain": 14264, + "atched": 14265, + "ĠBros": 14266, + "Ġskip": 14267, + "Ġessay": 14268, + "stat": 14269, + "ĠLegends": 14270, + "Ġammunition": 14271, + "auc": 14272, + "Ġshooter": 14273, + "Ġunh": 14274, + "Ġsupplied": 14275, + "Ġgeneric": 14276, + "ĠSK": 14277, + "iban": 14278, + "yrics": 14279, + "Ġ255": 14280, + "Ġclimbing": 14281, + "Former": 14282, + "Ġflip": 14283, + "Ġjumping": 14284, + "Ġfrustration": 14285, + "ĠTerry": 14286, + "Ġneighborhoods": 14287, + "Ġmedian": 14288, + "bean": 14289, + "Ġbrains": 14290, + "Following": 14291, + "Ġshaped": 14292, + "Ġdraws": 14293, + "Ġaltered": 14294, + "Jack": 14295, + "Ġrecipes": 14296, + "Ġskilled": 14297, + "wealth": 14298, + "achi": 14299, + "election": 14300, + "Ġbehaviors": 14301, + "deals": 14302, + "ĠUntil": 14303, + "Fe": 14304, + "Ġdeclaration": 14305, + "marks": 14306, + "ĠBetween": 14307, + "celona": 14308, + "Ġreson": 14309, + "Ġbubble": 14310, + "Among": 14311, + "Ġimperial": 14312, + "GS": 14313, + "Ġfeminist": 14314, + "2005": 14315, + "ĠKyle": 14316, + "Ġaccounting": 14317, + "ĠTele": 14318, + "ĠTyr": 14319, + "Ġconnecting": 14320, + "Ġrehab": 14321, + "ĠPred": 14322, + "sim": 14323, + "Ġmeantime": 14324, + "Ġphysician": 14325, + "MW": 14326, + "ĠCampbell": 14327, + "ĠBrandon": 14328, + "Ġcontributing": 14329, + "ĠRule": 14330, + "ĠWeight": 14331, + "ĠNap": 14332, + "Ġinteractive": 14333, + "Ġvag": 14334, + "Ġhelmet": 14335, + "ĠComb": 14336, + "four": 14337, + "Ġshipped": 14338, + "Ġcompleting": 14339, + "ĠPD": 14340, + "PDATE": 14341, + "Ġspreading": 14342, + "Ġscary": 14343, + "erving": 14344, + "ĠGas": 14345, + "Ġfrank": 14346, + "school": 14347, + "Ġromantic": 14348, + "Ġstabil": 14349, + "Rob": 14350, + "Ġaccurately": 14351, + "Ġacute": 14352, + "ĠHann": 14353, + "Ġsymbols": 14354, + "Ġcivilization": 14355, + "ĠAW": 14356, + "Ġlightning": 14357, + "Ġconsiders": 14358, + "Ġvenue": 14359, + "Ġ×": 14360, + "Ġoven": 14361, + "ĠSF": 14362, + "his": 14363, + "Ġnu": 14364, + "ĠLearn": 14365, + "Ġpeoples": 14366, + "Ġstd": 14367, + "Ġslee": 14368, + "Ġslic": 14369, + "ĠStatistics": 14370, + "Ġcorners": 14371, + "ĠBaker": 14372, + "Ġ:)": 14373, + "mentation": 14374, + "olver": 14375, + "Ġlaughing": 14376, + "ĠTodd": 14377, + "onde": 14378, + "ĠHills": 14379, + "Ġnuts": 14380, + "ĠWoman": 14381, + "plane": 14382, + "Ġliver": 14383, + "ĠInside": 14384, + "Sorry": 14385, + "Ġagrees": 14386, + "Ġfundament": 14387, + "ĠFisher": 14388, + "Ġauction": 14389, + "Ġthreads": 14390, + "glas": 14391, + "ĠBasic": 14392, + "ĠNat": 14393, + "Ġlacking": 14394, + "Ġcelebration": 14395, + "ju": 14396, + "Ġsilly": 14397, + "Euro": 14398, + "Ġtatt": 14399, + "ighty": 14400, + "controlled": 14401, + "Test": 14402, + "ĠSingh": 14403, + "Ġrage": 14404, + "Ġrhyth": 14405, + "offic": 14406, + "ĠPhantom": 14407, + "Ġheadlines": 14408, + "Ġresponding": 14409, + "ĠMorning": 14410, + "Ġvitamin": 14411, + "Ġboots": 14412, + "ĠSite": 14413, + "alin": 14414, + "pi": 14415, + "Ġviral": 14416, + "ĠUC": 14417, + "DER": 14418, + "ĠSex": 14419, + "Ġstocks": 14420, + "current": 14421, + "Ġchurches": 14422, + "ĠRare": 14423, + "ĠMurphy": 14424, + "Ġdenial": 14425, + "ĠGaming": 14426, + "Ġtoug": 14427, + "Ġnick": 14428, + "Ġmakers": 14429, + "ĠRonald": 14430, + "Ġgenerous": 14431, + "ĠDoc": 14432, + "ĠMorris": 14433, + "Ġtransformed": 14434, + "ĠNormal": 14435, + "Ġ104": 14436, + "ĠKickstarter": 14437, + "ĠUpon": 14438, + "Online": 14439, + "ĠIRS": 14440, + "Ġwrap": 14441, + "Ġloving": 14442, + "Ġarrives": 14443, + "ĠDue": 14444, + "Ġheter": 14445, + "ĠMade": 14446, + "Ġrental": 14447, + "Ġbelongs": 14448, + "Ġattorneys": 14449, + "Ġcrops": 14450, + "Ġmatched": 14451, + "ulum": 14452, + "oline": 14453, + "109": 14454, + "Ġdispar": 14455, + "Ġbuyers": 14456, + "ĠCambridge": 14457, + "Ġethics": 14458, + "roups": 14459, + "Ġjustified": 14460, + "Ġmarginal": 14461, + "Ġrespected": 14462, + "winning": 14463, + "Ġnodded": 14464, + "ĠSerge": 14465, + "ĠFormer": 14466, + "Craft": 14467, + "################": 14468, + "ĠWarner": 14469, + "Ġdash": 14470, + "ete": 14471, + "Ġentert": 14472, + "ĠEscape": 14473, + "outheast": 14474, + "Ġknees": 14475, + "ĠBomb": 14476, + "Ġrug": 14477, + "Pass": 14478, + "Ġattitudes": 14479, + "government": 14480, + "ĠPrior": 14481, + "Ġqualities": 14482, + "Ġnotification": 14483, + "ĠPhone": 14484, + "lie": 14485, + "Ġanticipated": 14486, + "ĠCombat": 14487, + "ĠBarry": 14488, + "Ġ1982": 14489, + "Users": 14490, + "oner": 14491, + "Ġcomputing": 14492, + "ĠConnecticut": 14493, + "Ġlesser": 14494, + "Ġpeers": 14495, + "ĠCu": 14496, + "Ġtechnically": 14497, + "Ġsubmission": 14498, + "ĠUniversal": 14499, + "Ġmanually": 14500, + "ourge": 14501, + "Ġrespondents": 14502, + "ĠBTC": 14503, + "ĠHost": 14504, + "Ġfare": 14505, + "ĠBird": 14506, + "Ġreceipt": 14507, + "also": 14508, + "Ġjack": 14509, + "Ġagriculture": 14510, + "Ġskull": 14511, + "Ġ!=": 14512, + "Ġpassive": 14513, + "ĠCI": 14514, + "Ġsocieties": 14515, + "Ġreminded": 14516, + "Ġinterference": 14517, + "Buy": 14518, + "Ġâľ": 14519, + "gon": 14520, + "Ġscrutiny": 14521, + "ĠWitch": 14522, + "Ġconducting": 14523, + "Ġãĥ": 14524, + "Ġexchanges": 14525, + "ĠMitchell": 14526, + "Ġinhabit": 14527, + "Ġtwist": 14528, + "BD": 14529, + "Ġwherever": 14530, + "groupon": 14531, + "Ġjokes": 14532, + "ĠBenjamin": 14533, + "ĠRandom": 14534, + "frame": 14535, + "ĠLions": 14536, + "Ġhighlighted": 14537, + "ĠArkansas": 14538, + "Ent": 14539, + "Ġpile": 14540, + "Ġprelim": 14541, + "gs": 14542, + "minded": 14543, + "Ġfelony": 14544, + "ĠGA": 14545, + "ĠLuck": 14546, + "Ġpractically": 14547, + "ĠBos": 14548, + "Ġactress": 14549, + "Dam": 14550, + "ĠBou": 14551, + "Ġvisa": 14552, + "Ġembedded": 14553, + "Ġhybrid": 14554, + "Ġearliest": 14555, + "Ġsooner": 14556, + "social": 14557, + "ĠHA": 14558, + "Ġsteep": 14559, + "Ġdisadvant": 14560, + "Ġexploit": 14561, + "ĠEgg": 14562, + "ĠUltra": 14563, + "Ġnecessity": 14564, + "Local": 14565, + "iege": 14566, + "Ġdated": 14567, + "Ġmasses": 14568, + "Ġsubscription": 14569, + "pless": 14570, + "Ġanonym": 14571, + "Ġpresumably": 14572, + "Blue": 14573, + "Their": 14574, + "asketball": 14575, + "ĠPhilip": 14576, + "Ġcomed": 14577, + "loaded": 14578, + "rane": 14579, + "Ġreflection": 14580, + "China": 14581, + "Ġextends": 14582, + "Ġforming": 14583, + "Ġunders": 14584, + "2001": 14585, + "Ġgrat": 14586, + "Ġconcentrations": 14587, + "Ġinsulin": 14588, + "Ġsecular": 14589, + "Ġwhilst": 14590, + "Ġwinners": 14591, + "Advertisements": 14592, + "Ġdeliberately": 14593, + "ĠWorking": 14594, + "Ġsink": 14595, + "etics": 14596, + "dale": 14597, + "Ġmandate": 14598, + "Ġgram": 14599, + "Ġvacation": 14600, + "Ġwarnings": 14601, + "ripp": 14602, + "ĠTHAT": 14603, + "Ġcommentary": 14604, + "Ġintu": 14605, + "Ġaest": 14606, + "Ġreasoning": 14607, + "Ġbreakdown": 14608, + "ĠZombie": 14609, + "Ġ-->": 14610, + "ĠPolitical": 14611, + "cott": 14612, + "Ġthrust": 14613, + "Ġtechnological": 14614, + "Ġdeciding": 14615, + "Ġtrafficking": 14616, + "Long": 14617, + "Welcome": 14618, + "prising": 14619, + "ĠCommunications": 14620, + "Ġendors": 14621, + "Ġswift": 14622, + "Ġmetabol": 14623, + "coins": 14624, + "resa": 14625, + "ĠHTTP": 14626, + "Ġenroll": 14627, + "ĠHappy": 14628, + "usr": 14629, + "intage": 14630, + "Ġ[\"": 14631, + "uably": 14632, + "ĠMaterial": 14633, + "Ġrepeal": 14634, + "Sept": 14635, + "kh": 14636, + "ĠModi": 14637, + "Ġunderneath": 14638, + "ĠIL": 14639, + "shore": 14640, + "Ġdiagnosed": 14641, + "aceutical": 14642, + "Ġshower": 14643, + "aux": 14644, + "ĠSwitch": 14645, + "ĠStrength": 14646, + "Ġjihad": 14647, + "national": 14648, + "Ġtrauma": 14649, + "ussy": 14650, + "oni": 14651, + "Ġconsolid": 14652, + "Ġcalories": 14653, + "ĠFlynn": 14654, + "agged": 14655, + "168": 14656, + "ĠPink": 14657, + "Ġfulfill": 14658, + "Ġchains": 14659, + "Ġnotably": 14660, + "ĠAV": 14661, + "Life": 14662, + "ĠChuck": 14663, + "mus": 14664, + "ĠUrban": 14665, + "ĠHend": 14666, + "Ġdeposit": 14667, + "ĠSad": 14668, + "Ġaffair": 14669, + "ORK": 14670, + "ieval": 14671, + "ĠFDA": 14672, + "Ġtrop": 14673, + "ĠOverall": 14674, + "Ġvirtue": 14675, + "Ġsatisfaction": 14676, + "aund": 14677, + "Ġlun": 14678, + "ĠSwitzerland": 14679, + "ĠOperation": 14680, + "process": 14681, + "Ġshook": 14682, + "Ġcounties": 14683, + "leased": 14684, + "ĠCharlotte": 14685, + "112": 14686, + "Ġtranscript": 14687, + "Ġredd": 14688, + "push": 14689, + "ĠHey": 14690, + "ĠAnalysis": 14691, + "[\"": 14692, + "Ġalternatives": 14693, + "ardless": 14694, + "Ġeleph": 14695, + "Ġprejud": 14696, + "ĠLeaf": 14697, + "Having": 14698, + "ĠHub": 14699, + "Ġexpressions": 14700, + "ĠVolume": 14701, + "Ġshocking": 14702, + "ĠReds": 14703, + "Ġreadily": 14704, + "Ġplanets": 14705, + "adata": 14706, + "Ġcollapsed": 14707, + "ĠMadrid": 14708, + "Ġirrit": 14709, + "ipper": 14710, + "ĠEnc": 14711, + "ĠWire": 14712, + "Ġbuzz": 14713, + "ĠGP": 14714, + "asha": 14715, + "Ġaccidentally": 14716, + "uru": 14717, + "Ġfrustrated": 14718, + "ĠSA": 14719, + "Ġhungry": 14720, + "ĠHuff": 14721, + "Ġlabels": 14722, + "anto": 14723, + "ĠEP": 14724, + "Ġbarriers": 14725, + ")|": 14726, + "ĠBerkeley": 14727, + "ĠJets": 14728, + "Ġpairs": 14729, + "ĠLan": 14730, + "James": 14731, + "ĠBear": 14732, + "Ġhumor": 14733, + "ĠLiberty": 14734, + "Ġmagnitude": 14735, + "Ġaging": 14736, + "ĠMason": 14737, + "Ġfriendship": 14738, + "umbling": 14739, + "Ġemerge": 14740, + "Ġnewspapers": 14741, + "Ġambitious": 14742, + "ĠRichards": 14743, + "aternal": 14744, + "Ġ1981": 14745, + "Ġcookies": 14746, + "Ġsculpt": 14747, + "Ġpursuit": 14748, + "Location": 14749, + "Ġscripts": 14750, + "pc": 14751, + "Ġarrangements": 14752, + "Ġdiameter": 14753, + "Ġloses": 14754, + "amation": 14755, + "Ġliqu": 14756, + "ĠJake": 14757, + "arette": 14758, + "Ġunderstands": 14759, + "ĠZen": 14760, + "vm": 14761, + "Ġapprove": 14762, + "Ġwip": 14763, + "Ġultra": 14764, + "Ġintend": 14765, + "ĠDI": 14766, + "ascular": 14767, + "Ġstays": 14768, + "ĠKor": 14769, + "ĠKl": 14770, + "Ġinvesting": 14771, + "La": 14772, + "Ġbelieving": 14773, + "bad": 14774, + "mouth": 14775, + "Ġtaxpayer": 14776, + "ãĥĥ": 14777, + "ĠQuebec": 14778, + "Ġlap": 14779, + "ĠSwiss": 14780, + "drop": 14781, + "Ġdrain": 14782, + "iri": 14783, + "etc": 14784, + "ften": 14785, + "ĠNex": 14786, + "Ġstraw": 14787, + "Ġscreaming": 14788, + "Ġcounted": 14789, + "Ġdamaging": 14790, + "Ġambassador": 14791, + "century": 14792, + "Ġprox": 14793, + "Ġarrests": 14794, + "uv": 14795, + "ilateral": 14796, + "ĠCharg": 14797, + "Ġprescribed": 14798, + "Ġindependently": 14799, + "Ġfierce": 14800, + "ĠBaby": 14801, + "Ġbrave": 14802, + "Ġsuits": 14803, + "=>": 14804, + "Ġbaseline": 14805, + "ĠRate": 14806, + "Ġislands": 14807, + "Ġ((": 14808, + "green": 14809, + "ixels": 14810, + "Ġnamely": 14811, + "ĠVillage": 14812, + "than": 14813, + "amy": 14814, + "Version": 14815, + "gmail": 14816, + "entials": 14817, + "ĠSud": 14818, + "ĠMelbourne": 14819, + "Ġarriving": 14820, + "Ġquantum": 14821, + "eff": 14822, + "ropolitan": 14823, + "Tri": 14824, + "Ġfuneral": 14825, + "ĠIR": 14826, + "ÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤ": 14827, + "ĠCob": 14828, + "itably": 14829, + "Ġturb": 14830, + "Ġcombo": 14831, + "Review": 14832, + "Ġdeployment": 14833, + "uity": 14834, + "ĠBott": 14835, + "Ġinvisible": 14836, + "Ġrendering": 14837, + "Ġunlocked": 14838, + "Ġaqu": 14839, + "ĠVladimir": 14840, + "Ġpad": 14841, + "ĠBrain": 14842, + "ĠLegacy": 14843, + "dragon": 14844, + "ĠKurdish": 14845, + "Ġsounded": 14846, + "Ġdetained": 14847, + "ĠDM": 14848, + "gary": 14849, + "Ġdaughters": 14850, + "Ġdisturbing": 14851, + "uka": 14852, + "ĠParad": 14853, + "Ġtast": 14854, + "Ġunfortunate": 14855, + "Ġul": 14856, + "emin": 14857, + "Ġattendance": 14858, + "trl": 14859, + "Ġparks": 14860, + "ĠMemorial": 14861, + "ĠAlice": 14862, + "othy": 14863, + "guard": 14864, + "ĠDise": 14865, + "ĠShan": 14866, + "ĠForum": 14867, + "Rich": 14868, + "Ġshifted": 14869, + "uez": 14870, + "Ġlighter": 14871, + "ĠMagn": 14872, + "Ġcod": 14873, + "Sch": 14874, + "hammad": 14875, + "Pub": 14876, + "350": 14877, + "ĠPokemon": 14878, + "Ġprototype": 14879, + "Ġunre": 14880, + "Base": 14881, + "ĠStudents": 14882, + "ĠReply": 14883, + "ĠCommunist": 14884, + "Ġgau": 14885, + "ĠTyler": 14886, + "IZ": 14887, + "Ġparticipated": 14888, + "Ġsuprem": 14889, + "ĠDetails": 14890, + "Ġvessels": 14891, + "rod": 14892, + "Ġtribe": 14893, + "keep": 14894, + "Ġassumptions": 14895, + "Ġpound": 14896, + "Ġcrude": 14897, + "ĠAvailable": 14898, + "Ġswimming": 14899, + "Ġinclusion": 14900, + "Ġadvances": 14901, + "culation": 14902, + "Ġconservation": 14903, + "Ġoverd": 14904, + "ĠBuffalo": 14905, + "Article": 14906, + "edge": 14907, + "Ġawa": 14908, + "ĠMadison": 14909, + "Ġsidew": 14910, + "Ġcatast": 14911, + "ĠKrist": 14912, + "ucle": 14913, + "ĠHighway": 14914, + "ĠTerror": 14915, + "Ġactivation": 14916, + "Ġunconscious": 14917, + "ĠSatan": 14918, + "ĠSusan": 14919, + "illery": 14920, + "Ġarranged": 14921, + "iop": 14922, + "Ġrumors": 14923, + "urring": 14924, + "think": 14925, + "ĠKeith": 14926, + "ĠKind": 14927, + "Ġavoiding": 14928, + "byn": 14929, + "nut": 14930, + "ĠSpeaker": 14931, + "rus": 14932, + "names": 14933, + "Ġguilt": 14934, + "ĠOlympics": 14935, + "Ġsail": 14936, + "ĠMes": 14937, + "levant": 14938, + "ĠColumbus": 14939, + "aft": 14940, + "City": 14941, + "South": 14942, + "ĠHarvey": 14943, + "ĠPun": 14944, + "Several": 14945, + "Ġmentally": 14946, + "Ġimpress": 14947, + "mount": 14948, + "ĠUbuntu": 14949, + "âĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶ": 14950, + "ĠSuperman": 14951, + "ĠMPs": 14952, + "Ġintentions": 14953, + "ĠRacing": 14954, + "Ġlikelihood": 14955, + "Ġ240": 14956, + "Total": 14957, + "Ġtoys": 14958, + "ĠWatson": 14959, + "Ġurge": 14960, + "Lear": 14961, + "ĠPaper": 14962, + "Ġoccurring": 14963, + "ĠBeng": 14964, + "ĠCert": 14965, + "Ġstones": 14966, + "Tim": 14967, + "ĠTwin": 14968, + "zb": 14969, + "ĠDynam": 14970, + "Ġpolitician": 14971, + "kens": 14972, + "ĠEnterprise": 14973, + "UTERS": 14974, + "Ġabol": 14975, + "Ġrefresh": 14976, + "Ġarbitrary": 14977, + "pection": 14978, + "Ġtroubles": 14979, + "Ġ});": 14980, + "tv": 14981, + "Ġpilots": 14982, + "Ġdistribute": 14983, + "Ġaudit": 14984, + "Ġpause": 14985, + "original": 14986, + "Ġrivals": 14987, + "£": 14988, + "Fig": 14989, + "TL": 14990, + "abil": 14991, + "rying": 14992, + "Lin": 14993, + "ioned": 14994, + "lon": 14995, + "Ġfancy": 14996, + "Ġcrashed": 14997, + "Ġtract": 14998, + "Ġshed": 14999, + "Ġconsume": 15000, + "Based": 15001, + "download": 15002, + "init": 15003, + "Ġvoltage": 15004, + "Introdu": 15005, + "Ġcondemned": 15006, + "ĠFinance": 15007, + "respect": 15008, + "Ġexcluded": 15009, + "Ġestablishing": 15010, + "heric": 15011, + "Ġheritage": 15012, + "Ġspectacular": 15013, + "Ġunst": 15014, + "ĠSnowden": 15015, + "ĠLane": 15016, + "San": 15017, + "Ġprotections": 15018, + "struction": 15019, + "incinn": 15020, + "Ġmacro": 15021, + "Custom": 15022, + "iosity": 15023, + "Ġesp": 15024, + "Ġfunctioning": 15025, + "Ġmush": 15026, + "Ġpuzzle": 15027, + "Ġethical": 15028, + "Mal": 15029, + "Ġgoverning": 15030, + "ĠFerguson": 15031, + "Ġrestored": 15032, + "Ġstressed": 15033, + "ĠCounter": 15034, + "ĠKas": 15035, + "clip": 15036, + "ANS": 15037, + "Ġseiz": 15038, + "UK": 15039, + "byss": 15040, + "oldown": 15041, + "api": 15042, + "Ġpermanently": 15043, + "ounters": 15044, + "West": 15045, + "Through": 15046, + "Light": 15047, + "atoes": 15048, + "Ġneat": 15049, + "Ġcord": 15050, + "urer": 15051, + "Ġseverely": 15052, + "ĠAven": 15053, + "Ġinterrog": 15054, + "Ġtriple": 15055, + "Given": 15056, + "Number": 15057, + "Ġarise": 15058, + "Ġsher": 15059, + "plant": 15060, + "Ġflower": 15061, + "ĠCou": 15062, + "Ġate": 15063, + "Ġnewer": 15064, + "bul": 15065, + "Ġmeanwhile": 15066, + "ĠLair": 15067, + "Ġadjustment": 15068, + "ĠCopyright": 15069, + "Ġdivers": 15070, + "iological": 15071, + "Ġgamers": 15072, + "oat": 15073, + "Ġhistorically": 15074, + "Ġanalog": 15075, + "Ġlongtime": 15076, + "Ġprescription": 15077, + "ĠMist": 15078, + "ĠHyper": 15079, + "ĠMaine": 15080, + "ĠDeity": 15081, + "Ġmultipl": 15082, + "ĠReincarn": 15083, + "ĠHyd": 15084, + "ĠPic": 15085, + "Sil": 15086, + "rants": 15087, + "ĠCris": 15088, + ".;": 15089, + "({": 15090, + "ependence": 15091, + "Ġrecy": 15092, + "ateur": 15093, + "Ġquad": 15094, + "Ġglob": 15095, + "Ġconced": 15096, + "team": 15097, + "Ġcapitalist": 15098, + "ĠLot": 15099, + "Ġroyal": 15100, + "ĠCyber": 15101, + "Ġblacks": 15102, + "metic": 15103, + "riv": 15104, + "ĠDanny": 15105, + "Ġspo": 15106, + "ĠRO": 15107, + "Ġanimated": 15108, + "rypted": 15109, + "ĠDeputy": 15110, + "Ġrendered": 15111, + "FE": 15112, + "Ġstreak": 15113, + "Ġclouds": 15114, + "ĠDoug": 15115, + "~~~~~~~~": 15116, + "Ġdiscour": 15117, + "ĠVeh": 15118, + "Ġpsychology": 15119, + "ĠJourney": 15120, + "Ġcrystal": 15121, + "ĠFrost": 15122, + "Ġsuspicion": 15123, + "Ġrelate": 15124, + "orus": 15125, + "ĠCrypt": 15126, + "ĠNVIDIA": 15127, + "comed": 15128, + "uting": 15129, + "incinnati": 15130, + "Ġvulnerability": 15131, + "ostic": 15132, + "Ġisolation": 15133, + "Ġcooling": 15134, + "ĠCoalition": 15135, + "Ġ119": 15136, + "Four": 15137, + "ĠDeal": 15138, + "Ġâī": 15139, + "semble": 15140, + "rament": 15141, + "ĠBarcelona": 15142, + "Ġ102": 15143, + "Ġcocaine": 15144, + "ocalypse": 15145, + "Feb": 15146, + "ogenic": 15147, + "Ġmutation": 15148, + "Ġcryptoc": 15149, + "ĠKel": 15150, + "ĠGit": 15151, + "ais": 15152, + "Ġsisters": 15153, + "ANK": 15154, + "Ġactivate": 15155, + "Ter": 15156, + "Ġdread": 15157, + "ylon": 15158, + "Ġpropri": 15159, + "Aust": 15160, + "ĠDefault": 15161, + "Ġoutdoor": 15162, + "Ġsheer": 15163, + "ceive": 15164, + "Ġgently": 15165, + "о": 15166, + "Program": 15167, + "ĠâĨĴ": 15168, + "Ġvegan": 15169, + "ĠCrus": 15170, + "Ġresponsibilities": 15171, + "ĠHR": 15172, + "OLD": 15173, + "Ġprevents": 15174, + "Ġstiff": 15175, + "ĠWere": 15176, + "Ġathletic": 15177, + "ĠScore": 15178, + "Ġ):": 15179, + "Ġcolumns": 15180, + "ĠLoc": 15181, + "available": 15182, + "ĠFram": 15183, + "ĠSessions": 15184, + "Ġcompanion": 15185, + "Ġpacks": 15186, + "140": 15187, + "ĠKnights": 15188, + "Ġfart": 15189, + "Ġstreams": 15190, + "Ġshore": 15191, + "Ġappeals": 15192, + "ĠPerformance": 15193, + "haul": 15194, + "ĠStra": 15195, + "ĠNag": 15196, + "103": 15197, + "ĠTransportation": 15198, + "BB": 15199, + "Ev": 15200, + "zan": 15201, + "Public": 15202, + "Ġtwin": 15203, + "ulsion": 15204, + "Mult": 15205, + "Ġelectro": 15206, + "Ġstatue": 15207, + "ationally": 15208, + "ĠNort": 15209, + "Ġinspection": 15210, + "/*": 15211, + "igue": 15212, + "Ġcompassion": 15213, + "ĠTales": 15214, + "ĠStein": 15215, + "ĠScreen": 15216, + "ĠBug": 15217, + "ĠLion": 15218, + "girl": 15219, + "Ġwithdrawal": 15220, + "Ġobjectives": 15221, + "Ġbloody": 15222, + "Ġpreliminary": 15223, + "Ġjacket": 15224, + "Ġdimensions": 15225, + "ĠCool": 15226, + "ĠOccup": 15227, + "Ġwreck": 15228, + "Ġdoubled": 15229, + "anking": 15230, + "Ġ1975": 15231, + "Ġglasses": 15232, + "ĠWang": 15233, + "prov": 15234, + "Path": 15235, + "connected": 15236, + "ĠMulti": 15237, + "ĠNorway": 15238, + "agonist": 15239, + "Ġfeared": 15240, + "Ġtouching": 15241, + "Ġarguably": 15242, + "¯¯¯¯¯¯¯¯": 15243, + "ĠNCAA": 15244, + "chem": 15245, + "Ġspat": 15246, + "ĠWWE": 15247, + "ĠCel": 15248, + "igger": 15249, + "Ġattacker": 15250, + "ĠJoin": 15251, + "object": 15252, + "etta": 15253, + "Ġeliminated": 15254, + "det": 15255, + "Ġdestruct": 15256, + "ĠLucas": 15257, + "ctuary": 15258, + "180": 15259, + "ĠBrady": 15260, + "ĠBlues": 15261, + "Bay": 15262, + "aukee": 15263, + "Ġtimeline": 15264, + "Ġdelegates": 15265, + "written": 15266, + "ufficient": 15267, + "Ġshapes": 15268, + "Copyright": 15269, + "ouble": 15270, + "service": 15271, + "Ġpione": 15272, + "Ġcolleges": 15273, + "Ġrows": 15274, + "Ġspite": 15275, + "Ġassessed": 15276, + "360": 15277, + "Ġlease": 15278, + "Ġconfidential": 15279, + "cker": 15280, + "ĠManning": 15281, + "ĠVoice": 15282, + "Ġsealed": 15283, + "Ġcalculate": 15284, + "NO": 15285, + "ĠAssistant": 15286, + "Ġteenager": 15287, + "ulent": 15288, + "atherine": 15289, + "Ġmock": 15290, + "Ġdiamond": 15291, + "Ġfest": 15292, + "Ġswitched": 15293, + "Ġresume": 15294, + "ĠPuerto": 15295, + "Ġlanes": 15296, + "iration": 15297, + "ĠSimilarly": 15298, + "Ġrod": 15299, + "ĠSel": 15300, + "ĠPalace": 15301, + "ĠLimited": 15302, + "eous": 15303, + "Ġvariant": 15304, + "Ġward": 15305, + "Ġ))": 15306, + "Show": 15307, + "OOK": 15308, + "Alex": 15309, + "ĠNep": 15310, + "bris": 15311, + "ĠWikipedia": 15312, + "Ġexceptional": 15313, + "Ġmanages": 15314, + "ĠDraw": 15315, + "Again": 15316, + "Ġcopper": 15317, + "utt": 15318, + "Ġexports": 15319, + "Ġportfolio": 15320, + "Ġelevated": 15321, + "Rated": 15322, + "ĠOtherwise": 15323, + "ĠTact": 15324, + "ĠShel": 15325, + "ĠTX": 15326, + "\"âĢĶ": 15327, + "Ġresur": 15328, + "ĠWa": 15329, + "venant": 15330, + "Ġmonetary": 15331, + "people": 15332, + "Email": 15333, + "Ġfifty": 15334, + "ĠSweet": 15335, + "ĠMalaysia": 15336, + "Ġconfusing": 15337, + "ĠRio": 15338, + "uda": 15339, + "utenant": 15340, + "\");": 15341, + "Ġpraised": 15342, + "Ġvolumes": 15343, + "turn": 15344, + "Ġmature": 15345, + "Ġnonprofit": 15346, + "Ġpassionate": 15347, + "ĠPrivate": 15348, + "Ġ103": 15349, + "Ġdescend": 15350, + "ç¥ŀ": 15351, + "uffy": 15352, + "headed": 15353, + "Whether": 15354, + "rien": 15355, + "zech": 15356, + "beit": 15357, + "Ġchrom": 15358, + "ĠMcM": 15359, + "Ġdancing": 15360, + "Ġeleg": 15361, + "ĠNoticed": 15362, + "115": 15363, + "Ġadvocacy": 15364, + "ENTS": 15365, + "ambling": 15366, + "ĠMinor": 15367, + "ĠFinn": 15368, + "Ġpriorities": 15369, + "Ġthereof": 15370, + "ĠStage": 15371, + "ĠRogers": 15372, + "Ġsubstitute": 15373, + "ĠJar": 15374, + "ĠJefferson": 15375, + "Ġlightly": 15376, + "102": 15377, + "ĠLisa": 15378, + "uits": 15379, + "ysical": 15380, + "Ġshifts": 15381, + "Ġdrones": 15382, + "Ġworkplace": 15383, + "Ġresid": 15384, + "ensed": 15385, + "ahn": 15386, + "Ġpreferences": 15387, + "server": 15388, + "Ġdebates": 15389, + "doc": 15390, + "ĠGods": 15391, + "Ġhelicopter": 15392, + "Ġhonour": 15393, + "Ġconsiderably": 15394, + "eded": 15395, + "ĠFemale": 15396, + "ĠAnne": 15397, + "Ġreun": 15398, + "ĠFace": 15399, + "ĠHallow": 15400, + "ĠBudget": 15401, + "Ġcondemn": 15402, + "Ġtender": 15403, + "Prof": 15404, + "ocratic": 15405, + "ĠTurner": 15406, + "ĠAgric": 15407, + "Ġ1976": 15408, + "Ġapt": 15409, + "disc": 15410, + "ĠFighter": 15411, + "ĠAur": 15412, + "Ġgarbage": 15413, + "input": 15414, + "ĠKarl": 15415, + "ĠOliver": 15416, + "ĠLanguage": 15417, + "kn": 15418, + "Non": 15419, + "ĠClar": 15420, + "Ġtraditions": 15421, + "Ġadvertisement": 15422, + "ĠSor": 15423, + "Ġarchive": 15424, + "Ġvillages": 15425, + "750": 15426, + "Ġimplementing": 15427, + "waukee": 15428, + "Ġdietary": 15429, + "Ġswitching": 15430, + "Republic": 15431, + "Ġvelocity": 15432, + "Ġcit": 15433, + "ĠAwards": 15434, + "Ġfinancing": 15435, + "Ġlasted": 15436, + ")]": 15437, + "Ġreminder": 15438, + "Person": 15439, + "Ġprecision": 15440, + "Ġdesigners": 15441, + "ĠFried": 15442, + "ĠBorder": 15443, + "Ġtragic": 15444, + "Ġwield": 15445, + "Ġinitiatives": 15446, + "ĠTank": 15447, + "wer": 15448, + "Ġjoins": 15449, + "Ro": 15450, + "inery": 15451, + "Ġarrow": 15452, + "Ġgenerating": 15453, + "founder": 15454, + "Ġsearches": 15455, + "Ġrandomly": 15456, + "Access": 15457, + "Ġbatch": 15458, + "Ġposed": 15459, + "lat": 15460, + "Ġpursuing": 15461, + "asa": 15462, + "Ġtestified": 15463, + "forming": 15464, + "ĠShar": 15465, + "wiki": 15466, + "ĠEither": 15467, + "Sometimes": 15468, + "Ġsenators": 15469, + "ĠJohnny": 15470, + "ĠTaliban": 15471, + "ĠGPS": 15472, + "\":\"/": 15473, + "ãģ®å": 15474, + "Ġanalyzed": 15475, + "ĠRubio": 15476, + "ĠMovement": 15477, + "opard": 15478, + "iii": 15479, + "Stand": 15480, + "fight": 15481, + "Ġignoring": 15482, + "iang": 15483, + "ĠGN": 15484, + "soever": 15485, + "ĠSTAT": 15486, + "Ġrefusing": 15487, + "Ġsweat": 15488, + "Ġbay": 15489, + "PORT": 15490, + "irmed": 15491, + "aky": 15492, + "Ġdispro": 15493, + "Ġlabeled": 15494, + "Ġ108": 15495, + "Hello": 15496, + "Ġpleasant": 15497, + "aba": 15498, + "Ġtriumph": 15499, + "Ġaboard": 15500, + "Ġincom": 15501, + "ĠCrow": 15502, + "lett": 15503, + "Ġfolk": 15504, + "Ġchase": 15505, + "``": 15506, + "ĠBrus": 15507, + "Ġteens": 15508, + "cue": 15509, + "Ġterrain": 15510, + "hyd": 15511, + "ilight": 15512, + "ORY": 15513, + "Support": 15514, + "ews": 15515, + "lli": 15516, + "raints": 15517, + "ĠCand": 15518, + "Ġabused": 15519, + "achment": 15520, + "larg": 15521, + "Bas": 15522, + "ĠCancer": 15523, + "Ġ1978": 15524, + "Ġsupporter": 15525, + "access": 15526, + "ĠTermin": 15527, + "ĠTampa": 15528, + "ĠANY": 15529, + "Ġnewest": 15530, + "ĠCriminal": 15531, + "edu": 15532, + "Ġ1930": 15533, + "Ġadmits": 15534, + "Ġende": 15535, + "Ġfailures": 15536, + "urate": 15537, + "fulness": 15538, + "cycl": 15539, + "ĠSubject": 15540, + "Ġinfinite": 15541, + "three": 15542, + "WA": 15543, + "pit": 15544, + "ĠInstall": 15545, + "Rad": 15546, + "iliation": 15547, + "GM": 15548, + "Ġcontinent": 15549, + "Ġaccommodate": 15550, + "ĠClay": 15551, + "Ġpup": 15552, + "ĠFunction": 15553, + "Ġhammer": 15554, + "ĠAlberta": 15555, + "Ġrevised": 15556, + "Ġminorities": 15557, + "Ġmeasurement": 15558, + "Connell": 15559, + "Ġdisable": 15560, + "ĠMix": 15561, + "Incre": 15562, + "Ġfork": 15563, + "ĠRosen": 15564, + "Ġimplies": 15565, + "umblr": 15566, + "ANG": 15567, + "Ġproteins": 15568, + "Ġaggression": 15569, + "Ġfacilitate": 15570, + "SN": 15571, + "Ġillegally": 15572, + "uer": 15573, + "Ġacadem": 15574, + "Ġpuzz": 15575, + "ĠShift": 15576, + "pay": 15577, + "ollo": 15578, + "Ġaudiences": 15579, + "Build": 15580, + "Ġnoble": 15581, + "Ġsyntax": 15582, + "âĺħ": 15583, + "Ġbeam": 15584, + "ĠBed": 15585, + "ĠAld": 15586, + "Ġorigins": 15587, + "video": 15588, + "Ġ1977": 15589, + "ĠAssault": 15590, + "Ġgarage": 15591, + "Team": 15592, + "Ġverdict": 15593, + "Ġdwar": 15594, + "ĠVirtual": 15595, + "event": 15596, + "Keep": 15597, + "Ġsentiment": 15598, + "Ġwildlife": 15599, + "shirt": 15600, + "Ġburg": 15601, + "Ġrecommendation": 15602, + "represent": 15603, + "Ġgallery": 15604, + "owners": 15605, + "Ġscholar": 15606, + "Ġconvenience": 15607, + "ĠSwift": 15608, + "Ġconvinc": 15609, + "Cap": 15610, + "Ġwarfare": 15611, + "ĠVisual": 15612, + "Ġconstitute": 15613, + "Ġabort": 15614, + "ĠWeather": 15615, + "ĠLooking": 15616, + "ĠHem": 15617, + "Ġmartial": 15618, + "Ġincoming": 15619, + "etition": 15620, + "Ġtolerance": 15621, + "ĠCreated": 15622, + "Ġflows": 15623, + "ĠElder": 15624, + "Ġsouls": 15625, + "Ġfoul": 15626, + "ĠPain": 15627, + "ĠCAN": 15628, + "Ġ220": 15629, + "bc": 15630, + "hend": 15631, + "Ġgenius": 15632, + "Real": 15633, + "ĠWr": 15634, + "ometer": 15635, + "pad": 15636, + "Ġlimiting": 15637, + "ĠSi": 15638, + "ĠLore": 15639, + "ĠAdventures": 15640, + "Ġvaried": 15641, + "Disc": 15642, + "fin": 15643, + "ĠPersonal": 15644, + "Chris": 15645, + "Ġinvented": 15646, + "Ġdive": 15647, + "ĠRise": 15648, + "Ġoz": 15649, + "ĠComics": 15650, + "Ġexpose": 15651, + "ĠReb": 15652, + "letters": 15653, + "site": 15654, + "imated": 15655, + "Ġhacking": 15656, + "Ġeducated": 15657, + "ĠNobody": 15658, + "Ġdepri": 15659, + "Ġincentive": 15660, + "ãĤ·": 15661, + "Ġoversight": 15662, + "Ġtribes": 15663, + "ĠBelgium": 15664, + "Ġlicensing": 15665, + "ourt": 15666, + "Product": 15667, + "ahl": 15668, + "ĠGem": 15669, + "Ġspecialist": 15670, + "Ġcra": 15671, + "anners": 15672, + "ĠCorbyn": 15673, + "Ġ1973": 15674, + "READ": 15675, + "Ġsummar": 15676, + "Ġoverlook": 15677, + "ĠApplication": 15678, + "Ġinappropriate": 15679, + "Ġdownloaded": 15680, + "Que": 15681, + "ĠBears": 15682, + "Ġthumb": 15683, + "ĠCharacter": 15684, + "ĠReincarnated": 15685, + "ĠSid": 15686, + "Ġdemonstrates": 15687, + "sky": 15688, + "ĠBloomberg": 15689, + "ĠArray": 15690, + "ĠResults": 15691, + "ĠFourth": 15692, + "ĠEDT": 15693, + "ĠOscar": 15694, + "cend": 15695, + "Ġ106": 15696, + "ĠNULL": 15697, + "ĠHERE": 15698, + "match": 15699, + "ĠBrun": 15700, + "Ġglucose": 15701, + "ieg": 15702, + "egu": 15703, + "Ġcertified": 15704, + "Ġrelie": 15705, + "Ġhumanitarian": 15706, + "Ġprayers": 15707, + "King": 15708, + "Ġnan": 15709, + "hou": 15710, + "108": 15711, + "ulu": 15712, + "Ġrenewable": 15713, + "Ġdistinguish": 15714, + "Ġdense": 15715, + "ĠVent": 15716, + "ĠPackage": 15717, + "ĠBoss": 15718, + "Ġeditors": 15719, + "Ġmigr": 15720, + "Tra": 15721, + "ĠPeters": 15722, + "ĠArctic": 15723, + "2004": 15724, + "ĠCape": 15725, + "Ġlocally": 15726, + "Ġlasting": 15727, + "Ġhandy": 15728, + ".).": 15729, + "Pan": 15730, + "ĠRES": 15731, + "Index": 15732, + "Ġtensions": 15733, + "Ġformerly": 15734, + "Ġideological": 15735, + "Ġsensors": 15736, + "Ġdealers": 15737, + "Ġdefines": 15738, + "Sk": 15739, + "Ġproceeds": 15740, + "Ġproxy": 15741, + "azines": 15742, + "ĠBash": 15743, + "ĠPad": 15744, + "ĠCraft": 15745, + "ealous": 15746, + "Ġsheets": 15747, + "ometry": 15748, + "June": 15749, + "clock": 15750, + "TT": 15751, + "ĠTheatre": 15752, + "ĠBuzz": 15753, + "Ġchapters": 15754, + "Ġmillenn": 15755, + "Ġdough": 15756, + "ĠCongressional": 15757, + "Ġimagined": 15758, + "avior": 15759, + "Ġclinic": 15760, + "Ġ1945": 15761, + "Ġholder": 15762, + "root": 15763, + "olester": 15764, + "Ġrestart": 15765, + "BN": 15766, + "ĠHamas": 15767, + "ĠJob": 15768, + "Ġorb": 15769, + "Ġram": 15770, + "Ġdisclose": 15771, + "Ġtranslate": 15772, + "Ġimmigrant": 15773, + "Ġannoying": 15774, + "Ġtreaty": 15775, + "anium": 15776, + "ĠTea": 15777, + "ĠLegion": 15778, + "Ġcrowds": 15779, + "ĠBec": 15780, + "ĠAer": 15781, + "ohyd": 15782, + "Bro": 15783, + "Looking": 15784, + "Ġlbs": 15785, + "Ġaggress": 15786, + "Ġseam": 15787, + "Ġintercept": 15788, + "ĠMI": 15789, + "mercial": 15790, + "activ": 15791, + "ĠCit": 15792, + "Ġdimension": 15793, + "Ġconsistency": 15794, + "Ġrushing": 15795, + "ĠDouglas": 15796, + "Ġtrim": 15797, + "Install": 15798, + "icker": 15799, + "Ġshy": 15800, + "106": 15801, + "Ġmentions": 15802, + "pelled": 15803, + "ĠTak": 15804, + "cost": 15805, + "Ġclassroom": 15806, + "Ġfortune": 15807, + "driven": 15808, + "Ġunle": 15809, + "ĠWheel": 15810, + "Ġinvestor": 15811, + "ĠMasters": 15812, + "kit": 15813, + "Ġassociations": 15814, + "ĠEvolution": 15815, + "oping": 15816, + "uscript": 15817, + "Ġprovincial": 15818, + "ĠWalter": 15819, + "avi": 15820, + "SO": 15821, + "Ġunlimited": 15822, + "English": 15823, + "ĠCards": 15824, + "ĠEbola": 15825, + "nered": 15826, + "Ġrevenge": 15827, + "Ġoutright": 15828, + "umper": 15829, + "Ġfitting": 15830, + "ĠSolid": 15831, + "Ġformally": 15832, + "Ġproblematic": 15833, + "Ġhazard": 15834, + "Ġencryption": 15835, + "Ġstraightforward": 15836, + "ĠAK": 15837, + "Ġpse": 15838, + "ĠOrb": 15839, + "ĠChamber": 15840, + "ĠMak": 15841, + "Contents": 15842, + "Ġloyalty": 15843, + "Ġlyrics": 15844, + "ĠSym": 15845, + "Ġwelcomed": 15846, + "Ġcooked": 15847, + "Ġmonop": 15848, + "Ġnurse": 15849, + "Ġmisleading": 15850, + "Ġeternal": 15851, + "Ġshifting": 15852, + "Ġ+=": 15853, + "Vis": 15854, + "Ġinstitutional": 15855, + "illary": 15856, + "Ġpant": 15857, + "VERT": 15858, + "ĠACC": 15859, + "ĠEnh": 15860, + "Ġincon": 15861, + "ĠREUTERS": 15862, + "Ġdonated": 15863, + "âĢ¦âĢ¦âĢ¦âĢ¦": 15864, + "Intern": 15865, + "Ġexhibit": 15866, + "Ġtire": 15867, + "ĠRic": 15868, + "ĠChampion": 15869, + "ĠMuhammad": 15870, + "NING": 15871, + "ĠSoccer": 15872, + "Ġmobility": 15873, + "Ġvarying": 15874, + "ĠMovie": 15875, + "Ġlord": 15876, + "oak": 15877, + "Field": 15878, + "Ġvector": 15879, + "usions": 15880, + "Ġscrap": 15881, + "Ġenabling": 15882, + "make": 15883, + "Tor": 15884, + ".*": 15885, + "||": 15886, + "ĠWebsite": 15887, + "ĠNPC": 15888, + "Ġsocialist": 15889, + "ĠBilly": 15890, + "ĠAdditional": 15891, + "Ġcargo": 15892, + "Ġfarms": 15893, + "ĠSoon": 15894, + "ĠPrize": 15895, + "Ġmidnight": 15896, + "Ġ900": 15897, + "seen": 15898, + "ĠSpot": 15899, + "Ġsheep": 15900, + "Ġsponsored": 15901, + "ĠHi": 15902, + "ĠJump": 15903, + "Ġ1967": 15904, + "Microsoft": 15905, + "ĠAgent": 15906, + "Ġcharts": 15907, + "dir": 15908, + "Ġadjacent": 15909, + "Ġtricks": 15910, + "Ġmanga": 15911, + "Ġexagger": 15912, + "/>": 15913, + "football": 15914, + "ĠFCC": 15915, + "GC": 15916, + "ĠTier": 15917, + "andra": 15918, + "OUND": 15919, + "%),": 15920, + "Ġfruits": 15921, + "VC": 15922, + "ĠAA": 15923, + "Rober": 15924, + "Ġmidst": 15925, + "âĹ": 15926, + "anka": 15927, + "Ġlegislature": 15928, + "ĠNeil": 15929, + "Ġtourists": 15930, + "\"\"": 15931, + "ĠWarning": 15932, + "ĠNevertheless": 15933, + "ĠOfficial": 15934, + "ĠWhatever": 15935, + "Ġmold": 15936, + "Ġdrafted": 15937, + "Ġsubstances": 15938, + "Ġbreed": 15939, + "Ġtags": 15940, + "ĠTask": 15941, + "Ġverb": 15942, + "Ġmanufactured": 15943, + "comments": 15944, + "ĠPolish": 15945, + "Prov": 15946, + "Ġdetermines": 15947, + "Obama": 15948, + "kers": 15949, + "Ġutterly": 15950, + "Ġsect": 15951, + "sche": 15952, + "ĠGates": 15953, + "ĠChap": 15954, + "Ġaluminum": 15955, + "Ġzombie": 15956, + "ĠTouch": 15957, + "ĠUP": 15958, + "Ġsatisfy": 15959, + "Ġpredomin": 15960, + "ascript": 15961, + "Ġelaborate": 15962, + "Ġ1968": 15963, + "Ġmeasuring": 15964, + "ĠVari": 15965, + "anyahu": 15966, + "Ġsir": 15967, + "ulates": 15968, + "idges": 15969, + "ickets": 15970, + "ĠSpencer": 15971, + "TM": 15972, + "oubted": 15973, + "Ġprey": 15974, + "Ġinstalling": 15975, + "ĠCab": 15976, + "reed": 15977, + "reated": 15978, + "Supp": 15979, + "Ġwrist": 15980, + "ĠKerry": 15981, + "107": 15982, + "ĠKle": 15983, + "ĠRachel": 15984, + "Ġcotton": 15985, + "ĠARE": 15986, + "ĠEle": 15987, + "Control": 15988, + "Ġloads": 15989, + "ĠDod": 15990, + "anas": 15991, + "bone": 15992, + "Ġclassical": 15993, + "ĠRegional": 15994, + "ĠInteg": 15995, + "VM": 15996, + "Ġdesires": 15997, + "Ġautism": 15998, + "supported": 15999, + "ĠMessage": 16000, + "Ġcompact": 16001, + "writer": 16002, + "Ġ109": 16003, + "ĠHurricane": 16004, + "cision": 16005, + "Ġcycles": 16006, + "Ġdrill": 16007, + "Ġcolleague": 16008, + "Ġmaker": 16009, + "German": 16010, + "Ġmistaken": 16011, + "Sun": 16012, + "ĠGay": 16013, + "Ġwhatsoever": 16014, + "Ġsells": 16015, + "ĠAirl": 16016, + "liv": 16017, + "ĠOption": 16018, + "Ġsolved": 16019, + "Ġsectors": 16020, + "Ġhorizontal": 16021, + "Ġequation": 16022, + "ĠSkill": 16023, + "ĠBio": 16024, + "gement": 16025, + "ĠSnap": 16026, + "ĠLegal": 16027, + "Ġtrademark": 16028, + "Ġmakeup": 16029, + "Ġassembled": 16030, + "Ġsaves": 16031, + "ĠHalloween": 16032, + "ĠVermont": 16033, + "ĠFROM": 16034, + "Ġfarming": 16035, + "ĠPodcast": 16036, + "acceptable": 16037, + "ĠHigher": 16038, + "Ġasleep": 16039, + "ullivan": 16040, + "Ġreferen": 16041, + "ĠLev": 16042, + "Ġbullets": 16043, + "oko": 16044, + "HC": 16045, + "Ġstairs": 16046, + "Ġmaintains": 16047, + "ĠLower": 16048, + "ĠVi": 16049, + "Ġmarine": 16050, + "Ġacres": 16051, + "Ġcoordinator": 16052, + "ĠJoh": 16053, + "Ġcounterparts": 16054, + "ĠBrothers": 16055, + "Ġindict": 16056, + "bra": 16057, + "Ġchunk": 16058, + "Ġcents": 16059, + "Home": 16060, + "ĠMonth": 16061, + "Ġaccordingly": 16062, + "ifles": 16063, + "ĠGermans": 16064, + "ĠSyn": 16065, + "Hub": 16066, + "Ġeyeb": 16067, + "âĶĢâĶĢâĶĢâĶĢ": 16068, + "Ġranges": 16069, + "ĠHolland": 16070, + "ĠRobot": 16071, + "fc": 16072, + "Mike": 16073, + "Ġplasma": 16074, + "Ġswap": 16075, + "Ġathlete": 16076, + "ĠRams": 16077, + ",'\"": 16078, + "Ġinfections": 16079, + "Ġcorrid": 16080, + "Ġvib": 16081, + "Ġpatches": 16082, + "Ġtraditionally": 16083, + "Ġrevelation": 16084, + "Ġsweep": 16085, + "Ġglance": 16086, + "Ġinex": 16087, + "2003": 16088, + "ĠRaw": 16089, + "working": 16090, + "osures": 16091, + "ĠDat": 16092, + "ĠLynch": 16093, + "Ġleverage": 16094, + "ĠReid": 16095, + "Ġcorrelation": 16096, + "iances": 16097, + "avascript": 16098, + "Ġrepository": 16099, + "retty": 16100, + "Ġ1972": 16101, + "240": 16102, + "Ġoun": 16103, + "pol": 16104, + "ĠReed": 16105, + "Ġtactical": 16106, + "isite": 16107, + "Apple": 16108, + "ĠQuinn": 16109, + "Ġraped": 16110, + "illo": 16111, + "Europe": 16112, + "Ġalgorithms": 16113, + "ĠRodrig": 16114, + "iu": 16115, + "Ġillum": 16116, + "Ġfame": 16117, + "Ġintroducing": 16118, + "Ġdelays": 16119, + "ĠRaiders": 16120, + "Ġwhistle": 16121, + "Ġnovels": 16122, + "ĠReally": 16123, + "Ġderiv": 16124, + "Ġpublications": 16125, + "ĠNeither": 16126, + "ĠCommerce": 16127, + "Ġaston": 16128, + "language": 16129, + "Notes": 16130, + "ĠRoth": 16131, + "ĠFear": 16132, + "Ġmate": 16133, + "Ġparade": 16134, + "ĠQB": 16135, + "Ġmaneu": 16136, + "ĠCincinnati": 16137, + "mitting": 16138, + "Ġwaist": 16139, + "ĠRew": 16140, + "Ġdiscont": 16141, + "а": 16142, + "Ġstaring": 16143, + "Ġalias": 16144, + "Ġsecurities": 16145, + "Ġtoilet": 16146, + "ĠJedi": 16147, + "Ġunlaw": 16148, + "vised": 16149, + "////////": 16150, + "](": 16151, + "ĠWeiss": 16152, + "Ġprest": 16153, + "ĠCompan": 16154, + "Ġmemo": 16155, + "ĠGrace": 16156, + "July": 16157, + "ĠElite": 16158, + "center": 16159, + "ĠStay": 16160, + "Ġgalaxy": 16161, + "Ġtooth": 16162, + "ĠSettings": 16163, + "Ġsubjected": 16164, + "ãĤ¦": 16165, + "Ġlineback": 16166, + "Ġretailers": 16167, + "ĠWant": 16168, + "Ġdangers": 16169, + "Air": 16170, + "Ġvoluntary": 16171, + "eway": 16172, + "Ġinterpreted": 16173, + "otine": 16174, + "ç": 16175, + "Ġpel": 16176, + "Service": 16177, + "ĠEventually": 16178, + "Ġcareers": 16179, + "Ġthreaten": 16180, + "Ġmemor": 16181, + "ĠBradley": 16182, + "ancies": 16183, + "sn": 16184, + "ĠUnknown": 16185, + "National": 16186, + "Ġshadows": 16187, + "ailand": 16188, + "ĠDash": 16189, + "Everyone": 16190, + "izzard": 16191, + "March": 16192, + "=(": 16193, + "Ġpulls": 16194, + "Ġstranger": 16195, + "Ġbackwards": 16196, + "ĠBernard": 16197, + "imensional": 16198, + "Ġchron": 16199, + "Ġtheoretical": 16200, + "ktop": 16201, + "Ġware": 16202, + "ĠInvestig": 16203, + "ĠIniti": 16204, + "ĠOperations": 16205, + "oven": 16206, + "ocide": 16207, + "*/": 16208, + "Ġflames": 16209, + "ĠCash": 16210, + "shit": 16211, + "Ġcab": 16212, + "ĠAnaly": 16213, + "ĠSeah": 16214, + "Ġdefining": 16215, + "Ġordering": 16216, + "Ġimmun": 16217, + "Ġpersistent": 16218, + "ACH": 16219, + "Russian": 16220, + "mans": 16221, + "Ġhind": 16222, + "Ġphotography": 16223, + "©": 16224, + "Ġhug": 16225, + "Ġ107": 16226, + "ĠHence": 16227, + "iots": 16228, + "udeau": 16229, + "Ġsubsidies": 16230, + "Ġroutinely": 16231, + "ĠDevice": 16232, + "itic": 16233, + "Ġdisgust": 16234, + "lander": 16235, + "Ġ1940": 16236, + "Ġassignment": 16237, + "ĠBesides": 16238, + "wick": 16239, + "ĠDust": 16240, + "usc": 16241, + "structed": 16242, + "111": 16243, + "develop": 16244, + "Ġfond": 16245, + "Ġintersection": 16246, + "Ġdignity": 16247, + "Ġcommissioner": 16248, + "Without": 16249, + "reach": 16250, + "Ġcartoon": 16251, + "Ġscales": 16252, + "ãĥŃ": 16253, + "FIG": 16254, + "Ġsurveys": 16255, + "ĠIndonesia": 16256, + "Ġartwork": 16257, + "Ġunch": 16258, + "Ġcycling": 16259, + "unct": 16260, + "auer": 16261, + "orate": 16262, + "ĠObviously": 16263, + "Ġcharacterized": 16264, + "feld": 16265, + "Ġaffirm": 16266, + "Ġinnings": 16267, + "Ġé": 16268, + "Ġaliens": 16269, + "Ġcloth": 16270, + "etooth": 16271, + "ĠCertain": 16272, + "§": 16273, + "Ġdigest": 16274, + "know": 16275, + "ĠXL": 16276, + "Ġpredictions": 16277, + "Ġdin": 16278, + "WAR": 16279, + "Ġaftermath": 16280, + "Example": 16281, + "ĠSuccess": 16282, + "ĠThr": 16283, + "IGN": 16284, + "Ġminer": 16285, + "Bus": 16286, + "Ġclarity": 16287, + "heimer": 16288, + "ĠOUT": 16289, + "ĠSend": 16290, + "ĠCircle": 16291, + "ĠDiet": 16292, + "Ġpronounced": 16293, + "Ġcreators": 16294, + "Ġearthquake": 16295, + "attery": 16296, + "geons": 16297, + "Ġod": 16298, + "Ġlaying": 16299, + "orp": 16300, + "Ult": 16301, + "project": 16302, + "Ġundermin": 16303, + "Ġsequel": 16304, + "Sam": 16305, + "ĠDarkness": 16306, + "Ġreception": 16307, + "bull": 16308, + "YS": 16309, + "ĠVir": 16310, + "Ġsequences": 16311, + "ĠCoin": 16312, + "Ġoutfit": 16313, + "ĠWait": 16314, + "119": 16315, + "Ġdelivers": 16316, + "......": 16317, + "Ġblown": 16318, + "ĠEsc": 16319, + "ĠMath": 16320, + "perm": 16321, + "ĠUl": 16322, + "Ġglim": 16323, + "Ġfacial": 16324, + "Ġgreenhouse": 16325, + "Ġtokens": 16326, + "/-": 16327, + "ĠAnnual": 16328, + "ĠONE": 16329, + "Ġteenage": 16330, + "ĠPhysical": 16331, + "ĠLang": 16332, + "ĠCelt": 16333, + "Ġsued": 16334, + "ividually": 16335, + "Ġpatience": 16336, + "chair": 16337, + "regular": 16338, + "Ġaug": 16339, + "inv": 16340, + "except": 16341, + "ĠLil": 16342, + "Ġnest": 16343, + "fd": 16344, + "sum": 16345, + "ĠChase": 16346, + "Russia": 16347, + "ĠJennifer": 16348, + "Ġoffseason": 16349, + "Overall": 16350, + "Fore": 16351, + "Ġriot": 16352, + "Aud": 16353, + "former": 16354, + "Ġdefenders": 16355, + "ĠCT": 16356, + "iotic": 16357, + "ribly": 16358, + "Ġautomated": 16359, + "Ġpenis": 16360, + "Ġinsist": 16361, + "Ġdiagram": 16362, + "ĠSQL": 16363, + "ĠGarc": 16364, + "Ġwitch": 16365, + "client": 16366, + "ierra": 16367, + "ambers": 16368, + "Ġrecount": 16369, + "far": 16370, + "Very": 16371, + "osterone": 16372, + "Ġappreciated": 16373, + "ĠPerfect": 16374, + "Section": 16375, + "Ġdoses": 16376, + "ocaust": 16377, + "Ġcostly": 16378, + "Ġgrams": 16379, + "ĠShi": 16380, + "Ġwrestling": 16381, + "Ġ1971": 16382, + "Ġtrophy": 16383, + "Ġnerve": 16384, + "ĠKaz": 16385, + "ĠExperience": 16386, + "Ġpledged": 16387, + "Ġplayback": 16388, + "Ġcreativity": 16389, + "bye": 16390, + "Ġattackers": 16391, + "Ġholders": 16392, + "ĠCoach": 16393, + "ĠPhD": 16394, + "Ġtransfers": 16395, + "Ġcolored": 16396, + "ĠHindu": 16397, + "Ġdrown": 16398, + "Ġlistened": 16399, + "ĠWA": 16400, + "iasm": 16401, + "PO": 16402, + "Ġappealing": 16403, + "Ġdisclosed": 16404, + "ĠChicken": 16405, + "agging": 16406, + "Ġpleaded": 16407, + "Ġnavigation": 16408, + "ĠReturns": 16409, + "Ġ[[": 16410, + "ROR": 16411, + "EA": 16412, + "Ġphotographer": 16413, + "ĠRider": 16414, + "ippers": 16415, + "Ġslice": 16416, + "Ġerect": 16417, + "Ġhed": 16418, + "issance": 16419, + "ĠVikings": 16420, + "urious": 16421, + "Ġappet": 16422, + "oubtedly": 16423, + "Child": 16424, + "Ġauthentic": 16425, + "oos": 16426, + "ĠMaking": 16427, + "Ġannouncing": 16428, + "Ġbod": 16429, + "Ġmeter": 16430, + "ĠNine": 16431, + "ĠRogue": 16432, + "Ġworkforce": 16433, + "Ġrenewed": 16434, + "Ġorganisations": 16435, + "acs": 16436, + "PLE": 16437, + "Short": 16438, + "Ġcompounds": 16439, + "ĠVisit": 16440, + "Ġenvelop": 16441, + "earth": 16442, + "Ġsupportive": 16443, + "ggle": 16444, + "ĠBrussels": 16445, + "ĠGuild": 16446, + "Create": 16447, + "REL": 16448, + "Ġaveraged": 16449, + "Ġ1969": 16450, + "riages": 16451, + "Ġlengthy": 16452, + "Ġforgot": 16453, + "Okay": 16454, + "ĠErd": 16455, + "Ġdealer": 16456, + "Ġrecession": 16457, + "DD": 16458, + "Ġdesperately": 16459, + "Ġhunger": 16460, + "Ġsticks": 16461, + "Ġmph": 16462, + "ĠFaith": 16463, + "Ġintentionally": 16464, + "Ġdemol": 16465, + "ueller": 16466, + "ĠSale": 16467, + "Ġdebris": 16468, + "spring": 16469, + "Ġleap": 16470, + ">>>>": 16471, + "Ġcontainers": 16472, + "selling": 16473, + "ranean": 16474, + "attering": 16475, + "Ġcommented": 16476, + "ĠCM": 16477, + "onut": 16478, + "Ġwoods": 16479, + "especially": 16480, + "Ġorganize": 16481, + "ivic": 16482, + "ĠWoods": 16483, + "anga": 16484, + "squ": 16485, + "Ġmaj": 16486, + "amon": 16487, + "Ġaxis": 16488, + "Ġ1974": 16489, + "ĠDenmark": 16490, + "Ġwarrior": 16491, + "ĠPand": 16492, + "Ġoutlined": 16493, + "ĠBO": 16494, + "insula": 16495, + "zilla": 16496, + "ebook": 16497, + "Ġdare": 16498, + "Ġsearched": 16499, + "Ġnavigate": 16500, + "Sn": 16501, + "writing": 16502, + "Ġunited": 16503, + "Japan": 16504, + "ĠHebrew": 16505, + "Ġflame": 16506, + "Ġrelies": 16507, + "Ġcatching": 16508, + "ĠSho": 16509, + "Ġimprisonment": 16510, + "Ġpockets": 16511, + "Ġclosure": 16512, + "ĠFam": 16513, + "tim": 16514, + "adequ": 16515, + "Activity": 16516, + "Ġrecruiting": 16517, + "ĠWATCH": 16518, + "ĠArgentina": 16519, + "dest": 16520, + "Ġapologize": 16521, + "oro": 16522, + "Ġlacks": 16523, + "Ġtuned": 16524, + "ĠGriffin": 16525, + "Ġinfamous": 16526, + "Ġcelebrity": 16527, + "sson": 16528, + "Ġ----------------------------------------------------------------": 16529, + "ĠIsis": 16530, + "ĠDisplay": 16531, + "Ġcredibility": 16532, + "Ġeconomies": 16533, + "Ġheadline": 16534, + "ĠCowboys": 16535, + "Ġindef": 16536, + "Ġlately": 16537, + "Ġincentives": 16538, + "button": 16539, + "ĠMob": 16540, + "Aut": 16541, + "Ġresigned": 16542, + "ĠOm": 16543, + "camp": 16544, + "Ġprofiles": 16545, + "Ġschemes": 16546, + "olphins": 16547, + "ayed": 16548, + "Clinton": 16549, + "enh": 16550, + "ĠYahoo": 16551, + "Ġabst": 16552, + "Ġank": 16553, + "suits": 16554, + "Ġwished": 16555, + "ĠMarco": 16556, + "udden": 16557, + "Ġsphere": 16558, + "ĠBishop": 16559, + "Ġincorporated": 16560, + "ĠPlant": 16561, + "114": 16562, + "Ġhated": 16563, + "pic": 16564, + "Ġdonate": 16565, + "Ġlined": 16566, + "Ġbeans": 16567, + "Ġstealing": 16568, + "Ġcostume": 16569, + "Ġsheriff": 16570, + "Ġforty": 16571, + "Ġintact": 16572, + "Ġadapted": 16573, + "Ġtravelling": 16574, + "bart": 16575, + "Ġnicely": 16576, + "Ġdried": 16577, + "Ġscal": 16578, + "osity": 16579, + "NOTE": 16580, + "ĠBh": 16581, + "ĠBroncos": 16582, + "ĠIgn": 16583, + "Ġintimate": 16584, + "Ġchemistry": 16585, + "Ġoptimal": 16586, + "Deb": 16587, + "ĠGeneration": 16588, + "Ġ],": 16589, + "ichi": 16590, + "ĠWii": 16591, + "ĠYOUR": 16592, + "ventions": 16593, + "Write": 16594, + "Ġpopul": 16595, + "unning": 16596, + "ĠWor": 16597, + "Vol": 16598, + "Ġqueen": 16599, + "heads": 16600, + "KK": 16601, + "Ġanalyze": 16602, + "opic": 16603, + "earchers": 16604, + "Ġdot": 16605, + "legraph": 16606, + "astically": 16607, + "Ġupgrades": 16608, + "Ġcares": 16609, + "Ġextending": 16610, + "Ġfreeze": 16611, + "Ġinability": 16612, + "Ġorgans": 16613, + "Ġpretend": 16614, + "Ġoutlet": 16615, + "113": 16616, + "olan": 16617, + "ĠMall": 16618, + "uling": 16619, + "talk": 16620, + "Ġexpressing": 16621, + "ĠAlways": 16622, + "ĠBegin": 16623, + "files": 16624, + "Ġlicenses": 16625, + "%%": 16626, + "ĠMitt": 16627, + "Ġfilters": 16628, + "ĠMilwaukee": 16629, + "GN": 16630, + "Ġunfold": 16631, + "Mo": 16632, + "Ġnutrition": 16633, + "ppo": 16634, + "Bo": 16635, + "Ġfounding": 16636, + "Ġundermine": 16637, + "Ġeasiest": 16638, + "ĠCzech": 16639, + "ĠMack": 16640, + "Ġsexuality": 16641, + "ĠNixon": 16642, + "Win": 16643, + "ĠArn": 16644, + "ĠKin": 16645, + "ãĤ£": 16646, + "icer": 16647, + "Ġfortun": 16648, + "Ġsurfaces": 16649, + "aghd": 16650, + "Ġcarriers": 16651, + "ĠPART": 16652, + "ĠTib": 16653, + "Ġinterval": 16654, + "Ġfrustrating": 16655, + "ĠShip": 16656, + "ĠArmed": 16657, + "ffe": 16658, + "Ġboats": 16659, + "ĠAbraham": 16660, + "inis": 16661, + "Ġsuited": 16662, + "thread": 16663, + "iov": 16664, + "abul": 16665, + "ĠVenezuela": 16666, + "Ġtom": 16667, + "super": 16668, + "Ġcastle": 16669, + "although": 16670, + "ioxide": 16671, + "eches": 16672, + "Ġevolutionary": 16673, + "Ġnegotiate": 16674, + "Ġconfronted": 16675, + "Remember": 16676, + "Ġ170": 16677, + "Such": 16678, + "Ġ911": 16679, + "mult": 16680, + "ĠAbyss": 16681, + "urry": 16682, + "kees": 16683, + "spec": 16684, + "ĠBarbara": 16685, + "Ġbelonging": 16686, + "Ġvillain": 16687, + "istani": 16688, + "Ġaccountable": 16689, + "Ġportions": 16690, + "ĠDecl": 16691, + "Ur": 16692, + "ĠKate": 16693, + "gre": 16694, + "Ġmagazines": 16695, + "UCK": 16696, + "Ġregulate": 16697, + "omon": 16698, + "ĠAlmost": 16699, + "Ġoverview": 16700, + "Ġscram": 16701, + "Ġloot": 16702, + "ĠFitz": 16703, + "Ġcharacteristic": 16704, + "ĠSnake": 16705, + "say": 16706, + "ĠRico": 16707, + "Ġtrait": 16708, + "ĠJoined": 16709, + "aucus": 16710, + "Ġadaptation": 16711, + "ĠAirlines": 16712, + "Ġarchae": 16713, + "ĠIde": 16714, + "Ġbikes": 16715, + "Ġliterary": 16716, + "Ġinfluences": 16717, + "ĠUsed": 16718, + "Creat": 16719, + "Ġplea": 16720, + "ĠDefence": 16721, + "ĠAssass": 16722, + "Ġpond": 16723, + "ULT": 16724, + ")\"": 16725, + "Ġevaluated": 16726, + "Ġobtaining": 16727, + "Ġdemographic": 16728, + "Ġvigil": 16729, + "aley": 16730, + "Ġspouse": 16731, + "ĠSeahawks": 16732, + "respons": 16733, + "ĠBelt": 16734, + "umatic": 16735, + "Ġrises": 16736, + "runner": 16737, + "ĠMichelle": 16738, + "Ġpotent": 16739, + "race": 16740, + "ĠPAC": 16741, + "Find": 16742, + "olesterol": 16743, + "ISS": 16744, + "ĠIntroduced": 16745, + "resses": 16746, + "ignment": 16747, + "Os": 16748, + "ĠTu": 16749, + "ĠDex": 16750, + "icides": 16751, + "Ġsparked": 16752, + "ĠLaura": 16753, + "ĠBryant": 16754, + "Ġsmiling": 16755, + "ĠNexus": 16756, + "Ġdefendants": 16757, + "ĠCatal": 16758, + "Ġdishes": 16759, + "shaped": 16760, + "Ġprolong": 16761, + "mt": 16762, + "($": 16763, + "ãĢĤ": 16764, + "Ġcalculations": 16765, + "ĠSame": 16766, + "Ġpiv": 16767, + "HH": 16768, + "Ġcancelled": 16769, + "Ġgrin": 16770, + "Ġterritories": 16771, + "istically": 16772, + "Come": 16773, + "ĠParent": 16774, + "Project": 16775, + "Ġneglig": 16776, + "ĠPrivacy": 16777, + "Ġammo": 16778, + "LECT": 16779, + "olutely": 16780, + "ĠEpic": 16781, + "Ġmisunder": 16782, + "wal": 16783, + "April": 16784, + "mos": 16785, + "pathy": 16786, + "ĠCarson": 16787, + "Ġalbums": 16788, + "ĠEasy": 16789, + "Ġpistol": 16790, + "<<": 16791, + "Ġ\\(": 16792, + "target": 16793, + "help": 16794, + "Ġinterpre": 16795, + "conscious": 16796, + "ĠHousing": 16797, + "ĠJoint": 16798, + "127": 16799, + "Ġbeers": 16800, + "science": 16801, + "ĠFirefox": 16802, + "effective": 16803, + "ĠCabin": 16804, + "ĠOkay": 16805, + "ĠApplic": 16806, + "Ġspacecraft": 16807, + "ĠSR": 16808, + "vet": 16809, + "ĠStrange": 16810, + "SB": 16811, + "Ġcorps": 16812, + "iberal": 16813, + "efficient": 16814, + "Ġprevalence": 16815, + "Ġeconomists": 16816, + "118": 16817, + "Thread": 16818, + "ordable": 16819, + "ODE": 16820, + "ĠCant": 16821, + "=-=-": 16822, + "ifiable": 16823, + "ĠAround": 16824, + "Ġpole": 16825, + "Ġwillingness": 16826, + "CLA": 16827, + "ĠKid": 16828, + "Ġcomplement": 16829, + "Ġscattered": 16830, + "Ġinmates": 16831, + "Ġbleeding": 16832, + "every": 16833, + "Ġqueue": 16834, + "ĠTrain": 16835, + "Ġhij": 16836, + "Ġmelee": 16837, + "pleted": 16838, + "Ġdigit": 16839, + "Ġgem": 16840, + "official": 16841, + "Ġlifting": 16842, + "е": 16843, + "Requ": 16844, + "itutes": 16845, + "Ġpackaging": 16846, + "ĠWorkers": 16847, + "hran": 16848, + "ĠLebanon": 16849, + "olesc": 16850, + "Ġpunished": 16851, + "ĠJuan": 16852, + "Ġjam": 16853, + "ĠDocument": 16854, + "Ġmapping": 16855, + "icates": 16856, + "Ġinevitably": 16857, + "Ġvanilla": 16858, + "ĠTon": 16859, + "Ġwatches": 16860, + "Ġleagues": 16861, + "Ġinitiated": 16862, + "degree": 16863, + "portion": 16864, + "Ġrecalls": 16865, + "Ġruin": 16866, + "Ġmelt": 16867, + "IAN": 16868, + "Ġhem": 16869, + "Exp": 16870, + "Ġbaking": 16871, + "ĠColomb": 16872, + "atible": 16873, + "Ġradius": 16874, + "plug": 16875, + "ĠIF": 16876, + "etically": 16877, + "Ġfict": 16878, + "HER": 16879, + "ĠTap": 16880, + "atinum": 16881, + "Ġink": 16882, + "Ġcoh": 16883, + "ĠWizard": 16884, + "both": 16885, + "tex": 16886, + "Ġspends": 16887, + "ĠCurrently": 16888, + "ĠPit": 16889, + "Ġneurons": 16890, + "ignt": 16891, + "Ġrall": 16892, + "Ġbuses": 16893, + "building": 16894, + "Ġadjustments": 16895, + "Ġcried": 16896, + "iblical": 16897, + "atted": 16898, + "ĠZion": 16899, + "ĠMatter": 16900, + "Ġmeditation": 16901, + "ĠDennis": 16902, + "Ġours": 16903, + "ĠTab": 16904, + "Ġrankings": 16905, + "ortal": 16906, + "Ġadvers": 16907, + "Ġsurrender": 16908, + "ĠGob": 16909, + "cium": 16910, + "omas": 16911, + "imeter": 16912, + "Ġmultiplayer": 16913, + "Ġheroin": 16914, + "Ġoptimistic": 16915, + "Ġindicator": 16916, + "ĠBrig": 16917, + "Ġgrocery": 16918, + "Ġapplicant": 16919, + "ĠRocket": 16920, + "vid": 16921, + "Exception": 16922, + "pent": 16923, + "Ġorganizing": 16924, + "Ġencounters": 16925, + "ĠTOD": 16926, + "Ġjewel": 16927, + "Save": 16928, + "ĠChristie": 16929, + "Ġheating": 16930, + "Ġlazy": 16931, + "ĠCP": 16932, + "Ġcousin": 16933, + "Config": 16934, + "Ġregener": 16935, + "Ġnearest": 16936, + "Ġachieving": 16937, + "ENS": 16938, + "throw": 16939, + "ĠRichmond": 16940, + "antle": 16941, + "2002": 16942, + "Ġanten": 16943, + "bird": 16944, + "133": 16945, + "Ġnarc": 16946, + "raint": 16947, + "unny": 16948, + "ĠHispanic": 16949, + "ournaments": 16950, + "Ġprophe": 16951, + "ĠThailand": 16952, + "ĠTi": 16953, + "Ġinjection": 16954, + "Ġinherit": 16955, + "ravis": 16956, + "Ġmedi": 16957, + "Ġwhoever": 16958, + "ĠDEBUG": 16959, + "GP": 16960, + "ĠHud": 16961, + "Card": 16962, + "prom": 16963, + "Ġpor": 16964, + "Ġoverhead": 16965, + "Law": 16966, + "Ġviolate": 16967, + "Ġheated": 16968, + "Ġdescriptions": 16969, + "Ġachievements": 16970, + "ĠBeer": 16971, + "ĠQuant": 16972, + "Was": 16973, + "Ġeighth": 16974, + "ĠIv": 16975, + "Ġspecialized": 16976, + "UPDATE": 16977, + "ĠDelta": 16978, + "Pop": 16979, + "Jul": 16980, + "ĠAsk": 16981, + "ophy": 16982, + "Ġnewsletters": 16983, + "ĠTool": 16984, + "Ġgard": 16985, + "ĠConfeder": 16986, + "ĠGMT": 16987, + "ĠAbbott": 16988, + "Ġimmunity": 16989, + "ĠVM": 16990, + "Islam": 16991, + "Ġimplicit": 16992, + "wd": 16993, + "Ġ1944": 16994, + "ravity": 16995, + "ometric": 16996, + "Ġsurviving": 16997, + "urai": 16998, + "ĠPrison": 16999, + "Ġrust": 17000, + "ĠSketch": 17001, + "Ġbees": 17002, + "ĠTheory": 17003, + "Ġmerit": 17004, + "Tex": 17005, + "chat": 17006, + "Ġmim": 17007, + "Ġpaste": 17008, + "ĠKoch": 17009, + "Ġignorance": 17010, + "ĠShoot": 17011, + "Ġbasement": 17012, + "United": 17013, + "ĠAdvis": 17014, + "height": 17015, + "Ġfoster": 17016, + "Ġdetain": 17017, + "information": 17018, + "Ġneural": 17019, + "';": 17020, + "Ġproves": 17021, + "allery": 17022, + "Ġinvitation": 17023, + "umbers": 17024, + "Ġcattle": 17025, + "Ġbicycle": 17026, + "zi": 17027, + "Ġconsultant": 17028, + "Ġapology": 17029, + "ĠTiger": 17030, + "Ġ123": 17031, + "999": 17032, + "Ġindividually": 17033, + "rt": 17034, + "igion": 17035, + "ĠBrazilian": 17036, + "Ġdisturb": 17037, + "Ġentrepreneurs": 17038, + "Ġforests": 17039, + "cerpt": 17040, + "plates": 17041, + "pher": 17042, + "clipse": 17043, + "Ġtwitter": 17044, + "Ġacids": 17045, + "ographical": 17046, + "hum": 17047, + "ĠBald": 17048, + "ifully": 17049, + "Ġcompiler": 17050, + "ĠDA": 17051, + "Ġdonor": 17052, + "asi": 17053, + "Ġtribal": 17054, + "lash": 17055, + "ĠConfig": 17056, + "Ġapplicants": 17057, + "Ġsalaries": 17058, + "135": 17059, + "Putin": 17060, + "ĠFocus": 17061, + "irs": 17062, + "Ġmisconduct": 17063, + "ĠHaz": 17064, + "Ġeaten": 17065, + "Mobile": 17066, + "Muslim": 17067, + "ĠMarcus": 17068, + "viol": 17069, + "Ġfavorable": 17070, + "Ġstub": 17071, + "adin": 17072, + "ĠHob": 17073, + "Ġfaithful": 17074, + "Ġelectronics": 17075, + "Ġvacuum": 17076, + "wait": 17077, + "backed": 17078, + "economic": 17079, + "dist": 17080, + "Ġtenure": 17081, + "Ġsincere": 17082, + "ĠTogether": 17083, + "ĠWave": 17084, + "Ġprogression": 17085, + "Ġdenying": 17086, + "Ġdistress": 17087, + "braska": 17088, + "third": 17089, + "Ġmixing": 17090, + "Ġcolonial": 17091, + "Ġprivately": 17092, + "Ġunrest": 17093, + "aternity": 17094, + "Ġpremises": 17095, + "anti": 17096, + "gregation": 17097, + "Ġlicence": 17098, + "ĠHind": 17099, + "ĠSamuel": 17100, + "Ġconvincing": 17101, + "ĠAce": 17102, + "ĠRust": 17103, + "ĠNetanyahu": 17104, + "Ġhandles": 17105, + "ĠPatch": 17106, + "oriented": 17107, + "aho": 17108, + "ĠGonz": 17109, + "Ġhackers": 17110, + "claimer": 17111, + "Ġcustoms": 17112, + "ĠGran": 17113, + "fighters": 17114, + "Ġluc": 17115, + "Ġmanuscript": 17116, + "arenthood": 17117, + "Ġdevil": 17118, + "Ġwarriors": 17119, + "Ġoffenders": 17120, + "William": 17121, + "Ġholidays": 17122, + "Ġnightmare": 17123, + "Ġlever": 17124, + "ifferent": 17125, + "Stat": 17126, + "Ġexhibition": 17127, + "puted": 17128, + "ĠPure": 17129, + "Ġalpha": 17130, + "Ġenthusiasm": 17131, + "ĠRepresentatives": 17132, + "EAR": 17133, + "ĠTyp": 17134, + "Ġwheat": 17135, + "ĠAlf": 17136, + "Ġcorrection": 17137, + "Ġevangel": 17138, + "ATT": 17139, + "Miss": 17140, + "Ġsoup": 17141, + "Ġimplied": 17142, + "param": 17143, + "Ġsexy": 17144, + "ĠLux": 17145, + "Ġrepublic": 17146, + "patch": 17147, + "ablish": 17148, + "Ġicons": 17149, + "Ġfathers": 17150, + "ĠGET": 17151, + "ĠCarib": 17152, + "Ġregulated": 17153, + "ĠCohen": 17154, + "ĠBobby": 17155, + "Ġner": 17156, + "Ġbent": 17157, + "ventory": 17158, + "ĠAlong": 17159, + "ĠEST": 17160, + "ĠWallace": 17161, + "Ġmurders": 17162, + "rise": 17163, + "kell": 17164, + "ĠCommonwealth": 17165, + "Ġnasty": 17166, + "eta": 17167, + "ĠMIT": 17168, + "Ġadministered": 17169, + "Ġgenuinely": 17170, + "Editor": 17171, + "nick": 17172, + "Ġhydro": 17173, + "********************************": 17174, + "ĠBle": 17175, + "Ġfines": 17176, + "Ġgorge": 17177, + "ausible": 17178, + "rh": 17179, + "Ġapple": 17180, + "mentioned": 17181, + "Ġrope": 17182, + "otyp": 17183, + "HR": 17184, + "Ġdisappointing": 17185, + "Ġcage": 17186, + "nik": 17187, + "Ġdoubts": 17188, + "ĠFREE": 17189, + "prints": 17190, + "ĠMUST": 17191, + "Ġvendors": 17192, + "ĠInqu": 17193, + "Ġliberals": 17194, + "Ġcontractor": 17195, + "Ġupside": 17196, + "children": 17197, + "Ġtricky": 17198, + "Ġregulators": 17199, + "charged": 17200, + "liter": 17201, + "Ġ***": 17202, + "Ġrebell": 17203, + "lang": 17204, + "Ġlocals": 17205, + "Ġphysicians": 17206, + "Ġhey": 17207, + "arse": 17208, + "tm": 17209, + "ĠLex": 17210, + "Ġbehavioral": 17211, + "successful": 17212, + "FX": 17213, + "Ġbrick": 17214, + "ovic": 17215, + "Ġconform": 17216, + "Ġreviewing": 17217, + "Ġinsights": 17218, + "Ġbiology": 17219, + "ĠRemove": 17220, + "ĠExtra": 17221, + "Ġcommitting": 17222, + "induced": 17223, + "ignty": 17224, + "igm": 17225, + "Ġatomic": 17226, + "Common": 17227, + "ĠEM": 17228, + "ĠPere": 17229, + "ĠItems": 17230, + "eh": 17231, + "Ġpreserved": 17232, + "ĠHood": 17233, + "Ġprisoner": 17234, + "Ġbankruptcy": 17235, + "Ġgren": 17236, + "ushes": 17237, + "Ġexploitation": 17238, + "Ġsignatures": 17239, + "Ġfinan": 17240, + "],\"": 17241, + "ĠMR": 17242, + "Ġmeg": 17243, + "remlin": 17244, + "Ġmusicians": 17245, + "Ġselecting": 17246, + "Ġexamining": 17247, + "INK": 17248, + "lated": 17249, + "Hi": 17250, + "Ġartic": 17251, + "Ġpets": 17252, + "Ġimpair": 17253, + "ĠMAN": 17254, + "Ġtablets": 17255, + "include": 17256, + "Range": 17257, + "Ġcaut": 17258, + "Ġlogs": 17259, + "Ġmounting": 17260, + "Ġunaware": 17261, + "Ġdynamics": 17262, + "ĠPalestine": 17263, + "ĠQuarter": 17264, + "ĠPurple": 17265, + "Ġma": 17266, + "ĠImport": 17267, + "Ġcollections": 17268, + "ciation": 17269, + "Ġsuccessor": 17270, + "Ġclone": 17271, + "Ġaiming": 17272, + "Ġpossessed": 17273, + "Ġsticking": 17274, + "Ġshaking": 17275, + "Ġlocate": 17276, + "ĠHockey": 17277, + "Turn": 17278, + "170": 17279, + "Ġfifteen": 17280, + "ĠHarrison": 17281, + "Ġcontinuously": 17282, + "ĠTC": 17283, + "ĠValent": 17284, + "ĠRescue": 17285, + "Ġbypass": 17286, + "amount": 17287, + "Ġmast": 17288, + "Ġprotects": 17289, + "Ġartistic": 17290, + "Ġsometime": 17291, + "Ġshoe": 17292, + "Ġshouted": 17293, + "ificant": 17294, + "etitive": 17295, + "ĠRegister": 17296, + "ĠJin": 17297, + "Ġconcentrated": 17298, + "lington": 17299, + "onies": 17300, + "Ġgenerator": 17301, + "yrim": 17302, + "ĠArmen": 17303, + "Ġclearing": 17304, + "ido": 17305, + "ĠTW": 17306, + "alph": 17307, + "Ġladies": 17308, + "Hard": 17309, + "Ġdialog": 17310, + "Ġinputs": 17311, + "æľ": 17312, + "Ġposes": 17313, + "Ġslots": 17314, + "ĠPremium": 17315, + "Ġleaks": 17316, + "Ġbosses": 17317, + "Ġ113": 17318, + "course": 17319, + "Acc": 17320, + "ĠNewton": 17321, + "ĠAustria": 17322, + "ĠMage": 17323, + "Ġteaches": 17324, + "abad": 17325, + "Ġwears": 17326, + "Ġcyl": 17327, + "Ġcurse": 17328, + "ĠSales": 17329, + "ĠWings": 17330, + "Ġpsy": 17331, + "Ġgaps": 17332, + "ĠIceland": 17333, + "ĠPinterest": 17334, + "Ġlandlord": 17335, + "Ġdefinitions": 17336, + "ĠKer": 17337, + "Ġsufficiently": 17338, + "ĠPence": 17339, + "ĠArchitect": 17340, + "Ġsurpass": 17341, + "Ġ114": 17342, + "Ġsuperhero": 17343, + "ĠDisease": 17344, + "Ġpriests": 17345, + "ĠCulture": 17346, + "Ġdefinitive": 17347, + "Ġsecretly": 17348, + "ĠDance": 17349, + "install": 17350, + "chief": 17351, + "ĠJessica": 17352, + "Would": 17353, + "Updated": 17354, + "Ġlocker": 17355, + "ĠKay": 17356, + "Ġmemorial": 17357, + "è¦": 17358, + "fat": 17359, + "Ġdisgu": 17360, + "Ġflavors": 17361, + "ĠBaseball": 17362, + "ĠResistance": 17363, + "Ġkicks": 17364, + "Ġenv": 17365, + "Ġteenagers": 17366, + "Dark": 17367, + "ĠCAR": 17368, + "Ġhalt": 17369, + "ĠLG": 17370, + "ĠGabriel": 17371, + "Ġfever": 17372, + "Ġsatur": 17373, + "Ġmall": 17374, + "Ġaffiliate": 17375, + "ĠSleep": 17376, + "ĠSpecific": 17377, + "ĠVel": 17378, + "Ġjar": 17379, + "ĠSacred": 17380, + "ĠEdwards": 17381, + "ĠACL": 17382, + "Ġretained": 17383, + "ĠGiant": 17384, + "Ġlimitation": 17385, + "inces": 17386, + "Ġrefusal": 17387, + "ĠTale": 17388, + "ĠButler": 17389, + "Ġaccidents": 17390, + "ĠCSS": 17391, + "Ġimported": 17392, + "ĠCopy": 17393, + "α": 17394, + "ERT": 17395, + "zel": 17396, + "Ġdivisions": 17397, + "hots": 17398, + "ĠAlb": 17399, + "ĠDS": 17400, + "Loader": 17401, + "Washington": 17402, + "atisf": 17403, + "ĠCreative": 17404, + "\\.": 17405, + "ĠAutom": 17406, + "redict": 17407, + "Ġreceptor": 17408, + "ĠCarlos": 17409, + "Method": 17410, + "oka": 17411, + "Ġmalicious": 17412, + "Ġstepping": 17413, + ",[": 17414, + "ĠDad": 17415, + "Ġattraction": 17416, + "ĠEffects": 17417, + "ĠPirate": 17418, + "ĠCer": 17419, + "ĠIndustry": 17420, + "ĠRud": 17421, + "Ġcharter": 17422, + "Ġdining": 17423, + "Ġinsists": 17424, + "Ġconfigure": 17425, + "Ġ(#": 17426, + "ĠSimple": 17427, + "ĠScroll": 17428, + "UTC": 17429, + "175": 17430, + "ĠKon": 17431, + "Ġmarketplace": 17432, + "ĠãĤ": 17433, + "Ġrefres": 17434, + "Ġgates": 17435, + "erred": 17436, + "ĠPod": 17437, + "Ġbehave": 17438, + "Frank": 17439, + "node": 17440, + "Ġendorsed": 17441, + "hett": 17442, + "asive": 17443, + "ĠHomeland": 17444, + "Ġrides": 17445, + "ĠLeave": 17446, + "erness": 17447, + "Ġflooding": 17448, + "AFP": 17449, + "Ġrisen": 17450, + "Ġcontinually": 17451, + "Ġunanim": 17452, + "ĠContract": 17453, + "ĠPas": 17454, + "Ġguided": 17455, + "ĠChile": 17456, + "bd": 17457, + "Ġsucc": 17458, + "ptic": 17459, + "Ġcommittees": 17460, + "ĠLuther": 17461, + "ĠAnyone": 17462, + "Ġsab": 17463, + "124": 17464, + "Ġpixel": 17465, + "ĠBak": 17466, + "ĠTag": 17467, + "ĠBennett": 17468, + "Enter": 17469, + "small": 17470, + "ĠPresidential": 17471, + "Ġpul": 17472, + "Ġcontrace": 17473, + "archive": 17474, + "Ġcoastal": 17475, + "ĠKids": 17476, + "192": 17477, + "âĢ²": 17478, + "icky": 17479, + "INGTON": 17480, + "Ġwolf": 17481, + "ĠStalin": 17482, + "Tur": 17483, + "idget": 17484, + "amas": 17485, + "ĠUnless": 17486, + "Ġsponsor": 17487, + "Ġmorph": 17488, + "ĠChoose": 17489, + "Ġrunner": 17490, + "Ġunbel": 17491, + "Ġmud": 17492, + "ĠMana": 17493, + "Ġdubbed": 17494, + "Ġgodd": 17495, + "urers": 17496, + "window": 17497, + "Ġrelied": 17498, + "Ġcelebrating": 17499, + "osc": 17500, + "Ġ135": 17501, + "Ġlobbying": 17502, + "Ġincomplete": 17503, + "Ġrestriction": 17504, + "Ġincap": 17505, + "itus": 17506, + "Ġexpectation": 17507, + "ĠApollo": 17508, + "Ġintens": 17509, + "Ġsync": 17510, + "GH": 17511, + "Ġmanipulation": 17512, + "BY": 17513, + "Ġspear": 17514, + "Ġbreasts": 17515, + "Ġvolcan": 17516, + "ilia": 17517, + "Material": 17518, + "Ġformats": 17519, + "ĠBast": 17520, + "Ġparliamentary": 17521, + "Ġsnake": 17522, + "Ġservants": 17523, + "ĠTrudeau": 17524, + "ĠGrim": 17525, + "ĠArabic": 17526, + "ĠSCP": 17527, + "ĠBoys": 17528, + "station": 17529, + "Ġprospective": 17530, + "orde": 17531, + "initialized": 17532, + "Ġbored": 17533, + "ABLE": 17534, + "Ġaccessed": 17535, + "Ġtaxi": 17536, + "ĠShell": 17537, + "aiden": 17538, + "ursed": 17539, + "inates": 17540, + "ĠInsurance": 17541, + "ĠPete": 17542, + "September": 17543, + "650": 17544, + "Ġadventures": 17545, + "ĠCover": 17546, + "Ġtribute": 17547, + "Ġsketch": 17548, + "Ġempower": 17549, + "ĠØ": 17550, + "ĠGlenn": 17551, + "ĠDaw": 17552, + "=\\\"": 17553, + "ĠPolitics": 17554, + "Ġguides": 17555, + "Ġdioxide": 17556, + "ĠGore": 17557, + "ĠBright": 17558, + "ĠSierra": 17559, + "Ġvalued": 17560, + "cond": 17561, + "Ġpointer": 17562, + "Select": 17563, + "Ġrisky": 17564, + "Ġabsorb": 17565, + "images": 17566, + "Ġrefuses": 17567, + "Ġbonuses": 17568, + "___": 17569, + "Ġhilar": 17570, + "ĠFeatures": 17571, + "220": 17572, + "ĠCollector": 17573, + "Foot": 17574, + "Ġ1964": 17575, + "culus": 17576, + "Ġdawn": 17577, + "Ġworkout": 17578, + "ĠLO": 17579, + "Ġphilosophical": 17580, + "ĠSandy": 17581, + "ĠYouth": 17582, + "Ġliable": 17583, + "Af": 17584, + "blue": 17585, + "Ġoverturn": 17586, + "lessness": 17587, + "ĠTribune": 17588, + "ĠIng": 17589, + "Ġfactories": 17590, + "Ġcatches": 17591, + "Ġprone": 17592, + "Ġmatrix": 17593, + "Ġlogin": 17594, + "Ġinacc": 17595, + "Ġexert": 17596, + "sys": 17597, + "Ġneedle": 17598, + "ĠQur": 17599, + "Ġnotified": 17600, + "oulder": 17601, + "tx": 17602, + "Ġreminds": 17603, + "Ġpublishers": 17604, + "Ġnort": 17605, + "Ġgit": 17606, + "Ġflies": 17607, + "ĠEmily": 17608, + "Ġflowing": 17609, + "ĠAlien": 17610, + "ĠStrateg": 17611, + "Ġhardest": 17612, + "Ġmodification": 17613, + "API": 17614, + "ĠMY": 17615, + "Ġcrashes": 17616, + "stairs": 17617, + "number": 17618, + "Ġurging": 17619, + "channel": 17620, + "ĠFalcon": 17621, + "Ġinhabitants": 17622, + "Ġterrifying": 17623, + "Ġutilize": 17624, + "Ġbanner": 17625, + "Ġcigarettes": 17626, + "Ġsenses": 17627, + "ĠHolmes": 17628, + "Ġpractition": 17629, + "ĠPhillips": 17630, + "otto": 17631, + "Ġcompile": 17632, + "Model": 17633, + "ĠKo": 17634, + "Ġ[]": 17635, + "Americans": 17636, + "ĠTerms": 17637, + "Ġmedications": 17638, + "ĠAna": 17639, + "Ġfundamentally": 17640, + "ĠNotice": 17641, + "Ġweaker": 17642, + "Ġ0000": 17643, + "Ġgarlic": 17644, + "Ġoutbreak": 17645, + "Ġeconomist": 17646, + "ĠBirth": 17647, + "Ġobstacles": 17648, + "arcer": 17649, + "ĠOrthodox": 17650, + "Ġplacebo": 17651, + "ĠCrew": 17652, + "aspberry": 17653, + "ĠAngels": 17654, + "Ġdischarge": 17655, + "Ġdestructive": 17656, + "117": 17657, + "ĠRising": 17658, + "Ġdairy": 17659, + "late": 17660, + "Ġcollision": 17661, + "ĠTigers": 17662, + "eanor": 17663, + "ocumented": 17664, + "ĠInvalid": 17665, + "Ġdont": 17666, + "ĠLiter": 17667, + "ĠVa": 17668, + "Ġhydrogen": 17669, + "Ġvariants": 17670, + "ĠBrowns": 17671, + "Ġ1965": 17672, + "Ġindigenous": 17673, + "Ġtrades": 17674, + "Ġremainder": 17675, + "Ġswept": 17676, + "ĠImpact": 17677, + "Ġredist": 17678, + "Ġunint": 17679, + "graduate": 17680, + "ãĥķ": 17681, + "ĠWILL": 17682, + "ãģ®ç": 17683, + "ĠCritical": 17684, + "Ġfisher": 17685, + "Ġvicious": 17686, + "Ġreversed": 17687, + "Year": 17688, + "ĠSox": 17689, + "Ġshootings": 17690, + "Ġfilming": 17691, + "Ġtouchdowns": 17692, + "aires": 17693, + "mel": 17694, + "Ġgrandfather": 17695, + "Ġaffection": 17696, + "ingle": 17697, + "Ġoverly": 17698, + "Additional": 17699, + "Ġsupreme": 17700, + "ĠGrad": 17701, + "Ġsporting": 17702, + "Ġmercy": 17703, + "ĠBrooks": 17704, + "ounty": 17705, + "Ġperforms": 17706, + "Ġtightly": 17707, + "Ġdemons": 17708, + "Ġkillings": 17709, + "Ġfaction": 17710, + "ĠNova": 17711, + "auts": 17712, + "Ġundoubtedly": 17713, + "arin": 17714, + "Ġunderway": 17715, + "rak": 17716, + "Ġliv": 17717, + "ĠRegion": 17718, + "Ġbriefing": 17719, + "sers": 17720, + "cloud": 17721, + "ĠMik": 17722, + "usp": 17723, + "Ġprediction": 17724, + "azor": 17725, + "Ġportable": 17726, + "ĠGand": 17727, + "Ġpresenting": 17728, + "Ġ1080": 17729, + "»": 17730, + "ushi": 17731, + "ĠSpark": 17732, + "thereum": 17733, + "Ġjustification": 17734, + "ĠNy": 17735, + "Ġcontractors": 17736, + "mingham": 17737, + "ĠStyle": 17738, + "åħ": 17739, + "ĠChronicles": 17740, + "ĠPicture": 17741, + "Ġproving": 17742, + "Ġwives": 17743, + "sett": 17744, + "Ġmolecules": 17745, + "ĠFairy": 17746, + "Ġconsisting": 17747, + "Ġpier": 17748, + "alone": 17749, + "inition": 17750, + "Ġnucle": 17751, + "json": 17752, + "Ġgotta": 17753, + "Ġmobil": 17754, + "Ġverbal": 17755, + "arium": 17756, + "Ġmonument": 17757, + "ucked": 17758, + "Ġ256": 17759, + "Tech": 17760, + "minecraft": 17761, + "ĠTrack": 17762, + "Ġtile": 17763, + "Ġcompatibility": 17764, + "asis": 17765, + "Ġsadd": 17766, + "Ġinstructed": 17767, + "ĠMueller": 17768, + "Ġlethal": 17769, + "Ġhormone": 17770, + "Ġorche": 17771, + "else": 17772, + "Ġskelet": 17773, + "Ġentertaining": 17774, + "Ġminimize": 17775, + "again": 17776, + "Ġundergo": 17777, + "Ġconstraints": 17778, + "Ġcigarette": 17779, + "ĠIslamist": 17780, + "Ġtravels": 17781, + "ĠPanthers": 17782, + "lings": 17783, + "Care": 17784, + "Ġlawsuits": 17785, + "uras": 17786, + "Ġcryst": 17787, + "Ġlowered": 17788, + "Ġaerial": 17789, + "Ġcombinations": 17790, + "Ġhaun": 17791, + "Ġcha": 17792, + "Ġvine": 17793, + "Ġquantities": 17794, + "Ġlinking": 17795, + "bank": 17796, + "Ġsoy": 17797, + "Bill": 17798, + "ĠAngela": 17799, + "Ġrecipient": 17800, + "ĠProtest": 17801, + "Ġsocket": 17802, + "Ġsolidarity": 17803, + "ĠâĨ": 17804, + "mill": 17805, + "Ġvaries": 17806, + "ĠPakistani": 17807, + "Dragon": 17808, + "Ġune": 17809, + "Ġhorizon": 17810, + "³³³³³³³³": 17811, + "Ġprovinces": 17812, + "Ġfrankly": 17813, + "Ġenacted": 17814, + "notes": 17815, + "['": 17816, + "Ġ192": 17817, + "ocracy": 17818, + "Ġendorsement": 17819, + "Ġovertime": 17820, + "True": 17821, + "Lab": 17822, + "licted": 17823, + "ĠDNC": 17824, + "Ġbeats": 17825, + "ĠJamie": 17826, + "152": 17827, + "ĠINT": 17828, + "Contact": 17829, + "Ġaccounted": 17830, + "hash": 17831, + "ĠPackers": 17832, + "pires": 17833, + "Ġlesbian": 17834, + "Ġamendments": 17835, + "Ġhopeful": 17836, + "ĠFinland": 17837, + "Ġspotlight": 17838, + "Ġconfigured": 17839, + "Ġtroubled": 17840, + "Ġgaze": 17841, + "ĠCalgary": 17842, + "Ġreliability": 17843, + "Ġinsurg": 17844, + "swer": 17845, + "buy": 17846, + "ĠSkin": 17847, + "Ġpixels": 17848, + "Ġhandgun": 17849, + "Ġparas": 17850, + "Ġcategor": 17851, + "ĠEL": 17852, + "ĠRex": 17853, + "Indeed": 17854, + "Ġkinda": 17855, + "Ġconjunction": 17856, + "ĠBryan": 17857, + "ĠManufact": 17858, + "yang": 17859, + "Plus": 17860, + "SQL": 17861, + "ishment": 17862, + "Ġdominate": 17863, + "Ġnail": 17864, + "Ġoath": 17865, + "Ġerupt": 17866, + "ĠFine": 17867, + "itbart": 17868, + "ĠChip": 17869, + "ĠAbd": 17870, + "ĠNam": 17871, + "Ġbuyer": 17872, + "Ġdissent": 17873, + "Leaks": 17874, + "Contin": 17875, + "Ġrider": 17876, + "ĠSomeone": 17877, + "Ġillusion": 17878, + "cin": 17879, + "ĠBoeing": 17880, + "Ġinadequ": 17881, + "ovation": 17882, + "iants": 17883, + "Ġrebuild": 17884, + "450": 17885, + "ĠDestiny": 17886, + "SW": 17887, + "ĠTill": 17888, + "Hit": 17889, + "iaz": 17890, + "ĠBangl": 17891, + "achers": 17892, + "ĠReform": 17893, + "Ġsegments": 17894, + "Ġsystematic": 17895, + "dc": 17896, + "ĠConservatives": 17897, + "Ġportal": 17898, + "hor": 17899, + "ĠDragonbound": 17900, + "Ġdragged": 17901, + "omo": 17902, + "Ġthee": 17903, + "advert": 17904, + "ĠReports": 17905, + "ĠEt": 17906, + "Ġbarrels": 17907, + "August": 17908, + "Ġcomparisons": 17909, + "Ġhex": 17910, + "Ġanthrop": 17911, + "\"[": 17912, + "borough": 17913, + "abi": 17914, + "Ġpictured": 17915, + "playing": 17916, + "ĠAddress": 17917, + "ĠMirror": 17918, + "Smith": 17919, + "Ġtires": 17920, + "ĠNPR": 17921, + "AAAA": 17922, + "Ġclassification": 17923, + "ĠThan": 17924, + "ĠHarm": 17925, + "ĠRA": 17926, + "Ġrejection": 17927, + "mination": 17928, + "Ġranged": 17929, + "ĠFalls": 17930, + "DI": 17931, + "Host": 17932, + "ãĤ´": 17933, + "ĠExample": 17934, + "listed": 17935, + "thirds": 17936, + "Ġsafegu": 17937, + "brand": 17938, + "Ġprobable": 17939, + "Canada": 17940, + "ITION": 17941, + "ĠQaeda": 17942, + "Ġchick": 17943, + "Ġimports": 17944, + "hit": 17945, + "loc": 17946, + "WW": 17947, + "Ġblew": 17948, + "Ġanytime": 17949, + "Ġwholes": 17950, + "iked": 17951, + "Ġcalculation": 17952, + "create": 17953, + "ĠOri": 17954, + "Ġupgraded": 17955, + "Ġappar": 17956, + "utory": 17957, + "ĠMol": 17958, + "Brit": 17959, + "ĠJong": 17960, + "INAL": 17961, + "ĠStarting": 17962, + "Ġdice": 17963, + "urtle": 17964, + "Ġrelying": 17965, + "closure": 17966, + "Ġprofitable": 17967, + "Ġslaughter": 17968, + "ĠManual": 17969, + "caster": 17970, + "Ġ\"$": 17971, + "Ġfeather": 17972, + "ĠSimply": 17973, + "ieves": 17974, + "Ġdeterior": 17975, + "ĠPCI": 17976, + "Ġstamp": 17977, + "Ġflaws": 17978, + "Ġshade": 17979, + "hammer": 17980, + "Ġpassport": 17981, + "Ġconting": 17982, + "amel": 17983, + "Ġobservers": 17984, + "Ġneglect": 17985, + "ĠRB": 17986, + "ĠBrotherhood": 17987, + "Ġskeptical": 17988, + "family": 17989, + "usk": 17990, + "Ġemotionally": 17991, + "âĻ": 17992, + "ĠBeta": 17993, + "asonable": 17994, + "idity": 17995, + "ĠMul": 17996, + "Ġkicking": 17997, + "ĠCarm": 17998, + "ollah": 17999, + "VERTIS": 18000, + "ĠAthen": 18001, + "Ġladder": 18002, + "ĠBullet": 18003, + "å£": 18004, + "0001": 18005, + "ĠWildlife": 18006, + "ĠMask": 18007, + "ĠNan": 18008, + "Rev": 18009, + "Ġunacceptable": 18010, + "legal": 18011, + "Ġcrowded": 18012, + "agi": 18013, + "ĠCox": 18014, + "je": 18015, + "Ġmorality": 18016, + "Ġfuels": 18017, + "Ġcables": 18018, + "Ġmankind": 18019, + "ĠCaribbean": 18020, + "Ġanchor": 18021, + "Ġbyte": 18022, + "ĠOften": 18023, + "ĠOz": 18024, + "Ġcrafted": 18025, + "Ġhistorian": 18026, + "ĠWu": 18027, + "Ġtowers": 18028, + "ĠCitizens": 18029, + "Ġhelm": 18030, + "Ġcredentials": 18031, + "Ġsingular": 18032, + "ĠJesse": 18033, + "Ġtackles": 18034, + "Ġcontempt": 18035, + "Ġafore": 18036, + "ĠShadows": 18037, + "Ġnil": 18038, + "Ġurgent": 18039, + "apple": 18040, + "blood": 18041, + "Ġvon": 18042, + "Ġoffline": 18043, + "Ġbreathe": 18044, + "Ġjumps": 18045, + "Ġirrelevant": 18046, + "oxic": 18047, + "omal": 18048, + "important": 18049, + "Jim": 18050, + "Ġgloves": 18051, + "arming": 18052, + "depth": 18053, + "Ġtalents": 18054, + "ookie": 18055, + "ĠSB": 18056, + "Ġpalm": 18057, + "uffs": 18058, + "esta": 18059, + "IGH": 18060, + "Ġcanon": 18061, + "ĠVerizon": 18062, + "ĠPle": 18063, + "Ġcoupled": 18064, + "velt": 18065, + "Ġfundraising": 18066, + "ĠGetting": 18067, + "ĠDLC": 18068, + "Ġmathematical": 18069, + "ĠHS": 18070, + "ĠCardinals": 18071, + "telling": 18072, + "Ġsponsors": 18073, + "ĠÏ": 18074, + "ĠBulls": 18075, + "option": 18076, + "Ġpropose": 18077, + "Ġmemorable": 18078, + "Ġembraced": 18079, + "Ġdeclining": 18080, + "Health": 18081, + "eda": 18082, + "Ġ};": 18083, + "Ġspam": 18084, + "mile": 18085, + "Ġpitcher": 18086, + "ĠEight": 18087, + "Ġcaring": 18088, + "utic": 18089, + "role": 18090, + "Ġairline": 18091, + "ernandez": 18092, + "ĠAthlet": 18093, + "Ġcertification": 18094, + "uxe": 18095, + "riger": 18096, + "Ġempir": 18097, + "Ġsensation": 18098, + "Ġdism": 18099, + "Ġbolt": 18100, + "Ġevolve": 18101, + "House": 18102, + "Ġconsultation": 18103, + "ĠDuty": 18104, + "Ġtouches": 18105, + "ĠNathan": 18106, + "Ġfaint": 18107, + "had": 18108, + "\"(": 18109, + "ĠConsumer": 18110, + "ĠExtreme": 18111, + "Ġ127": 18112, + "ĠHerm": 18113, + "ĠSacrament": 18114, + "izoph": 18115, + "Ġanxious": 18116, + "ulously": 18117, + "Ġsocially": 18118, + "ĠUTC": 18119, + "Ġsolving": 18120, + "ĠLetter": 18121, + "History": 18122, + "educ": 18123, + "Price": 18124, + "));": 18125, + "Ġreload": 18126, + "amic": 18127, + "Ġpork": 18128, + "Ġdiscourse": 18129, + "Ġtournaments": 18130, + "airo": 18131, + "ĠKur": 18132, + "ĠCosta": 18133, + "Ġviolating": 18134, + "Ġinterfere": 18135, + "Ġrecreational": 18136, + "uffle": 18137, + "Ġspeeches": 18138, + "Ġneeding": 18139, + "Ġremembers": 18140, + "Ġcredited": 18141, + "nia": 18142, + "focused": 18143, + "amera": 18144, + "Ġbru": 18145, + "umbs": 18146, + "ĠCuban": 18147, + "Ġpreceding": 18148, + "Ġnonsense": 18149, + "acial": 18150, + "Ġsmartphones": 18151, + "ĠStories": 18152, + "Sports": 18153, + "ĠEmergency": 18154, + "ouncing": 18155, + "efined": 18156, + "Ġber": 18157, + "Ġconsulting": 18158, + "Ġmasters": 18159, + "heastern": 18160, + ".\"[": 18161, + "ĠRunning": 18162, + "Ġsuscept": 18163, + "ĠFeng": 18164, + "America": 18165, + "prises": 18166, + "stitial": 18167, + "ĠWeekly": 18168, + "ĠGreater": 18169, + "modules": 18170, + "ifter": 18171, + "Graphics": 18172, + "uler": 18173, + "Ġwholly": 18174, + "Ġsuppress": 18175, + "Ġconcealed": 18176, + "Ġhappily": 18177, + "Ġaccepts": 18178, + "ĠEnjoy": 18179, + "Ġrivers": 18180, + "ĠExcept": 18181, + "225": 18182, + "ĠNHS": 18183, + "ĠMcConnell": 18184, + "Ġpussy": 18185, + "ferred": 18186, + "utable": 18187, + "Ġattain": 18188, + "Ġ>=": 18189, + "Ġdeposits": 18190, + "rophic": 18191, + "Ġnotorious": 18192, + "ĠShaw": 18193, + "ilitation": 18194, + "Ġepidemic": 18195, + "allic": 18196, + "Ġsmallest": 18197, + "ovich": 18198, + "Ġaccessories": 18199, + "perties": 18200, + "Ġsurplus": 18201, + "ĠMech": 18202, + "Ġambig": 18203, + "ĠImmigration": 18204, + "Ġchim": 18205, + "eval": 18206, + "Ġpracticing": 18207, + "ĠMystery": 18208, + "Ġdomains": 18209, + "ĠSilicon": 18210, + "apps": 18211, + "Ġkilometers": 18212, + "ea": 18213, + "ĠSmash": 18214, + "Ġwarranty": 18215, + "Ġnost": 18216, + "sil": 18217, + "rev": 18218, + "Jon": 18219, + "ĠDublin": 18220, + "Ġtastes": 18221, + "Ġbout": 18222, + "great": 18223, + "error": 18224, + "Ġswitches": 18225, + "ĠBapt": 18226, + "DO": 18227, + "oki": 18228, + "Ġsourced": 18229, + "produ": 18230, + "Ġattachment": 18231, + "ĠIssue": 18232, + "ĠQuestion": 18233, + "Join": 18234, + "Ġfitted": 18235, + "Ġunlawful": 18236, + "^^": 18237, + "erek": 18238, + "Ġauthentication": 18239, + "Ġstole": 18240, + "Ġaccountability": 18241, + "label": 18242, + "Search": 18243, + "Ġalbeit": 18244, + "atican": 18245, + "funded": 18246, + "ĠAdding": 18247, + "ĠIQ": 18248, + "Ġsubmar": 18249, + "lit": 18250, + "aque": 18251, + "ĠLearning": 18252, + "Ġinteger": 18253, + "Master": 18254, + "ĠChrom": 18255, + "Ġpremier": 18256, + "Op": 18257, + "ĠLiu": 18258, + "Ġblessed": 18259, + "ĠGlobe": 18260, + "ĠResponse": 18261, + "Ġlegitim": 18262, + "ĠMerkel": 18263, + "Ġdisposal": 18264, + "´": 18265, + "Ġgauge": 18266, + "peat": 18267, + "Ġinduced": 18268, + "Ġquestionable": 18269, + "arthy": 18270, + "ĠVit": 18271, + "ĠFeed": 18272, + "Until": 18273, + "Ut": 18274, + "worthy": 18275, + "RY": 18276, + "ĠHerald": 18277, + "ĠHammer": 18278, + "Ġmedal": 18279, + "ĠRivers": 18280, + "ĠHack": 18281, + "Ġclarify": 18282, + "Ġtracked": 18283, + "Ġautonomous": 18284, + "Ġtenant": 18285, + "ĠQatar": 18286, + "erie": 18287, + "Ġgrim": 18288, + "ĠMonitor": 18289, + "Ġresistant": 18290, + "ĠSpec": 18291, + "ĠWells": 18292, + "NAS": 18293, + "148": 18294, + "Ġminers": 18295, + "iotics": 18296, + "Ġmisses": 18297, + "116": 18298, + "gian": 18299, + "git": 18300, + "ĠEyes": 18301, + "pres": 18302, + "Ġgraduated": 18303, + "Ġangel": 18304, + "Ġsynchron": 18305, + "Ġefficiently": 18306, + "Ġtransmitted": 18307, + "Harry": 18308, + "Ġglobally": 18309, + "ENCE": 18310, + "ĠMontana": 18311, + "raged": 18312, + "ĠPrevention": 18313, + "Ġpiss": 18314, + "ĠLl": 18315, + "Ġshelf": 18316, + "ĠBJP": 18317, + "ĠTestament": 18318, + "ĠLate": 18319, + "iker": 18320, + "ĠHapp": 18321, + "ĠJulian": 18322, + "hall": 18323, + "Ġspont": 18324, + "Ġshutdown": 18325, + "Ġinconsistent": 18326, + "Ġsubscribers": 18327, + "Ġskeleton": 18328, + "ĠNebraska": 18329, + "Ġinspire": 18330, + "ĠVoid": 18331, + "Feed": 18332, + "Ġangles": 18333, + "ĠSprings": 18334, + "Ġbenchmark": 18335, + "Ġvaccines": 18336, + "izophren": 18337, + "sexual": 18338, + "uffed": 18339, + "Ġshine": 18340, + "ĠKath": 18341, + "Ġgesture": 18342, + "inea": 18343, + "Ġrip": 18344, + "Ġoppression": 18345, + "Ġconscience": 18346, + "bt": 18347, + "ĠLum": 18348, + "Ġincidence": 18349, + "ĠFa": 18350, + "wr": 18351, + "Ġmineral": 18352, + "ĠSpurs": 18353, + "alky": 18354, + "Ġthunder": 18355, + "Ġopio": 18356, + "Being": 18357, + "ĠPalm": 18358, + "Ġwasted": 18359, + "Ġlb": 18360, + "iaries": 18361, + "ĠInitiative": 18362, + "Ġcurric": 18363, + "Ġmarker": 18364, + "ĠMcL": 18365, + "Ġextensions": 18366, + "ĠPv": 18367, + "ĠArms": 18368, + "Ġofferings": 18369, + "Ġdefenses": 18370, + "Ġvendor": 18371, + "Ġcontradict": 18372, + "ĠColin": 18373, + "Ġreddit": 18374, + "Ġperipher": 18375, + "122": 18376, + "Ġsins": 18377, + "Edit": 18378, + "ICT": 18379, + "Soft": 18380, + "ĠShah": 18381, + "Ġadministrator": 18382, + "ĠTrip": 18383, + "Ġpornography": 18384, + "Ġtuition": 18385, + "inence": 18386, + "ĠProgress": 18387, + "Ġcatalog": 18388, + "Ġsuite": 18389, + "Ġhike": 18390, + "Ġreproductive": 18391, + "engine": 18392, + "Ġdrought": 18393, + "ĠNoah": 18394, + "Ġ230": 18395, + "Ġdude": 18396, + "Ġrelaxed": 18397, + "Ġpartition": 18398, + "Ġparticipant": 18399, + "Ġtelesc": 18400, + "Ġfeas": 18401, + "ĠFF": 18402, + "owner": 18403, + "Ġsweeping": 18404, + "Ġlenses": 18405, + "Ġmatchup": 18406, + "ĠRepl": 18407, + "ournals": 18408, + "Ġcredible": 18409, + "Ġgrandmother": 18410, + "Ġthermal": 18411, + "Ġsubscribing": 18412, + "Ġidentities": 18413, + "colm": 18414, + "UCT": 18415, + "Ġreluctant": 18416, + "users": 18417, + "ĠCort": 18418, + "Ġassisted": 18419, + "OSS": 18420, + "ATIONS": 18421, + "ISH": 18422, + "Ġpharmaceutical": 18423, + "icable": 18424, + "adian": 18425, + "ĠSonic": 18426, + "ĠFury": 18427, + "ĠMong": 18428, + "AH": 18429, + "ĠPsychology": 18430, + "Ġphosph": 18431, + "Ġtreats": 18432, + "ŃĶ": 18433, + "Ġsteadily": 18434, + "ĠHello": 18435, + "Ġrelates": 18436, + "Ġclue": 18437, + "Expl": 18438, + "auth": 18439, + "Ġrevision": 18440, + "Ġeld": 18441, + "osion": 18442, + "Ġbron": 18443, + "144": 18444, + "rikes": 18445, + "Ġmines": 18446, + "Ġblanket": 18447, + "ĠFail": 18448, + "eled": 18449, + "ĠImagine": 18450, + "ĠPlanned": 18451, + "aic": 18452, + "Request": 18453, + "Mad": 18454, + "ĠHorse": 18455, + "ĠEagle": 18456, + "Ġcapac": 18457, + "157": 18458, + "Ġling": 18459, + "ĠNice": 18460, + "ĠParenthood": 18461, + "minster": 18462, + "ogs": 18463, + "ensitive": 18464, + "Nothing": 18465, + "Ġcarn": 18466, + "Fin": 18467, + "ĠPE": 18468, + "Ġrifles": 18469, + "ĠLP": 18470, + "Sand": 18471, + "ĠguiActive": 18472, + "Ġtourist": 18473, + "CNN": 18474, + "Ġunveiled": 18475, + "Ġpredecessor": 18476, + "}{": 18477, + "uber": 18478, + "Ġoffshore": 18479, + "Ġoptical": 18480, + "ĠRot": 18481, + "ĠPearl": 18482, + "eton": 18483, + "Ġstared": 18484, + "Ġfarther": 18485, + "atility": 18486, + "contin": 18487, + "ĠGy": 18488, + "ĠFoster": 18489, + "ĠCoc": 18490, + "rients": 18491, + "Ġdesigning": 18492, + "ĠEconomy": 18493, + "ONG": 18494, + "Women": 18495, + "ĠNancy": 18496, + "erver": 18497, + "Ġmascul": 18498, + "Ġcasualties": 18499, + "Ġ225": 18500, + "ĠSullivan": 18501, + "ĠChoice": 18502, + "Ġaster": 18503, + "ws": 18504, + "Ġhotels": 18505, + "Ġconsiderations": 18506, + "Ġcouch": 18507, + "ĠStrip": 18508, + "ĠGn": 18509, + "Ġmanipulate": 18510, + "lied": 18511, + "Ġsynthetic": 18512, + "Ġassaulted": 18513, + "Ġoffenses": 18514, + "ĠDrake": 18515, + "Ġimpe": 18516, + "October": 18517, + "ĠHeritage": 18518, + "hl": 18519, + "ĠBlair": 18520, + "Unlike": 18521, + "Ġgrief": 18522, + "Ġ450": 18523, + "Ġopted": 18524, + "Ġresignation": 18525, + "ilo": 18526, + "Ġverse": 18527, + "ĠTomb": 18528, + "Ġupt": 18529, + "Ġaired": 18530, + "ĠHook": 18531, + "ĠMLB": 18532, + "Ġassumes": 18533, + "outed": 18534, + "ĠVers": 18535, + "Ġinferior": 18536, + "Ġbundle": 18537, + "ĠDNS": 18538, + "ographer": 18539, + "Ġmultip": 18540, + "ĠSouls": 18541, + "Ġillustrated": 18542, + "Ġtactic": 18543, + "Ġdressing": 18544, + "Ġduo": 18545, + "Conf": 18546, + "Ġrelent": 18547, + "Ġcant": 18548, + "Ġscarce": 18549, + "Ġcandy": 18550, + "ĠCF": 18551, + "Ġaffiliated": 18552, + "Ġsprint": 18553, + "ylan": 18554, + "ĠGarcia": 18555, + "Ġjunk": 18556, + "Print": 18557, + "exec": 18558, + "Crit": 18559, + "Ġportrait": 18560, + "iries": 18561, + "ĠOFF": 18562, + "Ġdisputes": 18563, + "WR": 18564, + "Love": 18565, + "ãģĦ": 18566, + "ĠReyn": 18567, + "Ġhipp": 18568, + "opath": 18569, + "Ġfloors": 18570, + "ĠFeel": 18571, + "Ġworries": 18572, + "Ġsettlements": 18573, + "ĠPos": 18574, + "Ġmosque": 18575, + "Ġfinals": 18576, + "Ġcrushed": 18577, + "ĠProbably": 18578, + "ĠBot": 18579, + "ĠMans": 18580, + "ĠPeriod": 18581, + "Ġsovereignty": 18582, + "Ġseller": 18583, + "Ġapost": 18584, + "Ġamateur": 18585, + "Ġdorm": 18586, + "Ġconsuming": 18587, + "Ġarmour": 18588, + "ĠRoose": 18589, + "Ġintensive": 18590, + "Ġeliminating": 18591, + "ĠSunni": 18592, + "ĠAleppo": 18593, + "jin": 18594, + "Ġadvise": 18595, + "pal": 18596, + "ĠHalo": 18597, + "Ġdescent": 18598, + "Ġsimpler": 18599, + "Ġbooth": 18600, + "STR": 18601, + "Later": 18602, + "ĠCave": 18603, + "===": 18604, + "Ġmol": 18605, + "Ġfist": 18606, + "Ġshotgun": 18607, + "supp": 18608, + "Ġrobbery": 18609, + "Effect": 18610, + "Ġobscure": 18611, + "ĠProfessional": 18612, + "Ġembassy": 18613, + "Ġmilitant": 18614, + "Ġincarcer": 18615, + "Ġgenerates": 18616, + "Ġlaunches": 18617, + "Ġadministrators": 18618, + "Ġshaft": 18619, + "Ġcircular": 18620, + "Ġfreshman": 18621, + "ĠWes": 18622, + "ĠJoel": 18623, + "ĠDrew": 18624, + "ĠDuncan": 18625, + "ĠApparently": 18626, + "sight": 18627, + "ĠInternal": 18628, + "ĠIndividual": 18629, + "ĠFE": 18630, + "Ġbore": 18631, + "ĠMt": 18632, + "Ġbroadly": 18633, + "ĠOptions": 18634, + "ountain": 18635, + "ipes": 18636, + "ĠVideos": 18637, + "204": 18638, + "Ġhills": 18639, + "Ġsimulation": 18640, + "Ġdisappointment": 18641, + "itan": 18642, + "ĠLaboratory": 18643, + "Ġupward": 18644, + "Ġboundary": 18645, + "Ġdarker": 18646, + "hart": 18647, + "Ġdominance": 18648, + "Cong": 18649, + "ĠOracle": 18650, + "ĠLords": 18651, + "Ġscholarship": 18652, + "ĠVincent": 18653, + "ede": 18654, + "ĠRah": 18655, + "Ġencourages": 18656, + "rov": 18657, + "Ġquo": 18658, + "Ġpremise": 18659, + "ĠCrisis": 18660, + "ĠHolocaust": 18661, + "Ġrhythm": 18662, + "Ġmetric": 18663, + "club": 18664, + "Ġtransported": 18665, + "Ġnod": 18666, + "ĠPist": 18667, + "Ġancestors": 18668, + "ĠFreder": 18669, + "thumbnails": 18670, + "ĠCE": 18671, + "OND": 18672, + "Phil": 18673, + "venge": 18674, + "ĠProducts": 18675, + "castle": 18676, + "Ġqualifying": 18677, + "ĠKaren": 18678, + "VERTISEMENT": 18679, + "Ġmighty": 18680, + "Ġexplanations": 18681, + "Ġfixing": 18682, + "Di": 18683, + "Ġdeclaring": 18684, + "Ġanonymity": 18685, + "Ġjuven": 18686, + "ĠNord": 18687, + "ĠDoom": 18688, + "ĠActually": 18689, + "Ok": 18690, + "phis": 18691, + "ĠDesert": 18692, + "Ġ116": 18693, + "IK": 18694, + "ĠFM": 18695, + "Ġincomes": 18696, + "VEL": 18697, + "okers": 18698, + "Ġpecul": 18699, + "Ġlightweight": 18700, + "gue": 18701, + "Ġaccent": 18702, + "Ġincrement": 18703, + "ĠChan": 18704, + "Ġcomplaining": 18705, + "ĠBaghd": 18706, + "Ġmidfielder": 18707, + "Ġoverhaul": 18708, + "Process": 18709, + "ĠHollow": 18710, + "ĠTitans": 18711, + "Small": 18712, + "manuel": 18713, + "ĠUnity": 18714, + "ĠEvents": 18715, + "Sty": 18716, + "Ġdisproportion": 18717, + "nesty": 18718, + "enes": 18719, + "ĠCod": 18720, + "Ġdemonstrations": 18721, + "ĠCrimson": 18722, + "ĠOH": 18723, + "Ġenrolled": 18724, + "Ġcel": 18725, + "ĠBrett": 18726, + "Ġaide": 18727, + "Ġheels": 18728, + "Ġbroadband": 18729, + "Ġmarking": 18730, + "Ġwizard": 18731, + "ĠNJ": 18732, + "ĠChiefs": 18733, + "Ġingredient": 18734, + "Ġdug": 18735, + "ĠShut": 18736, + "urchase": 18737, + "endor": 18738, + "Ġfarmer": 18739, + "ĠGoldman": 18740, + "129": 18741, + "155": 18742, + "Order": 18743, + "Ġlion": 18744, + "iably": 18745, + "Ġstain": 18746, + "array": 18747, + "ilitary": 18748, + "ĠFAQ": 18749, + "Ġexploded": 18750, + "ĠMcCarthy": 18751, + "ĠTweet": 18752, + "ĠGreens": 18753, + "eking": 18754, + "ln": 18755, + "ensen": 18756, + "Ġmotorcycle": 18757, + "Ġparticle": 18758, + "Ġcholesterol": 18759, + "Bron": 18760, + "Ġstair": 18761, + "Ġoxid": 18762, + "Ġdesirable": 18763, + "ibles": 18764, + "Ġtheor": 18765, + "forcing": 18766, + "Ġpromotional": 18767, + "ovo": 18768, + "boot": 18769, + "ĠBonus": 18770, + "rawling": 18771, + "Ġshortage": 18772, + "ĠPsy": 18773, + "Ġrecruited": 18774, + "Ġinfants": 18775, + "Ġtestosterone": 18776, + "Ġdeduct": 18777, + "Ġdistinctive": 18778, + "Ġfirmware": 18779, + "built": 18780, + "145": 18781, + "Ġexplored": 18782, + "Ġfactions": 18783, + "Ġvide": 18784, + "Ġtattoo": 18785, + "Ġfinancially": 18786, + "Ġfatigue": 18787, + "Ġproceeding": 18788, + "constitutional": 18789, + "Ġmiser": 18790, + "Ġchairs": 18791, + "gging": 18792, + "ipple": 18793, + "Ġdent": 18794, + "Ġdisreg": 18795, + "çĶ": 18796, + "stant": 18797, + "llo": 18798, + "bps": 18799, + "akening": 18800, + "Ġabnormal": 18801, + "ĠERA": 18802, + "士": 18803, + "ĠHBO": 18804, + "ĠMAR": 18805, + "Ġconcess": 18806, + "Ġservant": 18807, + "Ġaspir": 18808, + "lav": 18809, + "ĠPanel": 18810, + "amo": 18811, + "Ġprecip": 18812, + "Ġrecordings": 18813, + "Ġproceeded": 18814, + "Ġcolony": 18815, + "ĠTang": 18816, + "ablo": 18817, + "Ġstripped": 18818, + "Left": 18819, + "too": 18820, + "Ġpotatoes": 18821, + "Ġfinest": 18822, + "%).": 18823, + "Ġcrap": 18824, + "ĠZach": 18825, + "abases": 18826, + "ĠGoth": 18827, + "Ġbillionaire": 18828, + "wolf": 18829, + "Ġsanction": 18830, + "SK": 18831, + "Ġlogged": 18832, + "Po": 18833, + "eyed": 18834, + "unal": 18835, + "Ġcricket": 18836, + "Ġarmies": 18837, + "Ġuncovered": 18838, + "Cloud": 18839, + "ón": 18840, + "Ġrebounds": 18841, + "Ġmes": 18842, + "Oper": 18843, + "Pac": 18844, + "Ġnationally": 18845, + "Ġinserted": 18846, + "pict": 18847, + "Ġgovernance": 18848, + "и": 18849, + "Ġprivileges": 18850, + "GET": 18851, + "Ġfavorites": 18852, + "imity": 18853, + "Ġlover": 18854, + "them": 18855, + "empl": 18856, + "Ġgorgeous": 18857, + "Ann": 18858, + "Ġslipped": 18859, + "Ġveto": 18860, + "Bob": 18861, + "Ġslim": 18862, + "ucc": 18863, + "ĠFame": 18864, + "uddenly": 18865, + "Ġdenies": 18866, + "ĠMaur": 18867, + "Ġdistances": 18868, + "Ġwanna": 18869, + "tar": 18870, + "ĠSER": 18871, + "ĠâĪ": 18872, + "Ġlemon": 18873, + "athetic": 18874, + "Ġliteral": 18875, + "Ġdistinguished": 18876, + "Ġanswering": 18877, + "GI": 18878, + "Ġreligions": 18879, + "ĠPhilos": 18880, + "ĠLay": 18881, + "Ġcompos": 18882, + "irements": 18883, + "ĠKos": 18884, + "inez": 18885, + "rolling": 18886, + "Ġyoungest": 18887, + "andise": 18888, + "ĠBorn": 18889, + "Ġaltar": 18890, + "amina": 18891, + "ĠBoot": 18892, + "voc": 18893, + "Ġdigging": 18894, + "Ġpressures": 18895, + "Ġlen": 18896, + "264": 18897, + "Ġassassination": 18898, + "ĠBirmingham": 18899, + "ĠMyth": 18900, + "Ġsovereign": 18901, + "ĠArtist": 18902, + "ĠPhotograph": 18903, + "Ġdepicted": 18904, + "Ġdispens": 18905, + "orthy": 18906, + "Ġambul": 18907, + "integ": 18908, + "ĠCele": 18909, + "ĠTibet": 18910, + "Ġhierarchy": 18911, + "Ġcu": 18912, + "Ġpreseason": 18913, + "ĠPeterson": 18914, + "Ġcolours": 18915, + "Ġworrying": 18916, + "Ġbackers": 18917, + "ĠPalmer": 18918, + "Ġμ": 18919, + "Ġcontributor": 18920, + "Ġhearings": 18921, + "Ġurine": 18922, + "ĠÙ": 18923, + "ourgeois": 18924, + "Similar": 18925, + "ĠZimmer": 18926, + "something": 18927, + "ĠUSC": 18928, + "Ġstrengths": 18929, + "ĠFI": 18930, + "Ġlogging": 18931, + "Asked": 18932, + "ĠThai": 18933, + "inqu": 18934, + "ĠWalt": 18935, + "Ġcrews": 18936, + "itism": 18937, + "301": 18938, + "Ġsharply": 18939, + "umed": 18940, + "Ġredirect": 18941, + "rators": 18942, + "Inf": 18943, + "ĠWeapons": 18944, + "Ġteasp": 18945, + "1999": 18946, + "Live": 18947, + "ĠEspecially": 18948, + "ĠSter": 18949, + "ĠVeterans": 18950, + "Ġintro": 18951, + "otherapy": 18952, + "Ġmalware": 18953, + "Ġbreeding": 18954, + "Ġmolecular": 18955, + "ĠRoute": 18956, + "ĠComment": 18957, + "ochem": 18958, + "Ġain": 18959, + "Season": 18960, + "Ġlinebacker": 18961, + "Ä«": 18962, + "ĠEconomics": 18963, + "esar": 18964, + "ĠLives": 18965, + "ĠEmma": 18966, + "Ġkin": 18967, + "ĠTerrit": 18968, + "Ġplanted": 18969, + "oton": 18970, + "ĠButter": 18971, + "ĠSpons": 18972, + "PER": 18973, + "Ġdungeon": 18974, + "Ġsymbolic": 18975, + "Ġfilmed": 18976, + "Ġdiets": 18977, + "Ġconcludes": 18978, + "Ġcertainty": 18979, + "ĠFormat": 18980, + "Ġstrangers": 18981, + "format": 18982, + "ĠPhase": 18983, + "Ġcopied": 18984, + "Ġmetres": 18985, + "lda": 18986, + "ĠUsers": 18987, + "Ġdeliberate": 18988, + "Ġwashed": 18989, + "ĠLance": 18990, + "imation": 18991, + "Ġimproper": 18992, + "ĠGenesis": 18993, + "ickr": 18994, + "ĠKush": 18995, + "Ġrealise": 18996, + "Ġembarrassing": 18997, + "alking": 18998, + "bucks": 18999, + "Ġverified": 19000, + "Ġoutline": 19001, + "years": 19002, + "ĠIncome": 19003, + "202": 19004, + "Ġzombies": 19005, + "Final": 19006, + "ĠMillenn": 19007, + "Ġmodifications": 19008, + "ĠVision": 19009, + "ĠMoses": 19010, + "verb": 19011, + "iterranean": 19012, + "ĠJet": 19013, + "Ġnaval": 19014, + "ĠAgg": 19015, + "Ġurl": 19016, + "Ġvictories": 19017, + "Ġnonetheless": 19018, + "Ġinjust": 19019, + "ĠFact": 19020, + "çļ": 19021, + "Ġinsufficient": 19022, + "review": 19023, + "facebook": 19024, + "Ġnegotiating": 19025, + "Ġguarantees": 19026, + "imen": 19027, + "utenberg": 19028, + "Ġgambling": 19029, + "Ġcongr": 19030, + "Loading": 19031, + "Ġnevertheless": 19032, + "Ġpresidents": 19033, + "ĠIndustrial": 19034, + "Ġ118": 19035, + "Ġpoured": 19036, + "ĠTory": 19037, + "Ġ175": 19038, + "Ġ:=": 19039, + "Scott": 19040, + "angered": 19041, + "Tok": 19042, + "Ġorganizers": 19043, + "Mat": 19044, + "ĠGrowth": 19045, + "Ġadul": 19046, + "Ġensures": 19047, + "Ġ117": 19048, + "é¾įå": 19049, + "Ġmassacre": 19050, + "Ġgrades": 19051, + "before": 19052, + "ADVERTISEMENT": 19053, + "ĠSlow": 19054, + "ĠMMA": 19055, + "âĢĶ\"": 19056, + "ĠVatican": 19057, + "Qaeda": 19058, + "Ġowe": 19059, + "6666": 19060, + "ĠSorry": 19061, + "ĠGrass": 19062, + "Ġbackgrounds": 19063, + "Ġexhausted": 19064, + "Ġclan": 19065, + "Ġcompromised": 19066, + "ĠElf": 19067, + "ĠIsaac": 19068, + "enson": 19069, + "Invest": 19070, + "IFA": 19071, + "Ġinterrupted": 19072, + "ãĥīãĥ©": 19073, + "Ġtwisted": 19074, + "ĠDragons": 19075, + "Mode": 19076, + "ĠKremlin": 19077, + "Ġfertil": 19078, + "heres": 19079, + "phan": 19080, + "ĠNode": 19081, + "fed": 19082, + "ĠOrc": 19083, + "Ġunwilling": 19084, + "Cent": 19085, + "Ġpriorit": 19086, + "Ġgraduates": 19087, + "Ġsubjective": 19088, + "Ġissuing": 19089, + "ĠLt": 19090, + "Ġviewer": 19091, + "Ġwoke": 19092, + "Thus": 19093, + "brook": 19094, + "Ġdepressed": 19095, + "Ġbracket": 19096, + "ĠGor": 19097, + "ĠFighting": 19098, + "Ġstriker": 19099, + "Report": 19100, + "ĠPortugal": 19101, + "Ġneo": 19102, + "wed": 19103, + "199": 19104, + "Ġfleeing": 19105, + "shadow": 19106, + "identified": 19107, + "USE": 19108, + "Steam": 19109, + "Ġstretched": 19110, + "Ġrevelations": 19111, + "arted": 19112, + "ĠDw": 19113, + "Ġalignment": 19114, + "eston": 19115, + "ĠJared": 19116, + "Sep": 19117, + "Ġblogs": 19118, + "update": 19119, + "gom": 19120, + "risk": 19121, + "Ġclash": 19122, + "ĠHour": 19123, + "Ġruntime": 19124, + "Ġunwanted": 19125, + "Ġscam": 19126, + "Ġrack": 19127, + "Ġenlight": 19128, + "onest": 19129, + "ĠFerr": 19130, + "Ġconvictions": 19131, + "Ġpiano": 19132, + "Ġcirculation": 19133, + "ĠWelcome": 19134, + "Ġbacklash": 19135, + "ĠWade": 19136, + "Ġreceivers": 19137, + "otive": 19138, + "Jeff": 19139, + "Ġnetworking": 19140, + "ĠPrep": 19141, + "ĠExplorer": 19142, + "Ġlecture": 19143, + "Ġuploaded": 19144, + "ĠMeat": 19145, + "BLE": 19146, + "ĠNazis": 19147, + "ĠSynd": 19148, + "stud": 19149, + "roots": 19150, + "rians": 19151, + "Ġportrayed": 19152, + "Ġ??": 19153, + "ĠBuddha": 19154, + "sun": 19155, + "Robert": 19156, + "ĠComplex": 19157, + "Ġoversee": 19158, + "Ġstealth": 19159, + "Title": 19160, + "ĠJobs": 19161, + "ĠKum": 19162, + "Ġappreciation": 19163, + "ĠMOD": 19164, + "Ġbasics": 19165, + "Ġclips": 19166, + "Ġnursing": 19167, + "Ġproposition": 19168, + "Ġrealised": 19169, + "ĠNYC": 19170, + "Ġallocated": 19171, + "rium": 19172, + "aran": 19173, + "ĠProduction": 19174, + "ĠVote": 19175, + "Ġsmugg": 19176, + "Ġhunter": 19177, + "azer": 19178, + "ĠChanges": 19179, + "Ġfluct": 19180, + "yon": 19181, + "Array": 19182, + "Ġkits": 19183, + "Water": 19184, + "Ġuncommon": 19185, + "Ġresting": 19186, + "ells": 19187, + "would": 19188, + "Ġpursued": 19189, + "Ġassertion": 19190, + "ometown": 19191, + "ĠMosul": 19192, + "ĠPlatform": 19193, + "iolet": 19194, + "Ġshareholders": 19195, + "Ġtrails": 19196, + "Pay": 19197, + "ĠEnforcement": 19198, + "types": 19199, + "ĠAnonymous": 19200, + "Ġsatisfying": 19201, + "ilogy": 19202, + "Ġ('": 19203, + "wave": 19204, + "city": 19205, + "Steve": 19206, + "Ġconfrontation": 19207, + "ĠEld": 19208, + "Capt": 19209, + "ahan": 19210, + "htm": 19211, + "ĠCtrl": 19212, + "ONS": 19213, + "230": 19214, + "ifa": 19215, + "holding": 19216, + "Ġdelicate": 19217, + "Ġjaw": 19218, + "ĠGoing": 19219, + "orum": 19220, + "Sal": 19221, + "Ġdull": 19222, + "ĠBeth": 19223, + "Ġprisons": 19224, + "Ġego": 19225, + "ĠElsa": 19226, + "avorite": 19227, + "ĠGang": 19228, + "ĠNuclear": 19229, + "Ġspider": 19230, + "atsu": 19231, + "Ġsampling": 19232, + "Ġabsorbed": 19233, + "ĠPharm": 19234, + "ieth": 19235, + "Ġbucket": 19236, + "ĠRecomm": 19237, + "OF": 19238, + "ĠFactory": 19239, + "ANCE": 19240, + "Ġbacter": 19241, + "Has": 19242, + "ĠObserv": 19243, + "121": 19244, + "Ġpremiere": 19245, + "Develop": 19246, + "Ġcurrencies": 19247, + "Cast": 19248, + "Ġaccompanying": 19249, + "ĠNashville": 19250, + "Ġfatty": 19251, + "ĠBrend": 19252, + "Ġlocks": 19253, + "Ġcentered": 19254, + "ĠUT": 19255, + "aughs": 19256, + "orie": 19257, + "ĠAffordable": 19258, + "vance": 19259, + "DL": 19260, + "emet": 19261, + "Ġthrone": 19262, + "ĠBluetooth": 19263, + "Ġnaming": 19264, + "ifts": 19265, + "ADE": 19266, + "Ġcorrected": 19267, + "Ġpromptly": 19268, + "ĠSTR": 19269, + "Ġgenome": 19270, + "Ġcope": 19271, + "Ġvalley": 19272, + "Ġrounded": 19273, + "ĠKend": 19274, + "alion": 19275, + "pers": 19276, + "Ġtourism": 19277, + "Ġstark": 19278, + "vl": 19279, + "Ġblowing": 19280, + "ĠSchedule": 19281, + "std": 19282, + "Ġunhappy": 19283, + "Ġlitigation": 19284, + "cedes": 19285, + "Ġandroid": 19286, + "Ġintegral": 19287, + "erers": 19288, + "uded": 19289, + "tax": 19290, + "Ġreiter": 19291, + "ĠMotors": 19292, + "ociated": 19293, + "Ġwonders": 19294, + "ĠApost": 19295, + "ucking": 19296, + "ĠRoosevelt": 19297, + "fram": 19298, + "Ġyields": 19299, + "Ġconstitutes": 19300, + "awk": 19301, + "Interest": 19302, + "Ġinterim": 19303, + "Ġbreakthrough": 19304, + "ĠCher": 19305, + "Ġprosec": 19306, + "ĠDj": 19307, + "ĠMT": 19308, + "Resp": 19309, + "ĠPT": 19310, + "Ġsperm": 19311, + "edit": 19312, + "BT": 19313, + "Linux": 19314, + "country": 19315, + "league": 19316, + "Ġdick": 19317, + "Ġoct": 19318, + "Ġinserting": 19319, + "Ġscra": 19320, + "ĠBrewing": 19321, + "Ġ1966": 19322, + "Ġrunners": 19323, + "Ġplun": 19324, + "idy": 19325, + "ĠDian": 19326, + "Ġdysfunction": 19327, + "Ġexclusion": 19328, + "Ġdisgr": 19329, + "Ġincorporate": 19330, + "Ġreconc": 19331, + "Ġnominated": 19332, + "ĠArcher": 19333, + "draw": 19334, + "achelor": 19335, + "Ġwritings": 19336, + "Ġshallow": 19337, + "Ġhast": 19338, + "ĠBMW": 19339, + "ĠRS": 19340, + "Ġthigh": 19341, + "Ġ1963": 19342, + "Ġlamb": 19343, + "Ġfavored": 19344, + "agle": 19345, + "Ġcooler": 19346, + "ĠHours": 19347, + "ĠGU": 19348, + "ĠOrigin": 19349, + "Ġglimpse": 19350, + "--------------------": 19351, + "Lim": 19352, + "Ġcheek": 19353, + "Ġjealous": 19354, + "-'": 19355, + "Ġharness": 19356, + "ĠPoison": 19357, + "Ġdisabilities": 19358, + "neapolis": 19359, + "Ġoutlook": 19360, + "Ġnotify": 19361, + "ĠIndianapolis": 19362, + "Ġabrupt": 19363, + "nsic": 19364, + "Ġencrypted": 19365, + "Ġforfe": 19366, + "reath": 19367, + "Ġrabb": 19368, + "Ġfoundations": 19369, + "Ġcompliment": 19370, + "ĠInterview": 19371, + "ĠSwe": 19372, + "Ġadolesc": 19373, + "Ġmonitors": 19374, + "ĠSacramento": 19375, + "Ġtimely": 19376, + "Ġcontempl": 19377, + "Ġpositioned": 19378, + "Ġposters": 19379, + "phies": 19380, + "iovascular": 19381, + "void": 19382, + "ĠFifth": 19383, + "Ġinvestigative": 19384, + "OUN": 19385, + "Ġintegrate": 19386, + "ĠINC": 19387, + "isha": 19388, + "iblings": 19389, + "ĠRequest": 19390, + "ĠRodriguez": 19391, + "Ġslides": 19392, + "ĠDX": 19393, + "Ġfeminism": 19394, + "Ġdatas": 19395, + "Ġbend": 19396, + "irus": 19397, + "ĠNigeria": 19398, + "Fox": 19399, + "Change": 19400, + "Ġairplane": 19401, + "ĠLaden": 19402, + "Ġpublicity": 19403, + "ixty": 19404, + "Ġcommitments": 19405, + "Ġaggregate": 19406, + "Ġdisplaying": 19407, + "ĠArrow": 19408, + "Ġ122": 19409, + "Ġrespects": 19410, + "android": 19411, + "six": 19412, + "ĠSha": 19413, + "Ġrestoration": 19414, + ")\\": 19415, + "WS": 19416, + "oys": 19417, + "Ġillustrate": 19418, + "without": 19419, + "126": 19420, + "ĠâĶĤ": 19421, + "Ġpickup": 19422, + "nels": 19423, + "Ġ....": 19424, + "food": 19425, + "ĠFen": 19426, + ")?": 19427, + "Ġphenomena": 19428, + "Ġcompanions": 19429, + "ĠWrite": 19430, + "Ġspill": 19431, + "Ġbridges": 19432, + "ĠUpdated": 19433, + "ĠFo": 19434, + "Ġinsects": 19435, + "ASHINGTON": 19436, + "Ġscare": 19437, + "iltr": 19438, + "ĠZhang": 19439, + "Ġseverity": 19440, + "Ġindul": 19441, + "149": 19442, + "ĠCoffee": 19443, + "Ġnorms": 19444, + "Ġpulse": 19445, + "ĠFT": 19446, + "Ġhorrific": 19447, + "ĠDestroy": 19448, + "ĠJSON": 19449, + "Ġolive": 19450, + "Ġdiscusses": 19451, + "Rest": 19452, + "Elect": 19453, + "ĠWinn": 19454, + "ĠSurviv": 19455, + "ĠHait": 19456, + "Sure": 19457, + "oped": 19458, + "Ġrooted": 19459, + "ĠSke": 19460, + "ĠBronze": 19461, + "Ġlol": 19462, + "Default": 19463, + "Ġcommodity": 19464, + "redited": 19465, + "Ġlibertarian": 19466, + "Ġforbidden": 19467, + "Ġgran": 19468, + "à¨": 19469, + "Ġlag": 19470, + "enz": 19471, + "drive": 19472, + "Ġmathematics": 19473, + "Ġwires": 19474, + "Ġcritically": 19475, + "Ġcarbohyd": 19476, + "ĠChancellor": 19477, + "ĠEddie": 19478, + "Ġbanning": 19479, + "ĠFri": 19480, + "Ġcomplications": 19481, + "etric": 19482, + "ĠBangladesh": 19483, + "Ġbandwidth": 19484, + "Stop": 19485, + "ĠOriginally": 19486, + "Ġhalfway": 19487, + "ynasty": 19488, + "shine": 19489, + "Ġtales": 19490, + "rities": 19491, + "avier": 19492, + "Ġspinning": 19493, + "ĠWHO": 19494, + "Ġneighbourhood": 19495, + "bach": 19496, + "Ġcommerce": 19497, + "ĠSle": 19498, + "BU": 19499, + "Ġentrepreneur": 19500, + "Ġpeculiar": 19501, + "ĠComments": 19502, + "fre": 19503, + "320": 19504, + "ICS": 19505, + "Ġimagery": 19506, + "ĠCanon": 19507, + "ĠElectronic": 19508, + "short": 19509, + "((": 19510, + "Dig": 19511, + "Ġcommem": 19512, + "uced": 19513, + "Ġinclined": 19514, + "ĠSummon": 19515, + "Ġcliff": 19516, + "ĠMediterranean": 19517, + "Ġpoetry": 19518, + "Ġprosperity": 19519, + "ĠRece": 19520, + "Ġpills": 19521, + "member": 19522, + "Ġfinale": 19523, + "unc": 19524, + "ĠGig": 19525, + "ä½": 19526, + "Ġlod": 19527, + "Ġbackward": 19528, + "-+": 19529, + "ĠForward": 19530, + "Ġthri": 19531, + "sure": 19532, + "Ġsoap": 19533, + "ĠFX": 19534, + "RES": 19535, + "ĠSexual": 19536, + "oulos": 19537, + "Ġfoolish": 19538, + "Ġrighteous": 19539, + "Ġcoff": 19540, + "terrorism": 19541, + "ustain": 19542, + "oter": 19543, + "Ġabuses": 19544, + "next": 19545, + "Ġabusive": 19546, + "Ġthereafter": 19547, + "Ġprohibition": 19548, + "ĠSUP": 19549, + "Ġdip": 19550, + "Ġripped": 19551, + "Ġinherited": 19552, + "Ġbats": 19553, + "stru": 19554, + "GT": 19555, + "Ġflawed": 19556, + "phabet": 19557, + "Ġfog": 19558, + "doors": 19559, + "Ġimaging": 19560, + "Ġdigits": 19561, + "ĠHungary": 19562, + "Ġarrog": 19563, + "Ġteachings": 19564, + "Ġprotocols": 19565, + "ĠBanks": 19566, + "à¸": 19567, + "pound": 19568, + "ĠCurt": 19569, + ".\")": 19570, + "./": 19571, + "Ġexemption": 19572, + "endix": 19573, + "ĠMull": 19574, + "Ġimproves": 19575, + "ĠGamer": 19576, + "dimensional": 19577, + "Icon": 19578, + "ĠMargaret": 19579, + "Status": 19580, + "dates": 19581, + "Ġintends": 19582, + "Ġdepict": 19583, + "Ġparked": 19584, + "Joe": 19585, + "ĠMarines": 19586, + "chnology": 19587, + "!).": 19588, + "Ġjudged": 19589, + "Ġweights": 19590, + "Ray": 19591, + "Ġapartments": 19592, + "hester": 19593, + "Ġreinforce": 19594, + "Ġoffender": 19595, + "occup": 19596, + "Ġsore": 19597, + "ept": 19598, + "ĠPHP": 19599, + "ĠBrow": 19600, + "Ġauthorization": 19601, + "ĠRisk": 19602, + "ĠDelaware": 19603, + "ĠQU": 19604, + "Ġnotifications": 19605, + "Ġsunlight": 19606, + "Ġexclude": 19607, + "dat": 19608, + "Ġmesh": 19609, + "ĠSudan": 19610, + "Ġbelonged": 19611, + "Ġsubway": 19612, + "Ġnoon": 19613, + "ĠInterior": 19614, + "olics": 19615, + "ĠLakers": 19616, + "Ġcoding": 19617, + "Disclaimer": 19618, + "Calif": 19619, + "Old": 19620, + "Ġdisl": 19621, + "?????": 19622, + "Ġconfirms": 19623, + "Ġrecruitment": 19624, + "Ġhomicide": 19625, + "Consider": 19626, + "ĠJeffrey": 19627, + "fty": 19628, + "};": 19629, + "Ġobjection": 19630, + "doing": 19631, + "ĠLeo": 19632, + "Want": 19633, + "Ġglow": 19634, + "ĠClarke": 19635, + "ĠNorman": 19636, + "Ġverification": 19637, + "Ġpacket": 19638, + "ĠFormula": 19639, + "Ġplag": 19640, + "esville": 19641, + "Ġshouting": 19642, + "Ġov": 19643, + "ĠREC": 19644, + "ĠBub": 19645, + "Ġninth": 19646, + "Ġenerg": 19647, + "Ġvalidity": 19648, + "Ġups": 19649, + "jack": 19650, + "Ġneighboring": 19651, + "ĠNec": 19652, + "eworks": 19653, + "ĠHab": 19654, + "arez": 19655, + "Ġspine": 19656, + "Ġeventual": 19657, + "ĠLeaders": 19658, + "ĠCarn": 19659, + "Ġprobation": 19660, + "Ġromance": 19661, + "msg": 19662, + "ĠMechanical": 19663, + "ERY": 19664, + "Rock": 19665, + "Ġpartisan": 19666, + "Node": 19667, + "assets": 19668, + "minent": 19669, + "Ġforeigners": 19670, + "Ġtestify": 19671, + "ĠUsually": 19672, + "lords": 19673, + "ĠGren": 19674, + "ĠPowell": 19675, + "BIL": 19676, + "Ġsr": 19677, + "Ġaddict": 19678, + "Ġshells": 19679, + "Ġsigh": 19680, + "ĠYale": 19681, + "ternity": 19682, + "Ġ750": 19683, + "EU": 19684, + "ĠRifle": 19685, + "Ġpatron": 19686, + "ema": 19687, + "ĠBannon": 19688, + "anity": 19689, + "Ġtropical": 19690, + "ĠVII": 19691, + "cross": 19692, + "Everything": 19693, + "ĠISO": 19694, + "Ġhumble": 19695, + "assing": 19696, + "ĠFIG": 19697, + "Ġupdating": 19698, + "yson": 19699, + "Ġcalcium": 19700, + "Ġcompetent": 19701, + "Ġsteering": 19702, + "Prot": 19703, + "ĠSY": 19704, + "ĠFinals": 19705, + "ĠRug": 19706, + "159": 19707, + "137": 19708, + "ĠGolf": 19709, + "Ġ126": 19710, + "Ġaccommodation": 19711, + "ĠHughes": 19712, + "Ġaesthetic": 19713, + "artisan": 19714, + "ĠTwilight": 19715, + "Ġprince": 19716, + "ĠAgriculture": 19717, + "ĠDisco": 19718, + "Ġprecedent": 19719, + "Ġtyping": 19720, + "authorized": 19721, + "Option": 19722, + "ĠAub": 19723, + "lishes": 19724, + "acht": 19725, + "mag": 19726, + "Peter": 19727, + "ĠUFO": 19728, + "monton": 19729, + "ĠLith": 19730, + "Ġarom": 19731, + "Ġsecuring": 19732, + "Ġconfined": 19733, + "private": 19734, + "Ġswords": 19735, + "Ġmarkers": 19736, + "Ġmetabolic": 19737, + "select": 19738, + "ĠCurse": 19739, + "ĠOt": 19740, + "gressive": 19741, + "Ġincumb": 19742, + "ĠSaga": 19743, + "Ġpriced": 19744, + "Ġclearance": 19745, + "Content": 19746, + "Ġdrilling": 19747, + "Ġnotices": 19748, + "Ġbourgeois": 19749, + "Ġvest": 19750, + "Ġcookie": 19751, + "ĠGuardians": 19752, + "rys": 19753, + "inyl": 19754, + "Ġ124": 19755, + "Ġplausible": 19756, + "ongh": 19757, + "ĠOdin": 19758, + "Ġconception": 19759, + "ĠYuk": 19760, + "ĠBaghdad": 19761, + "ĠFlag": 19762, + "Austral": 19763, + "ĠIBM": 19764, + "Ġinternationally": 19765, + "ĠWikiLeaks": 19766, + "IED": 19767, + "Ġcyn": 19768, + "Ġchooses": 19769, + "ĠPill": 19770, + "Ġcombining": 19771, + "Ġradi": 19772, + "ĠMohammed": 19773, + "defense": 19774, + "atching": 19775, + "Subject": 19776, + "iciency": 19777, + "Frame": 19778, + "Ġ{\"": 19779, + "Ġchess": 19780, + "Ġtimer": 19781, + "190": 19782, + "Ġtin": 19783, + "Ġordinance": 19784, + "emetery": 19785, + "Ġaccusing": 19786, + "Ġnoticeable": 19787, + "Ġcentres": 19788, + "Ġlid": 19789, + "ĠMills": 19790, + "imgur": 19791, + "Ġzoom": 19792, + "ergic": 19793, + "Ġcompression": 19794, + "prim": 19795, + "find": 19796, + "Ġsurg": 19797, + "Ġpand": 19798, + "ĠKee": 19799, + "ĠChad": 19800, + "cellence": 19801, + "oyle": 19802, + "Ġsocialism": 19803, + "ĠTravis": 19804, + "ĠMHz": 19805, + "Ġguild": 19806, + "ALLY": 19807, + "ĠSubscribe": 19808, + "ĠRelated": 19809, + "Ġoccurrence": 19810, + "itching": 19811, + "Ġfictional": 19812, + "Ġcrush": 19813, + "ĠEA": 19814, + "cod": 19815, + "mix": 19816, + "ĠTriple": 19817, + "Ġretrieve": 19818, + "Ġstimulus": 19819, + "Ġpsychiat": 19820, + "ĠDoor": 19821, + "Ġhomosexuality": 19822, + "Ġelementary": 19823, + "Ġcellular": 19824, + "idian": 19825, + "ĠLaun": 19826, + "Ġintriguing": 19827, + "Ġfoam": 19828, + "ĠBass": 19829, + "idi": 19830, + "itsu": 19831, + "Ġassure": 19832, + "Ġcongrat": 19833, + "Ġbusinessman": 19834, + "ĠBoost": 19835, + "close": 19836, + "Ġlied": 19837, + "Ġsciences": 19838, + "ĠOmega": 19839, + "ĠGraphics": 19840, + "Ġ<=": 19841, + "spoken": 19842, + "Ġconnectivity": 19843, + "Saturday": 19844, + "ĠAvengers": 19845, + "Ġtoggle": 19846, + "Ġankle": 19847, + "Ġnationalist": 19848, + "model": 19849, + "ĠPool": 19850, + "ophobia": 19851, + "Var": 19852, + "ĠMons": 19853, + "atories": 19854, + "Ġaggressively": 19855, + "Clear": 19856, + "Forge": 19857, + "acters": 19858, + "Ġhedge": 19859, + "Ġpipes": 19860, + "Ġblunt": 19861, + "Ġsq": 19862, + "Ġremotely": 19863, + "Wed": 19864, + "asers": 19865, + "Ġrefriger": 19866, + "Ġtiles": 19867, + "Ġrescued": 19868, + "Ġcomprised": 19869, + "insky": 19870, + "Ġmanif": 19871, + "avanaugh": 19872, + "Ġprolifer": 19873, + "Ġaligned": 19874, + "xml": 19875, + "Ġtriv": 19876, + "Ġcoordination": 19877, + "ĠPER": 19878, + "ĠQuote": 19879, + "134": 19880, + "bf": 19881, + "ĠSaw": 19882, + "Ġtermination": 19883, + "Ġ190": 19884, + "Ġadditions": 19885, + "Ġtrio": 19886, + "Ġprojections": 19887, + "Ġpositively": 19888, + "Ġinclusive": 19889, + "Ġmembr": 19890, + "1990": 19891, + "older": 19892, + "Ġpracticed": 19893, + "inkle": 19894, + "Arch": 19895, + "Ġstarters": 19896, + "arius": 19897, + "Ġintermediate": 19898, + "ĠBenef": 19899, + "ĠKiller": 19900, + "Ġinterventions": 19901, + "ĠKil": 19902, + "ĠFlying": 19903, + "Inv": 19904, + "Ġpremature": 19905, + "Ġpsychiatric": 19906, + "Ġindie": 19907, + "Ġcollar": 19908, + "ĠRainbow": 19909, + "afi": 19910, + "Ġdisruption": 19911, + "ĠFOX": 19912, + "casting": 19913, + "Ġmisdem": 19914, + "cro": 19915, + "Ġwipe": 19916, + "ardon": 19917, + "Ġbast": 19918, + "ĠTommy": 19919, + "ĠRepresentative": 19920, + "Ġbelly": 19921, + "ĠPO": 19922, + "ĠBreitbart": 19923, + "132": 19924, + "Ġmessaging": 19925, + "Should": 19926, + "References": 19927, + "ĠGRE": 19928, + "istical": 19929, + "LP": 19930, + "ĠCav": 19931, + "ĠCrazy": 19932, + "Ġintuitive": 19933, + "keeping": 19934, + "ĠMoss": 19935, + "Ġdiscontin": 19936, + "ĠModule": 19937, + "Ġunrelated": 19938, + "ĠPractice": 19939, + "ĠTransport": 19940, + "Ġstatistically": 19941, + "orns": 19942, + "Ġsized": 19943, + "pu": 19944, + "Ġcaf": 19945, + "ĠWorlds": 19946, + "ĠRodgers": 19947, + "ĠLun": 19948, + "ĠComic": 19949, + "living": 19950, + "Ġcared": 19951, + "Ġclimbed": 19952, + "){": 19953, + "Ġconsisted": 19954, + "Ġmedieval": 19955, + "folk": 19956, + "Ġhacked": 19957, + "Ġdire": 19958, + "ĠHermione": 19959, + "Ġtended": 19960, + "ceans": 19961, + "Daniel": 19962, + "went": 19963, + "Ġlegislators": 19964, + "Ġredes": 19965, + "games": 19966, + "Ġgn": 19967, + "amiliar": 19968, + "Ġ++": 19969, + "ggy": 19970, + "threat": 19971, + "Ġmagnet": 19972, + "Ġperceive": 19973, + "Ġzip": 19974, + "Ġindictment": 19975, + "Ġcritique": 19976, + "gard": 19977, + "ĠSafe": 19978, + "ĠCream": 19979, + "Ġadvent": 19980, + "oba": 19981, + "Ġvowed": 19982, + "ousands": 19983, + "Ġski": 19984, + "Ġabortions": 19985, + "uart": 19986, + "Ġstunned": 19987, + "Ġadvancing": 19988, + "Ġlacked": 19989, + "Ġ\\\"": 19990, + "Ġschizophren": 19991, + "Ġelegant": 19992, + "Ġconferences": 19993, + "Ġcanceled": 19994, + "ĠHudson": 19995, + "ĠHopefully": 19996, + "Ġtrump": 19997, + "Ġfrequencies": 19998, + "Ġmeteor": 19999, + "ĠJunior": 20000, + "ĠFleet": 20001, + "ĠMalcolm": 20002, + "ĠTools": 20003, + "Ġ........": 20004, + "Ġhobby": 20005, + "ĠEuropeans": 20006, + "Ġ1500": 20007, + "ĠInto": 20008, + "Ġsway": 20009, + "ĠAppro": 20010, + "ĠCompl": 20011, + "Community": 20012, + "Ġtide": 20013, + "ĠSummit": 20014, + "ä»": 20015, + "Ġintervals": 20016, + "ĠEther": 20017, + "Ġhabitat": 20018, + "ĠStevens": 20019, + "lishing": 20020, + "ĠDomain": 20021, + "Ġtriggers": 20022, + "Ġchasing": 20023, + "Ġcharm": 20024, + "ĠFlower": 20025, + "itored": 20026, + "Ġblessing": 20027, + "Ġtextures": 20028, + "Five": 20029, + "Ġliquor": 20030, + "RP": 20031, + "FIN": 20032, + "Ġ1962": 20033, + "CAR": 20034, + "Unknown": 20035, + "Ġresil": 20036, + "ĠLily": 20037, + "Ġabundance": 20038, + "Ġpredictable": 20039, + "rar": 20040, + "Ġbullshit": 20041, + "leen": 20042, + "chet": 20043, + "Mor": 20044, + "Much": 20045, + "ä¹": 20046, + "Ġemphasized": 20047, + "Ġcrust": 20048, + "Ġprimitive": 20049, + "Ġenjoyable": 20050, + "ĠPictures": 20051, + "Ġteammate": 20052, + "pler": 20053, + "ĠTol": 20054, + "ĠKane": 20055, + "Ġsummoned": 20056, + "thy": 20057, + "rama": 20058, + "ĠHonda": 20059, + "Ġrealizing": 20060, + "Ġquicker": 20061, + "Ġconcentrate": 20062, + "clear": 20063, + "Ġ210": 20064, + "ĠErdogan": 20065, + "aris": 20066, + "Ġresponds": 20067, + "ĠBI": 20068, + "Ġeligibility": 20069, + "Ġpushes": 20070, + "ĠIdaho": 20071, + "Ġaggrav": 20072, + "Ġruins": 20073, + "urations": 20074, + "Ġbans": 20075, + "Ġanat": 20076, + "share": 20077, + "Ġgrind": 20078, + "hin": 20079, + "umen": 20080, + "Ġutilities": 20081, + "ĠYankees": 20082, + "Ġdatabases": 20083, + "ĠDD": 20084, + "Ġdisplaced": 20085, + "Ġdependencies": 20086, + "Ġstimulation": 20087, + "hun": 20088, + "houses": 20089, + "ĠPretty": 20090, + "ĠRavens": 20091, + "ĠTODAY": 20092, + "Ġassociates": 20093, + "Ġtherape": 20094, + "cled": 20095, + "Ġdeer": 20096, + "Ġrepairs": 20097, + "rentice": 20098, + "Ġreceptors": 20099, + "Ġremed": 20100, + "ĠCe": 20101, + "Ġmarriages": 20102, + "Ġballots": 20103, + "ĠSoldier": 20104, + "Ġhilarious": 20105, + "opl": 20106, + "138": 20107, + "Ġinherently": 20108, + "Ġignorant": 20109, + "Ġbounce": 20110, + "ĠEaster": 20111, + "RELATED": 20112, + "ĠCurrency": 20113, + "EV": 20114, + "ãĥŀ": 20115, + "ĠLead": 20116, + "Ġdeceased": 20117, + "Brien": 20118, + "ĠMusk": 20119, + "JS": 20120, + "Ġmerge": 20121, + "hearted": 20122, + "creat": 20123, + "mitt": 20124, + "mund": 20125, + "ĠâĢĭ": 20126, + "ĠBag": 20127, + "Ġprojection": 20128, + "Ġjava": 20129, + "ĠStandards": 20130, + "ĠLeonard": 20131, + "Ġcoconut": 20132, + "ĠPopulation": 20133, + "Ġtraject": 20134, + "Ġimply": 20135, + "Ġcuriosity": 20136, + "ĠDB": 20137, + "ĠFresh": 20138, + "ĠPor": 20139, + "Ġheavier": 20140, + "neys": 20141, + "gomery": 20142, + "Ġdeserved": 20143, + "Ġphrases": 20144, + "ĠGC": 20145, + "Ġyeast": 20146, + "desc": 20147, + "Death": 20148, + "Ġreboot": 20149, + "Ġmetadata": 20150, + "ICAL": 20151, + "Ġrepay": 20152, + "ĠIndependence": 20153, + "Ġsuburban": 20154, + "icals": 20155, + "Ġatop": 20156, + "Ġallocation": 20157, + "generation": 20158, + "ĠGram": 20159, + "Ġmoisture": 20160, + "Ġpine": 20161, + "ĠLiberals": 20162, + "Ġaides": 20163, + "Ġunderest": 20164, + "ĠBerry": 20165, + "Ġceremon": 20166, + "370": 20167, + "astrous": 20168, + "ĠPirates": 20169, + "Ġtense": 20170, + "ĠIndustries": 20171, + "ĠAppeals": 20172, + "ĠNear": 20173, + "Ġè£ıç": 20174, + "Ġlovers": 20175, + "ĠCAP": 20176, + "ĠCraw": 20177, + "Ġgiants": 20178, + "Ġefficacy": 20179, + "Element": 20180, + "ĠBehavior": 20181, + "ĠToyota": 20182, + "Ġintest": 20183, + "Priv": 20184, + "AI": 20185, + "Ġmaneuver": 20186, + "Ġperfection": 20187, + "Ġbang": 20188, + "paper": 20189, + "rill": 20190, + "George": 20191, + "border": 20192, + "inters": 20193, + "ĠSeth": 20194, + "Ġclues": 20195, + "ĠLevi": 20196, + "ĠRevenue": 20197, + "147": 20198, + "Ġvapor": 20199, + "Ġfortunate": 20200, + "Ġthreatens": 20201, + "Ġvet": 20202, + "Ġdependency": 20203, + "ersed": 20204, + "article": 20205, + "ĠBlizzard": 20206, + "Ġchlor": 20207, + "Ġminus": 20208, + "ĠBills": 20209, + "Ġcryptocurrency": 20210, + "Ġmetabolism": 20211, + "tering": 20212, + "Ġpestic": 20213, + "steps": 20214, + "ĠTreasure": 20215, + "racted": 20216, + "ĠConstant": 20217, + "Ġtemp": 20218, + "139": 20219, + "ĠDetective": 20220, + "urally": 20221, + "Ġrecovering": 20222, + "Ġcortex": 20223, + "Ġ144": 20224, + "closed": 20225, + "Ġprejudice": 20226, + "aunted": 20227, + "Ġstorms": 20228, + "ĠNOW": 20229, + "Ġmachinery": 20230, + "Address": 20231, + "Ġcompelled": 20232, + "270": 20233, + "Ġdespair": 20234, + "bane": 20235, + "Ġvegetable": 20236, + "Ġbeds": 20237, + "Learn": 20238, + "Ġcolorful": 20239, + "Ġspike": 20240, + "Ġmargins": 20241, + "Ġsympathy": 20242, + "Ġworkshop": 20243, + "ĠCBC": 20244, + "Sat": 20245, + "Ġburns": 20246, + "ĠGender": 20247, + "Ġ129": 20248, + "ĠCable": 20249, + "Ġdebts": 20250, + "ĠTheresa": 20251, + "Ġreflecting": 20252, + "Ġairst": 20253, + "Ġrim": 20254, + "ramid": 20255, + "Ġweaknesses": 20256, + "Writ": 20257, + "oggle": 20258, + "ti": 20259, + "ĠCharge": 20260, + "Ġweighed": 20261, + "Ġ(.": 20262, + "Ġlaughter": 20263, + "Ġrouter": 20264, + "ĠDemocracy": 20265, + "Dear": 20266, + "Ġhasht": 20267, + "Ġdy": 20268, + "Ġhints": 20269, + "running": 20270, + "Ġfinishes": 20271, + "arus": 20272, + "Mass": 20273, + "result": 20274, + "ascus": 20275, + "Ġvintage": 20276, + "Ġconqu": 20277, + "Ġwildly": 20278, + "acist": 20279, + "Ġlingu": 20280, + "Ġprotagonist": 20281, + "strom": 20282, + "teenth": 20283, + "ĠSolo": 20284, + "mac": 20285, + "filled": 20286, + "Ġrenown": 20287, + "itives": 20288, + "Ġmotive": 20289, + "ĠAntar": 20290, + "ĠMann": 20291, + "ĠAdjust": 20292, + "Ġrockets": 20293, + "Ġtroubling": 20294, + "ei": 20295, + "Ġorganisms": 20296, + "assis": 20297, + "Christian": 20298, + "Ġ145": 20299, + "ĠHass": 20300, + "Ġswall": 20301, + "Ġwax": 20302, + "ĠSurvival": 20303, + "VS": 20304, + "ĠMurd": 20305, + "vd": 20306, + "standard": 20307, + "Ġdragons": 20308, + "Ġacceleration": 20309, + "rational": 20310, + "final": 20311, + "Ġpaired": 20312, + "ĠEthereum": 20313, + "Ġinterfaces": 20314, + "Ġresent": 20315, + "Ġartifacts": 20316, + "Å«": 20317, + "arel": 20318, + "Ġcompetitor": 20319, + "ĠNicholas": 20320, + "ĠSurface": 20321, + "cpp": 20322, + "ĠTot": 20323, + "Ġeconomically": 20324, + "Ġorganised": 20325, + "Ġenforced": 20326, + "inho": 20327, + "Ġvarieties": 20328, + "Ġabdom": 20329, + "ĠBailey": 20330, + "idav": 20331, + "ĠSalv": 20332, + "paid": 20333, + "Ġaltitude": 20334, + "essert": 20335, + "ĠGutenberg": 20336, + "area": 20337, + "opoulos": 20338, + "Ġprofessors": 20339, + "iggs": 20340, + "ĠFate": 20341, + "hey": 20342, + "Ġ3000": 20343, + "Dist": 20344, + "Ġtwins": 20345, + "cill": 20346, + "ĠMaps": 20347, + "Ġtraps": 20348, + "Ġweed": 20349, + "ĠKiss": 20350, + "Ġyoga": 20351, + "Ġrecipients": 20352, + "ĠWestminster": 20353, + "Ġpools": 20354, + "ĠWalmart": 20355, + "188": 20356, + "ĠSchools": 20357, + "attack": 20358, + "ĠARM": 20359, + "paragraph": 20360, + "Warning": 20361, + "jl": 20362, + "Ġselfish": 20363, + "anchez": 20364, + "ĠHeights": 20365, + "Fre": 20366, + "ĠSoph": 20367, + "Ġ--------------------------------": 20368, + "tml": 20369, + "333": 20370, + "Ġraids": 20371, + "Ġsatellites": 20372, + "KEY": 20373, + "Ġlasts": 20374, + "ÑĤ": 20375, + "Ins": 20376, + "ĠDame": 20377, + "Ġunpredict": 20378, + "///": 20379, + "ghai": 20380, + "Ġartillery": 20381, + "Ġcruise": 20382, + "Ġgel": 20383, + "ĠCabinet": 20384, + "Ġblows": 20385, + "ĠEsp": 20386, + "Ġproximity": 20387, + "othe": 20388, + "ĠSkills": 20389, + "ĠUpper": 20390, + "obo": 20391, + "ĠNDP": 20392, + "Ġenjoys": 20393, + "Ġrepeating": 20394, + "ĠConstruction": 20395, + "ĠQuestions": 20396, + "Hillary": 20397, + "Ġuint": 20398, + "Ġprocessors": 20399, + "ĠGibson": 20400, + "ĠMultiple": 20401, + "qa": 20402, + "ĠBom": 20403, + "ĠMiles": 20404, + "ventional": 20405, + "Ġhurts": 20406, + "skin": 20407, + "ĠAIDS": 20408, + "Ġadvisers": 20409, + "ĠRoot": 20410, + "Ġmethodology": 20411, + "ĠDale": 20412, + "Ġdeton": 20413, + "ĠKnowledge": 20414, + "sequently": 20415, + "Ġ121": 20416, + "Ġconnects": 20417, + "Cy": 20418, + "ĠDanger": 20419, + "Ġcontributors": 20420, + "ĠBent": 20421, + "Ġbrass": 20422, + "ĠGuns": 20423, + "into": 20424, + "ĠFortune": 20425, + "Ġbroker": 20426, + "balance": 20427, + "Ġlengths": 20428, + "Ġvic": 20429, + "Ġaveraging": 20430, + "Ġappropriately": 20431, + "ĠCamera": 20432, + "Ġsandwich": 20433, + "ĠCDC": 20434, + "Ġcoordinate": 20435, + "Ġnavig": 20436, + "Ġgoodness": 20437, + "laim": 20438, + "Ġbrake": 20439, + "Ġextremist": 20440, + "ĠWake": 20441, + "ĠMend": 20442, + "ĠTiny": 20443, + "ĠCOL": 20444, + "ĠRF": 20445, + "ĠDual": 20446, + "ĠWine": 20447, + "Case": 20448, + "Ġrefined": 20449, + "Ġlamp": 20450, + "Lead": 20451, + "Ġbapt": 20452, + "ĠCarb": 20453, + "ĠSadd": 20454, + "ĠMinneapolis": 20455, + "PDF": 20456, + "Early": 20457, + "ĠHidden": 20458, + "Its": 20459, + "ĠTIME": 20460, + "Ġpap": 20461, + "Ġcommissioned": 20462, + "ĠFew": 20463, + "ĠColts": 20464, + "ĠBren": 20465, + "Ġbothered": 20466, + "Ġlikewise": 20467, + "Exper": 20468, + "ĠSchw": 20469, + "cry": 20470, + "nn": 20471, + "ĠMitch": 20472, + "imon": 20473, + "MG": 20474, + "bm": 20475, + "UMP": 20476, + "rays": 20477, + "Ġregistry": 20478, + "Ġ270": 20479, + "achine": 20480, + "rella": 20481, + "anting": 20482, + "00000": 20483, + "Ġruined": 20484, + "spot": 20485, + "Ġta": 20486, + "Ġmaximize": 20487, + "Ġinconven": 20488, + "Dead": 20489, + "Human": 20490, + "Enabled": 20491, + "ĠMarie": 20492, + "Ġchill": 20493, + "ĠParadise": 20494, + "Ġstarring": 20495, + "ĠLatino": 20496, + "ĠProtocol": 20497, + "ĠEVER": 20498, + "Ġsuppliers": 20499, + "message": 20500, + "ĠBrock": 20501, + "Ġserum": 20502, + "âĸĪâĸĪâĸĪâĸĪ": 20503, + "Ġencomp": 20504, + "Ġambition": 20505, + "uese": 20506, + "Ġarrows": 20507, + "Andrew": 20508, + "Ġantenna": 20509, + "Ġ1961": 20510, + "ĠBark": 20511, + "Ġbool": 20512, + "ãĤª": 20513, + "ĠStorage": 20514, + "Ġrailway": 20515, + "Ġtougher": 20516, + "ĠCad": 20517, + "Ġwashing": 20518, + "Py": 20519, + "']": 20520, + "embed": 20521, + "ĠMemphis": 20522, + "ackle": 20523, + "Ġfamously": 20524, + "ĠFortunately": 20525, + "ovies": 20526, + "Ġmindset": 20527, + "Ġsneak": 20528, + "ĠDh": 20529, + "RAW": 20530, + "ĠSimpson": 20531, + "Ġlivest": 20532, + "Ġlandmark": 20533, + "Ġcement": 20534, + "Low": 20535, + "Ġthrilled": 20536, + "ĠCourse": 20537, + "inel": 20538, + "Ġchuck": 20539, + "idate": 20540, + "global": 20541, + "Ġwhit": 20542, + "Ġ�": 20543, + "adays": 20544, + "ski": 20545, + "ĠSV": 20546, + "Ġviruses": 20547, + "306": 20548, + "ĠRespons": 20549, + "Ġtheaters": 20550, + "ĠBranch": 20551, + "ĠGeneva": 20552, + "ĠMK": 20553, + "Ġunbeliev": 20554, + "Ġcommunist": 20555, + "Original": 20556, + "ĠReceived": 20557, + "ĠTransfer": 20558, + "ĠArg": 20559, + "Input": 20560, + "ĠStrategy": 20561, + "Ġpalace": 20562, + "thening": 20563, + "Dri": 20564, + "Ġsentencing": 20565, + "umbnail": 20566, + "Ġpins": 20567, + "recy": 20568, + "Ġsiblings": 20569, + "Getting": 20570, + "ĠBU": 20571, + "ĠNorthwest": 20572, + "Ġprolonged": 20573, + "ĠSakura": 20574, + "Comb": 20575, + "ĠBour": 20576, + "Ġinadequate": 20577, + "ĠKash": 20578, + "Ġusername": 20579, + "ĠImprove": 20580, + "Ġbattling": 20581, + "ĠMAC": 20582, + "Ġcurriculum": 20583, + "Ġsoda": 20584, + "ĠCannon": 20585, + "Ġsensible": 20586, + "spons": 20587, + "December": 20588, + "Ġwicked": 20589, + "ĠPengu": 20590, + "Ġdictators": 20591, + "ĠHearts": 20592, + "ogyn": 20593, + "Ġsimilarities": 20594, + "ĠStats": 20595, + "Ġhollow": 20596, + "itations": 20597, + "\":[": 20598, + "Ġhover": 20599, + "ĠListen": 20600, + "sch": 20601, + "Sund": 20602, + "Ġcad": 20603, + "ĠParks": 20604, + "Ġlur": 20605, + "Ġhype": 20606, + "ĠLem": 20607, + "NAME": 20608, + "isure": 20609, + "Friday": 20610, + "Ġshoots": 20611, + "Ġcloses": 20612, + "Ġdb": 20613, + "ĠRidge": 20614, + "ĠDifferent": 20615, + "Ġreplies": 20616, + "ĠBroadway": 20617, + "opers": 20618, + "Ġintoler": 20619, + "ĠZeus": 20620, + "akespe": 20621, + "Ġproprietary": 20622, + "Ġrequesting": 20623, + "Ġcontrollers": 20624, + "ĠMIN": 20625, + "imedia": 20626, + "becca": 20627, + "Ġexpans": 20628, + "Ġoils": 20629, + "Bot": 20630, + "ĠChand": 20631, + "Ġprinter": 20632, + "Ġtopped": 20633, + "ĠPOL": 20634, + "ĠEarlier": 20635, + "Social": 20636, + "avin": 20637, + "Ġdecreases": 20638, + "ĠSeb": 20639, + "Ġspecifications": 20640, + "ĠBlast": 20641, + "ĠKurt": 20642, + "Ġfreel": 20643, + "Brown": 20644, + "Ġdilig": 20645, + "roe": 20646, + "ĠProblem": 20647, + "ĠQuad": 20648, + "Ġdecentral": 20649, + "ĠVector": 20650, + "anut": 20651, + "Ġplugins": 20652, + "ĠGregory": 20653, + "Ġfucked": 20654, + "elines": 20655, + "ĠAmbassador": 20656, + "take": 20657, + "Ġcleans": 20658, + "ongyang": 20659, + "Anonymous": 20660, + "stro": 20661, + "\"}": 20662, + "aline": 20663, + "ĠOdd": 20664, + "ĠEug": 20665, + "216": 20666, + "Ġboil": 20667, + "ĠPowers": 20668, + "Ġnurses": 20669, + "Obviously": 20670, + "ĠTechnical": 20671, + "Ġexceeded": 20672, + "ORS": 20673, + "Ġextremists": 20674, + "Ġtraces": 20675, + "expl": 20676, + "Ġcomr": 20677, + "ĠSach": 20678, + ")/": 20679, + "Ġmasks": 20680, + "Ġsci": 20681, + "Bon": 20682, + "Ġregression": 20683, + "wegian": 20684, + "Ġadvisor": 20685, + "itures": 20686, + "ĠVo": 20687, + "example": 20688, + "ĠInstruct": 20689, + "Ġsiege": 20690, + "Ġreductions": 20691, + "ptr": 20692, + "Ġstatutory": 20693, + "Ġremoves": 20694, + "Ġpuck": 20695, + "redits": 20696, + "Ġbee": 20697, + "Ġsalad": 20698, + "Ġpromotions": 20699, + "ĠJoshua": 20700, + "withstanding": 20701, + "ETH": 20702, + "ĠCha": 20703, + "imus": 20704, + "Ġexpenditure": 20705, + "aunting": 20706, + "Ġdelighted": 20707, + "Ġ155": 20708, + "beh": 20709, + "Ġcarpet": 20710, + "ĠSpart": 20711, + "Ġjungle": 20712, + "lists": 20713, + "Ġbullying": 20714, + "ĠNobel": 20715, + "ĠGlen": 20716, + "Ġreferenced": 20717, + "Ġintroduces": 20718, + "sein": 20719, + "Ġchopped": 20720, + "glass": 20721, + "ĠWrest": 20722, + "Ġneutrality": 20723, + "ĠâĻ": 20724, + "Ġinvestigator": 20725, + "Ġshelves": 20726, + "Ġunconstitutional": 20727, + "Ġreproduction": 20728, + "Ġmerchant": 20729, + "mia": 20730, + "Ġmetrics": 20731, + "Ġexplosives": 20732, + "ĠSonia": 20733, + "Ġbodily": 20734, + "Ġthickness": 20735, + "Ġpredominantly": 20736, + "ĠAbility": 20737, + "Ġmonitored": 20738, + "ICH": 20739, + "Ġ].": 20740, + "ĠMartinez": 20741, + "Ġvisibility": 20742, + "Ġqueries": 20743, + "Ġgenocide": 20744, + "ĠWarfare": 20745, + "Query": 20746, + "Ġstudios": 20747, + "Ġembry": 20748, + "Ġcorridor": 20749, + "Ġcleaned": 20750, + "complete": 20751, + "ĠMH": 20752, + "Ġenrollment": 20753, + "INGS": 20754, + "Ġimpacted": 20755, + "Ġdisastrous": 20756, + "ĠYun": 20757, + "ĠClaire": 20758, + "ĠBasically": 20759, + "yt": 20760, + "usterity": 20761, + "Ġindirectly": 20762, + "wik": 20763, + "Ġdod": 20764, + "ĠCarr": 20765, + "Ġamp": 20766, + "Ġprohibit": 20767, + "ĠInitial": 20768, + "ĠRd": 20769, + "iji": 20770, + "Ġeducate": 20771, + "corn": 20772, + "iott": 20773, + "ĠBeauty": 20774, + "Ġdetective": 20775, + "ĠConn": 20776, + "since": 20777, + "Ġstagger": 20778, + "Ġobese": 20779, + "Ġbree": 20780, + "ologic": 20781, + "isse": 20782, + "walker": 20783, + "Ġblades": 20784, + "Ġlawful": 20785, + "func": 20786, + "ĠBehind": 20787, + "Ġappetite": 20788, + "Ġ(*": 20789, + "Ġtennis": 20790, + "Ġoffspring": 20791, + "Ġjets": 20792, + "Ġstructured": 20793, + "Ġaforementioned": 20794, + "Nov": 20795, + "Ġscaling": 20796, + "fill": 20797, + "Ġstew": 20798, + "Ġcurb": 20799, + "ĠStephan": 20800, + "edIn": 20801, + "SF": 20802, + "obic": 20803, + "éŃĶ": 20804, + "oug": 20805, + "ĠMM": 20806, + "Ġgenetically": 20807, + "opez": 20808, + "136": 20809, + "Ġumb": 20810, + "ancers": 20811, + "Ġcohort": 20812, + "Ġmerchandise": 20813, + "Ġimposing": 20814, + "ĠLegislature": 20815, + "ĠArchive": 20816, + "ivia": 20817, + "ĠNaval": 20818, + "Ġoffences": 20819, + "Ġmiracle": 20820, + "Ġsnapped": 20821, + "Ġfoes": 20822, + "Ġextensively": 20823, + "ĠRaf": 20824, + "Ġcater": 20825, + "edience": 20826, + "Kit": 20827, + "ĠBin": 20828, + "Ġrecommends": 20829, + "ĠCities": 20830, + "Ġrigid": 20831, + "ĠREAD": 20832, + "ĠNoble": 20833, + "ĠTian": 20834, + "Ġcertificates": 20835, + "antis": 20836, + "oiler": 20837, + "ĠBuddhist": 20838, + "did": 20839, + "Ġsurveyed": 20840, + "Ġdownward": 20841, + "Ġprints": 20842, + "ĠMotion": 20843, + "ronics": 20844, + "ĠSans": 20845, + "ossibly": 20846, + "uctions": 20847, + "Ġcolonies": 20848, + "ĠDanish": 20849, + "unit": 20850, + "Ġspoil": 20851, + "Ġadvisory": 20852, + "berries": 20853, + "Plan": 20854, + "Ġspecification": 20855, + "ophers": 20856, + "ĠResource": 20857, + "Ġshirts": 20858, + "prisingly": 20859, + "communications": 20860, + "Ġtrivial": 20861, + "Ġmentioning": 20862, + "isexual": 20863, + "Ġsupplements": 20864, + "Ġsupervision": 20865, + "BP": 20866, + "vor": 20867, + "Ġwit": 20868, + "Ġcooldown": 20869, + "Ġplaintiff": 20870, + "ĠReviews": 20871, + "ĠSri": 20872, + "ĠMint": 20873, + "ĠSugar": 20874, + "Ġafterward": 20875, + "ĠPriest": 20876, + "ĠInvestment": 20877, + "ogene": 20878, + "ĠTaking": 20879, + "Ġstretching": 20880, + "Ġinflammation": 20881, + "ĠTehran": 20882, + "Ġlining": 20883, + "Ġfreezing": 20884, + "ĠEntity": 20885, + "Ġinspiring": 20886, + "special": 20887, + "price": 20888, + "Ġsue": 20889, + "ĠPorter": 20890, + "ounge": 20891, + "ETA": 20892, + "ĠDerek": 20893, + "ĠLuis": 20894, + "uo": 20895, + "ymph": 20896, + "Ġexterior": 20897, + "ihil": 20898, + "ĠAshley": 20899, + "inator": 20900, + "Ġnutrients": 20901, + "ĠThrones": 20902, + "Ġfinances": 20903, + "ĠInspect": 20904, + "Ġspecially": 20905, + "ĠRequired": 20906, + "ĠPTS": 20907, + "ĠViolence": 20908, + "ointed": 20909, + "shots": 20910, + "Ġexcerpt": 20911, + "coon": 20912, + "INS": 20913, + "ĠGri": 20914, + "Ġrecognised": 20915, + "Week": 20916, + "Young": 20917, + "Ġvom": 20918, + "isle": 20919, + "ĠCurry": 20920, + "ĠBuddh": 20921, + "Ġnotebook": 20922, + "Ġdurable": 20923, + "/?": 20924, + "ĠGad": 20925, + "ĠPupp": 20926, + "Ġforgive": 20927, + "park": 20928, + "Ġpersonalities": 20929, + "analysis": 20930, + "clamation": 20931, + "Ġelevator": 20932, + "Ġwarehouse": 20933, + "ĠRole": 20934, + "unn": 20935, + "Ġillustration": 20936, + "ĠScan": 20937, + "Ġatmospheric": 20938, + "Import": 20939, + "ANC": 20940, + "ricted": 20941, + "fu": 20942, + "010": 20943, + "Ġarche": 20944, + "Ġrewarded": 20945, + "akespeare": 20946, + "Ġinternally": 20947, + "ĠRBI": 20948, + "alker": 20949, + "Ġelephant": 20950, + "owitz": 20951, + "ĠPizza": 20952, + "Ġbipartisan": 20953, + "és": 20954, + "Ġslowed": 20955, + "ĠStark": 20956, + "Ġoverride": 20957, + "OUS": 20958, + "Ġ320": 20959, + "undreds": 20960, + "ĠDeck": 20961, + "ĠCensus": 20962, + "bee": 20963, + "146": 20964, + "otor": 20965, + "Ġip": 20966, + "Ġub": 20967, + "ocations": 20968, + "ĠButton": 20969, + "rice": 20970, + "Ġcripp": 20971, + "fff": 20972, + "Ġoriginated": 20973, + "Ġoverwhelmed": 20974, + "appa": 20975, + "Ġforemost": 20976, + "âĢij": 20977, + "ĠLEG": 20978, + "release": 20979, + "eatured": 20980, + "atches": 20981, + "Ġreps": 20982, + "Ġlending": 20983, + "ĠReference": 20984, + "ĠClient": 20985, + "165": 20986, + "venth": 20987, + "Complete": 20988, + "ĠPatrol": 20989, + "Ġsworn": 20990, + "cam": 20991, + "Ġshuttle": 20992, + "ĠRalph": 20993, + "Ġhometown": 20994, + "-,": 20995, + "onal": 20996, + "ĠBP": 20997, + "åı": 20998, + "Ġpersuade": 20999, + "ĠAlexand": 21000, + "Ġcombines": 21001, + "Ġvivid": 21002, + "ĠLag": 21003, + "Ġencoding": 21004, + "Ġsalvation": 21005, + "wen": 21006, + "ĠRecovery": 21007, + "iya": 21008, + "University": 21009, + "ĠBiden": 21010, + "Ġbudgets": 21011, + "ĠTexans": 21012, + "fits": 21013, + "Ġhonored": 21014, + "Ġpython": 21015, + "TD": 21016, + "###": 21017, + "clone": 21018, + "Ġblink": 21019, + "ĠLiquid": 21020, + "Ġunemployed": 21021, + "Ġclashes": 21022, + "ĠCounsel": 21023, + "Ġdirecting": 21024, + "Ġpunct": 21025, + "ĠFalcons": 21026, + "Ġshark": 21027, + "ĠDamascus": 21028, + "Ġjeans": 21029, + "Ġembark": 21030, + "Ġseize": 21031, + "Ġupwards": 21032, + "280": 21033, + "ĠEz": 21034, + "ĠAnything": 21035, + "Ġexotic": 21036, + "lower": 21037, + "ĠCreator": 21038, + "ĠUm": 21039, + "Ġsuburbs": 21040, + "berger": 21041, + "ĠWend": 21042, + "Ġmint": 21043, + "ĠXX": 21044, + "ĠDro": 21045, + "Ġsuffers": 21046, + "Ġherb": 21047, + "tree": 21048, + "Ġfragile": 21049, + "Ġflooded": 21050, + "ĠAlcohol": 21051, + "olean": 21052, + "nyder": 21053, + "ĠKO": 21054, + "Fram": 21055, + "Ġ136": 21056, + "Ġowed": 21057, + "ĠMelee": 21058, + "ĠHash": 21059, + "Ġwhisk": 21060, + "Ġsudo": 21061, + "rr": 21062, + "Quick": 21063, + "appro": 21064, + "Ġii": 21065, + "ĠExamples": 21066, + "hee": 21067, + "Ġpromotes": 21068, + "perature": 21069, + "kar": 21070, + "ĠHonor": 21071, + "Ġsodium": 21072, + "ĠLif": 21073, + "rosso": 21074, + "intendent": 21075, + "Ġcorrespondent": 21076, + "Found": 21077, + "secret": 21078, + "Ġidentifies": 21079, + "agne": 21080, + "Ġlou": 21081, + "ĠPP": 21082, + "Ġcoincidence": 21083, + "move": 21084, + "Ġmilitia": 21085, + "Ġinfiltr": 21086, + "ĠPrimary": 21087, + "Ġpitching": 21088, + "ĠIb": 21089, + "ĠGOOD": 21090, + "ãĤ¸": 21091, + "ĠWizards": 21092, + "iral": 21093, + "ĠVenus": 21094, + "RR": 21095, + "ĠâĢķ": 21096, + "ĠCasey": 21097, + "Ġsadly": 21098, + "Ġadmire": 21099, + "Ġembarrassed": 21100, + "cb": 21101, + "Mel": 21102, + "Ġtubes": 21103, + "Ġbeautifully": 21104, + "ĠQueensland": 21105, + "Below": 21106, + "rez": 21107, + "quet": 21108, + "pleasant": 21109, + "Ġ«": 21110, + "Camp": 21111, + "Ġdecisive": 21112, + "1998": 21113, + "ĠLamb": 21114, + "utton": 21115, + "hn": 21116, + "ĠJagu": 21117, + "aunder": 21118, + "ĠCord": 21119, + "Ġclerk": 21120, + "Ġcaffe": 21121, + "Ġwiped": 21122, + "Ġreim": 21123, + "ĠMountains": 21124, + "Ġimprisoned": 21125, + "Ġdevelops": 21126, + "ĠPra": 21127, + "Ġmodeling": 21128, + "Anyone": 21129, + "ancel": 21130, + "ĠSit": 21131, + "Ġshields": 21132, + "Ġlawn": 21133, + "Ġcardiovascular": 21134, + "Ġdemonstrating": 21135, + "Ġparse": 21136, + "ĠIsraelis": 21137, + "Ġeuros": 21138, + "143": 21139, + "Ġglorious": 21140, + "inski": 21141, + "ecd": 21142, + "Ġconditioning": 21143, + "Ġhelpless": 21144, + "Ġmicrosc": 21145, + "ĠHarbor": 21146, + "Ġstakes": 21147, + "Ġ260": 21148, + "Ġunequ": 21149, + "ĠFloyd": 21150, + "Ġdamp": 21151, + "Ġapparatus": 21152, + "ĠLaws": 21153, + "Ġcounters": 21154, + "Ġinduce": 21155, + "atable": 21156, + "ĠAhmed": 21157, + "Ġslam": 21158, + "November": 21159, + "Ġpersist": 21160, + "Ġimminent": 21161, + "án": 21162, + "Ġshred": 21163, + "Ġphases": 21164, + "ĠEdmonton": 21165, + "ĠArmstrong": 21166, + "ĠMeet": 21167, + "ĠKitty": 21168, + "ÑĢ": 21169, + "circ": 21170, + "ĠAdult": 21171, + "Ġarose": 21172, + "ĠXen": 21173, + "Dan": 21174, + "gow": 21175, + "Ġsuperf": 21176, + "ĠAdmir": 21177, + "Ġendure": 21178, + "Ġkeyword": 21179, + "yrus": 21180, + "Ġyarn": 21181, + "Ġpathway": 21182, + "ĠHopkins": 21183, + "midt": 21184, + "Ġcensorship": 21185, + "dependent": 21186, + "Ġinstructor": 21187, + "Sources": 21188, + "Ġtoe": 21189, + "Ġballoon": 21190, + "Nob": 21191, + "Ġswear": 21192, + "ĠCastro": 21193, + "Ġgloss": 21194, + "ĠKavanaugh": 21195, + "Ġremarkably": 21196, + "Photos": 21197, + "ĠNom": 21198, + "ĠSoutheast": 21199, + "yers": 21200, + "Ġvalidation": 21201, + "Ġcannon": 21202, + "ĠVictory": 21203, + "ĠPierre": 21204, + "Ġcautious": 21205, + "Audio": 21206, + "Ġfetch": 21207, + "ĠGift": 21208, + "ĠHyp": 21209, + "Ġremedy": 21210, + "ZE": 21211, + "Ġscent": 21212, + "Ġbeard": 21213, + "ĠRut": 21214, + "-\"": 21215, + "Ġpatents": 21216, + "Hy": 21217, + "Ġunjust": 21218, + "Ġpotato": 21219, + "Ġforthcoming": 21220, + "Ġchef": 21221, + "ĠRift": 21222, + "affe": 21223, + "ĠROM": 21224, + "ĠLaunch": 21225, + "Ġpads": 21226, + "ĠNeo": 21227, + "Ġonset": 21228, + "Ġsqueeze": 21229, + "safe": 21230, + "Ġprefix": 21231, + "ĠTM": 21232, + "ĠNearly": 21233, + "ĠClinical": 21234, + "ĠMental": 21235, + "otiation": 21236, + "ĠUnic": 21237, + "antry": 21238, + "ĠCir": 21239, + "Ġepit": 21240, + "æ": 21241, + "Ġextracted": 21242, + "versely": 21243, + "riad": 21244, + "Ġstrains": 21245, + "Ġtops": 21246, + "Ġpoem": 21247, + "ĠRandy": 21248, + "ĠMaple": 21249, + "THER": 21250, + "upiter": 21251, + "ĠSSD": 21252, + "ļé": 21253, + "Ġuncon": 21254, + "pering": 21255, + "Ġslept": 21256, + "iners": 21257, + "Ġunderwater": 21258, + "ĠEvidence": 21259, + "gone": 21260, + "205": 21261, + "Ġhistorians": 21262, + "Ġsynthesis": 21263, + "Ġfrog": 21264, + "basketball": 21265, + "Ġvibrant": 21266, + "Ġsubord": 21267, + "Ġ365": 21268, + "ĠDial": 21269, + "Ġcooperate": 21270, + "HAHA": 21271, + "Ġgreeted": 21272, + "158": 21273, + "Ġjazz": 21274, + "Ġintox": 21275, + "ĠWalking": 21276, + "Ġsupervisor": 21277, + "ĠFusion": 21278, + "ĠMercedes": 21279, + "send": 21280, + "Ham": 21281, + "sd": 21282, + "nl": 21283, + "Ġtours": 21284, + "ĠFIFA": 21285, + "Ġculp": 21286, + "gd": 21287, + "304": 21288, + "Ġpleas": 21289, + "Ġillustrates": 21290, + "ĠColombia": 21291, + "Ġhighlighting": 21292, + "ĠSummary": 21293, + "Ġexposing": 21294, + "ĠDru": 21295, + "Ġirony": 21296, + "ritional": 21297, + "ĠCarroll": 21298, + "ĠEllis": 21299, + "Pict": 21300, + "ĠRapt": 21301, + "Ġadapter": 21302, + "Ġunm": 21303, + "Ġcorpse": 21304, + "Ġcelebrities": 21305, + "Den": 21306, + "atum": 21307, + "ĠApocalypse": 21308, + "ĠWag": 21309, + "lining": 21310, + "Ġhormones": 21311, + "Rub": 21312, + "ĠXi": 21313, + "ĠVaults": 21314, + "208": 21315, + "alkyrie": 21316, + "inosaur": 21317, + "Ġfeeds": 21318, + "vity": 21319, + "Ġdefeating": 21320, + "Wait": 21321, + "Ġemphasize": 21322, + "ĠSteelers": 21323, + "yrinth": 21324, + "leys": 21325, + "ĠWhenever": 21326, + "Currently": 21327, + "ĠClock": 21328, + "Ġcollectively": 21329, + "anyon": 21330, + "ĠJP": 21331, + "Ġmentality": 21332, + "Ġdownloads": 21333, + "Ġsurroundings": 21334, + "ĠBarnes": 21335, + "Ġflagship": 21336, + "Ġindicators": 21337, + "Ġgrapp": 21338, + "January": 21339, + "ĠElemental": 21340, + "ĠAthena": 21341, + "ibal": 21342, + "Ġsights": 21343, + "Ġcapita": 21344, + "ĠTreaty": 21345, + "Ġvoiced": 21346, + "ĠGaz": 21347, + "lette": 21348, + "Ġya": 21349, + "Ġexpired": 21350, + "Legend": 21351, + "Hot": 21352, + "nature": 21353, + "Ġunstable": 21354, + "Ġ280": 21355, + "ú": 21356, + "Comment": 21357, + "ALE": 21358, + "Ġquests": 21359, + "Ġhandler": 21360, + "nis": 21361, + "Ġversatile": 21362, + "Ġconceal": 21363, + "engeance": 21364, + "ĠInteractive": 21365, + "Ġobsessed": 21366, + "ĠDogs": 21367, + "Ġcracked": 21368, + "Sound": 21369, + "sv": 21370, + "ĠDylan": 21371, + "roads": 21372, + "fx": 21373, + "ĠCatholics": 21374, + "ĠHag": 21375, + "Ġslammed": 21376, + "Ġglowing": 21377, + "sale": 21378, + "Ġtissues": 21379, + "ĠChi": 21380, + "nee": 21381, + "Ġcher": 21382, + "sic": 21383, + "urrection": 21384, + "Ġbacon": 21385, + "ulatory": 21386, + ").\"": 21387, + "Ġirregular": 21388, + "FORM": 21389, + "assed": 21390, + "Ġintentional": 21391, + "Ġcompensate": 21392, + "ĠSpeaking": 21393, + "ĠSets": 21394, + "153": 21395, + "Ġconventions": 21396, + "bands": 21397, + "emade": 21398, + "Ġecc": 21399, + "ĠWinston": 21400, + "ĠAssassin": 21401, + "ĠBelgian": 21402, + "Ġdependence": 21403, + "Ġniche": 21404, + "Ġbark": 21405, + "ĠJazz": 21406, + "Ġdisadvantage": 21407, + "Ġgasoline": 21408, + "Ġ165": 21409, + "çļĦ": 21410, + "essa": 21411, + "module": 21412, + "angular": 21413, + "OY": 21414, + "ĠTreatment": 21415, + "itas": 21416, + "olation": 21417, + "ĠArnold": 21418, + "Ġfeud": 21419, + "ĠNest": 21420, + "Ġtheatre": 21421, + "ewater": 21422, + "Ġminors": 21423, + "olicy": 21424, + "ĠHaven": 21425, + "division": 21426, + "Ġtrunk": 21427, + "Far": 21428, + "ĠPull": 21429, + "Ġcapturing": 21430, + "Ġ1800": 21431, + "ĠTeen": 21432, + "Ġexempl": 21433, + "Ġclinics": 21434, + "ĠBurg": 21435, + "Ġsubstit": 21436, + "Ġpayload": 21437, + "ĠLav": 21438, + "ĠTroy": 21439, + "ĠWitness": 21440, + "Ġfragments": 21441, + "Ġpasswords": 21442, + "Ġgospel": 21443, + "ĠGin": 21444, + "Ġtenants": 21445, + "olith": 21446, + "Six": 21447, + "Previous": 21448, + "ĠAges": 21449, + "ĠDarwin": 21450, + "Ġblat": 21451, + "Ġempathy": 21452, + "smith": 21453, + "bag": 21454, + "ĠEcho": 21455, + "ĠCamb": 21456, + "ĠMadd": 21457, + "ĠBoo": 21458, + "Ġrede": 21459, + "ĠBurning": 21460, + "Ġsmoothly": 21461, + "ĠAdrian": 21462, + "ĠVampire": 21463, + "ĠMonsters": 21464, + "steam": 21465, + "Style": 21466, + "Ma": 21467, + "rea": 21468, + "ĠDwar": 21469, + "alyst": 21470, + "ursor": 21471, + "Ġelimination": 21472, + "Ġcrypto": 21473, + "cht": 21474, + "ĠEternal": 21475, + "âĢ¦]": 21476, + "ĠSorce": 21477, + "Ill": 21478, + "NER": 21479, + "Ġuh": 21480, + "Conclusion": 21481, + "wage": 21482, + "Ġrespir": 21483, + "Ġreminis": 21484, + "hetical": 21485, + "Ġgy": 21486, + "Ġutilized": 21487, + "icidal": 21488, + "Ġ1900": 21489, + "Ġhunters": 21490, + "ĠSwan": 21491, + "ĠReact": 21492, + "Ġvisitor": 21493, + "ĠThanksgiving": 21494, + "308": 21495, + "Posts": 21496, + "Ġhips": 21497, + "1997": 21498, + "omers": 21499, + "Ġknocking": 21500, + "ĠVehicle": 21501, + "Ġtil": 21502, + "Ġ138": 21503, + "Ġmi": 21504, + "ĠInvestigation": 21505, + "ĠKenya": 21506, + "Ġcasino": 21507, + "Ġmotives": 21508, + "Ġregain": 21509, + "rex": 21510, + "Ġweekends": 21511, + "Ġstabbed": 21512, + "boro": 21513, + "Ġexploited": 21514, + "ĠHAVE": 21515, + "ĠTelevision": 21516, + "cock": 21517, + "Ġpreparations": 21518, + "Ġendeav": 21519, + "ĠRemote": 21520, + "ĠMaker": 21521, + "ĠProdu": 21522, + "ĠEvan": 21523, + "Ġinformational": 21524, + "ĠLouisville": 21525, + "154": 21526, + "ĠDreams": 21527, + "Ġplots": 21528, + "ĠRunner": 21529, + "Ġhurting": 21530, + "Ġacademy": 21531, + "ĠMontgomery": 21532, + "nm": 21533, + "ĠLanc": 21534, + "ĠAlz": 21535, + "210": 21536, + "elong": 21537, + "Ġretailer": 21538, + "Ġarising": 21539, + "Ġrebellion": 21540, + "Ġblonde": 21541, + "played": 21542, + "Ġinstrumental": 21543, + "Cross": 21544, + "Ġretention": 21545, + "Ġtherapeutic": 21546, + "Ġseas": 21547, + "Ġinfantry": 21548, + "ĠClint": 21549, + "Ġprompting": 21550, + "Ġbitch": 21551, + "Ġstems": 21552, + "ĠKra": 21553, + "Ġthesis": 21554, + "ĠBog": 21555, + "rued": 21556, + "Ġkings": 21557, + "Ġclay": 21558, + "ificent": 21559, + "ĠYES": 21560, + "ĠThing": 21561, + "ĠCubs": 21562, + "veyard": 21563, + "elsh": 21564, + "inarily": 21565, + "ĠEy": 21566, + "ĠRolling": 21567, + "Ġevolving": 21568, + "India": 21569, + "Ġrecognizes": 21570, + "Ġgraduation": 21571, + "isers": 21572, + "Ġfertility": 21573, + "ĠMilan": 21574, + "Command": 21575, + "Ġboxing": 21576, + "Ġ1943": 21577, + "Ġgluten": 21578, + "ĠEmir": 21579, + "Ġidol": 21580, + "Ġconceived": 21581, + "ĠCreation": 21582, + "Merit": 21583, + "uddy": 21584, + "ussions": 21585, + "ĠLieutenant": 21586, + "ietal": 21587, + "Ġunchanged": 21588, + "ĠScale": 21589, + "ĠCrimea": 21590, + "balls": 21591, + "atorial": 21592, + "Ġdepths": 21593, + "Ġempirical": 21594, + "Ġtransm": 21595, + "Ġunsafe": 21596, + "missible": 21597, + "comfort": 21598, + "156": 21599, + "Ġmechanic": 21600, + "002": 21601, + "lins": 21602, + "Ġsmoked": 21603, + "Pos": 21604, + "Ġslowing": 21605, + "Ġlav": 21606, + "Texas": 21607, + "Ġcheating": 21608, + "ĠMetropolitan": 21609, + "ethyl": 21610, + "Ġdiscovering": 21611, + "asse": 21612, + "Ġpencil": 21613, + "ĠPyongyang": 21614, + "Ġcloset": 21615, + "ĠSheet": 21616, + "ĠEntry": 21617, + "oustic": 21618, + "Ġmyst": 21619, + "erate": 21620, + "ariat": 21621, + "Ġminerals": 21622, + "Ġmusician": 21623, + "ĠPul": 21624, + "ĠMaz": 21625, + "249": 21626, + "Ġpermissions": 21627, + "Ġiv": 21628, + "enary": 21629, + "ickers": 21630, + "ĠBing": 21631, + "hea": 21632, + "enable": 21633, + "Ġgriev": 21634, + "Ġasserted": 21635, + "ĠColonel": 21636, + "Ġaffidav": 21637, + "wo": 21638, + "Ġseated": 21639, + "ĠRide": 21640, + "Ġpaintings": 21641, + "ĠPix": 21642, + "Ġ137": 21643, + "ishi": 21644, + "umbai": 21645, + "gotten": 21646, + "ĠEarl": 21647, + "Ġinning": 21648, + "Ġcensus": 21649, + "Ġtravelled": 21650, + "ĠConsult": 21651, + "185": 21652, + "bind": 21653, + "Ġsimplicity": 21654, + "Ġoverlooked": 21655, + "ĠHelpful": 21656, + "Ġmonkey": 21657, + "Ġoverwhelmingly": 21658, + "Blood": 21659, + "ĠFlint": 21660, + "ĠJama": 21661, + "ĠPresent": 21662, + "ĠRage": 21663, + "ĠTA": 21664, + "ptive": 21665, + "Ġturnout": 21666, + "wald": 21667, + "ĠDolphins": 21668, + "ĠVPN": 21669, + "Ġonion": 21670, + "Ġcrafting": 21671, + "mma": 21672, + "ĠMercury": 21673, + "Ġarrange": 21674, + "Ġalerts": 21675, + "ĠOT": 21676, + "zbollah": 21677, + "Ġgases": 21678, + "ĠRichardson": 21679, + "sal": 21680, + "lar": 21681, + "Ġfrost": 21682, + "Ġlowering": 21683, + "Ġacclaim": 21684, + "Ġstartups": 21685, + "ĠGain": 21686, + "essment": 21687, + "Ġguardian": 21688, + "人": 21689, + "ĠPie": 21690, + "ĠLinks": 21691, + "Ġmerits": 21692, + "Ġawake": 21693, + "Ġparental": 21694, + "Ġexceeds": 21695, + "Ġidle": 21696, + "ĠPilot": 21697, + "ĠeBay": 21698, + "ĠAccept": 21699, + "ipeg": 21700, + "Cam": 21701, + "ĠKot": 21702, + "Ġtraders": 21703, + "olitics": 21704, + "unker": 21705, + "ĠPale": 21706, + "osi": 21707, + "anmar": 21708, + "Ġ1947": 21709, + "ĠFell": 21710, + "estial": 21711, + "itating": 21712, + "GF": 21713, + "ĠSr": 21714, + "ifted": 21715, + "Ġconnector": 21716, + "ĠBone": 21717, + "illes": 21718, + "260": 21719, + "hma": 21720, + "Ġoverlap": 21721, + "ĠGitHub": 21722, + "Ġcleaner": 21723, + "ĠBaptist": 21724, + "ĠWAS": 21725, + "Ġlungs": 21726, + "Ñģ": 21727, + "ĠBUT": 21728, + "Ġcite": 21729, + "Ġpitched": 21730, + "reatment": 21731, + "Ġtrophies": 21732, + "ĠNu": 21733, + "386": 21734, + "ĠPride": 21735, + "Ġattendees": 21736, + "[]": 21737, + "179": 21738, + "Ġspatial": 21739, + "Ġprizes": 21740, + "ĠReligion": 21741, + "Ġshowcase": 21742, + "ĠCategory": 21743, + "vidia": 21744, + "Target": 21745, + "Property": 21746, + "?,": 21747, + "Ġfusion": 21748, + "pie": 21749, + "ĠUCLA": 21750, + "Ġsoundtrack": 21751, + "Ġprincess": 21752, + "ĠCaval": 21753, + "should": 21754, + "Ġlimbs": 21755, + "Background": 21756, + "Ġlonely": 21757, + "Ġcores": 21758, + "ĠTail": 21759, + "sheet": 21760, + "Ġ132": 21761, + "Ra": 21762, + "ãĤ«": 21763, + "ĠBolt": 21764, + "Ġbooked": 21765, + "Ġadminister": 21766, + "Ġequals": 21767, + "wy": 21768, + "Ġobserving": 21769, + "ĠBaron": 21770, + "ĠAdobe": 21771, + "Ġvirgin": 21772, + "ĠSocialist": 21773, + "Move": 21774, + "ghazi": 21775, + "ĠLinda": 21776, + "212": 21777, + "Ġbrewing": 21778, + "Ġmerchants": 21779, + "burse": 21780, + "Ġdivor": 21781, + "Ġmetals": 21782, + "ĠNer": 21783, + "Ġsums": 21784, + "ĠEnemy": 21785, + "Ġenvision": 21786, + "Ġgranting": 21787, + "ĠHoney": 21788, + "ĠSkyrim": 21789, + "Ġsocio": 21790, + "graded": 21791, + "Ġselective": 21792, + "WASHINGTON": 21793, + "Ġ1948": 21794, + "ĠSirius": 21795, + "ĠGross": 21796, + "activity": 21797, + "ĠIvan": 21798, + "Ġfurious": 21799, + "BSD": 21800, + "ĠPrevious": 21801, + "Ġresponsive": 21802, + "Ġcharitable": 21803, + "Ġleaning": 21804, + "ĠPew": 21805, + "Ġviolates": 21806, + "\\\\\\\\\\\\\\\\": 21807, + "ĠComing": 21808, + "wire": 21809, + "Ġpoet": 21810, + "Ġresolutions": 21811, + "command": 21812, + "ĠPortuguese": 21813, + "Ġnickname": 21814, + "Ġdeaf": 21815, + "February": 21816, + "Ġrecognise": 21817, + "Ġentirety": 21818, + "Ġseasonal": 21819, + "placed": 21820, + "ĠTelegraph": 21821, + "Ġmicrophone": 21822, + "ouring": 21823, + "Ġgrains": 21824, + "Ġgoverned": 21825, + "Ġpostp": 21826, + "ĠWaters": 21827, + "inement": 21828, + "Ġundocumented": 21829, + "ĠComcast": 21830, + "Ġfox": 21831, + "Ġassaults": 21832, + "reon": 21833, + "many": 21834, + "ĠJenkins": 21835, + "ĠAnyway": 21836, + "Ġassessments": 21837, + "Ġdowns": 21838, + "ĠMouse": 21839, + "Ġsuperb": 21840, + "kt": 21841, + "ĠDow": 21842, + "Ġtaxation": 21843, + "401": 21844, + "Ġsmiles": 21845, + "Ġundertaken": 21846, + "Ġexh": 21847, + "Ġenthusiastic": 21848, + "Ġtwent": 21849, + "Ġgovernmental": 21850, + "Ġautonomy": 21851, + "ĠTechnologies": 21852, + "ĠChain": 21853, + "Ġprevalent": 21854, + "fb": 21855, + "Ġnicotine": 21856, + "ogram": 21857, + "job": 21858, + "Ġawaiting": 21859, + "ĠMenu": 21860, + "Ġdeputies": 21861, + "kov": 21862, + "ishops": 21863, + "Button": 21864, + "ĠShanghai": 21865, + "Ġdiesel": 21866, + "ĠDuck": 21867, + "Ryan": 21868, + "ĠPCs": 21869, + "NF": 21870, + "jury": 21871, + "ente": 21872, + "Ġinaccurate": 21873, + "eddy": 21874, + "Whatever": 21875, + "Ġshowc": 21876, + "ĠNad": 21877, + "odus": 21878, + "etr": 21879, + "Ġplaintiffs": 21880, + "ĠWOR": 21881, + "ĠAssange": 21882, + "Ġprivat": 21883, + "Ġpremiums": 21884, + "Ġtam": 21885, + "URL": 21886, + "Ġelites": 21887, + "ĠRanger": 21888, + "ottenham": 21889, + "ĠHoff": 21890, + "ĠAthens": 21891, + "Ġdefinite": 21892, + "Ġsighed": 21893, + "Ġevenly": 21894, + "211": 21895, + "ĠAmber": 21896, + "akia": 21897, + "Ġmailing": 21898, + "Ġcrashing": 21899, + "ĠConfederate": 21900, + "rugged": 21901, + "Wal": 21902, + "ĠDepths": 21903, + "Ġjuvenile": 21904, + "Ġreactor": 21905, + "Introduction": 21906, + "ĠDeluxe": 21907, + "1995": 21908, + "ĠSanchez": 21909, + "ĠMead": 21910, + "ivable": 21911, + ":-": 21912, + "ĠPlanning": 21913, + "ĠTrap": 21914, + "quin": 21915, + "ĠProtect": 21916, + "vered": 21917, + "Information": 21918, + "Ġkidney": 21919, + "innamon": 21920, + "las": 21921, + "Ġpolicing": 21922, + "Ġtolerate": 21923, + "ĠQi": 21924, + "Ġbiased": 21925, + "Fort": 21926, + "ĠKi": 21927, + "save": 21928, + "Ġprivileged": 21929, + "Ġbeasts": 21930, + "ĠGlas": 21931, + "ĠCinem": 21932, + "Ġcomeback": 21933, + "Sunday": 21934, + "Ġextinction": 21935, + "hops": 21936, + "Ġtransmit": 21937, + "Ġdoubles": 21938, + "ĠFlat": 21939, + "167": 21940, + "Ġdisputed": 21941, + "Ġinjustice": 21942, + "foo": 21943, + "Vict": 21944, + "roleum": 21945, + "ĠJulie": 21946, + "Context": 21947, + "ĠRarity": 21948, + "issue": 21949, + "Component": 21950, + "Ġcounseling": 21951, + "anne": 21952, + "dark": 21953, + "Ġobjections": 21954, + "uilt": 21955, + "Ġgast": 21956, + "Ġplac": 21957, + "Ġunused": 21958, + "ãĥĩ": 21959, + "ĠTrial": 21960, + "ĠJas": 21961, + "hedral": 21962, + "obb": 21963, + "Ġtemporal": 21964, + "ĠPRO": 21965, + "ĠNW": 21966, + "ĠAnniversary": 21967, + "Large": 21968, + "Ġtherm": 21969, + "Ġdavid": 21970, + "Ġsystemic": 21971, + "ĠShir": 21972, + "mut": 21973, + "ĠNept": 21974, + "address": 21975, + "Ġscanning": 21976, + "Ġunderstandable": 21977, + "Ġcanvas": 21978, + "Cat": 21979, + "ĠZoo": 21980, + "Ġangels": 21981, + "LO": 21982, + "ĠStatement": 21983, + "ĠSig": 21984, + "ovable": 21985, + "ĠAway": 21986, + "sharing": 21987, + "ocrats": 21988, + "stated": 21989, + "Ġweighing": 21990, + "Nor": 21991, + "wild": 21992, + "Bey": 21993, + "Ġastonishing": 21994, + "ĠReynolds": 21995, + "Ġopener": 21996, + "Ġtrainer": 21997, + "Ġsurgical": 21998, + "pn": 21999, + "Ġadjusting": 22000, + "wheel": 22001, + "Ġfrown": 22002, + "ervative": 22003, + "Ġsuspend": 22004, + "Within": 22005, + "tein": 22006, + "Ġobstacle": 22007, + "Ġliberties": 22008, + "ymes": 22009, + "Ġuranium": 22010, + "ansom": 22011, + "anol": 22012, + "uba": 22013, + "ĠLoss": 22014, + "Ġarous": 22015, + "ĠHenderson": 22016, + "Wow": 22017, + "spl": 22018, + "cur": 22019, + "ĠÂŃ": 22020, + "Ġtheirs": 22021, + "Damage": 22022, + "Ġdownloading": 22023, + "Ġdiscern": 22024, + "ĠSto": 22025, + "ĠFla": 22026, + "Ġhath": 22027, + "ĠAj": 22028, + "Ġunpleasant": 22029, + "European": 22030, + "expensive": 22031, + "Ġscreenshot": 22032, + "ĠUV": 22033, + "Ġallied": 22034, + "ĠPersian": 22035, + "Ġmonopoly": 22036, + "Ġatom": 22037, + "ĠRedskins": 22038, + "\"><": 22039, + "Ġcancell": 22040, + "Ġcinema": 22041, + "131": 22042, + "fair": 22043, + "ĠAlfred": 22044, + "Ġduck": 22045, + "args": 22046, + "223": 22047, + "ĠISI": 22048, + "Ġsignaling": 22049, + "inar": 22050, + "Ġlaughs": 22051, + "Ġforwards": 22052, + "Ġreckless": 22053, + "Ġlisteners": 22054, + "ativity": 22055, + "Ġvastly": 22056, + "nant": 22057, + "Less": 22058, + "ĠHunting": 22059, + "ĠScientific": 22060, + "ITED": 22061, + "Ġknight": 22062, + "ĠHTC": 22063, + "usa": 22064, + "tmp": 22065, + "Ġrude": 22066, + "ĠLegendary": 22067, + "Ġarises": 22068, + "Bad": 22069, + "ĠClaim": 22070, + "peg": 22071, + "Ġrealities": 22072, + "Think": 22073, + "Ġ°": 22074, + "Ġrode": 22075, + "Ġstrive": 22076, + "Ġanecd": 22077, + "Ġshorts": 22078, + "Ġhypothes": 22079, + "Ġcoordinated": 22080, + "ĠGandhi": 22081, + "ĠFPS": 22082, + "RED": 22083, + "Ġsusceptible": 22084, + "Ġshrink": 22085, + "ĠChart": 22086, + "Help": 22087, + "Ġion": 22088, + "deep": 22089, + "ribes": 22090, + "ĠKai": 22091, + "ĠCustomer": 22092, + "Summary": 22093, + "Ġcough": 22094, + "wife": 22095, + "Ġlend": 22096, + "Ġpositioning": 22097, + "Ġlottery": 22098, + "ĠCanyon": 22099, + "Ġfade": 22100, + "Ġbronze": 22101, + "ĠKenny": 22102, + "Ġboasts": 22103, + "ĠEnhanced": 22104, + "record": 22105, + "Ġemergence": 22106, + "Ġakin": 22107, + "ĠBert": 22108, + "itous": 22109, + "âĸij": 22110, + "Ġstip": 22111, + "Ġexchanged": 22112, + "omore": 22113, + "alsh": 22114, + "Ġreservoir": 22115, + "Ġstandpoint": 22116, + "WM": 22117, + "Ġinitiate": 22118, + "Ġdecay": 22119, + "Ġbrewery": 22120, + "Ġterribly": 22121, + "Ġmortal": 22122, + "levard": 22123, + "Ġrevis": 22124, + "NI": 22125, + "elo": 22126, + "Ġconfess": 22127, + "ĠMSNBC": 22128, + "Ġsubmissions": 22129, + "Controller": 22130, + "Ġ202": 22131, + "ĠRuth": 22132, + "});": 22133, + "ĠAzure": 22134, + "Ġ.\"": 22135, + "206": 22136, + "ĠMarketing": 22137, + "Ġlaund": 22138, + "iencies": 22139, + "Ġrenowned": 22140, + "ĠTrou": 22141, + "ĠNGO": 22142, + "blems": 22143, + "Ġterrified": 22144, + "Ġwarns": 22145, + "Ġpert": 22146, + "Ġunsure": 22147, + "480": 22148, + "alez": 22149, + "ultz": 22150, + "ĠOutside": 22151, + "Ġstyl": 22152, + "ĠUnderground": 22153, + "Ġpanc": 22154, + "Ġdictionary": 22155, + "Ġfoe": 22156, + "riminal": 22157, + "ĠNorwegian": 22158, + "Ġjailed": 22159, + "Ġmaternal": 22160, + "ée": 22161, + "ĠLucy": 22162, + "cop": 22163, + "Cho": 22164, + "Ġunsigned": 22165, + "ĠZelda": 22166, + "ĠInsider": 22167, + "ĠContinued": 22168, + "Ġ133": 22169, + "ĠNaruto": 22170, + "ĠMajority": 22171, + "169": 22172, + "ĠWo": 22173, + "ãĤĵ": 22174, + "Ġpastor": 22175, + "Ġinformal": 22176, + "н": 22177, + "anthrop": 22178, + "join": 22179, + "ãģĹ": 22180, + "itational": 22181, + "NP": 22182, + "ĠWriting": 22183, + "fn": 22184, + "ĠBever": 22185, + "195": 22186, + "Ġyelling": 22187, + "Ġdrastically": 22188, + "Ġeject": 22189, + "Ġneut": 22190, + "Ġthrive": 22191, + "ĠFrequ": 22192, + "oux": 22193, + "Ġpossesses": 22194, + "ĠSenators": 22195, + "ĠDES": 22196, + "ĠShakespeare": 22197, + "ĠFranco": 22198, + "ĠLB": 22199, + "uchi": 22200, + "Ġincarn": 22201, + "Ġfounders": 22202, + "Function": 22203, + "Ġbrightness": 22204, + "ĠBT": 22205, + "Ġwhale": 22206, + "ĠTheater": 22207, + "mass": 22208, + "ĠDoll": 22209, + "Something": 22210, + "Ġechoed": 22211, + "ĠHex": 22212, + "crit": 22213, + "afia": 22214, + "Ġgoddess": 22215, + "Ġeleven": 22216, + "ĠPreview": 22217, + "ĠAurora": 22218, + "Ġ401": 22219, + "ulsive": 22220, + "ĠLogan": 22221, + "inburgh": 22222, + "ĠCenters": 22223, + "ĠONLY": 22224, + "ĠAid": 22225, + "Ġparadox": 22226, + "Ġhurd": 22227, + "ĠLC": 22228, + "Due": 22229, + "court": 22230, + "Ġoffended": 22231, + "Ġevaluating": 22232, + "ĠMatthews": 22233, + "Ġtomb": 22234, + "Ġpayroll": 22235, + "Ġextraction": 22236, + "ĠHands": 22237, + "ifi": 22238, + "Ġsupernatural": 22239, + "ĠCOMM": 22240, + "]=": 22241, + "dogs": 22242, + "Ġ512": 22243, + "ĠMeeting": 22244, + "Richard": 22245, + "ĠMaximum": 22246, + "Ġideals": 22247, + "Things": 22248, + "mand": 22249, + "ĠRegardless": 22250, + "Ġhumili": 22251, + "buffer": 22252, + "Little": 22253, + "ĠDani": 22254, + "ĠNak": 22255, + "Ġliberation": 22256, + "ĠAbe": 22257, + "ĠOL": 22258, + "Ġstuffed": 22259, + "aca": 22260, + "inda": 22261, + "raphic": 22262, + "Ġmosqu": 22263, + "Ġcampaigning": 22264, + "Ġoccupy": 22265, + "Squ": 22266, + "rina": 22267, + "ĠWel": 22268, + "ĠVS": 22269, + "Ġphysic": 22270, + "Ġpuls": 22271, + "rint": 22272, + "oaded": 22273, + "ETF": 22274, + "ĠArchives": 22275, + "Ġvenues": 22276, + "hner": 22277, + "ĠTurbo": 22278, + "Ġlust": 22279, + "Ġappealed": 22280, + "quez": 22281, + "ilib": 22282, + "ĠTimothy": 22283, + "Ġomn": 22284, + "dro": 22285, + "Ġobsession": 22286, + "ĠSavage": 22287, + "1996": 22288, + "Global": 22289, + "Jes": 22290, + "214": 22291, + "Ġsliding": 22292, + "Ġdisappro": 22293, + "ĠMagical": 22294, + "Ġvoluntarily": 22295, + "gb": 22296, + "aney": 22297, + "Ġprophet": 22298, + "ĠRein": 22299, + "ĠJulia": 22300, + "ĠWorth": 22301, + "aurus": 22302, + "Ġbounds": 22303, + "ieu": 22304, + ")))": 22305, + "Ġcrore": 22306, + "ĠCitizen": 22307, + "Sky": 22308, + "Ġcolumnist": 22309, + "Ġseekers": 22310, + "ondo": 22311, + "ISA": 22312, + "ĠLength": 22313, + "Ġnostalg": 22314, + "Ġnewcom": 22315, + "Ġdetrim": 22316, + "entric": 22317, + "375": 22318, + "ĠGE": 22319, + "Ġautop": 22320, + "Ġacademics": 22321, + "AppData": 22322, + "ĠShen": 22323, + "Ġidiot": 22324, + "ĠTransit": 22325, + "Ġteaspoon": 22326, + "Wil": 22327, + "KO": 22328, + "ĠComedy": 22329, + ">,": 22330, + "Ġpopulated": 22331, + "WD": 22332, + "Ġpigs": 22333, + "ĠOculus": 22334, + "Ġsympathetic": 22335, + "Ġmarathon": 22336, + "198": 22337, + "Ġseizure": 22338, + "sided": 22339, + "Ġdop": 22340, + "irtual": 22341, + "Land": 22342, + "ĠFloor": 22343, + "osaurs": 22344, + "...]": 22345, + "Ġlos": 22346, + "Ġsubsidiary": 22347, + "EY": 22348, + "ĠParts": 22349, + "ĠStef": 22350, + "ĠJudiciary": 22351, + "Ġ134": 22352, + "Ġmirrors": 22353, + "Ġket": 22354, + "times": 22355, + "Ġneurolog": 22356, + "Ġcav": 22357, + "ĠGuest": 22358, + "Ġtumor": 22359, + "scill": 22360, + "ĠLloyd": 22361, + "Est": 22362, + "Ġclearer": 22363, + "Ġstereotypes": 22364, + "Ġdur": 22365, + "nothing": 22366, + "Reddit": 22367, + "Ġnegotiated": 22368, + "------------------------": 22369, + "235": 22370, + "Ġflown": 22371, + "ĠSeoul": 22372, + "ĠResident": 22373, + "ĠSCH": 22374, + "Ġdisappearance": 22375, + "ĠVince": 22376, + "grown": 22377, + "Ġgrabs": 22378, + "ril": 22379, + "ĠInfinite": 22380, + "ĠTwenty": 22381, + "Ġpedestrian": 22382, + "Ġjersey": 22383, + "ĠFur": 22384, + "ĠInfinity": 22385, + "ĠElliott": 22386, + "Ġmentor": 22387, + "Ġmorally": 22388, + "Ġobey": 22389, + "secure": 22390, + "iffe": 22391, + "Ġantibiotics": 22392, + "angled": 22393, + "ĠFreeman": 22394, + "ĠIntroduction": 22395, + "Jun": 22396, + "Ġmarsh": 22397, + "icans": 22398, + "ĠEVENTS": 22399, + "ochond": 22400, + "Wall": 22401, + "iculty": 22402, + "Ġmisdemeanor": 22403, + "Ġly": 22404, + "Thomas": 22405, + "ĠResolution": 22406, + "Ġanimations": 22407, + "ĠDry": 22408, + "Ġintercourse": 22409, + "ĠNewcastle": 22410, + "ĠHog": 22411, + "ĠEquipment": 22412, + "177": 22413, + "Ġterritorial": 22414, + "Ġarchives": 22415, + "203": 22416, + "Filter": 22417, + "ĠMunich": 22418, + "Ġcommanded": 22419, + "ĠWand": 22420, + "Ġpitches": 22421, + "ĠCroat": 22422, + "Ġratios": 22423, + "ĠMits": 22424, + "Ġaccumulated": 22425, + "ĠSpecifically": 22426, + "Ġgentleman": 22427, + "acerb": 22428, + "Ġpenn": 22429, + "Ġaka": 22430, + "ĠFuk": 22431, + "Ġintervene": 22432, + "ĠRefuge": 22433, + "ĠAlzheimer": 22434, + "Ġsuccession": 22435, + "ohan": 22436, + "does": 22437, + "Lord": 22438, + "Ġseparat": 22439, + "Ġcorrespondence": 22440, + "Ġshiny": 22441, + "Prior": 22442, + "Ġsulf": 22443, + "Ġmiserable": 22444, + "Ġdedication": 22445, + "().": 22446, + "Ġspecialists": 22447, + "Ġdefects": 22448, + "ĠCult": 22449, + "ĠXia": 22450, + "Ġjeopard": 22451, + "ĠOre": 22452, + "Ability": 22453, + "Ġlear": 22454, + "Ġambitions": 22455, + "ĠBMI": 22456, + "ĠArabs": 22457, + "Ġ1942": 22458, + "Ġpreservation": 22459, + "ificate": 22460, + "Ġashamed": 22461, + "loss": 22462, + "ĠRestaur": 22463, + "Ġresemble": 22464, + "Ġenrich": 22465, + "ĠKN": 22466, + "ĠClan": 22467, + "float": 22468, + "Ġplayable": 22469, + "ITT": 22470, + "Ġharmony": 22471, + "arrison": 22472, + "ĠWeinstein": 22473, + "were": 22474, + "Ġpoisoning": 22475, + "ĠComput": 22476, + "ĠWordPress": 22477, + "major": 22478, + "ĠValve": 22479, + "Fan": 22480, + "ĠThrow": 22481, + "ĠRomans": 22482, + "ĠDepression": 22483, + "ados": 22484, + "Ġtortured": 22485, + "Ġbalancing": 22486, + "bottom": 22487, + "Ġacquiring": 22488, + "ĠMonte": 22489, + "ardi": 22490, + "Ġaura": 22491, + "Ġ##": 22492, + "ĠStanding": 22493, + "ĠAtlas": 22494, + "CF": 22495, + "Ġintrins": 22496, + "ĠBenghazi": 22497, + "Ġcamping": 22498, + "Ġtapped": 22499, + "blade": 22500, + "strous": 22501, + "ĠRabb": 22502, + "ĠWritten": 22503, + "tip": 22504, + "ĠNeigh": 22505, + "sterdam": 22506, + "ĠAllow": 22507, + "ĠHealing": 22508, + "ĠRhod": 22509, + "num": 22510, + "Ġcaffeine": 22511, + "ĠPercent": 22512, + "Ġboo": 22513, + "Ġapples": 22514, + "305": 22515, + "Ġwelcoming": 22516, + "Ġapplaud": 22517, + "Ġausterity": 22518, + "±": 22519, + "ĠReality": 22520, + "efe": 22521, + "å®": 22522, + "Ġsucks": 22523, + "Ġtabs": 22524, + "ĠPayPal": 22525, + "Ġbackpack": 22526, + "Ġgifted": 22527, + "abulary": 22528, + "ĠScout": 22529, + "irteen": 22530, + "Ġchin": 22531, + "Ġomitted": 22532, + "Ġnegatively": 22533, + "Ġaccessing": 22534, + "ĠEarn": 22535, + "Ġambulance": 22536, + "Ġheadphones": 22537, + "Ġ205": 22538, + "ĠRefresh": 22539, + "president": 22540, + "ĠKitchen": 22541, + "ĠEntered": 22542, + "ĠSnyder": 22543, + "005": 22544, + "omical": 22545, + "Ġborrowed": 22546, + "ĠNem": 22547, + "Ġaviation": 22548, + "Ġstall": 22549, + "rimination": 22550, + "Ġuniforms": 22551, + "itime": 22552, + "ĠSimmons": 22553, + "energy": 22554, + "ablished": 22555, + "yy": 22556, + "qualified": 22557, + "Ġrallies": 22558, + "ĠStuart": 22559, + "flight": 22560, + "Ġgangs": 22561, + "rag": 22562, + "Ġvault": 22563, + "lux": 22564, + "ĠCompar": 22565, + "Ġdesignation": 22566, + "209": 22567, + "ĠJos": 22568, + "dollar": 22569, + "zero": 22570, + "Ġwells": 22571, + "303": 22572, + "Ġconstituents": 22573, + "Ġheck": 22574, + "Ġcows": 22575, + "Ġcommanders": 22576, + "Ġdifferential": 22577, + "ĠCatherine": 22578, + "299": 22579, + "Ġvalve": 22580, + "Ġbrace": 22581, + "Ġperspectives": 22582, + "cert": 22583, + "fact": 22584, + "icularly": 22585, + "ĠMcN": 22586, + "planes": 22587, + "Ġintric": 22588, + "Ġpeas": 22589, + "ovan": 22590, + "Ġtossed": 22591, + "retch": 22592, + "ĠLopez": 22593, + "Ġunfamiliar": 22594, + "death": 22595, + "ĠApart": 22596, + "ĠChang": 22597, + "Ġrelieved": 22598, + "rophe": 22599, + "Ġairports": 22600, + "Ġfreak": 22601, + "util": 22602, + "Mill": 22603, + "ĠChin": 22604, + "ĠOwen": 22605, + "male": 22606, + "ĠBroken": 22607, + "ĠWinds": 22608, + "rob": 22609, + "rising": 22610, + "Ġfirefighters": 22611, + "Ġauthoritarian": 22612, + "Ġ148": 22613, + "Bitcoin": 22614, + "external": 22615, + "Ġbrowsers": 22616, + "ichever": 22617, + "orian": 22618, + "Ġunb": 22619, + "Ġpoke": 22620, + "ĠZot": 22621, + "Mid": 22622, + "ĠPopular": 22623, + "Ġcovert": 22624, + "Ġcontributes": 22625, + "Ġ650": 22626, + "Ġcontention": 22627, + "Gate": 22628, + "Ġconsoles": 22629, + "Ġchromos": 22630, + "ĠIX": 22631, + "Ġvisually": 22632, + "ĠEisen": 22633, + "Ġjewelry": 22634, + "Ġdelegation": 22635, + "Ġaccelerate": 22636, + "ĠRiley": 22637, + "Ġslope": 22638, + "Ġindoor": 22639, + "itially": 22640, + "Ġhugely": 22641, + "Ġtunnels": 22642, + "Ġfined": 22643, + "Ġdirective": 22644, + "Ġforehead": 22645, + "ustomed": 22646, + "Ġskate": 22647, + "Music": 22648, + "gas": 22649, + "Ġrecognizing": 22650, + "ambo": 22651, + "Ġoverweight": 22652, + "ĠGrade": 22653, + "ÙĬ": 22654, + "Ġsounding": 22655, + "Ġlocking": 22656, + "ĠREM": 22657, + "Store": 22658, + "Ġexcav": 22659, + "ĠLikewise": 22660, + "ĠLights": 22661, + "Ġelbow": 22662, + "ĠSupply": 22663, + "wic": 22664, + "Ġhandsome": 22665, + "1994": 22666, + "Coll": 22667, + "Ġadequately": 22668, + "ĠAssociate": 22669, + "Ġstrips": 22670, + "Ġcrackdown": 22671, + "Ġmarvel": 22672, + "ĠKun": 22673, + "Ġpassages": 22674, + "@@@@": 22675, + "ĠTall": 22676, + "Ġthoughtful": 22677, + "namese": 22678, + "Ġprostitution": 22679, + "business": 22680, + "Ġballistic": 22681, + "personal": 22682, + "cig": 22683, + "izational": 22684, + "Round": 22685, + "ĠÂłĠÂłĠÂłĠÂł": 22686, + "ĠColeman": 22687, + "Ġadmitting": 22688, + "ĠPlug": 22689, + "Ġbitcoins": 22690, + "ĠSuz": 22691, + "Ġfairness": 22692, + "Ġsupplier": 22693, + "Ġcatastrophic": 22694, + "ĠHelen": 22695, + "oqu": 22696, + "Marc": 22697, + "ĠArticles": 22698, + "gie": 22699, + "Ġendangered": 22700, + "Ġdestiny": 22701, + "ĠVolt": 22702, + "olia": 22703, + "axis": 22704, + "Ġcheat": 22705, + "Ġunified": 22706, + "ICO": 22707, + "quote": 22708, + "302": 22709, + "ĠSed": 22710, + "Ġsuppression": 22711, + "Ġanalyzing": 22712, + "Ġsquat": 22713, + "Ġfiguring": 22714, + "Ġcoordinates": 22715, + "Ġchunks": 22716, + "Ġ1946": 22717, + "Ġsubp": 22718, + "Ġwiki": 22719, + "ĠForbes": 22720, + "ĠJupiter": 22721, + "ĠErik": 22722, + "imer": 22723, + "ĠCommercial": 22724, + "\\)": 22725, + "Ġlegitimacy": 22726, + "Ġdental": 22727, + "ĠMean": 22728, + "Ġdeficits": 22729, + "550": 22730, + "Originally": 22731, + "ĠHorror": 22732, + "Ġcontamination": 22733, + "llah": 22734, + "Ġconfisc": 22735, + "ĠClare": 22736, + "TB": 22737, + "ĠFailed": 22738, + "aned": 22739, + "Ġruler": 22740, + "ĠController": 22741, + "Ġfeminists": 22742, + "Fix": 22743, + "gay": 22744, + "207": 22745, + "Ġrabbit": 22746, + "Third": 22747, + "owntown": 22748, + "Ġglue": 22749, + "Ġvolatile": 22750, + "Ġshining": 22751, + "Ġfoll": 22752, + "Ġimpaired": 22753, + "Ġsupers": 22754, + "æĪ": 22755, + "Ġclutch": 22756, + "ļéĨĴ": 22757, + "Ġprolet": 22758, + "Ġ(!": 22759, + "Ġyelled": 22760, + "ĠKiev": 22761, + "ĠErn": 22762, + "ĠShock": 22763, + "KB": 22764, + "Ġsituated": 22765, + "query": 22766, + "ĠNas": 22767, + "Ġannex": 22768, + "character": 22769, + "ĠHoliday": 22770, + "Ġautomation": 22771, + "ĠJill": 22772, + "ĠRemastered": 22773, + "Ġlinem": 22774, + "Ġwilderness": 22775, + "ĠHorizon": 22776, + "ĠGuinea": 22777, + "AZ": 22778, + "Ġmainland": 22779, + "Ġsecrecy": 22780, + "LEASE": 22781, + "Ġpunk": 22782, + "ĠProvince": 22783, + "(),": 22784, + "Speed": 22785, + "Ġhanding": 22786, + "ĠSebast": 22787, + "Sir": 22788, + "rase": 22789, + "Ġjournals": 22790, + "Ġcongest": 22791, + "ĠTut": 22792, + "irrel": 22793, + "Ġschizophrenia": 22794, + "Ġmisogyn": 22795, + "healthy": 22796, + "Iron": 22797, + "Ġreacted": 22798, + "-$": 22799, + "252": 22800, + "Ġplural": 22801, + "Ġplum": 22802, + "Ġbargain": 22803, + "Ġgrounded": 22804, + "finder": 22805, + "Ġdisse": 22806, + "ĠLaz": 22807, + "OOD": 22808, + "Ġatroc": 22809, + "Factory": 22810, + "Ġminions": 22811, + "Ġori": 22812, + "ĠBrave": 22813, + "ĠPRE": 22814, + "ĠMyanmar": 22815, + "ĠHod": 22816, + "Ġexpedition": 22817, + "Ġexplode": 22818, + "ĠCoord": 22819, + "Ġextr": 22820, + "ĠBrief": 22821, + "ĠADHD": 22822, + "Ġhardcore": 22823, + "feeding": 22824, + "Ġdile": 22825, + "ĠFruit": 22826, + "Ġvaccination": 22827, + "ĠMao": 22828, + "osphere": 22829, + "Ġcontests": 22830, + "-|": 22831, + "Ġfren": 22832, + "isphere": 22833, + "Rom": 22834, + "ĠSharp": 22835, + "ĠTrend": 22836, + "Ġdisconnect": 22837, + "âĢ¢âĢ¢": 22838, + "Ġpersecution": 22839, + "Earth": 22840, + "Ġhealthier": 22841, + "384": 22842, + "Ġcob": 22843, + "ĠTrinity": 22844, + "OWS": 22845, + "ANN": 22846, + "Ġspecialty": 22847, + "Ġgru": 22848, + "Ġcooperative": 22849, + "why": 22850, + "Starting": 22851, + "ĠIssues": 22852, + "stre": 22853, + "ensor": 22854, + "Ġ185": 22855, + "Adv": 22856, + "!?": 22857, + "ĠRevel": 22858, + "emia": 22859, + "ĠHulk": 22860, + "Ġcelebrations": 22861, + "ĠSou": 22862, + "raud": 22863, + "ĠKlein": 22864, + "Ġunreal": 22865, + "context": 22866, + "Ġpartnerships": 22867, + "Ġadopting": 22868, + "tical": 22869, + "Ġsplash": 22870, + "ĠHezbollah": 22871, + "category": 22872, + "cyclop": 22873, + "xton": 22874, + "ĠDot": 22875, + "urdy": 22876, + "tz": 22877, + "Ġenvelope": 22878, + "ĠNL": 22879, + "âķ": 22880, + "Ġwherein": 22881, + "Spec": 22882, + "184": 22883, + "Ġtelev": 22884, + "aliation": 22885, + "Ġmyths": 22886, + "å°": 22887, + "Ġrigorous": 22888, + "Ġcommunicating": 22889, + "Ġobserver": 22890, + "Ġrehe": 22891, + "ĠWash": 22892, + "Ġapologized": 22893, + "ĠTin": 22894, + "Ġexpenditures": 22895, + "workers": 22896, + "document": 22897, + "Ġhesitate": 22898, + "ĠLenin": 22899, + "Ġunpredictable": 22900, + "Ġrenewal": 22901, + "cler": 22902, + "okia": 22903, + "ĠCONT": 22904, + "Ġpostseason": 22905, + "Tokens": 22906, + "Ġexacerb": 22907, + "Ġbetting": 22908, + "Ġ147": 22909, + "Ġelevation": 22910, + "Wood": 22911, + "ĠSolomon": 22912, + "194": 22913, + "004": 22914, + "output": 22915, + "Ġredund": 22916, + "ĠMumbai": 22917, + "ĠpH": 22918, + "Ġreproduce": 22919, + "ĠDuration": 22920, + "MAX": 22921, + "Ġbog": 22922, + "CBS": 22923, + "ĠBalance": 22924, + "ĠSgt": 22925, + "ĠRecent": 22926, + "Ġcd": 22927, + "Ġpopped": 22928, + "Ġincompet": 22929, + "prop": 22930, + "ayan": 22931, + "guy": 22932, + "Pacific": 22933, + "Ġtyr": 22934, + "Ġ{{": 22935, + "ĠMystic": 22936, + "ĠDana": 22937, + "Ġmasturb": 22938, + "Ġgeometry": 22939, + "â": 22940, + "ĠCorrect": 22941, + "Ġtrajectory": 22942, + "Ġdistracted": 22943, + "Ġfoo": 22944, + "ĠWelsh": 22945, + "Luc": 22946, + "mith": 22947, + "Ġrugby": 22948, + "Ġrespiratory": 22949, + "Ġtriangle": 22950, + "Ġ215": 22951, + "Ġundergraduate": 22952, + "ĠSuperior": 22953, + "changing": 22954, + "_-": 22955, + "Ġrightly": 22956, + "Ġreferee": 22957, + "Ġlucrative": 22958, + "Ġunauthorized": 22959, + "Ġresembles": 22960, + "ĠGNU": 22961, + "ĠDerby": 22962, + "Ġpathways": 22963, + "ĠLed": 22964, + "Ġendurance": 22965, + "Ġstint": 22966, + "Ġcollector": 22967, + "Fast": 22968, + "Ġdots": 22969, + "Ġnationals": 22970, + "ĠSecurities": 22971, + "Ġwhip": 22972, + "Param": 22973, + "Ġlearns": 22974, + "Magic": 22975, + "Ġdetailing": 22976, + "moon": 22977, + "Ġbroadcasting": 22978, + "Ġbaked": 22979, + "265": 22980, + "holm": 22981, + "ĠSah": 22982, + "ĠHussein": 22983, + "ĠCourtesy": 22984, + "174": 22985, + "Ġ146": 22986, + "Ġgeographic": 22987, + "peace": 22988, + "Ġjudging": 22989, + "ĠStern": 22990, + "Bur": 22991, + "Ġstoryline": 22992, + "Gun": 22993, + "ĠStick": 22994, + "245": 22995, + "307": 22996, + "ãĤ´ãĥ³": 22997, + "ĠAdministrator": 22998, + "Ġburnt": 22999, + "Ġpave": 23000, + "choes": 23001, + "Exec": 23002, + "Ġcampuses": 23003, + "Result": 23004, + "Ġmutations": 23005, + "ĠCharter": 23006, + "Ġcaptures": 23007, + "Ġcompares": 23008, + "Ġbadge": 23009, + "Scient": 23010, + "Ġerad": 23011, + "iery": 23012, + "oi": 23013, + "ettes": 23014, + "ĠEstate": 23015, + "Ġstrap": 23016, + "Ġproudly": 23017, + "Ġfried": 23018, + "Ġwithdrawn": 23019, + "ĠVoy": 23020, + "phony": 23021, + "Items": 23022, + "ĠPierce": 23023, + "bard": 23024, + "Ġannotation": 23025, + "anton": 23026, + "illon": 23027, + "Impro": 23028, + "...)": 23029, + "Ġhappier": 23030, + "------": 23031, + "adjust": 23032, + "Ġstaffers": 23033, + "Ġactivism": 23034, + "Ġperf": 23035, + "Ġalright": 23036, + "Need": 23037, + "Ġcommence": 23038, + "Ġopioid": 23039, + "ĠAmanda": 23040, + "Es": 23041, + "ĠPars": 23042, + "ĠKaw": 23043, + "Works": 23044, + "248": 23045, + "Ġindo": 23046, + "tc": 23047, + "endant": 23048, + "ĠMoto": 23049, + "Ġlegalization": 23050, + "OTE": 23051, + "Ġtasked": 23052, + "Ġtsp": 23053, + "ĠACTIONS": 23054, + "166": 23055, + "Ġrefreshing": 23056, + "ĠNR": 23057, + "ĠPerez": 23058, + "Ġinfringement": 23059, + "SY": 23060, + "Listen": 23061, + "inning": 23062, + "ku": 23063, + "Ġrotate": 23064, + "program": 23065, + "arah": 23066, + "Design": 23067, + "Ġ(£": 23068, + "Ġstoring": 23069, + "Ġwarrants": 23070, + "Ġjudgement": 23071, + "ĠBrist": 23072, + "usually": 23073, + "photo": 23074, + "ĠRan": 23075, + "ĠPine": 23076, + "Ġoutrageous": 23077, + "ĠValentine": 23078, + "luence": 23079, + "ĠEverybody": 23080, + "Altern": 23081, + "Ġrelevance": 23082, + "Ġterminated": 23083, + "Ġdessert": 23084, + "Ġfulfilled": 23085, + "Ġprosecuted": 23086, + "ĠWords": 23087, + "Ġmigrant": 23088, + "Ġcultivation": 23089, + "ÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤ": 23090, + "idelity": 23091, + "ĠVern": 23092, + "ĠLogin": 23093, + "Ġmetaphor": 23094, + "ĠTip": 23095, + "Ġrecruits": 23096, + "ĠPig": 23097, + "ribing": 23098, + "Ġenthusiasts": 23099, + "exper": 23100, + "Ġfrightening": 23101, + "ĠHair": 23102, + "anson": 23103, + "strate": 23104, + "Ġhi": 23105, + "Height": 23106, + "Ġowning": 23107, + "none": 23108, + "Ġdislike": 23109, + "Ġknives": 23110, + "pherd": 23111, + "Ġloudly": 23112, + "ĠAPIs": 23113, + "Display": 23114, + "ĠLac": 23115, + "ĠUSS": 23116, + "abl": 23117, + "verages": 23118, + "Jew": 23119, + "Ġ172": 23120, + "ĠHistorical": 23121, + "atoon": 23122, + "ĠPhysics": 23123, + "intern": 23124, + "Ġwarmth": 23125, + "Ġtopp": 23126, + "DM": 23127, + "Ġgunman": 23128, + "Ġemperor": 23129, + "odi": 23130, + "ãĥ£": 23131, + "inatory": 23132, + "ĠRib": 23133, + "Ġ131": 23134, + "ĠSaturn": 23135, + "ĠShining": 23136, + "Ġwaking": 23137, + "Quotes": 23138, + "Ġcomedian": 23139, + "enberg": 23140, + "½": 23141, + "Ġbelievers": 23142, + "Ġpaperwork": 23143, + "custom": 23144, + "Ġlev": 23145, + "Ġlament": 23146, + "Ġpouring": 23147, + "222": 23148, + "political": 23149, + "ĠSupplement": 23150, + "maid": 23151, + "Ġcruelty": 23152, + "Ġtread": 23153, + "ysics": 23154, + "Aw": 23155, + "rites": 23156, + "Ġmodifier": 23157, + "ĠPosition": 23158, + "Adam": 23159, + "lb": 23160, + "ubs": 23161, + "Ġimperfect": 23162, + "Ġclusters": 23163, + "ĠEngineer": 23164, + "ĠCherry": 23165, + "Ġinauguration": 23166, + "ĠSau": 23167, + "Ġembodiment": 23168, + "ĠUncle": 23169, + "Ġoverr": 23170, + "Ġexplosions": 23171, + "cule": 23172, + "ĠPrinceton": 23173, + "ĠAndrea": 23174, + "Ġincorrectly": 23175, + "Ġearnest": 23176, + "Ġpilgr": 23177, + "ĠSprint": 23178, + "Ġsleeve": 23179, + "Ġhears": 23180, + "ĠAmazing": 23181, + "Ġbrowsing": 23182, + "agin": 23183, + "Ġhomeland": 23184, + "Ġhaw": 23185, + "Ġdiving": 23186, + "istered": 23187, + "178": 23188, + "Ġbargaining": 23189, + "ĠArcade": 23190, + "Ġdelegate": 23191, + "terson": 23192, + "................................................................": 23193, + "ĠJacksonville": 23194, + "275": 23195, + "Ġstagn": 23196, + "Ġadam": 23197, + "ĠSherman": 23198, + "CB": 23199, + "Ġsuburb": 23200, + "ĠFoods": 23201, + "Ġconverting": 23202, + "ĠArist": 23203, + "Ġchambers": 23204, + "love": 23205, + "Ġamino": 23206, + "ĠGan": 23207, + "Ġmadness": 23208, + "mc": 23209, + "ĠUSE": 23210, + "defined": 23211, + "Ġultr": 23212, + "indust": 23213, + "Ġwolves": 23214, + "lance": 23215, + "Additionally": 23216, + "Ġcracks": 23217, + "asia": 23218, + "ĠReason": 23219, + "ĠPump": 23220, + "Ġaccidental": 23221, + "ĠLaser": 23222, + "ĠRid": 23223, + "Ġinitialized": 23224, + "elli": 23225, + "Ġunnamed": 23226, + "Ġnoun": 23227, + "ĠPassed": 23228, + "Ġhostage": 23229, + "ĠEthiop": 23230, + "shirts": 23231, + "Ġunrel": 23232, + "ĠEmbassy": 23233, + "Ġ1941": 23234, + "Ġatoms": 23235, + "Ġpurported": 23236, + "164": 23237, + "ĠFi": 23238, + "Ġgallons": 23239, + "ĠMonica": 23240, + "Ġpg": 23241, + "enment": 23242, + "Ġsorted": 23243, + "ĠGospel": 23244, + "Ġheights": 23245, + "Ġtraced": 23246, + "Ġundergoing": 23247, + "Shell": 23248, + "Ġsacks": 23249, + "Ġproportions": 23250, + "Ġhalluc": 23251, + "Font": 23252, + "acet": 23253, + "Ġwarmer": 23254, + "ĠINTER": 23255, + "Ġgrabbing": 23256, + "Plug": 23257, + "Ġrealization": 23258, + "ĠBurke": 23259, + "Ġenchant": 23260, + "ATER": 23261, + "ĠSeed": 23262, + "Ġabundant": 23263, + "FM": 23264, + "Ġcivic": 23265, + "Vs": 23266, + "isi": 23267, + "Ġvow": 23268, + "Ġreper": 23269, + "ĠPartnership": 23270, + "Ġpenetration": 23271, + "Ġaxe": 23272, + "Ġshattered": 23273, + "ĠZombies": 23274, + "Ġvinyl": 23275, + "ĠAlert": 23276, + "eon": 23277, + "Ġobliged": 23278, + "ĠIllust": 23279, + "ĠPlaza": 23280, + "ĠFrontier": 23281, + "Ġdavidjl": 23282, + "ĠSerial": 23283, + "ĠHav": 23284, + "ĠNutrition": 23285, + "Bi": 23286, + "ĠâĸĪ": 23287, + "ĠJays": 23288, + "linux": 23289, + "Ġhurry": 23290, + "Ġvoy": 23291, + "Ġhopeless": 23292, + "ĠStealth": 23293, + "Ġãģ": 23294, + "essors": 23295, + "ttle": 23296, + "borg": 23297, + "ĠSafari": 23298, + "fell": 23299, + "Ġwary": 23300, + "due": 23301, + "ĠAbove": 23302, + "Ha": 23303, + "ELL": 23304, + "Ġnotor": 23305, + "ĠWon": 23306, + "Too": 23307, + "Ġoccupations": 23308, + "Ġpossessions": 23309, + "Ġinviting": 23310, + "Ġpredators": 23311, + "Ġaccelerated": 23312, + "Ġ157": 23313, + "uterte": 23314, + "ĠCube": 23315, + "east": 23316, + "account": 23317, + "Give": 23318, + "Ġtransplant": 23319, + "redients": 23320, + "idable": 23321, + "Ġscreenshots": 23322, + "ĠGund": 23323, + "ĠFS": 23324, + "Ġtravelers": 23325, + "Ġsensory": 23326, + "ĠFiat": 23327, + "ĠRockets": 23328, + "İĭ": 23329, + "_{": 23330, + "Friend": 23331, + "Ġcharming": 23332, + "ALS": 23333, + "Ġenjoyment": 23334, + "mph": 23335, + "Ġ5000": 23336, + "ĠREG": 23337, + "ÙĨ": 23338, + "bia": 23339, + "Ġcompilation": 23340, + "rost": 23341, + "ĠVP": 23342, + "ĠSchne": 23343, + "2019": 23344, + "Ġcopying": 23345, + "MORE": 23346, + "ĠFlore": 23347, + "falls": 23348, + "215": 23349, + "total": 23350, + "Ġdisciples": 23351, + "double": 23352, + "Ġexceeding": 23353, + "Ġsmashed": 23354, + "Ġconceptual": 23355, + "ĠRomania": 23356, + "ĠBrent": 23357, + "ĠICE": 23358, + "ĠTou": 23359, + "Ġgrap": 23360, + "Ġnails": 23361, + "189": 23362, + "ãĥĺ": 23363, + "Ġprocure": 23364, + "eur": 23365, + "Ġconfirming": 23366, + "ĠCec": 23367, + "awi": 23368, + "ĠEden": 23369, + "Ġng": 23370, + "Ġengineered": 23371, + "atics": 23372, + "Ġhooked": 23373, + "Ġdisgusting": 23374, + "ĠMurder": 23375, + "ãĤ¿": 23376, + "Library": 23377, + "Ġ168": 23378, + "Almost": 23379, + "hematic": 23380, + "Menu": 23381, + "ĠNotre": 23382, + "ĠJur": 23383, + "Ġkidnapped": 23384, + "Ġhacker": 23385, + "ĠJade": 23386, + "Ġcreepy": 23387, + "Ġdrawings": 23388, + "ĠSponsor": 23389, + "Ġcyclists": 23390, + "ĠGoblin": 23391, + "Ġoptimized": 23392, + "Ġstaged": 23393, + "ĠMcD": 23394, + "between": 23395, + "Age": 23396, + "eno": 23397, + "Sex": 23398, + "ĠWide": 23399, + "nings": 23400, + "avis": 23401, + "Ġincapable": 23402, + "ĠKob": 23403, + "Ġrewarding": 23404, + "ĠLone": 23405, + "olescent": 23406, + "Ġcontracted": 23407, + "Ġsticky": 23408, + "Jose": 23409, + "Ball": 23410, + "fest": 23411, + "ĠInput": 23412, + "ĠRecently": 23413, + "Ġtomat": 23414, + "square": 23415, + "Application": 23416, + "Ġnitrogen": 23417, + "Ġduplicate": 23418, + "ĠRecon": 23419, + "ĠDear": 23420, + "London": 23421, + "Ġintra": 23422, + "Ġdock": 23423, + "Ġoutreach": 23424, + "ĠMillion": 23425, + "Ġmammals": 23426, + "ampton": 23427, + "VAL": 23428, + "Ġsnaps": 23429, + "Ġdos": 23430, + "ĠWhole": 23431, + "ĠReady": 23432, + "Try": 23433, + "ĠWinnipeg": 23434, + "earance": 23435, + "Ġincurred": 23436, + "renched": 23437, + "ĠNSW": 23438, + "ilot": 23439, + "raine": 23440, + "Ġcube": 23441, + "got": 23442, + "Ġrunway": 23443, + "etermined": 23444, + "ĠHawks": 23445, + "Ġsurvivor": 23446, + "ĠWish": 23447, + "ĠDin": 23448, + "ĠDEF": 23449, + "ĠVault": 23450, + "187": 23451, + "Ġmushrooms": 23452, + "Ġcrisp": 23453, + "bey": 23454, + "ĠDiscovery": 23455, + "Ġdevelopmental": 23456, + "Ġparadigm": 23457, + "Ġchaotic": 23458, + "ĠTsu": 23459, + "Ġ333": 23460, + "bons": 23461, + "Ġbacterial": 23462, + "Ġcommits": 23463, + "Ġcosmic": 23464, + "Ġmega": 23465, + "ocative": 23466, + "ĠPaint": 23467, + "ophobic": 23468, + "Ġvain": 23469, + "Ġcarved": 23470, + "ĠThief": 23471, + "ĠGul": 23472, + "owship": 23473, + "Ġcites": 23474, + "ĠEdinburgh": 23475, + "Ġdiminished": 23476, + "Ġacknowledges": 23477, + "ĠKills": 23478, + "Ġmicrow": 23479, + "ĠHera": 23480, + "Ġseniors": 23481, + "Ġwhereby": 23482, + "Hop": 23483, + "atron": 23484, + "Ġunavailable": 23485, + "ĠNate": 23486, + "Ġ480": 23487, + "Ġslated": 23488, + "ĠRebecca": 23489, + "ĠBattery": 23490, + "Ġgrammar": 23491, + "Ġheadset": 23492, + "Ġcursor": 23493, + "Ġexcluding": 23494, + "anye": 23495, + "aundering": 23496, + "ebin": 23497, + "Ġfeasible": 23498, + "ĠPublishing": 23499, + "ĠLabs": 23500, + "ĠCliff": 23501, + "ĠFerrari": 23502, + "Ġpac": 23503, + "visible": 23504, + "marked": 23505, + "pell": 23506, + "Ġpolite": 23507, + "Ġstaggering": 23508, + "ĠGalactic": 23509, + "Ġsuperst": 23510, + "Ġparan": 23511, + "ĠOfficers": 23512, + "ãĢģ": 23513, + "Ġspecifics": 23514, + "ulus": 23515, + "239": 23516, + "ĠPaste": 23517, + "AMP": 23518, + "ĠPanama": 23519, + "ĠDelete": 23520, + "anguard": 23521, + "restrial": 23522, + "Ġheroic": 23523, + "ĠDy": 23524, + "اÙĦ": 23525, + "Ġincumbent": 23526, + "Ġcrunch": 23527, + "tro": 23528, + "Ġscoop": 23529, + "Ġblogger": 23530, + "Ġsellers": 23531, + "uren": 23532, + "Ġmedicines": 23533, + "ĠCaps": 23534, + "ĠAnimation": 23535, + "oxy": 23536, + "Ġoutward": 23537, + "Ġinquiries": 23538, + "229": 23539, + "Ġpsychologist": 23540, + "ĠSask": 23541, + "evil": 23542, + "Ġcontaminated": 23543, + "ãĤ¨": 23544, + "herence": 23545, + "Ġbranded": 23546, + "ĠAbdul": 23547, + "zh": 23548, + "Ġparagraphs": 23549, + "Ġmins": 23550, + "Ġcorrelated": 23551, + "erb": 23552, + "Ġimpart": 23553, + "Ġmilestone": 23554, + "ĠSolutions": 23555, + "otle": 23556, + "Ġundercover": 23557, + "Ġmarched": 23558, + "ĠChargers": 23559, + "fax": 23560, + "ĠSecrets": 23561, + "Ġruth": 23562, + "weather": 23563, + "Ġfeminine": 23564, + "Ġsham": 23565, + "Ġprestigious": 23566, + "iggins": 23567, + "Ġsung": 23568, + "history": 23569, + "ettle": 23570, + "ggie": 23571, + "Ġoutdated": 23572, + "oland": 23573, + "Ġperceptions": 23574, + "ĠSession": 23575, + "ĠDodgers": 23576, + "uj": 23577, + "ĠEND": 23578, + "Doc": 23579, + "Ġdeficiency": 23580, + "Grand": 23581, + "ĠJoker": 23582, + "Ġretrospect": 23583, + "Ġdiagnostic": 23584, + "Ġharmless": 23585, + "Ġrogue": 23586, + "ĠAval": 23587, + "Equ": 23588, + "Ġtransc": 23589, + "ĠRobertson": 23590, + "ĠDepending": 23591, + "ĠBurns": 23592, + "ivo": 23593, + "Ġhostility": 23594, + "Features": 23595, + "ĵĺ": 23596, + "Ġdiscomfort": 23597, + "ĠLCD": 23598, + "specified": 23599, + "ĠExpect": 23600, + "340": 23601, + "Ġimperative": 23602, + "ĠRegular": 23603, + "Chinese": 23604, + "Ġstatewide": 23605, + "Ġsymm": 23606, + "Ġloops": 23607, + "Ġautumn": 23608, + "Nick": 23609, + "Ġshaping": 23610, + "Ġquot": 23611, + "Ġcherry": 23612, + "ĠCrossref": 23613, + "è¦ļéĨĴ": 23614, + "Standard": 23615, + "heed": 23616, + "ĠDell": 23617, + "ĠVietnamese": 23618, + "Ġost": 23619, + "ĠValkyrie": 23620, + "OA": 23621, + "Assad": 23622, + "Ġrebound": 23623, + "ĠTraffic": 23624, + "places": 23625, + "æĺ": 23626, + "ĠBuc": 23627, + "172": 23628, + "Ġshelters": 23629, + "Ġinsisting": 23630, + "ĠCertainly": 23631, + "ĠKenneth": 23632, + "ĠTCP": 23633, + "Ġpenal": 23634, + "ĠReplay": 23635, + "heard": 23636, + "Ġdialect": 23637, + "iza": 23638, + "ĠFY": 23639, + "itcher": 23640, + "ĠDL": 23641, + "Ġspiral": 23642, + "Ġquarterbacks": 23643, + "Ġhull": 23644, + "Ġgoogle": 23645, + "Ġtodd": 23646, + "ĠSterling": 23647, + "ĠPlate": 23648, + "Ġspying": 23649, + "mbol": 23650, + "ĠRealm": 23651, + "ĠProced": 23652, + "ĠCrash": 23653, + "Ġterminate": 23654, + "Ġprotesting": 23655, + "Center": 23656, + "guided": 23657, + "Ġuncover": 23658, + "Ġboycott": 23659, + "Ġrealizes": 23660, + "sound": 23661, + "Ġpretending": 23662, + "ĠVas": 23663, + "1980": 23664, + "Ġframed": 23665, + "Ġ139": 23666, + "Ġdescended": 23667, + "Ġrehabilitation": 23668, + "Ġborrowing": 23669, + "ĠBuch": 23670, + "Ġblur": 23671, + "Ron": 23672, + "ĠFrozen": 23673, + "enza": 23674, + "Chief": 23675, + "ĠPoor": 23676, + "Ġtranslates": 23677, + "MIN": 23678, + "Ġ212": 23679, + "JECT": 23680, + "Ġerupted": 23681, + "Ġsuccesses": 23682, + "SEC": 23683, + "Ġplague": 23684, + "Ġgems": 23685, + "doms": 23686, + "Ġstretches": 23687, + "ĠSpy": 23688, + "Ġstorytelling": 23689, + "Credit": 23690, + "ĠPush": 23691, + "Ġtraction": 23692, + "Ġineffective": 23693, + "ĠLuna": 23694, + "Ġtapes": 23695, + "Ġanalytics": 23696, + "ercise": 23697, + "Ġprogrammes": 23698, + "ĠCarbon": 23699, + "Ġbehold": 23700, + "heavy": 23701, + "ĠConservation": 23702, + "ĠFIR": 23703, + "Ġsack": 23704, + "termin": 23705, + "ricks": 23706, + "Ġhoused": 23707, + "Ġunusually": 23708, + "Ice": 23709, + "Ġexecuting": 23710, + "ĠMoroc": 23711, + "eday": 23712, + "Ġeditions": 23713, + "Ġsmarter": 23714, + "ĠBA": 23715, + "Ġoutlaw": 23716, + "Ġvanished": 23717, + "iba": 23718, + "ALSE": 23719, + "ĠSilva": 23720, + "238": 23721, + "Could": 23722, + "Ġphilosopher": 23723, + "Ġevacuated": 23724, + "Secret": 23725, + "142": 23726, + "Ġvisas": 23727, + "ãĤ¬": 23728, + "ĠMalt": 23729, + "ĠClearly": 23730, + "ĠNiger": 23731, + "ĠCairo": 23732, + "ĠFist": 23733, + "380": 23734, + "ĠXML": 23735, + "auto": 23736, + "itant": 23737, + "Ġreinforced": 23738, + "Record": 23739, + "ĠSurvivor": 23740, + "GHz": 23741, + "Ġscrews": 23742, + "parents": 23743, + "Ġoceans": 23744, + "mares": 23745, + "Ġbrakes": 23746, + "vasive": 23747, + "Ġhello": 23748, + "ĠSIM": 23749, + "rimp": 23750, + "Ġore": 23751, + "ĠArmour": 23752, + "247": 23753, + "Ġterrific": 23754, + "Ġtones": 23755, + "141": 23756, + "ĠMinutes": 23757, + "Episode": 23758, + "Ġcurves": 23759, + "Ġinflammatory": 23760, + "Ġbatting": 23761, + "ĠBeautiful": 23762, + "Lay": 23763, + "Ġunpop": 23764, + "vable": 23765, + "Ġriots": 23766, + "ĠTactics": 23767, + "baugh": 23768, + "ĠCock": 23769, + "Ġorgasm": 23770, + "ĠSas": 23771, + "Ġconstructor": 23772, + "etz": 23773, + "Gov": 23774, + "Ġantagon": 23775, + "Ġtheat": 23776, + "Ġdeeds": 23777, + "hao": 23778, + "cuts": 23779, + "ĠMcCl": 23780, + "Ġum": 23781, + "ĠScientists": 23782, + "Ġgrassroots": 23783, + "yssey": 23784, + "\"]=>": 23785, + "Ġsurfaced": 23786, + "Ġshades": 23787, + "Ġneighbours": 23788, + "Ġadvertis": 23789, + "oya": 23790, + "Ġmerged": 23791, + "Upon": 23792, + "Ġgad": 23793, + "Ġanticipate": 23794, + "Anyway": 23795, + "Ġslogan": 23796, + "Ġdisrespect": 23797, + "Iran": 23798, + "ĠTB": 23799, + "acted": 23800, + "Ġsubpoen": 23801, + "mediately": 23802, + "OOOO": 23803, + "Ġwaiver": 23804, + "Ġvulnerabilities": 23805, + "ottesville": 23806, + "ĠHuffington": 23807, + "Josh": 23808, + "ĠDH": 23809, + "Monday": 23810, + "ĠEllen": 23811, + "Know": 23812, + "xon": 23813, + "items": 23814, + "228": 23815, + "Ġfills": 23816, + "ĠNike": 23817, + "Ġcumulative": 23818, + "andals": 23819, + "Ir": 23820, + "Ġì": 23821, + "Ġfriction": 23822, + "igator": 23823, + "Ġscans": 23824, + "ĠVienna": 23825, + "ldom": 23826, + "Ġperformers": 23827, + "Prim": 23828, + "Ġbidding": 23829, + "Mur": 23830, + "Ġleaned": 23831, + "ĠPrix": 23832, + "alks": 23833, + "Ġ[âĢ¦]": 23834, + "ĠTwitch": 23835, + "ĠDeveloper": 23836, + "ĠGir": 23837, + "Ġcallback": 23838, + "Abstract": 23839, + "Ġaccustomed": 23840, + "Ġfreedoms": 23841, + "ĠPG": 23842, + "uracy": 23843, + "Ġlump": 23844, + "isman": 23845, + ",,,,": 23846, + "1992": 23847, + "ĠRED": 23848, + "Ġworm": 23849, + "Match": 23850, + "ĠPlatinum": 23851, + "IJ": 23852, + "ĠOwner": 23853, + "Trivia": 23854, + "compl": 23855, + "Ġnewborn": 23856, + "Ġfantas": 23857, + "Own": 23858, + "Ġ1959": 23859, + "Ġsympath": 23860, + "Ġubiqu": 23861, + "Ġoutputs": 23862, + "Ġallev": 23863, + "Ġprag": 23864, + "Kevin": 23865, + "Ġfavors": 23866, + "Ġburial": 23867, + "Ġnurt": 23868, + "solete": 23869, + "cache": 23870, + "Ġ156": 23871, + "Ġunlocks": 23872, + "techn": 23873, + "Making": 23874, + "Ġconquer": 23875, + "adic": 23876, + "æĸ": 23877, + "Ġelf": 23878, + "Ġelectorate": 23879, + "ĠKurds": 23880, + "ĠStack": 23881, + "ĠSamurai": 23882, + "Ġâĺħ": 23883, + "Ġ{}": 23884, + "ĠSaid": 23885, + "ĠFallout": 23886, + "Ġkindness": 23887, + "ĠCustoms": 23888, + "ĠBoulevard": 23889, + "Ġhelicopters": 23890, + "otics": 23891, + "ĠVeget": 23892, + "comment": 23893, + "Ġcriticised": 23894, + "Ġpolished": 23895, + "ĠRemix": 23896, + "ĠCultural": 23897, + "Ġrecons": 23898, + "Ġdoi": 23899, + "atem": 23900, + "Screen": 23901, + "Ġbarred": 23902, + "Comments": 23903, + "ĠGenerally": 23904, + "Ġslap": 23905, + "720": 23906, + "Vari": 23907, + "pine": 23908, + "Ġempt": 23909, + "Ġhats": 23910, + "ĠPlaying": 23911, + "lab": 23912, + "average": 23913, + "forms": 23914, + "ĠCotton": 23915, + "Ġcans": 23916, + "ĠDON": 23917, + "ĠSomalia": 23918, + "Crypt": 23919, + "ĠIncreases": 23920, + "Ever": 23921, + "modern": 23922, + "Ġsurgeon": 23923, + "3000": 23924, + "Ġrandomized": 23925, + "================================================================": 23926, + "Bern": 23927, + "impl": 23928, + "ĠCOR": 23929, + "Ġproclaim": 23930, + "thouse": 23931, + "Ġtoes": 23932, + "Ġample": 23933, + "Ġpreserving": 23934, + "Ġdisbel": 23935, + "grand": 23936, + "Besides": 23937, + "Ġsilk": 23938, + "ĠPattern": 23939, + "hm": 23940, + "Ġenterprises": 23941, + "Ġaffidavit": 23942, + "ĠAdvisory": 23943, + "Ġadvertised": 23944, + "ĠReligious": 23945, + "sections": 23946, + "psych": 23947, + "ĠFields": 23948, + "aways": 23949, + "Ġhashtag": 23950, + "ĠNightmare": 23951, + "Ġvampire": 23952, + "Ġforensic": 23953, + "rossover": 23954, + "nar": 23955, + "Ġnavy": 23956, + "Ġvacant": 23957, + "ĠDuel": 23958, + "Ġhallway": 23959, + "Ġfacebook": 23960, + "identally": 23961, + "ĠNRA": 23962, + "Ġmatt": 23963, + "Ġhurricane": 23964, + "ĠKirby": 23965, + "ĠPuzzle": 23966, + "Ġskirt": 23967, + "oust": 23968, + "dullah": 23969, + "Ġanalogy": 23970, + "inion": 23971, + "Ġtomatoes": 23972, + "ĠNV": 23973, + "ĠPeak": 23974, + "ĠMeyer": 23975, + "Ġappointments": 23976, + "Ġmasc": 23977, + "Ġalley": 23978, + "rehend": 23979, + "Ġcharities": 23980, + "Ġundo": 23981, + "Ġdestinations": 23982, + "ĠTesting": 23983, + "\">\"": 24618, + "cats": 24619, + "*.": 24620, + "Ġgestures": 24621, + "general": 24622, + "League": 24623, + "Ġpackets": 24624, + "ĠInspector": 24625, + "ĠBerg": 24626, + "Ġfraudulent": 24627, + "Ġcriticize": 24628, + "Fun": 24629, + "Ġblaming": 24630, + "ndra": 24631, + "Ġslash": 24632, + "ĠEston": 24633, + "Ġproposing": 24634, + "Ġwhales": 24635, + "Ġtherapist": 24636, + "Ġsubset": 24637, + "Ġleisure": 24638, + "ELD": 24639, + "ĠCVE": 24640, + "ĠActivity": 24641, + "Ġculmin": 24642, + "shop": 24643, + "ĠDAY": 24644, + "ischer": 24645, + "ĠAdmiral": 24646, + "ĠAttacks": 24647, + "Ġ1958": 24648, + "Ġmemoir": 24649, + "Ġfolded": 24650, + "Ġsexist": 24651, + "Ġ153": 24652, + "ĠLI": 24653, + "Ġreadings": 24654, + "Ġembarrassment": 24655, + "ĠEmployment": 24656, + "wart": 24657, + "chin": 24658, + "Ġcontinuation": 24659, + "lia": 24660, + "Recently": 24661, + "Ġduel": 24662, + "Ġevacuation": 24663, + "ĠKashmir": 24664, + "Ġdisposition": 24665, + "ĠRig": 24666, + "Ġbolts": 24667, + "Ġinsurers": 24668, + "467": 24669, + "Mex": 24670, + "Ġretaliation": 24671, + "Ġmisery": 24672, + "Ġunreasonable": 24673, + "raining": 24674, + "Imm": 24675, + "ĠPU": 24676, + "emer": 24677, + "Ġgenital": 24678, + "ãĤ³": 24679, + "ĠCandy": 24680, + "Ġonions": 24681, + "ĠPatt": 24682, + "liner": 24683, + "Ġconceded": 24684, + "Ġfa": 24685, + "Ġforc": 24686, + "ĠHernandez": 24687, + "ĠGeoff": 24688, + "debian": 24689, + "ĠTeams": 24690, + "Ġcries": 24691, + "Ġhomeowners": 24692, + "237": 24693, + "ABC": 24694, + "Ġstitch": 24695, + "Ġstatistic": 24696, + "Ġheaders": 24697, + "ĠBiology": 24698, + "Ġmotors": 24699, + "ĠGEN": 24700, + "ĠLip": 24701, + "Ġhates": 24702, + "Ġheel": 24703, + "Self": 24704, + "ipl": 24705, + "EDIT": 24706, + "orting": 24707, + "Ġannot": 24708, + "ĠSpeech": 24709, + "oldemort": 24710, + "ĠJavascript": 24711, + "ĠLeBron": 24712, + "Ġfootprint": 24713, + "Ġfn": 24714, + "Ġseizures": 24715, + "nas": 24716, + "hide": 24717, + "Ġ1954": 24718, + "ĠBee": 24719, + "ĠDeclaration": 24720, + "ĠKatie": 24721, + "Ġreservations": 24722, + "NR": 24723, + "female": 24724, + "Ġsaturated": 24725, + "Ġbiblical": 24726, + "Ġtrolls": 24727, + "Device": 24728, + "photos": 24729, + "Ġdrums": 24730, + "ãĥīãĥ©ãĤ´ãĥ³": 24731, + "Night": 24732, + "fighter": 24733, + "ĠHak": 24734, + "riber": 24735, + "Ġcush": 24736, + "Ġdisciplinary": 24737, + "baum": 24738, + "ĠGH": 24739, + "ĠSchmidt": 24740, + "ilibrium": 24741, + "Ġsixty": 24742, + "ĠKushner": 24743, + "rots": 24744, + "Ġpund": 24745, + "ĠRac": 24746, + "Ġsprings": 24747, + "Ġconve": 24748, + "Business": 24749, + "Fall": 24750, + "Ġqualifications": 24751, + "Ġverses": 24752, + "Ġnarciss": 24753, + "ĠKoh": 24754, + "ĠWow": 24755, + "ĠCharlottesville": 24756, + "edo": 24757, + "Ġinterrogation": 24758, + "ĠWool": 24759, + "365": 24760, + "Brian": 24761, + "Ġâľĵ": 24762, + "Ġalleges": 24763, + "onds": 24764, + "idation": 24765, + "ĠJackie": 24766, + "yu": 24767, + "Ġlakes": 24768, + "Ġworthwhile": 24769, + "Ġcrystals": 24770, + "ĠJuda": 24771, + "Ġcomprehend": 24772, + "Ġflush": 24773, + "Ġabsorption": 24774, + "ĠOC": 24775, + "Ġfrightened": 24776, + "ĠChocolate": 24777, + "Martin": 24778, + "Ġbuys": 24779, + "Ġbucks": 24780, + "Ġappell": 24781, + "ĠChampionships": 24782, + "Ġlistener": 24783, + "ĠDefensive": 24784, + "Ġcz": 24785, + "uds": 24786, + "ĠMate": 24787, + "Ġreplay": 24788, + "Ġdecorated": 24789, + "Ġsunk": 24790, + "ĠVIP": 24791, + "ĠAnk": 24792, + "Ġ195": 24793, + "aaaa": 24794, + "Nobody": 24795, + "ĠMilk": 24796, + "ĠGur": 24797, + "ĠMk": 24798, + "ĠSara": 24799, + "Ġseating": 24800, + "ĠWid": 24801, + "Track": 24802, + "Ġemploys": 24803, + "Ġgigantic": 24804, + "APP": 24805, + "ãĤ§": 24806, + "inventory": 24807, + "Ġtowel": 24808, + "atche": 24809, + "lasting": 24810, + "ĠTL": 24811, + "Ġlatency": 24812, + "Ġkne": 24813, + "Ber": 24814, + "meaning": 24815, + "Ġupheld": 24816, + "Ġplayground": 24817, + "Ġmant": 24818, + "Side": 24819, + "Ġstereo": 24820, + "Ġnorthwest": 24821, + "Ġexceptionally": 24822, + "Ġrays": 24823, + "Ġrecurring": 24824, + "Drive": 24825, + "Ġupright": 24826, + "Ġabduct": 24827, + "ĠMarathon": 24828, + "Ġgoodbye": 24829, + "Ġalphabet": 24830, + "hp": 24831, + "Ġcourtroom": 24832, + "rington": 24833, + "othing": 24834, + "Tag": 24835, + "Ġdiplomats": 24836, + "Ġbarbar": 24837, + "ĠAqua": 24838, + "183": 24839, + "3333": 24840, + "Ġmaturity": 24841, + "Ġinstability": 24842, + "ĠApache": 24843, + "Ġ===": 24844, + "Ġfasting": 24845, + "ĠGrid": 24846, + "ModLoader": 24847, + "Ġ152": 24848, + "Abs": 24849, + "ĠOperating": 24850, + "etti": 24851, + "Ġacquaint": 24852, + "Donnell": 24853, + "ĠKem": 24854, + "ĠForge": 24855, + "Ġarmored": 24856, + "Mil": 24857, + "Ġphilosophers": 24858, + "invest": 24859, + "Players": 24860, + "âĪ": 24861, + "Ġmyriad": 24862, + "Ġcomrades": 24863, + "Rot": 24864, + "Ġremembering": 24865, + "Ġcorresponds": 24866, + "Ġprogrammers": 24867, + "ĠLynn": 24868, + "Ġolig": 24869, + "Ġcoherent": 24870, + "ynchron": 24871, + "ĠChemical": 24872, + "Ġjugg": 24873, + "pair": 24874, + "posts": 24875, + "Eye": 24876, + "ĠInner": 24877, + "Ġsemester": 24878, + "ottest": 24879, + "ĠEmirates": 24880, + "ricanes": 24881, + "orously": 24882, + "mits": 24883, + "ĠWis": 24884, + "Ġdodge": 24885, + "location": 24886, + "Ġfaded": 24887, + "Amazon": 24888, + "ĠProceed": 24889, + "ĠINFO": 24890, + "journal": 24891, + "ĠTruck": 24892, + "Ten": 24893, + "Ġ217": 24894, + "Ġstatutes": 24895, + "mobile": 24896, + "ĠTypes": 24897, + "Recomm": 24898, + "buster": 24899, + "pex": 24900, + "Ġlegends": 24901, + "Ġheadache": 24902, + "faced": 24903, + "ĠWiFi": 24904, + "ifty": 24905, + "ĠHER": 24906, + "Ġcircuits": 24907, + "ERROR": 24908, + "226": 24909, + "olin": 24910, + "Ġcylinder": 24911, + "ospace": 24912, + "ikers": 24913, + "Prem": 24914, + "Quant": 24915, + "Ġconflicting": 24916, + "Ġslightest": 24917, + "Ġforged": 24918, + "ionage": 24919, + "Stephen": 24920, + "ĠKub": 24921, + "ĠOpportun": 24922, + "ĠHeal": 24923, + "Ġblo": 24924, + "Ġrulers": 24925, + "Ġhuh": 24926, + "Ġsubmarine": 24927, + "fy": 24928, + "asser": 24929, + "Ġallowance": 24930, + "ĠKasich": 24931, + "ĠTas": 24932, + "ĠAustralians": 24933, + "ForgeModLoader": 24934, + "ĠâĨij": 24935, + "ĠMatrix": 24936, + "amins": 24937, + "Ġ1200": 24938, + "ĠAcqu": 24939, + "236": 24940, + "Document": 24941, + "ĠBreaking": 24942, + "193": 24943, + "ĠSubst": 24944, + "ĠRoller": 24945, + "ĠProperties": 24946, + "ĠNI": 24947, + "tier": 24948, + "Ġcrushing": 24949, + "Ġadvocating": 24950, + "Furthermore": 24951, + "keepers": 24952, + "Ġsexism": 24953, + "xd": 24954, + "Ġcaller": 24955, + "ĠSense": 24956, + "chieve": 24957, + "ĠTF": 24958, + "Ġfueled": 24959, + "Ġreminiscent": 24960, + "Ġobsess": 24961, + "urst": 24962, + "Ġuphold": 24963, + "ĠFans": 24964, + "hetics": 24965, + "ĠâĹ": 24966, + "ĠBath": 24967, + "Ġbeverage": 24968, + "Ġoscill": 24969, + "254": 24970, + "Ġpoles": 24971, + "Ġgradual": 24972, + "Ġexting": 24973, + "ĠSuff": 24974, + "ĠSuddenly": 24975, + "Ġliking": 24976, + "Ġ1949": 24977, + "unciation": 24978, + "amination": 24979, + "ĠOmar": 24980, + "ĠLV": 24981, + "ĠConsequently": 24982, + "Ġsynthes": 24983, + "ĠGIF": 24984, + "Ġpains": 24985, + "Ġinteracting": 24986, + "uously": 24987, + "incre": 24988, + "Ġrumor": 24989, + "ĠScientology": 24990, + "197": 24991, + "ĠZig": 24992, + "Ġspelling": 24993, + "ĠASS": 24994, + "Ġextingu": 24995, + "mson": 24996, + "Ġgh": 24997, + "Ġremarked": 24998, + "ĠStrategic": 24999, + "ĠMON": 25000, + "å¥": 25001, + "gae": 25002, + "ĠWHAT": 25003, + "Eric": 25004, + "ĠCampus": 25005, + "Ġmethane": 25006, + "Ġimagin": 25007, + "JUST": 25008, + "ĠAlm": 25009, + "XT": 25010, + "iq": 25011, + "ĠRSS": 25012, + "Ġwrongdoing": 25013, + "atta": 25014, + "Ġbigot": 25015, + "Ġdemonstrators": 25016, + "ĠCalvin": 25017, + "ĠVilla": 25018, + "Ġmembrane": 25019, + "ĠAwesome": 25020, + "Ġbenefic": 25021, + "268": 25022, + "Ġmagnificent": 25023, + "ĠLots": 25024, + "Greg": 25025, + "ĠBoris": 25026, + "Ġdetainees": 25027, + "ĠHerman": 25028, + "Ġwhispered": 25029, + "Ġawe": 25030, + "Professor": 25031, + "funding": 25032, + "Ġphysiological": 25033, + "ĠDestruction": 25034, + "Ġlimb": 25035, + "Ġmanipulated": 25036, + "Ġbubbles": 25037, + "Ġpseud": 25038, + "Ġhydra": 25039, + "ĠBristol": 25040, + "Ġstellar": 25041, + "ĠExpansion": 25042, + "ĠKell": 25043, + "ĠInterestingly": 25044, + "Ġmans": 25045, + "Ġdragging": 25046, + "Ġecological": 25047, + "ĠFit": 25048, + "Ġgent": 25049, + "Ġbenefited": 25050, + "ĠHaiti": 25051, + "Ġpolyg": 25052, + "ãĥİ": 25053, + "Ġ2030": 25054, + "Ġprow": 25055, + "Ġreconstruction": 25056, + "Ġwast": 25057, + "Ġpsychic": 25058, + "ĠGreeks": 25059, + "Handler": 25060, + "162": 25061, + "ĠPulse": 25062, + "Ġsolicit": 25063, + "Ġsys": 25064, + "Ġinflux": 25065, + "ĠGentle": 25066, + "percent": 25067, + "Ġproliferation": 25068, + "Ġtaxable": 25069, + "Ġdisregard": 25070, + "Ġescaping": 25071, + "Ġginger": 25072, + "Ġwithstand": 25073, + "Ġdevastated": 25074, + "ĠDew": 25075, + "series": 25076, + "Ġinjected": 25077, + "elaide": 25078, + "Ġturnover": 25079, + "heat": 25080, + "ĻĤ": 25081, + "Happy": 25082, + "ĠSilent": 25083, + "ãĤŃ": 25084, + "ivism": 25085, + "Ġirrational": 25086, + "AMA": 25087, + "Ġreef": 25088, + "rub": 25089, + "Ġ162": 25090, + "Ġbankers": 25091, + "ĠEthics": 25092, + "vv": 25093, + "Ġcriticisms": 25094, + "Kn": 25095, + "186": 25096, + "Movie": 25097, + "ĠTories": 25098, + "Ġnood": 25099, + "Ġdistortion": 25100, + "False": 25101, + "odore": 25102, + "Ġtasty": 25103, + "Research": 25104, + "ĠUID": 25105, + "-)": 25106, + "Ġdivorced": 25107, + "ĠMU": 25108, + "ĠHayes": 25109, + "ĠIsn": 25110, + "iani": 25111, + "ĠHQ": 25112, + "Ġ\"#": 25113, + "ignant": 25114, + "Ġtraumatic": 25115, + "ĠLing": 25116, + "Hun": 25117, + "Ġsabot": 25118, + "online": 25119, + "random": 25120, + "Ġrenamed": 25121, + "rared": 25122, + "KA": 25123, + "dead": 25124, + "ét": 25125, + "ĠAssistance": 25126, + "Ġseaf": 25127, + "++++++++": 25128, + "Ġseldom": 25129, + "ĠWebb": 25130, + "Ġboolean": 25131, + "ulet": 25132, + "Ġrefrain": 25133, + "ĠDIY": 25134, + "rule": 25135, + "Ġshutting": 25136, + "Ġutilizing": 25137, + "loading": 25138, + "ĠParam": 25139, + "coal": 25140, + "ooter": 25141, + "Ġattracting": 25142, + "ĠDol": 25143, + "Ġhers": 25144, + "agnetic": 25145, + "ĠReach": 25146, + "imo": 25147, + "Ġdiscarded": 25148, + "ĠPip": 25149, + "015": 25150, + "ür": 25151, + "Ġmug": 25152, + "Imagine": 25153, + "COL": 25154, + "Ġcursed": 25155, + "ĠShows": 25156, + "ĠCurtis": 25157, + "ĠSachs": 25158, + "speaking": 25159, + "ĠVista": 25160, + "ĠFramework": 25161, + "ongo": 25162, + "Ġsubreddit": 25163, + "Ġcrus": 25164, + "ĠOval": 25165, + "Row": 25166, + "growing": 25167, + "Ġinstallment": 25168, + "Ġglac": 25169, + "ĠAdvance": 25170, + "ECK": 25171, + "ĠLGBTQ": 25172, + "LEY": 25173, + "Ġacet": 25174, + "Ġsuccessive": 25175, + "ĠNicole": 25176, + "Ġ1957": 25177, + "Quote": 25178, + "Ġcircumstance": 25179, + "ackets": 25180, + "Ġ142": 25181, + "ortium": 25182, + "Ġguessed": 25183, + "ĠFrame": 25184, + "Ġperpetrators": 25185, + "ĠAviation": 25186, + "ĠBench": 25187, + "Ġhandc": 25188, + "Ap": 25189, + "Ġ1956": 25190, + "259": 25191, + "rand": 25192, + "NetMessage": 25193, + "din": 25194, + "urtles": 25195, + "hig": 25196, + "ĠVIII": 25197, + "ffiti": 25198, + "ĠSwords": 25199, + "bial": 25200, + "Ġkidnapping": 25201, + "device": 25202, + "Ġbarn": 25203, + "ĠEli": 25204, + "aucas": 25205, + "Send": 25206, + "Constructed": 25207, + "Ġ½": 25208, + "Ġneedles": 25209, + "Ġadvertisements": 25210, + "Ġvou": 25211, + "Ġexhibited": 25212, + "ĠFortress": 25213, + "Ask": 25214, + "Berry": 25215, + "TYPE": 25216, + "Ġcancers": 25217, + "umping": 25218, + "ĠTerritory": 25219, + "Ġprud": 25220, + "Ġnas": 25221, + "Ġatheist": 25222, + "Ġbalances": 25223, + "ãģŁ": 25224, + "ĠShawn": 25225, + "&&": 25226, + "Ġlandsc": 25227, + "ĠRGB": 25228, + "Ġpetty": 25229, + "Ġexcellence": 25230, + "Ġtranslations": 25231, + "Ġparcel": 25232, + "ĠChev": 25233, + "East": 25234, + "ĠOutput": 25235, + "imi": 25236, + "Ġambient": 25237, + "ĠThreat": 25238, + "Ġvillains": 25239, + "Ġ550": 25240, + "ICA": 25241, + "Ġtaller": 25242, + "Ġleaking": 25243, + "cup": 25244, + "Ġpolish": 25245, + "Ġinfectious": 25246, + "ĠKC": 25247, + "Ġ@@": 25248, + "background": 25249, + "Ġbureaucracy": 25250, + "ĠSai": 25251, + "unless": 25252, + "itious": 25253, + "ĠSkype": 25254, + "Atl": 25255, + "IDENT": 25256, + "008": 25257, + "Ġhypocr": 25258, + "Ġpitchers": 25259, + "Ġguessing": 25260, + "ĠFINAL": 25261, + "Between": 25262, + "Ġvillagers": 25263, + "Ġ252": 25264, + "fashion": 25265, + "ĠTunis": 25266, + "Beh": 25267, + "ĠExc": 25268, + "ĠMID": 25269, + "288": 25270, + "ĠHaskell": 25271, + "196": 25272, + "ĠNOR": 25273, + "Ġspecs": 25274, + "Ġinvari": 25275, + "Ġglut": 25276, + "ĠCars": 25277, + "Ġimpulse": 25278, + "Ġhonors": 25279, + "gel": 25280, + "Ġjurisdictions": 25281, + "ĠBundle": 25282, + "ulas": 25283, + "California": 25284, + "ĠIncrease": 25285, + "Ġpear": 25286, + "Ġsingles": 25287, + "Ġcues": 25288, + "Ġunderwent": 25289, + "ĠWS": 25290, + "Ġexaggerated": 25291, + "Ġdubious": 25292, + "Ġflashing": 25293, + "LOG": 25294, + ")].": 25295, + "Journal": 25296, + "tg": 25297, + "Van": 25298, + "ĠIstanbul": 25299, + "ĠInsp": 25300, + "ĠFranken": 25301, + "Draw": 25302, + "Ġsadness": 25303, + "Ġironic": 25304, + "ĠFry": 25305, + "xc": 25306, + "Ġ164": 25307, + "isch": 25308, + "Way": 25309, + "ĠProtestant": 25310, + "horn": 25311, + "Ġunaff": 25312, + "ĠViv": 25313, + "illas": 25314, + "ĠProductions": 25315, + "ĠHogan": 25316, + "Ġperimeter": 25317, + "ĠSisters": 25318, + "Ġspontaneous": 25319, + "Ġdownside": 25320, + "Ġdescendants": 25321, + "Ġorn": 25322, + "worm": 25323, + "Japanese": 25324, + "Ġ1955": 25325, + "Ġ151": 25326, + "ĠDoing": 25327, + "elsen": 25328, + "umbles": 25329, + "Ġradically": 25330, + "ĠDrum": 25331, + "ĠBach": 25332, + "Ġliabilities": 25333, + "ĠOB": 25334, + "ĠElementary": 25335, + "Ġmeme": 25336, + "ynes": 25337, + "Ġfingerprint": 25338, + "ĠGrab": 25339, + "Ġundertake": 25340, + "Members": 25341, + "ĠReader": 25342, + "ĠSims": 25343, + "god": 25344, + "Ġhypothetical": 25345, + "scient": 25346, + "ĠAJ": 25347, + "Ġcharism": 25348, + "Ġadmissions": 25349, + "ĠMissile": 25350, + "trade": 25351, + "Ġexercising": 25352, + "ĠBackground": 25353, + "Written": 25354, + "Ġvocals": 25355, + "whether": 25356, + "Ġvi": 25357, + "ĠWinner": 25358, + "Ġlitter": 25359, + "ĠShooting": 25360, + "STEM": 25361, + "ãĤ¡": 25362, + "ĠAFL": 25363, + "Ġvariability": 25364, + "Ġeats": 25365, + "ĠDPS": 25366, + "brow": 25367, + "Ġelephants": 25368, + "Ġstrat": 25369, + "ĠÅ": 25370, + "Ġsettlers": 25371, + "Matthew": 25372, + "Ġinadvert": 25373, + "HI": 25374, + "ĠIMF": 25375, + "ĠGoal": 25376, + "Ġnerves": 25377, + "Johnson": 25378, + "eye": 25379, + "ablishment": 25380, + "Thursday": 25381, + "BILITY": 25382, + "Had": 25383, + "amoto": 25384, + "hetamine": 25385, + "eps": 25386, + "Ġmitochond": 25387, + "Ġcompressed": 25388, + "ĠTrevor": 25389, + "ĠAnimals": 25390, + "Tool": 25391, + "Lock": 25392, + "Ġtweak": 25393, + "Ġpinch": 25394, + "Ġcancellation": 25395, + "Pot": 25396, + "Ġfocal": 25397, + "ĠAstron": 25398, + "173": 25399, + "ĠASC": 25400, + "ĠOTHER": 25401, + "umni": 25402, + "Ġdemise": 25403, + "dl": 25404, + "Ùħ": 25405, + "Semitism": 25406, + "Ġcracking": 25407, + "Ġcollaborative": 25408, + "Ġexplores": 25409, + "sql": 25410, + "Ġherbs": 25411, + "Ġconfigurations": 25412, + "mis": 25413, + "ĠResult": 25414, + "acey": 25415, + "ĠSmoke": 25416, + "Ġsanct": 25417, + "elia": 25418, + "Ġdegener": 25419, + "Ġdeepest": 25420, + "Ġscreamed": 25421, + "Ġnap": 25422, + "Software": 25423, + "ĠSTAR": 25424, + "EF": 25425, + "ĠXin": 25426, + "sponsored": 25427, + "manship": 25428, + "233": 25429, + "Ġprimaries": 25430, + "Ġfiltering": 25431, + "Ġassemble": 25432, + "mil": 25433, + "ĠMyers": 25434, + "bows": 25435, + "Ġpunched": 25436, + "Mic": 25437, + "Ġinnovations": 25438, + "Ġfunc": 25439, + "ando": 25440, + "Ġfracking": 25441, + "ĠVul": 25442, + "оÐ": 25443, + "oshop": 25444, + "ĠImmun": 25445, + "Ġsettling": 25446, + "Ġadolescents": 25447, + "Ġrebuilding": 25448, + "Ġtransforming": 25449, + "Ġparole": 25450, + "Ġharbor": 25451, + "Ġbooking": 25452, + "otional": 25453, + "ongevity": 25454, + "ĠYo": 25455, + "bug": 25456, + "Ġemerges": 25457, + "ĠMethods": 25458, + "ĠChu": 25459, + "Pres": 25460, + "ĠDungeons": 25461, + "Ġtrailing": 25462, + "ĠRum": 25463, + "ĠHugh": 25464, + "天": 25465, + "ĠEra": 25466, + "ĠBattles": 25467, + "Results": 25468, + "ĠTrading": 25469, + "Ġversa": 25470, + "css": 25471, + "axies": 25472, + "heet": 25473, + "Ġgreed": 25474, + "1989": 25475, + "Ġgardens": 25476, + "Ġcontingent": 25477, + "Park": 25478, + "ĠLeafs": 25479, + "hook": 25480, + "robe": 25481, + "Ġdiplomacy": 25482, + "ĠFuel": 25483, + "ĠInvasion": 25484, + "Ġupgrading": 25485, + "Male": 25486, + "Ġelic": 25487, + "Ġrelentless": 25488, + "ĠCovenant": 25489, + "apesh": 25490, + "ĠTrop": 25491, + "Ty": 25492, + "production": 25493, + "arty": 25494, + "Ġpunches": 25495, + "ako": 25496, + "cyclopedia": 25497, + "ĠRabbit": 25498, + "ĠHDMI": 25499, + "Ġ141": 25500, + "Ġfoil": 25501, + "ItemImage": 25502, + "ĠFG": 25503, + "Ġimplementations": 25504, + "ĠPom": 25505, + "ixtures": 25506, + "Ġawait": 25507, + "Ġ330": 25508, + "amus": 25509, + "Ġumbrella": 25510, + "Ġforesee": 25511, + "separ": 25512, + "Ġcircumcision": 25513, + "Ġperipheral": 25514, + "Say": 25515, + "ĠExpert": 25516, + "Inc": 25517, + "Ġwithdrew": 25518, + "ĠAnders": 25519, + "fried": 25520, + "Ġradioactive": 25521, + "ĠOpening": 25522, + "Ġboarding": 25523, + "ĠND": 25524, + "Ġoverthrow": 25525, + "Activ": 25526, + "WP": 25527, + "ĠActs": 25528, + "×Ļ": 25529, + "Ġmotions": 25530, + "vic": 25531, + "ĠMighty": 25532, + "ĠDefender": 25533, + "aer": 25534, + "Ġthankful": 25535, + "ĠKilling": 25536, + "ĠBris": 25537, + "moil": 25538, + "Ġpredicting": 25539, + "266": 25540, + "choice": 25541, + "Ġkillers": 25542, + "Ġincub": 25543, + "ĠChest": 25544, + "athering": 25545, + "Ġproclaimed": 25546, + "flower": 25547, + "ossom": 25548, + "umbledore": 25549, + "ĠCycling": 25550, + "ĠOccupy": 25551, + "AGES": 25552, + "Pen": 25553, + "ĠYug": 25554, + "Ġpackaged": 25555, + "Ġheightened": 25556, + "cot": 25557, + "stack": 25558, + "Cond": 25559, + "Ġstamps": 25560, + "mage": 25561, + "Ġpersuaded": 25562, + "Ġensl": 25563, + "ĠCardinal": 25564, + "Ġsolitary": 25565, + "Ġpossessing": 25566, + "ĠCork": 25567, + "Ġevid": 25568, + "ĠTay": 25569, + "Ġblues": 25570, + "Ġextremism": 25571, + "Ġlunar": 25572, + "Ġclown": 25573, + "Techn": 25574, + "Ġfestivals": 25575, + "ĠPvP": 25576, + "ĠLar": 25577, + "Ġconsequently": 25578, + "present": 25579, + "Ġsomeday": 25580, + "çİĭ": 25581, + "ĠMeteor": 25582, + "Ġtouring": 25583, + "culture": 25584, + "Ġbeaches": 25585, + "Ship": 25586, + "cause": 25587, + "ĠFlood": 25588, + "ãĥ¯": 25589, + "Ġpurity": 25590, + "those": 25591, + "Ġemission": 25592, + "bolt": 25593, + "Ġchord": 25594, + "ĠScripture": 25595, + "Lu": 25596, + "Ġ${": 25597, + "created": 25598, + "Others": 25599, + "258": 25600, + "Ġelemental": 25601, + "Ġannoyed": 25602, + "ĠAE": 25603, + "dan": 25604, + "ĠSag": 25605, + "Researchers": 25606, + "Ġfairy": 25607, + "âĢĵâĢĵ": 25608, + "============": 25609, + "Smart": 25610, + "GGGG": 25611, + "Ġskeletons": 25612, + "Ġpupils": 25613, + "linked": 25614, + "Ġurgency": 25615, + "enabled": 25616, + "ĠFuck": 25617, + "Ġcouncill": 25618, + "rab": 25619, + "UAL": 25620, + "TI": 25621, + "Ġlifes": 25622, + "Ġconfessed": 25623, + "Bug": 25624, + "Ġharmon": 25625, + "ĠCONFIG": 25626, + "ĠNeutral": 25627, + "Double": 25628, + "Ġstaple": 25629, + "ĠSHA": 25630, + "British": 25631, + "ĠSNP": 25632, + "ATOR": 25633, + "oco": 25634, + "Ġswinging": 25635, + "gex": 25636, + "oleon": 25637, + "plain": 25638, + "ĠMissing": 25639, + "ĠTrophy": 25640, + "vari": 25641, + "ranch": 25642, + "Ġ301": 25643, + "440": 25644, + "0000000000000000": 25645, + "Ġrestoring": 25646, + "Ġhaul": 25647, + "ucing": 25648, + "nerg": 25649, + "Ġfutures": 25650, + "Ġstrategist": 25651, + "question": 25652, + "Ġlateral": 25653, + "ĠBard": 25654, + "Ġsor": 25655, + "ĠRhodes": 25656, + "ĠDowntown": 25657, + "?????-": 25658, + "ĠLit": 25659, + "ĠBened": 25660, + "Ġcoil": 25661, + "street": 25662, + "ĠPortal": 25663, + "FILE": 25664, + "ĠGru": 25665, + "*,": 25666, + "231": 25667, + "neum": 25668, + "Ġsucked": 25669, + "Ġrapper": 25670, + "Ġtendencies": 25671, + "ĠLauren": 25672, + "cellaneous": 25673, + "267": 25674, + "Ġbrowse": 25675, + "Ġoverc": 25676, + "header": 25677, + "oise": 25678, + "Ġbeet": 25679, + "ĠGle": 25680, + "Stay": 25681, + "Ġmum": 25682, + "Ġtyped": 25683, + "Ġdiscounts": 25684, + "Talk": 25685, + "ĠOg": 25686, + "existing": 25687, + "ĠSell": 25688, + "uph": 25689, + "CI": 25690, + "ĠAustrian": 25691, + "ĠWarm": 25692, + "Ġdismissal": 25693, + "Ġaverages": 25694, + "camera": 25695, + "Ġallegiance": 25696, + "LAN": 25697, + "=\"#": 25698, + "Ġcommentators": 25699, + "ĠSetting": 25700, + "ĠMidwest": 25701, + "Ġpharmac": 25702, + "ĠEXP": 25703, + "Ġstainless": 25704, + "Chicago": 25705, + "Ġtan": 25706, + "244": 25707, + "Ġcountryside": 25708, + "ĠVac": 25709, + "295": 25710, + "Ġpinned": 25711, + "Ġcrises": 25712, + "Ġstandardized": 25713, + "Task": 25714, + "ĠJail": 25715, + "ĠDocker": 25716, + "colored": 25717, + "forth": 25718, + "\"},": 25719, + "Ġpatrons": 25720, + "Ġspice": 25721, + "Ġmourn": 25722, + "ĠMood": 25723, + "Ġlaundry": 25724, + "Ġequip": 25725, + "ĠMole": 25726, + "yll": 25727, + "ĠTHC": 25728, + "nation": 25729, + "ĠSherlock": 25730, + "Ġissu": 25731, + "ĠKre": 25732, + "ĠAmericas": 25733, + "ĠAAA": 25734, + "Ġsystematically": 25735, + "Ġcontra": 25736, + "ĠSally": 25737, + "Ġrationale": 25738, + "Ġcarriage": 25739, + "Ġpeaks": 25740, + "Ġcontradiction": 25741, + "ensation": 25742, + "ĠFailure": 25743, + "Ġprops": 25744, + "Ġnamespace": 25745, + "Ġcove": 25746, + "fields": 25747, + "ãĤĭ": 25748, + "Ġwool": 25749, + "ĠCatch": 25750, + "Ġpresumed": 25751, + "ĠDiana": 25752, + "ragon": 25753, + "igi": 25754, + "Ġhamm": 25755, + "Ġstunt": 25756, + "ĠGUI": 25757, + "ĠObservatory": 25758, + "ĠShore": 25759, + "Ġsmells": 25760, + "annah": 25761, + "Ġcockpit": 25762, + "ĠDuterte": 25763, + "850": 25764, + "Ġoppressed": 25765, + "breaker": 25766, + "ĠContribut": 25767, + "ĠPeru": 25768, + "ĠMonsanto": 25769, + "ĠAttempt": 25770, + "Ġcommanding": 25771, + "Ġfridge": 25772, + "ĠRin": 25773, + "ĠChess": 25774, + "uality": 25775, + "Ġol": 25776, + "Republican": 25777, + "ĠGlory": 25778, + "ĠWIN": 25779, + ".......": 25780, + "agent": 25781, + "reading": 25782, + "Ġinh": 25783, + "Jones": 25784, + "Ġclicks": 25785, + "alan": 25786, + "Ġ[];": 25787, + "ĠMajesty": 25788, + "ĠCed": 25789, + "opus": 25790, + "atel": 25791, + "ê": 25792, + "ARC": 25793, + "ĠEcuador": 25794, + "ãĥł": 25795, + "ĠKuro": 25796, + "Ġrituals": 25797, + "Ġcaptive": 25798, + "Ġounce": 25799, + "Ġdisagreement": 25800, + "Ġslog": 25801, + "fuel": 25802, + "Pet": 25803, + "Mail": 25804, + "Ġexercised": 25805, + "Ġsolic": 25806, + "Ġrainfall": 25807, + "Ġdevotion": 25808, + "ĠAssessment": 25809, + "Ġrobotic": 25810, + "options": 25811, + "ĠRP": 25812, + "ĠFamilies": 25813, + "ĠFlames": 25814, + "Ġassignments": 25815, + "007": 25816, + "akedown": 25817, + "Ġvocabulary": 25818, + "Reilly": 25819, + "Ġcaval": 25820, + "gars": 25821, + "Ġsuppressed": 25822, + "ĠSET": 25823, + "ĠJohns": 25824, + "Ġwarp": 25825, + "broken": 25826, + "Ġstatues": 25827, + "Ġadvocated": 25828, + "Ġ275": 25829, + "Ġperil": 25830, + "omorph": 25831, + "ĠFemin": 25832, + "perfect": 25833, + "Ġhatch": 25834, + "Lib": 25835, + "512": 25836, + "Ġlifelong": 25837, + "313": 25838, + "Ġcheeks": 25839, + "Ġnumbered": 25840, + "ĠMug": 25841, + "Body": 25842, + "ravel": 25843, + "Weight": 25844, + "ĠJak": 25845, + "ĠHeath": 25846, + "Ġkissing": 25847, + "ĠJUST": 25848, + "Ġwaving": 25849, + "upload": 25850, + "Ġinsider": 25851, + "ĠProgressive": 25852, + "ĠFilter": 25853, + "tta": 25854, + "ĠBeam": 25855, + "Ġviolently": 25856, + "ipation": 25857, + "Ġskepticism": 25858, + "Ġ1918": 25859, + "ĠAnnie": 25860, + "ĠSI": 25861, + "Ġgenetics": 25862, + "Ġonboard": 25863, + "atl": 25864, + "ĠFriedman": 25865, + "ĠBri": 25866, + "ceptive": 25867, + "Ġpirate": 25868, + "ĠReporter": 25869, + "278": 25870, + "Ġmythology": 25871, + "Ġeclipse": 25872, + "Ġskins": 25873, + "Ġglyph": 25874, + "ingham": 25875, + "Files": 25876, + "Cour": 25877, + "women": 25878, + "Ġregimes": 25879, + "Ġphotographed": 25880, + "Kat": 25881, + "ĠMAX": 25882, + "Officials": 25883, + "Ġunexpectedly": 25884, + "Ġimpressions": 25885, + "Front": 25886, + ";;;;;;;;": 25887, + "Ġsupremacy": 25888, + "Ġsang": 25889, + "Ġaggravated": 25890, + "Ġabruptly": 25891, + "ĠSector": 25892, + "Ġexcuses": 25893, + "Ġcosting": 25894, + "idepress": 25895, + "Stack": 25896, + "ĠRNA": 25897, + "obil": 25898, + "Ġghosts": 25899, + "ldon": 25900, + "atibility": 25901, + "Topics": 25902, + "Ġreimburse": 25903, + "ĠHM": 25904, + "ĠDeg": 25905, + "Ġthief": 25906, + "yet": 25907, + "ogenesis": 25908, + "leaning": 25909, + "ĠKol": 25910, + "ĠBasketball": 25911, + "Ġfi": 25912, + "ĠSeeing": 25913, + "Ġrecycling": 25914, + "Ġ[-": 25915, + "Congress": 25916, + "Ġlectures": 25917, + "Psy": 25918, + "Ġnep": 25919, + "Ġmaid": 25920, + "Ġoriented": 25921, + "AX": 25922, + "Ġrespectful": 25923, + "rene": 25924, + "flush": 25925, + "ĠUnloaded": 25926, + "request": 25927, + "grid": 25928, + "ĠAlternatively": 25929, + "ĠHugo": 25930, + "Ġdecree": 25931, + "ĠBuddhism": 25932, + "andum": 25933, + "Android": 25934, + "ĠCongo": 25935, + "ĠJoyce": 25936, + "Ġacknowledging": 25937, + "hesive": 25938, + "ĠTomorrow": 25939, + "ĠHiro": 25940, + "thren": 25941, + "ĠMaced": 25942, + "Ġhoax": 25943, + "ĠIncreased": 25944, + "ĠPradesh": 25945, + "Wild": 25946, + "______": 25947, + "161": 25948, + "Ġaunt": 25949, + "Ġdistributing": 25950, + "ĠTucker": 25951, + "ĠSSL": 25952, + "ĠWolves": 25953, + "Building": 25954, + "oult": 25955, + "ĠLuo": 25956, + "ĠYas": 25957, + "ĠSpir": 25958, + "ĠShape": 25959, + "ĠCambod": 25960, + "ĠIPv": 25961, + "Ġml": 25962, + "Ġextrad": 25963, + "390": 25964, + "ĠPenny": 25965, + "dream": 25966, + "Ġstationed": 25967, + "optional": 25968, + "eworthy": 25969, + ".": 26700, + "ĠWorkshop": 26701, + "ĠRetail": 26702, + "ĠAvatar": 26703, + "625": 26704, + "Na": 26705, + "ĠVC": 26706, + "ĠSecure": 26707, + "MY": 26708, + "1988": 26709, + "ossip": 26710, + "Ġprostate": 26711, + "Ġunden": 26712, + "Ġgamer": 26713, + "ĠContents": 26714, + "ĠWarhammer": 26715, + "ĠSentinel": 26716, + "310": 26717, + "Ġsegregation": 26718, + "ĠFlex": 26719, + "ĠMAY": 26720, + "Ġdrills": 26721, + "ĠDrugs": 26722, + "Islamic": 26723, + "Ġspur": 26724, + "Ġcafe": 26725, + "Ġimaginary": 26726, + "Ġguiding": 26727, + "Ġswings": 26728, + "ĠTheme": 26729, + "oby": 26730, + "Ġnud": 26731, + "Ġbegging": 26732, + "Ġstrongh": 26733, + "Ġrejecting": 26734, + "Ġpedestrians": 26735, + "ĠProspect": 26736, + "Rare": 26737, + "sle": 26738, + "Ġconcessions": 26739, + "ĠConstitutional": 26740, + "Ġbeams": 26741, + "Ġfibers": 26742, + "poon": 26743, + "Ġinstincts": 26744, + "property": 26745, + "ĠBIG": 26746, + "Sanders": 26747, + "imates": 26748, + "Ġcoating": 26749, + "Ġcorpses": 26750, + "ĠTRUE": 26751, + "checked": 26752, + "Ġ166": 26753, + "Ash": 26754, + "ĠJS": 26755, + "ĠFiction": 26756, + "Ġcommunal": 26757, + "Ġenergetic": 26758, + "oooooooo": 26759, + "Ġnowadays": 26760, + "ILD": 26761, + "ibo": 26762, + "ĠSUV": 26763, + "Ren": 26764, + "Ġdwelling": 26765, + "Silver": 26766, + "Ġtally": 26767, + "ĠMoving": 26768, + "Ġcoward": 26769, + "Ġgenerals": 26770, + "Ġhorns": 26771, + "Ġcirculated": 26772, + "Ġrobbed": 26773, + "ĠUnlimited": 26774, + "Ġharassed": 26775, + "Ġinhibit": 26776, + "Ġcomposer": 26777, + "ĠSpotify": 26778, + "Ġspreads": 26779, + "364": 26780, + "Ġsuicidal": 26781, + "Ġnoises": 26782, + "ĠStur": 26783, + "Ġsaga": 26784, + "ĠKag": 26785, + "iso": 26786, + "Ġtheoretically": 26787, + "Money": 26788, + "Ġsimilarity": 26789, + "Ġsliced": 26790, + "utils": 26791, + "inges": 26792, + "\"-": 26793, + "Ġanth": 26794, + "Ġimped": 26795, + "Module": 26796, + "Throughout": 26797, + "Ġmenus": 26798, + "committee": 26799, + "andi": 26800, + "obj": 26801, + "inav": 26802, + "fired": 26803, + "ĠAbdullah": 26804, + "Ġundead": 26805, + "Ġfonts": 26806, + "Hold": 26807, + "ENG": 26808, + "Ġsustainability": 26809, + "Ġflick": 26810, + "Ġrazor": 26811, + "ĠFest": 26812, + "ĠCharacters": 26813, + "Ġwording": 26814, + "Ġpopulist": 26815, + "Ġcriticizing": 26816, + "Ġmuse": 26817, + "vine": 26818, + "Ġcardboard": 26819, + "Ġkindly": 26820, + "Ġfringe": 26821, + "ĠTheft": 26822, + "icultural": 26823, + "Ġgovernors": 26824, + "Ġ����": 26825, + "Ġ163": 26826, + "Ġtimeout": 26827, + "ĠAuth": 26828, + "Children": 26829, + "AU": 26830, + "Ġredemption": 26831, + "ĠAlger": 26832, + "Ġ1914": 26833, + "Ġwaved": 26834, + "Ġastronauts": 26835, + "ograms": 26836, + "Ġswamp": 26837, + "ĠFinnish": 26838, + "Ġcandle": 26839, + "Ġtonnes": 26840, + "utm": 26841, + "Ġray": 26842, + "Ġspun": 26843, + "Ġfearful": 26844, + "articles": 26845, + "Ġcaus": 26846, + "orically": 26847, + "ĠRequires": 26848, + "ĠGol": 26849, + "Ġpope": 26850, + "Ġinaugural": 26851, + "Ġgle": 26852, + "ADA": 26853, + "ĠISIL": 26854, + "ĠOffensive": 26855, + "Ġwatchdog": 26856, + "Ġbalcon": 26857, + "entity": 26858, + "ĠHoo": 26859, + "Ġgallon": 26860, + "ACC": 26861, + "Ġdoubling": 26862, + "Ġimplication": 26863, + "ĠSight": 26864, + "Ġdoctr": 26865, + "-------": 26866, + "Ġ\\\\": 26867, + "Ġmalt": 26868, + "Roll": 26869, + "Ġâī¥": 26870, + "Ġrecap": 26871, + "adding": 26872, + "uces": 26873, + "ĠBend": 26874, + "figure": 26875, + "Ġturkey": 26876, + "Ġsocietal": 26877, + "ĠTickets": 26878, + "Ġcommercially": 26879, + "Ġspicy": 26880, + "Ġ216": 26881, + "ĠRamp": 26882, + "Ġsuperiority": 26883, + "ï": 26884, + "ĠTracker": 26885, + "Carl": 26886, + "ĠCoy": 26887, + "ĠPatriot": 26888, + "Ġconsulted": 26889, + "Ġlistings": 26890, + "Ġslew": 26891, + "reenshot": 26892, + "ĠGone": 26893, + "Ġ[...]": 26894, + "309": 26895, + "Ġhottest": 26896, + "ر": 26897, + "Ġrocky": 26898, + "ĠDiaz": 26899, + "Ġmassage": 26900, + "Ġparaly": 26901, + "Ġpony": 26902, + "Az": 26903, + "Ġcartridge": 26904, + "ĠNZ": 26905, + "Ġsnack": 26906, + "ĠLamar": 26907, + "plement": 26908, + "ĠLeslie": 26909, + "Ġmater": 26910, + "Ġsnipp": 26911, + "246": 26912, + "Ġjointly": 26913, + "ĠBrisbane": 26914, + "ĠiPod": 26915, + "Ġpumping": 26916, + "Ġgoat": 26917, + "ĠSharon": 26918, + "ealing": 26919, + "Ġcoron": 26920, + "Ġanomal": 26921, + "rahim": 26922, + "ĠConnection": 26923, + "Ġsculpture": 26924, + "Ġscheduling": 26925, + "ĠDaddy": 26926, + "athing": 26927, + "Ġeyebrows": 26928, + "Ġcurved": 26929, + "Ġsentiments": 26930, + "Ġdrafting": 26931, + "Drop": 26932, + "([": 26933, + "Ġnominal": 26934, + "ĠLeadership": 26935, + "ĠGrow": 26936, + "Ġ176": 26937, + "Ġconstructive": 26938, + "ivation": 26939, + "Ġcorrupted": 26940, + "gerald": 26941, + "ĠCros": 26942, + "ĠChester": 26943, + "ĠLap": 26944, + "ãģª": 26945, + "OTH": 26946, + "DATA": 26947, + "Ġalmond": 26948, + "probably": 26949, + "Imp": 26950, + "Ġfeast": 26951, + "ĠWarcraft": 26952, + "Flor": 26953, + "Ġcheckpoint": 26954, + "Ġtranscription": 26955, + "Ġ204": 26956, + "Ġtweaks": 26957, + "Ġrelieve": 26958, + "Science": 26959, + "Ġperformer": 26960, + "Zone": 26961, + "Ġturmoil": 26962, + "igated": 26963, + "hibit": 26964, + "ĠCafe": 26965, + "themed": 26966, + "Ġfluor": 26967, + "bench": 26968, + "Ġdecom": 26969, + "ĠUnt": 26970, + "ĠBarrett": 26971, + "ĠFacts": 26972, + "Ġtasting": 26973, + "ĠPTSD": 26974, + "ĠSeal": 26975, + "ĠJudaism": 26976, + "ĠDynamic": 26977, + "ĠCors": 26978, + "Ve": 26979, + "ĠMing": 26980, + "ĠTransform": 26981, + "von": 26982, + "ĠDefenders": 26983, + "ĠTactical": 26984, + "ĠVon": 26985, + "ĠUnivers": 26986, + "Ġdistorted": 26987, + "ĠBreath": 26988, + "?'\"": 26989, + "Ġagon": 26990, + "ĠDeadly": 26991, + "Ġlan": 26992, + "ĠCycle": 26993, + "orned": 26994, + "Ġreliably": 26995, + "Ġglor": 26996, + "ĠMonkey": 26997, + "ãĥ¡": 26998, + "Ġadren": 26999, + "Ġmicrowave": 27000, + "ĠAlban": 27001, + "ircraft": 27002, + "digit": 27003, + "smart": 27004, + "ĠDread": 27005, + "¯¯¯¯¯¯¯¯¯¯¯¯¯¯¯¯": 27006, + "{{": 27007, + "ĠRochester": 27008, + "Ġsimplified": 27009, + "Ġinflicted": 27010, + "Ġtakeover": 27011, + "Ġyourselves": 27012, + "aditional": 27013, + "Ġmuscular": 27014, + "KS": 27015, + "Ġingen": 27016, + "Tax": 27017, + "ĠFeature": 27018, + "277": 27019, + "Ġcruc": 27020, + "Ġcrate": 27021, + "Ġunidentified": 27022, + "Ġacclaimed": 27023, + "ĠManga": 27024, + "ĠFrances": 27025, + "ĠNepal": 27026, + "ĠGerald": 27027, + "ĠKuwait": 27028, + "Ġslain": 27029, + "ĠHeb": 27030, + "ĠGoku": 27031, + "ãģ®æ": 27032, + "286": 27033, + "Mrs": 27034, + "ĠCody": 27035, + "ĠSanctuary": 27036, + "016": 27037, + "Ġdismant": 27038, + "Ġdataset": 27039, + "ĠHond": 27040, + "buck": 27041, + "ĠPatterson": 27042, + "Ġpalette": 27043, + "ĠGD": 27044, + "icol": 27045, + "ĠLodge": 27046, + "Ġplanetary": 27047, + "akin": 27048, + "ĠRegistered": 27049, + "abwe": 27050, + "ĠPetersburg": 27051, + "Ġhailed": 27052, + "ĠPiece": 27053, + "Sche": 27054, + "ĠDOJ": 27055, + "Ġenumer": 27056, + "181": 27057, + "ĠObserver": 27058, + "ĠBold": 27059, + "founded": 27060, + "commerce": 27061, + "Ġexploits": 27062, + "ĠFinding": 27063, + "URN": 27064, + "ĠSne": 27065, + "ĠAcid": 27066, + "ayette": 27067, + "ĠValues": 27068, + "Ġdrastic": 27069, + "Ġarchitectural": 27070, + "Ġ\".": 27071, + "×ķ": 27072, + "umped": 27073, + "Ġwrapping": 27074, + "Ġwidow": 27075, + "ĠSlayer": 27076, + "lace": 27077, + "once": 27078, + "Germany": 27079, + "avoid": 27080, + "Ġtemples": 27081, + "PAR": 27082, + "ô": 27083, + "ĠLucifer": 27084, + "ĠFlickr": 27085, + "lov": 27086, + "forces": 27087, + "Ġscouting": 27088, + "Ġlouder": 27089, + "tesy": 27090, + "Ġbeforehand": 27091, + "Äĵ": 27092, + "ĠNeon": 27093, + "ĠWol": 27094, + "ĠTypically": 27095, + "ĠPolitico": 27096, + "-+-+": 27097, + "Ġbuilder": 27098, + "Ġderive": 27099, + "Kill": 27100, + "Ġpoker": 27101, + "Ġambiguous": 27102, + "Ġlifts": 27103, + "Ġcyt": 27104, + "Ġribs": 27105, + "oodle": 27106, + "ĠSounds": 27107, + "hair": 27108, + "ĠSyndrome": 27109, + "tf": 27110, + "Ġproportional": 27111, + "uid": 27112, + "Ġpertaining": 27113, + "ĠKindle": 27114, + "ĠNegro": 27115, + "Ġreiterated": 27116, + "ĠTonight": 27117, + "oths": 27118, + "ĠCornell": 27119, + "Ġowing": 27120, + "Ġ208": 27121, + "elfare": 27122, + "ocating": 27123, + "ĠBirds": 27124, + "Subscribe": 27125, + "Ġessays": 27126, + "Ġburdens": 27127, + "Ġillustrations": 27128, + "arious": 27129, + "ERAL": 27130, + "ĠCalcul": 27131, + "Ġxen": 27132, + "ĠLinkedIn": 27133, + "ĠJung": 27134, + "Ġredesign": 27135, + "Connor": 27136, + "296": 27137, + "Ġreversal": 27138, + "ĠAdelaide": 27139, + "ĠLL": 27140, + "Ġsinking": 27141, + "Ġgum": 27142, + "USH": 27143, + "capt": 27144, + "ĠGrimm": 27145, + "Ġfootsteps": 27146, + "ĠCBD": 27147, + "ispers": 27148, + "Ġprose": 27149, + "Wednesday": 27150, + "ĠMovies": 27151, + "edin": 27152, + "Ġoverturned": 27153, + "Ġcontentious": 27154, + "USB": 27155, + "~~~~~~~~~~~~~~~~": 27156, + "ĠCopper": 27157, + "Ġpointless": 27158, + "NV": 27159, + "values": 27160, + "olphin": 27161, + "dain": 27162, + "Ġdeposited": 27163, + "ĠGW": 27164, + "Ġpreceded": 27165, + "ĠCla": 27166, + "ĠGolem": 27167, + "ĠNim": 27168, + "Ġβ": 27169, + "ĠEngineers": 27170, + "middle": 27171, + "Ġflatt": 27172, + "operative": 27173, + "Ġcouncils": 27174, + "imbabwe": 27175, + "elin": 27176, + "Ġstressful": 27177, + "ĠLD": 27178, + "Ġresh": 27179, + "lake": 27180, + "Ġwheelchair": 27181, + "ĠAlternative": 27182, + "Ġoptimize": 27183, + "operation": 27184, + "Ġpeek": 27185, + "Ġoneself": 27186, + "igil": 27187, + "Ġtransitions": 27188, + "opathy": 27189, + "blank": 27190, + "Ġ169": 27191, + "171": 27192, + "________________________________________________________________": 27193, + "Ġlaundering": 27194, + "Enc": 27195, + "ĠDEC": 27196, + "Ġworkouts": 27197, + "Ġspikes": 27198, + "Ġdinosaurs": 27199, + "Ġdiscriminatory": 27200, + "Pool": 27201, + "Rather": 27202, + "385": 27203, + "RNA": 27204, + "testers": 27205, + "eto": 27206, + "ĠIdentity": 27207, + "Ġvein": 27208, + "ĠBurton": 27209, + "Ġarcade": 27210, + "420": 27211, + "Ultimately": 27212, + "ĠSadly": 27213, + "ð": 27214, + "pill": 27215, + "Ġcubic": 27216, + "ĠSpectrum": 27217, + "these": 27218, + "states": 27219, + "Ġunofficial": 27220, + "hawks": 27221, + "ĠEVERY": 27222, + "Ġrainbow": 27223, + "Ġincarceration": 27224, + "anding": 27225, + "Ġsyll": 27226, + "ĠEverton": 27227, + "Ġ179": 27228, + "ĠSerbia": 27229, + "Ġ189": 27230, + "meter": 27231, + "ĠMickey": 27232, + "Ġantiqu": 27233, + "Ġfactual": 27234, + "neck": 27235, + "ĠNare": 27236, + "norm": 27237, + "must": 27238, + "Ġhighways": 27239, + "Ġglam": 27240, + "Ġdividing": 27241, + "ĠSquadron": 27242, + "ĠMartha": 27243, + "Ġbirths": 27244, + "Cover": 27245, + "////////////////": 27246, + "ĠWong": 27247, + "Phot": 27248, + "ĠALS": 27249, + "rio": 27250, + "ĠNonetheless": 27251, + "ĠLemon": 27252, + "Ġ206": 27253, + "ĠEE": 27254, + "Ġderivative": 27255, + "ĠWWII": 27256, + "vote": 27257, + "Ġtherein": 27258, + "Ġseparating": 27259, + "446": 27260, + "sync": 27261, + "ĠStreets": 27262, + "Ġratt": 27263, + "Ġmunicipality": 27264, + "ĠShortly": 27265, + "Ġmonk": 27266, + "),\"": 27267, + "Ġscrub": 27268, + "Ġoperatives": 27269, + "Neither": 27270, + "Place": 27271, + "ĠLimit": 27272, + "Female": 27273, + "ĠActor": 27274, + "Character": 27275, + "Ġconstituted": 27276, + "357": 27277, + "Ġprotested": 27278, + "ĠStraw": 27279, + "ĠHeight": 27280, + "ilda": 27281, + "ĠTyph": 27282, + "Ġfloods": 27283, + "Ġcosmetic": 27284, + "WAY": 27285, + "perture": 27286, + "upon": 27287, + "tons": 27288, + "essing": 27289, + "ĠPocket": 27290, + "Ġrooft": 27291, + "ĠCaucas": 27292, + "Ġantidepress": 27293, + "Ġincompatible": 27294, + "ECD": 27295, + "Ġopera": 27296, + "ĠContest": 27297, + "Ġgenerators": 27298, + "lime": 27299, + "Defense": 27300, + "1987": 27301, + "forum": 27302, + "Ġsavage": 27303, + "ĠHungarian": 27304, + "nz": 27305, + "Ġmetallic": 27306, + "Ġexpelled": 27307, + "Ġresidency": 27308, + "Ġdresses": 27309, + "666": 27310, + "ĠClement": 27311, + "fires": 27312, + "Category": 27313, + "Ġgeek": 27314, + "alis": 27315, + "Ġcemetery": 27316, + "educated": 27317, + "Ġcrawl": 27318, + "ĠUnable": 27319, + "ĠTyson": 27320, + "akis": 27321, + "Ġpardon": 27322, + "ĠWra": 27323, + "Ġstrengthened": 27324, + "ĠFors": 27325, + "335": 27326, + "ĠHC": 27327, + "ĠMond": 27328, + "Ġvisuals": 27329, + "ĠBeatles": 27330, + "ettlement": 27331, + "Ġï": 27332, + "gro": 27333, + "Ġbash": 27334, + "Ġpoorest": 27335, + "Ġexcel": 27336, + "Ġaspirations": 27337, + "ĠMunicip": 27338, + "ensible": 27339, + "Ġceremonies": 27340, + "Ġintimidation": 27341, + "ĠCONTR": 27342, + "beck": 27343, + "ĠKap": 27344, + "asu": 27345, + "Ġtrademarks": 27346, + "ĠSew": 27347, + "ĠCompetition": 27348, + "network": 27349, + "ĠArri": 27350, + "ĠTet": 27351, + "Roaming": 27352, + "WC": 27353, + "Dat": 27354, + "Ġsob": 27355, + "Ġpairing": 27356, + "Ġoverdose": 27357, + "SAY": 27358, + "aber": 27359, + "Ġrevolt": 27360, + "ĠFah": 27361, + "acting": 27362, + "eq": 27363, + "estation": 27364, + "Fight": 27365, + "ĠMarks": 27366, + "273": 27367, + "Ġ178": 27368, + "Raw": 27369, + "ãģĭ": 27370, + "349": 27371, + "blocks": 27372, + "Ġverge": 27373, + "estine": 27374, + "ĠPodesta": 27375, + "Ġinvasive": 27376, + "Ġprofoundly": 27377, + "ĠAo": 27378, + "each": 27379, + "Ġlest": 27380, + "interpret": 27381, + "Ġshrinking": 27382, + "Ġerrone": 27383, + "Ġchees": 27384, + "lys": 27385, + "ĠIvy": 27386, + "ĠDirectory": 27387, + "Ġhinted": 27388, + "VICE": 27389, + "Ġcontacting": 27390, + "ĠGent": 27391, + "hei": 27392, + "Ġlabeling": 27393, + "Ġmercury": 27394, + "ĠLite": 27395, + "Ġexpires": 27396, + "Ġdestabil": 27397, + "ritis": 27398, + "cu": 27399, + "Ġfeathers": 27400, + "Ġsteer": 27401, + "Ġprogrammed": 27402, + "ĠVader": 27403, + "Going": 27404, + "ĠElim": 27405, + "Ġyo": 27406, + "ĠMiche": 27407, + "Ġ203": 27408, + "Ġsleeves": 27409, + "Ġbully": 27410, + "ĠHumans": 27411, + "368": 27412, + "Ġcompress": 27413, + "ĠBanner": 27414, + "ARS": 27415, + "Ġawhile": 27416, + "Ġcalib": 27417, + "Ġsponsorship": 27418, + "ĠDifficulty": 27419, + "ĠPapers": 27420, + "Ġidentifier": 27421, + "}.": 27422, + "Ġyog": 27423, + "ĠShia": 27424, + "Ġcleanup": 27425, + "Ġvibe": 27426, + "introdu": 27427, + "imming": 27428, + "Australia": 27429, + "Ġoutlines": 27430, + "ĠYoutube": 27431, + "train": 27432, + "ĠMakes": 27433, + "Ġdeported": 27434, + "Ġcentr": 27435, + "ĠDug": 27436, + "ĠBoulder": 27437, + "ĠBuffy": 27438, + "Ġinjunction": 27439, + "ĠHarley": 27440, + "ĠGroups": 27441, + "ĠDumbledore": 27442, + "ĠClara": 27443, + "Ġ\"-": 27444, + "Ġsacrificed": 27445, + "eph": 27446, + "Shadow": 27447, + "ibling": 27448, + "Ġfreelance": 27449, + "Ġevidently": 27450, + "phal": 27451, + "Ġretains": 27452, + "Mir": 27453, + "Ġfinite": 27454, + "dar": 27455, + "ĠCous": 27456, + "Ġrepaired": 27457, + "Ġperiodic": 27458, + "Ġchampionships": 27459, + "Ġasteroid": 27460, + "blind": 27461, + "Ġexpressly": 27462, + "ĠAstros": 27463, + "Ġscaled": 27464, + "Ġgeographical": 27465, + "ĠRapids": 27466, + "Enjoy": 27467, + "Ġelastic": 27468, + "ĠMohamed": 27469, + "Market": 27470, + "begin": 27471, + "Ġdiscovers": 27472, + "Ġtelecommunications": 27473, + "Ġscanner": 27474, + "Ġenlarge": 27475, + "Ġsharks": 27476, + "Ġpsychedel": 27477, + "ĠRouge": 27478, + "Ġsnapshot": 27479, + "isine": 27480, + "XP": 27481, + "Ġpesticides": 27482, + "ĠLSD": 27483, + "ĠDistribution": 27484, + "really": 27485, + "Ġdegradation": 27486, + "Ġdisguise": 27487, + "Ġbiom": 27488, + "ĠEXT": 27489, + "Ġequations": 27490, + "Ġhazards": 27491, + "ĠCompared": 27492, + ")*": 27493, + "Ġvirtues": 27494, + "Ġelders": 27495, + "Ġenhancing": 27496, + "ĠAcross": 27497, + "eros": 27498, + "angling": 27499, + "Ġcombust": 27500, + "ucci": 27501, + "Ġconcussion": 27502, + "Ġcontraception": 27503, + "ĠKang": 27504, + "Ġexpresses": 27505, + "Ġaux": 27506, + "ĠPione": 27507, + "Ġexhibits": 27508, + "Debug": 27509, + "OTAL": 27510, + "ĠAlready": 27511, + "ĠWheeler": 27512, + "Ġexpands": 27513, + "?:": 27514, + "Ġreconciliation": 27515, + "Ġpirates": 27516, + "Ġpurse": 27517, + "Ġdiscourage": 27518, + "Ġspectacle": 27519, + "Rank": 27520, + "Ġwraps": 27521, + "ĠThought": 27522, + "Ġimpending": 27523, + "Opp": 27524, + "ĠAnglo": 27525, + "ĠEUR": 27526, + "Ġscrewed": 27527, + "retched": 27528, + "Ġencouragement": 27529, + "models": 27530, + "Ġconfuse": 27531, + "mmm": 27532, + "ĠVitamin": 27533, + "âĸijâĸij": 27534, + "Cru": 27535, + "Ġknights": 27536, + "Ġdiscard": 27537, + "Ġbishops": 27538, + "ĠWear": 27539, + "ĠGarrett": 27540, + "kan": 27541, + "ãĥŁ": 27542, + "Ġmasculine": 27543, + "capital": 27544, + "ĠAus": 27545, + "Ġfatally": 27546, + "thanks": 27547, + "ĠAU": 27548, + "ĠGut": 27549, + "1200": 27550, + "Ġ00000000": 27551, + "Ġsurrog": 27552, + "ĠBIOS": 27553, + "raits": 27554, + "ĠWatts": 27555, + "Ġresurrection": 27556, + "ĠElectoral": 27557, + "ĠTips": 27558, + "4000": 27559, + "Ġnutrient": 27560, + "Ġdepicting": 27561, + "Ġsprink": 27562, + "Ġmuff": 27563, + "ĠLIM": 27564, + "ĠSample": 27565, + "psc": 27566, + "ibi": 27567, + "generated": 27568, + "Ġspecimens": 27569, + "Ġdissatisf": 27570, + "Ġtailored": 27571, + "Ġholdings": 27572, + "ĠMonthly": 27573, + "ĠEat": 27574, + "poons": 27575, + "Ġnec": 27576, + "ĠCage": 27577, + "ĠLotus": 27578, + "ĠLantern": 27579, + "Ġfrontier": 27580, + "Ġpensions": 27581, + "Ġjoked": 27582, + "ĠHardy": 27583, + "=-=-=-=-": 27584, + "rade": 27585, + "UID": 27586, + "Ġrails": 27587, + "Ġemit": 27588, + "Ġslate": 27589, + "Ġsmug": 27590, + "Ġspit": 27591, + "ĠCalls": 27592, + "ĠJacobs": 27593, + "feat": 27594, + "ĠUE": 27595, + "Ġrestruct": 27596, + "Ġregeneration": 27597, + "Ġenergies": 27598, + "ĠConnor": 27599, + "OHN": 27600, + "ĠCheese": 27601, + "Ġger": 27602, + "Ġresurrect": 27603, + "management": 27604, + "NW": 27605, + "Ġpresently": 27606, + "ĠBruins": 27607, + "Member": 27608, + "ĠMang": 27609, + "idan": 27610, + "Ġboosting": 27611, + "wyn": 27612, + "+.": 27613, + "requisite": 27614, + "ĠNYPD": 27615, + "ĠMegan": 27616, + "ĠConditions": 27617, + "Ġpics": 27618, + "nesium": 27619, + "ĠRash": 27620, + "Ġ174": 27621, + "ĠDucks": 27622, + "Ġembro": 27623, + "zu": 27624, + "onian": 27625, + "religious": 27626, + "Ġcraz": 27627, + "ĠACA": 27628, + "ĠZucker": 27629, + "EMA": 27630, + "ĠPros": 27631, + "Weapon": 27632, + "ĠKnox": 27633, + "ĠArduino": 27634, + "Ġstove": 27635, + "Ġheavens": 27636, + "ĠPurchase": 27637, + "Ġherd": 27638, + "Ġfundraiser": 27639, + "Digital": 27640, + "5000": 27641, + "Ġproponents": 27642, + "/âĢĭ": 27643, + "Ġjelly": 27644, + "ĠVisa": 27645, + "Ġmonks": 27646, + "Ġadvancement": 27647, + "ĠWer": 27648, + "Ġ187": 27649, + "eus": 27650, + "ertility": 27651, + "Ġfetal": 27652, + "Ġ1936": 27653, + "Lo": 27654, + "Ġoutfits": 27655, + "Ġstaircase": 27656, + "bomb": 27657, + "Ġcustomized": 27658, + "clair": 27659, + "Tree": 27660, + "Ġmapped": 27661, + "ĠConsidering": 27662, + "ĠTorres": 27663, + "Ġmethyl": 27664, + "Ġapproximate": 27665, + "Ġdoom": 27666, + "ĠHansen": 27667, + "Ġcrossover": 27668, + "Ġstandalone": 27669, + "ä¼": 27670, + "Ġinvites": 27671, + "Ġgraveyard": 27672, + "Ġhp": 27673, + "DonaldTrump": 27674, + "Ġescort": 27675, + "Gar": 27676, + "Ġpredecessors": 27677, + "Ġhay": 27678, + "Ġenzyme": 27679, + "ĠStraight": 27680, + "visors": 27681, + "Ing": 27682, + "aneously": 27683, + "ĠApplied": 27684, + "Ġfec": 27685, + "ĠDurant": 27686, + "Ġoutspoken": 27687, + "orb": 27688, + "Ġzeal": 27689, + "Ġdisgrace": 27690, + "').": 27691, + "ĠCheng": 27692, + "289": 27693, + "ĠRena": 27694, + "ĠSuicide": 27695, + "294": 27696, + "Ġoutraged": 27697, + "ĠNewman": 27698, + "ĠNvidia": 27699, + "ĠAber": 27700, + "ĠBers": 27701, + "Ġrecreation": 27702, + "Window": 27703, + "ĠDP": 27704, + "xe": 27705, + "Ġpedoph": 27706, + "Ġfallout": 27707, + "amboo": 27708, + "Ġpresentations": 27709, + "ĠApps": 27710, + "Ġhtml": 27711, + "345": 27712, + "ĠXXX": 27713, + "Ġrubbing": 27714, + "ĠLeather": 27715, + "Ġhumidity": 27716, + "seys": 27717, + "established": 27718, + "ĠUnits": 27719, + "646": 27720, + "Ġrespectable": 27721, + "Auto": 27722, + "Ġthriving": 27723, + "ĠInnovation": 27724, + "angs": 27725, + "Extra": 27726, + "regulation": 27727, + "298": 27728, + "pick": 27729, + "Examples": 27730, + "ĠCJ": 27731, + "Attack": 27732, + "Ġdracon": 27733, + "LT": 27734, + "Ġsticker": 27735, + "rers": 27736, + "Ġsunny": 27737, + "Iss": 27738, + "regulated": 27739, + "dim": 27740, + "ĠAbstract": 27741, + "Ġhusbands": 27742, + "Office": 27743, + "omination": 27744, + "itars": 27745, + "ANGE": 27746, + "ascal": 27747, + "ĠKris": 27748, + "ĠInfantry": 27749, + "Ġmalf": 27750, + "ĠAthe": 27751, + "ĠRally": 27752, + "balanced": 27753, + "........................": 27754, + "OUP": 27755, + "Ġmolecule": 27756, + "metics": 27757, + "ĠSplit": 27758, + "ĠInstructions": 27759, + "ĠNights": 27760, + "cards": 27761, + "Ġtug": 27762, + "Ġcone": 27763, + "åŃ": 27764, + "Ġtx": 27765, + "ĠDiscussion": 27766, + "Ġcatastrophe": 27767, + "ppe": 27768, + "gio": 27769, + "Ġcommunism": 27770, + "Ġhalted": 27771, + "ĠGuant": 27772, + "clean": 27773, + "ĠSched": 27774, + "ĠKanye": 27775, + "Ġwander": 27776, + "ĠSeriously": 27777, + "Ġ188": 27778, + "ennial": 27779, + "follow": 27780, + "productive": 27781, + "ĠFlow": 27782, + "ĠSail": 27783, + "Ġcraw": 27784, + "Ġsimulations": 27785, + "oru": 27786, + "angles": 27787, + "ĠNolan": 27788, + "Ġmenstru": 27789, + "470": 27790, + "Ġ207": 27791, + "aja": 27792, + "Ġcasually": 27793, + "boarding": 27794, + "Ġ222": 27795, + "ovy": 27796, + "ĠNumbers": 27797, + "umat": 27798, + "OE": 27799, + "287": 27800, + "ĠClemson": 27801, + "Ġcerts": 27802, + "Ġslid": 27803, + "ĠTribe": 27804, + "Ġtoast": 27805, + "Ġfortunes": 27806, + "Ġfals": 27807, + "ĠCommittees": 27808, + "Ġgp": 27809, + "Ġfiery": 27810, + "ĠNets": 27811, + "ĠAnime": 27812, + "Package": 27813, + "ĠCompare": 27814, + "laughter": 27815, + "infect": 27816, + "Ġatrocities": 27817, + "Ġjustices": 27818, + "Ġinsults": 27819, + "ĠVernon": 27820, + "Ġshaken": 27821, + "Ġpersona": 27822, + "estamp": 27823, + "367": 27824, + "brain": 27825, + "Ġexperimenting": 27826, + "Ken": 27827, + "ĠElectronics": 27828, + "Ġ161": 27829, + "domain": 27830, + "Ġgraphical": 27831, + "bishop": 27832, + "Ġwhopping": 27833, + "ĠEvangel": 27834, + "Ġadvertisers": 27835, + "ĠSpear": 27836, + "Ġbids": 27837, + "Ġdestroys": 27838, + "utz": 27839, + "Ġundersc": 27840, + "ĠADD": 27841, + "Ġants": 27842, + "ĠCum": 27843, + "ipples": 27844, + "ĠFill": 27845, + "Ġglanced": 27846, + "Ġindicted": 27847, + "ĠEff": 27848, + "Ġmiscon": 27849, + "ĠDesktop": 27850, + "Ġabide": 27851, + "ãĥĢ": 27852, + "ĠIo": 27853, + "ĠCoul": 27854, + "Ġcapsule": 27855, + "ĠChrys": 27856, + "MON": 27857, + "Ġundes": 27858, + "ĠIRA": 27859, + "Ġcitation": 27860, + "Ġdictate": 27861, + "ĠNetworks": 27862, + "ĠConflict": 27863, + "ĠStuff": 27864, + "xa": 27865, + "isec": 27866, + "ĠChemistry": 27867, + "Ġquarterly": 27868, + "Williams": 27869, + "anan": 27870, + "Opt": 27871, + "ĠAlexandria": 27872, + "outheastern": 27873, + "ĠSpringfield": 27874, + "ĠBlacks": 27875, + "Ġgeography": 27876, + "242": 27877, + "Ġutmost": 27878, + "ĠExxon": 27879, + "abouts": 27880, + "EVA": 27881, + "ĠEnable": 27882, + "ĠBarr": 27883, + "Ġdisagreed": 27884, + "ĠCyprus": 27885, + "Ġdementia": 27886, + "Ġlabs": 27887, + "Ġubiquitous": 27888, + "ĠLOVE": 27889, + "Ġconsolidated": 27890, + "sr": 27891, + "Ġcreamy": 27892, + "ĠTimber": 27893, + "Regardless": 27894, + "ĠCertificate": 27895, + "Ġ\"...": 27896, + "ogenous": 27897, + "Captain": 27898, + "Ġinsulting": 27899, + "ĠSoros": 27900, + "ĠInstr": 27901, + "ĠBulgaria": 27902, + "better": 27903, + "Ġsucking": 27904, + "ĠDavidson": 27905, + "atz": 27906, + "Ġcollateral": 27907, + "gif": 27908, + "Ġplagued": 27909, + "ĠCancel": 27910, + "ĠGardner": 27911, + "RB": 27912, + "Ġsixteen": 27913, + "Remove": 27914, + "uristic": 27915, + "cook": 27916, + "Rod": 27917, + "Ġcomprising": 27918, + "fle": 27919, + ")âĢĶ": 27920, + "ĠViking": 27921, + "growth": 27922, + "agonal": 27923, + "Ġsrf": 27924, + "afety": 27925, + "mot": 27926, + "Nearly": 27927, + "stown": 27928, + "ĠFactor": 27929, + "Ġautomobile": 27930, + "Ġprocedural": 27931, + "mask": 27932, + "ampires": 27933, + "Ġdisappears": 27934, + "jab": 27935, + "315": 27936, + "Ġ1951": 27937, + "needed": 27938, + "Ġdaring": 27939, + "leader": 27940, + "Ġpodium": 27941, + "Ġunhealthy": 27942, + "Ġmund": 27943, + "Ġpyramid": 27944, + "ocre": 27945, + "Ġkissed": 27946, + "Ġdreamed": 27947, + "ĠFantastic": 27948, + "ĠGly": 27949, + "åĬ": 27950, + "Ġgreatness": 27951, + "Ġspices": 27952, + "Ġmetropolitan": 27953, + "Ġcompuls": 27954, + "iets": 27955, + "1016": 27956, + "ĠSham": 27957, + "ĠPyr": 27958, + "flies": 27959, + "ĠMidnight": 27960, + "Ġswallowed": 27961, + "Ġgenres": 27962, + "ĠLucky": 27963, + "ĠRewards": 27964, + "Ġdispatch": 27965, + "ĠIPA": 27966, + "ĠApply": 27967, + "Ġaven": 27968, + "alities": 27969, + "312": 27970, + "things": 27971, + "Ġ().": 27972, + "Ġmates": 27973, + "ĠSz": 27974, + "ĠCOP": 27975, + "olate": 27976, + "OFF": 27977, + "Ġrecharge": 27978, + "caps": 27979, + "ĠYorker": 27980, + "icone": 27981, + "Ġgalaxies": 27982, + "ileaks": 27983, + "Dave": 27984, + "ĠPuzz": 27985, + "ĠCeltic": 27986, + "ĠAFC": 27987, + "276": 27988, + "ĠSons": 27989, + "Ġaffirmative": 27990, + "Hor": 27991, + "Ġtutorials": 27992, + "ĠCITY": 27993, + "ĠRosa": 27994, + "ĠExtension": 27995, + "Series": 27996, + "Ġfats": 27997, + "Ġrab": 27998, + "lis": 27999, + "Ġunic": 28000, + "Ġeve": 28001, + "ĠSpin": 28002, + "Ġadulthood": 28003, + "typ": 28004, + "Ġsectarian": 28005, + "Ġcheckout": 28006, + "ĠCycl": 28007, + "Single": 28008, + "Ġmartyr": 28009, + "Ġchilling": 28010, + "888": 28011, + "oufl": 28012, + "Ġ];": 28013, + "Ġcongestion": 28014, + "mk": 28015, + "ĠWhereas": 28016, + "Ġ1938": 28017, + "urrencies": 28018, + "erion": 28019, + "Ġboast": 28020, + "ĠPatients": 28021, + "Ġchap": 28022, + "ĠBD": 28023, + "realDonaldTrump": 28024, + "Ġexamines": 28025, + "hov": 28026, + "Ġstartling": 28027, + "ĠBabylon": 28028, + "wid": 28029, + "omew": 28030, + "brance": 28031, + "ĠOdyssey": 28032, + "wig": 28033, + "Ġtorch": 28034, + "ĠVox": 28035, + "ĠMoz": 28036, + "ĠTroll": 28037, + "ĠAns": 28038, + "Similarly": 28039, + "ĠFul": 28040, + "006": 28041, + "Unless": 28042, + "ĠAlone": 28043, + "stead": 28044, + "ĠPublisher": 28045, + "rights": 28046, + "tu": 28047, + "ĠDoesn": 28048, + "Ġprofessionally": 28049, + "Ġclo": 28050, + "icz": 28051, + "Ġsteals": 28052, + "Ġá": 28053, + "1986": 28054, + "Ġsturdy": 28055, + "ĠJohann": 28056, + "Ġmedals": 28057, + "Ġfilings": 28058, + "ĠFraser": 28059, + "done": 28060, + "Ġmultinational": 28061, + "Ġfeder": 28062, + "Ġworthless": 28063, + "Ġpest": 28064, + "Yesterday": 28065, + "ankind": 28066, + "Ġgays": 28067, + "Ġborne": 28068, + "ĠPOS": 28069, + "Picture": 28070, + "Ġpercentages": 28071, + "251": 28072, + "rame": 28073, + "Ġpotions": 28074, + "AMD": 28075, + "ĠLebanese": 28076, + "Ġrang": 28077, + "ĠLSU": 28078, + "ongs": 28079, + "Ġpeninsula": 28080, + "ĠClause": 28081, + "ALK": 28082, + "oha": 28083, + "ĠMacBook": 28084, + "Ġunanimous": 28085, + "Ġlenders": 28086, + "Ġhangs": 28087, + "Ġfranchises": 28088, + "orers": 28089, + "ĠUpdates": 28090, + "Ġisolate": 28091, + "andro": 28092, + "Soon": 28093, + "Ġdisruptive": 28094, + "ĠSurve": 28095, + "Ġstitches": 28096, + "ĠScorp": 28097, + "ĠDominion": 28098, + "Ġsupplying": 28099, + "Arg": 28100, + "Ġturret": 28101, + "ĠLuk": 28102, + "Ġbrackets": 28103, + "*)": 28104, + "ĠRevolutionary": 28105, + "ĠHonest": 28106, + "Ġnoticing": 28107, + "ĠShannon": 28108, + "Ġafforded": 28109, + "Ġtha": 28110, + "ĠJanet": 28111, + "!--": 28112, + "ĠNarendra": 28113, + "ĠPlot": 28114, + "Hol": 28115, + "sever": 28116, + "eenth": 28117, + "Ġobstruction": 28118, + "Ġ1024": 28119, + "staff": 28120, + "jas": 28121, + "orget": 28122, + "scenes": 28123, + "laughs": 28124, + "ĠFargo": 28125, + "crime": 28126, + "Ġorchestr": 28127, + "Ġdelet": 28128, + "iliary": 28129, + "rieved": 28130, + "Ġmilitar": 28131, + "ĠGreene": 28132, + "âĹı": 28133, + "ãģ¦": 28134, + "ĠGuards": 28135, + "Ġunleashed": 28136, + "ĠWeber": 28137, + "Ġadjustable": 28138, + "Ġcaliber": 28139, + "Ġmotivations": 28140, + "ĠÃł": 28141, + "mAh": 28142, + "ĠLanka": 28143, + "handle": 28144, + "Ġpent": 28145, + "ĠRav": 28146, + "ĠAngular": 28147, + "ĠKau": 28148, + "umbing": 28149, + "Ġphilanthrop": 28150, + "Ġdehyd": 28151, + "Ġtoxicity": 28152, + "eer": 28153, + "ĠYORK": 28154, + "witz": 28155, + "å¼": 28156, + "ĠIE": 28157, + "community": 28158, + "ĠAH": 28159, + "Ġretali": 28160, + "Ġmassively": 28161, + "ĠDaniels": 28162, + "ĠDEL": 28163, + "Ġcarcin": 28164, + "Url": 28165, + "Ġrouting": 28166, + "ĠNPCs": 28167, + "ĠRAF": 28168, + "ryce": 28169, + "Ġwaived": 28170, + "ĠGuatem": 28171, + "Everybody": 28172, + "Ġcovenant": 28173, + "Ġ173": 28174, + "Ġrelaxing": 28175, + "Ġquart": 28176, + "almost": 28177, + "Ġguarded": 28178, + "ĠSoldiers": 28179, + "ĠPLAY": 28180, + "Ġoutgoing": 28181, + "LAND": 28182, + "Ġrewrite": 28183, + "ĠMOV": 28184, + "ĠImper": 28185, + "ĠSolution": 28186, + "Ġphenomenal": 28187, + "Ġlongevity": 28188, + "Ġimpat": 28189, + "ĠNissan": 28190, + "irie": 28191, + "Ġodor": 28192, + "ĠZar": 28193, + "oks": 28194, + "Ġmilitias": 28195, + "ĠSPEC": 28196, + "Ġtolerated": 28197, + "arser": 28198, + "ĠBradford": 28199, + "+,": 28200, + "Ġsurreal": 28201, + "sf": 28202, + "Canadian": 28203, + "Ġresemblance": 28204, + "Ġcarbohydrate": 28205, + "VIEW": 28206, + "Ġaccessory": 28207, + "meal": 28208, + "largest": 28209, + "iegel": 28210, + "Someone": 28211, + "Ġtoughest": 28212, + "oso": 28213, + "Ġfunnel": 28214, + "Ġcondemnation": 28215, + "luent": 28216, + "Ġwired": 28217, + "ĠSunset": 28218, + "Jesus": 28219, + "ĠPST": 28220, + "ĠPages": 28221, + "ĠTycoon": 28222, + "ĠPF": 28223, + "Ġselections": 28224, + "Ġà¤": 28225, + "partisan": 28226, + "Ġhighs": 28227, + "ĠRune": 28228, + "Ġcrafts": 28229, + "lead": 28230, + "ĠParents": 28231, + "Ġreclaim": 28232, + "eker": 28233, + "ĠAllied": 28234, + "aeper": 28235, + "Ġlooming": 28236, + "Ġbeneficiaries": 28237, + "ĠHull": 28238, + "Students": 28239, + "Jewish": 28240, + "dj": 28241, + "Ġpact": 28242, + "template": 28243, + "ĠOfficials": 28244, + "ĠBaylor": 28245, + "Ġhemp": 28246, + "Ġyouths": 28247, + "ĠLevels": 28248, + "ĠXiao": 28249, + "ĠChes": 28250, + "Ġendeavor": 28251, + "ĠRemoved": 28252, + "Ġhippocamp": 28253, + "Hell": 28254, + "ãĤĬ": 28255, + "805": 28256, + "Ġdinosaur": 28257, + "ĠWrath": 28258, + "ĠIndonesian": 28259, + "Ġcalculator": 28260, + "ĠDictionary": 28261, + "Ġ420": 28262, + "ĠMAG": 28263, + "(_": 28264, + "!,": 28265, + "tarians": 28266, + "Ġrestricting": 28267, + "racuse": 28268, + "Ġweekday": 28269, + "OUNT": 28270, + "Ġshrugged": 28271, + "leground": 28272, + "Ġbald": 28273, + "ĠDoctors": 28274, + "Ġtouted": 28275, + "ĠMaxwell": 28276, + "Ġ214": 28277, + "Ġdiplomat": 28278, + "Ġrepression": 28279, + "Ġconstituency": 28280, + "vice": 28281, + "ranked": 28282, + "ĠNapoleon": 28283, + "gang": 28284, + "ĠForever": 28285, + "tun": 28286, + "Ġbulb": 28287, + "ĠPDT": 28288, + "ĠCisco": 28289, + "VEN": 28290, + "Ġresumed": 28291, + "Steven": 28292, + "ĠManitoba": 28293, + "Ġfabulous": 28294, + "ĠAgents": 28295, + "1984": 28296, + "Ġamusing": 28297, + "ĠMysteries": 28298, + "Ġorthodox": 28299, + "floor": 28300, + "Ġquestionnaire": 28301, + "Ġpenetrate": 28302, + "Ġfilmmakers": 28303, + "ĠUnc": 28304, + "Ġstamped": 28305, + "Ġthirteen": 28306, + "Ġoutfield": 28307, + "Ġforwarded": 28308, + "Ġappra": 28309, + "Ġaided": 28310, + "try": 28311, + "Ġunfocused": 28312, + "ĠLiz": 28313, + "ĠWendy": 28314, + "ĠScene": 28315, + "Charg": 28316, + "Ġrejects": 28317, + "Ġleftist": 28318, + "ĠProvidence": 28319, + "ĠBrid": 28320, + "regn": 28321, + "Ġprophecy": 28322, + "ĠLIVE": 28323, + "499": 28324, + "Ġforge": 28325, + "ĠFML": 28326, + "Ġintrinsic": 28327, + "ĠFrog": 28328, + "Ġwont": 28329, + "ĠHolt": 28330, + "Ġfamed": 28331, + "CLUS": 28332, + "aepernick": 28333, + "ĠHate": 28334, + "ĠCay": 28335, + "Ġregistering": 28336, + "ortality": 28337, + "ropy": 28338, + "ocalyptic": 28339, + "aan": 28340, + "nav": 28341, + "Ġfascist": 28342, + "IFIED": 28343, + "Ġimplicated": 28344, + "ĠResort": 28345, + "ĠChandler": 28346, + "ĠBrick": 28347, + "Pin": 28348, + "ysc": 28349, + "Usage": 28350, + "ĠHelm": 28351, + "usra": 28352, + "âĺħâĺħ": 28353, + "ĠAbbas": 28354, + "Ġunanimously": 28355, + "Ġkeeper": 28356, + "Ġaddicted": 28357, + "???": 28358, + "Ġhelmets": 28359, + "Ġantioxid": 28360, + "apsed": 28361, + "808": 28362, + "giene": 28363, + "Ġwaits": 28364, + "Ġminion": 28365, + "raved": 28366, + "ĠPorsche": 28367, + "Ġdreaming": 28368, + "Ġ171": 28369, + "ĠCain": 28370, + "Ġunfor": 28371, + "asso": 28372, + "ĠConfiguration": 28373, + "kun": 28374, + "hardt": 28375, + "Ġnested": 28376, + "ĠLDS": 28377, + "LES": 28378, + "Ġtying": 28379, + "enos": 28380, + "Ġcue": 28381, + "ĠMarqu": 28382, + "skirts": 28383, + "Ġclicked": 28384, + "Ġexpiration": 28385, + "ĠAccordingly": 28386, + "ĠWC": 28387, + "Ġblessings": 28388, + "Ġaddictive": 28389, + "ĠNarr": 28390, + "yx": 28391, + "ĠJaguars": 28392, + "Ġrents": 28393, + "ĠSiber": 28394, + "Ġtipped": 28395, + "ousse": 28396, + "ĠFitzgerald": 28397, + "Ġhierarch": 28398, + "outine": 28399, + "Ġwavelength": 28400, + ">.": 28401, + "chid": 28402, + "ĠProcessing": 28403, + "/+": 28404, + "ranking": 28405, + "Easy": 28406, + "ĠConstruct": 28407, + "Ġtet": 28408, + "insured": 28409, + "HUD": 28410, + "Ġquoting": 28411, + "Ġcommunicated": 28412, + "inx": 28413, + "Ġinmate": 28414, + "Ġerected": 28415, + "ĠAbsolutely": 28416, + "ĠSurely": 28417, + "Ġunim": 28418, + "ĠThrone": 28419, + "heid": 28420, + "Ġclaws": 28421, + "Ġsuperstar": 28422, + "ĠLenn": 28423, + "ĠWhis": 28424, + "Uk": 28425, + "abol": 28426, + "Ġsket": 28427, + "ĠNiet": 28428, + "Ġperks": 28429, + "Ġaffinity": 28430, + "Ġopenings": 28431, + "phasis": 28432, + "Ġdiscriminate": 28433, + "Tip": 28434, + "vc": 28435, + "Ġgrinding": 28436, + "ĠJenny": 28437, + "Ġasthma": 28438, + "holes": 28439, + "ĠHomer": 28440, + "Ġregisters": 28441, + "ĠGlad": 28442, + "Ġcreations": 28443, + "Ġlithium": 28444, + "Ġapplause": 28445, + "until": 28446, + "Justice": 28447, + "ĠTurks": 28448, + "Ġscandals": 28449, + "Ġbake": 28450, + "tank": 28451, + "Mech": 28452, + "ĠMeans": 28453, + "ĠMaid": 28454, + "Republicans": 28455, + "isal": 28456, + "windows": 28457, + "ĠSantos": 28458, + "Ġvegetation": 28459, + "338": 28460, + "tri": 28461, + "Ġflux": 28462, + "insert": 28463, + "Ġclarified": 28464, + "Ġmortg": 28465, + "ĠChim": 28466, + "ĠTort": 28467, + "Ġdisclaim": 28468, + "metal": 28469, + "ĠAside": 28470, + "Ġinduction": 28471, + "Ġinfl": 28472, + "Ġatheists": 28473, + "amph": 28474, + "Ġether": 28475, + "ĠVital": 28476, + "ĠBuilt": 28477, + "Mind": 28478, + "Ġweaponry": 28479, + "SET": 28480, + "Ġ186": 28481, + "admin": 28482, + "gam": 28483, + "contract": 28484, + "afa": 28485, + "Ġderivatives": 28486, + "Ġsnacks": 28487, + "Ġchurn": 28488, + "Econom": 28489, + "Ġcapped": 28490, + "ĠUnderstanding": 28491, + "ĠHers": 28492, + "ĠIz": 28493, + "Ġduct": 28494, + "IENT": 28495, + "aughty": 28496, + "ĠâľĶ": 28497, + "ĠNP": 28498, + "Ġsailing": 28499, + "Initialized": 28500, + "Ġted": 28501, + "Ġreactors": 28502, + "ĠLomb": 28503, + "Ġchoke": 28504, + "ĠWorm": 28505, + "Ġadmiration": 28506, + "Ġswung": 28507, + "ensibly": 28508, + "Ġrash": 28509, + "ĠGoals": 28510, + "ĠImportant": 28511, + "Shot": 28512, + "ĠRas": 28513, + "Ġtrainers": 28514, + "ĠBun": 28515, + "Working": 28516, + "Ġharmed": 28517, + "ĠPandora": 28518, + "ĠLTE": 28519, + "Ġmushroom": 28520, + "ĠCHAR": 28521, + "ĠFee": 28522, + "ĠMoy": 28523, + "Born": 28524, + "oliberal": 28525, + "ĠMartial": 28526, + "Ġgentlemen": 28527, + "Ġlingering": 28528, + "Official": 28529, + "Ġgraffiti": 28530, + "ĠNames": 28531, + "Der": 28532, + "Ġquint": 28533, + "istrate": 28534, + "azeera": 28535, + "ĠNOTICE": 28536, + "ĠFlorence": 28537, + "Ġpayable": 28538, + "Ġdepicts": 28539, + "ĠSpecies": 28540, + "Heart": 28541, + "âĶĢâĶĢâĶĢâĶĢâĶĢâĶĢâĶĢâĶĢ": 28542, + "Ġenclosed": 28543, + "Increases": 28544, + "Daily": 28545, + "ĠLis": 28546, + "Ġenactment": 28547, + "ĠBacon": 28548, + "ĠSteele": 28549, + "demand": 28550, + "Ġ183": 28551, + "Ġmouths": 28552, + "Ġstranded": 28553, + "Ġenhancement": 28554, + "011": 28555, + "ĠWhats": 28556, + "Ġhealed": 28557, + "eny": 28558, + "ĠRab": 28559, + "Ġ340": 28560, + "ĠLabyrinth": 28561, + "roach": 28562, + "ĠYosh": 28563, + "ĠClippers": 28564, + "Ġconcerts": 28565, + "Internet": 28566, + "355": 28567, + "Ġstickers": 28568, + "Ġtermed": 28569, + "ĠAxe": 28570, + "Ġgrandparents": 28571, + "France": 28572, + "ĠClim": 28573, + "ĠUh": 28574, + "ulic": 28575, + "Ġthrill": 28576, + "centric": 28577, + "ĠOverview": 28578, + "ĠConduct": 28579, + "Ġsubstantive": 28580, + "Ġ182": 28581, + "mur": 28582, + "Ġstray": 28583, + "ĠCoff": 28584, + "Ġrepetitive": 28585, + "ĠForgotten": 28586, + "Ġqualification": 28587, + "ewitness": 28588, + "ĠZimbabwe": 28589, + "Ġsimulated": 28590, + "ĠJD": 28591, + "253": 28592, + "ĠWare": 28593, + "Ġunsc": 28594, + "Times": 28595, + "Ġsummons": 28596, + "Ġdisconnected": 28597, + "Ġ184": 28598, + "cius": 28599, + "ĠGujar": 28600, + "odka": 28601, + "Ġerase": 28602, + "ĠTobacco": 28603, + "elected": 28604, + "Ġuncont": 28605, + "ĠShepard": 28606, + "ĠLamp": 28607, + "Ġalerted": 28608, + "Ġoperative": 28609, + "arna": 28610, + "uint": 28611, + "Ġnegligence": 28612, + "acements": 28613, + "Ġsupra": 28614, + "Ġprevail": 28615, + "ĠShark": 28616, + "Ġbelts": 28617, + "ãģ«": 28618, + "Ġtighter": 28619, + "Engineers": 28620, + "Ġinactive": 28621, + "Ġexponent": 28622, + "ĠWillie": 28623, + "aples": 28624, + "Ġheir": 28625, + "ĠHits": 28626, + "iann": 28627, + "ĠSays": 28628, + "Ġcurrents": 28629, + "ĠBengal": 28630, + "Ġarist": 28631, + "Buffer": 28632, + "Ġbreeze": 28633, + "ĠWesley": 28634, + "Cola": 28635, + "Ġpronoun": 28636, + "Ġdeed": 28637, + "ĠKling": 28638, + "Ġoft": 28639, + "Ġinflict": 28640, + "Ġpunishing": 28641, + "Ġnm": 28642, + "iku": 28643, + "ODUCT": 28644, + "014": 28645, + "Ġsubsidy": 28646, + "ĠDEA": 28647, + "ĠHerbert": 28648, + "ĠJal": 28649, + "Bank": 28650, + "Ġdeferred": 28651, + "Ġshipment": 28652, + "Bott": 28653, + "Ġalle": 28654, + "bearing": 28655, + "HTML": 28656, + "Offline": 28657, + "Ġ213": 28658, + "Ġscrolling": 28659, + "Ġscanned": 28660, + "ĠLibyan": 28661, + "ĠTOP": 28662, + "chrom": 28663, + "dt": 28664, + "column": 28665, + "PsyNetMessage": 28666, + "Zero": 28667, + "Ġtorso": 28668, + "050": 28669, + "âķIJ": 28670, + "Ġimperson": 28671, + "ĠSchwartz": 28672, + "udic": 28673, + "Ġpissed": 28674, + "ĠSapp": 28675, + "257": 28676, + "ĠISPs": 28677, + "ogl": 28678, + "Ġsupervised": 28679, + "Ġadolescent": 28680, + "Ġattained": 28681, + "ĠDelivery": 28682, + "ĠBunny": 28683, + "Ġ1937": 28684, + "Ġminiature": 28685, + "Ġos": 28686, + "Ġ370": 28687, + "608": 28688, + "ĠMourinho": 28689, + "Ġinnate": 28690, + "Ġtempo": 28691, + "ĠNM": 28692, + "ĠFallen": 28693, + "009": 28694, + "Ġprovocative": 28695, + "Streamer": 28696, + "ĠBenedict": 28697, + "ĠBolshe": 28698, + "Ġturtle": 28699, + "ĠPCB": 28700, + "ĠEqual": 28701, + "Director": 28702, + "ĠRend": 28703, + "Ġfluids": 28704, + "Authorities": 28705, + "Ġcousins": 28706, + "requency": 28707, + "ĠNeighbor": 28708, + "sets": 28709, + "shared": 28710, + "Charles": 28711, + "password": 28712, + "Ġgears": 28713, + "Ġ211": 28714, + "ĠHardware": 28715, + "rika": 28716, + "Ġupstream": 28717, + "Hom": 28718, + "Ġdisproportionately": 28719, + "ivities": 28720, + "Ġundefined": 28721, + "Ġelectrons": 28722, + "Ġcommemor": 28723, + "Eventually": 28724, + "Ġ><": 28725, + "Ġirresponsible": 28726, + "218": 28727, + "ĠReleased": 28728, + "ĠOVER": 28729, + "ĠIGN": 28730, + "ĠBread": 28731, + "stellar": 28732, + "ĠSage": 28733, + "tted": 28734, + "damage": 28735, + "edition": 28736, + "ĠPrec": 28737, + "Ġlime": 28738, + "Ġconfinement": 28739, + "Ġcalorie": 28740, + "weapon": 28741, + "Ġdiffering": 28742, + "ĠSina": 28743, + "mys": 28744, + "amd": 28745, + "Ġintricate": 28746, + "kk": 28747, + "ĠPAT": 28748, + "ão": 28749, + "stones": 28750, + "links": 28751, + "Ġranch": 28752, + "Semitic": 28753, + "Ġdifferentiate": 28754, + "ĠSinger": 28755, + "occupied": 28756, + "Ġfortress": 28757, + "cmd": 28758, + "Ġinterception": 28759, + "ĠAnkara": 28760, + "Ġrept": 28761, + "ĠSolitaire": 28762, + "Ġremake": 28763, + "pred": 28764, + "Ġdared": 28765, + "autions": 28766, + "ĠBACK": 28767, + "Running": 28768, + "Ġdebugging": 28769, + "Ġgraphs": 28770, + "399": 28771, + "ĠNigel": 28772, + "Ġbun": 28773, + "Ġpillow": 28774, + "Ġprogressed": 28775, + "fashioned": 28776, + "Ġobedience": 28777, + "ERN": 28778, + "Ġrehears": 28779, + "Cell": 28780, + "tl": 28781, + "Sher": 28782, + "Ġherald": 28783, + "ĠPayment": 28784, + "ĠCory": 28785, + "ĠDept": 28786, + "Ġrepent": 28787, + "ĠWeak": 28788, + "uckland": 28789, + "Ġpleasing": 28790, + "Ġshortages": 28791, + "Ġjurors": 28792, + "ĠKab": 28793, + "qqa": 28794, + "Anti": 28795, + "Ġwow": 28796, + "ĠRCMP": 28797, + "Ġtsun": 28798, + "ĠSic": 28799, + "Ġcomprises": 28800, + "Ġspies": 28801, + "Ġprecinct": 28802, + "nu": 28803, + "Ġurges": 28804, + "Ġtimed": 28805, + "Ġstripes": 28806, + "ĠBoots": 28807, + "Ġyen": 28808, + "Advanced": 28809, + "Ġdiscrete": 28810, + "ĠArchangel": 28811, + "employment": 28812, + "Diff": 28813, + "Ġmonuments": 28814, + "Ġ209": 28815, + "worker": 28816, + "Ġ196": 28817, + "ĠIg": 28818, + "utterstock": 28819, + "TPS": 28820, + "Jac": 28821, + "Ġhomelessness": 28822, + "Ġcommentator": 28823, + "Ġracially": 28824, + "fing": 28825, + "seed": 28826, + "Ele": 28827, + "ellation": 28828, + "Ġethanol": 28829, + "Ġparish": 28830, + "ĠDong": 28831, + "ĠAwakening": 28832, + "Ġdeviation": 28833, + "ĠBearing": 28834, + "ĠTsuk": 28835, + "Ġrecess": 28836, + "Ġlymph": 28837, + "ĠCannabis": 28838, + "åľ": 28839, + "ĠNEWS": 28840, + "Ġdra": 28841, + "ĠStefan": 28842, + "ĠWrong": 28843, + "ĠSAM": 28844, + "Ġloosely": 28845, + "Ġinterpreter": 28846, + "ĠPlain": 28847, + "Government": 28848, + "Ġbigotry": 28849, + "Ġgrenades": 28850, + "avez": 28851, + "pictured": 28852, + "Ġmandated": 28853, + "ĠMonk": 28854, + "ĠPedro": 28855, + "Ġlava": 28856, + "274": 28857, + "Ġcynical": 28858, + "ĠScrolls": 28859, + "locks": 28860, + "Mp": 28861, + "Ġcongregation": 28862, + "ornings": 28863, + "phil": 28864, + "ĠIbid": 28865, + "Ġferv": 28866, + "Ġdisappearing": 28867, + "Ġarrogant": 28868, + "syn": 28869, + "ĠMaver": 28870, + "ĠSuit": 28871, + "241": 28872, + "Ġabbre": 28873, + "ackers": 28874, + "Pa": 28875, + "ĠYel": 28876, + "Whenever": 28877, + "Ġ235": 28878, + "ĠVine": 28879, + "ĠAnat": 28880, + "Ġextinct": 28881, + "LET": 28882, + "Ġexecutable": 28883, + "VERS": 28884, + "oxide": 28885, + "DNA": 28886, + "ĠPrel": 28887, + "Ġresentment": 28888, + "Ġcomprise": 28889, + "ĠAviv": 28890, + "Ġinterceptions": 28891, + "Ġprolific": 28892, + "INA": 28893, + "ĠErin": 28894, + "thought": 28895, + "219": 28896, + "ĠPsychiatry": 28897, + "unky": 28898, + "chemist": 28899, + "Ho": 28900, + "ĠMcCoy": 28901, + "Ġbricks": 28902, + "Los": 28903, + "rily": 28904, + "ĠUSSR": 28905, + "Ġrud": 28906, + "Ġlaud": 28907, + "ĠWise": 28908, + "ĠEmerald": 28909, + "Ġrevived": 28910, + "Ġdamned": 28911, + "ĠRepair": 28912, + "idem": 28913, + "ctica": 28914, + "Ġpatriarch": 28915, + "ĠNurs": 28916, + "meg": 28917, + "Ġcheapest": 28918, + "reements": 28919, + "empty": 28920, + "ĠCelebr": 28921, + "Ġdeprivation": 28922, + "chanted": 28923, + "ĠThumbnails": 28924, + "Energy": 28925, + "ĠEthan": 28926, + "ĠQing": 28927, + "Ġopposes": 28928, + "WIND": 28929, + "vik": 28930, + "ĠMau": 28931, + "ĠSUB": 28932, + "667": 28933, + "GRE": 28934, + "ĠVolunte": 28935, + "nton": 28936, + "Cook": 28937, + "åIJ": 28938, + "esque": 28939, + "Ġplummet": 28940, + "Ġsuing": 28941, + "Ġpronounce": 28942, + "Ġresisting": 28943, + "ĠFishing": 28944, + "ĠTrials": 28945, + "Ġyell": 28946, + "Ġ310": 28947, + "Ġinduct": 28948, + "Ġpersonalized": 28949, + "often": 28950, + "Reb": 28951, + "EMBER": 28952, + "Ġviewpoint": 28953, + "Ġexistential": 28954, + "())": 28955, + "remove": 28956, + "MENTS": 28957, + "lasses": 28958, + "Ġevapor": 28959, + "Ġaisle": 28960, + "meta": 28961, + "Ġreflective": 28962, + "Ġentitlement": 28963, + "Ġdevised": 28964, + "music": 28965, + "ascade": 28966, + "Ġwinding": 28967, + "offset": 28968, + "Ġaccessibility": 28969, + "kered": 28970, + "Better": 28971, + "ĠJohnston": 28972, + "thinking": 28973, + "Snow": 28974, + "ĠCroatia": 28975, + "ĠAtomic": 28976, + "271": 28977, + "348": 28978, + "Ġtextbook": 28979, + "ĠSixth": 28980, + "ĠاÙĦ": 28981, + "Ġslider": 28982, + "ĠBurger": 28983, + "bol": 28984, + "Sync": 28985, + "Ġgrandchildren": 28986, + "Ġcerv": 28987, + "+)": 28988, + "Ġeternity": 28989, + "Ġtweeting": 28990, + "Ġspeculative": 28991, + "Ġpivotal": 28992, + "ĠWP": 28993, + "ĠTER": 28994, + "ynamic": 28995, + "Ġupl": 28996, + "ĠCats": 28997, + "perhaps": 28998, + "Ġclassmates": 28999, + "Ġblatant": 29000, + "'-": 29001, + "Ġlakh": 29002, + "antine": 29003, + "ĠBorg": 29004, + "iom": 29005, + "/(": 29006, + "ĠAthletic": 29007, + "Ġsar": 29008, + "OTA": 29009, + "ĠHoffman": 29010, + "Nevertheless": 29011, + "Ġadorable": 29012, + "Ġspawned": 29013, + "Associated": 29014, + "ĠDomestic": 29015, + "Ġimplant": 29016, + "ĠLuxem": 29017, + "ĠKens": 29018, + "Ġpumps": 29019, + "ĠSAT": 29020, + "Attributes": 29021, + "509": 29022, + "avour": 29023, + "Ġcentralized": 29024, + "ĠTN": 29025, + "Ġfreshly": 29026, + "ĠAchieve": 29027, + "Ġoutsiders": 29028, + "herty": 29029, + "ĠRee": 29030, + "ĠTowers": 29031, + "ĠDart": 29032, + "akable": 29033, + "Ġmp": 29034, + "ĠHeavenly": 29035, + "Ġripe": 29036, + "ĠCaroline": 29037, + "ryan": 29038, + "Ġclassics": 29039, + "Ġretiring": 29040, + "Ġ228": 29041, + "Ġah": 29042, + "Ġdealings": 29043, + "Ġpunching": 29044, + "ĠChapman": 29045, + "Options": 29046, + "maxwell": 29047, + "volume": 29048, + "Ġstal": 29049, + "Ġexported": 29050, + "ĠQuite": 29051, + "Ġnumerical": 29052, + "Burn": 29053, + "Fact": 29054, + "ĠKeystone": 29055, + "Ġtrending": 29056, + "Ġaltering": 29057, + "ĠAfricans": 29058, + "478": 29059, + "ĠMN": 29060, + "ĠKnock": 29061, + "Ġtemptation": 29062, + "Ġprestige": 29063, + "Overview": 29064, + "ĠTraditional": 29065, + "ĠBahrain": 29066, + "Private": 29067, + "ĠHOU": 29068, + "Ġbarr": 29069, + "ĠTat": 29070, + "Cube": 29071, + "USD": 29072, + "ĠGrande": 29073, + "ĠGat": 29074, + "ĠFlo": 29075, + "Ġresides": 29076, + "Ġindec": 29077, + "volent": 29078, + "Ġperpetual": 29079, + "ubes": 29080, + "Ġworldview": 29081, + "ĠQuantum": 29082, + "Ġfiltered": 29083, + "Ġensu": 29084, + "orgetown": 29085, + "ERSON": 29086, + "ĠMild": 29087, + "379": 29088, + "OTT": 29089, + "Ã¥": 29090, + "Ġvitamins": 29091, + "Ġribbon": 29092, + "Ġsincerely": 29093, + "ĠHin": 29094, + "Ġeighteen": 29095, + "Ġcontradictory": 29096, + "Ġglaring": 29097, + "Ġexpectancy": 29098, + "Ġconspir": 29099, + "Ġmonstrous": 29100, + "Ġ380": 29101, + "reci": 29102, + "Ġhandic": 29103, + "Ġpumped": 29104, + "Ġindicative": 29105, + "Ġrapp": 29106, + "Ġavail": 29107, + "ĠLEGO": 29108, + "ĠMarijuana": 29109, + "1985": 29110, + "erton": 29111, + "Ġtwentieth": 29112, + "################################": 29113, + "ĠSwamp": 29114, + "Ġvaluation": 29115, + "Ġaffiliates": 29116, + "adjusted": 29117, + "ĠFacility": 29118, + "262": 29119, + "Ġenzymes": 29120, + "itudinal": 29121, + "Ġimprint": 29122, + "Site": 29123, + "Ġinstaller": 29124, + "ĠTRA": 29125, + "mology": 29126, + "linear": 29127, + "ĠCollective": 29128, + "igating": 29129, + "ĠToken": 29130, + "Ġspeculated": 29131, + "KN": 29132, + "ĠCly": 29133, + "ority": 29134, + "Ġdefer": 29135, + "Ġinspectors": 29136, + "approved": 29137, + "RM": 29138, + "ĠSuns": 29139, + "Ġinforming": 29140, + "ĠSyracuse": 29141, + "ibli": 29142, + "765": 29143, + "Ġglove": 29144, + "Ġauthorize": 29145, + "âĢ¦âĢ¦âĢ¦âĢ¦âĢ¦âĢ¦âĢ¦âĢ¦": 29146, + "ĠCruise": 29147, + "Ġcontracting": 29148, + "shell": 29149, + "IFE": 29150, + "ĠJewel": 29151, + "pract": 29152, + "ĠPhotoshop": 29153, + "ĠKnowing": 29154, + "harm": 29155, + "Ġattractions": 29156, + "adan": 29157, + "etus": 29158, + "018": 29159, + "wagen": 29160, + "Alt": 29161, + "Ġmultiply": 29162, + "Ġequilibrium": 29163, + ":{": 29164, + "ĠFighters": 29165, + "ĠEdgar": 29166, + "Ġfourteen": 29167, + "Govern": 29168, + "Ġmisuse": 29169, + "Ġabusing": 29170, + "Ġancestry": 29171, + "ramer": 29172, + "644": 29173, + "Ġworms": 29174, + "Ġthicker": 29175, + "ĠCombine": 29176, + "Ġpeasants": 29177, + "Ġvind": 29178, + "Ġconquest": 29179, + "Ġmocked": 29180, + "Ġcinnamon": 29181, + "ĠCald": 29182, + "ĠGallup": 29183, + "Ġavoidance": 29184, + "Ġincarnation": 29185, + "ĠStrat": 29186, + "Ġtasted": 29187, + "enta": 29188, + "ĠNeal": 29189, + "pared": 29190, + "Ġterminology": 29191, + "jection": 29192, + "Scientists": 29193, + "ĠINS": 29194, + "ĠDee": 29195, + "Ġdirectories": 29196, + "Road": 29197, + "ĠShap": 29198, + "bright": 29199, + "ĠDirectors": 29200, + "ĠColumn": 29201, + "Ġbob": 29202, + "Ġpreferably": 29203, + "Ġglitch": 29204, + "furt": 29205, + "Ġeg": 29206, + "idis": 29207, + "CBC": 29208, + "Ġsurrendered": 29209, + "Ġtestament": 29210, + "336": 29211, + "uggest": 29212, + "ĠNil": 29213, + "another": 29214, + "Ġpathetic": 29215, + "ĠDonna": 29216, + "Ġ218": 29217, + "ĠAvery": 29218, + "Ġwhiskey": 29219, + "Ġfixture": 29220, + "ĠConquest": 29221, + "Ġbets": 29222, + "Occ": 29223, + "ĠLeicester": 29224, + "].\"": 29225, + "Ġ));": 29226, + "Ġflashes": 29227, + "456": 29228, + "Ġmasked": 29229, + "gebra": 29230, + "Ġcomputed": 29231, + "chel": 29232, + "auder": 29233, + "Ġdefeats": 29234, + "ĠLiberation": 29235, + "ĠOsama": 29236, + "ĠVive": 29237, + "Changes": 29238, + "Channel": 29239, + "Ġtariffs": 29240, + "Ġmage": 29241, + "ĠSax": 29242, + "Ġinadvertently": 29243, + "ĠCRE": 29244, + "ĠReaper": 29245, + "inky": 29246, + "grading": 29247, + "Ġstereotyp": 29248, + "Ġcurl": 29249, + "ĠFANT": 29250, + "Ġframeworks": 29251, + "Mom": 29252, + "ĠAnch": 29253, + "Ġflavour": 29254, + "carbon": 29255, + "Ġpermitting": 29256, + "letcher": 29257, + "ĠMozilla": 29258, + "ĠParking": 29259, + "ĠChamp": 29260, + "Scroll": 29261, + "Ġmurderer": 29262, + "Ġrested": 29263, + "Ġowes": 29264, + "ĠPoss": 29265, + "ADD": 29266, + "IFF": 29267, + "resolution": 29268, + "ĠMining": 29269, + "Ġcomparative": 29270, + "Dim": 29271, + "Ġneighbouring": 29272, + "ĠAST": 29273, + "ĠToxic": 29274, + "Ġbiases": 29275, + "Ġgunfire": 29276, + "urous": 29277, + "ĠMoment": 29278, + "1983": 29279, + "Ġpervasive": 29280, + "ttp": 29281, + "ĠNormally": 29282, + "rir": 29283, + "Sarah": 29284, + "ĠAlbany": 29285, + "Ġunsett": 29286, + "ĠSMS": 29287, + "ipers": 29288, + "layer": 29289, + "ĠWhites": 29290, + "uple": 29291, + "Ġturbo": 29292, + "ĠLeeds": 29293, + "Ġthats": 29294, + "ĠMiner": 29295, + "MER": 29296, + "ĠReign": 29297, + "Ġperme": 29298, + "ĠBlitz": 29299, + "Ġ1934": 29300, + "Ġintimidating": 29301, + "tube": 29302, + "Ġeccentric": 29303, + "abolic": 29304, + "boxes": 29305, + "ĠAssociates": 29306, + "votes": 29307, + "Ġsimulate": 29308, + "umbo": 29309, + "astery": 29310, + "Ġshipments": 29311, + "FFFF": 29312, + "anth": 29313, + "Ġseasoned": 29314, + "Ġexperimentation": 29315, + "âĸł": 29316, + "laws": 29317, + "Meet": 29318, + "iddles": 29319, + "antics": 29320, + "Rating": 29321, + "ISIS": 29322, + "hift": 29323, + "Ġfronts": 29324, + "buf": 29325, + "017": 29326, + "Ġunatt": 29327, + "ĠDil": 29328, + "leases": 29329, + "ĠGardens": 29330, + "777": 29331, + "touch": 29332, + "vell": 29333, + "458": 29334, + "Ġ=====": 29335, + "saving": 29336, + "Ġerosion": 29337, + "ĠQuin": 29338, + "Ġearns": 29339, + "Ġaccomplishment": 29340, + "ĠWei": 29341, + "Ġ<[": 29342, + "_____": 29343, + "Ġirrig": 29344, + "ĠTeddy": 29345, + "Ġconquered": 29346, + "ĠArmored": 29347, + "Ġasserts": 29348, + "Ġmanipulating": 29349, + "ré": 29350, + "Ġtranscripts": 29351, + "Gallery": 29352, + "Ġplotting": 29353, + "Neil": 29354, + "Ġbetrayal": 29355, + "loader": 29356, + "ĠSul": 29357, + "Ġdisplacement": 29358, + "Ġroyalty": 29359, + "ĠWI": 29360, + "heit": 29361, + "ĠDevices": 29362, + "allel": 29363, + "Ġmunicipalities": 29364, + "Ġcanal": 29365, + "Stars": 29366, + "ĠUAE": 29367, + "Ġ\"âĢ¦": 29368, + "ĠCU": 29369, + "above": 29370, + "Ġresonance": 29371, + "ĠguiActiveUn": 29372, + "added": 29373, + "ĠBraves": 29374, + "ĠIbn": 29375, + "Ġhereby": 29376, + "ĠBRE": 29377, + "Ġshareholder": 29378, + "ĠHir": 29379, + "ĠJi": 29380, + "Ġstrangely": 29381, + "Ġadmired": 29382, + "Ġplight": 29383, + "Ġbachelor": 29384, + "ĠPole": 29385, + "ciplinary": 29386, + "Tony": 29387, + "ĠArmenian": 29388, + "Ġunman": 29389, + "ĠZionist": 29390, + "Stage": 29391, + "iscover": 29392, + "Ġautomotive": 29393, + "Ġsidelines": 29394, + "Ġslick": 29395, + "ĠRenaissance": 29396, + "ĠFUN": 29397, + "Images": 29398, + "ĠHaj": 29399, + "Ġping": 29400, + "Ġshortcut": 29401, + "ĠBlvd": 29402, + "ĠLooks": 29403, + "Ġbursts": 29404, + "Ġclamp": 29405, + "Ġmish": 29406, + "Ġsorting": 29407, + "Ġpatriot": 29408, + "Ġcorrectness": 29409, + "ĠScandinav": 29410, + "ĠCavaliers": 29411, + "python": 29412, + "azar": 29413, + "Ġ375": 29414, + "ĠJaune": 29415, + "409": 29416, + "Ġdetrimental": 29417, + "Ġstabbing": 29418, + "Ġpoisoned": 29419, + "Ġfountain": 29420, + "ocent": 29421, + "orst": 29422, + "ĠMari": 29423, + "Ġrains": 29424, + "ĠOvers": 29425, + "ĠInstitution": 29426, + "udget": 29427, + "AMY": 29428, + "tale": 29429, + "ĠKR": 29430, + "ĠPrices": 29431, + "Ġheadaches": 29432, + "Ġlandsl": 29433, + "ĠAura": 29434, + "Bonus": 29435, + "ĠZhao": 29436, + "ĠHip": 29437, + "Ġhops": 29438, + "ĠKurdistan": 29439, + "Ġexploiting": 29440, + "ryn": 29441, + "Ġhypocrisy": 29442, + "opening": 29443, + "Ġgunshot": 29444, + "Ġwed": 29445, + "interstitial": 29446, + "Interstitial": 29447, + "Ġamen": 29448, + "Breaking": 29449, + "Ġmarketed": 29450, + "Wire": 29451, + "ĠCrowd": 29452, + "Continue": 29453, + "ĠKnown": 29454, + "ĠEffective": 29455, + "orean": 29456, + "izons": 29457, + "Joseph": 29458, + "Ġescalation": 29459, + "username": 29460, + "Ġcurtain": 29461, + "ATES": 29462, + "ĠPAR": 29463, + "ĠMiy": 29464, + "Ġcounterfe": 29465, + "lene": 29466, + "Ġcontenders": 29467, + "daily": 29468, + "ĠAsc": 29469, + "ĠPhillip": 29470, + "mostly": 29471, + "Ġfilename": 29472, + "hene": 29473, + "Ġresembling": 29474, + "Ġstaging": 29475, + "ĠChloe": 29476, + "Ġwiring": 29477, + "Hon": 29478, + "ĠRenew": 29479, + "ottage": 29480, + "ĠHybrid": 29481, + "much": 29482, + "Ġstrokes": 29483, + "Ġpolicymakers": 29484, + "APTER": 29485, + "ĠArkham": 29486, + "plot": 29487, + "Ġassistants": 29488, + "Ġdeport": 29489, + "ĠSega": 29490, + "Ġinfluenza": 29491, + "ĠCursed": 29492, + "ĠKobe": 29493, + "Ġskinny": 29494, + "Provider": 29495, + "ĠRip": 29496, + "Ġincremental": 29497, + "products": 29498, + "BF": 29499, + "Ġdome": 29500, + "ĠCredits": 29501, + "Ġlosers": 29502, + "ints": 29503, + "ĠBetty": 29504, + "ĠTalent": 29505, + "ĠDAM": 29506, + "Lv": 29507, + "Ess": 29508, + "Ġdens": 29509, + "temp": 29510, + "Judge": 29511, + "odic": 29512, + "Ġ'(": 29513, + "URES": 29514, + "etsk": 29515, + "VO": 29516, + "Ġretrieved": 29517, + "Ġarchitects": 29518, + "Ùĩ": 29519, + "Ġethic": 29520, + "ĠSecondary": 29521, + "stocks": 29522, + "adia": 29523, + "Ġ325": 29524, + "ĠOpinion": 29525, + "Ġsimultaneous": 29526, + "Ġdizz": 29527, + "ulp": 29528, + "Ġsmuggling": 29529, + "ippery": 29530, + "Random": 29531, + "facing": 29532, + "ĠDas": 29533, + "Ġstockp": 29534, + "Ġdisclosures": 29535, + "pointer": 29536, + "Ġcoral": 29537, + "ĠSelection": 29538, + "ĠPike": 29539, + "ivalent": 29540, + "Ġruthless": 29541, + "ĠRim": 29542, + "Ġensuing": 29543, + "ĠExperiment": 29544, + "Ġcongressman": 29545, + "Ġbeliever": 29546, + "Ġunspecified": 29547, + "ĠMord": 29548, + "Ġknowledgeable": 29549, + "ĠVERY": 29550, + "TX": 29551, + "Ġstraps": 29552, + "Ġturf": 29553, + "apeshifter": 29554, + "Ġmarital": 29555, + "Ġflock": 29556, + "ãģĨ": 29557, + "263": 29558, + "AMES": 29559, + "ĠOpposition": 29560, + "Ġtreasures": 29561, + "ĠGOD": 29562, + "Ġmodeled": 29563, + "ĠWORLD": 29564, + "Ġ([": 29565, + "ĠUsage": 29566, + "HF": 29567, + "Ġ$(": 29568, + "ussed": 29569, + "Ġpioneer": 29570, + "Eight": 29571, + "parse": 29572, + "bread": 29573, + "ritz": 29574, + "ĠMiranda": 29575, + "ĠKant": 29576, + "++)": 29577, + "oren": 29578, + "Ġprovoked": 29579, + "Ġbreeds": 29580, + "ĠIncludes": 29581, + "ĠPastebin": 29582, + "ĠFlip": 29583, + "Java": 29584, + "Ġbrink": 29585, + "Ġrumored": 29586, + "Ġunseen": 29587, + "Ġgarnered": 29588, + "ĠDefin": 29589, + "alted": 29590, + "Ġtattoos": 29591, + "Ġhesitation": 29592, + "isitions": 29593, + "ĠWeaver": 29594, + "ĠReporting": 29595, + "Ġtherapies": 29596, + "Ġconsultants": 29597, + "Ġresidual": 29598, + "ĠMali": 29599, + "ĠRoma": 29600, + "iago": 29601, + "ĠResidents": 29602, + "ubi": 29603, + "Ġremedies": 29604, + "Ġadaptive": 29605, + "ĠAlive": 29606, + "ĠBarcl": 29607, + "Ġwallets": 29608, + "crypt": 29609, + "etermination": 29610, + "ĠPelosi": 29611, + "Ġslipping": 29612, + "otonin": 29613, + "Ġalliances": 29614, + "patrick": 29615, + "iris": 29616, + "Ġorth": 29617, + "ĠPerkins": 29618, + "ĠDeV": 29619, + "ĠGets": 29620, + "Ġdrying": 29621, + "gee": 29622, + "forest": 29623, + "ĠForget": 29624, + "orem": 29625, + "339": 29626, + "Ġvaguely": 29627, + "ĠDion": 29628, + "ĠPorn": 29629, + "ĠHOW": 29630, + "Ġpneum": 29631, + "Ġrubble": 29632, + "ĠTaste": 29633, + "encia": 29634, + "ĠGel": 29635, + "Ġdst": 29636, + "Ġ245": 29637, + "ĠMorocco": 29638, + "inflamm": 29639, + "ĠTwins": 29640, + "Ġbots": 29641, + "daughter": 29642, + "ĠBalk": 29643, + "Ġbrethren": 29644, + "Ġlogos": 29645, + "Ġgobl": 29646, + "fps": 29647, + "Ġsubdivision": 29648, + "Ġpawn": 29649, + "Ġsqueezed": 29650, + "Ġmorale": 29651, + "ĠDW": 29652, + "'\"": 29653, + "Ġknot": 29654, + "ooky": 29655, + "Ġdivisive": 29656, + "Ġboosted": 29657, + "chy": 29658, + "ãĥIJ": 29659, + "ifact": 29660, + "Ġnewcomers": 29661, + "ĠWrestling": 29662, + "Ġscouts": 29663, + "wolves": 29664, + "Rat": 29665, + "Ġnineteenth": 29666, + "ĠOsborne": 29667, + "Stats": 29668, + "Ġempowered": 29669, + "Ġpsychopath": 29670, + "ĠOEM": 29671, + "uggage": 29672, + "ĠPK": 29673, + "ĠMohammad": 29674, + "Pak": 29675, + "Ġanarchists": 29676, + "ĠExtract": 29677, + "esthes": 29678, + "ĠStockholm": 29679, + "loo": 29680, + "ĠGraph": 29681, + "Ġdeploying": 29682, + "ĠStranger": 29683, + "ĠMold": 29684, + "Ġstaffer": 29685, + "Ġdiscounted": 29686, + "uckle": 29687, + "please": 29688, + "ĠLanding": 29689, + "ÃŃa": 29690, + "Ġ193": 29691, + "Ġante": 29692, + "Ġrepetition": 29693, + "Ġ+/-": 29694, + "Ġparody": 29695, + "Ġlively": 29696, + "AAA": 29697, + "ĠHorus": 29698, + "Ġpits": 29699, + "inders": 29700, + "LOC": 29701, + "ĠVenice": 29702, + "406": 29703, + "ĠDiscover": 29704, + "âĨ": 29705, + "ellectual": 29706, + "Ġpens": 29707, + "Ġeyel": 29708, + "iguous": 29709, + "Impl": 29710, + "Ġjoking": 29711, + "Ġinval": 29712, + "ĠBelfast": 29713, + "Ġcreditors": 29714, + "ĠSkywalker": 29715, + "ovsky": 29716, + "Ġceasefire": 29717, + "Ġseals": 29718, + "isoft": 29719, + ")).": 29720, + "ĠFelix": 29721, + "ITS": 29722, + "Ġtresp": 29723, + "ĠBlockchain": 29724, + "eware": 29725, + "ĠSchwar": 29726, + "enne": 29727, + "mounted": 29728, + "ĠBeacon": 29729, + "lesh": 29730, + "Ġimmensely": 29731, + "Ġcheering": 29732, + "Employ": 29733, + "scene": 29734, + "ishly": 29735, + "atchewan": 29736, + "ĠNicolas": 29737, + "Ġdrained": 29738, + "ĠExit": 29739, + "ĠAzerb": 29740, + "jun": 29741, + "Ġfloated": 29742, + "uania": 29743, + "Deep": 29744, + "Ġsuperv": 29745, + "Ġmystical": 29746, + "ĠDollar": 29747, + "ĠApostle": 29748, + "ĠREL": 29749, + "ĠProvided": 29750, + "ĠBucks": 29751, + "ãĥ´": 29752, + "cutting": 29753, + "Ġenhancements": 29754, + "ĠPenguins": 29755, + "ĠIsaiah": 29756, + "Ġjerk": 29757, + "ĠWyn": 29758, + "Ġstalled": 29759, + "Ġcryptocurrencies": 29760, + "ĠRoland": 29761, + "single": 29762, + "Ġlumin": 29763, + "ĠFellow": 29764, + "ĠCapacity": 29765, + "ĠKazakh": 29766, + "WN": 29767, + "Ġfinanced": 29768, + "389": 29769, + "Ġtid": 29770, + "Ġcollusion": 29771, + "ĠMyr": 29772, + "îĢ": 29773, + "Senator": 29774, + "Ġpediatric": 29775, + "Ġneatly": 29776, + "Ġsandwiches": 29777, + "ĠArchitecture": 29778, + "Ġtucked": 29779, + "Ġbalcony": 29780, + "Ġearthquakes": 29781, + "quire": 29782, + "Future": 29783, + "Ġhefty": 29784, + "éĹ": 29785, + "Ġspecializes": 29786, + "Ġstresses": 29787, + "Ġsender": 29788, + "Ġmisunderstanding": 29789, + "Ġepile": 29790, + "Ġprovoke": 29791, + "ĠColors": 29792, + "Ġdismay": 29793, + "uko": 29794, + "[_": 29795, + "586": 29796, + "neutral": 29797, + "Ġdonating": 29798, + "ĠRandall": 29799, + "Multi": 29800, + "Ġconveniently": 29801, + "ĠSung": 29802, + "ĠCoca": 29803, + "Ġtents": 29804, + "ĠAcceler": 29805, + "Ġpartnered": 29806, + "272": 29807, + "irming": 29808, + "ĠBAS": 29809, + "sometimes": 29810, + "Ġobjected": 29811, + "ubric": 29812, + "posed": 29813, + "LCS": 29814, + "grass": 29815, + "Ġattributable": 29816, + "VIS": 29817, + "Israeli": 29818, + "Ġrepeats": 29819, + "ĠRM": 29820, + "vag": 29821, + "uta": 29822, + "inous": 29823, + "Ġinert": 29824, + "ĠMiguel": 29825, + "æŃ": 29826, + "ĠHawaiian": 29827, + "Board": 29828, + "Ġartific": 29829, + "ĠAzerbai": 29830, + "asio": 29831, + "ĠRent": 29832, + "AIN": 29833, + "Ġappliances": 29834, + "Ġnationality": 29835, + "Ġasshole": 29836, + "ĠNeb": 29837, + "Ġnotch": 29838, + "hani": 29839, + "ĠBride": 29840, + "Availability": 29841, + "Ġintercepted": 29842, + "Ġcontinental": 29843, + "Ġswelling": 29844, + "ĠPerspect": 29845, + "bies": 29846, + ".<": 29847, + "ithmetic": 29848, + "ĠLara": 29849, + "Ġtempting": 29850, + "addr": 29851, + "Ġoverseeing": 29852, + "clad": 29853, + "ĠDV": 29854, + "ĠGingrich": 29855, + "Ġmun": 29856, + "ĠAppropri": 29857, + "Ġalterations": 29858, + "ĠPatreon": 29859, + "Ġhavoc": 29860, + "Ġdisciplines": 29861, + "Ġnotoriously": 29862, + "akuya": 29863, + "ieri": 29864, + "?).": 29865, + "ĠWent": 29866, + "Ġsilicon": 29867, + "Ġtremb": 29868, + "Container": 29869, + "Known": 29870, + "Ġmortar": 29871, + "este": 29872, + "icka": 29873, + "Arthur": 29874, + "ĠPreviously": 29875, + "ĠMarty": 29876, + "Ġsparse": 29877, + "gins": 29878, + "Ġinward": 29879, + "ĠParticipant": 29880, + "Copy": 29881, + "ĠMisc": 29882, + "Ġantibiotic": 29883, + "ĠRetro": 29884, + "Ġelusive": 29885, + "Ġassail": 29886, + "ĠBattalion": 29887, + "ĠBought": 29888, + "Ġdiminish": 29889, + "ĠEuropa": 29890, + "session": 29891, + "ĠDangerous": 29892, + "iesel": 29893, + "Ġdisbelief": 29894, + "Ġblasts": 29895, + "extreme": 29896, + "ĠBoyd": 29897, + "ĠProjects": 29898, + "ĠGuys": 29899, + "Ġundergone": 29900, + "Ġgrill": 29901, + "ĠDwight": 29902, + "Ġ197": 29903, + "USER": 29904, + "Ġfilesystem": 29905, + "Ġclocks": 29906, + "Taylor": 29907, + "Ġwrapper": 29908, + "Ġfolding": 29909, + "ousand": 29910, + "ĠPhilippine": 29911, + "ATIONAL": 29912, + "ĠPerth": 29913, + "Ġashes": 29914, + "Ġaccumulate": 29915, + "ĠGateway": 29916, + "Shop": 29917, + "orkshire": 29918, + "Han": 29919, + "ĠBarrel": 29920, + "ĠLeh": 29921, + "ĠXV": 29922, + "Ġwhim": 29923, + "Ġrepo": 29924, + "ĠCG": 29925, + "ĠMam": 29926, + "Ġincorporating": 29927, + "Ġbailout": 29928, + "Ġlinguistic": 29929, + "Ġdisinteg": 29930, + "CLE": 29931, + "Ġcinematic": 29932, + "ĠFiber": 29933, + "Syn": 29934, + "ilion": 29935, + "ĠCompos": 29936, + "chens": 29937, + "Ġneoc": 29938, + "Ġboiled": 29939, + "FINE": 29940, + "ono": 29941, + "uncle": 29942, + "iken": 29943, + "ĠBM": 29944, + "ι": 29945, + "Ġreceipts": 29946, + "Ġdisposed": 29947, + "ĠThirty": 29948, + "ĠRough": 29949, + "ĠABS": 29950, + "Ġnotwithstanding": 29951, + "ollen": 29952, + "#$": 29953, + "Ġunreliable": 29954, + "Ġbloom": 29955, + "Ġmediocre": 29956, + "Ġtram": 29957, + "ĠTasman": 29958, + "Ġshakes": 29959, + "Ġmanifesto": 29960, + "ĠMW": 29961, + "Ġsatisfactory": 29962, + "Ġshores": 29963, + "Ġcomputation": 29964, + "Ġassertions": 29965, + "ormons": 29966, + "arag": 29967, + "abit": 29968, + "Democrats": 29969, + "ĠLoot": 29970, + "ĠVolks": 29971, + "haired": 29972, + "Ġgravitational": 29973, + "Sing": 29974, + "ĠMiz": 29975, + "Ġthrottle": 29976, + "Ġtyranny": 29977, + "ĠViews": 29978, + "Ġrobber": 29979, + "ĠMinority": 29980, + "Ġshrine": 29981, + "scope": 29982, + "purpose": 29983, + "Ġnucleus": 29984, + "ourcing": 29985, + "ĠUSDA": 29986, + "ĠDHS": 29987, + "wra": 29988, + "ĠBowie": 29989, + "Scale": 29990, + "ĠBEL": 29991, + "xi": 29992, + "Iter": 29993, + "Ġ(),": 29994, + "wright": 29995, + "Ġsailors": 29996, + "oused": 29997, + "NASA": 29998, + "ĠProof": 29999, + "ĠMineral": 30000, + "token": 30001, + "ĠFD": 30002, + "Rew": 30003, + "Ġell": 30004, + "630": 30005, + "Ġchancellor": 30006, + "ĠGos": 30007, + "Ġamounted": 30008, + "ĠRecre": 30009, + "omez": 30010, + "ĠOptim": 30011, + "ĠOlive": 30012, + "Ġtracker": 30013, + "owler": 30014, + "ĠUnique": 30015, + "Root": 30016, + "Ġmaritime": 30017, + "ĠQuran": 30018, + "ĠAdapt": 30019, + "Ġecosystems": 30020, + "ĠRepeat": 30021, + "ĠSoy": 30022, + "ĠIMP": 30023, + "Ġgraduating": 30024, + "andem": 30025, + "Pur": 30026, + "ĠReset": 30027, + "ĠTrick": 30028, + "ĠPhilly": 30029, + "ĠTue": 30030, + "ĠMalaysian": 30031, + "Ġclimax": 30032, + "Ġbury": 30033, + "Ġconspic": 30034, + "ĠSouthampton": 30035, + "ĠFlowers": 30036, + "Ġescorted": 30037, + "ĠEducational": 30038, + "ĠIRC": 30039, + "Ġbrutally": 30040, + "eating": 30041, + "Ġpillar": 30042, + "ĠSang": 30043, + "ĠJude": 30044, + "arling": 30045, + "ĠAmnesty": 30046, + "Ġreminding": 30047, + "ĠAdministrative": 30048, + "hesda": 30049, + "Ġflashed": 30050, + "ĠPBS": 30051, + "perate": 30052, + "feature": 30053, + "Ġswipe": 30054, + "Ġgraves": 30055, + "oultry": 30056, + "261": 30057, + "breaks": 30058, + "ĠGuer": 30059, + "Ġshrimp": 30060, + "ĠVoting": 30061, + "quist": 30062, + "Ġanalytical": 30063, + "Ġtablespoons": 30064, + "ĠSOU": 30065, + "Ġresearched": 30066, + "Ġdisrupted": 30067, + "Ġjour": 30068, + "Ġreplica": 30069, + "Ġcartoons": 30070, + "bians": 30071, + "})": 30072, + "copy": 30073, + "Got": 30074, + "ouched": 30075, + "PUT": 30076, + "Ġswarm": 30077, + "notations": 30078, + "said": 30079, + "Ġrebuilt": 30080, + "Ġcollaborate": 30081, + "Ġraging": 30082, + "Ġnar": 30083, + "Ġdemographics": 30084, + "ĠDDR": 30085, + "Ġdistrust": 30086, + "ossier": 30087, + "ĠKro": 30088, + "Ġpumpkin": 30089, + "Ġregrets": 30090, + "Ġfatalities": 30091, + "ĠLens": 30092, + "ĠOle": 30093, + "pd": 30094, + "Ġpuppet": 30095, + "ĠOutlook": 30096, + "ĠStam": 30097, + "Ol": 30098, + "Fair": 30099, + "UU": 30100, + "Ġrewritten": 30101, + "ı": 30102, + "Ġfascinated": 30103, + "Ġvectors": 30104, + "Ġtribunal": 30105, + "uay": 30106, + "ĠMats": 30107, + "ĠCoins": 30108, + "[[": 30109, + "Ġ181": 30110, + "Ġrenders": 30111, + "ĠKaepernick": 30112, + "Ġespionage": 30113, + "Ġsumm": 30114, + "Ġditch": 30115, + "Account": 30116, + "Ġspreadsheet": 30117, + "Ġmutant": 30118, + "past": 30119, + "407": 30120, + "Ġdye": 30121, + "Ġinitiation": 30122, + "Ġ4000": 30123, + "Ġpunishable": 30124, + "Ġthinner": 30125, + "ĠKhal": 30126, + "Ġintermedi": 30127, + "Dun": 30128, + "ĠGotham": 30129, + "Ġeagerly": 30130, + "Ġvaginal": 30131, + "powers": 30132, + "VW": 30133, + "ĠWATCHED": 30134, + "Ġpredator": 30135, + "amsung": 30136, + "Ġdisparity": 30137, + "Ġ[*": 30138, + "Ġamph": 30139, + "Ġoutskirts": 30140, + "ĠSpirits": 30141, + "Ġskeletal": 30142, + "л": 30143, + "ĠRear": 30144, + "Ġissuance": 30145, + "ĠLogic": 30146, + "released": 30147, + "ZZ": 30148, + "ĠBound": 30149, + "Entry": 30150, + "Ġexits": 30151, + "isol": 30152, + "ĠFounder": 30153, + "Ġwre": 30154, + "ĠGreenland": 30155, + "ĠMMO": 30156, + "taker": 30157, + "INC": 30158, + "ãģ¾": 30159, + "Ġhourly": 30160, + "henko": 30161, + "Ġfantasies": 30162, + "Ġdisob": 30163, + "Ġdemolition": 30164, + "ãĥĭ": 30165, + "Ġenlisted": 30166, + "ratulations": 30167, + "Ġmisguided": 30168, + "Ġensured": 30169, + "Ġdiscouraged": 30170, + "mort": 30171, + "Ġflank": 30172, + "Ġcess": 30173, + "Ġreacts": 30174, + "ĠSere": 30175, + "sensitive": 30176, + "ĠSerpent": 30177, + "assad": 30178, + "Ġ247": 30179, + "Ġcalmly": 30180, + "busters": 30181, + "Ġbleed": 30182, + "ĠStro": 30183, + "Ġamusement": 30184, + "ĠAntarctica": 30185, + "Ġscept": 30186, + "ĠGaw": 30187, + "aq": 30188, + "asonic": 30189, + "Ġsprawling": 30190, + "native": 30191, + "aturated": 30192, + "ĠBattlefield": 30193, + "IVERS": 30194, + "EB": 30195, + "ĠGems": 30196, + "ĠNorthwestern": 30197, + "ĠFilms": 30198, + "ĠAutomatic": 30199, + "Ġapprehend": 30200, + "ãģ¨": 30201, + "ĠguiName": 30202, + "Ġbackend": 30203, + "Ġevidenced": 30204, + "geant": 30205, + "012": 30206, + "ĠSiege": 30207, + "ĠexternalTo": 30208, + "ĠunfocusedRange": 30209, + "ĠguiActiveUnfocused": 30210, + "ĠguiIcon": 30211, + "ĠexternalToEVA": 30212, + "ĠexternalToEVAOnly": 30213, + "Fri": 30214, + "chard": 30215, + "enaries": 30216, + "Ġchiefs": 30217, + "Ġcf": 30218, + "ĠHUD": 30219, + "Ġcorrobor": 30220, + "ĠdB": 30221, + "ĠTaken": 30222, + "ĠPatricia": 30223, + "rail": 30224, + "ĠCharm": 30225, + "ĠLibertarian": 30226, + "rieve": 30227, + "Personal": 30228, + "ĠOUR": 30229, + "geries": 30230, + "Ġdumping": 30231, + "Ġneurological": 30232, + "itimate": 30233, + "ĠClintons": 30234, + "rafted": 30235, + "ĠMolly": 30236, + "Ġterminals": 30237, + "register": 30238, + "Ġflare": 30239, + "Ġencoded": 30240, + "Ġautopsy": 30241, + "pel": 30242, + "machine": 30243, + "Ġexemptions": 30244, + "ĠRoyals": 30245, + "distance": 30246, + "Ġdrafts": 30247, + "Ġlame": 30248, + "ĠCunning": 30249, + "Ġspouses": 30250, + "ĠMarkets": 30251, + "ĠCarrier": 30252, + "Ġimplying": 30253, + "ĠYak": 30254, + "sid": 30255, + "Ġloser": 30256, + "Ġvigilant": 30257, + "Ġimpeachment": 30258, + "Ġaugmented": 30259, + "ĠEmployees": 30260, + "Ġunintended": 30261, + "ternally": 30262, + "ĠWatt": 30263, + "Ġrecognizable": 30264, + "essim": 30265, + "æĿ": 30266, + "Ġcoated": 30267, + "rha": 30268, + "Ġlieutenant": 30269, + "ĠLegislation": 30270, + "published": 30271, + "444": 30272, + "013": 30273, + "Ġideally": 30274, + "ĠPassword": 30275, + "Ġsimplify": 30276, + "ĠMeta": 30277, + "ĠMRI": 30278, + "Ġpleading": 30279, + "organized": 30280, + "handler": 30281, + "Ġunravel": 30282, + "correct": 30283, + "Ġicy": 30284, + "Ġparanoid": 30285, + "Ġpasser": 30286, + "Ġinspections": 30287, + "ofer": 30288, + "ĠHealthcare": 30289, + "283": 30290, + "ĠBrut": 30291, + "iola": 30292, + "forge": 30293, + "ĠMedieval": 30294, + "MSN": 30295, + "ievers": 30296, + "ĠProgramming": 30297, + "åī": 30298, + "Ġ223": 30299, + "mu": 30300, + "ĠCLE": 30301, + "uga": 30302, + "Ġshoppers": 30303, + "Ġinformative": 30304, + "ĠPlans": 30305, + "Ġsupplementation": 30306, + "ĠTests": 30307, + "tyard": 30308, + "ocytes": 30309, + "ĠVega": 30310, + "ĠGujarat": 30311, + "ermanent": 30312, + "Except": 30313, + "ĠLOT": 30314, + "alla": 30315, + "ĠCumm": 30316, + "ĠOsw": 30317, + "Ġvenom": 30318, + "ĠDebt": 30319, + "ĠDOWN": 30320, + "Ġreunion": 30321, + "Ġmuc": 30322, + "ĠRelief": 30323, + "Ġgeop": 30324, + "ĠðŁĺ": 30325, + "alogue": 30326, + "Anth": 30327, + "echo": 30328, + "Ġcorros": 30329, + "Ġreplication": 30330, + "ĠBlazing": 30331, + "ĠDaughter": 30332, + "Ġinflic": 30333, + "ĠLindsey": 30334, + "ÙĪ": 30335, + "284": 30336, + "Exit": 30337, + "Ġgloom": 30338, + "TAIN": 30339, + "Ġundermining": 30340, + "Ġadvising": 30341, + "hidden": 30342, + "Ġoverflow": 30343, + "Ġgor": 30344, + "urdue": 30345, + "Ġechoes": 30346, + "enhagen": 30347, + "Ġimpuls": 30348, + "drug": 30349, + "cash": 30350, + "Ġasync": 30351, + "Ġmirac": 30352, + "atts": 30353, + "punk": 30354, + "Ġpivot": 30355, + "ĠLegislative": 30356, + "Ġbloggers": 30357, + "ĠClaw": 30358, + "sburg": 30359, + "dyl": 30360, + "ĠRecommend": 30361, + "Ġverte": 30362, + "Ġprohibiting": 30363, + "ĠPanther": 30364, + "Jonathan": 30365, + "Ġomin": 30366, + "Ġhateful": 30367, + "281": 30368, + "ĠOrche": 30369, + "ĠMurdoch": 30370, + "downs": 30371, + "Ġasymm": 30372, + "GER": 30373, + "Always": 30374, + "Ġinforms": 30375, + "ĠWM": 30376, + "ĠPony": 30377, + "ĠAppendix": 30378, + "ĠArlington": 30379, + "Jam": 30380, + "Ġmedicinal": 30381, + "ĠSlam": 30382, + "ITIES": 30383, + "Ġreaff": 30384, + "ĠRi": 30385, + "FG": 30386, + "Spring": 30387, + "bool": 30388, + "Ġthighs": 30389, + "Ġmarkings": 30390, + "ĠRaqqa": 30391, + "ĠLak": 30392, + "poll": 30393, + "tsky": 30394, + "ĠMorty": 30395, + "ĠDefinition": 30396, + "Ġdebunk": 30397, + "endered": 30398, + "ĠLeone": 30399, + "avers": 30400, + "Ġmortgages": 30401, + "Apparently": 30402, + "Nic": 30403, + "haus": 30404, + "ĠThousands": 30405, + "auld": 30406, + "Ġmash": 30407, + "shoot": 30408, + "Ġdiarr": 30409, + "Ġconsciously": 30410, + "Hero": 30411, + "eas": 30412, + "ĠNaturally": 30413, + "ĠDestroyer": 30414, + "Ġdashboard": 30415, + "services": 30416, + "Rog": 30417, + "Ġmillennials": 30418, + "Ġinvade": 30419, + "-(": 30420, + "Ġcommissions": 30421, + "ĠAuckland": 30422, + "Ġbroadcasts": 30423, + "Ġfrontal": 30424, + "Ġcrank": 30425, + "ĠHistoric": 30426, + "Ġrumours": 30427, + "CTV": 30428, + "Ġsteril": 30429, + "Ġbooster": 30430, + "rocket": 30431, + "ãĤ¼": 30432, + "utsche": 30433, + "ĠPI": 30434, + "Ġ233": 30435, + "ĠProducer": 30436, + "ĠAnalytics": 30437, + "Ġinvaluable": 30438, + "Ġunintention": 30439, + "ĠCY": 30440, + "Ġscrutin": 30441, + "Ġgigg": 30442, + "Ġengulf": 30443, + "Ġproletariat": 30444, + "Ġhacks": 30445, + "ĠHew": 30446, + "arak": 30447, + "ĠSlime": 30448, + "ielding": 30449, + "agher": 30450, + "ĠElliot": 30451, + "Ġtelecom": 30452, + "Ġ219": 30453, + "ultan": 30454, + "ĠArbor": 30455, + "ĠScouts": 30456, + "Ban": 30457, + "Ġlifespan": 30458, + "Ġblasp": 30459, + "388": 30460, + "Ġjudiciary": 30461, + "ĠContinental": 30462, + "asking": 30463, + "McC": 30464, + "LED": 30465, + "Ġbaggage": 30466, + "ĠSorcerer": 30467, + "Ġremnants": 30468, + "ĠGriffith": 30469, + "etsu": 30470, + "ĠSubaru": 30471, + "ĠPersonality": 30472, + "designed": 30473, + "ushima": 30474, + "agnar": 30475, + "Ġrecoil": 30476, + "Ġpassions": 30477, + "\\\":": 30478, + "Ġtee": 30479, + "Ġabolition": 30480, + "ĠCreating": 30481, + "jac": 30482, + "Ġ194": 30483, + "019": 30484, + "Ġpillars": 30485, + "riched": 30486, + "/\"": 30487, + "tk": 30488, + "Ġlivelihood": 30489, + "Ġroasted": 30490, + "ahon": 30491, + "ĠHutch": 30492, + "assert": 30493, + "Ġdividend": 30494, + "Ġknit": 30495, + "Ġdaunting": 30496, + "Ġdisturbance": 30497, + "Ġshale": 30498, + "Ġcultivated": 30499, + "Ġrefrigerator": 30500, + "LB": 30501, + "ĠNET": 30502, + "Ġcommercials": 30503, + "Ġthinkers": 30504, + "455": 30505, + "Ġchop": 30506, + "Broad": 30507, + "Ġsuspicions": 30508, + "Ġtagged": 30509, + "lifting": 30510, + "Ġstylish": 30511, + "ĠShields": 30512, + "Shortly": 30513, + "Ġtails": 30514, + "Auth": 30515, + "STE": 30516, + "ĠGAME": 30517, + "Ġseism": 30518, + "ĠKis": 30519, + "ologne": 30520, + "Ġcowork": 30521, + "Ġforcibly": 30522, + "Ġthyroid": 30523, + "ĠPB": 30524, + "ANE": 30525, + "married": 30526, + "horse": 30527, + "Ġpolymer": 30528, + "ĠChal": 30529, + "odor": 30530, + "DEBUG": 30531, + "ĠContext": 30532, + "Ġbliss": 30533, + "Ġpinpoint": 30534, + "ĠMathemat": 30535, + "legram": 30536, + "ĠWeekend": 30537, + "Ġlabelled": 30538, + "Ġbart": 30539, + "itles": 30540, + "Ġestrogen": 30541, + "âĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶ": 30542, + "\"'": 30543, + "Ġvisibly": 30544, + "Ġoutsider": 30545, + "aida": 30546, + "Area": 30547, + "Ġdissemin": 30548, + "Ġdishonest": 30549, + "ĠClosed": 30550, + "ĠBulletin": 30551, + "ĠRamsey": 30552, + "sword": 30553, + "ĠXI": 30554, + "ourced": 30555, + "Same": 30556, + "346": 30557, + "ĠRepe": 30558, + "ĠKou": 30559, + "cake": 30560, + "emis": 30561, + "Cache": 30562, + "ĠMeaning": 30563, + "ĠEnlight": 30564, + "onomy": 30565, + "Ġmanifestation": 30566, + "sworth": 30567, + "Jay": 30568, + "Ġchore": 30569, + "ör": 30570, + "Dream": 30571, + "Ġsanctioned": 30572, + "Ġculturally": 30573, + "ĠAra": 30574, + "Nav": 30575, + "Ġtheological": 30576, + "Ġstrut": 30577, + "ĠVO": 30578, + "ĠHandbook": 30579, + "Ġconstructing": 30580, + "Ġ¶": 30581, + "ĠBenefits": 30582, + "ĠPsychological": 30583, + "sac": 30584, + "å¸": 30585, + "policy": 30586, + "ĠMatters": 30587, + "ĠReported": 30588, + "ĠByte": 30589, + "Ġvitro": 30590, + "ĠMaiden": 30591, + "Ġlam": 30592, + "ĠJennings": 30593, + "Ġgarment": 30594, + "ĠRutgers": 30595, + "ĠStafford": 30596, + "ĠWellington": 30597, + "Ġintermitt": 30598, + "Ġnpm": 30599, + "Ġordeal": 30600, + "Ġplugged": 30601, + "ooming": 30602, + "inished": 30603, + "framework": 30604, + "Ġtimber": 30605, + "Ġcass": 30606, + "Ġ850": 30607, + "iless": 30608, + "ĠRedux": 30609, + "768": 30610, + "Stre": 30611, + "Ġsurpassed": 30612, + "whel": 30613, + "Ġparallels": 30614, + "Ġveil": 30615, + "ĠGI": 30616, + "ĠREST": 30617, + "Ġreadiness": 30618, + "sort": 30619, + "Ġmodifying": 30620, + "ĠSlate": 30621, + "ruff": 30622, + "Ġmarble": 30623, + "Ġinfrared": 30624, + "Ġauditor": 30625, + "ĠFANTASY": 30626, + "ĠPoverty": 30627, + "ĠSPD": 30628, + "Ġ\"(": 30629, + "Ky": 30630, + "RAY": 30631, + "Ġexecutions": 30632, + "ĠBeverly": 30633, + "ĠMarxism": 30634, + "ĠBurst": 30635, + "ĠKali": 30636, + "estones": 30637, + "Clearly": 30638, + "Ell": 30639, + "ãģ§": 30640, + "ĠProceedings": 30641, + "Token": 30642, + "IFIC": 30643, + "ña": 30644, + "Central": 30645, + "ĠHaley": 30646, + "ĠDrama": 30647, + "Ġformations": 30648, + "ORN": 30649, + "Books": 30650, + "Ġdominating": 30651, + "ĠFlyers": 30652, + "ĠCompanion": 30653, + "Ġdisciplined": 30654, + "ĠYugoslav": 30655, + "ĠSpells": 30656, + "Ġvengeance": 30657, + "Ġlandlords": 30658, + "Len": 30659, + "ĠOgre": 30660, + "anoia": 30661, + "Ġpiercing": 30662, + "Ġcongreg": 30663, + "Ġscorer": 30664, + "obia": 30665, + "Ġnickel": 30666, + "ĠLearns": 30667, + "Ġrejo": 30668, + "Ġmasterpiece": 30669, + "Flash": 30670, + "Ġinhabited": 30671, + "ĠOpenGL": 30672, + "ĠDud": 30673, + "ĠICO": 30674, + "Ġarter": 30675, + "Ġplur": 30676, + "Ġmastery": 30677, + "Ġlongstanding": 30678, + "sted": 30679, + "Ġwines": 30680, + "Ġtelevised": 30681, + "ĠShrine": 30682, + "ĠBayern": 30683, + "Ġâĵĺ": 30684, + "Ġenclosure": 30685, + "john": 30686, + "Ġprophets": 30687, + "ĠResurrection": 30688, + "ĠOrders": 30689, + "Ġuneven": 30690, + "rals": 30691, + "Ġdwind": 30692, + "ĠLah": 30693, + "ĠSloven": 30694, + "378": 30695, + "Ġinsistence": 30696, + "affle": 30697, + "ĠClone": 30698, + "Ġhardship": 30699, + "ĠCongressman": 30700, + "Ġplead": 30701, + "Ġreviewers": 30702, + "Ġcured": 30703, + "Ġ1935": 30704, + "asley": 30705, + "fake": 30706, + "ĠThinking": 30707, + "ydia": 30708, + "PART": 30709, + "ĠDota": 30710, + "oit": 30711, + "Ġwhipped": 30712, + "Ġbouncing": 30713, + "ĠHispanics": 30714, + "comings": 30715, + "Ġcannabin": 30716, + "ĠChambers": 30717, + "ĠZack": 30718, + "Optional": 30719, + "Ġcoats": 30720, + "Ġprowess": 30721, + "ĠNorton": 30722, + "Ġplainly": 30723, + "Ġfreight": 30724, + "Ġinhibition": 30725, + "Ġclam": 30726, + "Ġ303": 30727, + "kef": 30728, + "aleigh": 30729, + "Luke": 30730, + "Ġpsycho": 30731, + "atorium": 30732, + "MED": 30733, + "Ġtreaties": 30734, + "Ġindisc": 30735, + "Ġdc": 30736, + "OPS": 30737, + "Ġresilient": 30738, + "ĠInterstate": 30739, + "Ġslack": 30740, + "Ġmundane": 30741, + "Ġestablishes": 30742, + "359": 30743, + "Ġstrained": 30744, + "Ġnond": 30745, + "Sus": 30746, + "Ġcaste": 30747, + "arate": 30748, + "ieving": 30749, + "Ġunfairly": 30750, + "Ġparser": 30751, + "onial": 30752, + "ursive": 30753, + "Via": 30754, + "ĠOtto": 30755, + "ĠAuthorities": 30756, + "stroke": 30757, + "KR": 30758, + "ĠMercy": 30759, + "Ġfurnished": 30760, + "Ġoutset": 30761, + "Ġmetic": 30762, + "1982": 30763, + "olithic": 30764, + "ĠTent": 30765, + "ogical": 30766, + "ĠAircraft": 30767, + "Ġhides": 30768, + "ĠBecame": 30769, + "Ġeducators": 30770, + "reaching": 30771, + "Ġvolatility": 30772, + "Ġtoddler": 30773, + "ĠNASCAR": 30774, + "ĠTwelve": 30775, + "ĠHighlights": 30776, + "Ġgrape": 30777, + "Ġsplits": 30778, + "Ġpeasant": 30779, + "Ġreneg": 30780, + "ĠMSI": 30781, + "Temp": 30782, + "stars": 30783, + "Ġtrek": 30784, + "ĠHyde": 30785, + "binding": 30786, + "Ġrealism": 30787, + "Ġoxide": 30788, + "ĠHos": 30789, + "Ġmounts": 30790, + "Ġbiting": 30791, + "Ġcollapsing": 30792, + "Ġpostal": 30793, + "Ġmuseums": 30794, + "Ġdetached": 30795, + "Ġrespecting": 30796, + "Ġmonopol": 30797, + "Ġworkflow": 30798, + "ĠCake": 30799, + "Template": 30800, + "ĠOrganisation": 30801, + "Ġpersistence": 30802, + "369": 30803, + "Coming": 30804, + "Brad": 30805, + "Ġredundant": 30806, + "ĠGTA": 30807, + "Ġbending": 30808, + "Ġrevoked": 30809, + "Ġoffending": 30810, + "Ġframing": 30811, + "Ġprintf": 30812, + "Commun": 30813, + "members": 30814, + "Outside": 30815, + "Ġconstrued": 30816, + "Ġcoded": 30817, + "FORE": 30818, + "Ġchast": 30819, + "Chat": 30820, + "Indian": 30821, + "ĠYard": 30822, + "?!\"": 30823, + "ĠPorts": 30824, + "ĠXavier": 30825, + "ĠRET": 30826, + "'.\"": 30827, + "ĠBoat": 30828, + "ivated": 30829, + "icht": 30830, + "umerable": 30831, + "Ds": 30832, + "ĠDunn": 30833, + "Ġcoffin": 30834, + "Ġsecurely": 30835, + "ĠRaptors": 30836, + "ĠBes": 30837, + "Installation": 30838, + "Ġinception": 30839, + "ĠHealthy": 30840, + "endants": 30841, + "Ġpsychologists": 30842, + "ĠSheikh": 30843, + "cultural": 30844, + "ĠBlackBerry": 30845, + "shift": 30846, + "Fred": 30847, + "oche": 30848, + "Ġcakes": 30849, + "ĠSEO": 30850, + "ĠGian": 30851, + "ĠAsians": 30852, + "ogging": 30853, + "element": 30854, + "Ġpundits": 30855, + "ĠVaugh": 30856, + "ĠGavin": 30857, + "Ġhitter": 30858, + "Ġdrowned": 30859, + "Ġchalk": 30860, + "ĠZika": 30861, + "Ġmeasles": 30862, + "802": 30863, + "âĢ¦..": 30864, + "ĠAWS": 30865, + "]\"": 30866, + "Ġdistort": 30867, + "ĠMast": 30868, + "Ġantibodies": 30869, + "ĠMash": 30870, + "Memory": 30871, + "ĠUganda": 30872, + "ĠProb": 30873, + "Ġvomiting": 30874, + "ĠTurns": 30875, + "Ġoccupying": 30876, + "Ġevasion": 30877, + "ĠTherapy": 30878, + "Ġpromo": 30879, + "Ġelectr": 30880, + "Ġblueprint": 30881, + "ĠDre": 30882, + "priced": 30883, + "ĠDepot": 30884, + "Ġalleviate": 30885, + "ĠSomali": 30886, + "marg": 30887, + "nine": 30888, + "Ġnostalgia": 30889, + "ĠShepherd": 30890, + "Ġcavalry": 30891, + "Ġtorped": 30892, + "ĠBloody": 30893, + "xb": 30894, + "Ġsank": 30895, + "Ġgoalt": 30896, + "reportprint": 30897, + "embedreportprint": 30898, + "cloneembedreportprint": 30899, + "ĠInitially": 30900, + "ĠFischer": 30901, + "Ġnoteworthy": 30902, + "cern": 30903, + "Ġinefficient": 30904, + "rawdownload": 30905, + "rawdownloadcloneembedreportprint": 30906, + "cation": 30907, + "ĠDynasty": 30908, + "lag": 30909, + "DES": 30910, + "Ġdistinctly": 30911, + "ĠEstonia": 30912, + "Ġopenness": 30913, + "Ġgossip": 30914, + "ruck": 30915, + "Width": 30916, + "ĠIbrahim": 30917, + "Ġpetroleum": 30918, + "Ġavatar": 30919, + "ĠHed": 30920, + "atha": 30921, + "ĠHogwarts": 30922, + "Ġcaves": 30923, + "678": 30924, + "Ġsafeguard": 30925, + "ĠMog": 30926, + "isson": 30927, + "ĠDurham": 30928, + "slaught": 30929, + "ĠGraduate": 30930, + "Ġsubconscious": 30931, + "ĠExcellent": 30932, + "ĠDum": 30933, + "-----": 30934, + "Ġpiles": 30935, + "ĠWORK": 30936, + "ĠGarn": 30937, + "ĠFol": 30938, + "ĠATM": 30939, + "Ġavoids": 30940, + "ĠTul": 30941, + "Ġbleak": 30942, + "ELY": 30943, + "ivist": 30944, + "lightly": 30945, + "Pers": 30946, + "ĠDob": 30947, + "ĠLS": 30948, + "Ġinsanity": 30949, + "ε": 30950, + "atalie": 30951, + "Enlarge": 30952, + "Ġtwists": 30953, + "Ġfaulty": 30954, + "Ġpiracy": 30955, + "Ġimpover": 30956, + "Ġrugged": 30957, + "ĠFashion": 30958, + "Ġsands": 30959, + "'?": 30960, + "swick": 30961, + "Ġnatives": 30962, + "Ġhen": 30963, + "ĠNoise": 30964, + "ãĥĹ": 30965, + "Ġgreens": 30966, + "Ġfreezer": 30967, + "Ġdynasty": 30968, + "ĠFathers": 30969, + "ĠNewark": 30970, + "Ġarchaeological": 30971, + "Ġot": 30972, + "obar": 30973, + "Ġblockade": 30974, + "Ġallerg": 30975, + "LV": 30976, + "Ġdebit": 30977, + "ĠRFC": 30978, + "ĠMilton": 30979, + "ĠPressure": 30980, + "Ġwillingly": 30981, + "Ġdisproportionate": 30982, + "Ġoppressive": 30983, + "Ġdiamonds": 30984, + "Ġbelongings": 30985, + "1970": 30986, + "Ġbells": 30987, + "Ġimperialism": 30988, + "Ġ227": 30989, + "Ġexploding": 30990, + "ĠEclipse": 30991, + "Ġ1919": 30992, + "Ġrant": 30993, + "Ġnominations": 30994, + "347": 30995, + "Ġpeacefully": 30996, + "rica": 30997, + "ĠFUCK": 30998, + "Ġvibration": 30999, + "malink": 31000, + "Ġropes": 31001, + "ĠIvanka": 31002, + "ĠBrewery": 31003, + "ĠBooker": 31004, + "ĠOwens": 31005, + "goers": 31006, + "Services": 31007, + "ĠSnape": 31008, + "Ġ191": 31009, + "395": 31010, + "Ġ299": 31011, + "justice": 31012, + "Ġbri": 31013, + "Ġdiscs": 31014, + "Ġprominently": 31015, + "Ġvulgar": 31016, + "Ġskipping": 31017, + "lves": 31018, + "Ġtsunami": 31019, + "374": 31020, + "ĠUrug": 31021, + "ĠEid": 31022, + "recated": 31023, + "phen": 31024, + "Ġfaults": 31025, + "ĠStarted": 31026, + "950": 31027, + "Ġpi": 31028, + "Ġdetector": 31029, + "Ġbastard": 31030, + "Ġvalidated": 31031, + "SpaceEngineers": 31032, + "OURCE": 31033, + "Ġ(~": 31034, + "Ġunsur": 31035, + "Ġaffirmed": 31036, + "Ġfascism": 31037, + "Ġresolving": 31038, + "ĠChavez": 31039, + "ĠCyn": 31040, + "Ġdetract": 31041, + "Lost": 31042, + "Ġrigged": 31043, + "Ġhomage": 31044, + "ĠBruno": 31045, + "555": 31046, + "eca": 31047, + "Ġpresses": 31048, + "Ġhumour": 31049, + "Ġspacing": 31050, + "Ġ'/": 31051, + "olkien": 31052, + "Coun": 31053, + "OPER": 31054, + "Tre": 31055, + "Son": 31056, + "ĠCambodia": 31057, + "ierre": 31058, + "mong": 31059, + "ozy": 31060, + "Ġliquidity": 31061, + "ĠSoviets": 31062, + "ĠFernando": 31063, + "Ġ229": 31064, + "Ġslug": 31065, + "ĠCatalan": 31066, + "electric": 31067, + "Ġscenery": 31068, + "ĠHearth": 31069, + "Ġconstrained": 31070, + "Ġgoalie": 31071, + "ĠGuidelines": 31072, + "ĠAmmo": 31073, + "ĠPearson": 31074, + "Ġtaxed": 31075, + "Ġfetus": 31076, + "Response": 31077, + "ĠAlexis": 31078, + "thia": 31079, + "Guy": 31080, + "Ġreconstruct": 31081, + "Ġextremes": 31082, + "Ġconcluding": 31083, + "ĠPeg": 31084, + "ooks": 31085, + "Ġdeductions": 31086, + "Rose": 31087, + "Ġgroundbreaking": 31088, + "ĠTarg": 31089, + "ãĥģ": 31090, + "ĠReve": 31091, + "resource": 31092, + "Ġmoons": 31093, + "Ġelectromagnetic": 31094, + "Ġamidst": 31095, + "ĠViktor": 31096, + "NESS": 31097, + "BACK": 31098, + "Ġcommute": 31099, + "ĠAnaheim": 31100, + "Ġfluctuations": 31101, + "640": 31102, + "Ġnoodles": 31103, + "ĠCopenhagen": 31104, + "ĠTide": 31105, + "ĠGrizz": 31106, + "ĠSEE": 31107, + "Ġpipelines": 31108, + "Ġscars": 31109, + "endo": 31110, + "agus": 31111, + "ĠETF": 31112, + "/#": 31113, + "ĠBecome": 31114, + "448": 31115, + "Ġvisc": 31116, + "ĠRecommended": 31117, + "Ġjumper": 31118, + "Ġcognition": 31119, + "Ġassassin": 31120, + "Ġwitnessing": 31121, + "ĠSetup": 31122, + "Ġlac": 31123, + "vim": 31124, + "ISM": 31125, + "pages": 31126, + "SSL": 31127, + "358": 31128, + "Ġadject": 31129, + "industrial": 31130, + "lore": 31131, + "chery": 31132, + "Ġglitter": 31133, + "Ġcalf": 31134, + "Florida": 31135, + "Ġspoilers": 31136, + "Ġsucceeds": 31137, + "Ġchanting": 31138, + "Ġslogans": 31139, + "ĠTracy": 31140, + "Visit": 31141, + "rology": 31142, + "Ġmornings": 31143, + "Ġlineage": 31144, + "Ġsip": 31145, + "Ġintensely": 31146, + "Ġflourish": 31147, + "ĠSleeping": 31148, + "ĠFem": 31149, + "orpor": 31150, + "ĠKlan": 31151, + "ĠDarth": 31152, + "hack": 31153, + "ĠNielsen": 31154, + "Ġtumors": 31155, + "Ġprocurement": 31156, + "ĠYorkshire": 31157, + "Ġraided": 31158, + "KY": 31159, + "Anna": 31160, + "Ġ//[": 31161, + "ĠDisorder": 31162, + "ĠMustang": 31163, + "ĠWen": 31164, + "ĠTrying": 31165, + "sq": 31166, + "Ġdeliveries": 31167, + "Ġshutter": 31168, + "Ġcerebral": 31169, + "Ġbipolar": 31170, + "ĠCN": 31171, + "lass": 31172, + "jet": 31173, + "Ġdebating": 31174, + ">:": 31175, + "Ġeagle": 31176, + "grades": 31177, + "ĠDixon": 31178, + "UGC": 31179, + "MAS": 31180, + "ĠDraco": 31181, + "ĠMachines": 31182, + "affer": 31183, + "Ġeman": 31184, + "²": 31185, + "pron": 31186, + "ĠGym": 31187, + "Ġcomparatively": 31188, + "ĠTribunal": 31189, + "PRO": 31190, + "Ġlex": 31191, + "Ġfertile": 31192, + "Ġdepressing": 31193, + "Ġsuperficial": 31194, + "essential": 31195, + "ĠHunters": 31196, + "gp": 31197, + "Ġprominence": 31198, + "Liber": 31199, + "ĠAncest": 31200, + "otechnology": 31201, + "Ġmocking": 31202, + "ĠTraff": 31203, + "ĸļ": 31204, + "Medium": 31205, + "Iraq": 31206, + "Ġpsychiatrist": 31207, + "Quantity": 31208, + "ĠLect": 31209, + "Ġnoisy": 31210, + "520": 31211, + "GY": 31212, + "Ġslapped": 31213, + "ĠMTV": 31214, + "Ġpara": 31215, + "pull": 31216, + "Multiple": 31217, + "asher": 31218, + "Ġnour": 31219, + "ĠSeg": 31220, + "Spell": 31221, + "vous": 31222, + "ordial": 31223, + "Senior": 31224, + "ĠGoldberg": 31225, + "ĠPlasma": 31226, + "need": 31227, + "Ġmessenger": 31228, + "eret": 31229, + "Ġteamed": 31230, + "Ġliteracy": 31231, + "ĠLeah": 31232, + "ĠDoyle": 31233, + "Ġemitted": 31234, + "UX": 31235, + "Ġevade": 31236, + "Ġmaze": 31237, + "Ġwrongly": 31238, + "ĠLars": 31239, + "Ġstereotype": 31240, + "Ġpledges": 31241, + "Ġaroma": 31242, + "ĠMET": 31243, + "Ġacre": 31244, + "ĠOD": 31245, + "Ġff": 31246, + "Ġbreweries": 31247, + "ĠHilton": 31248, + "undle": 31249, + "ĠKak": 31250, + "ĠThankfully": 31251, + "ĠCanucks": 31252, + "inctions": 31253, + "ĠAppears": 31254, + "Ġcoer": 31255, + "Ġundermined": 31256, + "rovers": 31257, + "Andre": 31258, + "Ġblaze": 31259, + "umers": 31260, + "Ġfamine": 31261, + "amphetamine": 31262, + "ulkan": 31263, + "Amount": 31264, + "Ġdesperation": 31265, + "wikipedia": 31266, + "development": 31267, + "ĠCorinth": 31268, + "ussia": 31269, + "Jackson": 31270, + "LI": 31271, + "Native": 31272, + "Rs": 31273, + "Ohio": 31274, + "ĠKathleen": 31275, + "Fortunately": 31276, + "Ġattendant": 31277, + "ĠPreferred": 31278, + "ĠDidn": 31279, + "ĠVs": 31280, + "Mis": 31281, + "Ġrespondent": 31282, + "Ġboun": 31283, + "stable": 31284, + "Ġpaved": 31285, + "Ġunexpl": 31286, + "ĠCheney": 31287, + "LM": 31288, + "ĠCull": 31289, + "blown": 31290, + "Ġconfronting": 31291, + "ocese": 31292, + "serving": 31293, + "Wi": 31294, + "ĠLithuania": 31295, + "anni": 31296, + "Ġstalk": 31297, + "hd": 31298, + "Ġvener": 31299, + "APH": 31300, + "ynchronous": 31301, + "URR": 31302, + "umably": 31303, + "historic": 31304, + "Half": 31305, + "Hay": 31306, + "Ġresilience": 31307, + "spection": 31308, + "Ġabandoning": 31309, + "Obs": 31310, + "ĠDebbie": 31311, + "Ġgradient": 31312, + "ĠPlaint": 31313, + "ĠCanal": 31314, + "ARCH": 31315, + "Ġexpansive": 31316, + "Ġfung": 31317, + "Ġbounced": 31318, + "Und": 31319, + "Ġprecautions": 31320, + "Ġclarification": 31321, + "Ġdagger": 31322, + "Ġgrips": 31323, + "Ġµ": 31324, + "ĠRivera": 31325, + "ĠUndead": 31326, + "isites": 31327, + "ĠFIRST": 31328, + "ño": 31329, + "audi": 31330, + "Ġhostages": 31331, + "Ġcompliant": 31332, + "Ġalumni": 31333, + "Seven": 31334, + "Ġcybersecurity": 31335, + "either": 31336, + "Collect": 31337, + "Ġinvariably": 31338, + "ĠSoci": 31339, + "Ġlawmaker": 31340, + "Ġale": 31341, + "ĠPersonally": 31342, + "Nazi": 31343, + "Ġcustomization": 31344, + "ĠProc": 31345, + "ĠSaskatchewan": 31346, + "eaturing": 31347, + "Ġspared": 31348, + "Ġdiscontinued": 31349, + "Ġcomputational": 31350, + "ĠMotorola": 31351, + "Ġsupremacist": 31352, + "governmental": 31353, + "Ġparadise": 31354, + "ĠDowning": 31355, + "ĠNikon": 31356, + "Ġcatalyst": 31357, + "berra": 31358, + "Toronto": 31359, + "875": 31360, + "beta": 31361, + "ĠMacron": 31362, + "Ġunrealistic": 31363, + "vector": 31364, + "ĠVehicles": 31365, + "itiveness": 31366, + "ĠRV": 31367, + "ĠColbert": 31368, + "sin": 31369, + "oji": 31370, + "entin": 31371, + "ĠKrish": 31372, + "hello": 31373, + "ffield": 31374, + "oky": 31375, + "ĠTate": 31376, + "Ġmaple": 31377, + "Ġaids": 31378, + "chemical": 31379, + "334": 31380, + "nuts": 31381, + "ĠWarp": 31382, + "Ġxx": 31383, + "ĠRobb": 31384, + "umerous": 31385, + "_-_": 31386, + "ftime": 31387, + "ĠVW": 31388, + "Ġwinger": 31389, + "ĠDome": 31390, + "tools": 31391, + "ĠPV": 31392, + "ĠGeorgetown": 31393, + "Ġgeared": 31394, + "Ġjihadists": 31395, + "Ġcp": 31396, + "Ġsteroids": 31397, + "Mother": 31398, + "clerosis": 31399, + "ĠDRM": 31400, + "nesia": 31401, + "Ġlinger": 31402, + "Ġimmersive": 31403, + "ĠCOUN": 31404, + "Ġoutweigh": 31405, + "ensual": 31406, + "Band": 31407, + "Ġtransforms": 31408, + "matched": 31409, + "psons": 31410, + "ĠJudicial": 31411, + "factor": 31412, + "Ġreferral": 31413, + "Ġoddly": 31414, + "ĠWenger": 31415, + "Bring": 31416, + "ĠBows": 31417, + "602": 31418, + "ICLE": 31419, + "Ġlions": 31420, + "ĠAcademic": 31421, + "ĠThorn": 31422, + "ĠRaider": 31423, + "kefeller": 31424, + "Storage": 31425, + "Lower": 31426, + "ĠOrt": 31427, + "ĠEquality": 31428, + "ALT": 31429, + "ĠSOC": 31430, + "Types": 31431, + "Ġlyn": 31432, + "ĠAsset": 31433, + "coat": 31434, + "TPP": 31435, + "CVE": 31436, + "ĠPioneer": 31437, + "application": 31438, + "Modern": 31439, + "ĠHK": 31440, + "Environment": 31441, + "Alright": 31442, + "Rain": 31443, + "IPP": 31444, + "ĠShiite": 31445, + "Ġmound": 31446, + "ĠAbilities": 31447, + "condition": 31448, + "Staff": 31449, + "Ġcompetence": 31450, + "ĠMoor": 31451, + "ĠDiablo": 31452, + "Ġwithheld": 31453, + "Ġostensibly": 31454, + "ĠBrom": 31455, + "Ġmsg": 31456, + "Ġdenomin": 31457, + "ĠReferences": 31458, + "ĠFP": 31459, + "Ġplunged": 31460, + "Ġpamph": 31461, + "moving": 31462, + "central": 31463, + "Ġdownright": 31464, + "Ġfading": 31465, + "Tal": 31466, + "Typ": 31467, + "ĠThy": 31468, + "ukes": 31469, + "ithe": 31470, + "Ġove": 31471, + "Ġbattled": 31472, + "Ġseafood": 31473, + "Ġfigur": 31474, + "ĠRD": 31475, + "crop": 31476, + "Ġsquads": 31477, + "{\\": 31478, + "à¹": 31479, + "ĠEh": 31480, + "Ġinterviewing": 31481, + "ĠQin": 31482, + "Ġaspiring": 31483, + "PLIC": 31484, + "Ġclauses": 31485, + "ĠGast": 31486, + "ĠNir": 31487, + "Ġluggage": 31488, + "Ġhose": 31489, + "Ġsystemd": 31490, + "Ġdescending": 31491, + "ĠRevised": 31492, + "ĠRails": 31493, + "align": 31494, + "709": 31495, + "337": 31496, + "Ġfug": 31497, + "charging": 31498, + "tags": 31499, + "Ġuter": 31500, + "kish": 31501, + "WARNING": 31502, + "490": 31503, + "profits": 31504, + "Ġvoyage": 31505, + "Ġace": 31506, + "ĠVanguard": 31507, + "ĠTanks": 31508, + "ĠMuk": 31509, + "Ġ226": 31510, + "Safe": 31511, + "Armor": 31512, + "Ġvolcanic": 31513, + "Ġwomb": 31514, + "ĠMIL": 31515, + "Ġbeginner": 31516, + "ĠRecogn": 31517, + "ĠAAP": 31518, + "PLAY": 31519, + ")!": 31520, + "Ġdetecting": 31521, + "cn": 31522, + "Ġbreaches": 31523, + "Basically": 31524, + "ĠPag": 31525, + "ĠMunicipal": 31526, + "ĠIndie": 31527, + "ĠLaf": 31528, + "ĠDisable": 31529, + "ĠOlson": 31530, + "Ġrestrained": 31531, + "Ġrulings": 31532, + "Ġhumane": 31533, + "events": 31534, + "ĠCinema": 31535, + "displayText": 31536, + "ĠHatch": 31537, + "actionDate": 31538, + "onnaissance": 31539, + "Ġassaulting": 31540, + "ĠLug": 31541, + "CHAT": 31542, + "Ġvigorous": 31543, + "ĠPerse": 31544, + "Ġintolerance": 31545, + "ĠSnapchat": 31546, + "ĠSharks": 31547, + "Ġdummy": 31548, + "ĠDiagn": 31549, + "ĠGuitar": 31550, + "imeters": 31551, + "403": 31552, + "REG": 31553, + "Ax": 31554, + "Ġseparates": 31555, + "ĠMahm": 31556, + "Ġtv": 31557, + "jah": 31558, + "OOL": 31559, + "Circ": 31560, + "ĠWindsor": 31561, + "ussian": 31562, + "Ġintuition": 31563, + "Ġdisdain": 31564, + "ĠDonovan": 31565, + "Ġ221": 31566, + "Emb": 31567, + "Ġcondemning": 31568, + "Ġgenerosity": 31569, + "zzy": 31570, + "Ġpanties": 31571, + "ĠPrevent": 31572, + "ActionCode": 31573, + "ANA": 31574, + "342": 31575, + "externalActionCode": 31576, + "Ġspecifying": 31577, + "Ġcrystall": 31578, + "Jere": 31579, + "Ġrupt": 31580, + "ĠApprentice": 31581, + "Ġprofiling": 31582, + "к": 31583, + "Strike": 31584, + "Ġsideline": 31585, + "Ġobligated": 31586, + "Ġoccult": 31587, + "Ġbureaucratic": 31588, + "antically": 31589, + "rupted": 31590, + "negative": 31591, + "ĠEthiopia": 31592, + "ĠCivic": 31593, + "Ġinsiders": 31594, + "eligible": 31595, + "ĠTVs": 31596, + "ĠBAR": 31597, + "ĠTI": 31598, + "iologist": 31599, + "ĠAIR": 31600, + "Ġsubstituted": 31601, + "Arab": 31602, + "ĠSaul": 31603, + "ĠYog": 31604, + "prem": 31605, + "Ġbuilders": 31606, + "Ġstationary": 31607, + "Ġdoubtful": 31608, + "Ġvigorously": 31609, + "Ġthrilling": 31610, + "Physical": 31611, + "ĠCarey": 31612, + "ĠHydra": 31613, + "geoning": 31614, + "ĠSly": 31615, + "yton": 31616, + "Ġborrowers": 31617, + "ĠParkinson": 31618, + "Ġë": 31619, + "ĠJamaica": 31620, + "Ġsatir": 31621, + "Ġinsurgents": 31622, + "ĠFirm": 31623, + "Ġisot": 31624, + "ĠKarn": 31625, + "ourning": 31626, + "akens": 31627, + "docs": 31628, + "little": 31629, + "ĠMonaco": 31630, + "CLASS": 31631, + "Turkey": 31632, + "Ly": 31633, + "ĠConan": 31634, + "assic": 31635, + "Ġstarred": 31636, + "ĠPacers": 31637, + "eties": 31638, + "Ġtipping": 31639, + "Moon": 31640, + "ĠRw": 31641, + "same": 31642, + "Ġcavity": 31643, + "Ġgoof": 31644, + "ĠZo": 31645, + "Shock": 31646, + "ummer": 31647, + "Ġemphasizes": 31648, + "Ġregrett": 31649, + "Ġnovelty": 31650, + "Ġenvy": 31651, + "ĠPassive": 31652, + "rw": 31653, + "505": 31654, + "Ġindifferent": 31655, + "ĠRica": 31656, + "ĠHimself": 31657, + "ĠFreddie": 31658, + "Ġadip": 31659, + "ä¸Ģ": 31660, + "Ġbreakout": 31661, + "Ġhurried": 31662, + "ĠHuang": 31663, + "ĠDisk": 31664, + "Ġroaming": 31665, + "?????-?????-": 31666, + "UV": 31667, + "ĠRicky": 31668, + "ĠSigma": 31669, + "Ġmarginalized": 31670, + "Ġedits": 31671, + "Ġ304": 31672, + "memory": 31673, + "Ġspecimen": 31674, + "293": 31675, + "ãģ¯": 31676, + "Ġvertically": 31677, + "Ġaudition": 31678, + "ĠHeck": 31679, + "Ġcaster": 31680, + "ĠHoldings": 31681, + "adal": 31682, + "ĠCron": 31683, + "ĠLiam": 31684, + "Ġdeflect": 31685, + "Pick": 31686, + "ĠDebug": 31687, + "REF": 31688, + "Ġversatility": 31689, + "othes": 31690, + "classified": 31691, + "ĠMahar": 31692, + "ĠHort": 31693, + "Counter": 31694, + "stasy": 31695, + "noticed": 31696, + "331": 31697, + "ĠShim": 31698, + "fuck": 31699, + "ĠBie": 31700, + "Ġairing": 31701, + "ĠProtein": 31702, + "ĠHolding": 31703, + "Ġspectators": 31704, + "iliated": 31705, + "ĠThatcher": 31706, + "nosis": 31707, + "ãĥ¼ãĥ³": 31708, + "Tele": 31709, + "Boston": 31710, + "ĠTempl": 31711, + "stay": 31712, + "Ġdeclarations": 31713, + "479": 31714, + "Volume": 31715, + "ĠDesigner": 31716, + "ĠOverwatch": 31717, + "idae": 31718, + "Ġonwards": 31719, + "Ġnets": 31720, + "ĠManila": 31721, + "particularly": 31722, + "Ġpolitic": 31723, + "oother": 31724, + "Ġportraits": 31725, + "Ġpavement": 31726, + "cffff": 31727, + "Ġsaints": 31728, + "Ġbeginners": 31729, + "ESPN": 31730, + "Ġshortcomings": 31731, + "âķIJâķIJ": 31732, + "Ġcomet": 31733, + "ĠOrganic": 31734, + "quel": 31735, + "Ġhospitalized": 31736, + "Break": 31737, + "Ġpeel": 31738, + "dylib": 31739, + "aspx": 31740, + "urances": 31741, + "ĠTIM": 31742, + "Pg": 31743, + "Ġreadable": 31744, + "ĠMalik": 31745, + "Ġmuzzle": 31746, + "Ġbenchmarks": 31747, + "dal": 31748, + "ĠVacc": 31749, + "ĠHicks": 31750, + "609": 31751, + "ĠBiblical": 31752, + "heng": 31753, + "Ġoverload": 31754, + "ĠCivilization": 31755, + "Ġimmoral": 31756, + "Ġfries": 31757, + "ãĤĴ": 31758, + "Ġreproduced": 31759, + "Ġformulation": 31760, + "jug": 31761, + "irez": 31762, + "gear": 31763, + "Ġcoached": 31764, + "MpServer": 31765, + "ĠSJ": 31766, + "ĠKw": 31767, + "Init": 31768, + "deal": 31769, + "ĠOro": 31770, + "ĠLoki": 31771, + "ĠSongs": 31772, + "Ġ232": 31773, + "ĠLouise": 31774, + "asionally": 31775, + "Ġuncond": 31776, + "ollywood": 31777, + "Ġprogressives": 31778, + "ĠEnough": 31779, + "ĠDoe": 31780, + "Ġwreckage": 31781, + "Ġbrushed": 31782, + "ĠBaseType": 31783, + "Ġzoning": 31784, + "ishable": 31785, + "hetically": 31786, + "ĠCaucus": 31787, + "ĠHue": 31788, + "Ġkarma": 31789, + "ĠSporting": 31790, + "Ġtrader": 31791, + "Ġseeming": 31792, + "ĠCapture": 31793, + "430": 31794, + "bish": 31795, + "Ġtunes": 31796, + "Ġindoors": 31797, + "ĠSphere": 31798, + "ĠDancing": 31799, + "TERN": 31800, + "Ġnob": 31801, + "ĠGST": 31802, + "maps": 31803, + "Ġpeppers": 31804, + "Fit": 31805, + "Ġoversees": 31806, + "ĠRabbi": 31807, + "ĠRuler": 31808, + "vertising": 31809, + "office": 31810, + "xxx": 31811, + "Ġraft": 31812, + "Changed": 31813, + "Ġtextbooks": 31814, + "Links": 31815, + "ĠOmn": 31816, + "ãĢij": 31817, + "Ġinconvenience": 31818, + "ĠDonetsk": 31819, + "=~": 31820, + "Ġimplicitly": 31821, + "Ġboosts": 31822, + "ĠBones": 31823, + "ĠBoom": 31824, + "Courtesy": 31825, + "Ġsensational": 31826, + "ANY": 31827, + "Ġgreedy": 31828, + "eden": 31829, + "Ġinexper": 31830, + "ĠLer": 31831, + "ĠVale": 31832, + "Ġtighten": 31833, + "ĠEAR": 31834, + "ĠNum": 31835, + "Ġancestor": 31836, + "Sent": 31837, + "ĠHorde": 31838, + "urgical": 31839, + "allah": 31840, + "Ġsap": 31841, + "amba": 31842, + "ĠSpread": 31843, + "twitch": 31844, + "Ġgrandson": 31845, + "Ġfracture": 31846, + "Ġmoderator": 31847, + "ĠSeventh": 31848, + "ĠReverse": 31849, + "Ġestimation": 31850, + "Choose": 31851, + "Ġparach": 31852, + "Ġbarric": 31853, + "ãĢIJ": 31854, + "Ġcompass": 31855, + "Ġallergic": 31856, + "âĢķ": 31857, + "OTHER": 31858, + "errilla": 31859, + "Ġwagon": 31860, + "Ġzinc": 31861, + "Ġrubbed": 31862, + "ĠFuller": 31863, + "ĠLuxembourg": 31864, + "ĠHoover": 31865, + "Ġliar": 31866, + "ĠEvening": 31867, + "ĠCobb": 31868, + "esteem": 31869, + "Ġselector": 31870, + "ĠBrawl": 31871, + "isance": 31872, + "ĠEk": 31873, + "Ġtroop": 31874, + "Ġguts": 31875, + "ĠAppeal": 31876, + "ĠTibetan": 31877, + "Ġroutines": 31878, + "ĠMent": 31879, + "Ġsummarized": 31880, + "steamapps": 31881, + "Ġtranqu": 31882, + "Ġ1929": 31883, + "oran": 31884, + "ĠAuthent": 31885, + "Ġgmaxwell": 31886, + "Ġapprehens": 31887, + "Ġpoems": 31888, + "Ġsausage": 31889, + "ĠWebster": 31890, + "urus": 31891, + "Ġthemed": 31892, + "Ġlounge": 31893, + "Ġcharger": 31894, + "Spoiler": 31895, + "Ġspilled": 31896, + "hog": 31897, + "ĠSunder": 31898, + "ĠAin": 31899, + "ĠAngry": 31900, + "Ġdisqual": 31901, + "ĠFrequency": 31902, + "ĠEthernet": 31903, + "Ġhelper": 31904, + "Percent": 31905, + "Ġhorrifying": 31906, + "Ġail": 31907, + "ĠAllan": 31908, + "EEE": 31909, + "ĠCrossing": 31910, + "449": 31911, + "Ġholog": 31912, + "ĠPuzzles": 31913, + "ĠGoes": 31914, + "erenn": 31915, + "604": 31916, + "ãģı": 31917, + "ĠRafael": 31918, + "Ġatten": 31919, + "ĠEmanuel": 31920, + "Ġupro": 31921, + "ĠSusp": 31922, + "Psych": 31923, + "ĠTrainer": 31924, + "ĠNES": 31925, + "ĠHunts": 31926, + "becue": 31927, + "Ġcounselor": 31928, + "Rule": 31929, + "Ġtoxins": 31930, + "Ġbanners": 31931, + "rifice": 31932, + "Ġgreeting": 31933, + "Ġfrenzy": 31934, + "Ġallocate": 31935, + "Ġ*)": 31936, + "expr": 31937, + "503": 31938, + "ĠChick": 31939, + "ĠTorn": 31940, + "Ġconsolidation": 31941, + "ĠFletcher": 31942, + "switch": 31943, + "frac": 31944, + "clips": 31945, + "ĠMcKin": 31946, + "ĠLunar": 31947, + "Month": 31948, + "ITCH": 31949, + "Ġscholarly": 31950, + "raped": 31951, + "398": 31952, + "Ġ1910": 31953, + "Ġegreg": 31954, + "Ġinsecure": 31955, + "Ġvictorious": 31956, + "cffffcc": 31957, + "Ġsingled": 31958, + "Ġelves": 31959, + "ĠWond": 31960, + "burst": 31961, + "Ġcamoufl": 31962, + "ĠBLACK": 31963, + "Ġconditioned": 31964, + "çī": 31965, + "answered": 31966, + "Ġcompulsory": 31967, + "ascist": 31968, + "Ġpodcasts": 31969, + "ĠFrankfurt": 31970, + "bnb": 31971, + "Ġneoliberal": 31972, + "ĠKeyboard": 31973, + "ĠBelle": 31974, + "warm": 31975, + "Ġtrusts": 31976, + "Ġinsured": 31977, + "ĠBucc": 31978, + "usable": 31979, + "607": 31980, + "ĠPlains": 31981, + "Ġ1890": 31982, + "Ġsabotage": 31983, + "Ġlodged": 31984, + "felt": 31985, + "Ġga": 31986, + "ĠNarc": 31987, + "ĠSalem": 31988, + "Ġseventy": 31989, + "ĠBlank": 31990, + "pocket": 31991, + "Ġwhisper": 31992, + "Ġmating": 31993, + "omics": 31994, + "ĠSalman": 31995, + "ĠKad": 31996, + "Ġangered": 31997, + "Ġcollisions": 31998, + "Ġextraordinarily": 31999, + "Ġcoercion": 32000, + "Ghost": 32001, + "birds": 32002, + "èĢ": 32003, + "kok": 32004, + "Ġpermissible": 32005, + "avorable": 32006, + "Ġpointers": 32007, + "Ġdissip": 32008, + "aci": 32009, + "Ġtheatrical": 32010, + "ĠCosmic": 32011, + "Ġforgetting": 32012, + "Ġfinalized": 32013, + "大": 32014, + "yout": 32015, + "library": 32016, + "Ġbooming": 32017, + "ĠBelieve": 32018, + "ĠTeacher": 32019, + "ĠLiv": 32020, + "ĠGOODMAN": 32021, + "ĠDominican": 32022, + "ORED": 32023, + "ĠParties": 32024, + "Ġprecipitation": 32025, + "ĠSlot": 32026, + "Roy": 32027, + "ĠCombined": 32028, + "Ġintegrating": 32029, + "Ġchrome": 32030, + "Ġintestinal": 32031, + "ĠRebell": 32032, + "Ġmatchups": 32033, + "Ġblockbuster": 32034, + "ĠLoren": 32035, + "ĠLevy": 32036, + "Ġpreaching": 32037, + "ĠSending": 32038, + "ĠPurpose": 32039, + "rax": 32040, + "fif": 32041, + "Ġauthoritative": 32042, + "ĠPET": 32043, + "astical": 32044, + "Ġdishon": 32045, + "Ġchatting": 32046, + "Ġ\"$:/": 32047, + "Connection": 32048, + "Ġrecreate": 32049, + "Ġdelinqu": 32050, + "Ġbroth": 32051, + "ĠDirty": 32052, + "ĠAdmin": 32053, + "zman": 32054, + "Ġscholarships": 32055, + "Ġ253": 32056, + "contact": 32057, + "alsa": 32058, + "767": 32059, + "creen": 32060, + "abbage": 32061, + "Ġ1915": 32062, + "Ġblended": 32063, + "Ġalarmed": 32064, + "Language": 32065, + "356": 32066, + "Ġblends": 32067, + "ĠChanged": 32068, + "Wolf": 32069, + "Ġhepat": 32070, + "Creating": 32071, + "Ġpersecut": 32072, + "Ġsweetness": 32073, + "arte": 32074, + "Ġforfeiture": 32075, + "ĠRoberto": 32076, + "impro": 32077, + "NFL": 32078, + "ĠMagnet": 32079, + "Detailed": 32080, + "Ġinsignificant": 32081, + "ĠPOLIT": 32082, + "ĠBBQ": 32083, + "ĠCPS": 32084, + "Ġseaw": 32085, + "aminer": 32086, + "mL": 32087, + "endif": 32088, + "finals": 32089, + "Ġ265": 32090, + "uish": 32091, + "Ġ})": 32092, + "ĠProblems": 32093, + "Ġemblem": 32094, + "Ġseriousness": 32095, + "Ġparsing": 32096, + "Ġsubstitution": 32097, + "Ġpressured": 32098, + "Ġrecycled": 32099, + "aleb": 32100, + "Ruby": 32101, + "Ġproficiency": 32102, + "Driver": 32103, + "ĠWester": 32104, + ":'": 32105, + "AFTA": 32106, + "Ġmantle": 32107, + "ĠClayton": 32108, + "flag": 32109, + "Ġpractitioner": 32110, + "covered": 32111, + "ĠStruct": 32112, + "addafi": 32113, + "425": 32114, + "ĠTownship": 32115, + "ĠHydro": 32116, + "Louis": 32117, + "343": 32118, + "Ġcondo": 32119, + "ĠTao": 32120, + "Ġutilization": 32121, + "Ġnausea": 32122, + "ĠDems": 32123, + "ridges": 32124, + "pause": 32125, + "Ġformulas": 32126, + "Ġchallenger": 32127, + "376": 32128, + "Ġdefective": 32129, + "ĠRailway": 32130, + "ĠPubMed": 32131, + "Ġyogurt": 32132, + "lbs": 32133, + "ĠNorfolk": 32134, + "OPE": 32135, + "ĠMoody": 32136, + "Ġdistributor": 32137, + "Ġscrolls": 32138, + "Ġextracts": 32139, + "Stan": 32140, + "Ġviability": 32141, + "Ġexposes": 32142, + "Ġstarvation": 32143, + "ĠSteps": 32144, + "ĠDodd": 32145, + "few": 32146, + "STD": 32147, + "332": 32148, + "Ġclosures": 32149, + "Ġcomplementary": 32150, + "ĠSasha": 32151, + "umpy": 32152, + "Ġmonet": 32153, + "Ġarticulate": 32154, + "ĠDoct": 32155, + "killer": 32156, + "Ġscrim": 32157, + "Ġ264": 32158, + "Ġprostitutes": 32159, + "Ġsevered": 32160, + "Ġattachments": 32161, + "Ġcooled": 32162, + "Lev": 32163, + "ĠFalk": 32164, + "fail": 32165, + "Ġpoliceman": 32166, + "ĠDag": 32167, + "Ġprayed": 32168, + "ĠKernel": 32169, + "Ġclut": 32170, + "Ġcath": 32171, + "Ġanomaly": 32172, + "Storm": 32173, + "emaker": 32174, + "ĠBreakfast": 32175, + "uli": 32176, + "oire": 32177, + "JJ": 32178, + "hz": 32179, + "Operation": 32180, + "ĠSick": 32181, + "354": 32182, + "ĠGuatemala": 32183, + "Rate": 32184, + "Ġexposures": 32185, + "faces": 32186, + "ĠArchae": 32187, + "raf": 32188, + "ĠMia": 32189, + "Ġ2025": 32190, + "Ġopaque": 32191, + "Ġdisguised": 32192, + "ĠHeadquarters": 32193, + "Sah": 32194, + "Ġpots": 32195, + "978": 32196, + "ĠMalf": 32197, + "Ġfrowned": 32198, + "Ġpoisonous": 32199, + "ĠConvers": 32200, + "eeks": 32201, + "Ġcrab": 32202, + ".\"\"": 32203, + "Ġtreason": 32204, + "Ġranc": 32205, + "Ġescalating": 32206, + "Ġwarr": 32207, + "Ġmobs": 32208, + "Ġlamps": 32209, + "ĠSunshine": 32210, + "ĠBrunswick": 32211, + "Phones": 32212, + "Ġspelled": 32213, + "ĠSkip": 32214, + "Ġ2050": 32215, + "Ġ1911": 32216, + "ĠPluto": 32217, + "ĠAmend": 32218, + "Ġmeats": 32219, + "387": 32220, + "Ġstomp": 32221, + "ĠZhou": 32222, + "ĠLeviathan": 32223, + "ĠHazard": 32224, + "adv": 32225, + "ĠOrwell": 32226, + "Ġaloud": 32227, + "Ġbumper": 32228, + "ĠAnarch": 32229, + "ubuntu": 32230, + "ĠSerious": 32231, + "fitting": 32232, + "ĠOptional": 32233, + "ĠCecil": 32234, + "REAM": 32235, + "Ġserotonin": 32236, + "Ġcultivate": 32237, + "agogue": 32238, + "}\\": 32239, + "Ġmosques": 32240, + "ĠSunny": 32241, + "Ġreactive": 32242, + "revolution": 32243, + "ĠLup": 32244, + "ĠFedora": 32245, + "Ġdefenseman": 32246, + "ĠVID": 32247, + "istine": 32248, + "Ġdrowning": 32249, + "ĠBroadcasting": 32250, + "Ġthriller": 32251, + "ĠScy": 32252, + "Ġaccelerating": 32253, + "Ġdirects": 32254, + "odied": 32255, + "bike": 32256, + "duration": 32257, + "Ġpainfully": 32258, + "Redd": 32259, + "Ġproductions": 32260, + "Ġgag": 32261, + "Ġwhist": 32262, + "Ġsock": 32263, + "Ġinfinitely": 32264, + "ĠConcern": 32265, + "ĠCitadel": 32266, + "Ġlieu": 32267, + "Ġcandles": 32268, + "ogeneous": 32269, + "arger": 32270, + "Ġheavenly": 32271, + "inflammatory": 32272, + "Performance": 32273, + "Cs": 32274, + "ructose": 32275, + "azaki": 32276, + "Ġpessim": 32277, + "Ġinference": 32278, + "Ġpowd": 32279, + "ĠZoe": 32280, + "Ġpaints": 32281, + "Ġdazz": 32282, + "pta": 32283, + "-----------": 32284, + "Ġinspir": 32285, + "ĠExperimental": 32286, + "ĠKnife": 32287, + "regor": 32288, + "bors": 32289, + "Ġshowers": 32290, + "romeda": 32291, + "Ġsaint": 32292, + "Ġbenign": 32293, + "ĠJiang": 32294, + "Ġenvisioned": 32295, + "Ġshroud": 32296, + "IFT": 32297, + "HO": 32298, + "Ġshuff": 32299, + "ĠICC": 32300, + "Ġsegreg": 32301, + "Ġrevisit": 32302, + "ighthouse": 32303, + "Li": 32304, + "Ġsubstrate": 32305, + "ĠSeas": 32306, + "ĠReward": 32307, + "ĠHep": 32308, + "ĠBrass": 32309, + "sbm": 32310, + "Ġeliminates": 32311, + "Ġstamina": 32312, + "ĠVAT": 32313, + "ĠLoan": 32314, + "Ġconstraint": 32315, + "Ġappropriated": 32316, + "Ġpes": 32317, + "ĠALE": 32318, + "ranging": 32319, + "Ġ404": 32320, + "392": 32321, + "Ġintellectuals": 32322, + "achu": 32323, + "Ġrestructuring": 32324, + "ĠLevin": 32325, + "Ġrunes": 32326, + "Ġdelightful": 32327, + "Ġcarbohydrates": 32328, + "ĠModels": 32329, + "ĠExpo": 32330, + "Ġtransporting": 32331, + "alloc": 32332, + "Ġringing": 32333, + "Samsung": 32334, + "Ġscarcely": 32335, + "ĠURLs": 32336, + "ĠMAS": 32337, + "Ġprototypes": 32338, + "Ġnarrator": 32339, + "ĠCPUs": 32340, + "cdn": 32341, + "ĠBarton": 32342, + "Ġdecidedly": 32343, + "ĠShu": 32344, + "ixir": 32345, + "ocious": 32346, + "ĠMyst": 32347, + "Nintendo": 32348, + "Ġreuse": 32349, + "Ġforgiven": 32350, + "Few": 32351, + "inical": 32352, + "nat": 32353, + "Ġseamless": 32354, + "ĠEva": 32355, + "ĠEVE": 32356, + "ĠJO": 32357, + "landers": 32358, + "Ġsofter": 32359, + "negie": 32360, + "Ġtransient": 32361, + "Ġorbital": 32362, + "Ġfulfil": 32363, + "ĠKom": 32364, + "Hopefully": 32365, + "Ġdynamically": 32366, + "ĠHunger": 32367, + "åĽ": 32368, + "ĠArmenia": 32369, + "elman": 32370, + "berto": 32371, + "Ġpige": 32372, + "ĠIDs": 32373, + "limit": 32374, + "Ġveins": 32375, + "Ġsoaring": 32376, + "packs": 32377, + "Golden": 32378, + "ĠCrab": 32379, + "istor": 32380, + "ĠRPM": 32381, + "Ġ$$": 32382, + "gression": 32383, + "Ġjihadist": 32384, + "Ġgamble": 32385, + "Ġcareg": 32386, + "Ġinflated": 32387, + "Face": 32388, + "ĠFirearms": 32389, + "ĠEmmanuel": 32390, + "âĿ": 32391, + "Ġshocks": 32392, + "grab": 32393, + "Ġsplend": 32394, + "ĠHPV": 32395, + "abortion": 32396, + "Above": 32397, + "Entity": 32398, + "players": 32399, + "Ġcommenced": 32400, + "ulence": 32401, + "Ġfulfillment": 32402, + "Ġembodiments": 32403, + "ĠWelfare": 32404, + "Ġhail": 32405, + "Ġ<@": 32406, + "tten": 32407, + "Ġcatcher": 32408, + "ĠJazeera": 32409, + "Ġvolcano": 32410, + "Ġstabilize": 32411, + "ĠHandler": 32412, + "Ġintensified": 32413, + "ĠAbrams": 32414, + "Ġhumiliation": 32415, + "paced": 32416, + "605": 32417, + "ĠCentOS": 32418, + "Specific": 32419, + "Ġheed": 32420, + "ĠCAM": 32421, + "ĠGalile": 32422, + "Die": 32423, + "Ġabolished": 32424, + "ĠThomson": 32425, + "ĠTeachers": 32426, + "ĠWass": 32427, + "jong": 32428, + "ĠISBN": 32429, + "ĠAllies": 32430, + "shake": 32431, + "å·": 32432, + "vict": 32433, + "Howard": 32434, + "Ġdeem": 32435, + "Ġexceedingly": 32436, + "ĠSmartstocks": 32437, + "ibe": 32438, + "Ġdoorway": 32439, + "Ġcompeted": 32440, + "igmat": 32441, + "Ġnationalists": 32442, + "Ġgroom": 32443, + "ĠKeen": 32444, + "Ġdisposable": 32445, + "decl": 32446, + "ĠTolkien": 32447, + "ĠScheme": 32448, + "Ġbiod": 32449, + "Ġavid": 32450, + "ĠElon": 32451, + "agar": 32452, + "ĠTSA": 32453, + "Roman": 32454, + "Ġartificially": 32455, + "Ġadvisors": 32456, + "XL": 32457, + "ĠInferno": 32458, + "366": 32459, + "Ġtedious": 32460, + "ĠPhotography": 32461, + "ĠCarrie": 32462, + "Ġtrope": 32463, + "ĠSandra": 32464, + "Ġdecimal": 32465, + "Queen": 32466, + "ĠGundam": 32467, + "ĠOM": 32468, + "otech": 32469, + "NBA": 32470, + "Ġ1932": 32471, + "Ġentrenched": 32472, + "ĠMarion": 32473, + "Ġfraternity": 32474, + "Labour": 32475, + "Henry": 32476, + "Ġlatitude": 32477, + "Either": 32478, + "Ġenhances": 32479, + "ĠPotential": 32480, + "Ġshines": 32481, + "idad": 32482, + "Ġbreadth": 32483, + "Ġcapacities": 32484, + "ĠðŁĻĤ": 32485, + "ĠBronx": 32486, + "Ġsexes": 32487, + "Ġdifferentiation": 32488, + "Ġheavyweight": 32489, + "ĠTaj": 32490, + "dra": 32491, + "Ġmigrate": 32492, + "Ġexhaustion": 32493, + "ĠRUN": 32494, + "elsius": 32495, + "ĠCuomo": 32496, + "Ġguitars": 32497, + "Ġclones": 32498, + "ĠSomew": 32499, + "ĠPry": 32500, + "-------------": 32501, + "Ġwarranted": 32502, + "cycles": 32503, + "Ġsalvage": 32504, + "Ġdisks": 32505, + "RANT": 32506, + "ĠNGOs": 32507, + "ĠMartian": 32508, + "\":[{\"": 32509, + "Ġaddicts": 32510, + "ojure": 32511, + "illet": 32512, + "Ġamazingly": 32513, + "artments": 32514, + "pixel": 32515, + "ĠGPUs": 32516, + "Layout": 32517, + "è£": 32518, + "ĠTamil": 32519, + "ĠBasil": 32520, + "Ġimpartial": 32521, + "ĠStructure": 32522, + "fork": 32523, + "bryce": 32524, + "Ġridge": 32525, + "ĠHamburg": 32526, + "rious": 32527, + "Ġblitz": 32528, + "cigarettes": 32529, + "Ġcanned": 32530, + "402": 32531, + "Ġironically": 32532, + "Ġcompassionate": 32533, + "ĠHawkins": 32534, + ".#": 32535, + "ĠCathedral": 32536, + "Ġrallied": 32537, + "internal": 32538, + "Ġquota": 32539, + "stakes": 32540, + "TEXT": 32541, + "mom": 32542, + "Ġcompletes": 32543, + "Ġ238": 32544, + "Ġshrug": 32545, + "ãĥij": 32546, + "ĠNinth": 32547, + "Ġrevise": 32548, + "ĠProvider": 32549, + "Ġtreacher": 32550, + "Ġquasi": 32551, + "ĠPRES": 32552, + "Ġdeposition": 32553, + "Ġconfidentiality": 32554, + "issors": 32555, + "Ġimbalance": 32556, + "Ġspanning": 32557, + "Ġangular": 32558, + "ĠCul": 32559, + "communication": 32560, + "ĠNora": 32561, + "ĠGenius": 32562, + "opter": 32563, + "Ġsacked": 32564, + "Spot": 32565, + "Ġfinely": 32566, + "ĠCHR": 32567, + "282": 32568, + "waves": 32569, + "Palest": 32570, + "ĠRohing": 32571, + "NL": 32572, + "è¿": 32573, + "Ġshitty": 32574, + "ĠScalia": 32575, + "475": 32576, + "Progress": 32577, + "Ġreferencing": 32578, + "Ġclassrooms": 32579, + "abee": 32580, + "Ġsod": 32581, + "hesion": 32582, + "708": 32583, + "ĠZuckerberg": 32584, + "ĠFinish": 32585, + "ĠScotia": 32586, + "ĠSavior": 32587, + "ĠInstallation": 32588, + "antha": 32589, + "(-": 32590, + "Ġ302": 32591, + "ĠPunk": 32592, + "Ġcrater": 32593, + "youtu": 32594, + "Ġroast": 32595, + "Ġinfluencing": 32596, + "Ġdup": 32597, + "ĠJR": 32598, + "ĠGrav": 32599, + "Ġstature": 32600, + "Ġbathrooms": 32601, + "Aside": 32602, + "Wiki": 32603, + "mean": 32604, + "ĠZak": 32605, + "ĠOnes": 32606, + "ĠNath": 32607, + "Ġhypert": 32608, + "Ġcommencement": 32609, + "Civil": 32610, + "Ġmoderately": 32611, + "Ġdistributors": 32612, + "Ġbreastfeeding": 32613, + "Ġ980": 32614, + "ĠSik": 32615, + "ĠCig": 32616, + "ĠAMER": 32617, + "RIP": 32618, + "ĠCareer": 32619, + "usting": 32620, + "Ġmessed": 32621, + "Ġeh": 32622, + "ĠJensen": 32623, + "/$": 32624, + "Ġblackmail": 32625, + "Ġconversions": 32626, + "Ġscientifically": 32627, + "Ġmantra": 32628, + "paying": 32629, + "Ġivory": 32630, + "ĠCourts": 32631, + "OUGH": 32632, + "auntlet": 32633, + "Serial": 32634, + "Brow": 32635, + "ĠHundreds": 32636, + "323": 32637, + "Ġpee": 32638, + "Ġlinux": 32639, + "Ġsubmer": 32640, + "ĠPrincipal": 32641, + "485": 32642, + "ĠDSL": 32643, + "ĠCousins": 32644, + "Ġdoctrines": 32645, + "ĠAthletics": 32646, + "Ġ315": 32647, + "ĠKarma": 32648, + "Ġattent": 32649, + "urger": 32650, + "Ġprescribe": 32651, + "Ġencaps": 32652, + "ĠCame": 32653, + "Ġsecretive": 32654, + "ĠCrimes": 32655, + "dn": 32656, + "Clean": 32657, + "ĠEgyptians": 32658, + "ĠCarpenter": 32659, + "Ġll": 32660, + "Hum": 32661, + "ĠMilo": 32662, + "Ġcapitalists": 32663, + "Ġbriefed": 32664, + "Twe": 32665, + "ĠBasin": 32666, + "elvet": 32667, + "Mos": 32668, + "Ġplunge": 32669, + "ĠKaiser": 32670, + "ĠFuj": 32671, + "illin": 32672, + "Ġsafeguards": 32673, + "Ġoste": 32674, + "ĠOpportunity": 32675, + "ĠMafia": 32676, + "ĠCalling": 32677, + "apa": 32678, + "urban": 32679, + "brush": 32680, + "illard": 32681, + "cé": 32682, + "intelligence": 32683, + "ĠLob": 32684, + "ĠDruid": 32685, + "Ġsmoother": 32686, + "Ġfooting": 32687, + "Ġmotorists": 32688, + "arcity": 32689, + "Ġmasculinity": 32690, + "Ġmism": 32691, + "Ġabdominal": 32692, + "ĠTavern": 32693, + "ĠRoh": 32694, + "Ġescapes": 32695, + "signed": 32696, + "Anthony": 32697, + "Ġsacrificing": 32698, + "Ġintimacy": 32699, + "Ġanterior": 32700, + "ĠKod": 32701, + "Ġmotif": 32702, + "Ġgraz": 32703, + "Ġvisualization": 32704, + "Ġguitarist": 32705, + "ĠTrotsky": 32706, + "magic": 32707, + "Dar": 32708, + "ĠMori": 32709, + "Ġwards": 32710, + "Ġtoilets": 32711, + "lest": 32712, + "Ġteleport": 32713, + "ĠSundays": 32714, + "ĠPlat": 32715, + "ETS": 32716, + "ĠeSports": 32717, + "Patrick": 32718, + "ĠKatherine": 32719, + "enko": 32720, + "Ġhassle": 32721, + "ĠMick": 32722, + "ggles": 32723, + "Ġhob": 32724, + "aintain": 32725, + "Ġairborne": 32726, + "Ġspans": 32727, + "Ġchili": 32728, + "Ġaperture": 32729, + "Ġvolunteered": 32730, + "ĠIncident": 32731, + "ĠFres": 32732, + "ĠVeteran": 32733, + "aughtered": 32734, + "ingo": 32735, + "Ġuninsured": 32736, + "CLOSE": 32737, + "Ġfuse": 32738, + "Ġerotic": 32739, + "Ġadvertise": 32740, + "raising": 32741, + "Texture": 32742, + "Ġattends": 32743, + "ĠREAL": 32744, + "uddled": 32745, + "Ġsmoot": 32746, + "Ġ305": 32747, + "ĠWillis": 32748, + "Ġblond": 32749, + "Analysis": 32750, + "ĠVT": 32751, + "onica": 32752, + "Ġstronghold": 32753, + "RF": 32754, + "NM": 32755, + ".>>": 32756, + "Ġprosperous": 32757, + "Ġboasted": 32758, + "292": 32759, + "ĠManufacturing": 32760, + "PRESS": 32761, + "gren": 32762, + "Ġpharmacy": 32763, + "ĠRockefeller": 32764, + "kai": 32765, + "Ġthumbs": 32766, + "ĠHut": 32767, + "Ġmotherboard": 32768, + "Ġguardians": 32769, + "ĠAlter": 32770, + "llular": 32771, + "Ġshack": 32772, + "Ġwisely": 32773, + "Ġbackbone": 32774, + "erva": 32775, + "Ġsuicides": 32776, + "ĠMcGregor": 32777, + "ijah": 32778, + "Emer": 32779, + "ĠBrav": 32780, + "Ġdesignate": 32781, + "POST": 32782, + "produced": 32783, + "Ġcleansing": 32784, + "irlwind": 32785, + "existent": 32786, + "ĠHumph": 32787, + "ĠPayne": 32788, + "Ġvested": 32789, + "Å¡": 32790, + "Ġstringent": 32791, + "iona": 32792, + "Ġunsub": 32793, + "Ġsummed": 32794, + "ĠHercules": 32795, + "subject": 32796, + "ĠRagnar": 32797, + "ĠNos": 32798, + "Ġcharacterization": 32799, + "Ġsavvy": 32800, + "ĠDawson": 32801, + "ĠCasino": 32802, + "Ġfri": 32803, + "ĠBarrier": 32804, + "Ġmisinformation": 32805, + "Ġinsulation": 32806, + "Ġcorridors": 32807, + "Ġairplanes": 32808, + "ĠNoct": 32809, + "ahi": 32810, + "Ġ1916": 32811, + "kb": 32812, + "armac": 32813, + "Ġshun": 32814, + "Ġschema": 32815, + "Ġhorrified": 32816, + "Ġ239": 32817, + "aunders": 32818, + "NB": 32819, + "iates": 32820, + "erity": 32821, + "ĠShard": 32822, + "Ġrarity": 32823, + "Ġgrouped": 32824, + "ĠGhana": 32825, + "against": 32826, + "ĠBiological": 32827, + "ĠAware": 32828, + "owell": 32829, + "ÏĦ": 32830, + "ĠBeau": 32831, + "shaw": 32832, + "Hack": 32833, + "ĠJulius": 32834, + "USS": 32835, + "olson": 32836, + "auna": 32837, + "cru": 32838, + "ĠMaurice": 32839, + "ĠIk": 32840, + "Ġsequencing": 32841, + "Ġradicals": 32842, + "Ġ(?,": 32843, + "virtual": 32844, + "Ġanyways": 32845, + "Ġreperc": 32846, + "Ġhandlers": 32847, + "Ġhesitant": 32848, + "éĥ": 32849, + "ĠMF": 32850, + "plementation": 32851, + "associated": 32852, + "Ġcampaigned": 32853, + "ĠYue": 32854, + "utations": 32855, + "ĠYoga": 32856, + "Ġsimmer": 32857, + "Ġrods": 32858, + "Ġmelody": 32859, + "Ġconvoy": 32860, + "videos": 32861, + "Ġscreened": 32862, + "Neg": 32863, + "ochemical": 32864, + "Ġ())": 32865, + "Ġultras": 32866, + "Ġantip": 32867, + "ĠIslanders": 32868, + "704": 32869, + "Ġfetish": 32870, + "Ġridiculously": 32871, + "ĠKart": 32872, + "Ġmitochondrial": 32873, + "Ġinterfering": 32874, + "Builder": 32875, + "Ġoverfl": 32876, + "Ġacne": 32877, + "ĠMud": 32878, + "ĠKerr": 32879, + "flex": 32880, + "ĠPostal": 32881, + "ĠBaltic": 32882, + "477": 32883, + "ĠPersons": 32884, + "ourage": 32885, + "HB": 32886, + "ĠMuse": 32887, + "ĠImmortal": 32888, + "ĠDriving": 32889, + "Ġpetitions": 32890, + "Ġsubscript": 32891, + "Ġsorce": 32892, + "ĠProcessor": 32893, + "uton": 32894, + "Sony": 32895, + "Ġphon": 32896, + "Ġraced": 32897, + "ĠAnthrop": 32898, + "Ġdaytime": 32899, + "ĠExercise": 32900, + "Adding": 32901, + "Ġengages": 32902, + "ĠQualcomm": 32903, + "Ġmiracles": 32904, + "Ġmemes": 32905, + "ĠDrink": 32906, + "ĠOrioles": 32907, + "Ġhairs": 32908, + "ĠPolar": 32909, + "athom": 32910, + "Ġslippery": 32911, + "ĠRemy": 32912, + "Ġcaramel": 32913, + "ĠYEAR": 32914, + "Ġalk": 32915, + "Ign": 32916, + "aution": 32917, + "ĠMerlin": 32918, + "ĠCran": 32919, + "Ġapologies": 32920, + "Ġ410": 32921, + "Ġouting": 32922, + "ĠMemories": 32923, + "appointed": 32924, + "Ġcountered": 32925, + "uld": 32926, + "posing": 32927, + "Ġfirewall": 32928, + "ĠWast": 32929, + "ĠWet": 32930, + "worked": 32931, + "seller": 32932, + "Ġrepealed": 32933, + "ereo": 32934, + "assuming": 32935, + "BLIC": 32936, + "mite": 32937, + "ĠCEOs": 32938, + "ĠChapel": 32939, + "elligent": 32940, + "________________________": 32941, + "Dog": 32942, + "Ġwart": 32943, + "Ġsubscriber": 32944, + "sports": 32945, + "Ġbegged": 32946, + "ĠMV": 32947, + "Ġsemif": 32948, + "ethical": 32949, + "Ġpreach": 32950, + "Ġrevital": 32951, + "Ġpunitive": 32952, + "Ġshortcuts": 32953, + "Ġinstituted": 32954, + "ĠWarsaw": 32955, + "Ġabdomen": 32956, + "ĠKING": 32957, + "Ġsuperintendent": 32958, + "Ġfry": 32959, + "ĠGeo": 32960, + "TOR": 32961, + "Ġcontradictions": 32962, + "aptic": 32963, + "Ġlandscapes": 32964, + "bugs": 32965, + "Ġclust": 32966, + "Ġvolley": 32967, + "cribed": 32968, + "Ġtandem": 32969, + "Ġrobes": 32970, + "WHAT": 32971, + "Ġpromoter": 32972, + "Ġeloqu": 32973, + "reviewed": 32974, + "ĠDK": 32975, + "ĠPlato": 32976, + "Ġfps": 32977, + "Tank": 32978, + "ĠDerrick": 32979, + "Ġprioritize": 32980, + "asper": 32981, + "ĠHonduras": 32982, + "ĠCompleted": 32983, + "nec": 32984, + "Ġmog": 32985, + "nir": 32986, + "ĠMayo": 32987, + "DEF": 32988, + "stall": 32989, + "inness": 32990, + "ĠVolkswagen": 32991, + "Ġprecaution": 32992, + "ĠMell": 32993, + "iak": 32994, + "istries": 32995, + "Ġ248": 32996, + "Ġoverlapping": 32997, + "Senate": 32998, + "ĠEnhance": 32999, + "resy": 33000, + "racial": 33001, + "ORTS": 33002, + "ĠMormons": 33003, + "Strong": 33004, + "ĠCoch": 33005, + "Mexico": 33006, + "ĠMaduro": 33007, + "Ġjars": 33008, + "Ġcane": 33009, + "Wik": 33010, + "olla": 33011, + "ifference": 33012, + "Ġphysicist": 33013, + "ĠMaggie": 33014, + "Ġ285": 33015, + "Ġdepiction": 33016, + "ĠMcLaren": 33017, + "Ju": 33018, + "Ġslows": 33019, + "Ġcommissioners": 33020, + "ĠWillow": 33021, + "ĠExplos": 33022, + "hovah": 33023, + "Ġtechnician": 33024, + "Ġhomicides": 33025, + "ĠFlav": 33026, + "ĠTruman": 33027, + "Ġ10000": 33028, + "uctor": 33029, + "Ġshader": 33030, + "Newsletter": 33031, + "457": 33032, + "Ġrever": 33033, + "Ġhardened": 33034, + "Ġwhereabouts": 33035, + "Ġredevelop": 33036, + "Ġcarbs": 33037, + "Ġtravers": 33038, + "Ġsquirrel": 33039, + "Ġfollower": 33040, + "Ġsings": 33041, + "508": 33042, + "Ġrabbits": 33043, + "emonium": 33044, + "Ġdocumenting": 33045, + "Ġmisunderstood": 33046, + ")'": 33047, + "Rick": 33048, + "ggies": 33049, + "Ġpremie": 33050, + "Ġskating": 33051, + "Ġpassports": 33052, + "Ġfists": 33053, + "ageddon": 33054, + "Haw": 33055, + "ACP": 33056, + "080": 33057, + "ĠThoughts": 33058, + "ĠCarlson": 33059, + "Ġpriesthood": 33060, + "hua": 33061, + "Ġdungeons": 33062, + "ĠLoans": 33063, + "Ġantis": 33064, + "Ġfamiliarity": 33065, + "ĠSabb": 33066, + "opal": 33067, + "ĠInk": 33068, + "strike": 33069, + "Ġcram": 33070, + "Ġlegalized": 33071, + "Ġcuisine": 33072, + "Ġfibre": 33073, + "Travel": 33074, + "ĠMonument": 33075, + "ODY": 33076, + "ethy": 33077, + "Ġinterstate": 33078, + "ĠPUR": 33079, + "emporary": 33080, + "ĠArabian": 33081, + "developed": 33082, + "Ġsaddle": 33083, + "Ġgithub": 33084, + "ĠOffer": 33085, + "ĠISP": 33086, + "rolet": 33087, + "ĠSUPER": 33088, + "ĠDenis": 33089, + "Ġmultiplier": 33090, + "Ġstirred": 33091, + "Interestingly": 33092, + "Ġcustomary": 33093, + "Ġbilled": 33094, + "hex": 33095, + "Ġmultiplied": 33096, + "Ġflipping": 33097, + "ĠCrosby": 33098, + "Ġfundamentals": 33099, + "iae": 33100, + "ĠPlayed": 33101, + "ĠAtom": 33102, + "amazon": 33103, + "ĠFlam": 33104, + "eez": 33105, + "activated": 33106, + "Ġtablespoon": 33107, + "Ġliberalism": 33108, + "ĠPalin": 33109, + "ĠPatel": 33110, + "Num": 33111, + "ĠTAM": 33112, + "Ġsurn": 33113, + "ĠReloaded": 33114, + "Ġcoined": 33115, + "\"],": 33116, + "ĠClash": 33117, + "ĠAgu": 33118, + "Ġpragmatic": 33119, + "ĠActivate": 33120, + "Ġ802": 33121, + "Ġtrailers": 33122, + "Ġsilhou": 33123, + "Ġprobes": 33124, + "Ġcircus": 33125, + "ĠBain": 33126, + "ĠLindsay": 33127, + "ĠAbbey": 33128, + "Delivery": 33129, + "Ġconcession": 33130, + "Ġgastro": 33131, + "ĠSprite": 33132, + "ÄŁ": 33133, + "andel": 33134, + "Ġgimm": 33135, + "Ġautobi": 33136, + "ĠTurtle": 33137, + "Ġwonderfully": 33138, + "ĠHaram": 33139, + "ĠWorldwide": 33140, + "ĠHandle": 33141, + "Ġtheorists": 33142, + "Ġsleek": 33143, + "ĠZhu": 33144, + "ographically": 33145, + "EGA": 33146, + "ĠOwners": 33147, + "aths": 33148, + "ĠAntarctic": 33149, + "natal": 33150, + "=\"\"": 33151, + "flags": 33152, + "````": 33153, + "Ġsul": 33154, + "Kh": 33155, + "Ġpotassium": 33156, + "Ġlineman": 33157, + "Ġcereal": 33158, + "ĠSeasons": 33159, + "Ġ2022": 33160, + "Ġmathematic": 33161, + "Ġastronomers": 33162, + "professional": 33163, + "Ġfares": 33164, + "cknowled": 33165, + "Ġchi": 33166, + "Ġyoungsters": 33167, + "Ġmistakenly": 33168, + "Ġhemisphere": 33169, + "ĠDivinity": 33170, + "rone": 33171, + "Ġ\",": 33172, + "rings": 33173, + "Ġattracts": 33174, + "vana": 33175, + "å¹": 33176, + "CAP": 33177, + "Ġplaylist": 33178, + "Ġporch": 33179, + "ãģ£": 33180, + "Ġincorporates": 33181, + "Ġsoak": 33182, + "Ġasserting": 33183, + "ĠTerrorism": 33184, + "ĠPablo": 33185, + "Ja": 33186, + "cester": 33187, + "Ġfearing": 33188, + "ĠPrayer": 33189, + "Ġescalated": 33190, + "GW": 33191, + "Ġrobe": 33192, + "ĠBrighton": 33193, + "acists": 33194, + "ĠSymphony": 33195, + "ĠDwarf": 33196, + "ĠParade": 33197, + "ĠLego": 33198, + "Ġinexpl": 33199, + "Ġlords": 33200, + "leaf": 33201, + "RAG": 33202, + "liber": 33203, + "Ġcigars": 33204, + "ĠJehovah": 33205, + "606": 33206, + "WINDOWS": 33207, + "ĠLiberia": 33208, + "ebus": 33209, + "Heavy": 33210, + "Ġlubric": 33211, + "ĠRW": 33212, + "anguages": 33213, + "Ġnarrowed": 33214, + "computer": 33215, + "ĠEmber": 33216, + "Ġmurdering": 33217, + "Ġdownstream": 33218, + "ĠTuls": 33219, + "ĠTables": 33220, + "Topic": 33221, + "ĠAccuracy": 33222, + "=/": 33223, + "lost": 33224, + "ĠRei": 33225, + "Ġprogresses": 33226, + "bear": 33227, + "Ġestablishments": 33228, + "Justin": 33229, + "ĠPeach": 33230, + "ĠGomez": 33231, + "å¿": 33232, + "ĠTriangle": 33233, + "Ident": 33234, + "ĠHive": 33235, + "Resources": 33236, + "Ġmixes": 33237, + "ĠAssuming": 33238, + "Mu": 33239, + "Ġhypoc": 33240, + "Ġsane": 33241, + "ĠWan": 33242, + "idious": 33243, + "Success": 33244, + "Ġio": 33245, + "Angel": 33246, + "Ġdangerously": 33247, + "ĠCreature": 33248, + "WORK": 33249, + ":[": 33250, + "ĠKatrina": 33251, + "Listener": 33252, + "Miller": 33253, + "ĠIdlib": 33254, + "hang": 33255, + "Ġcircumvent": 33256, + "href": 33257, + "Ġcelestial": 33258, + "ĠWeeks": 33259, + "ĠPug": 33260, + "ĠDalton": 33261, + "Ġsubpoena": 33262, + "uku": 33263, + "Ġpersisted": 33264, + "pei": 33265, + "olding": 33266, + "ĠDocuments": 33267, + "ĠHast": 33268, + "ĠCENT": 33269, + "Ġprimer": 33270, + "Ġsynonymous": 33271, + "Ġnib": 33272, + "ombs": 33273, + "Ġnotation": 33274, + "ĠDish": 33275, + "ĠAtmosp": 33276, + "Ġforbid": 33277, + "ĠANG": 33278, + "pattern": 33279, + "los": 33280, + "Ġprojectiles": 33281, + "brown": 33282, + ".\",": 33283, + "ĠVenom": 33284, + "Ġfiercely": 33285, + "ublished": 33286, + "ĠUran": 33287, + "ĠNicarag": 33288, + "410": 33289, + "ĠCAL": 33290, + "OTOS": 33291, + "ĠMiracle": 33292, + "ĠEnchant": 33293, + "Ġguarding": 33294, + "append": 33295, + "Attach": 33296, + "Ġleveled": 33297, + "Ġcondoms": 33298, + "ihilation": 33299, + "649": 33300, + "Ġnightmares": 33301, + "ĠTHEY": 33302, + "ĠSTART": 33303, + "ĠKinn": 33304, + "Ġroommate": 33305, + "Ġhygiene": 33306, + "opping": 33307, + "Job": 33308, + "Ġlvl": 33309, + "ĠVER": 33310, + "ĠKeeping": 33311, + "abetic": 33312, + "Ġformatting": 33313, + "erala": 33314, + "Ġrevisions": 33315, + "Ġresurg": 33316, + "Tel": 33317, + "ĠGoodman": 33318, + "353": 33319, + "pod": 33320, + "Ġindisp": 33321, + "ĠTranslation": 33322, + "Ġgown": 33323, + "ĠMund": 33324, + "Ġcis": 33325, + "Ġbystand": 33326, + "collect": 33327, + "ĠPunjab": 33328, + "actively": 33329, + "ĠGamb": 33330, + "tell": 33331, + "Ġimporting": 33332, + "gencies": 33333, + "Ġlocom": 33334, + "ĠBrill": 33335, + "Holy": 33336, + "ĠBerger": 33337, + "Ġshowdown": 33338, + "Ġresponders": 33339, + "ILY": 33340, + "Ġtakedown": 33341, + "leted": 33342, + "Ġmattered": 33343, + "Ġpredictive": 33344, + "Ġoverlay": 33345, + "GPU": 33346, + "ĠVick": 33347, + "Ġconveyed": 33348, + "Tab": 33349, + "peer": 33350, + "Scan": 33351, + "Ġdefensively": 33352, + "vae": 33353, + "Ġapproving": 33354, + "Ġtiers": 33355, + "ĠVia": 33356, + "querade": 33357, + "ĠSaudis": 33358, + "Ġdemolished": 33359, + "ĠProphe": 33360, + "Ġmono": 33361, + "Ġhospitality": 33362, + "HAM": 33363, + "ĠAriel": 33364, + "MOD": 33365, + "ĠTorah": 33366, + "Ġblah": 33367, + "ĠBelarus": 33368, + "erential": 33369, + "ĠTuc": 33370, + "Ġbanker": 33371, + "397": 33372, + "Ġmosquit": 33373, + "ĠScientist": 33374, + "ĠMusical": 33375, + "Ġhust": 33376, + "Shift": 33377, + "Ġtorment": 33378, + "Ġstandoff": 33379, + "Educ": 33380, + "ĠFog": 33381, + "Ġamplifier": 33382, + "Shape": 33383, + "Instance": 33384, + "ĠCritics": 33385, + "Ġdaemon": 33386, + "Houston": 33387, + "Ġmattress": 33388, + "ĠIDF": 33389, + "Ġobscene": 33390, + "ĠAmer": 33391, + "hetti": 33392, + "Ġcompiling": 33393, + "352": 33394, + "verett": 33395, + "ĠReduction": 33396, + "istration": 33397, + "ĠBlessed": 33398, + "ĠBachelor": 33399, + "316": 33400, + "Ġprank": 33401, + "ĠVulcan": 33402, + "dding": 33403, + "Ġmourning": 33404, + "ĠQuint": 33405, + "ĠBlaster": 33406, + "testing": 33407, + "Ġsediment": 33408, + ">>>": 33409, + "ĠEternity": 33410, + "ĠWHERE": 33411, + "ĠMaze": 33412, + "Ġreacting": 33413, + "ĠAlv": 33414, + "omsday": 33415, + "ĠCRA": 33416, + "Ġtranslator": 33417, + "Ġbogus": 33418, + "atu": 33419, + "Website": 33420, + "olls": 33421, + "Ġbaptism": 33422, + "Ġsibling": 33423, + "ĠAutumn": 33424, + "vez": 33425, + "ãģ®é": 33426, + "guards": 33427, + "Georg": 33428, + "assadors": 33429, + "ĠFreud": 33430, + "Ġcontinents": 33431, + "ĠRegistry": 33432, + "Bernie": 33433, + "ĸļ士": 33434, + "Ġtolerant": 33435, + "ĠUW": 33436, + "Ġhorribly": 33437, + "995": 33438, + "ĠMIDI": 33439, + "Ġimpatient": 33440, + "ocado": 33441, + "eri": 33442, + "ĠWorst": 33443, + "ĠNorris": 33444, + "ĠTalking": 33445, + "Ġdefends": 33446, + "ensable": 33447, + "Ġ2021": 33448, + "Ġanatomy": 33449, + "Lew": 33450, + "Ġdrawer": 33451, + "ĠCanberra": 33452, + "Ġpatriotic": 33453, + "é¾įåĸļ士": 33454, + "ĠAvg": 33455, + "ARM": 33456, + "Ġundisclosed": 33457, + "Ġfarewell": 33458, + "459": 33459, + "bable": 33460, + "ĠAllison": 33461, + "OLOG": 33462, + "Ġconco": 33463, + "tight": 33464, + "ĠACPI": 33465, + "ĠMines": 33466, + "lich": 33467, + "ĠâĶľ": 33468, + "represented": 33469, + "200000": 33470, + "Ġenthusiast": 33471, + "OTS": 33472, + "bil": 33473, + "ĠIngredients": 33474, + "Ġinventor": 33475, + "ĠMySQL": 33476, + "³³³": 33477, + "ĠABOUT": 33478, + "within": 33479, + "Ġmk": 33480, + "Bul": 33481, + "ĠFake": 33482, + "Ġdraconian": 33483, + "Wa": 33484, + "helm": 33485, + "ĠTerran": 33486, + "erville": 33487, + "Ġcommonplace": 33488, + "SIZE": 33489, + "Ġ\"<": 33490, + "replace": 33491, + "ographs": 33492, + "ĠSELECT": 33493, + "incible": 33494, + "ĠMostly": 33495, + "ĠSheffield": 33496, + "ĠIDE": 33497, + "uggle": 33498, + "Ġcitations": 33499, + "hurst": 33500, + "ĠUnix": 33501, + "Ġunleash": 33502, + "ĠPiper": 33503, + "ĠNano": 33504, + "Ġsuccumb": 33505, + "Ġreluctance": 33506, + "Ġ2500": 33507, + "ĠMerchant": 33508, + "Ġwiret": 33509, + "Ġcombos": 33510, + "ĠBirthday": 33511, + "Ġcharcoal": 33512, + "ĠUPS": 33513, + "ĠFairfax": 33514, + "Ġdriveway": 33515, + "ĠTek": 33516, + "ĠPitch": 33517, + "overe": 33518, + "Ġtechnicians": 33519, + "ĠActual": 33520, + "flation": 33521, + "ĠFiscal": 33522, + "ĠEmpty": 33523, + "anamo": 33524, + "Ġmagnesium": 33525, + "Ġslut": 33526, + "Ġgrowers": 33527, + "Investigators": 33528, + "():": 33529, + "ĠSatellite": 33530, + "ĠKeynes": 33531, + "missive": 33532, + "lane": 33533, + "Ġborough": 33534, + "344": 33535, + "ĠTEAM": 33536, + "ĠBethesda": 33537, + "CV": 33538, + "hower": 33539, + "ĠRAD": 33540, + "Ġchant": 33541, + "ĠRiy": 33542, + "Ġcompositions": 33543, + "Ġmildly": 33544, + "Ġmeddling": 33545, + "Ġagility": 33546, + "aneers": 33547, + "501": 33548, + "Ġsynth": 33549, + "linger": 33550, + "291": 33551, + "Ġexclaimed": 33552, + "Party": 33553, + "Ġcontamin": 33554, + "ĠManor": 33555, + "ĠRespond": 33556, + "Ġpraising": 33557, + "Ġmanners": 33558, + "fleet": 33559, + "Summer": 33560, + "ĠLynd": 33561, + "ĠDefinitely": 33562, + "grim": 33563, + "Ġbowling": 33564, + "stri": 33565, + "çĽ": 33566, + "ynt": 33567, + "Ġmandates": 33568, + "DIV": 33569, + "Ġreconcile": 33570, + "views": 33571, + "ĠDamon": 33572, + "vette": 33573, + "Flo": 33574, + "ĠGreatest": 33575, + "ilon": 33576, + "icia": 33577, + "Ġportrayal": 33578, + "Ġcushion": 33579, + "504": 33580, + "1979": 33581, + "ossal": 33582, + "Applic": 33583, + "scription": 33584, + "Ġmitigation": 33585, + "ATS": 33586, + "pac": 33587, + "Ġerased": 33588, + "Ġdeficiencies": 33589, + "ĠHollande": 33590, + "ĠXu": 33591, + "Ġbred": 33592, + "Ġpregnancies": 33593, + "femin": 33594, + "Ġemph": 33595, + "Ġplanners": 33596, + "Ġoutper": 33597, + "uttering": 33598, + "Ġperpetrator": 33599, + "Ġmotto": 33600, + "ĠEllison": 33601, + "ĠNEVER": 33602, + "Ġadmittedly": 33603, + "ARI": 33604, + "ĠAzerbaijan": 33605, + "Ġmillisec": 33606, + "Ġcombustion": 33607, + "ĠBottle": 33608, + "ĠLund": 33609, + "ĠPs": 33610, + "ĠDress": 33611, + "Ġfabricated": 33612, + "Ġbattered": 33613, + "Ġsidel": 33614, + "ĠNotting": 33615, + "Foreign": 33616, + "ĠJerome": 33617, + "020": 33618, + "ĠArbit": 33619, + "Ġknots": 33620, + "ĠRIGHT": 33621, + "Moving": 33622, + "ãģĻ": 33623, + "Ġsurgeries": 33624, + "Ġcourthouse": 33625, + "Ġmastered": 33626, + "Ġhovering": 33627, + "ĠBran": 33628, + "ĠAlison": 33629, + "Ġsafest": 33630, + "military": 33631, + "Ġbullied": 33632, + "Ġbarrage": 33633, + "Reader": 33634, + "ESE": 33635, + "ĠGeographic": 33636, + "Tools": 33637, + "314": 33638, + "ĠGeek": 33639, + "roth": 33640, + "glers": 33641, + "ĠFIN": 33642, + "Ïģ": 33643, + "ĠAston": 33644, + "altern": 33645, + "488": 33646, + "Ġveterin": 33647, + "Gamer": 33648, + "Ġintel": 33649, + "renches": 33650, + "Shield": 33651, + "Ġamnesty": 33652, + "ĠBhar": 33653, + "Ġpiled": 33654, + "Ġhonorable": 33655, + "ĠInstitutes": 33656, + "Ġsoaked": 33657, + "Ġcoma": 33658, + "ĠEFF": 33659, + "341": 33660, + "bytes": 33661, + "ĠGmail": 33662, + "lein": 33663, + "ĠCanadiens": 33664, + "material": 33665, + "Il": 33666, + "Ġinstructors": 33667, + "ĠKY": 33668, + "Ġconceive": 33669, + "ubb": 33670, + "ĠPossible": 33671, + "Ġeasing": 33672, + "ĠChristina": 33673, + "Ġcaric": 33674, + "ĠHDR": 33675, + "ROM": 33676, + "Ġshovel": 33677, + "delete": 33678, + "Ġpuff": 33679, + "ĠChanging": 33680, + "Ġseamlessly": 33681, + "Attribute": 33682, + "Ġacquisitions": 33683, + "akery": 33684, + "ĠEF": 33685, + "Ġautistic": 33686, + "ĠTakes": 33687, + "ĠPowder": 33688, + "ĠStir": 33689, + "510": 33690, + "ĠBubble": 33691, + "settings": 33692, + "ĠFowler": 33693, + "Ġmustard": 33694, + "Ġmoreover": 33695, + "Ġcopyrighted": 33696, + "ĠLEDs": 33697, + "1500": 33698, + "æī": 33699, + "ĠHIS": 33700, + "enf": 33701, + "Ġcustod": 33702, + "ĠHuck": 33703, + "Gi": 33704, + "Ġimg": 33705, + "Answer": 33706, + "Ct": 33707, + "jay": 33708, + "ĠInfrastructure": 33709, + "Ġfederally": 33710, + "Loc": 33711, + "Ġmicrobes": 33712, + "Ġoverrun": 33713, + "dds": 33714, + "otent": 33715, + "adiator": 33716, + ">>>>>>>>": 33717, + "Ġtornado": 33718, + "Ġadjud": 33719, + "Ġintrigued": 33720, + "Ġsi": 33721, + "ĠRevelation": 33722, + "progress": 33723, + "Ġburglary": 33724, + "ĠSaiyan": 33725, + "ĠKathy": 33726, + "Ġserpent": 33727, + "ĠAndreas": 33728, + "Ġcompel": 33729, + "essler": 33730, + "ĠPlastic": 33731, + "ĠAdvent": 33732, + "ĠPositive": 33733, + "ĠQt": 33734, + "ĠHindus": 33735, + "registered": 33736, + "ularity": 33737, + "Ġrighteousness": 33738, + "Ġdemonic": 33739, + "uitive": 33740, + "ĠBDS": 33741, + "ĠGregg": 33742, + "cia": 33743, + "ĠCrusade": 33744, + "ĠSinai": 33745, + "WARE": 33746, + "+(": 33747, + "Ġmell": 33748, + "Ġderail": 33749, + "yards": 33750, + "Ast": 33751, + "Ġnoticeably": 33752, + "ĠOber": 33753, + "Ram": 33754, + "Ġunnoticed": 33755, + "Ġseq": 33756, + "avage": 33757, + "Ts": 33758, + "Ġ640": 33759, + "Ġconcede": 33760, + "Ġ])": 33761, + "Fill": 33762, + "Ġcaptivity": 33763, + "ĠImprovement": 33764, + "ĠCrusader": 33765, + "araoh": 33766, + "MAP": 33767, + "æĹ": 33768, + "Ġstride": 33769, + "always": 33770, + "Fly": 33771, + "Nit": 33772, + "Ġalgae": 33773, + "ĠCooking": 33774, + "ĠDoors": 33775, + "Malley": 33776, + "Ġpolicemen": 33777, + "ãģį": 33778, + "Ġastronaut": 33779, + "accessible": 33780, + "495": 33781, + "ĠRAW": 33782, + "cliffe": 33783, + "udicrous": 33784, + "Ġdepended": 33785, + "alach": 33786, + "Ġventures": 33787, + "rake": 33788, + "Ġtits": 33789, + "ĠHou": 33790, + "Ġcondom": 33791, + "ormonal": 33792, + "Ġindent": 33793, + "Ġuploading": 33794, + "Footnote": 33795, + "Important": 33796, + "Ġ271": 33797, + "Ġmindful": 33798, + "Ġcontends": 33799, + "Cra": 33800, + "Ġcalibr": 33801, + "ĠOECD": 33802, + "plugin": 33803, + "Fat": 33804, + "ĠISS": 33805, + "ĠDynamics": 33806, + "ansen": 33807, + "686": 33808, + "'),": 33809, + "Ġsprite": 33810, + "Ġhandheld": 33811, + "ĠHipp": 33812, + "=~=~": 33813, + "Trust": 33814, + "Ġsemantics": 33815, + "ĠBundes": 33816, + "ĠReno": 33817, + "ĠLiterature": 33818, + "sense": 33819, + "Gary": 33820, + "ĠAeg": 33821, + "ĠTrin": 33822, + "EEK": 33823, + "Ġcleric": 33824, + "ĠSSH": 33825, + "Ġchrist": 33826, + "Ġinvading": 33827, + "ibu": 33828, + "Ġenum": 33829, + "aura": 33830, + "Ġallege": 33831, + "ĠIncredible": 33832, + "BBC": 33833, + "Ġthru": 33834, + "Ġsailed": 33835, + "Ġemulate": 33836, + "Ġinsecurity": 33837, + "Ġcrou": 33838, + "Ġaccommodations": 33839, + "Ġincompetent": 33840, + "Ġslips": 33841, + "ĠEarthqu": 33842, + "sama": 33843, + "ILLE": 33844, + "ĠiPhones": 33845, + "asaki": 33846, + "Ġbye": 33847, + "Ġard": 33848, + "Ġextras": 33849, + "Ġslaughtered": 33850, + "Ġcrowdfunding": 33851, + "resso": 33852, + "Ġfilib": 33853, + "ĠERROR": 33854, + "ĠTLS": 33855, + "egg": 33856, + "ĠItal": 33857, + "Ġenlist": 33858, + "ĠCatalonia": 33859, + "ĠScots": 33860, + "Ġsergeant": 33861, + "Ġdissolve": 33862, + "NH": 33863, + "Ġstandings": 33864, + "rique": 33865, + "IQ": 33866, + "Ġbeneficiary": 33867, + "Ġaquarium": 33868, + "YouTube": 33869, + "ĠPowerShell": 33870, + "Ġbrightest": 33871, + "ĠWarrant": 33872, + "Sold": 33873, + "Writing": 33874, + "Ġbeginnings": 33875, + "ĠReserved": 33876, + "ĠLatinos": 33877, + "heading": 33878, + "Ġ440": 33879, + "Ġrooftop": 33880, + "ATING": 33881, + "Ġ390": 33882, + "VPN": 33883, + "Gs": 33884, + "kernel": 33885, + "turned": 33886, + "Ġpreferable": 33887, + "Ġturnovers": 33888, + "ĠHels": 33889, + "Sa": 33890, + "ĠShinji": 33891, + "veh": 33892, + "ĠMODULE": 33893, + "Viol": 33894, + "Ġexiting": 33895, + "Ġjab": 33896, + "ĠVanilla": 33897, + "Ġacron": 33898, + "ĠGap": 33899, + "bern": 33900, + "Ak": 33901, + "ĠMcGu": 33902, + "Ġendlessly": 33903, + "ĠFarage": 33904, + "ĠNoel": 33905, + "Va": 33906, + "MK": 33907, + "Ġbrute": 33908, + "ĠKru": 33909, + "ĠESV": 33910, + "ĠOlivia": 33911, + "âĢł": 33912, + "ĠKaf": 33913, + "Ġtrusting": 33914, + "Ġhots": 33915, + "324": 33916, + "Ġmalaria": 33917, + "Ġjson": 33918, + "Ġpounding": 33919, + "ortment": 33920, + "Country": 33921, + "Ġpostponed": 33922, + "Ġunequiv": 33923, + "?),": 33924, + "ĠRooney": 33925, + "udding": 33926, + "ĠLeap": 33927, + "urrence": 33928, + "shapeshifter": 33929, + "ĠHAS": 33930, + "osate": 33931, + "Ġcavern": 33932, + "Ġconservatism": 33933, + "ĠBAD": 33934, + "Ġmileage": 33935, + "Ġarresting": 33936, + "Vaults": 33937, + "Ġmixer": 33938, + "Democratic": 33939, + "ĠBenson": 33940, + "Ġauthored": 33941, + "8000": 33942, + "Ġproactive": 33943, + "ĠSpiritual": 33944, + "tre": 33945, + "Ġincarcerated": 33946, + "ĠSort": 33947, + "Ġpeaked": 33948, + "Ġwielding": 33949, + "reciation": 33950, + "×Ļ×": 33951, + "Patch": 33952, + "ĠEmmy": 33953, + "Ġexqu": 33954, + "tto": 33955, + "ĠRatio": 33956, + "ĠPicks": 33957, + "ĠGry": 33958, + "phant": 33959, + "Ġfret": 33960, + "Ġethn": 33961, + "Ġarchived": 33962, + "%-": 33963, + "cases": 33964, + "ĠBlaze": 33965, + "Ġimb": 33966, + "cv": 33967, + "yss": 33968, + "imony": 33969, + "Ġcountdown": 33970, + "Ġawakening": 33971, + "ĠTunisia": 33972, + "ĠRefer": 33973, + "ĠMJ": 33974, + "Ġunnatural": 33975, + "ĠCarnegie": 33976, + "izen": 33977, + "ĠNuggets": 33978, + "hess": 33979, + "Ġevils": 33980, + "647": 33981, + "Ġintroductory": 33982, + "loving": 33983, + "ĠMcMahon": 33984, + "Ġambiguity": 33985, + "Label": 33986, + "ĠAlmighty": 33987, + "Ġcoloring": 33988, + "ĠClaus": 33989, + "setting": 33990, + "NULL": 33991, + "ĠFavorite": 33992, + "ĠSIG": 33993, + ">(": 33994, + "ĠShiva": 33995, + "ĠMayer": 33996, + "Ġstormed": 33997, + "ĠCoverage": 33998, + "weapons": 33999, + "igham": 34000, + "Ġunanswered": 34001, + "Ġleve": 34002, + "Ġcoy": 34003, + "cas": 34004, + "bags": 34005, + "asured": 34006, + "Seattle": 34007, + "ĠSantorum": 34008, + "serious": 34009, + "Ġcourageous": 34010, + "ĠSoup": 34011, + "Ġconfiscated": 34012, + "Ġ///": 34013, + "Ġunconventional": 34014, + "Ġmoms": 34015, + "ĠRohingya": 34016, + "ĠOrchestra": 34017, + "ĠPotion": 34018, + "Ġdiscredit": 34019, + "ĠFIL": 34020, + "fixed": 34021, + "ĠDeer": 34022, + "doi": 34023, + "ĠDimension": 34024, + "Ġbureaucrats": 34025, + "eteen": 34026, + "ĠactionGroup": 34027, + "ohm": 34028, + "Ġbumps": 34029, + "ĠUtility": 34030, + "Ġsubmarines": 34031, + "renheit": 34032, + "research": 34033, + "ĠShapiro": 34034, + "Ġsketches": 34035, + "Ġdeceptive": 34036, + "ĠVil": 34037, + "esame": 34038, + "ĠEssentially": 34039, + "Ġrampage": 34040, + "isky": 34041, + "Ġmuttered": 34042, + "thritis": 34043, + "Ġ236": 34044, + "fet": 34045, + "bars": 34046, + "Ġpupil": 34047, + "ĠThou": 34048, + "oS": 34049, + "song": 34050, + "Ġfractured": 34051, + "Ġrevert": 34052, + "picture": 34053, + "Ġcriterion": 34054, + "usher": 34055, + "Ġrepercussions": 34056, + "ĠVintage": 34057, + "ĠSuperintendent": 34058, + "Officers": 34059, + "Ġflagged": 34060, + "Ġblames": 34061, + "Ġinverse": 34062, + "ographers": 34063, + "Ġmakeshift": 34064, + "Ġdevoid": 34065, + "Ġfossils": 34066, + "ĠAristotle": 34067, + "ĠFunds": 34068, + "Ġdepleted": 34069, + "ĠFlu": 34070, + "ĠYuan": 34071, + "Ġwoes": 34072, + "Ġlipid": 34073, + "Ġsitu": 34074, + "requisites": 34075, + "Ġfurnish": 34076, + "ĠSamar": 34077, + "Ġshameful": 34078, + "Ġadversely": 34079, + "Ġadept": 34080, + "Ġremorse": 34081, + "Ġmurderous": 34082, + "uckles": 34083, + "ĠESL": 34084, + "Ġ314": 34085, + "sent": 34086, + "Ġredef": 34087, + "ĠCache": 34088, + "ĠPurs": 34089, + "igans": 34090, + "Ġ460": 34091, + "Ġprescriptions": 34092, + "Ġfres": 34093, + "Fuck": 34094, + "ocrates": 34095, + "Twenty": 34096, + "ĠWeird": 34097, + "ĠToggle": 34098, + "ĠCalled": 34099, + "itizens": 34100, + "Ġpoultry": 34101, + "Ġharvesting": 34102, + "ãĤ¦ãĤ¹": 34103, + "Bottom": 34104, + "Ġcautioned": 34105, + "tn": 34106, + "396": 34107, + "ĠNikki": 34108, + "Ġevaluations": 34109, + "Ġharassing": 34110, + "Ġbindings": 34111, + "ĠMonetary": 34112, + "Ġhitters": 34113, + "Ġadversary": 34114, + "unts": 34115, + "Ġsetback": 34116, + "Ġencrypt": 34117, + "ĠCait": 34118, + "Ġlows": 34119, + "enges": 34120, + "ĠNorn": 34121, + "Ġbulbs": 34122, + "Ġbottled": 34123, + "ĠVoyager": 34124, + "317": 34125, + "Ġspheres": 34126, + "politics": 34127, + "Ġsubtract": 34128, + "Ġsensations": 34129, + "Ġappalling": 34130, + "Ġ316": 34131, + "Ġenvironmentally": 34132, + "ĠSTEM": 34133, + "Ġpublishes": 34134, + "560": 34135, + "Ġdiligence": 34136, + "484": 34137, + "Ġadvises": 34138, + "Ġpetrol": 34139, + "Ġimagining": 34140, + "Ġpatrols": 34141, + "ĠInteger": 34142, + "ĠAshes": 34143, + "actus": 34144, + "ĠRadiant": 34145, + "ĠLT": 34146, + "itability": 34147, + "htaking": 34148, + "Setting": 34149, + "Ġnuanced": 34150, + "ĠReef": 34151, + "ĠDevelopers": 34152, + "Ni": 34153, + "pieces": 34154, + "990": 34155, + "License": 34156, + "Ġlowers": 34157, + "ĠOttoman": 34158, + "327": 34159, + "ooo": 34160, + "Ġquitting": 34161, + "markets": 34162, + "Behind": 34163, + "Ġbasin": 34164, + "Ġdocs": 34165, + "anie": 34166, + "flash": 34167, + "ctl": 34168, + "Ġcivilized": 34169, + "ĠFukushima": 34170, + "\"],\"": 34171, + "ĠKS": 34172, + "ĠHonestly": 34173, + "arat": 34174, + "Ġconstructs": 34175, + "ĠLans": 34176, + "ĠDire": 34177, + "ĠLIKE": 34178, + "ĠTrouble": 34179, + "Ġwithholding": 34180, + "ĠOblivion": 34181, + "Ġsanity": 34182, + "anya": 34183, + "Const": 34184, + "Ġgrocer": 34185, + "ĠCelsius": 34186, + "Ġrecounted": 34187, + "ĠWife": 34188, + "Border": 34189, + "atered": 34190, + "happy": 34191, + "Ġspoiler": 34192, + "Ġlogically": 34193, + "Hall": 34194, + "Ġsucceeding": 34195, + "Ġpolymorph": 34196, + "Ġaxes": 34197, + "ĠShotgun": 34198, + "ĠSlim": 34199, + "ĠPrinciples": 34200, + "ĠLeth": 34201, + "arta": 34202, + "Ġscor": 34203, + "Screenshot": 34204, + "Ġrelaxation": 34205, + "#$#$": 34206, + "Ġdeterrent": 34207, + "iddy": 34208, + "Ġpowerless": 34209, + "Ġlesbians": 34210, + "Ġchords": 34211, + "ĠEdited": 34212, + "selected": 34213, + "Ġseparatists": 34214, + "0002": 34215, + "Ġairspace": 34216, + "Ġturnaround": 34217, + "Ġcunning": 34218, + "PATH": 34219, + "Poly": 34220, + "Ġbombed": 34221, + "Ġtion": 34222, + "xs": 34223, + "Ġwithhold": 34224, + "Ġwaged": 34225, + "ĠLiberties": 34226, + "Flag": 34227, + "Ġcomforting": 34228, + "454": 34229, + "ĠIris": 34230, + "arers": 34231, + "Ġrag": 34232, + "Ġrelocated": 34233, + "ĠGuarant": 34234, + "Ġstrategically": 34235, + "Ġgamma": 34236, + "uberty": 34237, + "ĠLockheed": 34238, + "gres": 34239, + "Ġgrilled": 34240, + "ĠLowe": 34241, + "stats": 34242, + "ĠRocks": 34243, + "Ġsensing": 34244, + "Ġrenting": 34245, + "ĠGeological": 34246, + "اØ": 34247, + "otrop": 34248, + "Ġsew": 34249, + "Ġimproperly": 34250, + "486": 34251, + "Ġâĸł": 34252, + "Ġstarving": 34253, + "ĠBj": 34254, + "Discussion": 34255, + "328": 34256, + "ĠCombo": 34257, + "ĠFixes": 34258, + "NAT": 34259, + "Ġstriving": 34260, + "thora": 34261, + "Ġharvested": 34262, + "ĠPing": 34263, + "Ġplayful": 34264, + "Ġavenues": 34265, + "Ġoccupational": 34266, + "Ġwakes": 34267, + "ĠCourier": 34268, + "Ġdrummer": 34269, + "ĠBrowser": 34270, + "ĠHouth": 34271, + "itu": 34272, + "Ġapparel": 34273, + "paste": 34274, + "Ġhunted": 34275, + "ĠSecondly": 34276, + "lain": 34277, + "XY": 34278, + "ĠPIN": 34279, + "icons": 34280, + "Ġcocktails": 34281, + "Ġsizable": 34282, + "Ġhurdles": 34283, + "estinal": 34284, + "ĠRecreation": 34285, + "Ġeco": 34286, + "648": 34287, + "ĠDied": 34288, + "mint": 34289, + "Ġfingerprints": 34290, + "Ġdispose": 34291, + "ĠBosnia": 34292, + "tsy": 34293, + "2200": 34294, + "Ġinspected": 34295, + "ĠFou": 34296, + "Ġfuss": 34297, + "Ġambush": 34298, + "ĠRak": 34299, + "Ġmanifested": 34300, + "Prosecut": 34301, + "Ġsuffice": 34302, + "rences": 34303, + "Ġcompensated": 34304, + "ĠCyrus": 34305, + "Ġgenus": 34306, + "ĠWolverine": 34307, + "ĠTrends": 34308, + "Ġhikes": 34309, + "ĠSeen": 34310, + "Ġenrol": 34311, + "Cold": 34312, + "Ġpolitely": 34313, + "ĠSlav": 34314, + "ĠRupert": 34315, + "Ġeyewitness": 34316, + "ĠAlto": 34317, + "Ġuncomp": 34318, + "Ġposterior": 34319, + "Must": 34320, + "ĠHerz": 34321, + "Ġprogressively": 34322, + "Ġ234": 34323, + "Ġindifference": 34324, + "ĠCunningham": 34325, + "Ġacademia": 34326, + "Ġsewer": 34327, + "Ġastounding": 34328, + "ĠAES": 34329, + "rather": 34330, + "Ġeldest": 34331, + "Ġclimbs": 34332, + "ĠAdds": 34333, + "Ġoutcry": 34334, + "Ġcontag": 34335, + "ĠHouses": 34336, + "Ġpept": 34337, + "ĠMelania": 34338, + "interested": 34339, + "ĠUCH": 34340, + "ĠRoots": 34341, + "ĠHubbard": 34342, + "ĠTBD": 34343, + "ĠRomanian": 34344, + "filename": 34345, + "Stone": 34346, + "ĠImpl": 34347, + "Ġchromosome": 34348, + "Cle": 34349, + "dx": 34350, + "Ġscrambled": 34351, + "ĠPt": 34352, + "Ġ242": 34353, + "OPLE": 34354, + "Ġtremendously": 34355, + "Street": 34356, + "Ġcraving": 34357, + "Ġbundled": 34358, + "ĠRG": 34359, + "pipe": 34360, + "Ġinjuring": 34361, + "Ġarcane": 34362, + "Particip": 34363, + "ĠHeroic": 34364, + "sty": 34365, + "Ġtopping": 34366, + "ĠTempest": 34367, + "rentices": 34368, + "bh": 34369, + "Ġparanoia": 34370, + "ĠUnicode": 34371, + "Ġegregious": 34372, + "Ġ\\'": 34373, + "ĠOswald": 34374, + "Ġgravel": 34375, + "ĠSimpsons": 34376, + "Ġbland": 34377, + "ĠGuantanamo": 34378, + "Writer": 34379, + "liners": 34380, + "ĠDice": 34381, + "JC": 34382, + "Ġparity": 34383, + "Ġsided": 34384, + "Ġ237": 34385, + "ĠPyrrha": 34386, + "atters": 34387, + "dk": 34388, + "Fine": 34389, + "compan": 34390, + "Ġformulated": 34391, + "ĠIdol": 34392, + "ilers": 34393, + "hemoth": 34394, + "ĠFav": 34395, + "Ġintrusion": 34396, + "Ġcarrots": 34397, + "ĠLayer": 34398, + "ĠHacker": 34399, + "Ġ----------------": 34400, + "Ġmoderation": 34401, + "éģ": 34402, + "ococ": 34403, + "Ġcharacterize": 34404, + "ĠTeresa": 34405, + "Ġsocioeconomic": 34406, + "Ġperk": 34407, + "ĠParticipation": 34408, + "training": 34409, + "ĠPaulo": 34410, + "phys": 34411, + "Ġtrustworthy": 34412, + "Ġembodied": 34413, + "ĠMerch": 34414, + "currency": 34415, + "ĠPriority": 34416, + "Ġteasing": 34417, + "Ġabsorbing": 34418, + "Ġunfinished": 34419, + "ĠComparison": 34420, + "Ġdisple": 34421, + "writers": 34422, + "Ġprofessions": 34423, + "ĠPenguin": 34424, + "Ġangrily": 34425, + "ĠLINK": 34426, + "688": 34427, + "ĠCorrespond": 34428, + "Ġprevailed": 34429, + "Ġcartel": 34430, + "lp": 34431, + "asms": 34432, + "ĠRedemption": 34433, + "ĠIslamists": 34434, + "effects": 34435, + "dose": 34436, + "ĠLatter": 34437, + "ĠHalifax": 34438, + "Ġvas": 34439, + "ĠTopics": 34440, + "ĠNamed": 34441, + "advertising": 34442, + "zza": 34443, + "ICES": 34444, + "Ġretarded": 34445, + "achable": 34446, + "ĠPuppet": 34447, + "ĠItemLevel": 34448, + "Ġretract": 34449, + "Ġidentifiable": 34450, + "Aaron": 34451, + "ĠBuster": 34452, + "sol": 34453, + "helle": 34454, + "assemb": 34455, + "Hope": 34456, + "ranged": 34457, + "Ba": 34458, + "ĠPurch": 34459, + "éĢ": 34460, + "ĠSiri": 34461, + "Ġarrivals": 34462, + "Ġ1912": 34463, + "Ġshortened": 34464, + "Ġ312": 34465, + "Ġdiscrepancy": 34466, + "ĠTemperature": 34467, + "ĠWalton": 34468, + "Ġkinderg": 34469, + "polit": 34470, + "Ġremix": 34471, + "Ġconnectors": 34472, + "ãĥĺãĥ©": 34473, + "ĠKazakhstan": 34474, + "dominated": 34475, + "Ġsugars": 34476, + "imble": 34477, + "ĠPanic": 34478, + "ĠDemand": 34479, + "ĠColony": 34480, + "onen": 34481, + "ĠMER": 34482, + "775": 34483, + "uria": 34484, + "azaar": 34485, + "ĠDegree": 34486, + "Pri": 34487, + "Ġsunshine": 34488, + "Ġ251": 34489, + "Ġpsychedelic": 34490, + "Ġdigitally": 34491, + "ĠBraun": 34492, + "Ġshimmer": 34493, + "Ġshave": 34494, + "ĠTelesc": 34495, + "ĠAstral": 34496, + "ĠVenezuelan": 34497, + "ĠOG": 34498, + "Ġcrawling": 34499, + "Integ": 34500, + "ĠFeather": 34501, + "Ġunfolding": 34502, + "Ġappropriation": 34503, + "Ġè£ıè": 34504, + "ĠMobility": 34505, + "ĠNey": 34506, + "-.": 34507, + "bilt": 34508, + "LIN": 34509, + "ĠTube": 34510, + "ĠConversely": 34511, + "Ġkeyboards": 34512, + "ĠCao": 34513, + "Ġoverth": 34514, + "Ġlaure": 34515, + ">>\\": 34516, + "ĠViper": 34517, + "acha": 34518, + "Offset": 34519, + "ĠRaleigh": 34520, + "ĠJae": 34521, + "Jordan": 34522, + "jp": 34523, + "Ġtotalitarian": 34524, + "Connector": 34525, + "Ġobserves": 34526, + "ĠSpartan": 34527, + "ĠImmediately": 34528, + "ĠScal": 34529, + "Cool": 34530, + "Ġtaps": 34531, + "Ġroar": 34532, + "Past": 34533, + "Ġchars": 34534, + "ĠBender": 34535, + "ĠSheldon": 34536, + "Ġpainter": 34537, + "Ġbeacon": 34538, + "ĠCreatures": 34539, + "Ġdownturn": 34540, + "Ġhinder": 34541, + "ĠAndromeda": 34542, + "ÃĽ": 34543, + "ccoli": 34544, + "ĠFitness": 34545, + "etrical": 34546, + "Ġutilizes": 34547, + "Ġsenate": 34548, + "Ġensemble": 34549, + "Ġcheers": 34550, + "TW": 34551, + "Ġaffluent": 34552, + "kil": 34553, + "rylic": 34554, + "ordering": 34555, + "Computer": 34556, + "Ġgruesome": 34557, + "ostics": 34558, + "ĠUbisoft": 34559, + "ĠKelley": 34560, + "Ġwrench": 34561, + "Ġbourgeoisie": 34562, + "IBLE": 34563, + "ĠPreston": 34564, + "worn": 34565, + "arist": 34566, + "reating": 34567, + "Ġstained": 34568, + "arine": 34569, + "Ġslime": 34570, + "ENN": 34571, + "Ġchests": 34572, + "Ġgroundwater": 34573, + "annot": 34574, + "ĠTray": 34575, + "ĠLocke": 34576, + "ĠCTR": 34577, + "Ġdudes": 34578, + "ĠExternal": 34579, + "ĠDecoder": 34580, + "Ġparamed": 34581, + "ĠMedline": 34582, + "809": 34583, + "ĠDinner": 34584, + "rupal": 34585, + "gz": 34586, + "ĠGum": 34587, + "ĠDemo": 34588, + "jee": 34589, + "Ġdh": 34590, + "berman": 34591, + "archs": 34592, + "Ġenqu": 34593, + "ĠEpstein": 34594, + "Ġdevastation": 34595, + "Ġfriendships": 34596, + "ĠArd": 34597, + "Ġ231": 34598, + "ĠRubin": 34599, + "ĠDistance": 34600, + "Ġspurred": 34601, + "Ġdossier": 34602, + "Ġoverlooking": 34603, + "\\\\\\\\\\\\\\\\\\\\\\\\\\\\\\\\": 34604, + "Forest": 34605, + "ĠComes": 34606, + "\\\",": 34607, + "ĠIranians": 34608, + "Ġfixtures": 34609, + "Laughs": 34610, + "Ġcurry": 34611, + "ĠKingston": 34612, + "Ġsquash": 34613, + "Ġcatalogue": 34614, + "Ġabnormalities": 34615, + "Ġdigestive": 34616, + ".........": 34617, + "Ġsubordinate": 34618, + "ogly": 34619, + "Ġ249": 34620, + "Middle": 34621, + "Ġmassac": 34622, + "Ġburgers": 34623, + "Ġdownstairs": 34624, + "Ġ1931": 34625, + "394": 34626, + "ĠVG": 34627, + "Ġlasers": 34628, + "ĠSikh": 34629, + "ĠAlexa": 34630, + "derived": 34631, + "Ġcyclist": 34632, + "ãģ®éŃĶ": 34633, + "oneliness": 34634, + "!!!!!!!!": 34635, + "Ġbuffs": 34636, + "legate": 34637, + "Ġraping": 34638, + "Ġrecommending": 34639, + "rored": 34640, + "Ġmulticultural": 34641, + "unique": 34642, + "Ġbusinessmen": 34643, + "Ġuneasy": 34644, + "ĠMAP": 34645, + "Ġdispersed": 34646, + "cipline": 34647, + "Jess": 34648, + "ĠKerala": 34649, + "å§": 34650, + "Ġabstraction": 34651, + "Surv": 34652, + "Uh": 34653, + "Ġprinters": 34654, + "ija": 34655, + "owder": 34656, + "Ġanalogous": 34657, + "ĠASP": 34658, + "afer": 34659, + "Ġunfolded": 34660, + "Ġleveling": 34661, + "Ġbreached": 34662, + "ĠHearing": 34663, + "Ġnat": 34664, + "Ġtranslating": 34665, + "critical": 34666, + "Ġantagonist": 34667, + "ĠYesterday": 34668, + "Ġfuzzy": 34669, + "wash": 34670, + "mere": 34671, + "Ġbewild": 34672, + "ĠMae": 34673, + "Virgin": 34674, + "phrase": 34675, + "Ġsignaled": 34676, + "ĠHIGH": 34677, + "Ġprotester": 34678, + "Ġgarner": 34679, + "unknown": 34680, + "Ġkay": 34681, + "Ġabducted": 34682, + "Ġstalking": 34683, + "amn": 34684, + "Ġdeserving": 34685, + "ĠRiv": 34686, + "ĠJorge": 34687, + "Ġscratching": 34688, + "ĠSaving": 34689, + "iping": 34690, + "Ġtease": 34691, + "Ġmissionary": 34692, + "ĠMorrow": 34693, + "TIME": 34694, + "Present": 34695, + "Ġchemotherapy": 34696, + "terness": 34697, + "ĠHomes": 34698, + "ĠPurdue": 34699, + "Ġstaunch": 34700, + "ĠWhitney": 34701, + "ĠTHERE": 34702, + "μ": 34703, + "iatus": 34704, + "ĠErnest": 34705, + "ĠDeploy": 34706, + "Ġcoveted": 34707, + "FML": 34708, + "ĠDialogue": 34709, + "Ġexited": 34710, + "fruit": 34711, + "Ġnerd": 34712, + "\":\"\",\"": 34713, + "Ġvivo": 34714, + "ruly": 34715, + "460": 34716, + "ĠAmen": 34717, + "rehensible": 34718, + "Ġâĺ": 34719, + "DIR": 34720, + "Ġadherence": 34721, + "Ġchew": 34722, + "ĠCoke": 34723, + "ĠSergei": 34724, + "digital": 34725, + "ĠNeck": 34726, + "gently": 34727, + "enthal": 34728, + "/)": 34729, + "Ġweary": 34730, + "Ġguise": 34731, + "ĠConcord": 34732, + "ĠOnion": 34733, + "atcher": 34734, + "Ġbinge": 34735, + "ĠDirective": 34736, + "Ġmanned": 34737, + "ansk": 34738, + "Ġillusions": 34739, + "Ġbillionaires": 34740, + "383": 34741, + "olyn": 34742, + "odynamic": 34743, + "ĠWheat": 34744, + "ĠAlic": 34745, + "Ġcoloured": 34746, + "ĠNAFTA": 34747, + "abo": 34748, + "Ġmacros": 34749, + "independent": 34750, + "sweet": 34751, + "Ġspac": 34752, + "ĠKabul": 34753, + "ĠÄ": 34754, + "eme": 34755, + "Ġdictated": 34756, + "Ġshouts": 34757, + "={": 34758, + "Ġripping": 34759, + "ĠShay": 34760, + "ĠCricket": 34761, + "directed": 34762, + "Ġanalysed": 34763, + "ĠWARRANT": 34764, + "agons": 34765, + "ĠBlazers": 34766, + "Ġcheered": 34767, + "Ġarithmetic": 34768, + "ĠTanz": 34769, + "373": 34770, + "ĠFlags": 34771, + "Ġ295": 34772, + "Ġwitches": 34773, + "ĠIncluded": 34774, + "ĠGained": 34775, + "ĠBlades": 34776, + "Gam": 34777, + "ĠSamantha": 34778, + "ĠAtlantis": 34779, + "ĠPratt": 34780, + "Ġspoiled": 34781, + "ĠIB": 34782, + "ĠRamirez": 34783, + "Probably": 34784, + "rero": 34785, + "ĠNg": 34786, + "ĠWarlock": 34787, + "tp": 34788, + "Ġoverhe": 34789, + "Ġadministrations": 34790, + "Ġtint": 34791, + "Ġregiment": 34792, + "Ġpistols": 34793, + "Ġblankets": 34794, + "Ġepist": 34795, + "Ġbowls": 34796, + "Ġhydraulic": 34797, + "Ġdean": 34798, + "Ġjung": 34799, + "Ġascend": 34800, + "705": 34801, + "ĠSantiago": 34802, + "î": 34803, + "Ġunavoid": 34804, + "ĠShaman": 34805, + "reb": 34806, + "Ġstemming": 34807, + "998": 34808, + "ĠMG": 34809, + "sticks": 34810, + "esthesia": 34811, + "ERO": 34812, + "Ġmorbid": 34813, + "ĠGrill": 34814, + "ĠPoe": 34815, + "anyl": 34816, + "Ġdeleting": 34817, + "ĠSurveillance": 34818, + "Ġdirectives": 34819, + "Ġiterations": 34820, + "ĠRox": 34821, + "ĠMilky": 34822, + "Father": 34823, + "Ġpatented": 34824, + "447": 34825, + "Ġprecursor": 34826, + "Ġmaiden": 34827, + "ĠPhen": 34828, + "ĠVegan": 34829, + "ĠPatent": 34830, + "Kelly": 34831, + "Redditor": 34832, + "Ġnods": 34833, + "Ġventilation": 34834, + "ĠSchwarz": 34835, + "Ġwizards": 34836, + "Ġominous": 34837, + "ĠHeads": 34838, + "ĠBG": 34839, + "Ġlumber": 34840, + "ĠSpiel": 34841, + "ĠisEnabled": 34842, + "Ġancestral": 34843, + "ĠShips": 34844, + "Ġwrestler": 34845, + "phi": 34846, + "Ġyuan": 34847, + "ĠRebellion": 34848, + "Ġiceberg": 34849, + "Ġmagically": 34850, + "Ġdiversion": 34851, + "arro": 34852, + "ythm": 34853, + "ĠRiders": 34854, + "ĠRobbie": 34855, + "ĠKara": 34856, + "ĠMaintenance": 34857, + "ĠHerb": 34858, + "Ġharms": 34859, + "packed": 34860, + "ĠFeinstein": 34861, + "Ġmarrying": 34862, + "Ġblending": 34863, + "ĠRates": 34864, + "Ġ1880": 34865, + "Ġwrink": 34866, + "ĠUnch": 34867, + "ĠTorch": 34868, + "described": 34869, + "Ġhumanoid": 34870, + "ilitating": 34871, + "ĠConv": 34872, + "ĠFeld": 34873, + "IGHTS": 34874, + "Ġwhistleblower": 34875, + "ortmund": 34876, + "etsy": 34877, + "arrett": 34878, + "ĠMono": 34879, + "ĠIke": 34880, + "ĠCNBC": 34881, + "ĠWAY": 34882, + "ĠMDMA": 34883, + "ĠIndividuals": 34884, + "Ġsupplemental": 34885, + "Ġpowerhouse": 34886, + "ĠStru": 34887, + "Focus": 34888, + "aphael": 34889, + "ĠColleg": 34890, + "atti": 34891, + "ZA": 34892, + "Ġperenn": 34893, + "ĠSignature": 34894, + "ĠRodney": 34895, + "Ġcubes": 34896, + "iddled": 34897, + "ĠDante": 34898, + "ĠINV": 34899, + "ilingual": 34900, + "ĠCth": 34901, + "Ġsofa": 34902, + "Ġintimidate": 34903, + "ĠRoe": 34904, + "ĠDiplom": 34905, + "ĠCountries": 34906, + "ayson": 34907, + "Ġextradition": 34908, + "Ġdisabling": 34909, + "ĠCardiff": 34910, + "Ġmemorandum": 34911, + "ĠTrace": 34912, + "Ġ???": 34913, + "sector": 34914, + "ĠRouhani": 34915, + "ĠYates": 34916, + "ĠFreeze": 34917, + "Ġbladder": 34918, + "Motor": 34919, + "ĠPromise": 34920, + "antasy": 34921, + "Ġforeseeable": 34922, + "ĠCologne": 34923, + "container": 34924, + "ĠTrees": 34925, + "ĠGors": 34926, + "ĠSinclair": 34927, + "Ġbarring": 34928, + "keye": 34929, + "Ġslashed": 34930, + "ĠStatistical": 34931, + "éĩ": 34932, + "Ġâĸº": 34933, + "Allows": 34934, + "Ġhumility": 34935, + "Ġdrilled": 34936, + "ĠFurn": 34937, + "443": 34938, + "Ġsewage": 34939, + "Ġhomepage": 34940, + "Ġcourtyard": 34941, + "Ġvile": 34942, + "Ġsubsidiaries": 34943, + "ajo": 34944, + "directory": 34945, + "Ġammon": 34946, + "Vers": 34947, + "charges": 34948, + "Ġ}}": 34949, + "ĠChains": 34950, + "Ġ246": 34951, + "nob": 34952, + "Ġpercept": 34953, + "Ġgrit": 34954, + "Ġfishermen": 34955, + "ĠIraqis": 34956, + "ĠDISTR": 34957, + "ĠFULL": 34958, + "ĠEvaluation": 34959, + "graph": 34960, + "atial": 34961, + "Ġcooperating": 34962, + "Ġmelan": 34963, + "Ġenlightened": 34964, + "Ġali": 34965, + "tailed": 34966, + "Ġsalute": 34967, + "Ġweakest": 34968, + "ĠBulldogs": 34969, + "UA": 34970, + "ĠAlloy": 34971, + "Ġsemen": 34972, + "ocene": 34973, + "ĠWilliamson": 34974, + "spr": 34975, + ",âĢĶ": 34976, + "ĠGF": 34977, + "ittens": 34978, + "Beat": 34979, + "ĠJunk": 34980, + "iphate": 34981, + "ĠFarmers": 34982, + "ĠBitcoins": 34983, + "igers": 34984, + "dh": 34985, + "ĠLoyal": 34986, + "payer": 34987, + "Ġentertained": 34988, + "Ġpenned": 34989, + "Ġcoupon": 34990, + "Queue": 34991, + "Ġweakening": 34992, + "carry": 34993, + "Ġunderestimate": 34994, + "Ġshootout": 34995, + "Ġcharismatic": 34996, + "ĠProcedure": 34997, + "Ġprudent": 34998, + "inances": 34999, + "Ġriches": 35000, + "Ġcortical": 35001, + "Ġstrides": 35002, + "Ġdrib": 35003, + "ĠOilers": 35004, + "540": 35005, + "ĠPerform": 35006, + "ĠBangkok": 35007, + "Ġeuth": 35008, + "SER": 35009, + "Ġsimplistic": 35010, + "tops": 35011, + "campaign": 35012, + "Quality": 35013, + "Ġimpoverished": 35014, + "ĠEisenhower": 35015, + "Ġaugment": 35016, + "ĠHarden": 35017, + "Ġintervened": 35018, + "Ġlistens": 35019, + "ĠKok": 35020, + "Ġsage": 35021, + "Ġrubbish": 35022, + "ĠDed": 35023, + "Ġmull": 35024, + "pelling": 35025, + "Ġvideot": 35026, + "Production": 35027, + "DJ": 35028, + "miah": 35029, + "Ġadaptations": 35030, + "Ġmedically": 35031, + "Ġboarded": 35032, + "Ġarrogance": 35033, + "Ġscrapped": 35034, + "Ġoppress": 35035, + "FORMATION": 35036, + "Ġjunction": 35037, + "415": 35038, + "EEEE": 35039, + "Skill": 35040, + "Ġsubdu": 35041, + "ĠSuggest": 35042, + "ĠPett": 35043, + "Ġlett": 35044, + "ĠManip": 35045, + "ĠCaf": 35046, + "ĠCooperation": 35047, + "Ther": 35048, + "Ġregained": 35049, + "¶æ": 35050, + "reflect": 35051, + "Ġthugs": 35052, + "ĠShelby": 35053, + "Ġdictates": 35054, + "ĠWeiner": 35055, + "ĠHale": 35056, + "Ġbattleground": 35057, + "schild": 35058, + "Ġcondol": 35059, + "hunt": 35060, + "ositories": 35061, + "Ġaccuses": 35062, + "Filename": 35063, + "Ġshri": 35064, + "Ġmotivate": 35065, + "Ġreflections": 35066, + "Null": 35067, + "ĠLobby": 35068, + "¥µ": 35069, + "ĠSATA": 35070, + "ĠBackup": 35071, + "Ñĥ": 35072, + "nin": 35073, + "ĠCorrection": 35074, + "Ġjuicy": 35075, + "utra": 35076, + "ĠPric": 35077, + "Ġrestraining": 35078, + "ĠAirbnb": 35079, + "ĠArrest": 35080, + "Ġappropriations": 35081, + "Ġslopes": 35082, + "Ġmanslaughter": 35083, + "Ġworkings": 35084, + "ĠHuss": 35085, + "ĠFrey": 35086, + "Leave": 35087, + "ĠHarmony": 35088, + "ĠFeder": 35089, + "Ġ430": 35090, + "Ġtrench": 35091, + "Ġgladly": 35092, + "Ġbullpen": 35093, + "ĠGau": 35094, + "bones": 35095, + "Ġgroove": 35096, + "Ġpretext": 35097, + "ãħĭ": 35098, + "Ġtransmitter": 35099, + "ĠComponent": 35100, + "Ġunderage": 35101, + "ĠEmpires": 35102, + "Tile": 35103, + "Ġoy": 35104, + "ĠMarvin": 35105, + "ĠCAS": 35106, + "Ġbloss": 35107, + "Ġreplicated": 35108, + "ĠMariners": 35109, + "Marcus": 35110, + "ĠBlocks": 35111, + "Ġliberated": 35112, + "Ġbutterfly": 35113, + "Feel": 35114, + "Ġfermentation": 35115, + "Ġyoutube": 35116, + "Ġoffend": 35117, + "ĠTerm": 35118, + "resist": 35119, + "Ġcessation": 35120, + "Ġinsurgency": 35121, + "Ġbir": 35122, + "ĠRaise": 35123, + "595": 35124, + "Ġhypotheses": 35125, + "502": 35126, + "Ġplaque": 35127, + "ocrat": 35128, + "Ġjackets": 35129, + "ĠHuffPost": 35130, + "among": 35131, + "Ġconfer": 35132, + "487": 35133, + "ĠLilly": 35134, + "Ġadapting": 35135, + "ĠFay": 35136, + "Ġshoved": 35137, + "vec": 35138, + "Ġrefine": 35139, + "Ġgon": 35140, + "Ġgunmen": 35141, + "zai": 35142, + "ĠShuttle": 35143, + "ĠIzan": 35144, + "Ġ1913": 35145, + "Ġplethora": 35146, + "··": 35147, + "Ġ510": 35148, + "Ġpuberty": 35149, + "Ġ241": 35150, + "ĠWealth": 35151, + "ĠAlma": 35152, + "ĠMEM": 35153, + "ĠAdults": 35154, + "Cas": 35155, + "prison": 35156, + "Race": 35157, + "Ġwaterproof": 35158, + "Ġathleticism": 35159, + "Ġcapitalize": 35160, + "ĠJuice": 35161, + "Ġilluminated": 35162, + "ĠPascal": 35163, + "Ġirritation": 35164, + "ĠWitnesses": 35165, + "adle": 35166, + "ĠAstro": 35167, + "Ġfax": 35168, + "ĠElvis": 35169, + "Primary": 35170, + "ĠLich": 35171, + "ĠElves": 35172, + "Ġresiding": 35173, + "Ġstumble": 35174, + "319": 35175, + "ĠPKK": 35176, + "Ġadversaries": 35177, + "DOS": 35178, + "ĠRitual": 35179, + "Ġsmear": 35180, + "Ġarson": 35181, + "idental": 35182, + "Ġscant": 35183, + "Ġmonarchy": 35184, + "Ġhalftime": 35185, + "Ġresidue": 35186, + "Ġindign": 35187, + "ĠShaun": 35188, + "ĠElm": 35189, + "auri": 35190, + "Aff": 35191, + "WATCH": 35192, + "ĠLyon": 35193, + "helps": 35194, + "361": 35195, + "Ġlobbyist": 35196, + "Ġdiminishing": 35197, + "Ġoutbreaks": 35198, + "Ġgoats": 35199, + "favorite": 35200, + "ĠNah": 35201, + "sonian": 35202, + "ĠBooster": 35203, + "Ġsandbox": 35204, + "ĠFare": 35205, + "ĠMalta": 35206, + "ĠattRot": 35207, + "ĠMOR": 35208, + "lde": 35209, + "Ġnavigating": 35210, + "Touch": 35211, + "Ġuntrue": 35212, + "ĠDisaster": 35213, + "Ġludicrous": 35214, + "Password": 35215, + "ĠJFK": 35216, + "blogspot": 35217, + "416": 35218, + "ĠUNDER": 35219, + "ernal": 35220, + "Ġdelaying": 35221, + "TOP": 35222, + "Ġimplants": 35223, + "ĠAVG": 35224, + "ĠHuge": 35225, + "attr": 35226, + "Ġjournalistic": 35227, + "ĠPeyton": 35228, + "ĠIA": 35229, + "Rap": 35230, + "goal": 35231, + "ĠProgramme": 35232, + "Ġsmashing": 35233, + "wives": 35234, + "println": 35235, + "ĠPlague": 35236, + "inus": 35237, + "EEP": 35238, + "Ġcruiser": 35239, + "ĠParish": 35240, + "uminium": 35241, + "Ġoccupants": 35242, + "ĠJihad": 35243, + "mop": 35244, + "Ġpint": 35245, + "Ġhect": 35246, + "ĠMecca": 35247, + "director": 35248, + "ĠFunding": 35249, + "ĠMixed": 35250, + "Ġstag": 35251, + "Tier": 35252, + "Ġgust": 35253, + "Ġbrightly": 35254, + "orsi": 35255, + "Ġuphill": 35256, + "RD": 35257, + "Ġlesions": 35258, + "ĠBundy": 35259, + "livious": 35260, + "Ġbiologist": 35261, + "ĠFaculty": 35262, + "ĠAuthorization": 35263, + "Ġ244": 35264, + "Allow": 35265, + "ï¸": 35266, + "ĠGiul": 35267, + "Ġpertinent": 35268, + "otaur": 35269, + "esse": 35270, + "ĠRoof": 35271, + "Ġunmanned": 35272, + "351": 35273, + "ĠShak": 35274, + "ĠOrient": 35275, + "Ġendanger": 35276, + "Dir": 35277, + "Ġreplen": 35278, + "edient": 35279, + "Ġtailor": 35280, + "Ġgadgets": 35281, + "Ġaudible": 35282, + "âĺĨ": 35283, + "Nice": 35284, + "Ġbombard": 35285, + "ĠRape": 35286, + "Ġdefiance": 35287, + "ĠTWO": 35288, + "ĠFilipino": 35289, + "Ġunaffected": 35290, + "ervatives": 35291, + "Ġsoared": 35292, + "ĠBolton": 35293, + "Ġcompromising": 35294, + "ĠBrewers": 35295, + "RAL": 35296, + "ĠAHL": 35297, + "icycle": 35298, + "Ġvampires": 35299, + "Ġdipped": 35300, + "oyer": 35301, + "ĠXIII": 35302, + "Ġsideways": 35303, + "ĠWaste": 35304, + "ĠDiss": 35305, + "ĠâĶľâĶĢâĶĢ": 35306, + "$.": 35307, + "Ġhabitats": 35308, + "ĠBeef": 35309, + "truth": 35310, + "trained": 35311, + "split": 35312, + "Rus": 35313, + "Andy": 35314, + "ĠBram": 35315, + "REP": 35316, + "pid": 35317, + "è£ħ": 35318, + "ĠMutant": 35319, + "Anim": 35320, + "ĠMarina": 35321, + "Ġfutile": 35322, + "highest": 35323, + "frequency": 35324, + "Ġepilepsy": 35325, + "Ġcoping": 35326, + "Ġconcise": 35327, + "Ġtracing": 35328, + "ĠSUN": 35329, + "panel": 35330, + "ĠSophie": 35331, + "ĠCrowley": 35332, + "ĠAdolf": 35333, + "ĠShooter": 35334, + "Ġshaky": 35335, + "ĠIG": 35336, + "ĠLies": 35337, + "ĠBarber": 35338, + "pkg": 35339, + "Ġuptake": 35340, + "Ġpredatory": 35341, + "ULTS": 35342, + "/**": 35343, + "Ġintoxicated": 35344, + "ĠWestbrook": 35345, + "odder": 35346, + "hement": 35347, + "Ġbaseman": 35348, + "APD": 35349, + "storage": 35350, + "ĠFifty": 35351, + "editor": 35352, + "GEN": 35353, + "UTION": 35354, + "irting": 35355, + "Ġsewing": 35356, + "rift": 35357, + "Ġagony": 35358, + "ĠSands": 35359, + "Ġ254": 35360, + "Cash": 35361, + "Ġlodge": 35362, + "Ġpunt": 35363, + "Natural": 35364, + "ĠIdeas": 35365, + "Ġerroneous": 35366, + "ĠSensor": 35367, + "ĠHannity": 35368, + "Ġ1921": 35369, + "Ġmould": 35370, + "ĠGon": 35371, + "kaya": 35372, + "Ġanonymously": 35373, + "ĠKEY": 35374, + "Ġsimulator": 35375, + "Winter": 35376, + "Ġstreamed": 35377, + "507": 35378, + "?\",": 35379, + "Ġteased": 35380, + "Ġcoefficient": 35381, + "Ġwartime": 35382, + "ĠTHR": 35383, + "''.": 35384, + "ĠBanking": 35385, + "mpire": 35386, + "Ġfandom": 35387, + "Ġlia": 35388, + "Ga": 35389, + "Ġdownhill": 35390, + "Ġinterpreting": 35391, + "Individual": 35392, + "Norm": 35393, + "Ġjealousy": 35394, + "bitcoin": 35395, + "Ġpleasures": 35396, + "ĠToys": 35397, + "ĠChevrolet": 35398, + "ĠAdvisor": 35399, + "IZE": 35400, + "Ġreceptions": 35401, + "706": 35402, + "Cro": 35403, + "Ġ262": 35404, + "Ġcitrus": 35405, + "iru": 35406, + "Reviewer": 35407, + "jected": 35408, + "UES": 35409, + "anz": 35410, + "1981": 35411, + "ĠWorker": 35412, + "Ġcomplied": 35413, + "orescent": 35414, + "continental": 35415, + "Ton": 35416, + "ĠPrism": 35417, + "ĠSheep": 35418, + "Ġ288": 35419, + "nox": 35420, + "ĠVog": 35421, + "Ord": 35422, + "Ġrealms": 35423, + "tek": 35424, + "Ġirrigation": 35425, + "Ġbicycles": 35426, + "Ġelectronically": 35427, + "poly": 35428, + "tall": 35429, + "());": 35430, + "Ġaesthetics": 35431, + "ĠIntegrated": 35432, + "Explore": 35433, + "Ġdunk": 35434, + "476": 35435, + "pain": 35436, + "ĠJacques": 35437, + "ĠDmit": 35438, + "Frames": 35439, + "Ġreunited": 35440, + "Ġhumid": 35441, + "Dro": 35442, + "Political": 35443, + "Ġyouthful": 35444, + "Ġentails": 35445, + "Ġmosquito": 35446, + "363": 35447, + "species": 35448, + "Ġcoordinating": 35449, + "ĠMayhem": 35450, + "ĠMagnus": 35451, + "Mount": 35452, + "Improved": 35453, + "ĠSTATE": 35454, + "ATTLE": 35455, + "Ġflowed": 35456, + "Ġtackled": 35457, + "Ġfashioned": 35458, + "Ġreorgan": 35459, + "ivari": 35460, + "finger": 35461, + "Ġreluctantly": 35462, + "etting": 35463, + "ĠVand": 35464, + "young": 35465, + "ĠGarland": 35466, + "Ġpresumption": 35467, + "Ġamenities": 35468, + "ĠPleasant": 35469, + "onential": 35470, + "ĠOxy": 35471, + "Ġmorals": 35472, + "ĠYah": 35473, + "Ready": 35474, + "Simon": 35475, + "Enh": 35476, + "Demon": 35477, + "Ġclich": 35478, + "Monitor": 35479, + "ĠDU": 35480, + "Ġwelcomes": 35481, + "Ġstandout": 35482, + "Ġdreadful": 35483, + "Ġbananas": 35484, + "Ġballoons": 35485, + "hooting": 35486, + "basic": 35487, + "Ġsuffix": 35488, + "Ġduly": 35489, + "cano": 35490, + "Chain": 35491, + "atos": 35492, + "Ġgeopolitical": 35493, + "Ġ(&": 35494, + "ĠGemini": 35495, + "ÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤ": 35496, + "Ġacquitted": 35497, + "Luck": 35498, + "protect": 35499, + "1024": 35500, + "Ġscarcity": 35501, + "Ġmindfulness": 35502, + "ecided": 35503, + "DN": 35504, + "prime": 35505, + "ĠPresidents": 35506, + "ĠVIDEO": 35507, + "Ġ(âĪĴ": 35508, + "addock": 35509, + "NOR": 35510, + "ĠPru": 35511, + "pun": 35512, + "ĠLOL": 35513, + "))))": 35514, + "ĠLiqu": 35515, + "ĠSAS": 35516, + "Ġstyling": 35517, + "Ġpunishments": 35518, + "Ġnumb": 35519, + "Ġascertain": 35520, + "ĠRockies": 35521, + "flu": 35522, + "Thumbnail": 35523, + "Ġperpetrated": 35524, + "ĠSemi": 35525, + "Ġdisarm": 35526, + "ĠOlder": 35527, + "ĠException": 35528, + "Ġexponentially": 35529, + "ĠCommunities": 35530, + "Ġabolish": 35531, + "ĠPartner": 35532, + "ptoms": 35533, + "Ġ777": 35534, + "ĠFoley": 35535, + "ĠCases": 35536, + "Ġgrease": 35537, + "ĠRebirth": 35538, + "Ground": 35539, + "Ġ;)": 35540, + "ĠDoctrine": 35541, + "ikini": 35542, + "Ye": 35543, + "ĠBlossom": 35544, + "Ġpersists": 35545, + "bill": 35546, + "Ġinfusion": 35547, + "Ġbuddies": 35548, + "911": 35549, + "ĠPatient": 35550, + "Ġdemos": 35551, + "Ġacquaintance": 35552, + "ĠPaw": 35553, + "atari": 35554, + "Ġxml": 35555, + "Ġfascination": 35556, + "ĠServe": 35557, + "ÏĤ": 35558, + "branded": 35559, + "Ġaz": 35560, + "Returns": 35561, + "Ġovershadow": 35562, + "Ġroam": 35563, + "Ġspeedy": 35564, + "numbered": 35565, + "helial": 35566, + "Ġdisciple": 35567, + "Ġassurances": 35568, + "given": 35569, + "pecting": 35570, + "ĠNatalie": 35571, + "çĶ°": 35572, + "Ġmosquitoes": 35573, + "rotein": 35574, + "Ġnumeric": 35575, + "Ġindependents": 35576, + "Ġtransitional": 35577, + "Ġreactionary": 35578, + "ĠMechdragon": 35579, + "doctor": 35580, + "Ġshortest": 35581, + "Ġsequential": 35582, + "ĠBac": 35583, + "ĠAccounts": 35584, + "ãģĮ": 35585, + "achy": 35586, + "ractive": 35587, + "ĠRegiment": 35588, + "Ġbreathtaking": 35589, + "fficiency": 35590, + "ĠBates": 35591, + "Ġ311": 35592, + "Ġwardrobe": 35593, + "fts": 35594, + "ĠBerk": 35595, + "Simply": 35596, + "ĠRiverside": 35597, + "ivering": 35598, + "idential": 35599, + "lucent": 35600, + "Ġenriched": 35601, + "ĠConver": 35602, + "ĠGiving": 35603, + "ãĥĻ": 35604, + "Ġlegalize": 35605, + "ĠFTC": 35606, + "Ġfreaking": 35607, + "Mix": 35608, + "Ġterrestrial": 35609, + "esian": 35610, + "cients": 35611, + "Wing": 35612, + "LOAD": 35613, + "Ġledge": 35614, + "ĠViolent": 35615, + "ĠMetall": 35616, + "Ġ308": 35617, + "Ġsoutheastern": 35618, + "hetto": 35619, + "Meat": 35620, + "Ġslowdown": 35621, + "Ġretreated": 35622, + "Jeremy": 35623, + "endas": 35624, + "*****": 35625, + "eric": 35626, + "Ġreins": 35627, + "oppable": 35628, + "ĠHumanity": 35629, + "earances": 35630, + "rigan": 35631, + "Camera": 35632, + "Ġwaivers": 35633, + "soc": 35634, + "Ġalteration": 35635, + "transform": 35636, + "ĠCemetery": 35637, + "506": 35638, + "Ġindefinite": 35639, + "Ġstimulating": 35640, + "yg": 35641, + "603": 35642, + "ĠSop": 35643, + "Ġdescriptive": 35644, + "Phase": 35645, + "ĠEdmund": 35646, + "Ġpneumonia": 35647, + "ventus": 35648, + "Amb": 35649, + "Ġlaboratories": 35650, + "ĠExclusive": 35651, + "ugar": 35652, + "Were": 35653, + "Ġmalfunction": 35654, + "Ġhomosexuals": 35655, + "Ġ-------": 35656, + "uni": 35657, + "Ġturbines": 35658, + "ĠEquity": 35659, + "Du": 35660, + "Ġminded": 35661, + "ĠRH": 35662, + "ĠBlackhawks": 35663, + "Ġfeats": 35664, + "Ġ1700": 35665, + "repl": 35666, + "362": 35667, + "laden": 35668, + "Ġindispensable": 35669, + "lyss": 35670, + "tti": 35671, + "Ġreel": 35672, + "Ġdiverted": 35673, + "Ġlikeness": 35674, + "Ġsubscriptions": 35675, + "Ġfingert": 35676, + "Ġfilthy": 35677, + "destruct": 35678, + "draft": 35679, + "ĠBernardino": 35680, + "launch": 35681, + "Ġperplex": 35682, + "ĠSUM": 35683, + "carb": 35684, + "Ġsweater": 35685, + "ĠVenture": 35686, + "ĠJag": 35687, + "ĠCeleb": 35688, + "ĠVoters": 35689, + "Ġsteadfast": 35690, + "Ġathletics": 35691, + "ĠHanson": 35692, + "ĠDrac": 35693, + "Tracker": 35694, + "Ġcommend": 35695, + "ĠPresidency": 35696, + "ĠDID": 35697, + "informed": 35698, + "Ġwebpage": 35699, + "Pretty": 35700, + "Ġforcefully": 35701, + "ãĥĥãĤ¯": 35702, + "Ġrelocation": 35703, + "Ġsatire": 35704, + "âī": 35705, + "ĠSunderland": 35706, + "æĦ": 35707, + "Voice": 35708, + "????????": 35709, + "Ġinformant": 35710, + "Ġbowel": 35711, + "ĠUniform": 35712, + "Ġ...\"": 35713, + "Ġpurge": 35714, + "Ġpicnic": 35715, + "ĠUmb": 35716, + "ĠUPDATE": 35717, + "ĠSapphire": 35718, + "ĠStall": 35719, + "learn": 35720, + "Ġobjectively": 35721, + "Ġobliter": 35722, + "Ġloophole": 35723, + "Ġjourneys": 35724, + "Ġomission": 35725, + "Pros": 35726, + "ĠSidney": 35727, + "ploma": 35728, + "Ġsprayed": 35729, + "Ġguru": 35730, + "Ġtraitor": 35731, + "Ġtimet": 35732, + "Ġsnapping": 35733, + "ĠSevent": 35734, + "urnal": 35735, + "ĠUkip": 35736, + "Ġbowed": 35737, + "poral": 35738, + "liberal": 35739, + "Ros": 35740, + "Questions": 35741, + "iOS": 35742, + "Ġsummarize": 35743, + "STAT": 35744, + "Ġ1850": 35745, + "apest": 35746, + "Ġlender": 35747, + "ĠVariable": 35748, + "bringing": 35749, + "ĠLORD": 35750, + ",)": 35751, + "Ġcollapses": 35752, + "xiety": 35753, + "ĠNed": 35754, + "YD": 35755, + "ĠScha": 35756, + "Ġantibody": 35757, + "Ġdisband": 35758, + "yre": 35759, + "illusion": 35760, + "Ġrover": 35761, + "shed": 35762, + "ĠHirosh": 35763, + "cci": 35764, + "Ġcalam": 35765, + "ĠMorton": 35766, + "Pinterest": 35767, + "Ġ1928": 35768, + "ĠEuras": 35769, + "ordes": 35770, + "Ġfences": 35771, + "ĠInventory": 35772, + "ĠValencia": 35773, + "ĠUd": 35774, + "ĠTiff": 35775, + "Ġsque": 35776, + "Ġquotation": 35777, + "Ġtroublesome": 35778, + "erker": 35779, + "QUEST": 35780, + "ĠKingdoms": 35781, + "south": 35782, + "Ġlevy": 35783, + "Prince": 35784, + "ĠSting": 35785, + "Ġnicknamed": 35786, + "Ġappe": 35787, + "Ġphotographic": 35788, + "Ġcorpus": 35789, + "reference": 35790, + "ĠTrog": 35791, + "Unt": 35792, + ")=(": 35793, + "ĠLatvia": 35794, + "Ġactivating": 35795, + "Ġlicensee": 35796, + "Ġdisparities": 35797, + "ĠNewsletter": 35798, + "ãĥĥãĥĪ": 35799, + "Ġfreeing": 35800, + "ĠJeep": 35801, + "ĠPerception": 35802, + "insk": 35803, + "Ġsilicone": 35804, + "ĠHayden": 35805, + "Lean": 35806, + "ĠSuzuki": 35807, + "ibrarian": 35808, + "668": 35809, + "Ġspor": 35810, + "Ġcorrelations": 35811, + "aghetti": 35812, + "Ġtuber": 35813, + "ĠIPCC": 35814, + "ilus": 35815, + "ĠVu": 35816, + "Ġwealthiest": 35817, + "ĠCarbuncle": 35818, + "anza": 35819, + "Ġfooled": 35820, + "ĠZur": 35821, + "Ġdaddy": 35822, + "rano": 35823, + "ilian": 35824, + "Ġknockout": 35825, + "fman": 35826, + "required": 35827, + "ĠWikileaks": 35828, + "ĠDuffy": 35829, + "ONT": 35830, + "Ġinsol": 35831, + "ĠObjects": 35832, + "Ġbou": 35833, + "ĠNordic": 35834, + "ĠInsert": 35835, + "scan": 35836, + "Ġdancers": 35837, + "Ġidiots": 35838, + "majority": 35839, + "ĠNeville": 35840, + "ĠFreeBSD": 35841, + "Ġtart": 35842, + "panic": 35843, + "690": 35844, + "Ġcocoa": 35845, + "Ġsampled": 35846, + "Ġlookup": 35847, + "Indust": 35848, + "Ġinjections": 35849, + "genre": 35850, + "Ġau": 35851, + "Ġroadway": 35852, + "Ġgenitals": 35853, + "Kind": 35854, + "ĠExaminer": 35855, + "ĠYaz": 35856, + "Fresh": 35857, + "Ġparalysis": 35858, + "ĠAluminum": 35859, + "Ġreap": 35860, + "oké": 35861, + "Ġsloppy": 35862, + "ĠTunnel": 35863, + "posium": 35864, + "nery": 35865, + "enic": 35866, + "Ġherbal": 35867, + "ĠOuter": 35868, + "ĠBuilder": 35869, + "Ġincur": 35870, + "Ġideologies": 35871, + "Ġbackups": 35872, + "consuming": 35873, + "ĠDetect": 35874, + "deck": 35875, + "ĠKNOW": 35876, + "ĠGret": 35877, + "ĠMIC": 35878, + "Ġtoughness": 35879, + "ĠExhibit": 35880, + "Ġhive": 35881, + "Les": 35882, + "ĠSCHOOL": 35883, + "ĠAtari": 35884, + "alde": 35885, + "ĠNull": 35886, + "andestine": 35887, + "mouse": 35888, + "Ġbrigade": 35889, + "489": 35890, + "Ġrevol": 35891, + "ĠLawson": 35892, + "ĠWah": 35893, + "opoly": 35894, + "ebted": 35895, + "ĠSaunders": 35896, + "Ġ313": 35897, + "ĠWinc": 35898, + "Ġtaboo": 35899, + "ĠHelmet": 35900, + "Ġwedge": 35901, + "chip": 35902, + "ĠTina": 35903, + "bg": 35904, + "Ġinfuri": 35905, + "rn": 35906, + "Ġanomalies": 35907, + "ĠSync": 35908, + "ĠExam": 35909, + "ĠCommit": 35910, + "ĠDiary": 35911, + "ĠALSO": 35912, + "ĠDebor": 35913, + "omedical": 35914, + "Ġcomprehension": 35915, + "655": 35916, + "Ġempowering": 35917, + "Ġire": 35918, + "Ġjuices": 35919, + "ĠETH": 35920, + "ĠBoxing": 35921, + "=\"/": 35922, + "Ġfacilitated": 35923, + "poke": 35924, + "ĠParsons": 35925, + "ĠModer": 35926, + "travel": 35927, + "Ġcivilizations": 35928, + "Ġlibertarians": 35929, + "Ġrune": 35930, + "ĠClarks": 35931, + "athed": 35932, + "Ġcampaigners": 35933, + "ĠDispatch": 35934, + "ĠFahrenheit": 35935, + "ĠCapcom": 35936, + "----------": 35937, + "Ġlace": 35938, + "Ġdraining": 35939, + "Ġliner": 35940, + "ĠArtificial": 35941, + "én": 35942, + "task": 35943, + "]).": 35944, + "ĠGMO": 35945, + "ĠOperator": 35946, + "ordinary": 35947, + "ĠInfluence": 35948, + "ĠUps": 35949, + "Ġpotency": 35950, + "ussen": 35951, + "ospons": 35952, + "ĠSwim": 35953, + "ĠDeadline": 35954, + "Unity": 35955, + "Ġculinary": 35956, + "Ġenlightenment": 35957, + "Ġwearer": 35958, + "Ġmined": 35959, + "Ġply": 35960, + "Ġincest": 35961, + "ĠDVDs": 35962, + "Walk": 35963, + "BTC": 35964, + "Trade": 35965, + "Ġdeval": 35966, + "iband": 35967, + "ĠOversight": 35968, + "Palestinian": 35969, + "Ġdart": 35970, + "Ġmul": 35971, + "LR": 35972, + "Ġremovable": 35973, + "ĠRealms": 35974, + "ìĿ": 35975, + "Ġmiscar": 35976, + "ĠVulkan": 35977, + "685": 35978, + "ère": 35979, + "ĠSap": 35980, + "Ġmerging": 35981, + "ĠCarly": 35982, + "chester": 35983, + "Ġbrisk": 35984, + "Ġluxurious": 35985, + "ĠGenerator": 35986, + "Ġbitterness": 35987, + "Ġedible": 35988, + "Ġ243": 35989, + "TG": 35990, + "Ġrectangle": 35991, + "WithNo": 35992, + "below": 35993, + "Jenn": 35994, + "Ġdarkest": 35995, + "Ġhitch": 35996, + "Ġdosage": 35997, + "Ġscaven": 35998, + "ĠKeller": 35999, + "ĠIllustrated": 36000, + "Certainly": 36001, + "ĠMavericks": 36002, + "Marginal": 36003, + "Ġdiarrhea": 36004, + "Ġenormously": 36005, + "Ġ999": 36006, + "shr": 36007, + "quart": 36008, + "Ġadamant": 36009, + "ĠMew": 36010, + "Ġrenovation": 36011, + "Ġcervical": 36012, + "ĠPercentage": 36013, + "eners": 36014, + "ĠKimber": 36015, + "Ġfloats": 36016, + "Ġdex": 36017, + "ĠWitcher": 36018, + "ĠSwansea": 36019, + "dm": 36020, + "Ġsalty": 36021, + "yellow": 36022, + "Ġcape": 36023, + "ĠDrain": 36024, + "ĠPaula": 36025, + "ĠToledo": 36026, + "lesi": 36027, + "Magazine": 36028, + "ĠWick": 36029, + "ĠMn": 36030, + "ĠAck": 36031, + "ĠRiding": 36032, + "ASON": 36033, + "Ġhomophobic": 36034, + "ARP": 36035, + "Ġwandered": 36036, + "CPU": 36037, + "oodoo": 36038, + "ĠPipe": 36039, + "Ġtightening": 36040, + "ĠButt": 36041, + "318": 36042, + "Ġdeserted": 36043, + "Session": 36044, + "Ġfacilitating": 36045, + "Jump": 36046, + "Ġemergencies": 36047, + "OWER": 36048, + "Ġexhaustive": 36049, + "ĠAFTER": 36050, + "Ġheartbeat": 36051, + "ĠLabel": 36052, + "acky": 36053, + "ĠCertified": 36054, + "iltration": 36055, + "Ze": 36056, + "ĠUtt": 36057, + "Ġ1300": 36058, + "Ġpresume": 36059, + "ĠDisp": 36060, + "Ġsurged": 36061, + "Ġdolls": 36062, + "Columb": 36063, + "Ġchimpan": 36064, + "ĠRazor": 36065, + "Ġticks": 36066, + "Ġcouncillor": 36067, + "Ġpilgrimage": 36068, + "ĠRebels": 36069, + "ĠQC": 36070, + "ĠAuction": 36071, + "xia": 36072, + "ikk": 36073, + "bred": 36074, + "Ġinsertion": 36075, + "Ġcoarse": 36076, + "dB": 36077, + "SEE": 36078, + "ĠZap": 36079, + "ĠFoo": 36080, + "Ġcontempor": 36081, + "ĠQuarterly": 36082, + "otions": 36083, + "ĠAlchemist": 36084, + "ĠTrey": 36085, + "ĠDuo": 36086, + "Sweet": 36087, + "804": 36088, + "ĠGiov": 36089, + "Ġfunn": 36090, + "Nin": 36091, + "hoff": 36092, + "Ġramifications": 36093, + "Ġ1922": 36094, + "ĠExperts": 36095, + "azes": 36096, + "Ġgarments": 36097, + "arial": 36098, + "ĠNab": 36099, + "Ġ257": 36100, + "ĠVed": 36101, + "Ġhumorous": 36102, + "ĠPompe": 36103, + "Ġnylon": 36104, + "Ġlurking": 36105, + "ĠSergey": 36106, + "ĠMattis": 36107, + "Ġmisogyny": 36108, + "ĠComponents": 36109, + "ĠWatching": 36110, + "ĠFolk": 36111, + "ractical": 36112, + "Bush": 36113, + "Ġtaped": 36114, + "Ġgrouping": 36115, + "Ġbeads": 36116, + "Ġ2048": 36117, + "Ġcondu": 36118, + "querque": 36119, + "Reading": 36120, + "Ġgrievances": 36121, + "Ultra": 36122, + "Ġendpoint": 36123, + "Hig": 36124, + "ĠStatic": 36125, + "ĠScarborough": 36126, + "Lua": 36127, + "ĠMessi": 36128, + "aqu": 36129, + "ĠPsyNet": 36130, + "ĠRudd": 36131, + "Ġavenue": 36132, + "vp": 36133, + "Jer": 36134, + "Ġshady": 36135, + "ĠResist": 36136, + "ĠArtemis": 36137, + "Ġcareless": 36138, + "Ġbrokers": 36139, + "Ġtemperament": 36140, + "Ġ520": 36141, + "Tags": 36142, + "ĠTurning": 36143, + "Ġuttered": 36144, + "Ġpedd": 36145, + "Ġimprovised": 36146, + "Ġ:(": 36147, + "Ġtabl": 36148, + "Ġplains": 36149, + "1600": 36150, + "pressure": 36151, + "ĠEssence": 36152, + "margin": 36153, + "friends": 36154, + "ĠRestoration": 36155, + "Ġpollut": 36156, + "ĠPoker": 36157, + "ĠAugustine": 36158, + "ĠCIS": 36159, + "ĠSEAL": 36160, + "orama": 36161, + "Ġthwart": 36162, + "seek": 36163, + "Ġpagan": 36164, + "º": 36165, + "cpu": 36166, + "Ġgarn": 36167, + "Ġassortment": 36168, + "ĠILCS": 36169, + "tower": 36170, + "Recommended": 36171, + "Ġunborn": 36172, + "ĠRandomRedditor": 36173, + "ĠRandomRedditorWithNo": 36174, + "Ġparalyzed": 36175, + "Ġeruption": 36176, + "Ġintersect": 36177, + "ĠStoke": 36178, + "ĠSco": 36179, + "Bind": 36180, + "å¾": 36181, + "ĠPNG": 36182, + "ĠNegative": 36183, + "ĠNOAA": 36184, + "Leon": 36185, + "Ġalloy": 36186, + "ĠLama": 36187, + "ĠDiversity": 36188, + "575": 36189, + "Ġunderestimated": 36190, + "ĠScor": 36191, + "Ġmural": 36192, + "Ġbusted": 36193, + "soon": 36194, + "lif": 36195, + "Ġnonex": 36196, + "Ġallergy": 36197, + "ĠUnderworld": 36198, + "ĠRays": 36199, + "ĠBlasio": 36200, + "Ġhrs": 36201, + "ĠDir": 36202, + "Ġ327": 36203, + "byter": 36204, + "Ġreplacements": 36205, + "Ġactivates": 36206, + "rived": 36207, + "MH": 36208, + "Ġpans": 36209, + "ĠHI": 36210, + "Ġlongitudinal": 36211, + "Ġnuisance": 36212, + "aler": 36213, + "Ġswell": 36214, + "ĠSigned": 36215, + "sci": 36216, + "ĠIsles": 36217, + "ĠAGA": 36218, + "Ġdefiant": 36219, + "Ġsonic": 36220, + "ocon": 36221, + "KC": 36222, + "ĠAim": 36223, + "tie": 36224, + "ahah": 36225, + "ĠmL": 36226, + "DX": 36227, + "Ġbisc": 36228, + "ĠBillboard": 36229, + "ĠSYSTEM": 36230, + "NEY": 36231, + "gaard": 36232, + "Ġdistressed": 36233, + "formerly": 36234, + "Alan": 36235, + "Ġchefs": 36236, + "Ġoptics": 36237, + "ĠComet": 36238, + "ĠAMC": 36239, + "Ġredesigned": 36240, + "irmation": 36241, + "Ġsightings": 36242, + "382": 36243, + "311": 36244, + "ĠWB": 36245, + "Ġcontraction": 36246, + "ĠTOTAL": 36247, + "Dual": 36248, + "Ġstartled": 36249, + "Ġunderstandably": 36250, + "Ġsunglasses": 36251, + "ETHOD": 36252, + "Ġdocker": 36253, + "Ġsurfing": 36254, + "ĠHEL": 36255, + "ĠSlack": 36256, + "tones": 36257, + "Ġshalt": 36258, + "Visual": 36259, + "498": 36260, + "Department": 36261, + "cussion": 36262, + "Ġunrestricted": 36263, + "Ġtad": 36264, + "Ġrename": 36265, + "employed": 36266, + "Ġeducating": 36267, + "Ġgrinned": 36268, + "bedroom": 36269, + "ĠActivities": 36270, + "ĠVelvet": 36271, + "ĠSWAT": 36272, + "Ġshuffle": 36273, + "igor": 36274, + "Ġsaturation": 36275, + "Finding": 36276, + "cream": 36277, + "icter": 36278, + "Ġvodka": 36279, + "tracking": 36280, + "tec": 36281, + "Ġforeground": 36282, + "iesta": 36283, + "Ġvehement": 36284, + "ĠECB": 36285, + "ĠTie": 36286, + "Ey": 36287, + "Ġturtles": 36288, + "ĠRailroad": 36289, + "ĠKatz": 36290, + "ĠFrames": 36291, + "Ġmenace": 36292, + "ĠFellowship": 36293, + "ĠEssential": 36294, + "uggish": 36295, + "Ġdrip": 36296, + "chwitz": 36297, + "ĠKyoto": 36298, + "sb": 36299, + "ĠNina": 36300, + "Parameter": 36301, + "Ġalarms": 36302, + "ĠClaud": 36303, + "Ġpioneering": 36304, + "Ġchiefly": 36305, + "ĠScream": 36306, + "Collection": 36307, + "Ġthankfully": 36308, + "ĠRonaldo": 36309, + "åŃIJ": 36310, + "strip": 36311, + "ĠDisneyland": 36312, + "commercial": 36313, + "Seeing": 36314, + "Soul": 36315, + "Ġevacuate": 36316, + "Ġciv": 36317, + "ĠAshe": 36318, + "Ġdivides": 36319, + "ĠDagger": 36320, + "rehensive": 36321, + "Ġberries": 36322, + "ĠDF": 36323, + "Ġsushi": 36324, + "Ġplurality": 36325, + "WI": 36326, + "Ġdisadvantaged": 36327, + "Ġbattalion": 36328, + "obiles": 36329, + "451": 36330, + "Ġcling": 36331, + "Ġundeniable": 36332, + "ĠLounge": 36333, + "Ġhaunt": 36334, + "phe": 36335, + "Ġquantify": 36336, + "Ġdiffered": 36337, + "Ġ[*]": 36338, + "ĠViz": 36339, + "cum": 36340, + "slave": 36341, + "Ġvideog": 36342, + "Ġquar": 36343, + "Ġbundles": 36344, + "ĠAlonso": 36345, + "tackle": 36346, + "Ġneuronal": 36347, + "Ġlandslide": 36348, + "confirmed": 36349, + "ĠDepth": 36350, + "Ġrenewables": 36351, + "Bear": 36352, + "ĠMacedonia": 36353, + "Ġjerseys": 36354, + "Ġbunk": 36355, + "ĠSpawn": 36356, + "ĠControls": 36357, + "ĠBuchanan": 36358, + "Ġrobotics": 36359, + "Ġemphasizing": 36360, + "ĠTutorial": 36361, + "hyp": 36362, + "iston": 36363, + "Ġmonumental": 36364, + "æ°": 36365, + "ĠCarry": 36366, + "Ġtbsp": 36367, + "enance": 36368, + "Hill": 36369, + "arthed": 36370, + "Ġrotten": 36371, + "Dean": 36372, + "Ġtwisting": 36373, + "Ġgoodwill": 36374, + "Ġimmersion": 36375, + "Living": 36376, + "Ġbrushes": 36377, + "ĠCGI": 36378, + "ĠAtk": 36379, + "traditional": 36380, + "Ġphantom": 36381, + "ĠStamina": 36382, + "Ġexpansions": 36383, + "ĠMarin": 36384, + "Ġembarked": 36385, + "ĠEg": 36386, + "intestinal": 36387, + "ĠPEOPLE": 36388, + "ĠBooth": 36389, + "ĠAppalach": 36390, + "Ġrelegated": 36391, + "VT": 36392, + "MIT": 36393, + "Ġmuster": 36394, + "Ġwithdrawing": 36395, + "Ġmicroscope": 36396, + "ĠGathering": 36397, + "ĠCrescent": 36398, + "ĠArgentine": 36399, + "ĠDecre": 36400, + "ĠDominic": 36401, + "Ġbuds": 36402, + "antage": 36403, + "ĠIon": 36404, + "Ġwidened": 36405, + "ONSORED": 36406, + "ĠGloves": 36407, + "iannopoulos": 36408, + "razen": 36409, + "feel": 36410, + "Ġrepayment": 36411, + "Ġhindsight": 36412, + "ĠREALLY": 36413, + "ĠPistol": 36414, + "ĠBrah": 36415, + "Ġwatts": 36416, + "Ġsurvives": 36417, + "Ġflurry": 36418, + "issy": 36419, + "Alert": 36420, + "ĠUruguay": 36421, + "Phoenix": 36422, + "Slow": 36423, + "ĠGrave": 36424, + "ĠFir": 36425, + "Ġmanageable": 36426, + "Ġtariff": 36427, + "ĠUDP": 36428, + "ĠPistons": 36429, + "ĠNigerian": 36430, + "Ġstrikeouts": 36431, + "Ġcosmetics": 36432, + "whelming": 36433, + "fab": 36434, + "cape": 36435, + "proxy": 36436, + "Ġrethink": 36437, + "Ġovercoming": 36438, + "simple": 36439, + "Ġwoo": 36440, + "Ġdistracting": 36441, + "ĠStanton": 36442, + "ĠTulsa": 36443, + "ĠDock": 36444, + "659": 36445, + "Ġdiscord": 36446, + "ĠEmacs": 36447, + "ĠVes": 36448, + "ĠROB": 36449, + "Ġreassuring": 36450, + "Ġconsortium": 36451, + "Muslims": 36452, + "321": 36453, + "Ġprompts": 36454, + "sei": 36455, + "ĠHitch": 36456, + "imposed": 36457, + "ĠFool": 36458, + "Ġindiscrim": 36459, + "wrong": 36460, + "buquerque": 36461, + "Davis": 36462, + "!]": 36463, + "Ġtimeless": 36464, + "ĠNEED": 36465, + "Ġpesticide": 36466, + "Ġrallying": 36467, + "ĠCalder": 36468, + "Ġå¤": 36469, + "Ġxp": 36470, + "ĠUnle": 36471, + "ĠExport": 36472, + "luaj": 36473, + "Buff": 36474, + ")[": 36937, + "Ġsqor": 36938, + "Saudi": 36939, + "Ġistg": 36940, + "Ġindulge": 36941, + "proc": 36942, + "Ġdisgusted": 36943, + "Ġcompounded": 36944, + "Ġnem": 36945, + "Ġschooling": 36946, + "ĠCure": 36947, + "processing": 36948, + "Sol": 36949, + "Ġproverb": 36950, + "itized": 36951, + "ĠAlvarez": 36952, + "Ġscarf": 36953, + "Ġrectangular": 36954, + "reve": 36955, + "Ġhormonal": 36956, + "ĠStress": 36957, + "itizen": 36958, + "Ġ425": 36959, + "girls": 36960, + "ĠNoir": 36961, + "ĠRapp": 36962, + "Ġmarches": 36963, + "church": 36964, + "ĠUses": 36965, + "Ġ405": 36966, + "ĠBerm": 36967, + "Ġordinances": 36968, + "ĠJudgment": 36969, + "Charges": 36970, + "ĠZin": 36971, + "Ġdusty": 36972, + "Ġstrawberries": 36973, + "Ġperce": 36974, + "ĠThur": 36975, + "ĠDeborah": 36976, + "netflix": 36977, + "ĠLambert": 36978, + "Ġamused": 36979, + "ĠGuang": 36980, + "YOU": 36981, + "RGB": 36982, + "ĠCCTV": 36983, + "Ġfiat": 36984, + "rang": 36985, + "Ġfederation": 36986, + "ĠMant": 36987, + "ĠBust": 36988, + "ĠMare": 36989, + "respective": 36990, + "ĠMigration": 36991, + "ĠBIT": 36992, + "590": 36993, + "Ġpatriotism": 36994, + "Ġoutlining": 36995, + "region": 36996, + "ĠJosé": 36997, + "Ġblasting": 36998, + "ĠEzra": 36999, + "Bs": 37000, + "Ġundermines": 37001, + "ĠSmooth": 37002, + "Ġclashed": 37003, + "radio": 37004, + "Ġtransitioning": 37005, + "ĠBuccaneers": 37006, + "ĠOwl": 37007, + "Ġplugs": 37008, + "Ġhiatus": 37009, + "ĠPinball": 37010, + "Ġmig": 37011, + "ĠNutr": 37012, + "ĠWolfe": 37013, + "Ġintegers": 37014, + "Ġorbits": 37015, + "ĠEdwin": 37016, + "ĠDirectX": 37017, + "bite": 37018, + "Ġblazing": 37019, + "vr": 37020, + "Edge": 37021, + "ĠPID": 37022, + "exit": 37023, + "ĠComed": 37024, + "ĠPathfinder": 37025, + "ĠGuid": 37026, + "ĠSigns": 37027, + "ĠZer": 37028, + "ĠAgenda": 37029, + "Ġreimbursement": 37030, + "Mesh": 37031, + "iPhone": 37032, + "ĠMarcos": 37033, + "ĠSites": 37034, + "hate": 37035, + "enburg": 37036, + "Ġsockets": 37037, + "pend": 37038, + "Batman": 37039, + "vir": 37040, + "ĠSHOW": 37041, + "Ġprovisional": 37042, + "conn": 37043, + "ĠDeaths": 37044, + "ATIVE": 37045, + "Profile": 37046, + "sym": 37047, + "JA": 37048, + "Ġninja": 37049, + "installed": 37050, + "idates": 37051, + "ebra": 37052, + "ĠOmaha": 37053, + "Ġseizing": 37054, + "ĠBeasts": 37055, + "Ġsalts": 37056, + "Mission": 37057, + "Generally": 37058, + "ĠTrilogy": 37059, + "heon": 37060, + "legates": 37061, + "Ġdime": 37062, + "Ġfaire": 37063, + "parable": 37064, + "Graph": 37065, + "Ġtotaling": 37066, + "Ġdiagrams": 37067, + "ĠYanuk": 37068, + "plet": 37069, + "ĠMeh": 37070, + "Ġmythical": 37071, + "ĠStephens": 37072, + "autical": 37073, + "ochemistry": 37074, + "Ġkilograms": 37075, + "Ġelbows": 37076, + "ancock": 37077, + "ĠBCE": 37078, + "ĠPrague": 37079, + "Ġimprov": 37080, + "ĠDevin": 37081, + "Ġ\"\\": 37082, + "paralle": 37083, + "Ġsupremacists": 37084, + "ĠBillion": 37085, + "Ġregimen": 37086, + "innacle": 37087, + "Ġrequisite": 37088, + "angan": 37089, + "ĠBurlington": 37090, + "ainment": 37091, + "ĠObjective": 37092, + "omsky": 37093, + "GV": 37094, + "Ġunilateral": 37095, + "Ġtc": 37096, + "Ġhires": 37097, + "mental": 37098, + "Ġinvoluntary": 37099, + "Ġtranspl": 37100, + "ĠASCII": 37101, + "¨": 37102, + "Events": 37103, + "Ġdoubted": 37104, + "ĠKaplan": 37105, + "ĠCourage": 37106, + "igon": 37107, + "ĠManaging": 37108, + "ĠTart": 37109, + "Ġfalsehood": 37110, + "ĠViolet": 37111, + "Ġairs": 37112, + "Ġfertilizer": 37113, + "Britain": 37114, + "Ġaquatic": 37115, + "ouf": 37116, + "Words": 37117, + "ĠHartford": 37118, + "Ġevenings": 37119, + "ĠVengeance": 37120, + "quite": 37121, + "Gall": 37122, + "ĠPret": 37123, + "Ġpdf": 37124, + "ĠLM": 37125, + "ĠSochi": 37126, + "ĠIntercept": 37127, + "920": 37128, + "Ġprofitability": 37129, + "ĠIdle": 37130, + "ĠMacDonald": 37131, + "ĠEstablishment": 37132, + "umsy": 37133, + "Ġgatherings": 37134, + "ĠNaj": 37135, + "Charlie": 37136, + "Ġascent": 37137, + "ĠProtector": 37138, + "Ġalgebra": 37139, + "Ġbios": 37140, + "forums": 37141, + "ELS": 37142, + "Introduced": 37143, + "Ġ335": 37144, + "Ġastronomy": 37145, + "Contribut": 37146, + "ĠPolic": 37147, + "Platform": 37148, + "Ġcontainment": 37149, + "wrap": 37150, + "Ġcoronary": 37151, + "ĠJelly": 37152, + "manager": 37153, + "Ġheartbreaking": 37154, + "cair": 37155, + "ĠChero": 37156, + "cgi": 37157, + "Medical": 37158, + "ĠAccountability": 37159, + "!!\"": 37160, + "ophile": 37161, + "Ġpsychotic": 37162, + "ĠRestrict": 37163, + "Ġequitable": 37164, + "issues": 37165, + "Ġ1905": 37166, + "ĠNek": 37167, + "cised": 37168, + "ĠTracking": 37169, + "Ġozone": 37170, + "Ġcooker": 37171, + "rosis": 37172, + "Ġreopen": 37173, + "Ġinfinity": 37174, + "ĠPharmaceutical": 37175, + "ensional": 37176, + "Attempt": 37177, + "ĠRory": 37178, + "Marco": 37179, + "Ġawaits": 37180, + "HOW": 37181, + "treated": 37182, + "Ġbolst": 37183, + "Ġrevered": 37184, + "Ġpods": 37185, + "oppers": 37186, + "0010": 37187, + "Ġamplitude": 37188, + "rican": 37189, + "SPONSORED": 37190, + "Ġtrousers": 37191, + "Ġhalves": 37192, + "ĠKaine": 37193, + "ĠCutler": 37194, + "ĠAUTH": 37195, + "Ġsplendid": 37196, + "Ġpreventive": 37197, + "ĠDudley": 37198, + "ifacts": 37199, + "uminati": 37200, + "ĠYin": 37201, + "Ġadmon": 37202, + "ĠVag": 37203, + "Ġinverted": 37204, + "Ġhastily": 37205, + "ĠHague": 37206, + "Lyn": 37207, + "Ġledger": 37208, + "Ġastronomical": 37209, + "getting": 37210, + "Ġcirca": 37211, + "ĠCic": 37212, + "ĠTennis": 37213, + "Limited": 37214, + "Ġdru": 37215, + "ĠBYU": 37216, + "Ġtravellers": 37217, + "Ġpane": 37218, + "ĠIntro": 37219, + "Ġpatiently": 37220, + "Ġaiding": 37221, + "Ġloos": 37222, + "ĠTough": 37223, + "Ġ293": 37224, + "Ġconsumes": 37225, + "SourceFile": 37226, + "Ġ\"\"\"": 37227, + "Ġbonding": 37228, + "Ġtilted": 37229, + "Ġmenstrual": 37230, + "ĠCelestial": 37231, + "ULAR": 37232, + "Plugin": 37233, + "Ġrisking": 37234, + "Naz": 37235, + "ĠRiyadh": 37236, + "Ġaccredited": 37237, + "Ġskirm": 37238, + "éĽ": 37239, + "Ġexaminer": 37240, + "Ġmessing": 37241, + "Ġnearing": 37242, + "ĠChern": 37243, + "ĠBeckham": 37244, + "Ġswapped": 37245, + "Ġgoose": 37246, + "Kay": 37247, + "Ġlofty": 37248, + "ĠWallet": 37249, + "Ġ['": 37250, + "Ġapocalypse": 37251, + "Ġbamboo": 37252, + "ĠSPACE": 37253, + "ĠElena": 37254, + "Ġ306": 37255, + "acons": 37256, + "Ġtightened": 37257, + "Ġadolescence": 37258, + "Ġrainy": 37259, + "Ġvandalism": 37260, + "ĠNewtown": 37261, + "Ġconject": 37262, + "cakes": 37263, + "Ġcheated": 37264, + "Ġmoderators": 37265, + "params": 37266, + "EFF": 37267, + "Ġdeceit": 37268, + "ĠSTL": 37269, + "ĠTanzania": 37270, + "ĠRI": 37271, + "Ġ1923": 37272, + "ĠExile": 37273, + "thel": 37274, + "Ġtheolog": 37275, + "Ġquirky": 37276, + "ĠIrvine": 37277, + "Ġneedy": 37278, + "oris": 37279, + "Um": 37280, + "Ka": 37281, + "Ġmailbox": 37282, + "322": 37283, + "Ġbos": 37284, + "ĠPetra": 37285, + "KING": 37286, + "Ġenlarged": 37287, + "Often": 37288, + "Ġbadass": 37289, + "Ġ343": 37290, + "ĠPlaces": 37291, + "ĠCAD": 37292, + "Ġpristine": 37293, + "Ġintervening": 37294, + "direction": 37295, + "Ġlaz": 37296, + "ĠDSM": 37297, + "Ġprojecting": 37298, + "ĠFunk": 37299, + "agog": 37300, + "payment": 37301, + "nov": 37302, + "Ġchatter": 37303, + "ARB": 37304, + "Ġexaminations": 37305, + "ĠHousehold": 37306, + "ĠGus": 37307, + "Ford": 37308, + "414": 37309, + "Boss": 37310, + "Ġmystic": 37311, + "Ġleaps": 37312, + "ĠBav": 37313, + "ulz": 37314, + "budget": 37315, + "Football": 37316, + "Ġsubsidized": 37317, + "Ġfirsthand": 37318, + "Ġcoincide": 37319, + "ocular": 37320, + "Conn": 37321, + "ĠCollabor": 37322, + "Ġfools": 37323, + "amura": 37324, + "ahar": 37325, + "rists": 37326, + "Ġswollen": 37327, + "Ġexpended": 37328, + "ĠPau": 37329, + "sup": 37330, + "Ġspar": 37331, + "Ġkeynote": 37332, + "suff": 37333, + "Ġunequal": 37334, + "Ġprogressing": 37335, + "strings": 37336, + "ĠGamergate": 37337, + "Disney": 37338, + "ĠEleven": 37339, + "omnia": 37340, + "Ġscripted": 37341, + "Ġearners": 37342, + "brother": 37343, + "ĠEnabled": 37344, + "æ³": 37345, + "Ġlarvae": 37346, + "ĠLOC": 37347, + "mess": 37348, + "Wilson": 37349, + "ĠTemplate": 37350, + "successfully": 37351, + "Ġparamount": 37352, + "Ġcamouflage": 37353, + "Ġbinds": 37354, + "ĠQuiet": 37355, + "ĠShutterstock": 37356, + "rush": 37357, + "Ġmascot": 37358, + "fortune": 37359, + "ĠColt": 37360, + "ĠBeyon": 37361, + "habi": 37362, + "Ġhairc": 37363, + "Ġ267": 37364, + "ĠDeus": 37365, + "Ġtwitch": 37366, + "Ġconcentrating": 37367, + "Ġnipples": 37368, + "cible": 37369, + "Ġgir": 37370, + "NZ": 37371, + "Math": 37372, + "nih": 37373, + "Required": 37374, + "Ġponder": 37375, + "ĠSAN": 37376, + "Ġweddings": 37377, + "Ġloneliness": 37378, + "NES": 37379, + "ĠMahjong": 37380, + "695": 37381, + "addle": 37382, + "ĠGarner": 37383, + "ĠCOUR": 37384, + "Bridge": 37385, + "Ġspree": 37386, + "ĠCaldwell": 37387, + "Ġbribery": 37388, + "Ġ��������": 37389, + "plugins": 37390, + "Ġracket": 37391, + "Ġchampagne": 37392, + "versible": 37393, + "Vote": 37394, + "Ġmodifiers": 37395, + "Mayor": 37396, + "680": 37397, + "Ġassemblies": 37398, + "ĠSultan": 37399, + "ĠNing": 37400, + "ĠLadies": 37401, + "Ġsulfur": 37402, + "Ġorbs": 37403, + "Ġ-----": 37404, + "_______": 37405, + "ĠJournalism": 37406, + "Ġesports": 37407, + "Ġlush": 37408, + "Ġhue": 37409, + "Ġspectral": 37410, + "Honest": 37411, + "ãĥı": 37412, + "Ġbushes": 37413, + "Ġreinforcement": 37414, + "Ġreopened": 37415, + "ĠWheels": 37416, + "ĠMorg": 37417, + "rieving": 37418, + "Ġauxiliary": 37419, + "ĠjQuery": 37420, + "ĠBAT": 37421, + "tesque": 37422, + "Ġvertex": 37423, + "pure": 37424, + "frey": 37425, + "ãĤº": 37426, + "dos": 37427, + "Ġtyph": 37428, + "Ġcull": 37429, + "Ġeq": 37430, + "Ġdecon": 37431, + "Ġtossing": 37432, + "Ġdisparate": 37433, + "ĠBrigham": 37434, + "printf": 37435, + "ledged": 37436, + "Ġsund": 37437, + "Ġcozy": 37438, + "Ġhepatitis": 37439, + "performing": 37440, + "Ġaval": 37441, + "ĠGG": 37442, + "future": 37443, + "Ġpetertodd": 37444, + "ĠKosovo": 37445, + "Ġmagnets": 37446, + "Already": 37447, + "ĠEdison": 37448, + "ĠCeres": 37449, + "ĠRAID": 37450, + "Ġbrilliance": 37451, + "576": 37452, + "Ġderives": 37453, + "Ġhypertension": 37454, + "ĠÎĶ": 37455, + "Ġlambda": 37456, + "Ġflair": 37457, + "Ġmissionaries": 37458, + "Ġrapes": 37459, + "ĠStarter": 37460, + "ĠMonths": 37461, + "Ġdefy": 37462, + "Ġseismic": 37463, + "ĠRaphael": 37464, + "Ġeurozone": 37465, + "656": 37466, + "zsche": 37467, + "Ġscratched": 37468, + "Ġbows": 37469, + "ĠLennon": 37470, + "ĠGaia": 37471, + "Ġdripping": 37472, + "facts": 37473, + "Ale": 37474, + "Ġfrogs": 37475, + "ĠBreast": 37476, + "ogeneity": 37477, + "ĠProsecutor": 37478, + "Ġamplified": 37479, + "ĠHodg": 37480, + "ĠFn": 37481, + "Thousands": 37482, + "ĠNIH": 37483, + "ĠMonitoring": 37484, + "FTWARE": 37485, + "ĠPriebus": 37486, + "ĠGrowing": 37487, + "hunter": 37488, + "Ġdiagnose": 37489, + "ĠMald": 37490, + "ĠLR": 37491, + "Ġcrowned": 37492, + "Ġbursting": 37493, + "Ġdissolution": 37494, + "javascript": 37495, + "Ġusefulness": 37496, + "ĠExecution": 37497, + ":(": 37498, + "ĠIvory": 37499, + "aah": 37500, + "Ġpersecuted": 37501, + "violence": 37502, + "istas": 37503, + "ĠCrate": 37504, + "Ġimpulses": 37505, + "ĠSpani": 37506, + "edes": 37507, + "Handle": 37508, + "ĠZerg": 37509, + "thinkable": 37510, + "Lastly": 37511, + "Ġspontaneously": 37512, + "Ġinconvenient": 37513, + "Ġdismissing": 37514, + "Ġplotted": 37515, + "Ġeighty": 37516, + "Ġ737": 37517, + "rish": 37518, + "ĠThornton": 37519, + "atham": 37520, + "Ġsitcom": 37521, + "Ven": 37522, + "Recipe": 37523, + "tel": 37524, + "lund": 37525, + "Ġclears": 37526, + "ĠSasuke": 37527, + "Ġ258": 37528, + "Ġopting": 37529, + "Ġenraged": 37530, + "esthetic": 37531, + "ĠAe": 37532, + "uchs": 37533, + "Prep": 37534, + "Flow": 37535, + "Ġrunoff": 37536, + "ĠEating": 37537, + "ĠGiles": 37538, + "ĠActing": 37539, + "resources": 37540, + "ibaba": 37541, + "Ġrpm": 37542, + "Ġskewed": 37543, + "ĠBlanc": 37544, + "ĠSakuya": 37545, + "Ġhotter": 37546, + "Ġ1924": 37547, + "opian": 37548, + "cko": 37549, + "Ġcrumbling": 37550, + "Ġcaptains": 37551, + "ĠAppropriations": 37552, + "leaders": 37553, + "dropping": 37554, + "anuts": 37555, + "Ġreversing": 37556, + "ĠPose": 37557, + "ĠSek": 37558, + "Scot": 37559, + "ĠIdea": 37560, + "cise": 37561, + "ĠSlovenia": 37562, + "Ġ317": 37563, + "Doctor": 37564, + "Ġcrocod": 37565, + "aldi": 37566, + "Sea": 37567, + "ĠFarrell": 37568, + "Ġmercenaries": 37569, + "ĠRNC": 37570, + "ĠGuess": 37571, + "Ġpacing": 37572, + "Machine": 37573, + "StreamerBot": 37574, + "ĠCharity": 37575, + "Ġ298": 37576, + "Ġcannons": 37577, + "ĠToby": 37578, + "TPPStreamerBot": 37579, + "ĠPassion": 37580, + "cfg": 37581, + "Thom": 37582, + "Ġbadges": 37583, + "ĠBernstein": 37584, + ".âĢĵ": 37585, + "ĠPOP": 37586, + "ĠConj": 37587, + "Ġinitialization": 37588, + "Ġbiodiversity": 37589, + "Dub": 37590, + "Ġfeudal": 37591, + "Ġdisclaimer": 37592, + "Ġcrow": 37593, + "Ġignition": 37594, + "arf": 37595, + "SHA": 37596, + "ĠkHz": 37597, + "hazard": 37598, + "ĠArtists": 37599, + "oeuv": 37600, + "679": 37601, + "ĠRudy": 37602, + "Nine": 37603, + "ĠRamadan": 37604, + "å½": 37605, + "itto": 37606, + "Ġadrenaline": 37607, + "Cert": 37608, + "Ġsmelled": 37609, + "Ġimpunity": 37610, + "Ġagendas": 37611, + "ĠReborn": 37612, + "ĠConcent": 37613, + "ĠSeems": 37614, + "Ġomega": 37615, + "ĠDustin": 37616, + "Ġbacker": 37617, + "ĠSauce": 37618, + "ĠBoyle": 37619, + "WIN": 37620, + "Ġspins": 37621, + "Ġpauses": 37622, + "upt": 37623, + "Ġshredded": 37624, + "Ġstrapped": 37625, + "ĠCorruption": 37626, + "Ġscratches": 37627, + "Ġni": 37628, + "Ġattire": 37629, + "ĠSAF": 37630, + "FactoryReloaded": 37631, + "ĠIPS": 37632, + "Ġ(%": 37633, + "Ġseminar": 37634, + "focus": 37635, + "civil": 37636, + "Ġ1860": 37637, + "intosh": 37638, + "Ġcontinual": 37639, + "Ġabbrevi": 37640, + "ĠSok": 37641, + "ocobo": 37642, + "XM": 37643, + "Ġfrantic": 37644, + "Ġunavoidable": 37645, + "Ġartery": 37646, + "Ġannotations": 37647, + "bath": 37648, + "Climate": 37649, + "Ġdors": 37650, + "ĠSlide": 37651, + "coord": 37652, + "ĠReload": 37653, + "ĠLDL": 37654, + "ĠLovecraft": 37655, + "Ġunimagin": 37656, + "Ġresembled": 37657, + "Ġbarracks": 37658, + "np": 37659, + "Ġsurrogate": 37660, + "Ġcategorized": 37661, + "ãĤ©": 37662, + "Ġvaccinated": 37663, + "Ġdrainage": 37664, + "Ġindist": 37665, + "ĠWhatsApp": 37666, + "Ġ1870": 37667, + "olerance": 37668, + "invoke": 37669, + "amorph": 37670, + "Ġreconnect": 37671, + "Ġemanc": 37672, + "Ġblindness": 37673, + "Ġ1280": 37674, + "internet": 37675, + "collar": 37676, + "Ġaltru": 37677, + "Ġabyss": 37678, + "ĠTRI": 37679, + "657": 37680, + "Ġinfused": 37681, + "HEAD": 37682, + "Ġforestry": 37683, + "ĠWoody": 37684, + "ĠCi": 37685, + "wi": 37686, + "sam": 37687, + "784": 37688, + "holiday": 37689, + "Ġmogul": 37690, + "ĠFees": 37691, + "ĠDEN": 37692, + "Internal": 37693, + "urbed": 37694, + "fusc": 37695, + "atom": 37696, + "ĠIllusion": 37697, + "Ġpolled": 37698, + "Ġflap": 37699, + "Ġcoax": 37700, + "LGBT": 37701, + "Analy": 37702, + "ĠSections": 37703, + "ĠCaliforn": 37704, + "emn": 37705, + "Ġhither": 37706, + "ĠNIGHT": 37707, + "Ġnailed": 37708, + "ĠPipeline": 37709, + "391": 37710, + "oof": 37711, + "ĠPrimal": 37712, + "verend": 37713, + "Ġslashing": 37714, + "Ġretri": 37715, + "aviour": 37716, + "Ġdeparting": 37717, + "gil": 37718, + "ISC": 37719, + "Ġmidway": 37720, + "Ġultrasound": 37721, + "Ġbehaving": 37722, + "ĠTara": 37723, + "classes": 37724, + "Virtual": 37725, + "ĠColonial": 37726, + "Ġstripping": 37727, + "Ġorchestrated": 37728, + "ĠGraves": 37729, + "452": 37730, + "ĠIronically": 37731, + "ĠWriters": 37732, + "Ġlends": 37733, + "ĠManz": 37734, + "Ġraven": 37735, + "Ġoxidative": 37736, + "Ġ266": 37737, + "ELF": 37738, + "actually": 37739, + "ascar": 37740, + "Draft": 37741, + "Ġfavourable": 37742, + "Ġhumiliating": 37743, + "Ġfidelity": 37744, + "ĠHof": 37745, + "ĠXuan": 37746, + "496": 37747, + "Ġlayered": 37748, + "atis": 37749, + "790": 37750, + "Ġpaycheck": 37751, + "iton": 37752, + "Kar": 37753, + "ĠVMware": 37754, + "ĠFarmer": 37755, + "Ġservic": 37756, + "glomer": 37757, + "Ġslump": 37758, + "ĠFabric": 37759, + "ĠDOC": 37760, + "esting": 37761, + "Ġreassure": 37762, + "Ġphyl": 37763, + "volt": 37764, + "itory": 37765, + "Rules": 37766, + "Ġoxidation": 37767, + "Ġprized": 37768, + "Ġmistress": 37769, + "ĠDjango": 37770, + "WARN": 37771, + "åij": 37772, + "Ġencode": 37773, + "ĠFeedback": 37774, + "Ġstupidity": 37775, + "Ian": 37776, + "ĠYugoslavia": 37777, + "ר": 37778, + "acl": 37779, + "UTE": 37780, + "1977": 37781, + "Ġqualifies": 37782, + "Ġpulses": 37783, + "pretty": 37784, + "Ġfroze": 37785, + "Ġss": 37786, + "Iterator": 37787, + "Ġurgently": 37788, + "Ġmailed": 37789, + "ĠCham": 37790, + "Ġsustaining": 37791, + "Ġbasil": 37792, + "Ġpuppies": 37793, + "ilant": 37794, + "ĠPLEASE": 37795, + "lap": 37796, + "aceous": 37797, + "Fear": 37798, + "ĠMastery": 37799, + "automatic": 37800, + "ĠTAG": 37801, + "Ġantim": 37802, + "agles": 37803, + "473": 37804, + "frames": 37805, + "Ġwhispers": 37806, + "ĠWhoever": 37807, + "Ġbravery": 37808, + "ĠUKIP": 37809, + "ractions": 37810, + "\"\"\"": 37811, + "Ġtame": 37812, + "Ġparted": 37813, + "everything": 37814, + "CONT": 37815, + "Ġindebted": 37816, + "Ġaddr": 37817, + "rek": 37818, + "IRED": 37819, + "Ġeminent": 37820, + "clinton": 37821, + "Ġousted": 37822, + "Ġreviewer": 37823, + "Ġmeltdown": 37824, + "Ġrearr": 37825, + "ĠYao": 37826, + "thereal": 37827, + "abyte": 37828, + "Ġstumbling": 37829, + "Ġbatches": 37830, + "Ġ259": 37831, + "Ġcontraceptive": 37832, + "Ġprostitute": 37833, + "ensis": 37834, + "Decl": 37835, + "ĠStrikes": 37836, + "Military": 37837, + "ĠOath": 37838, + "vacc": 37839, + "ppings": 37840, + "052": 37841, + "ĠpartName": 37842, + "amping": 37843, + "Reports": 37844, + "KI": 37845, + "CHR": 37846, + "Ġsubtly": 37847, + "swers": 37848, + "Blake": 37849, + "usual": 37850, + "Ġcontestants": 37851, + "Ġcartridges": 37852, + "ĠGREAT": 37853, + "Ġblush": 37854, + "ĠâĢº": 37855, + "472": 37856, + "Ġreasoned": 37857, + "ãĥ¤": 37858, + "paralleled": 37859, + "Ġdyn": 37860, + "agate": 37861, + "Ġnightly": 37862, + "åĨ": 37863, + "556": 37864, + "Ġsemantic": 37865, + "ĠAdvoc": 37866, + "Ġ!!": 37867, + "Ġdisagrees": 37868, + "ĠBW": 37869, + "Veh": 37870, + "Ġharming": 37871, + "Ġembraces": 37872, + "Ġstrives": 37873, + "Ġinland": 37874, + "ĠKard": 37875, + "Ġheats": 37876, + "ĠGinny": 37877, + "utan": 37878, + "ernaut": 37879, + "ylene": 37880, + "ĠElev": 37881, + "JD": 37882, + "Ġhars": 37883, + "ĠStarr": 37884, + "Ġskysc": 37885, + "Ġcollaborators": 37886, + "Usually": 37887, + "Ġrevolutions": 37888, + "ĠSTATS": 37889, + "Ġdismantle": 37890, + "Ġconfidently": 37891, + "Ġkinetic": 37892, + "Ali": 37893, + "Ġpercentile": 37894, + "Ġextracting": 37895, + "illian": 37896, + "estead": 37897, + "Ġphysicists": 37898, + "ĠMarshal": 37899, + "Ġfellowship": 37900, + "Ġdashed": 37901, + "ĠUR": 37902, + "ĠSioux": 37903, + "ĠCompact": 37904, + "amide": 37905, + "Python": 37906, + "ĠLeigh": 37907, + "ĠPharmac": 37908, + "istrates": 37909, + "herical": 37910, + "Ġfue": 37911, + "ĠEmin": 37912, + "Ġ({": 37913, + "ĠNeighborhood": 37914, + "Ġdisrupting": 37915, + "ĠDup": 37916, + "Ġgland": 37917, + "ĠSev": 37918, + "ĠMarian": 37919, + "argon": 37920, + "ĠDund": 37921, + "Ġ": 46904, + "ĠPhilips": 46905, + "ĠKafka": 46906, + "Ġupheaval": 46907, + "Ġsentimental": 46908, + "Ġsax": 46909, + "ĠAkira": 46910, + "serial": 46911, + "Matrix": 46912, + "Ġelecting": 46913, + "Ġcommenter": 46914, + "ĠNebula": 46915, + "plets": 46916, + "ĠNadu": 46917, + "ĠAdren": 46918, + "Ġenshr": 46919, + "ĠRAND": 46920, + "financial": 46921, + "ĠClyde": 46922, + "utherford": 46923, + "Ġsignage": 46924, + "Ġdeline": 46925, + "Ġphosphate": 46926, + "roversial": 46927, + "fascist": 46928, + "ĠVall": 46929, + "ĠBethlehem": 46930, + "Ġfors": 46931, + "Ġenglish": 46932, + "Solid": 46933, + "Nature": 46934, + "Ġva": 46935, + "ĠGuests": 46936, + "Ġtantal": 46937, + "Ġautoimmune": 46938, + ";;;;;;;;;;;;": 46939, + "ĠTotally": 46940, + "ĠOv": 46941, + "Ġdefences": 46942, + "ĠCoconut": 46943, + "Ġtranquil": 46944, + "Ġploy": 46945, + "Ġflavours": 46946, + "ĠFlask": 46947, + "ãĤ¨ãĥ«": 46948, + "ĠWeston": 46949, + "ĠVolvo": 46950, + "870": 46951, + "Ġmicrophones": 46952, + "verbal": 46953, + "RPG": 46954, + "Ġiii": 46955, + ";}": 46956, + "028": 46957, + "Ġheadlined": 46958, + "Ġprimed": 46959, + "Ġhoard": 46960, + "ĠShad": 46961, + "ĠENTER": 46962, + "Ġtriangular": 46963, + "Ġcapit": 46964, + "lik": 46965, + "ĠAncients": 46966, + "Ġlash": 46967, + "Ġconvol": 46968, + "Ġcolonel": 46969, + "enemy": 46970, + "Gra": 46971, + "Ġpubs": 46972, + "utters": 46973, + "Ġassigns": 46974, + "ĠPenet": 46975, + "ĠMonstrous": 46976, + "ĠBowen": 46977, + "ilver": 46978, + "Haunted": 46979, + "ĠDing": 46980, + "started": 46981, + "plin": 46982, + "Ġcontaminants": 46983, + "ĠDOE": 46984, + "ffen": 46985, + "ĠTechnician": 46986, + "Ry": 46987, + "Ġrobbers": 46988, + "Ġhotline": 46989, + "ĠGuardiola": 46990, + "ĠKaufman": 46991, + "rower": 46992, + "ĠDresden": 46993, + "ĠAlpine": 46994, + "Elf": 46995, + "Ġfmt": 46996, + "ĠSard": 46997, + "urses": 46998, + "gpu": 46999, + "Unix": 47000, + "Ġunequivocally": 47001, + "ĠCitizenship": 47002, + "quad": 47003, + "mire": 47004, + "ĠSweeney": 47005, + "Battery": 47006, + "615": 47007, + "Ġpancakes": 47008, + "Ġoats": 47009, + "Maps": 47010, + "ĠContrast": 47011, + "mbudsman": 47012, + "ĠEPS": 47013, + "Ġsubcommittee": 47014, + "Ġsourcing": 47015, + "Ġsizing": 47016, + "ĠBuffer": 47017, + "ĠMandatory": 47018, + "Ġmoderates": 47019, + "ĠPatterns": 47020, + "ĠChocobo": 47021, + "ĠZan": 47022, + "ĠSTATES": 47023, + "ĠJudging": 47024, + "ĠInher": 47025, + "*:": 47026, + "Ġbil": 47027, + "ĠYen": 47028, + "Ġexhilar": 47029, + "ollower": 47030, + "zers": 47031, + "Ġsnug": 47032, + "maximum": 47033, + "Ġdespicable": 47034, + "ĠPACK": 47035, + "ĠAnnex": 47036, + "Ġsarcastic": 47037, + "Ġlatex": 47038, + "Ġtamp": 47039, + "ĠSao": 47040, + "bah": 47041, + "ĠReverend": 47042, + "ĠChinatown": 47043, + "ĠAUT": 47044, + "documented": 47045, + "ĠGABA": 47046, + "ĠCanaan": 47047, + "ĠÙħ": 47048, + "Ġgoverns": 47049, + "prev": 47050, + "Esc": 47051, + "ĠEstimates": 47052, + "OSP": 47053, + "Ġendeavour": 47054, + "ĠClosing": 47055, + "ometime": 47056, + "everyone": 47057, + "Ġworsen": 47058, + "Ġscanners": 47059, + "Ġdeviations": 47060, + "ĠRobotics": 47061, + "ĠCompton": 47062, + "Ġsorcerer": 47063, + "Ġendogenous": 47064, + "Ġemulation": 47065, + "ĠPiercing": 47066, + "ĠAph": 47067, + "ĠSocket": 47068, + "Ġbould": 47069, + "ĠOU": 47070, + "ĠBorderlands": 47071, + "Ġ1863": 47072, + "Gordon": 47073, + "ĠWTO": 47074, + "Ġrestricts": 47075, + "Ġmosaic": 47076, + "Ġmelodies": 47077, + "çĦ": 47078, + "Tar": 47079, + "Ġdisson": 47080, + "ĠProvides": 47081, + "Ġ......": 47082, + "bek": 47083, + "FIX": 47084, + "Ġbroom": 47085, + "anship": 47086, + "Doctors": 47087, + "Ġnerds": 47088, + "ĠRegions": 47089, + "naissance": 47090, + "Ġmete": 47091, + "Ġcrept": 47092, + "plings": 47093, + "Ġgirlfriends": 47094, + "knit": 47095, + "igent": 47096, + "owe": 47097, + "Ġushered": 47098, + "ĠBaz": 47099, + "Mobil": 47100, + "434": 47101, + "ĠPresents": 47102, + "origin": 47103, + "Ġinsomnia": 47104, + "ĠAux": 47105, + "439": 47106, + "ĠChili": 47107, + "irsch": 47108, + "GAME": 47109, + "Ġgestation": 47110, + "algia": 47111, + "romising": 47112, + "$,": 47113, + "crow": 47114, + "ĠInspection": 47115, + "atomic": 47116, + "Relations": 47117, + "JOHN": 47118, + "roman": 47119, + "ĠClockwork": 47120, + "ĠBakr": 47121, + "mone": 47122, + "MET": 47123, + "Ġthirsty": 47124, + "Ġbc": 47125, + "Ġfaculties": 47126, + "Rum": 47127, + "Ġnuance": 47128, + "ĠDarius": 47129, + "pleting": 47130, + "fters": 47131, + "etchup": 47132, + "Registration": 47133, + "ĠKE": 47134, + "Rah": 47135, + "Ġpreferential": 47136, + "ĠLash": 47137, + "ĠHH": 47138, + "Valid": 47139, + "ĠNAV": 47140, + "Ġstarve": 47141, + "ĠGong": 47142, + "zynski": 47143, + "ĠActress": 47144, + "Ġwik": 47145, + "Ġunaccompanied": 47146, + "lvl": 47147, + "Bride": 47148, + "ADS": 47149, + "ĠCommando": 47150, + "ĠVaughn": 47151, + "Wallet": 47152, + "Ġhopping": 47153, + "ĠVie": 47154, + "Ġcaveats": 47155, + "Ġalas": 47156, + "ifled": 47157, + "abuse": 47158, + "661": 47159, + "Ġibn": 47160, + "Ġgul": 47161, + "Ġrobbing": 47162, + "til": 47163, + "ILA": 47164, + "Ġmitigating": 47165, + "Ġaptly": 47166, + "Ġtyrant": 47167, + "Ġmidday": 47168, + "ĠGilmore": 47169, + "ĠDecker": 47170, + "Ġ§§": 47171, + "partial": 47172, + "Exactly": 47173, + "Ġphenotype": 47174, + "Ġ[+]": 47175, + "ĠPlex": 47176, + "ĠIps": 47177, + "versions": 47178, + "Ġebook": 47179, + "Ġchic": 47180, + "gross": 47181, + "\":\"\"},{\"": 47182, + "ĠSurprisingly": 47183, + "Morgan": 47184, + "Ġresidues": 47185, + "ĠConfederation": 47186, + "infeld": 47187, + "Ġlyr": 47188, + "moderate": 47189, + "Ġperpendicular": 47190, + "VK": 47191, + "Ġsynchronized": 47192, + "Ġrefreshed": 47193, + "Ġadore": 47194, + "ĠTorment": 47195, + "olina": 47196, + "Ġ2600": 47197, + "ItemTracker": 47198, + "Ġpies": 47199, + "ĠFAT": 47200, + "ĠRHP": 47201, + "048": 47202, + "ĠRESP": 47203, + "ĠBJ": 47204, + "allows": 47205, + "Pand": 47206, + "Ġunwelcome": 47207, + "ĠVoc": 47208, + "ĠBastard": 47209, + "ĠOW": 47210, + "ĠLAR": 47211, + "ĠHealer": 47212, + "Environmental": 47213, + "ĠKenyan": 47214, + "ĠTrance": 47215, + "ĠPats": 47216, + "Ġaliases": 47217, + "ĠGarfield": 47218, + "Ġcampaigner": 47219, + "Ġadvancements": 47220, + "ĠOkinawa": 47221, + "ĠCoh": 47222, + "owsky": 47223, + "Ġstarved": 47224, + "Ġsizeable": 47225, + "Ġ:-)": 47226, + "ĠmRNA": 47227, + "Ġsuspensions": 47228, + "istar": 47229, + "Scotland": 47230, + "Prin": 47231, + "------------------------------------------------": 47232, + "Ġ502": 47233, + "Ġteaspoons": 47234, + "Ġ1050": 47235, + "Ġcoercive": 47236, + "ĠMasonic": 47237, + "edded": 47238, + "ĠPassenger": 47239, + "Ġlatt": 47240, + "Ġbraces": 47241, + "ĠSteal": 47242, + "ĠNYT": 47243, + "ĠKats": 47244, + "ĠCelest": 47245, + "aez": 47246, + "Tu": 47247, + "ĠCoulter": 47248, + "ðŁĺ": 47249, + "Flickr": 47250, + "ĠWilmington": 47251, + "iths": 47252, + "++;": 47253, + "Ġvending": 47254, + "Ġnegro": 47255, + "ĠPhi": 47256, + "ĠYellowstone": 47257, + "Callback": 47258, + "Ġshampoo": 47259, + "ĠShades": 47260, + "wat": 47261, + "Ġsuperhuman": 47262, + "Ġridiculed": 47263, + "Ġholiest": 47264, + "ombo": 47265, + "Ġinterns": 47266, + "Ġhone": 47267, + "ĠParagu": 47268, + "URI": 47269, + "Ġdangling": 47270, + "ãĤ»": 47271, + "sov": 47272, + "ictional": 47273, + "availability": 47274, + "Ġrevocation": 47275, + "Ġdow": 47276, + "inic": 47277, + "ĠTHEIR": 47278, + "Ġiso": 47279, + "Ġoutings": 47280, + "ĠLethal": 47281, + "Ġ)))": 47282, + "Ġinaccur": 47283, + "Ġoutlandish": 47284, + "Ġanus": 47285, + "letico": 47286, + "idon": 47287, + "lol": 47288, + "Ġunregulated": 47289, + "Ġsuccumbed": 47290, + "Ġcuff": 47291, + "ĠWasteland": 47292, + "letal": 47293, + "Ġsubstr": 47294, + "Ġcoffers": 47295, + "Ġautomakers": 47296, + "ovi": 47297, + "ĠXue": 47298, + "ĠDaytona": 47299, + "Ġjarring": 47300, + "Ġfumes": 47301, + "Ġdisbanded": 47302, + "zik": 47303, + "itton": 47304, + "Ġstrikingly": 47305, + "Ġspores": 47306, + "Adapter": 47307, + ".):": 47308, + "ĠLyndon": 47309, + "ivalry": 47310, + "Ġorally": 47311, + "Ġtumultuous": 47312, + "Ġdispleasure": 47313, + "Ġcones": 47314, + "orrect": 47315, + "Ġappease": 47316, + "Ġderby": 47317, + "ĠTripoli": 47318, + "ĠAless": 47319, + "Ġpoked": 47320, + "ĠGuilty": 47321, + "vP": 47322, + "Enough": 47323, + "Ġoriginals": 47324, + "699": 47325, + "Ġrabbi": 47326, + "Ġproverbial": 47327, + "Ġpostpone": 47328, + "elope": 47329, + "ĠMisty": 47330, + "Ġstaffed": 47331, + "ĠUnemployment": 47332, + "reditary": 47333, + "Ġdiligent": 47334, + "recomm": 47335, + "measures": 47336, + "asin": 47337, + "825": 47338, + "Ġponds": 47339, + "Ġmmol": 47340, + "ĠSAR": 47341, + "ĠCARE": 47342, + "Ġ371": 47343, + "Ġclenched": 47344, + "ĠCorsair": 47345, + "Ġcaricature": 47346, + "zn": 47347, + "attach": 47348, + "ĠSchro": 47349, + "speak": 47350, + "painted": 47351, + "ĠSuc": 47352, + "ĠENT": 47353, + "Ġcellul": 47354, + "ĠPaid": 47355, + "diagn": 47356, + "WHERE": 47357, + "Ġtexted": 47358, + "Barn": 47359, + "Ġretracted": 47360, + "ĠReferred": 47361, + "Sav": 47362, + "Ġupkeep": 47363, + "Ġworkplaces": 47364, + "ĠTokens": 47365, + "Ġamplify": 47366, + "clinical": 47367, + "Ġmultic": 47368, + "mberg": 47369, + "Ġconvoluted": 47370, + "Region": 47371, + "565": 47372, + "ĠTopic": 47373, + "Ġsnail": 47374, + "Ġsaline": 47375, + "Ġinsurrection": 47376, + "ĠPetr": 47377, + "forts": 47378, + "BAT": 47379, + "ĠNavajo": 47380, + "Ġrudimentary": 47381, + "ĠLaksh": 47382, + "ONDON": 47383, + "Measure": 47384, + "Ġtransformer": 47385, + "ĠGoddard": 47386, + "Ġcoincides": 47387, + "irin": 47388, + "Rex": 47389, + "ĠBok": 47390, + "quit": 47391, + "Ġshotguns": 47392, + "Ġproletarian": 47393, + "Ġscorp": 47394, + "ĠAda": 47395, + "514": 47396, + "Ġslander": 47397, + "recorded": 47398, + "Ġembell": 47399, + "risome": 47400, + "Ġapologizing": 47401, + "ĠMulcair": 47402, + "ĠGibraltar": 47403, + "Cla": 47404, + "Ġallot": 47405, + "ĠAttention": 47406, + "Ġ433": 47407, + "leave": 47408, + "Ġwhine": 47409, + "ĠIssa": 47410, + "ĠFaust": 47411, + "ĠBarron": 47412, + "heny": 47413, + "Ġvictimized": 47414, + "Jews": 47415, + "Ġnurturing": 47416, + "ettel": 47417, + "Winged": 47418, + "ĠSubtle": 47419, + "Ġflavorful": 47420, + "ĠReps": 47421, + "enged": 47422, + "callback": 47423, + "Ġdirectional": 47424, + "Ġclasp": 47425, + "ĠDirections": 47426, + "planet": 47427, + "iculture": 47428, + "Helper": 47429, + "icion": 47430, + "acia": 47431, + "Ġç¥ŀ": 47432, + "Ġsurges": 47433, + "Ġcanoe": 47434, + "ĠPremiership": 47435, + "been": 47436, + "Ġdefied": 47437, + "ĠTrooper": 47438, + "Ġtripod": 47439, + "Ġgasp": 47440, + "ĠEuph": 47441, + "ĠAds": 47442, + "vernight": 47443, + "highly": 47444, + "Role": 47445, + "Ġentangled": 47446, + "ĠZeit": 47447, + "618": 47448, + "ĠRusty": 47449, + "Ġhavens": 47450, + "ĠVaughan": 47451, + "HAEL": 47452, + "ĠSERVICE": 47453, + "/,": 47454, + "Ġstricken": 47455, + "Ġdelusions": 47456, + "Ġbis": 47457, + "ĠHaf": 47458, + "Ġgratification": 47459, + "Ġenticing": 47460, + "UNCH": 47461, + "Adams": 47462, + "ĠOLED": 47463, + "ĠBeetle": 47464, + "Ġ1899": 47465, + "ĠSOFTWARE": 47466, + "ategor": 47467, + "VL": 47468, + "ĠTotem": 47469, + "ĠGators": 47470, + "ATURES": 47471, + "Ġimpedance": 47472, + "Registered": 47473, + "ĠCary": 47474, + "ĠAerial": 47475, + "onne": 47476, + "enium": 47477, + "Ġdred": 47478, + "ĠBeg": 47479, + "Ġconcurrently": 47480, + "Ġsuperpower": 47481, + "ĠXan": 47482, + "jew": 47483, + "imester": 47484, + "ĠDickinson": 47485, + "âĶģ": 47486, + "Fla": 47487, + "Ġpree": 47488, + "ĠRollins": 47489, + "©¶æ": 47490, + "Ġdenomination": 47491, + "ĠLana": 47492, + "516": 47493, + "Ġinciting": 47494, + "scribed": 47495, + "juries": 47496, + "ĠWonders": 47497, + "approximately": 47498, + "Ġsuspending": 47499, + "Ġmountainous": 47500, + "ĠLaugh": 47501, + "oidal": 47502, + "Ns": 47503, + "Detect": 47504, + ")=": 47505, + "ĠLuthor": 47506, + "ĠSchwarzenegger": 47507, + "ĠMuller": 47508, + "ĠDevi": 47509, + "ecycle": 47510, + "Jar": 47511, + "613": 47512, + "ĠLongh": 47513, + "Bah": 47514, + "ĠSPORTS": 47515, + "nw": 47516, + "Ġrefinement": 47517, + "Ġwaterways": 47518, + "Ġdiner": 47519, + "Blade": 47520, + "683": 47521, + "Fac": 47522, + "Ġinitials": 47523, + "Ġrog": 47524, + "Ġparanormal": 47525, + "BUT": 47526, + "Ġ[(": 47527, + "ĠSwanson": 47528, + "ĠMesh": 47529, + "âĸ¬": 47530, + "Improve": 47531, + "ĠRadiation": 47532, + "ĠEsther": 47533, + "ĠEsk": 47534, + "ĠAly": 47535, + "iky": 47536, + "Ġirrad": 47537, + "ĠBuckingham": 47538, + "Ġrefill": 47539, + "Ġ._": 47540, + "Repe": 47541, + "CONCLUS": 47542, + "Ġdifferentiated": 47543, + "Ġchirop": 47544, + "ĠAtkins": 47545, + "Pattern": 47546, + "Ġexcise": 47547, + "Ġcabal": 47548, + "NSA": 47549, + "ĠSTA": 47550, + "ĠSIL": 47551, + "ĠParaly": 47552, + "Ġrye": 47553, + "ĠHowell": 47554, + "ĠCountdown": 47555, + "nesses": 47556, + "alysed": 47557, + "Ġresize": 47558, + "ãĤ½": 47559, + "Ġbudgetary": 47560, + "ĠStras": 47561, + "wang": 47562, + "Ġapiece": 47563, + "Ġprecincts": 47564, + "Ġpeach": 47565, + "Ġskyline": 47566, + "Ġ353": 47567, + "popular": 47568, + "Appearances": 47569, + "ĠMechanics": 47570, + "ĠDevOnline": 47571, + "Sullivan": 47572, + "Zen": 47573, + "Ġpu": 47574, + "opolis": 47575, + "544": 47576, + "Ġdeform": 47577, + "Ġcounteract": 47578, + "ĠLange": 47579, + "Ġ417": 47580, + "Console": 47581, + "774": 47582, + "Ġnodding": 47583, + "Ġpopulism": 47584, + "Ġhep": 47585, + "Ġcounselling": 47586, + "compliance": 47587, + "UFF": 47588, + "Ġundeniably": 47589, + "Ġrailing": 47590, + "ĠHorowitz": 47591, + "ĠSimone": 47592, + "ĠBungie": 47593, + "Ġak": 47594, + "ĠTalks": 47595, + "xff": 47596, + "flake": 47597, + "Crash": 47598, + "Ġsweaty": 47599, + "Ġbanquet": 47600, + "ĠOFFIC": 47601, + "Ġinventive": 47602, + "Ġastronomer": 47603, + "ĠStamford": 47604, + "ĠScare": 47605, + "ĠGREEN": 47606, + "olicited": 47607, + "Ġrusher": 47608, + "Ġcentrist": 47609, + "ighting": 47610, + "Ġsubclass": 47611, + "Ġdisav": 47612, + "Ġdefund": 47613, + "ĠNanto": 47614, + "ociate": 47615, + "mast": 47616, + "Ġpacif": 47617, + "Ġmend": 47618, + "eers": 47619, + "immigration": 47620, + "ESSION": 47621, + "Ġnumbering": 47622, + "Ġlaughable": 47623, + "ĠEnded": 47624, + "viation": 47625, + "emark": 47626, + "Pitt": 47627, + "Ġmeticulous": 47628, + "ĠLF": 47629, + "Ġcongratulated": 47630, + "ĠBirch": 47631, + "Ġswayed": 47632, + "Ġsemifinals": 47633, + "Ġhumankind": 47634, + "matter": 47635, + "ĠEquip": 47636, + "opausal": 47637, + "Said": 47638, + "ĠLayout": 47639, + "Ġvoicing": 47640, + "Ġthug": 47641, + "Ġpornographic": 47642, + "IPS": 47643, + "Ġmoaning": 47644, + "Ġgrievance": 47645, + "Ġconfessions": 47646, + "escal": 47647, + "TEXTURE": 47648, + "Authent": 47649, + "osaurus": 47650, + "Purchase": 47651, + "Ġrelegation": 47652, + "alter": 47653, + "Ġ³³": 47654, + "Ġriddled": 47655, + "Ġogre": 47656, + "ĠLowell": 47657, + "Occup": 47658, + "Eat": 47659, + "ĠHyder": 47660, + "ĠAdviser": 47661, + "Commerce": 47662, + "Hunt": 47663, + "ĠOrth": 47664, + "ĠCompetitive": 47665, + "ĠCLA": 47666, + "CDC": 47667, + "Ġsalads": 47668, + "Fle": 47669, + "Ġindustrialized": 47670, + "`,": 47671, + "ĠOWN": 47672, + "Ġbeck": 47673, + "ĠParticularly": 47674, + "oubt": 47675, + "ĠmM": 47676, + "ĠHussain": 47677, + "ĠChennai": 47678, + "Ġ920": 47679, + "Ġappointing": 47680, + "ĠCullen": 47681, + ",,,,,,,,": 47682, + "Ġpores": 47683, + "verified": 47684, + "Ġbiochemical": 47685, + "emate": 47686, + "Ġcowardly": 47687, + "ĠHelsinki": 47688, + "ĠEthiopian": 47689, + "SOURCE": 47690, + "ERC": 47691, + "estro": 47692, + "Ġbiotech": 47693, + "ĠSour": 47694, + "Ġbrewer": 47695, + "Bloomberg": 47696, + "Ġintensify": 47697, + "Glass": 47698, + "anco": 47699, + "ĠFDR": 47700, + "greSQL": 47701, + "ĠFires": 47702, + "©¶æ¥µ": 47703, + "eco": 47704, + "1001": 47705, + "ĠHomeless": 47706, + "Ġinstantaneous": 47707, + "ĠHaste": 47708, + "igel": 47709, + "Diamond": 47710, + "Ġpaving": 47711, + "Ġlandfill": 47712, + "Ġdads": 47713, + "houn": 47714, + ":]": 47715, + "Ġincendiary": 47716, + "ĠLivingston": 47717, + "ĠHilbert": 47718, + "ĠChecks": 47719, + "styles": 47720, + "inators": 47721, + "ĠClive": 47722, + "phrine": 47723, + "Ġchimpanzees": 47724, + "Ġpall": 47725, + "ĠJM": 47726, + "ĠAadhaar": 47727, + "ðĿ": 47728, + "Ġachievable": 47729, + "disabled": 47730, + "PET": 47731, + "OOOOOOOO": 47732, + "Mot": 47733, + "Ġintangible": 47734, + "Ġballet": 47735, + "ĠWebs": 47736, + "ĠEstimated": 47737, + "Effects": 47738, + "Ġbailed": 47739, + "Joshua": 47740, + "Ġturbulence": 47741, + "Ġoccupant": 47742, + "ĠDaylight": 47743, + "Ġ361": 47744, + "meet": 47745, + "Ġstatically": 47746, + "Ġonlook": 47747, + "Ġki": 47748, + "illegal": 47749, + "Ġvelvet": 47750, + "Ġdehydration": 47751, + "Ġacquies": 47752, + "ĠRez": 47753, + "akura": 47754, + "ĠUpton": 47755, + "atro": 47756, + "Ġincomprehensible": 47757, + "Ġbackdoor": 47758, + "ĠRhino": 47759, + "727": 47760, + "Ġmaths": 47761, + ")+": 47762, + "Ġheresy": 47763, + "Ġdf": 47764, + "ĠRoche": 47765, + "ĠLydia": 47766, + "Ġpancreat": 47767, + "reply": 47768, + "arrell": 47769, + "Ġsolicitation": 47770, + "Ġcircadian": 47771, + "BIP": 47772, + "Ġforay": 47773, + "Ġcryptic": 47774, + "izu": 47775, + "imeo": 47776, + "ĠTomato": 47777, + "ĠHoms": 47778, + "examination": 47779, + "Ġquarry": 47780, + "ĠValiant": 47781, + "ĠJericho": 47782, + "ĠINCLUD": 47783, + "Ġ1840": 47784, + "519": 47785, + "Ġresists": 47786, + "Ġsnapshots": 47787, + "ĠSpur": 47788, + "ĠAntiqu": 47789, + "Login": 47790, + "Ġbestselling": 47791, + "Ġantic": 47792, + "ĠSutherland": 47793, + "ãĤ¢ãĥ«": 47794, + "Ġ~/": 47795, + "ĠParm": 47796, + "èĥ": 47797, + "Pages": 47798, + "intensity": 47799, + "Ġimmobil": 47800, + "Ġ1865": 47801, + "zzo": 47802, + "Ġnifty": 47803, + "Ġfentanyl": 47804, + "ĠPreservation": 47805, + "ophen": 47806, + "Ġdarts": 47807, + "ĠDinosaur": 47808, + "pointers": 47809, + "ĠRite": 47810, + "suggest": 47811, + "awareness": 47812, + "ĠSheridan": 47813, + "Ġstances": 47814, + "Ġsorcery": 47815, + "Ġperjury": 47816, + "ĠNikola": 47817, + "iever": 47818, + "Ġfiance": 47819, + "ĠJordanian": 47820, + "ĠBalloon": 47821, + "Ġnab": 47822, + "Ġkb": 47823, + "Ġhumanities": 47824, + "ĠTanaka": 47825, + "hillary": 47826, + "Ġconsultancy": 47827, + "ĠZub": 47828, + "Ġremission": 47829, + "Ġconfid": 47830, + "CHQ": 47831, + "ĠFug": 47832, + "Ġimprovis": 47833, + "Yep": 47834, + "/_": 47835, + "Ġunwillingness": 47836, + "Ġportfolios": 47837, + "055": 47838, + "ĠInstructor": 47839, + "aiman": 47840, + "Ġclaimants": 47841, + "Mbps": 47842, + "ĠBye": 47843, + "received": 47844, + "Tweet": 47845, + "Ġindemn": 47846, + "riz": 47847, + "amara": 47848, + "Nat": 47849, + "Ġevaluates": 47850, + "ĠLur": 47851, + "epad": 47852, + "FOX": 47853, + "ĠThro": 47854, + "Ġrusty": 47855, + "Ġbedrock": 47856, + "ĠOprah": 47857, + "JB": 47858, + "Ġmanipulative": 47859, + "Ġwillful": 47860, + "Ġrelapse": 47861, + "Ġextant": 47862, + "Theme": 47863, + "Sensor": 47864, + "ĠStability": 47865, + "govern": 47866, + "Ġpoppy": 47867, + "Ġknack": 47868, + "Ġinsulated": 47869, + "ĠTile": 47870, + "ĠExtrem": 47871, + "Ġuntold": 47872, + "Ġconverge": 47873, + "Ġrefuel": 47874, + "igroup": 47875, + "Ġdistortions": 47876, + "Ġravaged": 47877, + "Ġmechanically": 47878, + "ĠReilly": 47879, + "ĠNose": 47880, + "ĠIncarnation": 47881, + "ĠBecky": 47882, + "abbling": 47883, + "Ġtaco": 47884, + "Ġrake": 47885, + "Ġmelancholy": 47886, + "Ġillustrious": 47887, + "ĠDartmouth": 47888, + "Guide": 47889, + "ĠRazer": 47890, + "ĠBenz": 47891, + "Ultimate": 47892, + "ĠSurprise": 47893, + "Ġpageant": 47894, + "offer": 47895, + "Whoever": 47896, + "Ġwiser": 47897, + "Ġchemist": 47898, + "ĠHELL": 47899, + "ĠBulk": 47900, + "Ġplutonium": 47901, + "ĠCOVER": 47902, + "Ö¼": 47903, + "failed": 47904, + "Ġtirelessly": 47905, + "Ġinfertility": 47906, + "ĠTrident": 47907, + "ĠShowtime": 47908, + "ĠCiv": 47909, + "Vice": 47910, + "requires": 47911, + "ittance": 47912, + "Ġuncontrolled": 47913, + "interesting": 47914, + "561": 47915, + "Ġinnovate": 47916, + "ategic": 47917, + "Lie": 47918, + "ĠSelling": 47919, + "Ul": 47920, + "Ġsavior": 47921, + "ĠTosh": 47922, + "Ġswast": 47923, + "PASS": 47924, + "Ġrink": 47925, + "Ġcardio": 47926, + "ĠIro": 47927, + "udi": 47928, + "Ġvantage": 47929, + "Ġvans": 47930, + "ĠNiño": 47931, + "+=": 47932, + "Ġpropagate": 47933, + "": 49029, + "Ġleukemia": 49030, + "Ġeluc": 49031, + "Ġannouncer": 49032, + "ĠLithuan": 49033, + "ĠArmageddon": 49034, + "åĩ": 49035, + "Lenin": 49036, + "ĠRuk": 49037, + "Ġpepp": 49038, + "ĠRomantic": 49039, + "ĠPIT": 49040, + "ĠInterstellar": 49041, + "ĠAtkinson": 49042, + "Raid": 49043, + "Js": 49044, + "Goal": 49045, + "Course": 49046, + "Ġvanishing": 49047, + "esley": 49048, + "ĠRounds": 49049, + "Elsa": 49050, + "593": 49051, + "Ġredundancy": 49052, + "ĠSTAND": 49053, + "Ġprophetic": 49054, + "Ġhabitable": 49055, + "ryu": 49056, + "Ġfaintly": 49057, + "MODE": 49058, + "Ġflanked": 49059, + "IRC": 49060, + "Awesome": 49061, + "Ġspurious": 49062, + "ĠZah": 49063, + "ĠMSG": 49064, + "Ġshading": 49065, + "Ġmotivational": 49066, + "ĠSantana": 49067, + "ĠSPR": 49068, + "Ġexcruciating": 49069, + "omial": 49070, + "ĠMiko": 49071, + "ĠLeopard": 49072, + "Abyss": 49073, + "Ġ[|": 49074, + "dirty": 49075, + "Ġbaths": 49076, + "Ġdemoral": 49077, + "andre": 49078, + "PB": 49079, + "Ġunification": 49080, + "Ġsacrament": 49081, + "Ġ[&": 49082, + "Ġpriceless": 49083, + "Ġgelatin": 49084, + "Ġemanating": 49085, + "ĠAllaah": 49086, + "986": 49087, + "Ġoutburst": 49088, + "Ġeras": 49089, + "ĠXVI": 49090, + "ĠSPI": 49091, + "Ott": 49092, + "ĠLazarus": 49093, + "PLIED": 49094, + "Flying": 49095, + "blogs": 49096, + "Wisconsin": 49097, + "Raven": 49098, + "Ġrebate": 49099, + "Ġcreeps": 49100, + "ĠSpan": 49101, + "ĠPainter": 49102, + "ĠKira": 49103, + "ĠAmos": 49104, + "ĠCorvette": 49105, + "Consumer": 49106, + "ĠRecover": 49107, + "cki": 49108, + "Ġpesky": 49109, + "ĠInvention": 49110, + "Companies": 49111, + "Ġchallengers": 49112, + "ademic": 49113, + "ĠUkrainians": 49114, + "ĠNeurolog": 49115, + "ĠForsaken": 49116, + "Ġentrants": 49117, + "Ġembattled": 49118, + "Ġdefunct": 49119, + "ĠGlacier": 49120, + "Ġpoisons": 49121, + "ĠHorses": 49122, + "makes": 49123, + "ĠDirt": 49124, + "Ġ423": 49125, + "hhh": 49126, + "ĠTransformation": 49127, + "QUIRE": 49128, + "..................": 49129, + "Ġtraveller": 49130, + "ĠSexy": 49131, + "ĠKern": 49132, + "ipolar": 49133, + "Ġransomware": 49134, + "oooooooooooooooo": 49135, + "Ec": 49136, + "ruby": 49137, + "Professional": 49138, + "ĠOutbreak": 49139, + "argument": 49140, + "Grey": 49141, + "ĠFifa": 49142, + "ĠCHO": 49143, + "ĠFORM": 49144, + "ĠAmtrak": 49145, + "-[": 49146, + "Ġcradle": 49147, + "Ġantioxidants": 49148, + "ãģ®å®": 49149, + "736": 49150, + "ĠNASL": 49151, + "ĠContributions": 49152, + "Indiana": 49153, + "ĠSTEP": 49154, + "CSS": 49155, + "Ġsalient": 49156, + "Ġallocations": 49157, + "yrights": 49158, + "Ġmashed": 49159, + "ĠCutter": 49160, + "Sexual": 49161, + "Ġpounded": 49162, + "Ġfanbase": 49163, + "Ġcasc": 49164, + "ĠTransparency": 49165, + "Ġanalytic": 49166, + "ĠSummoner": 49167, + "×ŀ": 49168, + "ĠADC": 49169, + "detail": 49170, + "Ġvanquished": 49171, + "Ġcrabs": 49172, + "arie": 49173, + "Destroy": 49174, + "ĠSack": 49175, + "Ġtransistor": 49176, + "Alabama": 49177, + "ĠKoen": 49178, + "ĠFisheries": 49179, + "cone": 49180, + "Ġannexed": 49181, + "ĠMGM": 49182, + "esa": 49183, + "Ġfaked": 49184, + "ĠCongratulations": 49185, + "Ġhindered": 49186, + "Ġcorrectional": 49187, + "ĠITV": 49188, + "leeve": 49189, + "Ġinappropriately": 49190, + "licks": 49191, + "Ġtrespass": 49192, + "Ġpaws": 49193, + "Ġnegotiator": 49194, + "ĠChristensen": 49195, + "limits": 49196, + "ĠDianne": 49197, + "Ġelegance": 49198, + "ĠContracts": 49199, + "anke": 49200, + "Obj": 49201, + "Ġvigilance": 49202, + "Ġcastles": 49203, + "ĠNAD": 49204, + "ĠHolo": 49205, + "Ġemphatically": 49206, + "ĠTitus": 49207, + "ĠServing": 49208, + "ĠRichie": 49209, + "ĠPigs": 49210, + "568": 49211, + "Ġanimosity": 49212, + "ĠAttributes": 49213, + "ĠUriel": 49214, + "MQ": 49215, + "myra": 49216, + "ĠApplicant": 49217, + "Ġpsychiatrists": 49218, + "ĠVij": 49219, + "ĠAbby": 49220, + "agree": 49221, + "Push": 49222, + "ĠkWh": 49223, + "hiba": 49224, + "Ġincite": 49225, + "ĠWeasley": 49226, + "ĠTaxi": 49227, + "ministic": 49228, + "hyper": 49229, + "ĠFarn": 49230, + "Ġ601": 49231, + "ĠNationwide": 49232, + "Fake": 49233, + "952": 49234, + "Ġmaize": 49235, + "Ġinteracted": 49236, + "Ġtransitioned": 49237, + "Ġparasitic": 49238, + "Ġharmonic": 49239, + "Ġdecaying": 49240, + "Ġbaseless": 49241, + "nsics": 49242, + "Ġtranspired": 49243, + "Ġabundantly": 49244, + "ĠForensic": 49245, + "Ġtreadmill": 49246, + "ĠJav": 49247, + "aband": 49248, + "Ġsshd": 49249, + "Ġfrontman": 49250, + "ĠJakarta": 49251, + "oller": 49252, + "drops": 49253, + "ĠSERVICES": 49254, + "romptu": 49255, + "ophical": 49256, + "hospital": 49257, + "bledon": 49258, + "645": 49259, + "Ġmidrange": 49260, + "ĠEVENT": 49261, + "culated": 49262, + "rawled": 49263, + "Ġperched": 49264, + "Ġoverboard": 49265, + "ĠPeel": 49266, + "ĠPwr": 49267, + "ĠCarth": 49268, + "ĠCOMPLE": 49269, + "coe": 49270, + "shall": 49271, + "Ġdeterrence": 49272, + "METHOD": 49273, + "ĠAbsent": 49274, + "MEN": 49275, + "Ġsill": 49276, + "ĠLEVEL": 49277, + "York": 49278, + "Ġsinners": 49279, + "ĠOPEC": 49280, + "ĠNur": 49281, + "ĠDesigns": 49282, + "selection": 49283, + "Ġunworthy": 49284, + "CHA": 49285, + "Ġstrengthens": 49286, + "883": 49287, + "edly": 49288, + "Ġslicing": 49289, + "Ġmalnutrition": 49290, + "Ġfilmmaking": 49291, + "ĠPolk": 49292, + "urated": 49293, + "Ġ421": 49294, + "breakers": 49295, + "!'\"": 49296, + "Ġwetlands": 49297, + "ĠDiscrimination": 49298, + "Ġallowable": 49299, + "Ġsteered": 49300, + "ĠSicily": 49301, + "SAM": 49302, + "Ġmustache": 49303, + "Ġmids": 49304, + "Ġclipped": 49305, + "Ġcirculate": 49306, + "Ġbrittle": 49307, + "ĠBuildings": 49308, + "raised": 49309, + "ĠRoundup": 49310, + "Ġwealthier": 49311, + "Ġoverwrite": 49312, + "Ġoverpowered": 49313, + "ĠGerrard": 49314, + "sites": 49315, + "PDATED": 49316, + "Ġacutely": 49317, + "ĠGamble": 49318, + "Ġpim": 49319, + "ĠKus": 49320, + "Typically": 49321, + "Deploy": 49322, + "ĠMoroccan": 49323, + "potion": 49324, + "combe": 49325, + "Ġvigilante": 49326, + "Ġ363": 49327, + "Stew": 49328, + "ĠBagg": 49329, + "Ġresided": 49330, + "ĠSpo": 49331, + "Ġremnant": 49332, + "Ġemptiness": 49333, + "brainer": 49334, + "Ġoutpatient": 49335, + "priority": 49336, + "Ġleptin": 49337, + "ĠPayton": 49338, + "ĠGleaming": 49339, + "ĠShed": 49340, + "ĠPolo": 49341, + "ĠMormonism": 49342, + "restricted": 49343, + "arlane": 49344, + "wx": 49345, + "Ġcreatine": 49346, + "ĠAnon": 49347, + "ĠSTUD": 49348, + "ĠJUL": 49349, + "ĠTee": 49350, + "528": 49351, + "089": 49352, + "Ġhatched": 49353, + "Dispatch": 49354, + "ĠComposite": 49355, + "Ġ451": 49356, + "puff": 49357, + "ĠXCOM": 49358, + "ĠOrn": 49359, + "ĠTHANK": 49360, + "ENDED": 49361, + "ĠAsheville": 49362, + "ĠÃľ": 49363, + "Ġmango": 49364, + "ĠSlightly": 49365, + "worldly": 49366, + "ĠWander": 49367, + "ĠExpand": 49368, + "ĠChr": 49369, + "Mist": 49370, + "Ġorthodoxy": 49371, + "ĠUNESCO": 49372, + "regate": 49373, + "Elsewhere": 49374, + "kie": 49375, + "irled": 49376, + "Ġtopple": 49377, + "Ġadoptive": 49378, + "ĠLegs": 49379, + "dress": 49380, + "ĠSagan": 49381, + "bare": 49382, + "ĠGlou": 49383, + "Crunch": 49384, + "Ġhelpers": 49385, + "Ġchronically": 49386, + "ĠHuma": 49387, + "10000": 49388, + "Ġaccommodating": 49389, + "äºĶ": 49390, + "Ġwrinkles": 49391, + "Ġdodged": 49392, + "fourth": 49393, + "Ġprecon": 49394, + "Ġcompressor": 49395, + "ĠKare": 49396, + "Ġevict": 49397, + "ĠWarwick": 49398, + "imar": 49399, + "Ġmodernization": 49400, + "Ġbandwagon": 49401, + "Ġrefuted": 49402, + "Ġnetted": 49403, + "ĠNaples": 49404, + "ĠGenie": 49405, + "perors": 49406, + "Ġfielded": 49407, + "Ġdere": 49408, + "ĠParables": 49409, + "lees": 49410, + "Ġtrout": 49411, + "aspers": 49412, + "Ġnihil": 49413, + "Ġhappiest": 49414, + "Ġfloppy": 49415, + "ĠLoft": 49416, + "ĠHeard": 49417, + "Ġunison": 49418, + "Ġlug": 49419, + "ĠRedmond": 49420, + "classic": 49421, + "Supporters": 49422, + "SHIP": 49423, + "GMT": 49424, + "Ġfuelled": 49425, + "çIJ": 49426, + "Ġdd": 49427, + "ĠEminem": 49428, + "Ġ1897": 49429, + "NYSE": 49430, + "Ġsecretaries": 49431, + "ĠFIA": 49432, + "ĠCanaveral": 49433, + "Favorite": 49434, + "Ġpomp": 49435, + "Ġdetainee": 49436, + "ership": 49437, + "aimon": 49438, + "iour": 49439, + "ĠApex": 49440, + "Ġplantations": 49441, + "amia": 49442, + "acion": 49443, + "Rust": 49444, + "Ġtowed": 49445, + "ĠTruly": 49446, + "577": 49447, + "Ġsheltered": 49448, + "rider": 49449, + "Wo": 49450, + "Ġlair": 49451, + "ĠIntelligent": 49452, + "improve": 49453, + "matically": 49454, + "Ġetiquette": 49455, + "adra": 49456, + "allo": 49457, + "ĠJuno": 49458, + "anything": 49459, + "ĠStruggle": 49460, + "ĠPredict": 49461, + "ĠGrimes": 49462, + "ĠAMERICA": 49463, + "ctx": 49464, + "ĠSituation": 49465, + "WOOD": 49466, + "Ġsoluble": 49467, + "meier": 49468, + "Ġintolerable": 49469, + "angering": 49470, + "Ġuninterrupted": 49471, + "Ġtooltip": 49472, + "Ġinterrogated": 49473, + "Ġgunned": 49474, + "ĠSneak": 49475, + "æѦ": 49476, + "Ġtether": 49477, + "Ġcrumble": 49478, + "Lens": 49479, + "Ġclustered": 49480, + "ĠSyl": 49481, + "ĠHasan": 49482, + "Ġdystopian": 49483, + "wana": 49484, + "Ġjoystick": 49485, + "ĠThib": 49486, + "ammu": 49487, + "Tomorrow": 49488, + "546": 49489, + "Ġovercame": 49490, + "Ġminimized": 49491, + "ceptor": 49492, + "Runner": 49493, + "ENGTH": 49494, + "ĠBrenda": 49495, + "ĠAchievements": 49496, + "Ġtorches": 49497, + "Ġrapport": 49498, + "ĠInvestigator": 49499, + "ĠHandling": 49500, + "relation": 49501, + "grey": 49502, + "815": 49503, + "Ġkcal": 49504, + "ĠCommands": 49505, + "dq": 49506, + "Ġcurls": 49507, + "Ġbearer": 49508, + "Ġcynicism": 49509, + "itri": 49510, + "ĠUseful": 49511, + "Bee": 49512, + "DCS": 49513, + "Ġabras": 49514, + "Pract": 49515, + "BILITIES": 49516, + "712": 49517, + "Ġdebugger": 49518, + "Ġdebtor": 49519, + "ĠLia": 49520, + "ĠKers": 49521, + "Ġexacerbate": 49522, + "ĠStacy": 49523, + "ĠBland": 49524, + "ĠScenes": 49525, + "Ġbranching": 49526, + "âĸĪâĸĪâĸĪâĸĪâĸĪâĸĪâĸĪâĸĪ": 49527, + "apeake": 49528, + "Ġsalsa": 49529, + "Ġmishand": 49530, + "ĠKonami": 49531, + "ĠNib": 49532, + "Ġanecdote": 49533, + "Ġagreeable": 49534, + "Ïī": 49535, + "ĠNathaniel": 49536, + "ĠHeisman": 49537, + "ĠBeware": 49538, + "Ġ1886": 49539, + "spective": 49540, + "691": 49541, + "522": 49542, + "Ġinhibits": 49543, + "Ġhashing": 49544, + "Ġ1889": 49545, + "å°Ĩ": 49546, + "vich": 49547, + "Pure": 49548, + "Ġsolidly": 49549, + "Ġaspirin": 49550, + "imaru": 49551, + "Ġstreetcar": 49552, + "ĠUCS": 49553, + "ĠJudd": 49554, + "Ġflashbacks": 49555, + "pins": 49556, + "Ġ1440": 49557, + "ĠUNHCR": 49558, + "ĠSymptoms": 49559, + "TIT": 49560, + "538": 49561, + "Fra": 49562, + "%);": 49563, + "Ġooz": 49564, + "Ġcurfew": 49565, + "Ġcalmed": 49566, + "Ġparticipates": 49567, + "TeX": 49568, + "Ġnonsensical": 49569, + "Ġfullback": 49570, + "ĠDeL": 49571, + "monkey": 49572, + "hari": 49573, + "Ġmetabolites": 49574, + "Ġlooted": 49575, + "ĠALWAYS": 49576, + "ĠBCC": 49577, + "Lt": 49578, + "ochet": 49579, + "Bone": 49580, + "Ġvetoed": 49581, + "Ġgcc": 49582, + "ĠCLICK": 49583, + "Ġ1888": 49584, + "saf": 49585, + "Ġstiffness": 49586, + "Ġlowly": 49587, + "ĠGeh": 49588, + "verson": 49589, + "orset": 49590, + "Ġunforeseen": 49591, + "Ġanesthesia": 49592, + "ĠOptical": 49593, + "Ġreconstructed": 49594, + "ĠTup": 49595, + "shows": 49596, + "NEWS": 49597, + "ĠNewspaper": 49598, + "ĠASA": 49599, + "tera": 49600, + "Numbers": 49601, + "Ġinexplicable": 49602, + "×ij": 49603, + "Ġhardness": 49604, + "untarily": 49605, + "ĠAcer": 49606, + "gradient": 49607, + "ARDIS": 49608, + "Ġwoodland": 49609, + "Ġmetaphors": 49610, + "ĠWembley": 49611, + "ĠPavel": 49612, + "philis": 49613, + "Ġrewriting": 49614, + "Ġperceptual": 49615, + "Ġ1070": 49616, + "worms": 49617, + "ĠDowns": 49618, + "Ġunsurprisingly": 49619, + "Ġtagging": 49620, + "flame": 49621, + "Ġlitres": 49622, + "Ġbounces": 49623, + "ĠBabe": 49624, + "shut": 49625, + "Ġoverdoses": 49626, + "ĠSheila": 49627, + "ĠChau": 49628, + "ĠBless": 49629, + "Capture": 49630, + "ĠSignificant": 49631, + "ĠScion": 49632, + "Ġ389": 49633, + "ĠMcH": 49634, + "ĠTitanium": 49635, + "ĠMeal": 49636, + "ameda": 49637, + "agents": 49638, + "aggressive": 49639, + "Billy": 49640, + "763": 49641, + "ĠSaying": 49642, + "DERR": 49643, + "itone": 49644, + "Collins": 49645, + "Bound": 49646, + "Ġbolted": 49647, + "ĠDMCA": 49648, + "953": 49649, + "Ġuniqueness": 49650, + "Ġepigen": 49651, + "unci": 49652, + "antam": 49653, + "Ġreckoning": 49654, + "chairs": 49655, + "OGR": 49656, + "ĠSenegal": 49657, + "Ġ1862": 49658, + "relevant": 49659, + "Ġ¯": 49660, + "Ġpharmacies": 49661, + "ĠGeral": 49662, + "vier": 49663, + "Yan": 49664, + "ORPG": 49665, + "Ġrabid": 49666, + "bending": 49667, + "ĠUNITED": 49668, + "Ġ465": 49669, + "Assembly": 49670, + "Ġweep": 49671, + "Ġbehest": 49672, + "ĠMothers": 49673, + "ĠJace": 49674, + "hid": 49675, + "Ġwhirlwind": 49676, + "ĠUNIVERS": 49677, + "Ġutopian": 49678, + "Ġkidnap": 49679, + "Philipp": 49680, + "Kin": 49681, + "893": 49682, + "Ġlivestream": 49683, + "ĠMISS": 49684, + "Ġsubversive": 49685, + "ĠTechniques": 49686, + "ĠJUSTICE": 49687, + "ĠBASE": 49688, + "Ġ387": 49689, + "Ġassailants": 49690, + "ĠHardcore": 49691, + "Ġsprinkled": 49692, + "ĠPse": 49693, + "éļ": 49694, + "printed": 49695, + "ĠHau": 49696, + "ORGE": 49697, + "ĠTOUR": 49698, + "Ġlaced": 49699, + "Ġitch": 49700, + "Giving": 49701, + "Ġported": 49702, + "781": 49703, + "////////////////////////////////": 49704, + "breeding": 49705, + "Ġlogger": 49706, + "ĠHOL": 49707, + "innie": 49708, + "Firstly": 49709, + "Ġembryonic": 49710, + "Ġdelegated": 49711, + "pai": 49712, + "OIL": 49713, + "Ġcentrally": 49714, + "ĠRx": 49715, + "ĠScouting": 49716, + "Dutch": 49717, + "Ġhereditary": 49718, + "ĠCruiser": 49719, + "sat": 49720, + "529": 49721, + "ĠMarriott": 49722, + "othermal": 49723, + "Ġprohibitions": 49724, + "Earn": 49725, + "ĠStab": 49726, + "ĠColleges": 49727, + "ĠBelief": 49728, + "stretched": 49729, + "ĠLH": 49730, + "ĠEntityItem": 49731, + "CIA": 49732, + "Ġunrem": 49733, + "Ġlaureate": 49734, + "Ġdenominations": 49735, + "summary": 49736, + "hler": 49737, + "Spect": 49738, + "ĠKlaus": 49739, + "ĠBeans": 49740, + "Ġinsur": 49741, + "ĠPAX": 49742, + "Ġfielder": 49743, + "ĠVet": 49744, + "ĠSparrow": 49745, + "zie": 49746, + "ĠSQ": 49747, + "ĠMondays": 49748, + "ĠOffline": 49749, + "ĠLerner": 49750, + "ĠExtensions": 49751, + "Ireland": 49752, + "Ġpatronage": 49753, + "Ġcontrasted": 49754, + "ĠMania": 49755, + "hirt": 49756, + "Moscow": 49757, + "Ġcondemns": 49758, + "ĠAnge": 49759, + "Ġcomposing": 49760, + "ĠPepe": 49761, + "ĠPaddock": 49762, + "Ġheterogeneity": 49763, + "Ġideologically": 49764, + "Ġfishes": 49765, + "Ġcursing": 49766, + "ĠRutherford": 49767, + "ĠFloating": 49768, + "ĠAmelia": 49769, + "Tea": 49770, + "Synopsis": 49771, + "Ġstunts": 49772, + "Ġbead": 49773, + "Ġstocking": 49774, + "ĠMILL": 49775, + "obook": 49776, + "massive": 49777, + "\\<": 49778, + "Ġhump": 49779, + "ĠPreferences": 49780, + "EngineDebug": 49781, + "geist": 49782, + "ĠNieto": 49783, + "omever": 49784, + "ishy": 49785, + "evaluate": 49786, + "colonial": 49787, + "Alternative": 49788, + "ĠGoPro": 49789, + "ĠVortex": 49790, + "ĠNETWORK": 49791, + "ansky": 49792, + "Secure": 49793, + "ĠThrust": 49794, + "Snake": 49795, + "Ġparcels": 49796, + "Ġsamurai": 49797, + "Ġactresses": 49798, + "Nap": 49799, + "MF": 49800, + "iferation": 49801, + "Beer": 49802, + "523": 49803, + "ĠIly": 49804, + "ointment": 49805, + "Ping": 49806, + "Ġstriped": 49807, + "ĠMellon": 49808, + "ossession": 49809, + "Ġneutron": 49810, + "endium": 49811, + "Ġaph": 49812, + "ĠFlavoring": 49813, + "Ġ383": 49814, + "Ġresponsiveness": 49815, + "ĠJindal": 49816, + "ĠHitchcock": 49817, + "Denver": 49818, + "ĠDRAGON": 49819, + "smanship": 49820, + "ĠDupl": 49821, + "Ġsly": 49822, + "Ġwebcam": 49823, + "ĠTwain": 49824, + "ĠDarling": 49825, + "iliate": 49826, + "consumer": 49827, + "DIT": 49828, + "Ġnamesake": 49829, + "Ġunorthodox": 49830, + "Ġfuner": 49831, + "ĠPLoS": 49832, + "ĠCONTROL": 49833, + "ozyg": 49834, + "oglobin": 49835, + "FACE": 49836, + "ERG": 49837, + "ĠDia": 49838, + "ĠFiesta": 49839, + "cele": 49840, + "034": 49841, + "Ġenclave": 49842, + "âĸ¬âĸ¬": 49843, + "onement": 49844, + "alist": 49845, + "Mand": 49846, + "Ġhomegrown": 49847, + "ĠFancy": 49848, + "Ġconceptions": 49849, + "ĠContains": 49850, + "ureen": 49851, + "Ġreiterate": 49852, + "Ġmeager": 49853, + "Ġinstallments": 49854, + "Spawn": 49855, + "627": 49856, + "Ġphotoc": 49857, + "ĠCabrera": 49858, + "ĠRosenthal": 49859, + "ĠLansing": 49860, + "isner": 49861, + "Ġinvests": 49862, + "ĠUFOs": 49863, + "EXP": 49864, + "Hardware": 49865, + "Ġtragically": 49866, + "Ġconcedes": 49867, + "ieft": 49868, + "cham": 49869, + "borgh": 49870, + "ĠSchr": 49871, + "ĠMelanie": 49872, + "ĠHoy": 49873, + "Ġvisitation": 49874, + "Ġidiosyncr": 49875, + "Ġfractions": 49876, + "Ġforeskin": 49877, + "obos": 49878, + "Ġpoaching": 49879, + "ĠVIEW": 49880, + "Ġstimulates": 49881, + "ĠGork": 49882, + "canon": 49883, + "MIC": 49884, + "ĠNemesis": 49885, + "ĠIndra": 49886, + "ĠDMV": 49887, + "Ġ529": 49888, + "Ġinspecting": 49889, + "Ġgrandma": 49890, + "ĠWhedon": 49891, + "ĠShant": 49892, + "ĠPurg": 49893, + "ikan": 49894, + "ĠTeg": 49895, + "ĠCLR": 49896, + "zac": 49897, + "Victoria": 49898, + "ĠVerify": 49899, + "ionics": 49900, + "Ġpartying": 49901, + "ĠMou": 49902, + "colour": 49903, + "Ġtestimonies": 49904, + "lations": 49905, + "Ġpressuring": 49906, + "hiro": 49907, + "acers": 49908, + "Ġfid": 49909, + "angler": 49910, + "ĠCSI": 49911, + "Ġhereafter": 49912, + "Ġdissidents": 49913, + "reporting": 49914, + "iphany": 49915, + "chev": 49916, + "Ġsolitude": 49917, + "Ġlobe": 49918, + "Ġindis": 49919, + "Ġcredential": 49920, + "recent": 49921, + "adult": 49922, + "ĠNirvana": 49923, + "ĠFranchise": 49924, + "Layer": 49925, + "Hyp": 49926, + "ĠBerkshire": 49927, + "Ġwills": 49928, + "tif": 49929, + "Ġtotem": 49930, + "ĠJudah": 49931, + "repair": 49932, + "Instant": 49933, + "548": 49934, + "Ġembassies": 49935, + "Ġbottleneck": 49936, + "Ġbount": 49937, + "Ġtypew": 49938, + "ĠAlvin": 49939, + "jing": 49940, + "imilar": 49941, + "Rush": 49942, + "Ġbrim": 49943, + "ĠHELP": 49944, + "Aim": 49945, + "]'": 49946, + "Ġpassively": 49947, + "Ġbounded": 49948, + "ĠRated": 49949, + "Ġcriminality": 49950, + "Ġbiomark": 49951, + "Ġdispatcher": 49952, + "ĠTowards": 49953, + "Ġ+++": 49954, + "righteous": 49955, + "frog": 49956, + "ĠPanc": 49957, + "Carter": 49958, + "032": 49959, + "æ©Ł": 49960, + "Ġultraviolet": 49961, + "ĠLicensed": 49962, + "ĠTata": 49963, + "ĠBlessing": 49964, + "ĠGAM": 49965, + "Ġchemically": 49966, + "ĠSeaf": 49967, + "ĠRELE": 49968, + "ĠMercenary": 49969, + "capitalist": 49970, + "Ġformulations": 49971, + "Ġannihilation": 49972, + "ĠVerb": 49973, + "ĠArgon": 49974, + "Ġunloaded": 49975, + "Ġmorphed": 49976, + "Ġconquering": 49977, + "backer": 49978, + "IELD": 49979, + "Ġthefts": 49980, + "Ġfrontrunner": 49981, + "ĠRoyale": 49982, + "ĠFundamental": 49983, + "elight": 49984, + "Chip": 49985, + "necessary": 49986, + "ayn": 49987, + "ĠSlip": 49988, + "Ġ448": 49989, + "cerned": 49990, + "Pause": 49991, + "Ġshockingly": 49992, + "ĠABV": 49993, + "Ġcomposure": 49994, + "733": 49995, + "ĠMotorsport": 49996, + "ahime": 49997, + "Murray": 49998, + "Mach": 49999, + "Ġgrids": 50000, + "Ġdebian": 50001, + "Ġfurthermore": 50002, + "Ġdexterity": 50003, + "ĠCollections": 50004, + "oslov": 50005, + "ilage": 50006, + "bj": 50007, + "ĠMonteneg": 50008, + "ĠstrutConnector": 50009, + "Ġmassacres": 50010, + "Ġbriefs": 50011, + "fetched": 50012, + "uvian": 50013, + "olition": 50014, + "Failure": 50015, + "emonic": 50016, + "Ġflared": 50017, + "Ġclaimant": 50018, + "Ġcures": 50019, + "Ġgiveaways": 50020, + "ĠSubstance": 50021, + "alions": 50022, + "Ġcringe": 50023, + "ĠKul": 50024, + "Ġaristocracy": 50025, + "ĠUlster": 50026, + "olated": 50027, + "housing": 50028, + "ĠMIS": 50029, + "Ġglared": 50030, + "ĠWilhelm": 50031, + "needs": 50032, + "lambda": 50033, + "builders": 50034, + "ĠVIS": 50035, + "Ġradiator": 50036, + "ĠGhostbusters": 50037, + "Ġ436": 50038, + "actual": 50039, + "Ġherds": 50040, + "ça": 50041, + "watching": 50042, + "Ġcountering": 50043, + "Charge": 50044, + "Ġcharred": 50045, + "Ġwarheads": 50046, + "Ġiodine": 50047, + "ĠMacy": 50048, + "041": 50049, + "Ġdepartures": 50050, + "ĠSins": 50051, + "Ġdyed": 50052, + "ĠConcepts": 50053, + "gado": 50054, + "713": 50055, + "Ġquotations": 50056, + "Ġgist": 50057, + "ĠChristy": 50058, + "Ġantigen": 50059, + "ĠHemp": 50060, + "ĠDrawn": 50061, + "ĠBarg": 50062, + "ezvous": 50063, + "Ġpaternity": 50064, + "Ġardu": 50065, + "ĠAnchorage": 50066, + "ĠRik": 50067, + "Ġoverloaded": 50068, + "ĠUsername": 50069, + "ĠTammy": 50070, + "ĠNau": 50071, + "ĠCellular": 50072, + "Ġwaning": 50073, + "Ġrodent": 50074, + "ĠWorcester": 50075, + "ilts": 50076, + "ĠTad": 50077, + "Ġdwellings": 50078, + "Ġbullish": 50079, + "431": 50080, + "Ġretaliate": 50081, + "Ġmigraine": 50082, + "ĠChevron": 50083, + "CHECK": 50084, + "Ġdonkey": 50085, + "crim": 50086, + "SPA": 50087, + "ĠAnalog": 50088, + "Ġmarquee": 50089, + "ĠHaas": 50090, + "Bir": 50091, + "ĠGDDR": 50092, + "ĠDownloads": 50093, + "Ġwillpower": 50094, + "ĠForth": 50095, + "ĠRecorded": 50096, + "Ġimpossibility": 50097, + "ĠLogged": 50098, + "ĠFranks": 50099, + "ĠRatt": 50100, + "initions": 50101, + "Ġcleaners": 50102, + "Ġsorely": 50103, + "Ġflickering": 50104, + "ĠExamination": 50105, + "catching": 50106, + "alloween": 50107, + "Msg": 50108, + "Ġdunno": 50109, + "Fa": 50110, + "Ġdysph": 50111, + "crazy": 50112, + ".''.": 50113, + "Ġmainline": 50114, + "Ġcs": 50115, + "Ġptr": 50116, + "ĠWally": 50117, + "igun": 50118, + "951": 50119, + "ĠBigfoot": 50120, + "fights": 50121, + "Ġretrieving": 50122, + "Jr": 50123, + "Ġduplication": 50124, + "ĠExplan": 50125, + "Ġrelational": 50126, + "Ġquaint": 50127, + "Ġbiscuits": 50128, + "Ġado": 50129, + "Ġshudder": 50130, + "Ġantidote": 50131, + "blooded": 50132, + "ksh": 50133, + "Ġsauces": 50134, + "Ġreinvest": 50135, + "Ġdispensary": 50136, + "ĠDiver": 50137, + "Ġ9000": 50138, + "student": 50139, + "Ġinsepar": 50140, + "escap": 50141, + "Ġtoddlers": 50142, + "ĠGPIO": 50143, + "ĠAssignment": 50144, + "headers": 50145, + "Ġlackluster": 50146, + "Ġaback": 50147, + "956": 50148, + "Ġtoolbar": 50149, + "745": 50150, + "Ġoust": 50151, + "Ġcontemplation": 50152, + "ĠPRESIDENT": 50153, + "Ġ458": 50154, + "======": 50155, + "Ġguaranteeing": 50156, + "ĠHeist": 50157, + "ĠCannes": 50158, + "Ļ½": 50159, + "Ġcollaborator": 50160, + "ĠAmp": 50161, + "Ġgou": 50162, + "ĠSHALL": 50163, + "stories": 50164, + "783": 50165, + "Ġmobilized": 50166, + "Ġbrood": 50167, + "ĠLU": 50168, + "ĠðŁij": 50169, + "Ġrefin": 50170, + "ĠAnthropology": 50171, + "vind": 50172, + "illi": 50173, + "Ġwarranties": 50174, + "ĠBabel": 50175, + "Ġswath": 50176, + "Ġcaches": 50177, + "Ġantagonists": 50178, + "artifacts": 50179, + "Ġhotly": 50180, + "ĠStarts": 50181, + "ĠGö": 50182, + "zag": 50183, + "!!!!!": 50184, + "Ġscourge": 50185, + "Ġconspiring": 50186, + "ruits": 50187, + "reverse": 50188, + "ĠSheen": 50189, + "ĠJesuit": 50190, + "ĠGiovanni": 50191, + "adies": 50192, + "Ġbuttocks": 50193, + "earcher": 50194, + "acan": 50195, + "Ġvolleyball": 50196, + "Ġshrouded": 50197, + "Ġscoreboard": 50198, + "bats": 50199, + "ĠIPM": 50200, + "Ġasses": 50201, + "Ġderegulation": 50202, + "ĠTelegram": 50203, + "ĠReboot": 50204, + "Ġ7000": 50205, + "ĠCanary": 50206, + "Ġkernels": 50207, + "ĠFrançois": 50208, + "ĠDuff": 50209, + "ĠPon": 50210, + "ĠLeica": 50211, + "ĠGarmin": 50212, + "Ġorphans": 50213, + "ĠClaudia": 50214, + "Ġcalendars": 50215, + "ĠLeilan": 50216, + "ento": 50217, + "Rocket": 50218, + "Ġbrunch": 50219, + "ĠHawking": 50220, + "ainers": 50221, + "Ġsensibilities": 50222, + "ĠkW": 50223, + "ĠKand": 50224, + "Ġreclaimed": 50225, + "Ġinterestingly": 50226, + "ש": 50227, + "romy": 50228, + "JM": 50229, + "ĠEnhancement": 50230, + "bush": 50231, + "Skip": 50232, + "Ġrappers": 50233, + "Ġgazing": 50234, + "pedia": 50235, + "athlon": 50236, + "Revolution": 50237, + "Ġsnipers": 50238, + "Ġreverted": 50239, + "Ġconglomerate": 50240, + "Terry": 50241, + "794": 50242, + "Ġharsher": 50243, + "Ġdesolate": 50244, + "ĠHitman": 50245, + "Commission": 50246, + "Ġ(/": 50247, + "âĢ¦.\"": 50248, + "Compar": 50249, + "Ġamplification": 50250, + "ominated": 50251, + "Ġregress": 50252, + "ĠCollider": 50253, + "Ġinformants": 50254, + "Ġgazed": 50255, + "<|endoftext|>": 50256 + }, + "merges": [ + [ + "Ġ", + "t" + ], + [ + "Ġ", + "a" + ], + [ + "h", + "e" + ], + [ + "i", + "n" + ], + [ + "r", + "e" + ], + [ + "o", + "n" + ], + [ + "Ġt", + "he" + ], + [ + "e", + "r" + ], + [ + "Ġ", + "s" + ], + [ + "a", + "t" + ], + [ + "Ġ", + "w" + ], + [ + "Ġ", + "o" + ], + [ + "e", + "n" + ], + [ + "Ġ", + "c" + ], + [ + "i", + "t" + ], + [ + "i", + "s" + ], + [ + "a", + "n" + ], + [ + "o", + "r" + ], + [ + "e", + "s" + ], + [ + "Ġ", + "b" + ], + [ + "e", + "d" + ], + [ + "Ġ", + "f" + ], + [ + "in", + "g" + ], + [ + "Ġ", + "p" + ], + [ + "o", + "u" + ], + [ + "Ġa", + "n" + ], + [ + "a", + "l" + ], + [ + "a", + "r" + ], + [ + "Ġt", + "o" + ], + [ + "Ġ", + "m" + ], + [ + "Ġo", + "f" + ], + [ + "Ġ", + "in" + ], + [ + "Ġ", + "d" + ], + [ + "Ġ", + "h" + ], + [ + "Ġan", + "d" + ], + [ + "i", + "c" + ], + [ + "a", + "s" + ], + [ + "l", + "e" + ], + [ + "Ġt", + "h" + ], + [ + "i", + "on" + ], + [ + "o", + "m" + ], + [ + "l", + "l" + ], + [ + "en", + "t" + ], + [ + "Ġ", + "n" + ], + [ + "Ġ", + "l" + ], + [ + "s", + "t" + ], + [ + "Ġ", + "re" + ], + [ + "v", + "e" + ], + [ + "Ġ", + "e" + ], + [ + "r", + "o" + ], + [ + "l", + "y" + ], + [ + "Ġb", + "e" + ], + [ + "Ġ", + "g" + ], + [ + "Ġ", + "T" + ], + [ + "c", + "t" + ], + [ + "Ġ", + "S" + ], + [ + "i", + "d" + ], + [ + "o", + "t" + ], + [ + "Ġ", + "I" + ], + [ + "u", + "t" + ], + [ + "e", + "t" + ], + [ + "Ġ", + "A" + ], + [ + "Ġ", + "is" + ], + [ + "Ġ", + "on" + ], + [ + "i", + "m" + ], + [ + "a", + "m" + ], + [ + "o", + "w" + ], + [ + "a", + "y" + ], + [ + "a", + "d" + ], + [ + "s", + "e" + ], + [ + "Ġth", + "at" + ], + [ + "Ġ", + "C" + ], + [ + "i", + "g" + ], + [ + "Ġf", + "or" + ], + [ + "a", + "c" + ], + [ + "Ġ", + "y" + ], + [ + "v", + "er" + ], + [ + "u", + "r" + ], + [ + "Ġ", + "u" + ], + [ + "l", + "d" + ], + [ + "Ġs", + "t" + ], + [ + "Ġ", + "M" + ], + [ + "'", + "s" + ], + [ + "Ġ", + "he" + ], + [ + "Ġ", + "it" + ], + [ + "at", + "ion" + ], + [ + "it", + "h" + ], + [ + "i", + "r" + ], + [ + "c", + "e" + ], + [ + "Ġy", + "ou" + ], + [ + "i", + "l" + ], + [ + "Ġ", + "B" + ], + [ + "Ġw", + "h" + ], + [ + "o", + "l" + ], + [ + "Ġ", + "P" + ], + [ + "Ġw", + "ith" + ], + [ + "Ġ", + "1" + ], + [ + "t", + "er" + ], + [ + "c", + "h" + ], + [ + "Ġa", + "s" + ], + [ + "Ġw", + "e" + ], + [ + "Ġ", + "(" + ], + [ + "n", + "d" + ], + [ + "i", + "ll" + ], + [ + "Ġ", + "D" + ], + [ + "i", + "f" + ], + [ + "Ġ", + "2" + ], + [ + "a", + "g" + ], + [ + "er", + "s" + ], + [ + "k", + "e" + ], + [ + "Ġ", + "\"" + ], + [ + "Ġ", + "H" + ], + [ + "e", + "m" + ], + [ + "Ġc", + "on" + ], + [ + "Ġ", + "W" + ], + [ + "Ġ", + "R" + ], + [ + "he", + "r" + ], + [ + "Ġw", + "as" + ], + [ + "Ġ", + "r" + ], + [ + "o", + "d" + ], + [ + "Ġ", + "F" + ], + [ + "u", + "l" + ], + [ + "at", + "e" + ], + [ + "Ġa", + "t" + ], + [ + "r", + "i" + ], + [ + "p", + "p" + ], + [ + "o", + "re" + ], + [ + "ĠT", + "he" + ], + [ + "Ġs", + "e" + ], + [ + "u", + "s" + ], + [ + "Ġp", + "ro" + ], + [ + "Ġh", + "a" + ], + [ + "u", + "m" + ], + [ + "Ġa", + "re" + ], + [ + "Ġd", + "e" + ], + [ + "a", + "in" + ], + [ + "an", + "d" + ], + [ + "Ġo", + "r" + ], + [ + "ig", + "h" + ], + [ + "es", + "t" + ], + [ + "is", + "t" + ], + [ + "a", + "b" + ], + [ + "r", + "om" + ], + [ + "Ġ", + "N" + ], + [ + "t", + "h" + ], + [ + "Ġc", + "om" + ], + [ + "Ġ", + "G" + ], + [ + "u", + "n" + ], + [ + "o", + "p" + ], + [ + "0", + "0" + ], + [ + "Ġ", + "L" + ], + [ + "Ġn", + "ot" + ], + [ + "es", + "s" + ], + [ + "Ġe", + "x" + ], + [ + "Ġ", + "v" + ], + [ + "re", + "s" + ], + [ + "Ġ", + "E" + ], + [ + "e", + "w" + ], + [ + "it", + "y" + ], + [ + "an", + "t" + ], + [ + "Ġb", + "y" + ], + [ + "e", + "l" + ], + [ + "o", + "s" + ], + [ + "or", + "t" + ], + [ + "o", + "c" + ], + [ + "q", + "u" + ], + [ + "Ġf", + "rom" + ], + [ + "Ġha", + "ve" + ], + [ + "Ġs", + "u" + ], + [ + "i", + "ve" + ], + [ + "ou", + "ld" + ], + [ + "Ġs", + "h" + ], + [ + "Ġth", + "is" + ], + [ + "n", + "t" + ], + [ + "r", + "a" + ], + [ + "p", + "e" + ], + [ + "igh", + "t" + ], + [ + "ar", + "t" + ], + [ + "m", + "ent" + ], + [ + "Ġa", + "l" + ], + [ + "u", + "st" + ], + [ + "en", + "d" + ], + [ + "-", + "-" + ], + [ + "al", + "l" + ], + [ + "Ġ", + "O" + ], + [ + "ac", + "k" + ], + [ + "Ġc", + "h" + ], + [ + "Ġ", + "le" + ], + [ + "i", + "es" + ], + [ + "re", + "d" + ], + [ + "ar", + "d" + ], + [ + "â", + "Ģ" + ], + [ + "ou", + "t" + ], + [ + "Ġ", + "J" + ], + [ + "Ġa", + "b" + ], + [ + "e", + "ar" + ], + [ + "i", + "v" + ], + [ + "al", + "ly" + ], + [ + "ou", + "r" + ], + [ + "o", + "st" + ], + [ + "g", + "h" + ], + [ + "p", + "t" + ], + [ + "Ġp", + "l" + ], + [ + "as", + "t" + ], + [ + "Ġc", + "an" + ], + [ + "a", + "k" + ], + [ + "om", + "e" + ], + [ + "u", + "d" + ], + [ + "T", + "he" + ], + [ + "Ġh", + "is" + ], + [ + "Ġd", + "o" + ], + [ + "Ġg", + "o" + ], + [ + "Ġh", + "as" + ], + [ + "g", + "e" + ], + [ + "'", + "t" + ], + [ + "Ġ", + "U" + ], + [ + "r", + "ou" + ], + [ + "Ġs", + "a" + ], + [ + "Ġ", + "j" + ], + [ + "Ġb", + "ut" + ], + [ + "Ġw", + "or" + ], + [ + "Ġa", + "ll" + ], + [ + "e", + "ct" + ], + [ + "Ġ", + "k" + ], + [ + "am", + "e" + ], + [ + "Ġw", + "ill" + ], + [ + "o", + "k" + ], + [ + "Ġw", + "he" + ], + [ + "Ġthe", + "y" + ], + [ + "id", + "e" + ], + [ + "0", + "1" + ], + [ + "f", + "f" + ], + [ + "ic", + "h" + ], + [ + "p", + "l" + ], + [ + "t", + "her" + ], + [ + "Ġt", + "r" + ], + [ + ".", + "." + ], + [ + "Ġin", + "t" + ], + [ + "i", + "e" + ], + [ + "u", + "re" + ], + [ + "ag", + "e" + ], + [ + "Ġn", + "e" + ], + [ + "i", + "al" + ], + [ + "a", + "p" + ], + [ + "in", + "e" + ], + [ + "ic", + "e" + ], + [ + "Ġm", + "e" + ], + [ + "Ġo", + "ut" + ], + [ + "an", + "s" + ], + [ + "on", + "e" + ], + [ + "on", + "g" + ], + [ + "ion", + "s" + ], + [ + "Ġwh", + "o" + ], + [ + "Ġ", + "K" + ], + [ + "Ġu", + "p" + ], + [ + "Ġthe", + "ir" + ], + [ + "Ġa", + "d" + ], + [ + "Ġ", + "3" + ], + [ + "Ġu", + "s" + ], + [ + "at", + "ed" + ], + [ + "ou", + "s" + ], + [ + "Ġm", + "ore" + ], + [ + "u", + "e" + ], + [ + "o", + "g" + ], + [ + "ĠS", + "t" + ], + [ + "in", + "d" + ], + [ + "i", + "ke" + ], + [ + "Ġs", + "o" + ], + [ + "im", + "e" + ], + [ + "p", + "er" + ], + [ + ".", + "\"" + ], + [ + "b", + "er" + ], + [ + "i", + "z" + ], + [ + "a", + "ct" + ], + [ + "Ġon", + "e" + ], + [ + "Ġsa", + "id" + ], + [ + "Ġ", + "-" + ], + [ + "a", + "re" + ], + [ + "Ġyou", + "r" + ], + [ + "c", + "c" + ], + [ + "ĠT", + "h" + ], + [ + "Ġc", + "l" + ], + [ + "e", + "p" + ], + [ + "a", + "ke" + ], + [ + "ab", + "le" + ], + [ + "i", + "p" + ], + [ + "Ġcon", + "t" + ], + [ + "Ġwh", + "ich" + ], + [ + "i", + "a" + ], + [ + "Ġ", + "im" + ], + [ + "Ġab", + "out" + ], + [ + "Ġwe", + "re" + ], + [ + "ver", + "y" + ], + [ + "u", + "b" + ], + [ + "Ġh", + "ad" + ], + [ + "Ġ", + "en" + ], + [ + "Ġcom", + "p" + ], + [ + ",", + "\"" + ], + [ + "ĠI", + "n" + ], + [ + "Ġu", + "n" + ], + [ + "Ġa", + "g" + ], + [ + "i", + "re" + ], + [ + "ac", + "e" + ], + [ + "a", + "u" + ], + [ + "ar", + "y" + ], + [ + "Ġw", + "ould" + ], + [ + "as", + "s" + ], + [ + "r", + "y" + ], + [ + "Ġ", + "âĢ" + ], + [ + "c", + "l" + ], + [ + "o", + "ok" + ], + [ + "e", + "re" + ], + [ + "s", + "o" + ], + [ + "Ġ", + "V" + ], + [ + "ig", + "n" + ], + [ + "i", + "b" + ], + [ + "Ġof", + "f" + ], + [ + "Ġt", + "e" + ], + [ + "v", + "en" + ], + [ + "Ġ", + "Y" + ], + [ + "i", + "le" + ], + [ + "o", + "se" + ], + [ + "it", + "e" + ], + [ + "or", + "m" + ], + [ + "Ġ2", + "01" + ], + [ + "Ġre", + "s" + ], + [ + "Ġm", + "an" + ], + [ + "Ġp", + "er" + ], + [ + "Ġo", + "ther" + ], + [ + "or", + "d" + ], + [ + "ul", + "t" + ], + [ + "Ġbe", + "en" + ], + [ + "Ġl", + "ike" + ], + [ + "as", + "e" + ], + [ + "an", + "ce" + ], + [ + "k", + "s" + ], + [ + "ay", + "s" + ], + [ + "ow", + "n" + ], + [ + "en", + "ce" + ], + [ + "Ġd", + "is" + ], + [ + "ct", + "ion" + ], + [ + "Ġan", + "y" + ], + [ + "Ġa", + "pp" + ], + [ + "Ġs", + "p" + ], + [ + "in", + "t" + ], + [ + "res", + "s" + ], + [ + "ation", + "s" + ], + [ + "a", + "il" + ], + [ + "Ġ", + "4" + ], + [ + "ic", + "al" + ], + [ + "Ġthe", + "m" + ], + [ + "Ġhe", + "r" + ], + [ + "ou", + "nt" + ], + [ + "ĠC", + "h" + ], + [ + "Ġa", + "r" + ], + [ + "Ġ", + "if" + ], + [ + "Ġthe", + "re" + ], + [ + "Ġp", + "e" + ], + [ + "Ġy", + "ear" + ], + [ + "a", + "v" + ], + [ + "Ġm", + "y" + ], + [ + "Ġs", + "ome" + ], + [ + "Ġwhe", + "n" + ], + [ + "ou", + "gh" + ], + [ + "ac", + "h" + ], + [ + "Ġth", + "an" + ], + [ + "r", + "u" + ], + [ + "on", + "d" + ], + [ + "ic", + "k" + ], + [ + "Ġo", + "ver" + ], + [ + "ve", + "l" + ], + [ + "Ġ", + "qu" + ], + [ + "Ċ", + "Ċ" + ], + [ + "Ġs", + "c" + ], + [ + "re", + "at" + ], + [ + "re", + "e" + ], + [ + "ĠI", + "t" + ], + [ + "ou", + "nd" + ], + [ + "p", + "ort" + ], + [ + "Ġal", + "so" + ], + [ + "Ġp", + "art" + ], + [ + "f", + "ter" + ], + [ + "Ġk", + "n" + ], + [ + "Ġbe", + "c" + ], + [ + "Ġt", + "ime" + ], + [ + "en", + "s" + ], + [ + "Ġ", + "5" + ], + [ + "op", + "le" + ], + [ + "Ġwh", + "at" + ], + [ + "Ġn", + "o" + ], + [ + "d", + "u" + ], + [ + "m", + "er" + ], + [ + "an", + "g" + ], + [ + "Ġn", + "ew" + ], + [ + "--", + "--" + ], + [ + "Ġg", + "et" + ], + [ + "or", + "y" + ], + [ + "it", + "ion" + ], + [ + "ing", + "s" + ], + [ + "Ġj", + "ust" + ], + [ + "Ġint", + "o" + ], + [ + "Ġ", + "0" + ], + [ + "ent", + "s" + ], + [ + "o", + "ve" + ], + [ + "t", + "e" + ], + [ + "Ġpe", + "ople" + ], + [ + "Ġp", + "re" + ], + [ + "Ġit", + "s" + ], + [ + "Ġre", + "c" + ], + [ + "Ġt", + "w" + ], + [ + "i", + "an" + ], + [ + "ir", + "st" + ], + [ + "ar", + "k" + ], + [ + "or", + "s" + ], + [ + "Ġwor", + "k" + ], + [ + "ad", + "e" + ], + [ + "o", + "b" + ], + [ + "Ġs", + "he" + ], + [ + "Ġo", + "ur" + ], + [ + "w", + "n" + ], + [ + "in", + "k" + ], + [ + "l", + "ic" + ], + [ + "Ġ1", + "9" + ], + [ + "ĠH", + "e" + ], + [ + "is", + "h" + ], + [ + "nd", + "er" + ], + [ + "au", + "se" + ], + [ + "Ġh", + "im" + ], + [ + "on", + "s" + ], + [ + "Ġ", + "[" + ], + [ + "Ġ", + "ro" + ], + [ + "f", + "orm" + ], + [ + "i", + "ld" + ], + [ + "at", + "es" + ], + [ + "ver", + "s" + ], + [ + "Ġon", + "ly" + ], + [ + "o", + "ll" + ], + [ + "Ġs", + "pe" + ], + [ + "c", + "k" + ], + [ + "e", + "ll" + ], + [ + "am", + "p" + ], + [ + "Ġa", + "cc" + ], + [ + "Ġb", + "l" + ], + [ + "i", + "ous" + ], + [ + "ur", + "n" + ], + [ + "f", + "t" + ], + [ + "o", + "od" + ], + [ + "Ġh", + "ow" + ], + [ + "he", + "d" + ], + [ + "Ġ", + "'" + ], + [ + "Ġa", + "fter" + ], + [ + "a", + "w" + ], + [ + "Ġat", + "t" + ], + [ + "o", + "v" + ], + [ + "n", + "e" + ], + [ + "Ġpl", + "ay" + ], + [ + "er", + "v" + ], + [ + "ic", + "t" + ], + [ + "Ġc", + "ould" + ], + [ + "it", + "t" + ], + [ + "Ġa", + "m" + ], + [ + "Ġf", + "irst" + ], + [ + "Ġ", + "6" + ], + [ + "Ġa", + "ct" + ], + [ + "Ġ", + "$" + ], + [ + "e", + "c" + ], + [ + "h", + "ing" + ], + [ + "u", + "al" + ], + [ + "u", + "ll" + ], + [ + "Ġcom", + "m" + ], + [ + "o", + "y" + ], + [ + "o", + "ld" + ], + [ + "c", + "es" + ], + [ + "at", + "er" + ], + [ + "Ġf", + "e" + ], + [ + "Ġbe", + "t" + ], + [ + "w", + "e" + ], + [ + "if", + "f" + ], + [ + "Ġtw", + "o" + ], + [ + "oc", + "k" + ], + [ + "Ġb", + "ack" + ], + [ + ")", + "." + ], + [ + "id", + "ent" + ], + [ + "Ġu", + "nder" + ], + [ + "rou", + "gh" + ], + [ + "se", + "l" + ], + [ + "x", + "t" + ], + [ + "Ġm", + "ay" + ], + [ + "rou", + "nd" + ], + [ + "Ġp", + "o" + ], + [ + "p", + "h" + ], + [ + "is", + "s" + ], + [ + "Ġd", + "es" + ], + [ + "Ġm", + "ost" + ], + [ + "Ġd", + "id" + ], + [ + "Ġad", + "d" + ], + [ + "j", + "ect" + ], + [ + "Ġin", + "c" + ], + [ + "f", + "ore" + ], + [ + "Ġp", + "ol" + ], + [ + "on", + "t" + ], + [ + "Ġag", + "ain" + ], + [ + "cl", + "ud" + ], + [ + "ter", + "n" + ], + [ + "Ġkn", + "ow" + ], + [ + "Ġne", + "ed" + ], + [ + "Ġcon", + "s" + ], + [ + "Ġc", + "o" + ], + [ + "Ġ", + "." + ], + [ + "Ġw", + "ant" + ], + [ + "Ġse", + "e" + ], + [ + "Ġ", + "7" + ], + [ + "n", + "ing" + ], + [ + "i", + "ew" + ], + [ + "ĠTh", + "is" + ], + [ + "c", + "ed" + ], + [ + "Ġe", + "ven" + ], + [ + "Ġin", + "d" + ], + [ + "t", + "y" + ], + [ + "ĠW", + "e" + ], + [ + "at", + "h" + ], + [ + "Ġthe", + "se" + ], + [ + "Ġp", + "r" + ], + [ + "Ġu", + "se" + ], + [ + "Ġbec", + "ause" + ], + [ + "Ġf", + "l" + ], + [ + "n", + "g" + ], + [ + "Ġn", + "ow" + ], + [ + "ĠâĢ", + "ĵ" + ], + [ + "c", + "om" + ], + [ + "is", + "e" + ], + [ + "Ġm", + "ake" + ], + [ + "Ġthe", + "n" + ], + [ + "ow", + "er" + ], + [ + "Ġe", + "very" + ], + [ + "ĠU", + "n" + ], + [ + "Ġse", + "c" + ], + [ + "os", + "s" + ], + [ + "u", + "ch" + ], + [ + "Ġe", + "m" + ], + [ + "Ġ", + "=" + ], + [ + "ĠR", + "e" + ], + [ + "i", + "ed" + ], + [ + "r", + "it" + ], + [ + "Ġin", + "v" + ], + [ + "le", + "ct" + ], + [ + "Ġsu", + "pp" + ], + [ + "at", + "ing" + ], + [ + "Ġl", + "ook" + ], + [ + "m", + "an" + ], + [ + "pe", + "ct" + ], + [ + "Ġ", + "8" + ], + [ + "ro", + "w" + ], + [ + "Ġb", + "u" + ], + [ + "Ġwhe", + "re" + ], + [ + "if", + "ic" + ], + [ + "Ġyear", + "s" + ], + [ + "i", + "ly" + ], + [ + "Ġd", + "iff" + ], + [ + "Ġsh", + "ould" + ], + [ + "Ġre", + "m" + ], + [ + "T", + "h" + ], + [ + "I", + "n" + ], + [ + "Ġe", + "v" + ], + [ + "d", + "ay" + ], + [ + "'", + "re" + ], + [ + "ri", + "b" + ], + [ + "Ġre", + "l" + ], + [ + "s", + "s" + ], + [ + "Ġde", + "f" + ], + [ + "Ġr", + "ight" + ], + [ + "Ġs", + "y" + ], + [ + ")", + "," + ], + [ + "l", + "es" + ], + [ + "00", + "0" + ], + [ + "he", + "n" + ], + [ + "Ġth", + "rough" + ], + [ + "ĠT", + "r" + ], + [ + "_", + "_" + ], + [ + "Ġw", + "ay" + ], + [ + "Ġd", + "on" + ], + [ + "Ġ", + "," + ], + [ + "Ġ1", + "0" + ], + [ + "as", + "ed" + ], + [ + "Ġas", + "s" + ], + [ + "ub", + "lic" + ], + [ + "Ġre", + "g" + ], + [ + "ĠA", + "nd" + ], + [ + "i", + "x" + ], + [ + "Ġ", + "very" + ], + [ + "Ġin", + "clud" + ], + [ + "ot", + "her" + ], + [ + "Ġim", + "p" + ], + [ + "ot", + "h" + ], + [ + "Ġsu", + "b" + ], + [ + "ĠâĢ", + "Ķ" + ], + [ + "Ġbe", + "ing" + ], + [ + "ar", + "g" + ], + [ + "ĠW", + "h" + ], + [ + "=", + "=" + ], + [ + "ib", + "le" + ], + [ + "Ġdo", + "es" + ], + [ + "an", + "ge" + ], + [ + "r", + "am" + ], + [ + "Ġ", + "9" + ], + [ + "er", + "t" + ], + [ + "p", + "s" + ], + [ + "it", + "ed" + ], + [ + "ation", + "al" + ], + [ + "Ġb", + "r" + ], + [ + "Ġd", + "own" + ], + [ + "Ġman", + "y" + ], + [ + "ak", + "ing" + ], + [ + "Ġc", + "all" + ], + [ + "ur", + "ing" + ], + [ + "it", + "ies" + ], + [ + "Ġp", + "h" + ], + [ + "ic", + "s" + ], + [ + "al", + "s" + ], + [ + "Ġde", + "c" + ], + [ + "at", + "ive" + ], + [ + "en", + "er" + ], + [ + "Ġbe", + "fore" + ], + [ + "il", + "ity" + ], + [ + "Ġwe", + "ll" + ], + [ + "Ġm", + "uch" + ], + [ + "ers", + "on" + ], + [ + "Ġth", + "ose" + ], + [ + "Ġsu", + "ch" + ], + [ + "Ġ", + "ke" + ], + [ + "Ġ", + "end" + ], + [ + "ĠB", + "ut" + ], + [ + "as", + "on" + ], + [ + "t", + "ing" + ], + [ + "Ġl", + "ong" + ], + [ + "e", + "f" + ], + [ + "Ġth", + "ink" + ], + [ + "y", + "s" + ], + [ + "Ġbe", + "l" + ], + [ + "Ġs", + "m" + ], + [ + "it", + "s" + ], + [ + "a", + "x" + ], + [ + "Ġo", + "wn" + ], + [ + "Ġpro", + "v" + ], + [ + "Ġs", + "et" + ], + [ + "if", + "e" + ], + [ + "ment", + "s" + ], + [ + "b", + "le" + ], + [ + "w", + "ard" + ], + [ + "Ġsh", + "ow" + ], + [ + "Ġp", + "res" + ], + [ + "m", + "s" + ], + [ + "om", + "et" + ], + [ + "Ġo", + "b" + ], + [ + "Ġs", + "ay" + ], + [ + "ĠS", + "h" + ], + [ + "t", + "s" + ], + [ + "f", + "ul" + ], + [ + "Ġe", + "ff" + ], + [ + "Ġg", + "u" + ], + [ + "Ġin", + "st" + ], + [ + "u", + "nd" + ], + [ + "re", + "n" + ], + [ + "c", + "ess" + ], + [ + "Ġ", + "ent" + ], + [ + "ĠY", + "ou" + ], + [ + "Ġgo", + "od" + ], + [ + "Ġst", + "art" + ], + [ + "in", + "ce" + ], + [ + "Ġm", + "ade" + ], + [ + "t", + "t" + ], + [ + "st", + "em" + ], + [ + "ol", + "og" + ], + [ + "u", + "p" + ], + [ + "Ġ", + "|" + ], + [ + "um", + "p" + ], + [ + "Ġhe", + "l" + ], + [ + "ver", + "n" + ], + [ + "ul", + "ar" + ], + [ + "u", + "ally" + ], + [ + "Ġa", + "c" + ], + [ + "Ġm", + "on" + ], + [ + "Ġl", + "ast" + ], + [ + "Ġ2", + "00" + ], + [ + "1", + "0" + ], + [ + "Ġst", + "ud" + ], + [ + "u", + "res" + ], + [ + "ĠA", + "r" + ], + [ + "sel", + "f" + ], + [ + "ar", + "s" + ], + [ + "mer", + "ic" + ], + [ + "u", + "es" + ], + [ + "c", + "y" + ], + [ + "Ġm", + "in" + ], + [ + "oll", + "ow" + ], + [ + "Ġc", + "ol" + ], + [ + "i", + "o" + ], + [ + "Ġm", + "od" + ], + [ + "Ġc", + "ount" + ], + [ + "ĠC", + "om" + ], + [ + "he", + "s" + ], + [ + "Ġf", + "in" + ], + [ + "a", + "ir" + ], + [ + "i", + "er" + ], + [ + "âĢ", + "Ķ" + ], + [ + "re", + "ad" + ], + [ + "an", + "k" + ], + [ + "at", + "ch" + ], + [ + "e", + "ver" + ], + [ + "Ġst", + "r" + ], + [ + "Ġpo", + "int" + ], + [ + "or", + "k" + ], + [ + "ĠN", + "ew" + ], + [ + "Ġs", + "ur" + ], + [ + "o", + "ol" + ], + [ + "al", + "k" + ], + [ + "em", + "ent" + ], + [ + "Ġus", + "ed" + ], + [ + "ra", + "ct" + ], + [ + "we", + "en" + ], + [ + "Ġs", + "ame" + ], + [ + "ou", + "n" + ], + [ + "ĠA", + "l" + ], + [ + "c", + "i" + ], + [ + "Ġdiff", + "ere" + ], + [ + "Ġwh", + "ile" + ], + [ + "----", + "----" + ], + [ + "Ġg", + "ame" + ], + [ + "ce", + "pt" + ], + [ + "Ġs", + "im" + ], + [ + "..", + "." + ], + [ + "Ġin", + "ter" + ], + [ + "e", + "k" + ], + [ + "Ġre", + "port" + ], + [ + "Ġpro", + "du" + ], + [ + "Ġst", + "ill" + ], + [ + "l", + "ed" + ], + [ + "a", + "h" + ], + [ + "Ġhe", + "re" + ], + [ + "Ġwor", + "ld" + ], + [ + "Ġth", + "ough" + ], + [ + "Ġn", + "um" + ], + [ + "ar", + "ch" + ], + [ + "im", + "es" + ], + [ + "al", + "e" + ], + [ + "ĠS", + "e" + ], + [ + "ĠI", + "f" + ], + [ + "/", + "/" + ], + [ + "ĠL", + "e" + ], + [ + "Ġre", + "t" + ], + [ + "Ġre", + "f" + ], + [ + "Ġtr", + "ans" + ], + [ + "n", + "er" + ], + [ + "ut", + "ion" + ], + [ + "ter", + "s" + ], + [ + "Ġt", + "ake" + ], + [ + "ĠC", + "l" + ], + [ + "Ġcon", + "f" + ], + [ + "w", + "ay" + ], + [ + "a", + "ve" + ], + [ + "Ġgo", + "ing" + ], + [ + "Ġs", + "l" + ], + [ + "u", + "g" + ], + [ + "ĠA", + "meric" + ], + [ + "Ġspe", + "c" + ], + [ + "Ġh", + "and" + ], + [ + "Ġbet", + "ween" + ], + [ + "ist", + "s" + ], + [ + "ĠD", + "e" + ], + [ + "o", + "ot" + ], + [ + "I", + "t" + ], + [ + "Ġe", + "ar" + ], + [ + "Ġagain", + "st" + ], + [ + "Ġh", + "igh" + ], + [ + "g", + "an" + ], + [ + "a", + "z" + ], + [ + "at", + "her" + ], + [ + "Ġex", + "p" + ], + [ + "Ġo", + "p" + ], + [ + "Ġin", + "s" + ], + [ + "Ġg", + "r" + ], + [ + "Ġhel", + "p" + ], + [ + "Ġre", + "qu" + ], + [ + "et", + "s" + ], + [ + "in", + "s" + ], + [ + "ĠP", + "ro" + ], + [ + "is", + "m" + ], + [ + "Ġf", + "ound" + ], + [ + "l", + "and" + ], + [ + "at", + "a" + ], + [ + "us", + "s" + ], + [ + "am", + "es" + ], + [ + "Ġp", + "erson" + ], + [ + "Ġg", + "reat" + ], + [ + "p", + "r" + ], + [ + "Ġs", + "ign" + ], + [ + "ĠA", + "n" + ], + [ + "'", + "ve" + ], + [ + "Ġs", + "omet" + ], + [ + "Ġs", + "er" + ], + [ + "h", + "ip" + ], + [ + "Ġr", + "un" + ], + [ + "Ġ", + ":" + ], + [ + "Ġt", + "er" + ], + [ + "ire", + "ct" + ], + [ + "Ġf", + "ollow" + ], + [ + "Ġd", + "et" + ], + [ + "ic", + "es" + ], + [ + "Ġf", + "ind" + ], + [ + "1", + "2" + ], + [ + "Ġm", + "em" + ], + [ + "Ġc", + "r" + ], + [ + "e", + "red" + ], + [ + "e", + "x" + ], + [ + "Ġex", + "t" + ], + [ + "ut", + "h" + ], + [ + "en", + "se" + ], + [ + "c", + "o" + ], + [ + "Ġte", + "am" + ], + [ + "v", + "ing" + ], + [ + "ou", + "se" + ], + [ + "as", + "h" + ], + [ + "at", + "t" + ], + [ + "v", + "ed" + ], + [ + "Ġsy", + "stem" + ], + [ + "ĠA", + "s" + ], + [ + "d", + "er" + ], + [ + "iv", + "es" + ], + [ + "m", + "in" + ], + [ + "Ġle", + "ad" + ], + [ + "ĠB", + "l" + ], + [ + "c", + "ent" + ], + [ + "Ġa", + "round" + ], + [ + "Ġgo", + "vern" + ], + [ + "Ġc", + "ur" + ], + [ + "vel", + "op" + ], + [ + "an", + "y" + ], + [ + "Ġc", + "our" + ], + [ + "al", + "th" + ], + [ + "ag", + "es" + ], + [ + "iz", + "e" + ], + [ + "Ġc", + "ar" + ], + [ + "od", + "e" + ], + [ + "Ġl", + "aw" + ], + [ + "Ġre", + "ad" + ], + [ + "'", + "m" + ], + [ + "c", + "on" + ], + [ + "Ġre", + "al" + ], + [ + "Ġsupp", + "ort" + ], + [ + "Ġ1", + "2" + ], + [ + "..", + ".." + ], + [ + "Ġre", + "ally" + ], + [ + "n", + "ess" + ], + [ + "Ġf", + "act" + ], + [ + "Ġd", + "ay" + ], + [ + "Ġb", + "oth" + ], + [ + "y", + "ing" + ], + [ + "Ġs", + "erv" + ], + [ + "ĠF", + "or" + ], + [ + "Ġth", + "ree" + ], + [ + "Ġw", + "om" + ], + [ + "Ġm", + "ed" + ], + [ + "od", + "y" + ], + [ + "ĠThe", + "y" + ], + [ + "5", + "0" + ], + [ + "Ġex", + "per" + ], + [ + "t", + "on" + ], + [ + "Ġe", + "ach" + ], + [ + "ak", + "es" + ], + [ + "Ġc", + "he" + ], + [ + "Ġc", + "re" + ], + [ + "in", + "es" + ], + [ + "Ġre", + "p" + ], + [ + "1", + "9" + ], + [ + "g", + "g" + ], + [ + "ill", + "ion" + ], + [ + "Ġg", + "rou" + ], + [ + "ut", + "e" + ], + [ + "i", + "k" + ], + [ + "W", + "e" + ], + [ + "g", + "et" + ], + [ + "E", + "R" + ], + [ + "Ġm", + "et" + ], + [ + "Ġs", + "ays" + ], + [ + "o", + "x" + ], + [ + "Ġd", + "uring" + ], + [ + "er", + "n" + ], + [ + "iz", + "ed" + ], + [ + "a", + "red" + ], + [ + "Ġf", + "am" + ], + [ + "ic", + "ally" + ], + [ + "Ġha", + "pp" + ], + [ + "ĠI", + "s" + ], + [ + "Ġch", + "ar" + ], + [ + "m", + "ed" + ], + [ + "v", + "ent" + ], + [ + "Ġg", + "ener" + ], + [ + "i", + "ent" + ], + [ + "p", + "le" + ], + [ + "i", + "et" + ], + [ + "re", + "nt" + ], + [ + "1", + "1" + ], + [ + "v", + "es" + ], + [ + "pt", + "ion" + ], + [ + "Ġ2", + "0" + ], + [ + "form", + "ation" + ], + [ + "Ġc", + "or" + ], + [ + "Ġoff", + "ic" + ], + [ + "ie", + "ld" + ], + [ + "Ġto", + "o" + ], + [ + "is", + "ion" + ], + [ + "Ġin", + "f" + ], + [ + "Ġ", + "Z" + ], + [ + "t", + "he" + ], + [ + "o", + "ad" + ], + [ + "Ġp", + "ublic" + ], + [ + "Ġpro", + "g" + ], + [ + "r", + "ic" + ], + [ + "*", + "*" + ], + [ + "Ġw", + "ar" + ], + [ + "Ġp", + "ower" + ], + [ + "v", + "iew" + ], + [ + "Ġf", + "ew" + ], + [ + "Ġl", + "oc" + ], + [ + "Ġdiffere", + "nt" + ], + [ + "Ġst", + "ate" + ], + [ + "Ġhe", + "ad" + ], + [ + "'", + "ll" + ], + [ + "Ġp", + "oss" + ], + [ + "Ġst", + "at" + ], + [ + "re", + "t" + ], + [ + "ant", + "s" + ], + [ + "Ġv", + "al" + ], + [ + "Ġis", + "s" + ], + [ + "Ġc", + "le" + ], + [ + "i", + "vers" + ], + [ + "an", + "c" + ], + [ + "Ġex", + "pl" + ], + [ + "Ġan", + "other" + ], + [ + "Ġ", + "Q" + ], + [ + "Ġa", + "v" + ], + [ + "th", + "ing" + ], + [ + "n", + "ce" + ], + [ + "W", + "h" + ], + [ + "Ġch", + "ild" + ], + [ + "Ġs", + "ince" + ], + [ + "i", + "red" + ], + [ + "l", + "ess" + ], + [ + "Ġl", + "ife" + ], + [ + "Ġde", + "velop" + ], + [ + "itt", + "le" + ], + [ + "Ġde", + "p" + ], + [ + "Ġp", + "ass" + ], + [ + "ã", + "ĥ" + ], + [ + "Ġt", + "urn" + ], + [ + "or", + "n" + ], + [ + "Th", + "is" + ], + [ + "b", + "ers" + ], + [ + "ro", + "ss" + ], + [ + "ĠA", + "d" + ], + [ + "Ġf", + "r" + ], + [ + "Ġres", + "p" + ], + [ + "Ġsec", + "ond" + ], + [ + "o", + "h" + ], + [ + "Ġ", + "/" + ], + [ + "Ġdis", + "c" + ], + [ + "Ġ", + "&" + ], + [ + "Ġsomet", + "hing" + ], + [ + "Ġcomp", + "le" + ], + [ + "Ġ", + "ed" + ], + [ + "Ġf", + "il" + ], + [ + "Ġmon", + "th" + ], + [ + "a", + "j" + ], + [ + "u", + "c" + ], + [ + "Ġgovern", + "ment" + ], + [ + "Ġwith", + "out" + ], + [ + "Ġle", + "g" + ], + [ + "Ġd", + "ist" + ], + [ + "Ġp", + "ut" + ], + [ + "Ġqu", + "est" + ], + [ + "an", + "n" + ], + [ + "Ġpro", + "t" + ], + [ + "2", + "0" + ], + [ + "Ġne", + "ver" + ], + [ + "i", + "ence" + ], + [ + "Ġle", + "vel" + ], + [ + "Ġar", + "t" + ], + [ + "Ġth", + "ings" + ], + [ + "Ġm", + "ight" + ], + [ + "Ġeff", + "ect" + ], + [ + "Ġcont", + "ro" + ], + [ + "Ġc", + "ent" + ], + [ + "Ġ1", + "8" + ], + [ + "Ġall", + "ow" + ], + [ + "Ġbel", + "ie" + ], + [ + "ch", + "ool" + ], + [ + "ot", + "t" + ], + [ + "Ġinc", + "re" + ], + [ + "Ġfe", + "el" + ], + [ + "Ġres", + "ult" + ], + [ + "Ġl", + "ot" + ], + [ + "Ġf", + "un" + ], + [ + "ot", + "e" + ], + [ + "Ġt", + "y" + ], + [ + "ere", + "st" + ], + [ + "Ġcont", + "in" + ], + [ + "Ġus", + "ing" + ], + [ + "Ġb", + "ig" + ], + [ + "2", + "01" + ], + [ + "Ġas", + "k" + ], + [ + "Ġb", + "est" + ], + [ + "Ġ", + ")" + ], + [ + "I", + "N" + ], + [ + "Ġo", + "pp" + ], + [ + "3", + "0" + ], + [ + "Ġnum", + "ber" + ], + [ + "in", + "ess" + ], + [ + "S", + "t" + ], + [ + "le", + "ase" + ], + [ + "Ġc", + "a" + ], + [ + "Ġm", + "ust" + ], + [ + "Ġd", + "irect" + ], + [ + "Ġg", + "l" + ], + [ + "Ġ", + "<" + ], + [ + "Ġop", + "en" + ], + [ + "Ġp", + "ost" + ], + [ + "Ġcom", + "e" + ], + [ + "Ġse", + "em" + ], + [ + "ord", + "ing" + ], + [ + "Ġwe", + "ek" + ], + [ + "ate", + "ly" + ], + [ + "it", + "al" + ], + [ + "Ġe", + "l" + ], + [ + "ri", + "end" + ], + [ + "Ġf", + "ar" + ], + [ + "Ġt", + "ra" + ], + [ + "in", + "al" + ], + [ + "Ġp", + "ri" + ], + [ + "ĠU", + "S" + ], + [ + "Ġpl", + "ace" + ], + [ + "Ġfor", + "m" + ], + [ + "Ġto", + "ld" + ], + [ + "\"", + ":" + ], + [ + "ain", + "s" + ], + [ + "at", + "ure" + ], + [ + "ĠTr", + "ump" + ], + [ + "Ġst", + "and" + ], + [ + "Ġ", + "#" + ], + [ + "id", + "er" + ], + [ + "ĠF", + "r" + ], + [ + "Ġne", + "xt" + ], + [ + "Ġs", + "oc" + ], + [ + "Ġp", + "ur" + ], + [ + "Ġle", + "t" + ], + [ + "Ġl", + "ittle" + ], + [ + "Ġh", + "um" + ], + [ + "Ġ", + "i" + ], + [ + "r", + "on" + ], + [ + "1", + "5" + ], + [ + "Ġ1", + "5" + ], + [ + "Ġcomm", + "un" + ], + [ + "Ġm", + "ark" + ], + [ + "ĠThe", + "re" + ], + [ + "Ġw", + "r" + ], + [ + "ĠTh", + "at" + ], + [ + "Ġin", + "formation" + ], + [ + "w", + "ays" + ], + [ + "Ġb", + "us" + ], + [ + "a", + "pp" + ], + [ + "Ġinv", + "est" + ], + [ + "m", + "e" + ], + [ + "Ġh", + "ard" + ], + [ + "ain", + "ed" + ], + [ + "e", + "ad" + ], + [ + "Ġim", + "port" + ], + [ + "Ġapp", + "ro" + ], + [ + "Ġt", + "est" + ], + [ + "Ġt", + "ri" + ], + [ + "Ġre", + "st" + ], + [ + "os", + "ed" + ], + [ + "Ġf", + "ull" + ], + [ + "Ġc", + "are" + ], + [ + "ĠS", + "p" + ], + [ + "Ġc", + "ase" + ], + [ + "O", + "N" + ], + [ + "Ġs", + "k" + ], + [ + "Ġl", + "ess" + ], + [ + "Ġ", + "+" + ], + [ + "Ġpart", + "ic" + ], + [ + "ĠP", + "l" + ], + [ + "ab", + "ly" + ], + [ + "u", + "ck" + ], + [ + "is", + "hed" + ], + [ + "ch", + "n" + ], + [ + "b", + "e" + ], + [ + "Ġl", + "ist" + ], + [ + "at", + "or" + ], + [ + "Ġto", + "p" + ], + [ + "Ġad", + "v" + ], + [ + "ĠB", + "e" + ], + [ + "ru", + "ct" + ], + [ + "Ġd", + "em" + ], + [ + "r", + "ation" + ], + [ + "l", + "ing" + ], + [ + "g", + "y" + ], + [ + "re", + "en" + ], + [ + "g", + "er" + ], + [ + "Ġh", + "ome" + ], + [ + "Ġle", + "ft" + ], + [ + "Ġbet", + "ter" + ], + [ + "Ġd", + "ata" + ], + [ + "Ġ1", + "1" + ], + [ + "Ġatt", + "ack" + ], + [ + "Ġpro", + "ble" + ], + [ + "l", + "ine" + ], + [ + "ard", + "s" + ], + [ + "Ġbe", + "h" + ], + [ + "r", + "al" + ], + [ + "ĠH", + "ow" + ], + [ + "ĠS", + "he" + ], + [ + "ar", + "ge" + ], + [ + "Ġ", + "--" + ], + [ + ":", + "//" + ], + [ + "Ġb", + "ro" + ], + [ + "ĠP", + "h" + ], + [ + "at", + "s" + ], + [ + "Ġbu", + "ild" + ], + [ + "w", + "w" + ], + [ + "id", + "ed" + ], + [ + "a", + "im" + ], + [ + "as", + "es" + ], + [ + "en", + "cy" + ], + [ + "Ġm", + "ain" + ], + [ + "in", + "ed" + ], + [ + "Ġinclud", + "ing" + ], + [ + "Ġ", + "{" + ], + [ + "Ġg", + "ot" + ], + [ + "Ġint", + "erest" + ], + [ + "Ġke", + "ep" + ], + [ + "Ġ", + "X" + ], + [ + "Ġe", + "as" + ], + [ + "ain", + "ing" + ], + [ + "Ġcl", + "ass" + ], + [ + "âĢ", + "¦" + ], + [ + "ĠN", + "o" + ], + [ + "Ġv", + "ar" + ], + [ + "Ġsm", + "all" + ], + [ + "amp", + "le" + ], + [ + "A", + "T" + ], + [ + "Ġ", + "ide" + ], + [ + "ĠS", + "o" + ], + [ + "Ġre", + "ce" + ], + [ + "Ġpol", + "it" + ], + [ + "Ġm", + "ov" + ], + [ + "Ġpl", + "an" + ], + [ + "Ġper", + "cent" + ], + [ + "iv", + "ing" + ], + [ + "Ġc", + "amp" + ], + [ + "Ġp", + "ay" + ], + [ + "1", + "4" + ], + [ + "s", + "c" + ], + [ + "is", + "ed" + ], + [ + "Ġu", + "nt" + ], + [ + "one", + "y" + ], + [ + "pl", + "oy" + ], + [ + "==", + "==" + ], + [ + "Ġdid", + "n" + ], + [ + "ĠI", + "nd" + ], + [ + "el", + "s" + ], + [ + "ert", + "ain" + ], + [ + "Ġp", + "os" + ], + [ + "__", + "__" + ], + [ + "i", + "ver" + ], + [ + "Ġpro", + "cess" + ], + [ + "Ġprog", + "ram" + ], + [ + "if", + "ied" + ], + [ + "ĠR", + "ep" + ], + [ + "1", + "6" + ], + [ + "u", + "ro" + ], + [ + "olog", + "y" + ], + [ + "at", + "ter" + ], + [ + "in", + "a" + ], + [ + "Ġn", + "ame" + ], + [ + "ĠA", + "ll" + ], + [ + "Ġf", + "our" + ], + [ + "Ġret", + "urn" + ], + [ + "v", + "ious" + ], + [ + "b", + "s" + ], + [ + "Ġcall", + "ed" + ], + [ + "Ġm", + "ove" + ], + [ + "ĠS", + "c" + ], + [ + "ir", + "d" + ], + [ + "Ġgrou", + "p" + ], + [ + "Ġb", + "re" + ], + [ + "Ġm", + "en" + ], + [ + "Ġc", + "ap" + ], + [ + "t", + "en" + ], + [ + "e", + "e" + ], + [ + "Ġd", + "ri" + ], + [ + "le", + "g" + ], + [ + "he", + "re" + ], + [ + "uth", + "or" + ], + [ + "Ġp", + "at" + ], + [ + "Ġcur", + "rent" + ], + [ + "id", + "es" + ], + [ + "Ġp", + "op" + ], + [ + "t", + "o" + ], + [ + "ent", + "ion" + ], + [ + "Ġal", + "ways" + ], + [ + "Ġm", + "il" + ], + [ + "Ġwom", + "en" + ], + [ + "Ġ1", + "6" + ], + [ + "Ġo", + "ld" + ], + [ + "iv", + "en" + ], + [ + "ra", + "ph" + ], + [ + "ĠO", + "r" + ], + [ + "r", + "or" + ], + [ + "ent", + "ly" + ], + [ + "Ġn", + "ear" + ], + [ + "ĠE", + "x" + ], + [ + "re", + "am" + ], + [ + "s", + "h" + ], + [ + "Ġ1", + "4" + ], + [ + "Ġf", + "ree" + ], + [ + "iss", + "ion" + ], + [ + "st", + "and" + ], + [ + "ĠC", + "on" + ], + [ + "al", + "ity" + ], + [ + "us", + "ed" + ], + [ + "1", + "3" + ], + [ + "Ġdes", + "ign" + ], + [ + "Ġch", + "ange" + ], + [ + "Ġch", + "ang" + ], + [ + "Ġb", + "o" + ], + [ + "Ġv", + "is" + ], + [ + "em", + "ber" + ], + [ + "Ġb", + "ook" + ], + [ + "read", + "y" + ], + [ + "Ġk", + "ill" + ], + [ + "2", + "5" + ], + [ + "pp", + "ed" + ], + [ + "Ġa", + "way" + ], + [ + "Ġab", + "le" + ], + [ + "Ġcount", + "ry" + ], + [ + "Ġcon", + "st" + ], + [ + "ar", + "n" + ], + [ + "Ġor", + "der" + ], + [ + "A", + "R" + ], + [ + "i", + "or" + ], + [ + "i", + "um" + ], + [ + "or", + "th" + ], + [ + "1", + "8" + ], + [ + "ail", + "able" + ], + [ + "Ġs", + "w" + ], + [ + "Ġm", + "illion" + ], + [ + "Ġ1", + "3" + ], + [ + "at", + "ic" + ], + [ + "t", + "ed" + ], + [ + "ĠG", + "o" + ], + [ + "Ġo", + "per" + ], + [ + "en", + "g" + ], + [ + "Ġth", + "ing" + ], + [ + "aj", + "or" + ], + [ + "con", + "om" + ], + [ + "ĠCom", + "m" + ], + [ + "Ġwh", + "y" + ], + [ + "u", + "red" + ], + [ + "ur", + "al" + ], + [ + "Ġs", + "chool" + ], + [ + "b", + "y" + ], + [ + "ĠM", + "ar" + ], + [ + "Ġa", + "ff" + ], + [ + "Ġd", + "ays" + ], + [ + "Ġan", + "n" + ], + [ + "us", + "h" + ], + [ + "an", + "e" + ], + [ + "I", + "f" + ], + [ + "e", + "g" + ], + [ + "Ġpro", + "f" + ], + [ + "Ġhe", + "alth" + ], + [ + "ou", + "th" + ], + [ + "B", + "ut" + ], + [ + "ion", + "al" + ], + [ + ".", + "," + ], + [ + "Ġs", + "ol" + ], + [ + "Ġal", + "ready" + ], + [ + "Ġ3", + "0" + ], + [ + "Ġchar", + "act" + ], + [ + "H", + "e" + ], + [ + "Ġf", + "riend" + ], + [ + "E", + "S" + ], + [ + "i", + "ans" + ], + [ + "ic", + "le" + ], + [ + "'", + "d" + ], + [ + "ĠO", + "n" + ], + [ + "Ġle", + "ast" + ], + [ + "Ġp", + "rom" + ], + [ + "Ġd", + "r" + ], + [ + "Ġh", + "ist" + ], + [ + "it", + "her" + ], + [ + "Ġ", + "est" + ], + [ + "i", + "qu" + ], + [ + "1", + "7" + ], + [ + "s", + "on" + ], + [ + "Ġte", + "ll" + ], + [ + "Ġt", + "alk" + ], + [ + "oh", + "n" + ], + [ + "o", + "int" + ], + [ + "le", + "ction" + ], + [ + "A", + "N" + ], + [ + "Ġunt", + "il" + ], + [ + "au", + "gh" + ], + [ + "Ġl", + "ater" + ], + [ + "Ġ", + "ve" + ], + [ + "Ġv", + "iew" + ], + [ + "end", + "ing" + ], + [ + "iv", + "ed" + ], + [ + "Ġwor", + "d" + ], + [ + "w", + "are" + ], + [ + "Ġc", + "ost" + ], + [ + "Ġen", + "ough" + ], + [ + "Ġg", + "ive" + ], + [ + "ĠUn", + "ited" + ], + [ + "Ġte", + "chn" + ], + [ + "are", + "nt" + ], + [ + "O", + "R" + ], + [ + "Ġp", + "ar" + ], + [ + "ĠD", + "r" + ], + [ + "Ġ201", + "6" + ], + [ + "r", + "ist" + ], + [ + "er", + "ing" + ], + [ + "Ġ", + "Â" + ], + [ + "Ġl", + "arge" + ], + [ + "s", + "ide" + ], + [ + "ac", + "y" + ], + [ + "cc", + "ess" + ], + [ + "Ġw", + "in" + ], + [ + "Ġimport", + "ant" + ], + [ + "Ġ19", + "9" + ], + [ + "Ġdoes", + "n" + ], + [ + "Ġ1", + "7" + ], + [ + "Ġbus", + "iness" + ], + [ + "Ġcle", + "ar" + ], + [ + "Ġre", + "se" + ], + [ + "\"", + "," + ], + [ + "ur", + "y" + ], + [ + "Ġe", + "qu" + ], + [ + "as", + "ter" + ], + [ + "al", + "f" + ], + [ + "ĠAmeric", + "an" + ], + [ + "n", + "ect" + ], + [ + "Ġex", + "pect" + ], + [ + "ivers", + "ity" + ], + [ + "Ġo", + "cc" + ], + [ + "ĠF", + "l" + ], + [ + "Ġk", + "ind" + ], + [ + "Ġme", + "an" + ], + [ + "Ġp", + "ast" + ], + [ + "Ġde", + "v" + ], + [ + "Ġb", + "as" + ], + [ + "le", + "t" + ], + [ + "ra", + "ft" + ], + [ + "Ġor", + "gan" + ], + [ + "Ġde", + "l" + ], + [ + "Ġper", + "form" + ], + [ + "Ġst", + "ory" + ], + [ + "Ġse", + "ason" + ], + [ + "ĠC", + "ol" + ], + [ + "Ġcl", + "aim" + ], + [ + "Ġc", + "ame" + ], + [ + "Ġwith", + "in" + ], + [ + "Ġl", + "ine" + ], + [ + "Ġpro", + "ject" + ], + [ + "ĠA", + "t" + ], + [ + "Ġcontro", + "l" + ], + [ + "end", + "ed" + ], + [ + "ĠS", + "y" + ], + [ + "Ġa", + "ir" + ], + [ + "iz", + "ation" + ], + [ + "Ġ", + "*" + ], + [ + "le", + "y" + ], + [ + "Ġm", + "oney" + ], + [ + "id", + "d" + ], + [ + "Y", + "ou" + ], + [ + "f", + "or" + ], + [ + "Ġfam", + "ily" + ], + [ + "Ġm", + "aking" + ], + [ + "Ġb", + "it" + ], + [ + "Ġpol", + "ice" + ], + [ + "Ġhapp", + "en" + ], + [ + "Ġ", + "vers" + ], + [ + "on", + "y" + ], + [ + "u", + "ff" + ], + [ + "ĠW", + "hen" + ], + [ + "Ġs", + "it" + ], + [ + "ide", + "o" + ], + [ + "l", + "f" + ], + [ + "is", + "on" + ], + [ + "Ġsu", + "re" + ], + [ + "g", + "in" + ], + [ + "Ġapp", + "ear" + ], + [ + "Ġl", + "ight" + ], + [ + "Ġ", + "es" + ], + [ + "o", + "f" + ], + [ + "Ġw", + "ater" + ], + [ + "Ġt", + "imes" + ], + [ + "n", + "ot" + ], + [ + "Ġg", + "row" + ], + [ + "Ġcomp", + "any" + ], + [ + "ĠT", + "e" + ], + [ + "ow", + "s" + ], + [ + "Ġm", + "ar" + ], + [ + "our", + "ce" + ], + [ + "i", + "ol" + ], + [ + "ar", + "m" + ], + [ + "b", + "r" + ], + [ + "Ġex", + "ample" + ], + [ + "Ġcon", + "c" + ], + [ + "Ġf", + "ore" + ], + [ + "ĠT", + "o" + ], + [ + "p", + "ro" + ], + [ + "E", + "N" + ], + [ + "ri", + "es" + ], + [ + "Ġ2", + "5" + ], + [ + "ĠC", + "an" + ], + [ + "ne", + "y" + ], + [ + "Ġact", + "ually" + ], + [ + "Ġe", + "ver" + ], + [ + "ur", + "ity" + ], + [ + "ak", + "en" + ], + [ + "ap", + "s" + ], + [ + "Ġt", + "ax" + ], + [ + "Ġm", + "ajor" + ], + [ + "am", + "a" + ], + [ + "Ġof", + "ten" + ], + [ + "er", + "al" + ], + [ + "Ġhum", + "an" + ], + [ + "Ġj", + "ob" + ], + [ + "is", + "ter" + ], + [ + "Ġav", + "ailable" + ], + [ + "oc", + "r" + ], + [ + "en", + "n" + ], + [ + "a", + "id" + ], + [ + "iv", + "id" + ], + [ + "Ġrec", + "ord" + ], + [ + "?", + "\"" + ], + [ + "Ġs", + "ing" + ], + [ + "ĠA", + "m" + ], + [ + "id", + "ence" + ], + [ + "Ġnew", + "s" + ], + [ + "st", + "er" + ], + [ + "Ġe", + "conom" + ], + [ + "Ġfollow", + "ing" + ], + [ + "ĠB", + "r" + ], + [ + "is", + "ing" + ], + [ + "Ġh", + "our" + ], + [ + "m", + "ost" + ], + [ + "um", + "ent" + ], + [ + "Ġse", + "x" + ], + [ + "Ġdes", + "c" + ], + [ + "Ġbec", + "ome" + ], + [ + "ĠE", + "d" + ], + [ + "Ġto", + "ok" + ], + [ + "Ġha", + "ving" + ], + [ + "Ġprodu", + "ct" + ], + [ + "a", + "ult" + ], + [ + "A", + "s" + ], + [ + "ar", + "ing" + ], + [ + "Ġme", + "ans" + ], + [ + "Ġh", + "op" + ], + [ + "un", + "e" + ], + [ + "Ġch", + "o" + ], + [ + "Ġc", + "ertain" + ], + [ + "Ġn", + "on" + ], + [ + "Ġde", + "al" + ], + [ + "2", + "4" + ], + [ + "le", + "ment" + ], + [ + "oc", + "i" + ], + [ + "en", + "e" + ], + [ + "Ġs", + "ide" + ], + [ + "ĠP", + "r" + ], + [ + "ĠM", + "ay" + ], + [ + "Ġre", + "ason" + ], + [ + "u", + "ed" + ], + [ + "c", + "hed" + ], + [ + "ul", + "ation" + ], + [ + "Ġe", + "lect" + ], + [ + "Ġoffic", + "ial" + ], + [ + "Ġposs", + "ible" + ], + [ + "Ġh", + "old" + ], + [ + "and", + "s" + ], + [ + "ot", + "s" + ], + [ + "Ġc", + "ity" + ], + [ + "or", + "ies" + ], + [ + "Ġse", + "ver" + ], + [ + "Ġchild", + "ren" + ], + [ + "Ġon", + "ce" + ], + [ + "Ġact", + "iv" + ], + [ + "l", + "er" + ], + [ + "Ġn", + "ight" + ], + [ + "it", + "ions" + ], + [ + "ĠJ", + "ohn" + ], + [ + "a", + "pe" + ], + [ + "pl", + "ay" + ], + [ + "Ġd", + "one" + ], + [ + "Ġl", + "im" + ], + [ + "Ġwork", + "ing" + ], + [ + "ĠP", + "res" + ], + [ + "or", + "ld" + ], + [ + "e", + "b" + ], + [ + "ĠC", + "o" + ], + [ + "Ġb", + "ody" + ], + [ + "ail", + "s" + ], + [ + "ut", + "es" + ], + [ + "ĠM", + "r" + ], + [ + "Ġwhe", + "ther" + ], + [ + "Ġa", + "uthor" + ], + [ + "ro", + "p" + ], + [ + "Ġpro", + "per" + ], + [ + "Ġse", + "en" + ], + [ + ")", + ";" + ], + [ + "Ġf", + "ac" + ], + [ + "ĠS", + "u" + ], + [ + "Ġcon", + "d" + ], + [ + "it", + "ing" + ], + [ + "Ġcour", + "se" + ], + [ + "Ġ", + "}" + ], + [ + "--------", + "--------" + ], + [ + "a", + "ign" + ], + [ + "Ġev", + "ent" + ], + [ + "Ġen", + "g" + ], + [ + "Ġp", + "ot" + ], + [ + "Ġin", + "tern" + ], + [ + "i", + "am" + ], + [ + "Ġsh", + "ort" + ], + [ + "em", + "pt" + ], + [ + "ã", + "Ĥ" + ], + [ + "ĠG", + "od" + ], + [ + "il", + "ar" + ], + [ + "8", + "0" + ], + [ + "Ġor", + "ig" + ], + [ + "I", + "S" + ], + [ + "our", + "n" + ], + [ + "ab", + "ility" + ], + [ + "it", + "ive" + ], + [ + "Ġd", + "am" + ], + [ + "Ġ1", + "00" + ], + [ + "Ġp", + "ress" + ], + [ + "Ġdo", + "ing" + ], + [ + "Ġprot", + "ect" + ], + [ + "r", + "ing" + ], + [ + "Ġthough", + "t" + ], + [ + "Ġquest", + "ion" + ], + [ + "re", + "w" + ], + [ + "ĠW", + "ar" + ], + [ + "Ġsever", + "al" + ], + [ + "ĠSt", + "ate" + ], + [ + "Ġg", + "iven" + ], + [ + "Ġf", + "und" + ], + [ + "ĠT", + "w" + ], + [ + "Ġw", + "ent" + ], + [ + "an", + "ces" + ], + [ + "w", + "ork" + ], + [ + "p", + "or" + ], + [ + "m", + "y" + ], + [ + "4", + "0" + ], + [ + "Ġar", + "g" + ], + [ + "art", + "ment" + ], + [ + "ust", + "om" + ], + [ + "Ġpol", + "ic" + ], + [ + "Ġme", + "et" + ], + [ + "Ġc", + "reat" + ], + [ + "2", + "2" + ], + [ + "ĠSt", + "ates" + ], + [ + "Ġg", + "ames" + ], + [ + "ra", + "w" + ], + [ + "ut", + "ure" + ], + [ + "Ġunder", + "stand" + ], + [ + "ur", + "s" + ], + [ + "ĠO", + "b" + ], + [ + "l", + "ish" + ], + [ + "s", + "y" + ], + [ + "Ġm", + "akes" + ], + [ + "Ġw", + "on" + ], + [ + "ag", + "on" + ], + [ + "Ġh", + "tt" + ], + [ + "Ġl", + "ove" + ], + [ + "ent", + "ial" + ], + [ + "Ġcomple", + "te" + ], + [ + "p", + "ar" + ], + [ + "ĠI", + "m" + ], + [ + "A", + "L" + ], + [ + "Ġacc", + "ount" + ], + [ + "Â", + "ł" + ], + [ + "ore", + "d" + ], + [ + "ver", + "t" + ], + [ + "Ġ", + "ident" + ], + [ + "Ġ201", + "5" + ], + [ + "Ġother", + "s" + ], + [ + "ĠM", + "in" + ], + [ + "i", + "ber" + ], + [ + "ver", + "age" + ], + [ + "The", + "re" + ], + [ + "ition", + "al" + ], + [ + "d", + "d" + ], + [ + "Ġpro", + "b" + ], + [ + "Ġyou", + "ng" + ], + [ + "Ġal", + "ong" + ], + [ + "Ġacc", + "ording" + ], + [ + "Ġy", + "et" + ], + [ + "Ġmem", + "bers" + ], + [ + "ĠWh", + "at" + ], + [ + "o", + "id" + ], + [ + "ĠM", + "an" + ], + [ + "A", + "nd" + ], + [ + "Ġam", + "ong" + ], + [ + "a", + "i" + ], + [ + "Ġem", + "ploy" + ], + [ + "ĠR", + "es" + ], + [ + "Ġ", + ">" + ], + [ + "Ġinv", + "ol" + ], + [ + "Ġl", + "ow" + ], + [ + "a", + "f" + ], + [ + "ĠC", + "ar" + ], + [ + "Ġh", + "ig" + ], + [ + "ĠO", + "ne" + ], + [ + "ĠS", + "ec" + ], + [ + "in", + "ation" + ], + [ + "Ġlike", + "ly" + ], + [ + "Ġan", + "t" + ], + [ + "ag", + "ed" + ], + [ + "ĠR", + "uss" + ], + [ + "Ġb", + "en" + ], + [ + "Ġre", + "le" + ], + [ + "F", + "or" + ], + [ + "b", + "ack" + ], + [ + "ĠN", + "ot" + ], + [ + "Ġpres", + "ident" + ], + [ + "b", + "all" + ], + [ + "Ġacc", + "ess" + ], + [ + "ivid", + "ual" + ], + [ + "ĠD", + "em" + ], + [ + "ĠE", + "uro" + ], + [ + "6", + "0" + ], + [ + "Ġkn", + "own" + ], + [ + "ir", + "l" + ], + [ + "ĠG", + "r" + ], + [ + "Ġear", + "ly" + ], + [ + "u", + "se" + ], + [ + "iet", + "y" + ], + [ + "âĢ", + "ĵ" + ], + [ + "Ġf", + "ight" + ], + [ + "Ġs", + "ent" + ], + [ + "Ġto", + "day" + ], + [ + "Ġmark", + "et" + ], + [ + "\"", + "." + ], + [ + "Ġb", + "ased" + ], + [ + "Ġstr", + "ong" + ], + [ + "ur", + "ther" + ], + [ + "Ġde", + "b" + ], + [ + "m", + "ber" + ], + [ + "Ġproble", + "m" + ], + [ + "Ġde", + "ath" + ], + [ + "Ġsoc", + "ial" + ], + [ + "im", + "ate" + ], + [ + "A", + "S" + ], + [ + "ort", + "un" + ], + [ + "Ġcamp", + "aign" + ], + [ + "er", + "y" + ], + [ + "C", + "h" + ], + [ + "Ġe", + "y" + ], + [ + "i", + "ally" + ], + [ + "Ġm", + "us" + ], + [ + "w", + "h" + ], + [ + "p", + "os" + ], + [ + "Ġ", + "er" + ], + [ + "Ġsa", + "f" + ], + [ + "Ġmonth", + "s" + ], + [ + "ir", + "on" + ], + [ + "Ġv", + "iol" + ], + [ + "Ġf", + "ive" + ], + [ + "Ġst", + "re" + ], + [ + "Ġplay", + "ers" + ], + [ + "in", + "c" + ], + [ + "al", + "d" + ], + [ + "y", + "ear" + ], + [ + "a", + "un" + ], + [ + "Ġsu", + "ccess" + ], + [ + "Ġpres", + "ent" + ], + [ + "ere", + "nce" + ], + [ + "Ġ201", + "4" + ], + [ + "Ġsu", + "gg" + ], + [ + "Ġpartic", + "ular" + ], + [ + "Ġtr", + "y" + ], + [ + "Ġsugg", + "est" + ], + [ + "ĠCh", + "rist" + ], + [ + "on", + "es" + ], + [ + "Ġpri", + "v" + ], + [ + "2", + "3" + ], + [ + "Ġc", + "rit" + ], + [ + "Ġl", + "and" + ], + [ + "Ġloc", + "al" + ], + [ + "if", + "y" + ], + [ + "2", + "9" + ], + [ + "Ġa", + "ut" + ], + [ + "E", + "D" + ], + [ + "ĠG", + "u" + ], + [ + "Ġm", + "ult" + ], + [ + "Ġpolit", + "ical" + ], + [ + "Ġask", + "ed" + ], + [ + "Ġfor", + "mer" + ], + [ + "it", + "ter" + ], + [ + "ri", + "pt" + ], + [ + "Ġcl", + "ose" + ], + [ + "Ġp", + "ract" + ], + [ + "ĠY", + "ork" + ], + [ + "Ġget", + "ting" + ], + [ + "Ġac", + "ross" + ], + [ + "Ġcom", + "b" + ], + [ + "Ġbelie", + "ve" + ], + [ + "Ġ", + "z" + ], + [ + "Ġto", + "get" + ], + [ + "Ġtoget", + "her" + ], + [ + "ĠC", + "ent" + ], + [ + "ir", + "c" + ], + [ + "Ġind", + "ividual" + ], + [ + "ĠM", + "c" + ], + [ + "2", + "7" + ], + [ + "is", + "k" + ], + [ + "ĠE", + "ng" + ], + [ + "Ġf", + "ace" + ], + [ + "Ġ2", + "4" + ], + [ + "Ġval", + "ue" + ], + [ + "Ġare", + "a" + ], + [ + "e", + "v" + ], + [ + "Ġw", + "rit" + ], + [ + "ĠPres", + "ident" + ], + [ + "Ġv", + "ot" + ], + [ + "Ġke", + "y" + ], + [ + "Ġm", + "om" + ], + [ + "p", + "ut" + ], + [ + "Ġany", + "thing" + ], + [ + "Ġexper", + "ience" + ], + [ + "att", + "le" + ], + [ + "Ġm", + "ind" + ], + [ + "a", + "ff" + ], + [ + "om", + "m" + ], + [ + "Ġf", + "uture" + ], + [ + "g", + "ed" + ], + [ + "Ġc", + "ut" + ], + [ + "Ġto", + "t" + ], + [ + "it", + "ch" + ], + [ + "Ġv", + "ideo" + ], + [ + "Ġinvest", + "ig" + ], + [ + "Ġn", + "et" + ], + [ + "ĠM", + "y" + ], + [ + "r", + "ict" + ], + [ + "i", + "en" + ], + [ + ".", + ")" + ], + [ + "Ġimp", + "ro" + ], + [ + "th", + "ough" + ], + [ + "ward", + "s" + ], + [ + "Ġcon", + "nect" + ], + [ + "ĠM", + "ed" + ], + [ + "sel", + "ves" + ], + [ + "ens", + "ive" + ], + [ + "m", + "b" + ], + [ + "o", + "ber" + ], + [ + "at", + "ors" + ], + [ + "A", + "n" + ], + [ + "Ġ5", + "0" + ], + [ + "Ġre", + "du" + ], + [ + "res", + "ent" + ], + [ + "Ġab", + "ove" + ], + [ + "Ġf", + "re" + ], + [ + "ĠEuro", + "pe" + ], + [ + "s", + "w" + ], + [ + "Ġam", + "ount" + ], + [ + "ĠA", + "pp" + ], + [ + "Ġe", + "ither" + ], + [ + "Ġmil", + "it" + ], + [ + "Ġan", + "al" + ], + [ + "Ġf", + "ail" + ], + [ + "ĠE", + "n" + ], + [ + "al", + "es" + ], + [ + "Ġspec", + "ial" + ], + [ + "Ġbl", + "ack" + ], + [ + "I", + "T" + ], + [ + "c", + "her" + ], + [ + "Ġlook", + "ing" + ], + [ + "Ġf", + "ire" + ], + [ + "y", + "n" + ], + [ + "Ġal", + "most" + ], + [ + "o", + "on" + ], + [ + "Ġstud", + "y" + ], + [ + "Ġm", + "iss" + ], + [ + "c", + "hes" + ], + [ + "ro", + "wn" + ], + [ + "Ġt", + "re" + ], + [ + "Ġcommun", + "ity" + ], + [ + "Ġmed", + "ia" + ], + [ + "Ġf", + "ood" + ], + [ + "Ġcom", + "es" + ], + [ + "ĠUn", + "iversity" + ], + [ + "Ġsing", + "le" + ], + [ + "Wh", + "at" + ], + [ + "u", + "ly" + ], + [ + "Ġh", + "alf" + ], + [ + "ag", + "ue" + ], + [ + "h", + "od" + ], + [ + "ĠRep", + "ublic" + ], + [ + "Ġstart", + "ed" + ], + [ + "Ġqu", + "ick" + ], + [ + "ot", + "o" + ], + [ + "b", + "ook" + ], + [ + "Ġiss", + "ue" + ], + [ + "it", + "or" + ], + [ + "Ġel", + "se" + ], + [ + "Ġcons", + "ider" + ], + [ + "2", + "6" + ], + [ + "ro", + "du" + ], + [ + "Ġt", + "aken" + ], + [ + "2", + "8" + ], + [ + "9", + "9" + ], + [ + "ĠW", + "ith" + ], + [ + "Ġtr", + "ue" + ], + [ + "Ġw", + "a" + ], + [ + "Ġtr", + "ad" + ], + [ + "Ġag", + "o" + ], + [ + "Ġm", + "ess" + ], + [ + "ie", + "f" + ], + [ + "Ġadd", + "ed" + ], + [ + "o", + "ke" + ], + [ + "Ġb", + "ad" + ], + [ + "Ġf", + "av" + ], + [ + "3", + "3" + ], + [ + "Ġsim", + "ilar" + ], + [ + "as", + "k" + ], + [ + "ĠD", + "on" + ], + [ + "Ġcharact", + "er" + ], + [ + "ort", + "s" + ], + [ + "ĠH", + "ouse" + ], + [ + "Ġreport", + "ed" + ], + [ + "Ġty", + "pe" + ], + [ + "v", + "al" + ], + [ + "i", + "od" + ], + [ + "ĠHow", + "ever" + ], + [ + "Ġt", + "arg" + ], + [ + "Ġent", + "ire" + ], + [ + "pp", + "ing" + ], + [ + "Ġhist", + "ory" + ], + [ + "Ġl", + "ive" + ], + [ + "ff", + "ic" + ], + [ + "....", + "...." + ], + [ + "ed", + "eral" + ], + [ + "Ġtr", + "ying" + ], + [ + "Ġdisc", + "uss" + ], + [ + "ĠH", + "ar" + ], + [ + "ac", + "es" + ], + [ + "l", + "ished" + ], + [ + "Ġse", + "lf" + ], + [ + "os", + "p" + ], + [ + "re", + "st" + ], + [ + "Ġro", + "om" + ], + [ + "el", + "t" + ], + [ + "Ġf", + "all" + ], + [ + "ol", + "ution" + ], + [ + "Ġe", + "t" + ], + [ + "Ġ", + "x" + ], + [ + "Ġis", + "n" + ], + [ + "Ġide", + "a" + ], + [ + "b", + "o" + ], + [ + "Ġs", + "ound" + ], + [ + "ĠD", + "ep" + ], + [ + "Ġsome", + "one" + ], + [ + "ci", + "ally" + ], + [ + "ull", + "y" + ], + [ + "Ġf", + "oc" + ], + [ + "Ġob", + "ject" + ], + [ + "if", + "t" + ], + [ + "ap", + "er" + ], + [ + "Ġplay", + "er" + ], + [ + "Ġr", + "ather" + ], + [ + "Ġserv", + "ice" + ], + [ + "as", + "hing" + ], + [ + "ĠD", + "o" + ], + [ + "ĠP", + "art" + ], + [ + "ru", + "g" + ], + [ + "m", + "on" + ], + [ + "p", + "ly" + ], + [ + "Ġm", + "or" + ], + [ + "Ġnot", + "hing" + ], + [ + "Ġprov", + "ide" + ], + [ + "I", + "C" + ], + [ + "un", + "g" + ], + [ + "Ġpart", + "y" + ], + [ + "Ġex", + "ist" + ], + [ + "Ġm", + "ag" + ], + [ + "7", + "0" + ], + [ + "Ġr", + "ul" + ], + [ + "Ġh", + "ouse" + ], + [ + "Ġbeh", + "ind" + ], + [ + "Ġhow", + "ever" + ], + [ + "ĠW", + "orld" + ], + [ + "Ġs", + "um" + ], + [ + "Ġapp", + "lic" + ], + [ + "Ġ", + ";" + ], + [ + "Ġfun", + "ction" + ], + [ + "g", + "r" + ], + [ + "ĠP", + "ol" + ], + [ + "Ġfr", + "ont" + ], + [ + "2", + "00" + ], + [ + "Ġser", + "ies" + ], + [ + "Ġt", + "em" + ], + [ + "Ġty", + "p" + ], + [ + "ill", + "s" + ], + [ + "Ġo", + "pt" + ], + [ + "Ġpoint", + "s" + ], + [ + "Ġbel", + "ow" + ], + [ + "itt", + "ed" + ], + [ + "Ġspec", + "ific" + ], + [ + "Ġ201", + "7" + ], + [ + "um", + "b" + ], + [ + "Ġr", + "a" + ], + [ + "Ġpre", + "vious" + ], + [ + "Ġpre", + "t" + ], + [ + "re", + "me" + ], + [ + "Ġc", + "ustom" + ], + [ + "Ġcour", + "t" + ], + [ + "ĠM", + "e" + ], + [ + "Ġre", + "pl" + ], + [ + "Ġwho", + "le" + ], + [ + "g", + "o" + ], + [ + "c", + "er" + ], + [ + "Ġt", + "reat" + ], + [ + "ĠA", + "ct" + ], + [ + "Ġprob", + "ably" + ], + [ + "Ġle", + "arn" + ], + [ + "end", + "er" + ], + [ + "ĠA", + "ss" + ], + [ + "Ġvers", + "ion" + ], + [ + "n", + "ow" + ], + [ + "Ġche", + "ck" + ], + [ + "ĠC", + "al" + ], + [ + "R", + "E" + ], + [ + "min", + "ist" + ], + [ + "O", + "n" + ], + [ + "our", + "ces" + ], + [ + "Ġben", + "ef" + ], + [ + "Ġd", + "oc" + ], + [ + "Ġdet", + "er" + ], + [ + "Ġen", + "c" + ], + [ + "Ġsu", + "per" + ], + [ + "Ġadd", + "ress" + ], + [ + "Ġv", + "ict" + ], + [ + "Ġ201", + "3" + ], + [ + "Ġme", + "as" + ], + [ + "t", + "r" + ], + [ + "Ġf", + "ield" + ], + [ + "W", + "hen" + ], + [ + "Ġsign", + "ific" + ], + [ + "u", + "ge" + ], + [ + "Ġfe", + "at" + ], + [ + "Ġcomm", + "on" + ], + [ + "l", + "oad" + ], + [ + "Ġbe", + "gin" + ], + [ + "Ġbr", + "ing" + ], + [ + "Ġa", + "ction" + ], + [ + "er", + "man" + ], + [ + "Ġdesc", + "rib" + ], + [ + "Ġind", + "ust" + ], + [ + "Ġwant", + "ed" + ], + [ + "ri", + "ed" + ], + [ + "m", + "ing" + ], + [ + "Ġatt", + "empt" + ], + [ + "4", + "5" + ], + [ + "f", + "er" + ], + [ + "Ġd", + "ue" + ], + [ + "ress", + "ion" + ], + [ + "#", + "#" + ], + [ + "Ġsh", + "all" + ], + [ + "Ġs", + "ix" + ], + [ + "o", + "o" + ], + [ + "Ġst", + "ep" + ], + [ + "Ġp", + "ub" + ], + [ + "Ġhim", + "self" + ], + [ + "Ġ2", + "3" + ], + [ + "Ġc", + "op" + ], + [ + "Ġd", + "est" + ], + [ + "Ġst", + "op" + ], + [ + "A", + "C" + ], + [ + "ib", + "ility" + ], + [ + "Ġl", + "ab" + ], + [ + "ic", + "ult" + ], + [ + "Ġhour", + "s" + ], + [ + "Ġcre", + "ate" + ], + [ + "Ġf", + "urther" + ], + [ + "ĠAmeric", + "a" + ], + [ + "ĠC", + "ity" + ], + [ + "Ġd", + "ou" + ], + [ + "he", + "ad" + ], + [ + "S", + "T" + ], + [ + "ĠN", + "orth" + ], + [ + "c", + "ing" + ], + [ + "Ġn", + "ational" + ], + [ + "u", + "le" + ], + [ + "ĠIn", + "st" + ], + [ + "Ġt", + "aking" + ], + [ + "ĠQ", + "u" + ], + [ + "ir", + "t" + ], + [ + "Ġre", + "d" + ], + [ + "Ġrese", + "arch" + ], + [ + "v", + "iron" + ], + [ + "ĠG", + "e" + ], + [ + "Ġbre", + "ak" + ], + [ + "an", + "a" + ], + [ + "Ġsp", + "ace" + ], + [ + "ater", + "ial" + ], + [ + "Ġrec", + "ent" + ], + [ + "ĠA", + "b" + ], + [ + "Ġgener", + "al" + ], + [ + "Ġh", + "it" + ], + [ + "Ġper", + "iod" + ], + [ + "Ġevery", + "thing" + ], + [ + "ive", + "ly" + ], + [ + "Ġph", + "ys" + ], + [ + "Ġsay", + "ing" + ], + [ + "an", + "ks" + ], + [ + "Ġc", + "ou" + ], + [ + "Ġc", + "ult" + ], + [ + "ac", + "ed" + ], + [ + "e", + "al" + ], + [ + "u", + "ation" + ], + [ + "Ġc", + "oun" + ], + [ + "l", + "u" + ], + [ + "Ġinclud", + "e" + ], + [ + "Ġpos", + "ition" + ], + [ + "ĠA", + "fter" + ], + [ + "ĠCan", + "ad" + ], + [ + "ĠE", + "m" + ], + [ + "Ġim", + "m" + ], + [ + "ĠR", + "ed" + ], + [ + "Ġp", + "ick" + ], + [ + "Ġcom", + "pl" + ], + [ + "Ġm", + "atter" + ], + [ + "re", + "g" + ], + [ + "e", + "xt" + ], + [ + "ang", + "u" + ], + [ + "is", + "c" + ], + [ + "o", + "le" + ], + [ + "a", + "ut" + ], + [ + "Ġcomp", + "et" + ], + [ + "e", + "ed" + ], + [ + "f", + "ect" + ], + [ + "Ġ2", + "1" + ], + [ + "ĠS", + "en" + ], + [ + "ĠThe", + "se" + ], + [ + "as", + "ing" + ], + [ + "Ġcan", + "not" + ], + [ + "Ġin", + "it" + ], + [ + "Ġrel", + "ations" + ], + [ + "ac", + "hed" + ], + [ + "Ġb", + "ar" + ], + [ + "Ġ4", + "0" + ], + [ + "ĠT", + "H" + ], + [ + "Ġ201", + "2" + ], + [ + "Ġv", + "ol" + ], + [ + "Ġg", + "round" + ], + [ + "Ġsec", + "urity" + ], + [ + "Ġup", + "d" + ], + [ + "il", + "t" + ], + [ + "3", + "5" + ], + [ + "Ġconc", + "ern" + ], + [ + "ĠJ", + "ust" + ], + [ + "Ġwh", + "ite" + ], + [ + "Ġseem", + "s" + ], + [ + "ĠH", + "er" + ], + [ + "pe", + "cially" + ], + [ + "i", + "ents" + ], + [ + "Ġann", + "oun" + ], + [ + "Ġf", + "ig" + ], + [ + "ight", + "s" + ], + [ + "Ġst", + "ri" + ], + [ + "l", + "ike" + ], + [ + "id", + "s" + ], + [ + "Ġs", + "us" + ], + [ + "Ġw", + "atch" + ], + [ + "Ġ", + "â" + ], + [ + "Ġw", + "ind" + ], + [ + "ĠC", + "ont" + ], + [ + "Ġit", + "self" + ], + [ + "Ġm", + "ass" + ], + [ + "A", + "l" + ], + [ + "y", + "le" + ], + [ + "iqu", + "e" + ], + [ + "ĠN", + "ational" + ], + [ + "Ġab", + "s" + ], + [ + "Ġp", + "ack" + ], + [ + "Ġout", + "side" + ], + [ + "Ġan", + "im" + ], + [ + "Ġp", + "ain" + ], + [ + "et", + "er" + ], + [ + "Ġman", + "ag" + ], + [ + "du", + "ct" + ], + [ + "og", + "n" + ], + [ + "Ġ", + "]" + ], + [ + "ĠSe", + "pt" + ], + [ + "se", + "c" + ], + [ + "o", + "ff" + ], + [ + "ĠJ", + "an" + ], + [ + "Ġf", + "oot" + ], + [ + "ad", + "es" + ], + [ + "Ġth", + "ird" + ], + [ + "Ġm", + "ot" + ], + [ + "Ġev", + "idence" + ], + [ + "int", + "on" + ], + [ + "Ġth", + "reat" + ], + [ + "a", + "pt" + ], + [ + "pl", + "es" + ], + [ + "c", + "le" + ], + [ + "Ġl", + "o" + ], + [ + "Ġde", + "cl" + ], + [ + "Ġit", + "em" + ], + [ + "med", + "i" + ], + [ + "Ġrep", + "resent" + ], + [ + "om", + "b" + ], + [ + "am", + "er" + ], + [ + "Ġsignific", + "ant" + ], + [ + "og", + "raph" + ], + [ + "s", + "u" + ], + [ + "Ġc", + "al" + ], + [ + "i", + "res" + ], + [ + "00", + "00" + ], + [ + "I", + "D" + ], + [ + "A", + "M" + ], + [ + "Ġsim", + "ply" + ], + [ + "Ġlong", + "er" + ], + [ + "Ġf", + "ile" + ], + [ + "O", + "T" + ], + [ + "c", + "he" + ], + [ + "S", + "o" + ], + [ + "ate", + "g" + ], + [ + "or", + "g" + ], + [ + "ĠH", + "is" + ], + [ + "Ġen", + "er" + ], + [ + "Ġd", + "om" + ], + [ + "Ġup", + "on" + ], + [ + "il", + "i" + ], + [ + "\":", + "\"" + ], + [ + "Ġthem", + "selves" + ], + [ + "Ġcom", + "ing" + ], + [ + "Ġqu", + "ite" + ], + [ + "Ġdiff", + "icult" + ], + [ + "ĠB", + "ar" + ], + [ + "il", + "ities" + ], + [ + "re", + "l" + ], + [ + "end", + "s" + ], + [ + "c", + "ial" + ], + [ + "6", + "4" + ], + [ + "Ġwom", + "an" + ], + [ + "ra", + "p" + ], + [ + "y", + "r" + ], + [ + "Ġne", + "cess" + ], + [ + "ip", + "s" + ], + [ + "Ġte", + "xt" + ], + [ + "Ġrequ", + "ire" + ], + [ + "Ġmilit", + "ary" + ], + [ + "Ġre", + "view" + ], + [ + "Ġresp", + "ons" + ], + [ + "7", + "5" + ], + [ + "Ġsub", + "ject" + ], + [ + "Ġinst", + "ead" + ], + [ + "Ġiss", + "ues" + ], + [ + "Ġg", + "en" + ], + [ + "\"", + ",\"" + ], + [ + "Ġmin", + "utes" + ], + [ + "Ġwe", + "ap" + ], + [ + "r", + "ay" + ], + [ + "am", + "ed" + ], + [ + "t", + "ime" + ], + [ + "b", + "l" + ], + [ + "H", + "ow" + ], + [ + "Ġc", + "ode" + ], + [ + "ĠS", + "m" + ], + [ + "Ġhig", + "her" + ], + [ + "ĠSt", + "e" + ], + [ + "r", + "is" + ], + [ + "Ġp", + "age" + ], + [ + "Ġstud", + "ents" + ], + [ + "ĠIn", + "tern" + ], + [ + "Ġmet", + "hod" + ], + [ + "ĠA", + "ug" + ], + [ + "ĠP", + "er" + ], + [ + "ĠA", + "g" + ], + [ + "Ġpolic", + "y" + ], + [ + "ĠS", + "w" + ], + [ + "Ġex", + "ec" + ], + [ + "Ġac", + "cept" + ], + [ + "um", + "e" + ], + [ + "rib", + "ut" + ], + [ + "Ġword", + "s" + ], + [ + "Ġfin", + "al" + ], + [ + "Ġchang", + "es" + ], + [ + "ĠDem", + "ocr" + ], + [ + "Ġfriend", + "s" + ], + [ + "Ġres", + "pect" + ], + [ + "Ġe", + "p" + ], + [ + "Ġcomp", + "an" + ], + [ + "iv", + "il" + ], + [ + "Ġdam", + "age" + ], + [ + "**", + "**" + ], + [ + "og", + "le" + ], + [ + "viron", + "ment" + ], + [ + "Ġne", + "g" + ], + [ + "ent", + "al" + ], + [ + "Ġa", + "p" + ], + [ + "Ġtot", + "al" + ], + [ + "iv", + "al" + ], + [ + "!", + "\"" + ], + [ + "l", + "im" + ], + [ + "Ġneed", + "s" + ], + [ + "Ġag", + "re" + ], + [ + "Ġdevelop", + "ment" + ], + [ + "Ġa", + "ge" + ], + [ + "ip", + "le" + ], + [ + "2", + "1" + ], + [ + "Ġresult", + "s" + ], + [ + "ĠA", + "f" + ], + [ + "S", + "h" + ], + [ + "Ġg", + "un" + ], + [ + "ĠOb", + "ama" + ], + [ + "ro", + "ll" + ], + [ + "Ġ", + "@" + ], + [ + "Ġright", + "s" + ], + [ + "ĠB", + "rit" + ], + [ + "Ġrun", + "ning" + ], + [ + "Ġwas", + "n" + ], + [ + "Ġp", + "ort" + ], + [ + "Ġr", + "ate" + ], + [ + "Ġpret", + "ty" + ], + [ + "Ġtarg", + "et" + ], + [ + "Ġsa", + "w" + ], + [ + "Ġc", + "irc" + ], + [ + "Ġwor", + "ks" + ], + [ + "ic", + "ro" + ], + [ + "al", + "t" + ], + [ + "o", + "ver" + ], + [ + "ww", + "w" + ], + [ + "Th", + "at" + ], + [ + "l", + "ier" + ], + [ + "Ġevery", + "one" + ], + [ + "ud", + "e" + ], + [ + "Ġp", + "ie" + ], + [ + "idd", + "le" + ], + [ + "ra", + "el" + ], + [ + "Ġr", + "ad" + ], + [ + "Ġbl", + "ock" + ], + [ + "Ġw", + "alk" + ], + [ + "T", + "o" + ], + [ + "ã", + "ģ" + ], + [ + "n", + "es" + ], + [ + "ĠA", + "ust" + ], + [ + "a", + "ul" + ], + [ + "ro", + "te" + ], + [ + "ĠS", + "outh" + ], + [ + "ess", + "ion" + ], + [ + "op", + "h" + ], + [ + "Ġshow", + "s" + ], + [ + "Ġs", + "ite" + ], + [ + "Ġj", + "o" + ], + [ + "Ġr", + "isk" + ], + [ + "cl", + "us" + ], + [ + "l", + "t" + ], + [ + "Ġin", + "j" + ], + [ + "id", + "ing" + ], + [ + "ĠS", + "pe" + ], + [ + "Ġch", + "all" + ], + [ + "ir", + "m" + ], + [ + "Ġ2", + "2" + ], + [ + "itt", + "ing" + ], + [ + "st", + "r" + ], + [ + "Ġh", + "y" + ], + [ + "L", + "E" + ], + [ + "ke", + "y" + ], + [ + "Ġbe", + "gan" + ], + [ + "at", + "ur" + ], + [ + "ashing", + "ton" + ], + [ + "l", + "am" + ], + [ + "ĠD", + "av" + ], + [ + "b", + "it" + ], + [ + "Ġs", + "ize" + ], + [ + "ĠP", + "ar" + ], + [ + "3", + "8" + ], + [ + "ourn", + "al" + ], + [ + "f", + "ace" + ], + [ + "Ġdec", + "ision" + ], + [ + "Ġl", + "arg" + ], + [ + "Ġj", + "ud" + ], + [ + "re", + "ct" + ], + [ + "Ġcontin", + "ue" + ], + [ + "ĠO", + "ct" + ], + [ + "ove", + "red" + ], + [ + "ĠI", + "nt" + ], + [ + "====", + "====" + ], + [ + "Ġp", + "arent" + ], + [ + "ĠW", + "ill" + ], + [ + "Ġeas", + "y" + ], + [ + "Ġd", + "rug" + ], + [ + "ang", + "er" + ], + [ + "Ġs", + "ense" + ], + [ + "Ġd", + "i" + ], + [ + "id", + "ay" + ], + [ + "Ġener", + "gy" + ], + [ + "ist", + "ic" + ], + [ + "Ġass", + "oci" + ], + [ + "ar", + "ter" + ], + [ + "ob", + "al" + ], + [ + "e", + "ks" + ], + [ + "ĠE", + "l" + ], + [ + "ur", + "ch" + ], + [ + "Ġg", + "irl" + ], + [ + "o", + "e" + ], + [ + "it", + "le" + ], + [ + "Ġ2", + "8" + ], + [ + "ĠC", + "he" + ], + [ + "Ġrequ", + "est" + ], + [ + "Ġso", + "on" + ], + [ + "Ġh", + "ost" + ], + [ + "k", + "y" + ], + [ + "Ġst", + "ates" + ], + [ + "om", + "es" + ], + [ + "Ġm", + "aterial" + ], + [ + "le", + "x" + ], + [ + "Ġmom", + "ent" + ], + [ + "Ġan", + "sw" + ], + [ + "on", + "se" + ], + [ + "Ġes", + "pecially" + ], + [ + "Ġn", + "orm" + ], + [ + "Ġserv", + "ices" + ], + [ + "p", + "ite" + ], + [ + "r", + "an" + ], + [ + "Ġro", + "le" + ], + [ + "4", + "4" + ], + [ + ")", + ":" + ], + [ + "Ġc", + "red" + ], + [ + "C", + "l" + ], + [ + "____", + "____" + ], + [ + "Ġm", + "at" + ], + [ + "Ġl", + "og" + ], + [ + "ĠCl", + "inton" + ], + [ + "O", + "U" + ], + [ + "Ġoff", + "ice" + ], + [ + "Ġ2", + "6" + ], + [ + "Ġch", + "arg" + ], + [ + "Ġtr", + "ack" + ], + [ + "m", + "a" + ], + [ + "Ġhe", + "art" + ], + [ + "Ġb", + "all" + ], + [ + "Ġperson", + "al" + ], + [ + "Ġbuild", + "ing" + ], + [ + "n", + "a" + ], + [ + "s", + "et" + ], + [ + "b", + "ody" + ], + [ + "ĠBl", + "ack" + ], + [ + "Ġincre", + "ase" + ], + [ + "itt", + "en" + ], + [ + "Ġneed", + "ed" + ], + [ + "3", + "6" + ], + [ + "3", + "2" + ], + [ + "=", + "\"" + ], + [ + "Ġl", + "ost" + ], + [ + "Ġbec", + "ame" + ], + [ + "Ġgrou", + "ps" + ], + [ + "ĠM", + "us" + ], + [ + "Ġw", + "rote" + ], + [ + "ĠP", + "e" + ], + [ + "Ġpro", + "p" + ], + [ + "j", + "oy" + ], + [ + "Ã", + "©" + ], + [ + "ĠWh", + "ite" + ], + [ + "Ġde", + "ad" + ], + [ + ".", + "'" + ], + [ + "Ġhtt", + "p" + ], + [ + "Ġwe", + "bs" + ], + [ + "O", + "S" + ], + [ + "Ġins", + "ide" + ], + [ + "Ġwr", + "ong" + ], + [ + "Ġstat", + "ement" + ], + [ + "Ġ", + "..." + ], + [ + "y", + "l" + ], + [ + "Ġfil", + "m" + ], + [ + "Ġmus", + "ic" + ], + [ + "Ġsh", + "are" + ], + [ + "ific", + "ation" + ], + [ + "Ġre", + "lease" + ], + [ + "Ġfor", + "ward" + ], + [ + "Ġst", + "ay" + ], + [ + "Ġcomp", + "ut" + ], + [ + "it", + "te" + ], + [ + "s", + "er" + ], + [ + "Ġorig", + "inal" + ], + [ + "Ġc", + "ard" + ], + [ + "Ġc", + "and" + ], + [ + "Ġd", + "iv" + ], + [ + "at", + "ural" + ], + [ + "Ġfav", + "or" + ], + [ + "O", + "M" + ], + [ + "Ġc", + "ases" + ], + [ + "us", + "es" + ], + [ + "Ġse", + "ction" + ], + [ + "Ġle", + "ave" + ], + [ + "g", + "ing" + ], + [ + "ov", + "ed" + ], + [ + "ĠW", + "ashington" + ], + [ + "3", + "9" + ], + [ + "ĠG", + "l" + ], + [ + "Ġrequ", + "ired" + ], + [ + "act", + "ion" + ], + [ + "ap", + "an" + ], + [ + "o", + "or" + ], + [ + "it", + "er" + ], + [ + "ĠK", + "ing" + ], + [ + "Ġcount", + "ries" + ], + [ + "ĠG", + "erman" + ], + [ + "ll", + "ing" + ], + [ + "Ġ2", + "7" + ], + [ + "3", + "4" + ], + [ + "Ġquest", + "ions" + ], + [ + "Ġpr", + "im" + ], + [ + "Ġc", + "ell" + ], + [ + "Ġsh", + "oot" + ], + [ + "Ġany", + "one" + ], + [ + "ĠW", + "est" + ], + [ + "Ġaff", + "ect" + ], + [ + "ep", + "end" + ], + [ + "Ġon", + "line" + ], + [ + "ĠIs", + "rael" + ], + [ + "ĠSept", + "ember" + ], + [ + "Ġab", + "ility" + ], + [ + "Ġcont", + "ent" + ], + [ + "is", + "es" + ], + [ + "Ġre", + "ve" + ], + [ + "Ġl", + "aun" + ], + [ + "Ġind", + "ic" + ], + [ + "Ġfor", + "ce" + ], + [ + "c", + "ast" + ], + [ + "Ġso", + "ld" + ], + [ + "av", + "ing" + ], + [ + "f", + "l" + ], + [ + "Ġso", + "ft" + ], + [ + "Ġcompan", + "ies" + ], + [ + "ce", + "ed" + ], + [ + "Ġart", + "icle" + ], + [ + "Ġa", + "ud" + ], + [ + "Ġre", + "v" + ], + [ + "Ġed", + "uc" + ], + [ + "Ġplay", + "ing" + ], + [ + "0", + "5" + ], + [ + "Ġhe", + "ld" + ], + [ + "ct", + "or" + ], + [ + "Ġrele", + "ased" + ], + [ + "Ġf", + "ederal" + ], + [ + "3", + "7" + ], + [ + "Ġad", + "minist" + ], + [ + "Ġinter", + "view" + ], + [ + "Ġinst", + "all" + ], + [ + "Ġrece", + "ived" + ], + [ + "Ġs", + "ource" + ], + [ + "u", + "k" + ], + [ + "P", + "h" + ], + [ + "Ġser", + "ious" + ], + [ + "Ġcre", + "ated" + ], + [ + "Ġc", + "ause" + ], + [ + "Ġim", + "medi" + ], + [ + "Ġdef", + "in" + ], + [ + "u", + "el" + ], + [ + "ĠDep", + "artment" + ], + [ + "ct", + "ions" + ], + [ + "ĠC", + "our" + ], + [ + "ĠN", + "ow" + ], + [ + "z", + "e" + ], + [ + "it", + "es" + ], + [ + "it", + "ution" + ], + [ + "Ġl", + "ate" + ], + [ + "Ġspe", + "ak" + ], + [ + "n", + "ers" + ], + [ + "Ġleg", + "al" + ], + [ + "ar", + "i" + ], + [ + "ĠC", + "or" + ], + [ + "Ġwe", + "eks" + ], + [ + "Ġmod", + "el" + ], + [ + "Ġp", + "red" + ], + [ + "Ġex", + "act" + ], + [ + "B", + "C" + ], + [ + "ĠB", + "y" + ], + [ + "IN", + "G" + ], + [ + "os", + "ing" + ], + [ + "Ġt", + "akes" + ], + [ + "Ġreg", + "ard" + ], + [ + "Ġopp", + "ortun" + ], + [ + "Ġpr", + "ice" + ], + [ + "Ġ19", + "8" + ], + [ + "ĠA", + "pr" + ], + [ + "f", + "ully" + ], + [ + "Ġor", + "d" + ], + [ + "Ġproble", + "ms" + ], + [ + "ru", + "ction" + ], + [ + "h", + "am" + ], + [ + "ĠC", + "ount" + ], + [ + "le", + "ge" + ], + [ + "Ġlead", + "ers" + ], + [ + "E", + "T" + ], + [ + "le", + "v" + ], + [ + "Ġde", + "ep" + ], + [ + "olog", + "ical" + ], + [ + "es", + "e" + ], + [ + "h", + "aps" + ], + [ + "ĠS", + "ome" + ], + [ + "Ġp", + "ers" + ], + [ + "Ġcont", + "ract" + ], + [ + "Ġrelations", + "hip" + ], + [ + "s", + "p" + ], + [ + "ou", + "d" + ], + [ + "Ġb", + "ase" + ], + [ + "4", + "8" + ], + [ + "m", + "it" + ], + [ + "A", + "d" + ], + [ + "anc", + "ial" + ], + [ + "Ġcons", + "um" + ], + [ + "Ġpot", + "ential" + ], + [ + "Ġl", + "angu" + ], + [ + "re", + "m" + ], + [ + "et", + "h" + ], + [ + "Ġrel", + "ig" + ], + [ + "ress", + "ed" + ], + [ + "6", + "6" + ], + [ + "Ġl", + "ink" + ], + [ + "Ġl", + "ower" + ], + [ + "ay", + "er" + ], + [ + "ĠJ", + "une" + ], + [ + "Ġf", + "em" + ], + [ + "un", + "t" + ], + [ + "er", + "c" + ], + [ + "ur", + "d" + ], + [ + "Ġcont", + "act" + ], + [ + "Ġ", + "ill" + ], + [ + "Ġm", + "other" + ], + [ + "Ġest", + "ab" + ], + [ + "h", + "tt" + ], + [ + "ĠM", + "arch" + ], + [ + "ĠB", + "ro" + ], + [ + "ĠCh", + "ina" + ], + [ + "Ġ2", + "9" + ], + [ + "Ġs", + "qu" + ], + [ + "Ġprov", + "ided" + ], + [ + "Ġa", + "verage" + ], + [ + "as", + "ons" + ], + [ + "Ġ201", + "1" + ], + [ + "Ġex", + "am" + ], + [ + "l", + "in" + ], + [ + "5", + "5" + ], + [ + "n", + "ed" + ], + [ + "Ġper", + "fect" + ], + [ + "Ġt", + "ou" + ], + [ + "al", + "se" + ], + [ + "u", + "x" + ], + [ + "Ġbu", + "y" + ], + [ + "Ġsh", + "ot" + ], + [ + "Ġcol", + "lect" + ], + [ + "Ġph", + "ot" + ], + [ + "Ġplay", + "ed" + ], + [ + "Ġsur", + "pr" + ], + [ + "Ġofficial", + "s" + ], + [ + "Ġsim", + "ple" + ], + [ + "av", + "y" + ], + [ + "Ġindust", + "ry" + ], + [ + "Ġhand", + "s" + ], + [ + "g", + "round" + ], + [ + "Ġp", + "ull" + ], + [ + "Ġr", + "ound" + ], + [ + "Ġus", + "er" + ], + [ + "Ġr", + "ange" + ], + [ + "u", + "ary" + ], + [ + "Ġpriv", + "ate" + ], + [ + "op", + "s" + ], + [ + "e", + "es" + ], + [ + "Ġw", + "ays" + ], + [ + "ĠM", + "ich" + ], + [ + "Ġve", + "h" + ], + [ + "Ġex", + "cept" + ], + [ + "Ġter", + "ms" + ], + [ + "im", + "um" + ], + [ + "pp", + "er" + ], + [ + "I", + "ON" + ], + [ + "ore", + "s" + ], + [ + "ĠDr", + "agon" + ], + [ + "ou", + "l" + ], + [ + "Ġd", + "en" + ], + [ + "Ġperform", + "ance" + ], + [ + "Ġb", + "ill" + ], + [ + "c", + "il" + ], + [ + "4", + "7" + ], + [ + "Ġen", + "vironment" + ], + [ + "Ġex", + "c" + ], + [ + "ad", + "d" + ], + [ + "Ġwor", + "th" + ], + [ + "Ġp", + "ict" + ], + [ + "Ġch", + "ance" + ], + [ + "Ġ201", + "8" + ], + [ + "b", + "or" + ], + [ + "Ġspe", + "ed" + ], + [ + "ict", + "ion" + ], + [ + "Ġal", + "leg" + ], + [ + "ĠJ", + "apan" + ], + [ + "at", + "ory" + ], + [ + "re", + "et" + ], + [ + "Ġm", + "atch" + ], + [ + "ĠI", + "I" + ], + [ + "Ġst", + "ru" + ], + [ + "ord", + "er" + ], + [ + "Ġst", + "e" + ], + [ + "Ġl", + "iving" + ], + [ + "Ġst", + "ruct" + ], + [ + "in", + "o" + ], + [ + "Ġse", + "par" + ], + [ + "her", + "n" + ], + [ + "Ġresp", + "onse" + ], + [ + "Ġen", + "joy" + ], + [ + "Ġv", + "ia" + ], + [ + "A", + "D" + ], + [ + "um", + "ents" + ], + [ + "ace", + "book" + ], + [ + "Ġmem", + "ber" + ], + [ + "ib", + "r" + ], + [ + "iz", + "ing" + ], + [ + "Ġto", + "ol" + ], + [ + "ĠM", + "on" + ], + [ + "ĠWh", + "ile" + ], + [ + "h", + "ood" + ], + [ + "ĠA", + "ng" + ], + [ + "ĠD", + "ef" + ], + [ + "Ġoff", + "er" + ], + [ + "T", + "r" + ], + [ + "a", + "ur" + ], + [ + "Ġturn", + "ed" + ], + [ + "ĠJ", + "uly" + ], + [ + "d", + "own" + ], + [ + "an", + "ced" + ], + [ + "Ġrec", + "ently" + ], + [ + "ĠE", + "ar" + ], + [ + "Ġc", + "e" + ], + [ + "ĠSt", + "ar" + ], + [ + "ĠC", + "ong" + ], + [ + "rough", + "t" + ], + [ + "Ġbl", + "ood" + ], + [ + "Ġhop", + "e" + ], + [ + "Ġcom", + "ment" + ], + [ + "ain", + "t" + ], + [ + "Ġar", + "ri" + ], + [ + "il", + "es" + ], + [ + "Ġpartic", + "ip" + ], + [ + "ough", + "t" + ], + [ + "ri", + "ption" + ], + [ + "0", + "8" + ], + [ + "4", + "9" + ], + [ + "Ġg", + "ave" + ], + [ + "Ġse", + "lect" + ], + [ + "Ġkill", + "ed" + ], + [ + "sy", + "ch" + ], + [ + "Ġgo", + "es" + ], + [ + "i", + "j" + ], + [ + "Ġc", + "oll" + ], + [ + "Ġimp", + "act" + ], + [ + "at", + "ives" + ], + [ + "ĠS", + "er" + ], + [ + "0", + "9" + ], + [ + "ĠAug", + "ust" + ], + [ + "Ġb", + "oy" + ], + [ + "d", + "e" + ], + [ + "ĠD", + "es" + ], + [ + "Ġf", + "elt" + ], + [ + "U", + "S" + ], + [ + "Ġexpect", + "ed" + ], + [ + "Ġim", + "age" + ], + [ + "ĠM", + "ark" + ], + [ + "cc", + "ording" + ], + [ + "o", + "ice" + ], + [ + "E", + "C" + ], + [ + "ĠM", + "ag" + ], + [ + "en", + "ed" + ], + [ + "h", + "old" + ], + [ + "ĠP", + "ost" + ], + [ + "Ġpre", + "vent" + ], + [ + "N", + "o" + ], + [ + "Ġinvol", + "ved" + ], + [ + "Ġey", + "es" + ], + [ + "Ġquick", + "ly" + ], + [ + "A", + "t" + ], + [ + "un", + "k" + ], + [ + "Ġbeh", + "av" + ], + [ + "Ġ", + "ur" + ], + [ + "Ġl", + "ed" + ], + [ + "c", + "ome" + ], + [ + "e", + "y" + ], + [ + "Ġcand", + "id" + ], + [ + "Ġear", + "lier" + ], + [ + "Ġfoc", + "us" + ], + [ + "et", + "y" + ], + [ + "P", + "ro" + ], + [ + "led", + "ge" + ], + [ + "ix", + "ed" + ], + [ + "ill", + "ed" + ], + [ + "Ġpop", + "ular" + ], + [ + "A", + "P" + ], + [ + "Ġset", + "t" + ], + [ + "l", + "ight" + ], + [ + "Ġvar", + "ious" + ], + [ + "in", + "ks" + ], + [ + "Ġlevel", + "s" + ], + [ + "Ġro", + "ad" + ], + [ + "ell", + "ig" + ], + [ + "ab", + "les" + ], + [ + "he", + "l" + ], + [ + "itte", + "e" + ], + [ + "ĠG", + "ener" + ], + [ + "y", + "pe" + ], + [ + "Ġhe", + "ard" + ], + [ + "ic", + "les" + ], + [ + "Ġm", + "is" + ], + [ + "Ġus", + "ers" + ], + [ + "ĠS", + "an" + ], + [ + "Ġimpro", + "ve" + ], + [ + "Ġf", + "ather" + ], + [ + "Ġse", + "arch" + ], + [ + "The", + "y" + ], + [ + "v", + "il" + ], + [ + "Ġprof", + "ess" + ], + [ + "Ġkn", + "ew" + ], + [ + "Ġl", + "oss" + ], + [ + "Ġev", + "ents" + ], + [ + "6", + "5" + ], + [ + "Ġb", + "illion" + ], + [ + "0", + "7" + ], + [ + "0", + "2" + ], + [ + "ĠNew", + "s" + ], + [ + "ĠA", + "M" + ], + [ + "Ġco", + "ver" + ], + [ + "w", + "here" + ], + [ + "ens", + "ion" + ], + [ + "Ġb", + "ott" + ], + [ + "Ġare", + "as" + ], + [ + "en", + "ces" + ], + [ + "op", + "e" + ], + [ + "ĠTw", + "itter" + ], + [ + "a", + "el" + ], + [ + "Ġget", + "s" + ], + [ + "ĠGo", + "ogle" + ], + [ + "Ġs", + "n" + ], + [ + "i", + "ant" + ], + [ + "Ġv", + "ote" + ], + [ + "Ġnear", + "ly" + ], + [ + "Ġinclud", + "ed" + ], + [ + "Ġrec", + "ogn" + ], + [ + "z", + "z" + ], + [ + "m", + "m" + ], + [ + "al", + "ed" + ], + [ + "Ġhappen", + "ed" + ], + [ + "0", + "4" + ], + [ + "Ġh", + "ot" + ], + [ + "Ġwho", + "se" + ], + [ + "Ġc", + "ivil" + ], + [ + "Ġsu", + "ff" + ], + [ + "o", + "es" + ], + [ + "it", + "iz" + ], + [ + "ĠSy", + "ri" + ], + [ + "Ġresp", + "ond" + ], + [ + "Ġh", + "on" + ], + [ + "Ġfeat", + "ures" + ], + [ + "Ġeconom", + "ic" + ], + [ + "ĠApr", + "il" + ], + [ + "r", + "im" + ], + [ + "Ġtechn", + "ology" + ], + [ + "Ġo", + "ption" + ], + [ + "ag", + "ing" + ], + [ + "Ġpur", + "ch" + ], + [ + "R", + "e" + ], + [ + "Ġl", + "at" + ], + [ + "ch", + "ie" + ], + [ + "is", + "l" + ], + [ + "Ġrec", + "omm" + ], + [ + "u", + "f" + ], + [ + "Ġtr", + "aining" + ], + [ + "Ġeffect", + "s" + ], + [ + "Ġf", + "ast" + ], + [ + "Ġ201", + "0" + ], + [ + "Ġocc", + "ur" + ], + [ + "Ġwebs", + "ite" + ], + [ + "Ġem", + "ail" + ], + [ + "Ġs", + "ens" + ], + [ + "e", + "ch" + ], + [ + "Ġo", + "il" + ], + [ + "Ġinf", + "lu" + ], + [ + "Ġcurrent", + "ly" + ], + [ + "ĠS", + "ch" + ], + [ + "ĠAd", + "d" + ], + [ + "Ġgo", + "al" + ], + [ + "Ġsc", + "ient" + ], + [ + "Ġcon", + "v" + ], + [ + "1", + "00" + ], + [ + "em", + "y" + ], + [ + "Ġdec", + "ided" + ], + [ + "Ġtra", + "vel" + ], + [ + "Ġm", + "ention" + ], + [ + "L", + "L" + ], + [ + "0", + "3" + ], + [ + "Ġe", + "lection" + ], + [ + "Ġph", + "one" + ], + [ + "Ġlook", + "s" + ], + [ + "Ġsit", + "uation" + ], + [ + "Ġc", + "y" + ], + [ + "Ġh", + "or" + ], + [ + "b", + "ed" + ], + [ + "ĠCour", + "t" + ], + [ + "a", + "ily" + ], + [ + "av", + "es" + ], + [ + "Ġqu", + "ality" + ], + [ + "ĠCom", + "p" + ], + [ + "w", + "ise" + ], + [ + "Ġt", + "able" + ], + [ + "Ġst", + "aff" + ], + [ + "ĠW", + "ind" + ], + [ + "et", + "t" + ], + [ + "Ġtri", + "ed" + ], + [ + "ide", + "red" + ], + [ + "Ġadd", + "ition" + ], + [ + "Ġb", + "ox" + ], + [ + "Ġl", + "ack" + ], + [ + "ar", + "ily" + ], + [ + "Ġw", + "ide" + ], + [ + "Ġm", + "id" + ], + [ + "Ġbo", + "ard" + ], + [ + "ys", + "is" + ], + [ + "Ġant", + "i" + ], + [ + "h", + "a" + ], + [ + "Ġd", + "ig" + ], + [ + "en", + "ing" + ], + [ + "Ġd", + "ro" + ], + [ + "C", + "on" + ], + [ + "6", + "8" + ], + [ + "Ġsl", + "ow" + ], + [ + "b", + "ased" + ], + [ + "se", + "qu" + ], + [ + "Ġp", + "ath" + ], + [ + "E", + "x" + ], + [ + "ak", + "er" + ], + [ + "Ġwork", + "ed" + ], + [ + "Ġp", + "en" + ], + [ + "Ġeng", + "ine" + ], + [ + "Ġlook", + "ed" + ], + [ + "ĠSu", + "per" + ], + [ + "ĠS", + "erv" + ], + [ + "Ġvict", + "im" + ], + [ + "U", + "n" + ], + [ + "Ġproper", + "ty" + ], + [ + "Ġint", + "rodu" + ], + [ + "Ġexec", + "ut" + ], + [ + "ĠP", + "M" + ], + [ + "L", + "e" + ], + [ + "Ġcol", + "or" + ], + [ + "ĠM", + "ore" + ], + [ + "Ġ6", + "0" + ], + [ + "Ġnet", + "work" + ], + [ + "Ġd", + "ate" + ], + [ + "c", + "ul" + ], + [ + "id", + "ge" + ], + [ + "Ġext", + "ra" + ], + [ + "3", + "1" + ], + [ + "Ġs", + "le" + ], + [ + "6", + "7" + ], + [ + "Ġw", + "ond" + ], + [ + "Ġreport", + "s" + ], + [ + "j", + "ust" + ], + [ + "ĠAust", + "ral" + ], + [ + "Ġcap", + "ital" + ], + [ + "Ġen", + "s" + ], + [ + "Ġcomm", + "and" + ], + [ + "Ġallow", + "ed" + ], + [ + "Ġpre", + "p" + ], + [ + "Ġca", + "pt" + ], + [ + "h", + "ib" + ], + [ + "Ġnum", + "bers" + ], + [ + "ch", + "an" + ], + [ + "Ġf", + "air" + ], + [ + "m", + "p" + ], + [ + "om", + "s" + ], + [ + "Ġre", + "ach" + ], + [ + "W", + "ith" + ], + [ + "t", + "ain" + ], + [ + "Ġbro", + "ad" + ], + [ + "Ġcou", + "ple" + ], + [ + "ec", + "ause" + ], + [ + "ly", + "ing" + ], + [ + "ĠF", + "eb" + ], + [ + "Ġsc", + "reen" + ], + [ + "Ġl", + "ives" + ], + [ + "Ġpri", + "or" + ], + [ + "ĠCong", + "ress" + ], + [ + "A", + "r" + ], + [ + "Ġappro", + "ach" + ], + [ + "Ġe", + "mer" + ], + [ + "ar", + "ies" + ], + [ + "ĠD", + "is" + ], + [ + "s", + "erv" + ], + [ + "ĠN", + "e" + ], + [ + "Ġbu", + "ilt" + ], + [ + "c", + "ies" + ], + [ + "Ġre", + "pe" + ], + [ + "Ġrul", + "es" + ], + [ + "for", + "ce" + ], + [ + "ĠP", + "al" + ], + [ + "Ġfin", + "ancial" + ], + [ + "Ġcons", + "idered" + ], + [ + "ĠCh", + "ar" + ], + [ + "n", + "ces" + ], + [ + "ĠI", + "S" + ], + [ + "Ġb", + "rought" + ], + [ + "Ġb", + "i" + ], + [ + "i", + "ers" + ], + [ + "ĠS", + "im" + ], + [ + "O", + "P" + ], + [ + "Ġproduct", + "s" + ], + [ + "Ġvis", + "it" + ], + [ + "Ġdoc", + "ument" + ], + [ + "Ġcon", + "duct" + ], + [ + "Ġcomplete", + "ly" + ], + [ + "in", + "ing" + ], + [ + "ĠCal", + "if" + ], + [ + "ib", + "ly" + ], + [ + "Ġwr", + "itten" + ], + [ + "ĠT", + "V" + ], + [ + "em", + "ents" + ], + [ + "Ġd", + "raw" + ], + [ + "O", + "ne" + ], + [ + "Ġpub", + "lished" + ], + [ + "Ġsec", + "ret" + ], + [ + "r", + "ain" + ], + [ + "he", + "t" + ], + [ + "ĠF", + "acebook" + ], + [ + "ond", + "ay" + ], + [ + "ĠU", + "p" + ], + [ + "Ġsex", + "ual" + ], + [ + "Ġth", + "ous" + ], + [ + "ĠP", + "at" + ], + [ + "Ġ", + "ess" + ], + [ + "Ġstand", + "ard" + ], + [ + "Ġar", + "m" + ], + [ + "g", + "es" + ], + [ + "ect", + "ion" + ], + [ + "Ġf", + "ell" + ], + [ + "Ġfore", + "ign" + ], + [ + "an", + "i" + ], + [ + "ĠFr", + "iday" + ], + [ + "Ġreg", + "ular" + ], + [ + "in", + "ary" + ], + [ + "Ġincre", + "ased" + ], + [ + "Ġus", + "ually" + ], + [ + "Ġdem", + "on" + ], + [ + "Ġd", + "ark" + ], + [ + "Ġadd", + "itional" + ], + [ + "ro", + "l" + ], + [ + "ĠO", + "f" + ], + [ + "Ġprodu", + "ction" + ], + [ + "!", + "!" + ], + [ + "und", + "red" + ], + [ + "Ġintern", + "ational" + ], + [ + "id", + "ents" + ], + [ + "ĠF", + "ree" + ], + [ + "rou", + "p" + ], + [ + "Ġr", + "ace" + ], + [ + "Ġm", + "ach" + ], + [ + "Ġh", + "uge" + ], + [ + "A", + "ll" + ], + [ + "le", + "ar" + ], + [ + "ove", + "mber" + ], + [ + "Ġto", + "wn" + ], + [ + "Ġatt", + "ention" + ], + [ + "ĠO", + "ff" + ], + [ + "y", + "ond" + ], + [ + "ĠThe", + "n" + ], + [ + "f", + "ield" + ], + [ + "Ġter", + "ror" + ], + [ + "ra", + "z" + ], + [ + "ĠB", + "o" + ], + [ + "Ġmeet", + "ing" + ], + [ + "ĠP", + "ark" + ], + [ + "Ġar", + "rest" + ], + [ + "Ġf", + "ear" + ], + [ + "Ġa", + "w" + ], + [ + "ĠV", + "al" + ], + [ + "or", + "ing" + ], + [ + "'", + "," + ], + [ + "Ġext", + "reme" + ], + [ + "ar", + "r" + ], + [ + "Ġwork", + "ers" + ], + [ + "A", + "fter" + ], + [ + "Ġ3", + "1" + ], + [ + "n", + "et" + ], + [ + "am", + "ent" + ], + [ + "Ġdirect", + "ly" + ], + [ + "Ġpop", + "ulation" + ], + [ + "ub", + "e" + ], + [ + "ĠOct", + "ober" + ], + [ + "ĠI", + "N" + ], + [ + "ĠJan", + "uary" + ], + [ + "5", + "9" + ], + [ + "ĠDav", + "id" + ], + [ + "Ġc", + "ross" + ], + [ + "ce", + "mber" + ], + [ + "ĠF", + "irst" + ], + [ + "Ġmess", + "age" + ], + [ + "ir", + "it" + ], + [ + "Ġn", + "ation" + ], + [ + "Ġp", + "oll" + ], + [ + "is", + "ions" + ], + [ + "Ġansw", + "er" + ], + [ + "n", + "y" + ], + [ + "is", + "ode" + ], + [ + "Ġcar", + "ry" + ], + [ + "ĠRuss", + "ia" + ], + [ + "Ġhe", + "ar" + ], + [ + "eng", + "th" + ], + [ + "ro", + "y" + ], + [ + "Ġn", + "atural" + ], + [ + "in", + "ally" + ], + [ + "Ġdo", + "g" + ], + [ + "m", + "itted" + ], + [ + "Ġtr", + "ade" + ], + [ + "Ġsub", + "st" + ], + [ + "Ġmult", + "iple" + ], + [ + "ĠAf", + "ric" + ], + [ + "Ġf", + "ans" + ], + [ + "Ġs", + "ort" + ], + [ + "Ġgl", + "obal" + ], + [ + "ic", + "ation" + ], + [ + "ĠW", + "ed" + ], + [ + "ar", + "a" + ], + [ + "Ġa", + "chie" + ], + [ + "Ġlangu", + "age" + ], + [ + "ve", + "y" + ], + [ + "Ġt", + "al" + ], + [ + "Ġnecess", + "ary" + ], + [ + "Ġdet", + "ails" + ], + [ + "Ġs", + "en" + ], + [ + "ĠS", + "und" + ], + [ + "ĠRe", + "g" + ], + [ + "ĠR", + "ec" + ], + [ + "0", + "6" + ], + [ + "Ġs", + "il" + ], + [ + "ress", + "ive" + ], + [ + "Ġmed", + "ical" + ], + [ + "un", + "ch" + ], + [ + "orn", + "ia" + ], + [ + "Ġu", + "nd" + ], + [ + "f", + "ort" + ], + [ + "oc", + "ks" + ], + [ + "ĠM", + "onday" + ], + [ + "ues", + "day" + ], + [ + "c", + "raft" + ], + [ + "7", + "7" + ], + [ + "ur", + "t" + ], + [ + "Ġ", + "ver" + ], + [ + "ĠH", + "ill" + ], + [ + "Ġrece", + "ive" + ], + [ + "Ġmor", + "ning" + ], + [ + "es", + "tern" + ], + [ + "Ġb", + "ank" + ], + [ + "Ġs", + "at" + ], + [ + "ir", + "th" + ], + [ + "ĠH", + "igh" + ], + [ + "Ġdev", + "ice" + ], + [ + "ĠTH", + "E" + ], + [ + "ĠCent", + "er" + ], + [ + "Ġsaf", + "e" + ], + [ + "Ġp", + "le" + ], + [ + "ĠCanad", + "a" + ], + [ + "Ġsystem", + "s" + ], + [ + "Ġass", + "ist" + ], + [ + "Ġsur", + "v" + ], + [ + "Ġb", + "attle" + ], + [ + "ĠS", + "oc" + ], + [ + "vert", + "is" + ], + [ + "S", + "he" + ], + [ + "Ġp", + "aper" + ], + [ + "Ġgrow", + "th" + ], + [ + "Ġc", + "ast" + ], + [ + "S", + "c" + ], + [ + "Ġpl", + "ans" + ], + [ + "ll", + "ed" + ], + [ + "Ġpart", + "s" + ], + [ + "Ġw", + "all" + ], + [ + "Ġmove", + "ment" + ], + [ + "Ġpract", + "ice" + ], + [ + "im", + "ately" + ], + [ + "Ġdis", + "play" + ], + [ + "Ġsomet", + "imes" + ], + [ + "om", + "p" + ], + [ + "ĠP", + "aul" + ], + [ + "ĠY", + "es" + ], + [ + "k", + "ing" + ], + [ + "5", + "8" + ], + [ + "o", + "ly" + ], + [ + "Ġs", + "on" + ], + [ + "Ġav", + "oid" + ], + [ + "ok", + "es" + ], + [ + "ĠJ", + "ew" + ], + [ + "Ġto", + "wards" + ], + [ + "as", + "c" + ], + [ + "Ġ", + "//" + ], + [ + "ĠK", + "ore" + ], + [ + "Ġtalk", + "ing" + ], + [ + "Ġcor", + "rect" + ], + [ + "Ġsp", + "ent" + ], + [ + "ic", + "ks" + ], + [ + "i", + "able" + ], + [ + "e", + "ared" + ], + [ + "Ġter", + "m" + ], + [ + "Ġwant", + "s" + ], + [ + "om", + "ing" + ], + [ + "Ġ", + "ut" + ], + [ + "Ġdou", + "b" + ], + [ + "Ġfor", + "ces" + ], + [ + "Ġp", + "lease" + ], + [ + "6", + "9" + ], + [ + "ĠN", + "ovember" + ], + [ + "at", + "form" + ], + [ + "ond", + "on" + ], + [ + "Ġon", + "es" + ], + [ + "Ġimmedi", + "ately" + ], + [ + "ĠRuss", + "ian" + ], + [ + "ĠM", + "et" + ], + [ + "Ġde", + "g" + ], + [ + "Ġparent", + "s" + ], + [ + "C", + "H" + ], + [ + "ĠAmeric", + "ans" + ], + [ + "al", + "y" + ], + [ + "ĠM", + "od" + ], + [ + "Ġsh", + "own" + ], + [ + "Ġcond", + "itions" + ], + [ + "Ġst", + "uff" + ], + [ + "Ġre", + "b" + ], + [ + "ĠY", + "our" + ], + [ + "Ġinclud", + "es" + ], + [ + "n", + "own" + ], + [ + "ĠS", + "am" + ], + [ + "Ġexper", + "ien" + ], + [ + "m", + "ission" + ], + [ + "ĠE", + "ven" + ], + [ + "augh", + "t" + ], + [ + "Ġannoun", + "ced" + ], + [ + "ĠRepublic", + "an" + ], + [ + "Ġdeter", + "min" + ], + [ + "Ġdescrib", + "ed" + ], + [ + "ĠCount", + "y" + ], + [ + "(", + ")" + ], + [ + "Ġdo", + "or" + ], + [ + "Ġchang", + "ed" + ], + [ + "Ġne", + "igh" + ], + [ + "ĠH", + "ere" + ], + [ + "Ġcle", + "an" + ], + [ + "Ġp", + "an" + ], + [ + "ĠDe", + "cember" + ], + [ + "ĠEurope", + "an" + ], + [ + "ir", + "ing" + ], + [ + "ap", + "ter" + ], + [ + "Ġcl", + "ub" + ], + [ + "ĠT", + "uesday" + ], + [ + "Ġp", + "aid" + ], + [ + "ĠN", + "et" + ], + [ + "Ġattack", + "s" + ], + [ + "Ġcharact", + "ers" + ], + [ + "Ġal", + "one" + ], + [ + "Ġdirect", + "or" + ], + [ + "d", + "om" + ], + [ + "Ġ3", + "5" + ], + [ + "Ġl", + "oad" + ], + [ + "Ġr", + "out" + ], + [ + "ĠCalif", + "ornia" + ], + [ + "Ġfin", + "ally" + ], + [ + "Ġr", + "ac" + ], + [ + "Ġcont", + "r" + ], + [ + "Ġexact", + "ly" + ], + [ + "res", + "h" + ], + [ + "p", + "ri" + ], + [ + "ĠIs", + "lam" + ], + [ + "Ġn", + "ature" + ], + [ + "Ġcare", + "er" + ], + [ + "Ġlat", + "est" + ], + [ + "Ġcon", + "vers" + ], + [ + "ĠS", + "l" + ], + [ + "p", + "ose" + ], + [ + "ci", + "ent" + ], + [ + "ĠIn", + "c" + ], + [ + "iv", + "ity" + ], + [ + "8", + "8" + ], + [ + "ĠA", + "tt" + ], + [ + "ĠM", + "or" + ], + [ + "nes", + "day" + ], + [ + "Ġwe", + "ight" + ], + [ + "k", + "en" + ], + [ + "Ġnot", + "e" + ], + [ + "Ġteam", + "s" + ], + [ + "Ġ", + "\\" + ], + [ + "air", + "s" + ], + [ + "ĠG", + "reen" + ], + [ + "Ġh", + "undred" + ], + [ + "on", + "ent" + ], + [ + "Ġstre", + "ng" + ], + [ + "Ġcons", + "ist" + ], + [ + "ic", + "ated" + ], + [ + "Ġreg", + "ul" + ], + [ + "Ġl", + "ic" + ], + [ + "ast", + "ic" + ], + [ + "Ġt", + "en" + ], + [ + "urs", + "day" + ], + [ + "ellig", + "ence" + ], + [ + "ous", + "ly" + ], + [ + "ĠU", + "K" + ], + [ + "B", + "I" + ], + [ + "Ġcost", + "s" + ], + [ + "Ġind", + "epend" + ], + [ + "ĠA", + "P" + ], + [ + "Ġnorm", + "al" + ], + [ + "Ġh", + "om" + ], + [ + "Ġob", + "vious" + ], + [ + "Ġs", + "we" + ], + [ + "Ġst", + "ar" + ], + [ + "Ġread", + "y" + ], + [ + "ac", + "her" + ], + [ + "Ġimp", + "lement" + ], + [ + "g", + "est" + ], + [ + "Ġs", + "ong" + ], + [ + "ĠG", + "et" + ], + [ + "ĠL", + "ab" + ], + [ + "Ġinterest", + "ing" + ], + [ + "us", + "ing" + ], + [ + "Ġg", + "iving" + ], + [ + "ĠSund", + "ay" + ], + [ + "Ġet", + "c" + ], + [ + "Ġm", + "iddle" + ], + [ + "Ġrem", + "ember" + ], + [ + "r", + "ight" + ], + [ + "os", + "ition" + ], + [ + "ut", + "ions" + ], + [ + "Ġm", + "ax" + ], + [ + "4", + "6" + ], + [ + "Ġyour", + "self" + ], + [ + "Ġdem", + "and" + ], + [ + "Ġtreat", + "ment" + ], + [ + "Ġd", + "anger" + ], + [ + "ĠC", + "ons" + ], + [ + "Ġgu", + "y" + ], + [ + "ĠBrit", + "ish" + ], + [ + "Ġphys", + "ical" + ], + [ + "Ġrel", + "ated" + ], + [ + "Ġrem", + "ain" + ], + [ + "Ġcould", + "n" + ], + [ + "Ġref", + "er" + ], + [ + "Ġc", + "itiz" + ], + [ + "b", + "ox" + ], + [ + "EN", + "T" + ], + [ + "bo", + "ard" + ], + [ + "Ġin", + "n" + ], + [ + "I", + "G" + ], + [ + "er", + "o" + ], + [ + "ĠSt", + "reet" + ], + [ + "osp", + "ital" + ], + [ + "ren", + "ch" + ], + [ + "cher", + "s" + ], + [ + "Ġst", + "ra" + ], + [ + "O", + "L" + ], + [ + "ag", + "er" + ], + [ + "ĠA", + "N" + ], + [ + "Ġeas", + "ily" + ], + [ + "I", + "A" + ], + [ + "en", + "ge" + ], + [ + "in", + "y" + ], + [ + "Ġcl", + "os" + ], + [ + "ock", + "ed" + ], + [ + "Ġus", + "es" + ], + [ + "ĠC", + "oun" + ], + [ + "I", + "m" + ], + [ + "u", + "ild" + ], + [ + "?", + "?" + ], + [ + "m", + "ore" + ], + [ + "Ġan", + "g" + ], + [ + "Ġwr", + "ite" + ], + [ + "ol", + "ute" + ], + [ + "5", + "7" + ], + [ + "Ġlead", + "er" + ], + [ + "Ġread", + "ing" + ], + [ + "<", + "/" + ], + [ + "Ġaut", + "om" + ], + [ + "est", + "s" + ], + [ + "4", + "3" + ], + [ + "Ġleg", + "isl" + ], + [ + "ĠG", + "old" + ], + [ + "Ġdesign", + "ed" + ], + [ + "ĠS", + "T" + ], + [ + "ĠLe", + "g" + ], + [ + "a", + "res" + ], + [ + "Ġbe", + "aut" + ], + [ + "ĠT", + "ex" + ], + [ + "Ġappear", + "s" + ], + [ + "Ġstru", + "gg" + ], + [ + "ĠR", + "om" + ], + [ + "Ġ", + "00" + ], + [ + "Ġcho", + "ice" + ], + [ + "Ġparticular", + "ly" + ], + [ + "ĠF", + "rom" + ], + [ + "op", + "er" + ], + [ + "ĠL", + "ondon" + ], + [ + "ann", + "ed" + ], + [ + "Ġallow", + "s" + ], + [ + "ob", + "ile" + ], + [ + "Ġdiffere", + "nce" + ], + [ + "âĢ", + "¢" + ], + [ + "ĠV", + "iew" + ], + [ + "ĠWed", + "nesday" + ], + [ + "Ġal", + "though" + ], + [ + "Ġrel", + "ative" + ], + [ + "Ġapplic", + "ation" + ], + [ + "ate", + "ver" + ], + [ + "Ġare", + "n" + ], + [ + "Ġmy", + "self" + ], + [ + "Ġim", + "ag" + ], + [ + "Ġdis", + "e" + ], + [ + "Ġsoc", + "iety" + ], + [ + "Ġfre", + "qu" + ], + [ + "ĠEng", + "lish" + ], + [ + "Ġpo", + "or" + ], + [ + "ĠD", + "ay" + ], + [ + "Ġwrit", + "ing" + ], + [ + "Ġse", + "ven" + ], + [ + "Ġstart", + "ing" + ], + [ + "Ġb", + "ud" + ], + [ + "Ġpr", + "int" + ], + [ + "ĠTr", + "ans" + ], + [ + "uf", + "act" + ], + [ + "ĠSt", + "ud" + ], + [ + "n", + "ew" + ], + [ + "Ġcr", + "im" + ], + [ + "Ġg", + "ives" + ], + [ + "Ġco", + "ol" + ], + [ + "a", + "e" + ], + [ + "i", + "ance" + ], + [ + "ĠGener", + "al" + ], + [ + "Ġthink", + "ing" + ], + [ + "Ġsa", + "ve" + ], + [ + "Ġlim", + "ited" + ], + [ + "ĠPart", + "y" + ], + [ + "Ġmean", + "ing" + ], + [ + "p", + "en" + ], + [ + "ow", + "ers" + ], + [ + "ĠJ", + "ack" + ], + [ + "E", + "M" + ], + [ + "Ġn", + "ice" + ], + [ + "ru", + "pt" + ], + [ + "Ġg", + "as" + ], + [ + "Ġe", + "ight" + ], + [ + "Ġfe", + "et" + ], + [ + "Ġeff", + "ort" + ], + [ + "Ġ", + "ign" + ], + [ + "ic", + "it" + ], + [ + "B", + "l" + ], + [ + "co", + "in" + ], + [ + "Ġop", + "in" + ], + [ + "Ġbr", + "ain" + ], + [ + "Wh", + "ile" + ], + [ + "he", + "st" + ], + [ + "ĠTh", + "ursday" + ], + [ + "Ġwould", + "n" + ], + [ + "augh", + "ter" + ], + [ + "Ġtou", + "ch" + ], + [ + "le", + "ments" + ], + [ + "Ġstud", + "ies" + ], + [ + "Ġcent", + "er" + ], + [ + "c", + "ont" + ], + [ + "or", + "ge" + ], + [ + "Ġcomput", + "er" + ], + [ + "Ġinvestig", + "ation" + ], + [ + "P", + "l" + ], + [ + "or", + "ks" + ], + [ + "Ġ200", + "8" + ], + [ + "Ġincre", + "asing" + ], + [ + "Ġst", + "ore" + ], + [ + "Ġcom", + "ments" + ], + [ + "Ġb", + "al" + ], + [ + "m", + "en" + ], + [ + "Ġdo", + "ll" + ], + [ + "Ġl", + "iber" + ], + [ + "Ġw", + "ife" + ], + [ + "Ġlaw", + "s" + ], + [ + "atur", + "day" + ], + [ + "it", + "ness" + ], + [ + "Ġmod", + "ern" + ], + [ + "ĠS", + "k" + ], + [ + "Ġadminist", + "ration" + ], + [ + "Ġopportun", + "ity" + ], + [ + "Ġs", + "al" + ], + [ + "Ġpower", + "ful" + ], + [ + "M", + "y" + ], + [ + "Ġclaim", + "s" + ], + [ + "ĠEar", + "th" + ], + [ + "ord", + "s" + ], + [ + "Ġt", + "itle" + ], + [ + "Ġes", + "c" + ], + [ + "n", + "ame" + ], + [ + "N", + "ot" + ], + [ + "om", + "en" + ], + [ + "Ġbe", + "yond" + ], + [ + "Ġc", + "amer" + ], + [ + "Ġse", + "ll" + ], + [ + "it", + "ute" + ], + [ + "ear", + "ch" + ], + [ + "Ġapp", + "l" + ], + [ + "im", + "ent" + ], + [ + "4", + "2" + ], + [ + "ĠAr", + "t" + ], + [ + "Ġun", + "f" + ], + [ + "Ġviol", + "ence" + ], + [ + "ur", + "g" + ], + [ + "ĠE", + "ast" + ], + [ + "Ġcomp", + "ared" + ], + [ + "Ġopt", + "ions" + ], + [ + "Ġthrough", + "out" + ], + [ + "Ġv", + "s" + ], + [ + "ig", + "r" + ], + [ + ".", + "[" + ], + [ + "ac", + "hes" + ], + [ + "7", + "8" + ], + [ + "Ġfil", + "es" + ], + [ + "F", + "L" + ], + [ + "E", + "L" + ], + [ + "ar", + "ian" + ], + [ + "ĠJ", + "ames" + ], + [ + "ĠA", + "ir" + ], + [ + "an", + "ch" + ], + [ + "Ġdet", + "ail" + ], + [ + "Ġpie", + "ce" + ], + [ + "P", + "S" + ], + [ + "Ġn", + "amed" + ], + [ + "Ġeduc", + "ation" + ], + [ + "Ġdri", + "ve" + ], + [ + "Ġitem", + "s" + ], + [ + "Ġstud", + "ent" + ], + [ + "ic", + "ed" + ], + [ + ":", + ":" + ], + [ + "ic", + "o" + ], + [ + "Ġth", + "row" + ], + [ + "Ġsc", + "ene" + ], + [ + "Ġcomple", + "x" + ], + [ + "Ġ200", + "9" + ], + [ + "Ġpre", + "c" + ], + [ + "ĠB", + "re" + ], + [ + "7", + "9" + ], + [ + "Ġcon", + "cept" + ], + [ + "Ġstat", + "us" + ], + [ + "am", + "ing" + ], + [ + "Ġd", + "ied" + ], + [ + "Ġknow", + "ledge" + ], + [ + "Ġbegin", + "ning" + ], + [ + "O", + "D" + ], + [ + "ru", + "ary" + ], + [ + "Ġcertain", + "ly" + ], + [ + "Ġgu", + "ys" + ], + [ + "Ġsl", + "ight" + ], + [ + "in", + "n" + ], + [ + "ound", + "s" + ], + [ + "Ġf", + "ine" + ], + [ + "Ġf", + "at" + ], + [ + "ic", + "ations" + ], + [ + "Ġper", + "haps" + ], + [ + "ĠA", + "nt" + ], + [ + "Ġinc", + "ome" + ], + [ + "Ġhtt", + "ps" + ], + [ + "Ġmajor", + "ity" + ], + [ + "port", + "s" + ], + [ + "st", + "on" + ], + [ + "Ġgreat", + "er" + ], + [ + "Ġfe", + "ed" + ], + [ + "ent", + "ially" + ], + [ + "Ġsaf", + "ety" + ], + [ + "Ġun", + "ique" + ], + [ + "and", + "om" + ], + [ + "Ġg", + "one" + ], + [ + "Ġshow", + "ed" + ], + [ + "Ġhist", + "or" + ], + [ + "Ġcoun", + "ter" + ], + [ + "i", + "us" + ], + [ + "id", + "a" + ], + [ + "Ġlead", + "ing" + ], + [ + "i", + "pe" + ], + [ + "Ġs", + "end" + ], + [ + "ĠDon", + "ald" + ], + [ + "er", + "ve" + ], + [ + "Ġdef", + "ense" + ], + [ + "ines", + "e" + ], + [ + "Ġy", + "es" + ], + [ + "ĠF", + "ire" + ], + [ + "ĠMus", + "lim" + ], + [ + "ra", + "q" + ], + [ + "Ġcontin", + "ued" + ], + [ + "os", + "h" + ], + [ + "Ġprov", + "ides" + ], + [ + "Ġpr", + "ison" + ], + [ + "ĠP", + "re" + ], + [ + "Ġhapp", + "y" + ], + [ + "Ġeconom", + "y" + ], + [ + "Ġtr", + "ust" + ], + [ + "ag", + "s" + ], + [ + "ĠG", + "ame" + ], + [ + "Ġweap", + "ons" + ], + [ + "um", + "an" + ], + [ + "ĠC", + "le" + ], + [ + "it", + "ation" + ], + [ + "Ġanal", + "ysis" + ], + [ + "ĠT", + "imes" + ], + [ + "Ġsc", + "ience" + ], + [ + "-", + ">" + ], + [ + "Ġfig", + "ure" + ], + [ + "Ġdis", + "app" + ], + [ + "ent", + "y" + ], + [ + "Ġsoft", + "ware" + ], + [ + "Ġu", + "lt" + ], + [ + "Ġoffic", + "ers" + ], + [ + "N", + "ew" + ], + [ + "I", + "s" + ], + [ + "Ġrem", + "ains" + ], + [ + "ĠInd", + "ia" + ], + [ + "Ġp", + "sych" + ], + [ + "ri", + "ef" + ], + [ + "Ġc", + "at" + ], + [ + "es", + "c" + ], + [ + "Ġob", + "serv" + ], + [ + "Ġst", + "age" + ], + [ + "ĠD", + "ark" + ], + [ + "Ġent", + "er" + ], + [ + "ch", + "ange" + ], + [ + "Ġpass", + "ed" + ], + [ + "Ġdes", + "pite" + ], + [ + "ĠO", + "ut" + ], + [ + "Ġmov", + "ie" + ], + [ + "r", + "s" + ], + [ + "Ġv", + "oice" + ], + [ + "m", + "ine" + ], + [ + "ĠPl", + "ay" + ], + [ + "Ġto", + "ward" + ], + [ + "ĠT", + "er" + ], + [ + "Ġreg", + "ion" + ], + [ + "Ġval", + "ues" + ], + [ + "or", + "ters" + ], + [ + "Ġm", + "ount" + ], + [ + "Ġoffic", + "er" + ], + [ + "ĠO", + "ther" + ], + [ + "b", + "an" + ], + [ + "Ġh", + "ous" + ], + [ + "w", + "ood" + ], + [ + "ro", + "om" + ], + [ + "I", + "V" + ], + [ + "ĠS", + "un" + ], + [ + "se", + "e" + ], + [ + "ĠO", + "ver" + ], + [ + "ro", + "g" + ], + [ + "9", + "0" + ], + [ + "Ġl", + "ay" + ], + [ + "ĠT", + "ur" + ], + [ + "a", + "wn" + ], + [ + "Ġpress", + "ure" + ], + [ + "ĠS", + "ub" + ], + [ + "Ġbook", + "s" + ], + [ + "ed", + "om" + ], + [ + "ĠS", + "and" + ], + [ + "A", + "A" + ], + [ + "ag", + "o" + ], + [ + "Ġre", + "asons" + ], + [ + "f", + "ord" + ], + [ + "Ġactiv", + "ity" + ], + [ + "U", + "T" + ], + [ + "N", + "ow" + ], + [ + "ĠSen", + "ate" + ], + [ + "ce", + "ll" + ], + [ + "n", + "ight" + ], + [ + "Ġcall", + "s" + ], + [ + "in", + "ter" + ], + [ + "Ġlet", + "ter" + ], + [ + "ĠR", + "ob" + ], + [ + "ĠJ", + "e" + ], + [ + "Ġcho", + "ose" + ], + [ + "ĠL", + "aw" + ], + [ + "G", + "et" + ], + [ + "B", + "e" + ], + [ + "Ġro", + "b" + ], + [ + "Ġtyp", + "es" + ], + [ + "Ġpl", + "atform" + ], + [ + "Ġqu", + "arter" + ], + [ + "R", + "A" + ], + [ + "ĠT", + "ime" + ], + [ + "Ġmay", + "be" + ], + [ + "ĠC", + "r" + ], + [ + "9", + "5" + ], + [ + "p", + "re" + ], + [ + "Ġmov", + "ing" + ], + [ + "Ġl", + "if" + ], + [ + "Ġgo", + "ld" + ], + [ + "Ġs", + "om" + ], + [ + "Ġpat", + "ients" + ], + [ + "Ġtr", + "uth" + ], + [ + "ĠK", + "e" + ], + [ + "ur", + "ance" + ], + [ + "ant", + "ly" + ], + [ + "m", + "ar" + ], + [ + "Ġchar", + "ge" + ], + [ + "ĠG", + "reat" + ], + [ + "Ġce", + "le" + ], + [ + "----------------", + "----------------" + ], + [ + "Ġro", + "ck" + ], + [ + "ro", + "id" + ], + [ + "an", + "cy" + ], + [ + "Ġcred", + "it" + ], + [ + "a", + "ud" + ], + [ + "B", + "y" + ], + [ + "ĠE", + "very" + ], + [ + "Ġmov", + "ed" + ], + [ + "ing", + "er" + ], + [ + "rib", + "ution" + ], + [ + "Ġn", + "ames" + ], + [ + "Ġstra", + "ight" + ], + [ + "ĠHe", + "alth" + ], + [ + "ĠW", + "ell" + ], + [ + "Ġfe", + "ature" + ], + [ + "Ġr", + "ule" + ], + [ + "Ġsc", + "he" + ], + [ + "in", + "ated" + ], + [ + "ĠMich", + "ael" + ], + [ + "ber", + "g" + ], + [ + "4", + "1" + ], + [ + "il", + "ed" + ], + [ + "b", + "and" + ], + [ + "Ġcl", + "ick" + ], + [ + "ĠAng", + "el" + ], + [ + "on", + "ents" + ], + [ + "Â", + "Ń" + ], + [ + "ĠI", + "raq" + ], + [ + "ĠS", + "aturday" + ], + [ + "Ġa", + "ware" + ], + [ + "p", + "art" + ], + [ + "Ġpat", + "tern" + ], + [ + "O", + "W" + ], + [ + "ĠL", + "et" + ], + [ + "Ġgr", + "ad" + ], + [ + "ign", + "ed" + ], + [ + "Ġassoci", + "ated" + ], + [ + "Ġst", + "yle" + ], + [ + "n", + "o" + ], + [ + "i", + "ation" + ], + [ + "a", + "ith" + ], + [ + "il", + "ies" + ], + [ + "Ġst", + "ories" + ], + [ + "ur", + "ation" + ], + [ + "Ġindividual", + "s" + ], + [ + "ĠâĢ", + "¦" + ], + [ + "m", + "iss" + ], + [ + "ĠAss", + "oci" + ], + [ + "ish", + "ing" + ], + [ + "ab", + "y" + ], + [ + "Ġsum", + "mer" + ], + [ + "ĠB", + "en" + ], + [ + "Ġ3", + "2" + ], + [ + "Ġar", + "ch" + ], + [ + "ut", + "y" + ], + [ + "ĠTex", + "as" + ], + [ + "h", + "ol" + ], + [ + "Ġfull", + "y" + ], + [ + "Ġm", + "ill" + ], + [ + "Ġfollow", + "ed" + ], + [ + "ĠB", + "ill" + ], + [ + "ĠInd", + "ian" + ], + [ + "ĠSec", + "ret" + ], + [ + "ĠB", + "el" + ], + [ + "ĠFeb", + "ruary" + ], + [ + "Ġjob", + "s" + ], + [ + "Ġseem", + "ed" + ], + [ + "ĠGo", + "vern" + ], + [ + "i", + "pped" + ], + [ + "Ġreal", + "ity" + ], + [ + "Ġl", + "ines" + ], + [ + "Ġp", + "ark" + ], + [ + "Ġmeas", + "ure" + ], + [ + "ĠO", + "ur" + ], + [ + "I", + "M" + ], + [ + "Ġbro", + "ther" + ], + [ + "Ġgrow", + "ing" + ], + [ + "Ġb", + "an" + ], + [ + "Ġest", + "im" + ], + [ + "Ġc", + "ry" + ], + [ + "ĠS", + "chool" + ], + [ + "Ġme", + "chan" + ], + [ + "ĠO", + "F" + ], + [ + "ĠWind", + "ows" + ], + [ + "Ġr", + "ates" + ], + [ + "ĠO", + "h" + ], + [ + "Ġpos", + "itive" + ], + [ + "Ġcult", + "ure" + ], + [ + "ist", + "ics" + ], + [ + "ic", + "a" + ], + [ + "Ġh", + "ar" + ], + [ + "y", + "a" + ], + [ + "ite", + "ly" + ], + [ + "i", + "pp" + ], + [ + "Ġm", + "ap" + ], + [ + "en", + "cies" + ], + [ + "ĠWill", + "iam" + ], + [ + "I", + "I" + ], + [ + "ak", + "ers" + ], + [ + "5", + "6" + ], + [ + "ĠM", + "art" + ], + [ + "ĠR", + "em" + ], + [ + "Ġal", + "tern" + ], + [ + "it", + "ude" + ], + [ + "Ġco", + "ach" + ], + [ + "row", + "d" + ], + [ + "D", + "on" + ], + [ + "Ġk", + "ids" + ], + [ + "Ġj", + "ournal" + ], + [ + "Ġcor", + "por" + ], + [ + "Ġf", + "alse" + ], + [ + "Ġwe", + "b" + ], + [ + "Ġsle", + "ep" + ], + [ + "Ġcont", + "ain" + ], + [ + "Ġst", + "o" + ], + [ + "Ġb", + "ed" + ], + [ + "iver", + "se" + ], + [ + "ĠR", + "ich" + ], + [ + "ĠCh", + "inese" + ], + [ + "Ġp", + "un" + ], + [ + "Ġme", + "ant" + ], + [ + "k", + "nown" + ], + [ + "Ġnot", + "ice" + ], + [ + "Ġfavor", + "ite" + ], + [ + "a", + "ven" + ], + [ + "Ġcond", + "ition" + ], + [ + "Ġpur", + "pose" + ], + [ + ")", + ")" + ], + [ + "Ġorgan", + "ization" + ], + [ + "Ġchall", + "eng" + ], + [ + "Ġman", + "ufact" + ], + [ + "Ġsus", + "p" + ], + [ + "ĠA", + "c" + ], + [ + "Ġcrit", + "ic" + ], + [ + "un", + "es" + ], + [ + "uc", + "lear" + ], + [ + "Ġm", + "er" + ], + [ + "vent", + "ion" + ], + [ + "Ġ8", + "0" + ], + [ + "Ġm", + "ist" + ], + [ + "ĠU", + "s" + ], + [ + "ĠT", + "or" + ], + [ + "htt", + "p" + ], + [ + "ol", + "f" + ], + [ + "Ġlarg", + "er" + ], + [ + "Ġadv", + "ant" + ], + [ + "Ġrese", + "ar" + ], + [ + "Ġact", + "ions" + ], + [ + "m", + "l" + ], + [ + "Ġke", + "pt" + ], + [ + "Ġa", + "im" + ], + [ + ",", + "'" + ], + [ + "c", + "ol" + ], + [ + "Ġbenef", + "its" + ], + [ + "if", + "ying" + ], + [ + "Ġact", + "ual" + ], + [ + "ĠIntern", + "ational" + ], + [ + "Ġveh", + "icle" + ], + [ + "Ġch", + "ief" + ], + [ + "Ġeff", + "orts" + ], + [ + "ĠLe", + "ague" + ], + [ + "ĠM", + "ost" + ], + [ + "Ġwa", + "it" + ], + [ + "Ġad", + "ult" + ], + [ + "Ġover", + "all" + ], + [ + "Ġspe", + "ech" + ], + [ + "Ġhigh", + "ly" + ], + [ + "Ġfem", + "ale" + ], + [ + "Ġer", + "ror" + ], + [ + "Ġeffect", + "ive" + ], + [ + "5", + "4" + ], + [ + "Ġenc", + "our" + ], + [ + "w", + "ell" + ], + [ + "Ġfail", + "ed" + ], + [ + "Ġcons", + "erv" + ], + [ + "Ġprogram", + "s" + ], + [ + "Ġt", + "rou" + ], + [ + "Ġa", + "head" + ], + [ + "5", + "00" + ], + [ + "vertis", + "ement" + ], + [ + "I", + "P" + ], + [ + "ĠF", + "ound" + ], + [ + "p", + "ir" + ], + [ + "Ġ", + "%" + ], + [ + "Ġcr", + "ime" + ], + [ + "and", + "er" + ], + [ + "Ġloc", + "ation" + ], + [ + "ĠI", + "ran" + ], + [ + "Ġbehav", + "ior" + ], + [ + "az", + "ing" + ], + [ + "Ġr", + "are" + ], + [ + "Ġem", + "b" + ], + [ + "Ġca", + "used" + ], + [ + "Ġsh", + "ip" + ], + [ + "Ġact", + "ive" + ], + [ + "Ġcont", + "ribut" + ], + [ + "Ġg", + "reen" + ], + [ + "Ġac", + "qu" + ], + [ + "Ġref", + "lect" + ], + [ + "ven", + "ue" + ], + [ + "Ġf", + "irm" + ], + [ + "Ġb", + "irth" + ], + [ + "]", + "." + ], + [ + "Ġclear", + "ly" + ], + [ + "Ġem", + "ot" + ], + [ + "Ġag", + "ency" + ], + [ + "ri", + "age" + ], + [ + "Ġmem", + "ory" + ], + [ + "9", + "8" + ], + [ + "S", + "A" + ], + [ + "ĠSe", + "e" + ], + [ + "ac", + "ing" + ], + [ + "C", + "C" + ], + [ + "Ġbig", + "gest" + ], + [ + "Ġr", + "ap" + ], + [ + "Ġbas", + "ic" + ], + [ + "Ġb", + "and" + ], + [ + "e", + "at" + ], + [ + "Ġsus", + "pect" + ], + [ + "ĠM", + "ac" + ], + [ + "Ġ9", + "0" + ], + [ + "m", + "ark" + ], + [ + "ist", + "an" + ], + [ + "Ġsp", + "read" + ], + [ + "am", + "s" + ], + [ + "k", + "i" + ], + [ + "as", + "y" + ], + [ + "ra", + "v" + ], + [ + "ĠR", + "ober" + ], + [ + "Ġdemon", + "str" + ], + [ + "r", + "ated" + ], + [ + "Ġabs", + "olute" + ], + [ + "Ġpl", + "aces" + ], + [ + "Ġim", + "pl" + ], + [ + "ibr", + "ary" + ], + [ + "Ġc", + "ards" + ], + [ + "Ġdest", + "roy" + ], + [ + "Ġv", + "irt" + ], + [ + "ve", + "re" + ], + [ + "Ġapp", + "eared" + ], + [ + "y", + "an" + ], + [ + "p", + "oint" + ], + [ + "Ġbe", + "g" + ], + [ + "Ġtem", + "per" + ], + [ + "s", + "pe" + ], + [ + "ant", + "ed" + ], + [ + "ear", + "s" + ], + [ + "ĠD", + "irect" + ], + [ + "Ġl", + "ength" + ], + [ + "Ġbl", + "og" + ], + [ + "am", + "b" + ], + [ + "Ġint", + "eg" + ], + [ + "Ġres", + "ources" + ], + [ + "ac", + "c" + ], + [ + "if", + "ul" + ], + [ + "Ġsp", + "ot" + ], + [ + "Ġfor", + "ced" + ], + [ + "Ġthous", + "ands" + ], + [ + "ĠMin", + "ister" + ], + [ + "Ġqu", + "al" + ], + [ + "ĠF", + "rench" + ], + [ + "at", + "ically" + ], + [ + "Ġgener", + "ally" + ], + [ + "Ġdr", + "ink" + ], + [ + "Ġth", + "us" + ], + [ + "I", + "L" + ], + [ + "od", + "es" + ], + [ + "Ġappro", + "pri" + ], + [ + "ĠRe", + "ad" + ], + [ + "Ġwh", + "om" + ], + [ + "Ġey", + "e" + ], + [ + "Ġcol", + "lege" + ], + [ + "Ġ4", + "5" + ], + [ + "ire", + "ction" + ], + [ + "Ġens", + "ure" + ], + [ + "Ġapp", + "arent" + ], + [ + "id", + "ers" + ], + [ + "Ġrelig", + "ious" + ], + [ + "Ġmin", + "or" + ], + [ + "ol", + "ic" + ], + [ + "Ġt", + "ro" + ], + [ + "ĠWh", + "y" + ], + [ + "rib", + "ute" + ], + [ + "m", + "et" + ], + [ + "Ġprim", + "ary" + ], + [ + "Ġdevelop", + "ed" + ], + [ + "Ġpe", + "ace" + ], + [ + "Ġsk", + "in" + ], + [ + "st", + "e" + ], + [ + "av", + "a" + ], + [ + "Ġbl", + "ue" + ], + [ + "Ġfam", + "ilies" + ], + [ + "Ġ", + "ir" + ], + [ + "Ġapp", + "ly" + ], + [ + "Ġin", + "form" + ], + [ + "ĠSm", + "ith" + ], + [ + "C", + "T" + ], + [ + "i", + "i" + ], + [ + "Ġlim", + "it" + ], + [ + "Ġres", + "ist" + ], + [ + "........", + "........" + ], + [ + "um", + "n" + ], + [ + "Ġconf", + "lic" + ], + [ + "Ġtw", + "e" + ], + [ + "ud", + "d" + ], + [ + "ĠT", + "om" + ], + [ + "Ġl", + "iter" + ], + [ + "qu", + "e" + ], + [ + "b", + "on" + ], + [ + "Ġha", + "ir" + ], + [ + "Ġevent", + "ually" + ], + [ + "Ġp", + "us" + ], + [ + "Ġhelp", + "ed" + ], + [ + "Ġag", + "g" + ], + [ + "or", + "ney" + ], + [ + "ĠApp", + "le" + ], + [ + "Ġf", + "it" + ], + [ + "ĠS", + "ur" + ], + [ + "Ġpre", + "m" + ], + [ + "Ġs", + "ales" + ], + [ + "Ġsecond", + "s" + ], + [ + "Ġstreng", + "th" + ], + [ + "Ġfeel", + "ing" + ], + [ + "¿", + "½" + ], + [ + "Ġt", + "our" + ], + [ + "Ġknow", + "s" + ], + [ + "o", + "om" + ], + [ + "Ġex", + "erc" + ], + [ + "Ġsom", + "ew" + ], + [ + "ï", + "¿½" + ], + [ + ">", + ">" + ], + [ + "Ġsp", + "okes" + ], + [ + "Ġide", + "as" + ], + [ + "Ġreg", + "ist" + ], + [ + "so", + "ft" + ], + [ + "ĠD", + "el" + ], + [ + "ĠP", + "C" + ], + [ + "Ġpro", + "pos" + ], + [ + "Ġlaun", + "ch" + ], + [ + "Ġbott", + "om" + ], + [ + "T", + "H" + ], + [ + "ĠP", + "lease" + ], + [ + "v", + "est" + ], + [ + "it", + "z" + ], + [ + "ĠIn", + "ter" + ], + [ + "Ġsc", + "ript" + ], + [ + "Ġr", + "at" + ], + [ + "ar", + "ning" + ], + [ + "Ġ", + "il" + ], + [ + "ĠJ", + "er" + ], + [ + "ĠA", + "re" + ], + [ + "Ġwh", + "atever" + ], + [ + "ok", + "en" + ], + [ + "ci", + "ence" + ], + [ + "Ġmod", + "e" + ], + [ + "Ġag", + "ree" + ], + [ + "Ġs", + "ources" + ], + [ + "Ġinit", + "ial" + ], + [ + "Ġrest", + "rict" + ], + [ + "Ġwond", + "er" + ], + [ + "us", + "ion" + ], + [ + "##", + "##" + ], + [ + "ĠS", + "il" + ], + [ + "vil", + "le" + ], + [ + "Ġb", + "urn" + ], + [ + "t", + "w" + ], + [ + "as", + "ion" + ], + [ + "ĠÂ", + "£" + ], + [ + "Ġn", + "or" + ], + [ + "u", + "ing" + ], + [ + "Ġre", + "ached" + ], + [ + "Ġs", + "un" + ], + [ + "Ġc", + "ateg" + ], + [ + "ig", + "ration" + ], + [ + "Ġc", + "ook" + ], + [ + "Ġprom", + "ot" + ], + [ + "Ġm", + "ale" + ], + [ + "Ġcl", + "imate" + ], + [ + "Ġf", + "ix" + ], + [ + "Ġalleg", + "ed" + ], + [ + "U", + "R" + ], + [ + "all", + "ed" + ], + [ + "Ġim", + "ages" + ], + [ + "C", + "ont" + ], + [ + "ot", + "a" + ], + [ + "Ġschool", + "s" + ], + [ + "i", + "os" + ], + [ + "Ġd", + "rop" + ], + [ + "Ġst", + "ream" + ], + [ + "ĠM", + "o" + ], + [ + "Ġprevious", + "ly" + ], + [ + "al", + "ing" + ], + [ + "Ġp", + "et" + ], + [ + "Ġdou", + "ble" + ], + [ + "Ġ(", + "@" + ], + [ + "ann", + "el" + ], + [ + "Ġdef", + "ault" + ], + [ + "t", + "ies" + ], + [ + "Ġr", + "ank" + ], + [ + "ĠD", + "ec" + ], + [ + "ĠCoun", + "cil" + ], + [ + "Ġweap", + "on" + ], + [ + "Ġst", + "ock" + ], + [ + "Ġanal", + "y" + ], + [ + "ĠSt", + "r" + ], + [ + "Ġpict", + "ure" + ], + [ + "ĠPol", + "ice" + ], + [ + "f", + "erence" + ], + [ + "Ġcent", + "ury" + ], + [ + "Ġcitiz", + "ens" + ], + [ + "Ġon", + "to" + ], + [ + "Ġexp", + "and" + ], + [ + "Ġhe", + "ro" + ], + [ + "ĠS", + "ol" + ], + [ + "Ġw", + "ild" + ], + [ + "Ġupd", + "ate" + ], + [ + "Ġcustom", + "ers" + ], + [ + "r", + "ont" + ], + [ + "d", + "ef" + ], + [ + "Ġl", + "ik" + ], + [ + "Ġcrim", + "inal" + ], + [ + "ĠChrist", + "ian" + ], + [ + "S", + "P" + ], + [ + "7", + "6" + ], + [ + "Ġle", + "aving" + ], + [ + "Ġother", + "wise" + ], + [ + "ĠD", + "ist" + ], + [ + "Ġbas", + "is" + ], + [ + "5", + "2" + ], + [ + "5", + "3" + ], + [ + "ic", + "ip" + ], + [ + "ĠB", + "er" + ], + [ + "Ġrecomm", + "end" + ], + [ + "Ġfl", + "oor" + ], + [ + "Ġc", + "rowd" + ], + [ + "ol", + "es" + ], + [ + "Ġ7", + "0" + ], + [ + "Ġcent", + "ral" + ], + [ + "ĠE", + "v" + ], + [ + "Ġd", + "ream" + ], + [ + "Ġdown", + "load" + ], + [ + "Ġconf", + "ir" + ], + [ + "ĠTh", + "om" + ], + [ + "Ġwind", + "ow" + ], + [ + "Ġhapp", + "ens" + ], + [ + "Ġun", + "it" + ], + [ + "Ġt", + "end" + ], + [ + "Ġs", + "pl" + ], + [ + "Ġbec", + "omes" + ], + [ + "Ġfight", + "ing" + ], + [ + "Ġpred", + "ict" + ], + [ + "ĠP", + "ress" + ], + [ + "ĠP", + "ower" + ], + [ + "Ġhe", + "avy" + ], + [ + "ak", + "ed" + ], + [ + "Ġf", + "an" + ], + [ + "or", + "ter" + ], + [ + "ate", + "gy" + ], + [ + "B", + "A" + ], + [ + "iz", + "es" + ], + [ + "Ġsp", + "end" + ], + [ + "H", + "ere" + ], + [ + "Ġ200", + "7" + ], + [ + "Ġad", + "op" + ], + [ + "ĠH", + "am" + ], + [ + "Ġfoot", + "ball" + ], + [ + "ĠP", + "ort" + ], + [ + "od", + "ay" + ], + [ + "5", + "1" + ], + [ + "amp", + "ions" + ], + [ + "Ġtrans", + "fer" + ], + [ + "h", + "t" + ], + [ + "Ġ3", + "8" + ], + [ + "ter", + "m" + ], + [ + "ac", + "ity" + ], + [ + "Ġb", + "ur" + ], + [ + "]", + "," + ], + [ + "tern", + "al" + ], + [ + "r", + "ig" + ], + [ + "b", + "ut" + ], + [ + "Ġthere", + "fore" + ], + [ + "ĠB", + "ecause" + ], + [ + "res", + "p" + ], + [ + "re", + "y" + ], + [ + "Ġm", + "ission" + ], + [ + "S", + "ome" + ], + [ + "Ġnot", + "ed" + ], + [ + "Ġass", + "um" + ], + [ + "Ġdise", + "ase" + ], + [ + "Ġed", + "it" + ], + [ + "Ġprog", + "ress" + ], + [ + "r", + "d" + ], + [ + "ĠB", + "rown" + ], + [ + "oc", + "al" + ], + [ + "Ġadd", + "ing" + ], + [ + "Ġra", + "ised" + ], + [ + "ĠAn", + "y" + ], + [ + "Ġt", + "ick" + ], + [ + "Ġsee", + "ing" + ], + [ + "ĠPe", + "ople" + ], + [ + "Ġagre", + "ement" + ], + [ + "Ġser", + "ver" + ], + [ + "Ġw", + "at" + ], + [ + "Ġdeb", + "ate" + ], + [ + "Ġsupp", + "osed" + ], + [ + "il", + "ing" + ], + [ + "Ġlarg", + "est" + ], + [ + "Ġsuccess", + "ful" + ], + [ + "ĠP", + "ri" + ], + [ + "ĠDemocr", + "atic" + ], + [ + "Ġj", + "ump" + ], + [ + "ĠSyri", + "a" + ], + [ + "Ġown", + "ers" + ], + [ + "Ġoff", + "ers" + ], + [ + "Ġshoot", + "ing" + ], + [ + "Ġeff", + "ic" + ], + [ + "se", + "y" + ], + [ + "Ġha", + "ven" + ], + [ + "ver", + "se" + ], + [ + "te", + "red" + ], + [ + "ĠL", + "ight" + ], + [ + "im", + "al" + ], + [ + "ĠB", + "ig" + ], + [ + "Ġdef", + "end" + ], + [ + "Ġbe", + "at" + ], + [ + "Ġrecord", + "s" + ], + [ + "%", + ")" + ], + [ + "Ġsc", + "en" + ], + [ + "Ġemploy", + "ees" + ], + [ + "Ġdev", + "ices" + ], + [ + "he", + "m" + ], + [ + "Ġcom", + "mer" + ], + [ + "ĠM", + "ex" + ], + [ + "Ġbenef", + "it" + ], + [ + "ĠPro", + "f" + ], + [ + "Ġil", + "leg" + ], + [ + "Ġsur", + "face" + ], + [ + "ĠAl", + "so" + ], + [ + "Ġh", + "arm" + ], + [ + "ing", + "ly" + ], + [ + "w", + "ide" + ], + [ + "ĠA", + "lex" + ], + [ + "Ġsh", + "ut" + ], + [ + "ĠC", + "ur" + ], + [ + "Ġl", + "ose" + ], + [ + "p", + "m" + ], + [ + "Ġchall", + "enge" + ], + [ + "se", + "mb" + ], + [ + "Ġst", + "ation" + ], + [ + "Ġint", + "elligence" + ], + [ + "Ġacc", + "ur" + ], + [ + "ĠFl", + "or" + ], + [ + "Ġrequ", + "ires" + ], + [ + "ĠM", + "al" + ], + [ + "b", + "um" + ], + [ + "Ġh", + "ospital" + ], + [ + "Ġsp", + "irit" + ], + [ + "Ġoff", + "ered" + ], + [ + "Ġprodu", + "ce" + ], + [ + "ĠComm", + "un" + ], + [ + "Ġcreat", + "ing" + ], + [ + "Ġcr", + "is" + ], + [ + "s", + "pect" + ], + [ + "Ġend", + "ed" + ], + [ + "Ġd", + "aily" + ], + [ + "Ġvot", + "ers" + ], + [ + "land", + "s" + ], + [ + "i", + "as" + ], + [ + "i", + "h" + ], + [ + "on", + "a" + ], + [ + "Ġsm", + "art" + ], + [ + "ĠOff", + "ice" + ], + [ + "ĠL", + "ord" + ], + [ + "ri", + "al" + ], + [ + "ĠIntern", + "et" + ], + [ + "Ġcirc", + "um" + ], + [ + "Ġextreme", + "ly" + ], + [ + "'", + "." + ], + [ + "Ġopin", + "ion" + ], + [ + "ĠM", + "il" + ], + [ + "Ġg", + "ain" + ], + [ + "B", + "S" + ], + [ + "ĠF", + "in" + ], + [ + "y", + "p" + ], + [ + "Ġuse", + "ful" + ], + [ + "Ġbud", + "get" + ], + [ + "Ġcom", + "fort" + ], + [ + "is", + "f" + ], + [ + "Ġback", + "ground" + ], + [ + "el", + "ine" + ], + [ + "Ġep", + "isode" + ], + [ + "Ġen", + "emy" + ], + [ + "Ġtri", + "al" + ], + [ + "Ġestab", + "lish" + ], + [ + "d", + "ate" + ], + [ + "ĠC", + "ap" + ], + [ + "Ġcontin", + "ues" + ], + [ + "Ġshow", + "ing" + ], + [ + "ĠUn", + "ion" + ], + [ + "w", + "ith" + ], + [ + "Ġpost", + "ed" + ], + [ + "ĠSy", + "stem" + ], + [ + "Ġe", + "at" + ], + [ + "ri", + "an" + ], + [ + "Ġr", + "ise" + ], + [ + "ĠGerman", + "y" + ], + [ + "il", + "s" + ], + [ + "Ġsign", + "ed" + ], + [ + "Ġv", + "ill" + ], + [ + "Ġgr", + "and" + ], + [ + "m", + "or" + ], + [ + "ĠEng", + "land" + ], + [ + "Ġproject", + "s" + ], + [ + "um", + "ber" + ], + [ + "Ġconf", + "erence" + ], + [ + "z", + "a" + ], + [ + "Ġrespons", + "ible" + ], + [ + "ĠAr", + "ab" + ], + [ + "Ġlearn", + "ed" + ], + [ + "âĢĶ", + "âĢĶ" + ], + [ + "i", + "pping" + ], + [ + "ĠGe", + "orge" + ], + [ + "O", + "C" + ], + [ + "Ġreturn", + "ed" + ], + [ + "ĠAustral", + "ia" + ], + [ + "Ġb", + "rief" + ], + [ + "Q", + "u" + ], + [ + "Ġbr", + "and" + ], + [ + "ill", + "ing" + ], + [ + "ab", + "led" + ], + [ + "Ġhig", + "hest" + ], + [ + "Ġtr", + "ain" + ], + [ + "ĠComm", + "ission" + ], + [ + "wh", + "ile" + ], + [ + "Ġn", + "om" + ], + [ + "cept", + "ion" + ], + [ + "Ġm", + "ut" + ], + [ + "ĠBl", + "ue" + ], + [ + "Ġinc", + "ident" + ], + [ + "v", + "ant" + ], + [ + "8", + "6" + ], + [ + "ĠI", + "D" + ], + [ + "Ġn", + "uclear" + ], + [ + "7", + "4" + ], + [ + "ĠL", + "ike" + ], + [ + "ĠR", + "E" + ], + [ + "ĠM", + "icro" + ], + [ + "l", + "i" + ], + [ + "m", + "ail" + ], + [ + "Ġcharg", + "es" + ], + [ + "8", + "9" + ], + [ + "Ġad", + "just" + ], + [ + "ad", + "o" + ], + [ + "Ġear", + "th" + ], + [ + "N", + "A" + ], + [ + "Ġpr", + "ices" + ], + [ + "P", + "A" + ], + [ + "Ġd", + "raft" + ], + [ + "Ġrun", + "s" + ], + [ + "Ġcandid", + "ate" + ], + [ + "ens", + "es" + ], + [ + "Ġmanag", + "ement" + ], + [ + "ĠPh", + "il" + ], + [ + "ĠM", + "iss" + ], + [ + "Ġte", + "ach" + ], + [ + "g", + "ram" + ], + [ + "Ġunderstand", + "ing" + ], + [ + "a", + "it" + ], + [ + "ic", + "ago" + ], + [ + "A", + "dd" + ], + [ + "ĠE", + "p" + ], + [ + "sec", + "ut" + ], + [ + "Ġsepar", + "ate" + ], + [ + "Ġinst", + "ance" + ], + [ + "Ġe", + "th" + ], + [ + "Ġun", + "less" + ], + [ + "****", + "****" + ], + [ + "ĠF", + "ore" + ], + [ + "in", + "ate" + ], + [ + "Ġoper", + "ations" + ], + [ + "S", + "p" + ], + [ + "Ġf", + "aith" + ], + [ + "g", + "ar" + ], + [ + "ĠCh", + "urch" + ], + [ + "ron", + "ic" + ], + [ + "Ġconf", + "ig" + ], + [ + "os", + "ure" + ], + [ + "Ġactiv", + "ities" + ], + [ + "Ġtrad", + "itional" + ], + [ + "Ġ3", + "6" + ], + [ + "Ġd", + "irection" + ], + [ + "Ġmach", + "ine" + ], + [ + "Ġsur", + "round" + ], + [ + "Ġp", + "ush" + ], + [ + "un", + "ction" + ], + [ + "ĠE", + "U" + ], + [ + "Ġeas", + "ier" + ], + [ + "Ġarg", + "ument" + ], + [ + "G", + "B" + ], + [ + "Ġm", + "icro" + ], + [ + "Ġsp", + "ending" + ], + [ + "iz", + "ations" + ], + [ + "Ġthe", + "ory" + ], + [ + "ad", + "ow" + ], + [ + "Ġcall", + "ing" + ], + [ + "ĠL", + "ast" + ], + [ + "Ġd", + "er" + ], + [ + "Ġinflu", + "ence" + ], + [ + "Ġcomm", + "it" + ], + [ + "Ġph", + "oto" + ], + [ + "Ġun", + "c" + ], + [ + "ist", + "ry" + ], + [ + "g", + "n" + ], + [ + "ast", + "e" + ], + [ + "ack", + "s" + ], + [ + "Ġdis", + "p" + ], + [ + "ad", + "y" + ], + [ + "d", + "o" + ], + [ + "ĠG", + "ood" + ], + [ + "Ġ", + "`" + ], + [ + "Ġw", + "ish" + ], + [ + "Ġreve", + "aled" + ], + [ + "Âł", + "Âł" + ], + [ + "l", + "ig" + ], + [ + "Ġen", + "force" + ], + [ + "ĠComm", + "ittee" + ], + [ + "Ġche", + "m" + ], + [ + "Ġmil", + "es" + ], + [ + "Ġinterest", + "ed" + ], + [ + "Ġsol", + "ution" + ], + [ + "ic", + "y" + ], + [ + "in", + "ct" + ], + [ + "Ġ-", + ">" + ], + [ + "ĠD", + "et" + ], + [ + "Ġrem", + "oved" + ], + [ + "Ġcomp", + "ar" + ], + [ + "e", + "ah" + ], + [ + "Ġpl", + "ant" + ], + [ + "ĠS", + "ince" + ], + [ + "Ġachie", + "ve" + ], + [ + "Ġadvant", + "age" + ], + [ + "Ġslight", + "ly" + ], + [ + "b", + "ing" + ], + [ + "Ġpl", + "aced" + ], + [ + "u", + "nder" + ], + [ + "201", + "5" + ], + [ + "ĠM", + "ad" + ], + [ + "Ġt", + "im" + ], + [ + "os", + "es" + ], + [ + "Ġc", + "ru" + ], + [ + "ĠR", + "ock" + ], + [ + "Ġmost", + "ly" + ], + [ + "Ġneg", + "ative" + ], + [ + "Ġset", + "ting" + ], + [ + "Ġprodu", + "ced" + ], + [ + "Ġm", + "ur" + ], + [ + "Ġconnect", + "ion" + ], + [ + "ĠM", + "er" + ], + [ + "Ġdri", + "ver" + ], + [ + "Ġexecut", + "ive" + ], + [ + "Ġass", + "ault" + ], + [ + "Ġb", + "orn" + ], + [ + "ĠV", + "er" + ], + [ + "t", + "ained" + ], + [ + "Ġstruct", + "ure" + ], + [ + "Ġredu", + "ce" + ], + [ + "Ġdec", + "ades" + ], + [ + "Ġd", + "ed" + ], + [ + "u", + "ke" + ], + [ + "ĠM", + "any" + ], + [ + "idd", + "en" + ], + [ + "Ġle", + "ague" + ], + [ + "S", + "e" + ], + [ + "Ġjo", + "in" + ], + [ + "Ġdis", + "co" + ], + [ + "Ġd", + "ie" + ], + [ + "c", + "ks" + ], + [ + "act", + "ions" + ], + [ + "Ġass", + "ess" + ], + [ + "ag", + "n" + ], + [ + "Ġgo", + "als" + ], + [ + "our", + "s" + ], + [ + "I", + "R" + ], + [ + "Ġsen", + "ior" + ], + [ + "ill", + "er" + ], + [ + "m", + "od" + ], + [ + "ip", + "ment" + ], + [ + "oc", + "ol" + ], + [ + "u", + "y" + ], + [ + "ĠQ", + "ue" + ], + [ + "Ġpart", + "ies" + ], + [ + "ir", + "gin" + ], + [ + "Ġle", + "arning" + ], + [ + "it", + "able" + ], + [ + "Ġstre", + "et" + ], + [ + "Ġcamer", + "a" + ], + [ + "A", + "pp" + ], + [ + "Ġsk", + "ills" + ], + [ + "b", + "re" + ], + [ + "c", + "ious" + ], + [ + "Ġcele", + "br" + ], + [ + "ĠFr", + "anc" + ], + [ + "Ġexist", + "ing" + ], + [ + "Ġwill", + "ing" + ], + [ + "l", + "or" + ], + [ + "Ġ", + "id" + ], + [ + "ĠSp", + "ace" + ], + [ + "Ġcrit", + "ical" + ], + [ + "ĠL", + "a" + ], + [ + "ortun", + "ately" + ], + [ + "Ġser", + "ve" + ], + [ + "Ġc", + "old" + ], + [ + "Ġspec", + "ies" + ], + [ + "T", + "S" + ], + [ + "Ġanim", + "als" + ], + [ + "ĠB", + "ay" + ], + [ + "Ġold", + "er" + ], + [ + "ĠU", + "nder" + ], + [ + "est", + "ic" + ], + [ + "ĠT", + "re" + ], + [ + "Ġte", + "acher" + ], + [ + "Ġpre", + "fer" + ], + [ + "v", + "is" + ], + [ + "Ġth", + "read" + ], + [ + "ĠM", + "att" + ], + [ + "Ġmanag", + "er" + ], + [ + "ãĥ", + "»" + ], + [ + "Ġprofess", + "ional" + ], + [ + "ĠV", + "ol" + ], + [ + "Ġnot", + "es" + ], + [ + "The", + "se" + ], + [ + "ul", + "a" + ], + [ + "Ġf", + "resh" + ], + [ + "ent", + "ed" + ], + [ + "u", + "zz" + ], + [ + "ed", + "y" + ], + [ + "clus", + "ion" + ], + [ + "ĠR", + "el" + ], + [ + "Ġdoub", + "t" + ], + [ + "E", + "O" + ], + [ + "Ġopen", + "ed" + ], + [ + "ĠB", + "it" + ], + [ + "Ad", + "vertisement" + ], + [ + "Ġgu", + "ess" + ], + [ + "ĠU", + "N" + ], + [ + "Ġse", + "qu" + ], + [ + "Ġexpl", + "ain" + ], + [ + "ott", + "en" + ], + [ + "Ġatt", + "ract" + ], + [ + "ak", + "s" + ], + [ + "Ġstr", + "ing" + ], + [ + "Ġcont", + "ext" + ], + [ + "oss", + "ible" + ], + [ + "ĠRepublic", + "ans" + ], + [ + "Ġsol", + "id" + ], + [ + "Ġc", + "ities" + ], + [ + "Ġask", + "ing" + ], + [ + "Ġr", + "andom" + ], + [ + "u", + "ps" + ], + [ + "ur", + "ies" + ], + [ + "ar", + "ant" + ], + [ + "dd", + "en" + ], + [ + "g", + "l" + ], + [ + "ĠFlor", + "ida" + ], + [ + "Ġdep", + "end" + ], + [ + "ĠSc", + "ott" + ], + [ + "Ġ3", + "3" + ], + [ + "Ġi", + "T" + ], + [ + "ic", + "on" + ], + [ + "Ġmention", + "ed" + ], + [ + "Ġ2", + "000" + ], + [ + "Ġclaim", + "ed" + ], + [ + "Ġdefin", + "itely" + ], + [ + "ul", + "f" + ], + [ + "Ġc", + "ore" + ], + [ + "Ġopen", + "ing" + ], + [ + "ĠCon", + "st" + ], + [ + "wh", + "ich" + ], + [ + "ĠT", + "ra" + ], + [ + "A", + "G" + ], + [ + "7", + "2" + ], + [ + "Ġbelie", + "ved" + ], + [ + "ad", + "a" + ], + [ + "Ġ4", + "8" + ], + [ + "ĠSec", + "urity" + ], + [ + "yr", + "ight" + ], + [ + "ĠP", + "et" + ], + [ + "ĠL", + "ou" + ], + [ + "Ġhold", + "ing" + ], + [ + "========", + "========" + ], + [ + "Ġ", + "ice" + ], + [ + "Ġb", + "row" + ], + [ + "Ġauthor", + "ities" + ], + [ + "h", + "ost" + ], + [ + "w", + "ord" + ], + [ + "Ġsc", + "ore" + ], + [ + "ĠD", + "iv" + ], + [ + "Ġcell", + "s" + ], + [ + "Ġtrans", + "l" + ], + [ + "Ġneigh", + "bor" + ], + [ + "Ġrem", + "ove" + ], + [ + "u", + "ct" + ], + [ + "Ġdist", + "rict" + ], + [ + "ĠA", + "ccording" + ], + [ + "Ġwor", + "se" + ], + [ + "Ġconcern", + "s" + ], + [ + "Ġpresident", + "ial" + ], + [ + "Ġpolic", + "ies" + ], + [ + "ĠH", + "all" + ], + [ + "7", + "3" + ], + [ + "Ġh", + "us" + ], + [ + "A", + "Y" + ], + [ + "Ġ200", + "6" + ], + [ + "ĠJ", + "ud" + ], + [ + "Ġindepend", + "ent" + ], + [ + "ĠJust", + "ice" + ], + [ + "ili", + "ar" + ], + [ + "pr", + "int" + ], + [ + "igh", + "ter" + ], + [ + "Ġprotect", + "ion" + ], + [ + "z", + "en" + ], + [ + "Ġsu", + "dden" + ], + [ + "h", + "ouse" + ], + [ + "ĠJ", + "es" + ], + [ + "P", + "R" + ], + [ + "ĠIn", + "f" + ], + [ + "Ġb", + "ul" + ], + [ + "Ġ", + "_" + ], + [ + "ĠServ", + "ice" + ], + [ + "ĠP", + "R" + ], + [ + "Ġstr", + "ategy" + ], + [ + "ff", + "ect" + ], + [ + "Ġgirl", + "s" + ], + [ + "Ġmiss", + "ing" + ], + [ + "oy", + "al" + ], + [ + "ĠTe", + "am" + ], + [ + "ul", + "ated" + ], + [ + "Ġd", + "at" + ], + [ + "Ġpolit", + "ics" + ], + [ + "ab", + "or" + ], + [ + "A", + "ccording" + ], + [ + "Ġspe", + "ll" + ], + [ + "Ġg", + "raph" + ], + [ + "ort", + "hern" + ], + [ + "T", + "C" + ], + [ + "A", + "b" + ], + [ + "Ġlab", + "or" + ], + [ + "is", + "her" + ], + [ + "Ġk", + "ick" + ], + [ + "ĠiT", + "unes" + ], + [ + "Ġstep", + "s" + ], + [ + "pos", + "es" + ], + [ + "Ġsmall", + "er" + ], + [ + "E", + "n" + ], + [ + "ber", + "t" + ], + [ + "Ġro", + "ll" + ], + [ + "Ġresear", + "chers" + ], + [ + "Ġcl", + "osed" + ], + [ + "Ġtrans", + "port" + ], + [ + "Ġlaw", + "y" + ], + [ + "________", + "________" + ], + [ + "ĠCh", + "icago" + ], + [ + "Ġas", + "pect" + ], + [ + "Ġn", + "one" + ], + [ + "Ġmar", + "riage" + ], + [ + "9", + "6" + ], + [ + "Ġe", + "lements" + ], + [ + "ĠF", + "re" + ], + [ + "ĠS", + "al" + ], + [ + "Ġd", + "ram" + ], + [ + "F", + "C" + ], + [ + "t", + "op" + ], + [ + "e", + "qu" + ], + [ + "Ġhe", + "aring" + ], + [ + "Ġsupport", + "ed" + ], + [ + "Ġtest", + "ing" + ], + [ + "co", + "hol" + ], + [ + "Ġmass", + "ive" + ], + [ + "Ġst", + "ick" + ], + [ + "Ġgu", + "ard" + ], + [ + "is", + "co" + ], + [ + "ph", + "one" + ], + [ + "F", + "rom" + ], + [ + "How", + "ever" + ], + [ + "Ġb", + "order" + ], + [ + "Ġcop", + "y" + ], + [ + "ograph", + "y" + ], + [ + "l", + "ist" + ], + [ + "7", + "1" + ], + [ + "Ġown", + "er" + ], + [ + "cl", + "ass" + ], + [ + "ru", + "it" + ], + [ + "r", + "ate" + ], + [ + "ĠO", + "nce" + ], + [ + "Ġdig", + "ital" + ], + [ + "Ġt", + "ask" + ], + [ + "ER", + "S" + ], + [ + "Ġinc", + "red" + ], + [ + "t", + "es" + ], + [ + "+", + "+" + ], + [ + "ĠFr", + "ance" + ], + [ + "Ġb", + "reat" + ], + [ + "ow", + "l" + ], + [ + "Ġiss", + "ued" + ], + [ + "ĠW", + "estern" + ], + [ + "Ġdet", + "ect" + ], + [ + "Ġpart", + "ners" + ], + [ + "Ġsh", + "ared" + ], + [ + "ĠC", + "all" + ], + [ + "Ġcan", + "cer" + ], + [ + "ac", + "he" + ], + [ + "rib", + "e" + ], + [ + "Ġexpl", + "ained" + ], + [ + "Ġhe", + "at" + ], + [ + "{", + "\"" + ], + [ + "Ġinvest", + "ment" + ], + [ + "ĠB", + "ook" + ], + [ + "Ġw", + "ood" + ], + [ + "Ġtool", + "s" + ], + [ + "ĠAl", + "though" + ], + [ + "Ġbelie", + "f" + ], + [ + "Ġcris", + "is" + ], + [ + "Ġg", + "e" + ], + [ + "ĠM", + "P" + ], + [ + "Ġoper", + "ation" + ], + [ + "ty", + "pe" + ], + [ + "~", + "~" + ], + [ + "g", + "a" + ], + [ + "Ġcont", + "ains" + ], + [ + "ant", + "a" + ], + [ + "Ġexp", + "ress" + ], + [ + "ĠG", + "roup" + ], + [ + "ĠJ", + "ournal" + ], + [ + "k", + "a" + ], + [ + "Ġam", + "b" + ], + [ + "ĠUS", + "A" + ], + [ + "Ġfind", + "ing" + ], + [ + "Ġfund", + "ing" + ], + [ + "h", + "ow" + ], + [ + "Ġestab", + "lished" + ], + [ + "ide", + "os" + ], + [ + "Ġdeg", + "ree" + ], + [ + "Ġdanger", + "ous" + ], + [ + "ang", + "ing" + ], + [ + "Ġfre", + "edom" + ], + [ + "pp", + "ort" + ], + [ + "out", + "hern" + ], + [ + "Ġch", + "urch" + ], + [ + "Ġc", + "atch" + ], + [ + "ĠTw", + "o" + ], + [ + "Ġpres", + "ence" + ], + [ + "ĠGu", + "ard" + ], + [ + "U", + "p" + ], + [ + "Ġauthor", + "ity" + ], + [ + "ĠPro", + "ject" + ], + [ + "Ġbut", + "ton" + ], + [ + "Ġcon", + "sequ" + ], + [ + "Ġval", + "id" + ], + [ + "Ġwe", + "ak" + ], + [ + "Ġstart", + "s" + ], + [ + "Ġref", + "erence" + ], + [ + "ĠM", + "em" + ], + [ + "\"", + ")" + ], + [ + "U", + "N" + ], + [ + "or", + "age" + ], + [ + "ĠO", + "pen" + ], + [ + "Ġcol", + "lection" + ], + [ + "y", + "m" + ], + [ + "g", + "ency" + ], + [ + "Ġbeaut", + "iful" + ], + [ + "ro", + "s" + ], + [ + "Ġtell", + "s" + ], + [ + "Ġwa", + "iting" + ], + [ + "n", + "el" + ], + [ + "Ġprov", + "iding" + ], + [ + "ĠDemocr", + "ats" + ], + [ + "Ġd", + "aughter" + ], + [ + "Ġm", + "aster" + ], + [ + "Ġpur", + "poses" + ], + [ + "ĠJapan", + "ese" + ], + [ + "Ġequ", + "al" + ], + [ + "Ġturn", + "s" + ], + [ + "Ġdoc", + "uments" + ], + [ + "Ġwatch", + "ing" + ], + [ + "R", + "es" + ], + [ + "Ġr", + "an" + ], + [ + "201", + "4" + ], + [ + "Ġre", + "ject" + ], + [ + "ĠKore", + "a" + ], + [ + "Ġvictim", + "s" + ], + [ + "Le", + "vel" + ], + [ + "ere", + "nces" + ], + [ + "Ġw", + "itness" + ], + [ + "Ġ3", + "4" + ], + [ + "Ġre", + "form" + ], + [ + "com", + "ing" + ], + [ + "Ġocc", + "up" + ], + [ + "Ġc", + "aught" + ], + [ + "Ġtra", + "ffic" + ], + [ + "ad", + "ing" + ], + [ + "Ġmod", + "els" + ], + [ + "ar", + "io" + ], + [ + "Ġserv", + "ed" + ], + [ + "Ġb", + "atter" + ], + [ + "u", + "ate" + ], + [ + "ĠSecret", + "ary" + ], + [ + "Ġagre", + "ed" + ], + [ + "Ġtr", + "uly" + ], + [ + "yn", + "am" + ], + [ + "ĠR", + "et" + ], + [ + "Ġun", + "its" + ], + [ + "ĠRes", + "earch" + ], + [ + "h", + "and" + ], + [ + "az", + "ine" + ], + [ + "ĠM", + "ike" + ], + [ + "Ġvar", + "iety" + ], + [ + "ot", + "al" + ], + [ + "Ġam", + "azing" + ], + [ + "Ġconfir", + "med" + ], + [ + "Ġentire", + "ly" + ], + [ + "Ġpurch", + "ase" + ], + [ + "Ġe", + "lement" + ], + [ + "Ġc", + "ash" + ], + [ + "Ġdeter", + "mine" + ], + [ + "D", + "e" + ], + [ + "Ġc", + "ars" + ], + [ + "ĠW", + "all" + ], + [ + "â", + "ĸ" + ], + [ + "Ġview", + "s" + ], + [ + "Ġdrug", + "s" + ], + [ + "Ġdep", + "artment" + ], + [ + "ĠSt", + "ep" + ], + [ + "u", + "it" + ], + [ + "Ġ3", + "9" + ], + [ + "as", + "ure" + ], + [ + "ĠCl", + "ass" + ], + [ + "Ġc", + "overed" + ], + [ + "ĠB", + "ank" + ], + [ + "Ġme", + "re" + ], + [ + "u", + "ana" + ], + [ + "Ġmult", + "i" + ], + [ + "Ġm", + "ix" + ], + [ + "Ġun", + "like" + ], + [ + "lev", + "ision" + ], + [ + "Ġsto", + "pped" + ], + [ + "Ġs", + "em" + ], + [ + "ĠG", + "al" + ], + [ + "ul", + "es" + ], + [ + "Ġwe", + "l" + ], + [ + "ĠJohn", + "son" + ], + [ + "l", + "a" + ], + [ + "Ġsk", + "ill" + ], + [ + "Ġbec", + "oming" + ], + [ + "ri", + "e" + ], + [ + "Ġappropri", + "ate" + ], + [ + "f", + "e" + ], + [ + "ell", + "ow" + ], + [ + "ĠPro", + "t" + ], + [ + "ul", + "ate" + ], + [ + "oc", + "ation" + ], + [ + "Ġweek", + "end" + ], + [ + "od", + "ies" + ], + [ + "Ġsit", + "es" + ], + [ + "Ġanim", + "al" + ], + [ + "ĠT", + "im" + ], + [ + "Ġsc", + "ale" + ], + [ + "Ġcharg", + "ed" + ], + [ + "Ġinst", + "ruct" + ], + [ + "ill", + "a" + ], + [ + "Ġmethod", + "s" + ], + [ + "Ġc", + "ert" + ], + [ + "Ġjud", + "ge" + ], + [ + "ĠH", + "el" + ], + [ + "Ġdoll", + "ars" + ], + [ + "Ġstand", + "ing" + ], + [ + "ĠS", + "qu" + ], + [ + "Ġdeb", + "t" + ], + [ + "l", + "iam" + ], + [ + "Ġdri", + "ving" + ], + [ + "ĠS", + "um" + ], + [ + "ĠEd", + "ition" + ], + [ + "Ġal", + "bum" + ], + [ + "and", + "on" + ], + [ + "I", + "F" + ], + [ + "ĠU", + "k" + ], + [ + "6", + "3" + ], + [ + "ad", + "er" + ], + [ + "Ġcommer", + "cial" + ], + [ + "es", + "h" + ], + [ + "ĠGovern", + "ment" + ], + [ + "Ġdisc", + "overed" + ], + [ + "Ġout", + "put" + ], + [ + "ĠHill", + "ary" + ], + [ + "ĠCar", + "ol" + ], + [ + "Ġ200", + "5" + ], + [ + "Ġab", + "use" + ], + [ + "anc", + "ing" + ], + [ + "Ġsw", + "itch" + ], + [ + "Ġann", + "ual" + ], + [ + "T", + "w" + ], + [ + "Ġst", + "ated" + ], + [ + "ag", + "ement" + ], + [ + "in", + "ner" + ], + [ + "Ġdem", + "ocr" + ], + [ + "Ġres", + "idents" + ], + [ + "Ġallow", + "ing" + ], + [ + "Ġfact", + "ors" + ], + [ + "od", + "d" + ], + [ + "Ġf", + "uck" + ], + [ + "em", + "ies" + ], + [ + "Ġoccur", + "red" + ], + [ + "ot", + "i" + ], + [ + "Ġn", + "orth" + ], + [ + "ĠP", + "ublic" + ], + [ + "Ġinj", + "ury" + ], + [ + "Ġins", + "urance" + ], + [ + "C", + "L" + ], + [ + "oll", + "y" + ], + [ + "ã", + "Ģ" + ], + [ + "Ġrepe", + "ated" + ], + [ + "Ġar", + "ms" + ], + [ + "ang", + "ed" + ], + [ + "Ġconst", + "ruction" + ], + [ + "Ġf", + "le" + ], + [ + "P", + "U" + ], + [ + "ic", + "ians" + ], + [ + "Ġfor", + "ms" + ], + [ + "ĠMc", + "C" + ], + [ + "ant", + "ic" + ], + [ + "Ġm", + "ental" + ], + [ + "p", + "ire" + ], + [ + "Ġequ", + "ipment" + ], + [ + "Ġf", + "ant" + ], + [ + "Ġdiscuss", + "ion" + ], + [ + "Ġregard", + "ing" + ], + [ + "k", + "in" + ], + [ + "ar", + "p" + ], + [ + "Ġch", + "air" + ], + [ + "og", + "ue" + ], + [ + "Ġpro", + "ceed" + ], + [ + "ĠI", + "d" + ], + [ + "O", + "ur" + ], + [ + "Ġmur", + "der" + ], + [ + "M", + "an" + ], + [ + "Ġ4", + "9" + ], + [ + "as", + "p" + ], + [ + "Ġsupp", + "ly" + ], + [ + "Ġin", + "put" + ], + [ + "Ġwe", + "alth" + ], + [ + "liam", + "ent" + ], + [ + "Ġpro", + "ced" + ], + [ + "or", + "ial" + ], + [ + "ĠSt", + "at" + ], + [ + "ĠN", + "FL" + ], + [ + "hen", + "s" + ], + [ + "ĠInst", + "itute" + ], + [ + "Ġput", + "ting" + ], + [ + "ourn", + "ament" + ], + [ + "et", + "ic" + ], + [ + "Ġloc", + "ated" + ], + [ + "Ġk", + "id" + ], + [ + "er", + "ia" + ], + [ + "r", + "un" + ], + [ + "Ġpr", + "inc" + ], + [ + "Ġ", + "!" + ], + [ + "go", + "ing" + ], + [ + "ĠB", + "et" + ], + [ + "Ġcl", + "ot" + ], + [ + "Ġtell", + "ing" + ], + [ + "Ġprop", + "osed" + ], + [ + "i", + "ot" + ], + [ + "or", + "ry" + ], + [ + "Ġfund", + "s" + ], + [ + "g", + "ment" + ], + [ + "ĠL", + "ife" + ], + [ + "Ġb", + "aby" + ], + [ + "ĠB", + "ack" + ], + [ + "Ġsp", + "oke" + ], + [ + "Im", + "age" + ], + [ + "Ġear", + "n" + ], + [ + "ĠA", + "T" + ], + [ + "g", + "u" + ], + [ + "Ġex", + "change" + ], + [ + "ĠL", + "in" + ], + [ + "ov", + "ing" + ], + [ + "Ġp", + "air" + ], + [ + "M", + "ore" + ], + [ + "az", + "on" + ], + [ + "Ġarrest", + "ed" + ], + [ + "Ġkill", + "ing" + ], + [ + "c", + "an" + ], + [ + "ĠC", + "ard" + ], + [ + "y", + "d" + ], + [ + "Ġident", + "ified" + ], + [ + "Ġm", + "obile" + ], + [ + "Ġthan", + "ks" + ], + [ + "ony", + "m" + ], + [ + "ĠF", + "orm" + ], + [ + "Ġhundred", + "s" + ], + [ + "ĠCh", + "ris" + ], + [ + "ĠC", + "at" + ], + [ + "Ġtre", + "nd" + ], + [ + "h", + "at" + ], + [ + "ĠA", + "v" + ], + [ + "om", + "an" + ], + [ + "Ġelect", + "ric" + ], + [ + "ĠW", + "il" + ], + [ + "S", + "E" + ], + [ + "O", + "f" + ], + [ + "Ġrest", + "aur" + ], + [ + "ot", + "ed" + ], + [ + "Ġtr", + "ig" + ], + [ + "Ġn", + "ine" + ], + [ + "Ġb", + "omb" + ], + [ + "Wh", + "y" + ], + [ + "Â", + "¯" + ], + [ + "Ġco", + "verage" + ], + [ + "Ġapp", + "eal" + ], + [ + "ĠRober", + "t" + ], + [ + "ĠS", + "up" + ], + [ + "Ġfin", + "ished" + ], + [ + "Ġfl", + "ow" + ], + [ + "Ġdel", + "iver" + ], + [ + "Ġcal", + "cul" + ], + [ + "Ġphot", + "os" + ], + [ + "Ġph", + "il" + ], + [ + "Ġpie", + "ces" + ], + [ + "Ġapp", + "re" + ], + [ + "k", + "es" + ], + [ + "Ġr", + "ough" + ], + [ + "D", + "o" + ], + [ + "Ġpart", + "ner" + ], + [ + "Ġconcern", + "ed" + ], + [ + "Ġ3", + "7" + ], + [ + "ĠG", + "en" + ], + [ + "C", + "ol" + ], + [ + "ct", + "ors" + ], + [ + "Ġ=", + ">" + ], + [ + "st", + "ate" + ], + [ + "Ġsuggest", + "ed" + ], + [ + "ĠFor", + "ce" + ], + [ + "C", + "E" + ], + [ + "Ġher", + "self" + ], + [ + "ĠPl", + "an" + ], + [ + "w", + "orks" + ], + [ + "o", + "oth" + ], + [ + "ren", + "cy" + ], + [ + "Ġcor", + "ner" + ], + [ + "Ġhus", + "band" + ], + [ + "Ġintern", + "et" + ], + [ + "ĠA", + "ut" + ], + [ + "em", + "s" + ], + [ + "os", + "en" + ], + [ + "ĠAt", + "l" + ], + [ + "g", + "en" + ], + [ + "Ġbal", + "ance" + ], + [ + "6", + "2" + ], + [ + "Ġsound", + "s" + ], + [ + "te", + "xt" + ], + [ + "Ġar", + "r" + ], + [ + "ov", + "es" + ], + [ + "Ġmill", + "ions" + ], + [ + "Ġrad", + "io" + ], + [ + "Ġsat", + "isf" + ], + [ + "ĠD", + "am" + ], + [ + "M", + "r" + ], + [ + "G", + "o" + ], + [ + "S", + "pe" + ], + [ + "Ġcomb", + "at" + ], + [ + "r", + "ant" + ], + [ + "ĠG", + "ree" + ], + [ + "Ġf", + "uel" + ], + [ + "Ġdist", + "ance" + ], + [ + "Ġtest", + "s" + ], + [ + "Ġdec", + "re" + ], + [ + "ĠE", + "r" + ], + [ + "Ġman", + "aged" + ], + [ + "D", + "S" + ], + [ + "Ġt", + "it" + ], + [ + "Ġmeas", + "ures" + ], + [ + "ĠL", + "iber" + ], + [ + "Ġatt", + "end" + ], + [ + "as", + "hed" + ], + [ + "ĠJ", + "ose" + ], + [ + "ĠN", + "ight" + ], + [ + "d", + "it" + ], + [ + "ĠN", + "ov" + ], + [ + "ĠE", + "nd" + ], + [ + "out", + "s" + ], + [ + "Ġgener", + "ation" + ], + [ + "Ġadv", + "oc" + ], + [ + "y", + "th" + ], + [ + "Ġconvers", + "ation" + ], + [ + "ĠS", + "ky" + ], + [ + "act", + "ive" + ], + [ + "ce", + "l" + ], + [ + "ri", + "er" + ], + [ + "ĠFr", + "ank" + ], + [ + "Ġg", + "ender" + ], + [ + "Ġcon", + "cent" + ], + [ + "Ġcar", + "ried" + ], + [ + "and", + "a" + ], + [ + "ĠV", + "irgin" + ], + [ + "Ġarri", + "ved" + ], + [ + "ic", + "ide" + ], + [ + "ad", + "ed" + ], + [ + "Ġfail", + "ure" + ], + [ + "Ġmin", + "imum" + ], + [ + "le", + "ts" + ], + [ + "Ġwor", + "st" + ], + [ + "Ġkeep", + "ing" + ], + [ + "Ġint", + "ended" + ], + [ + "Ġilleg", + "al" + ], + [ + "Ġsub", + "sc" + ], + [ + "Ġdetermin", + "ed" + ], + [ + "Ġtri", + "p" + ], + [ + "Y", + "es" + ], + [ + "Ġra", + "ise" + ], + [ + "Ġ", + "~" + ], + [ + "Ġfeel", + "s" + ], + [ + "Ġpack", + "age" + ], + [ + "ĠJ", + "o" + ], + [ + "h", + "i" + ], + [ + "201", + "6" + ], + [ + "re", + "al" + ], + [ + "Ġf", + "ra" + ], + [ + "Ġsy", + "mb" + ], + [ + "M", + "e" + ], + [ + "uck", + "y" + ], + [ + "p", + "ret" + ], + [ + "ĠK", + "h" + ], + [ + "ĠEd", + "it" + ], + [ + "ĠWe", + "b" + ], + [ + "em", + "ic" + ], + [ + "ĠCol", + "or" + ], + [ + "Ġjust", + "ice" + ], + [ + "I", + "nt" + ], + [ + "Ġfar", + "m" + ], + [ + "ck", + "now" + ], + [ + "\"", + ">" + ], + [ + "el", + "ess" + ], + [ + "Ġredu", + "ced" + ], + [ + "Ġ5", + "00" + ], + [ + "x", + "x" + ], + [ + "ĠR", + "ad" + ], + [ + "ĠW", + "ood" + ], + [ + "Ġcl", + "in" + ], + [ + "Ġhy", + "p" + ], + [ + "il", + "er" + ], + [ + "ur", + "a" + ], + [ + "k", + "ins" + ], + [ + "8", + "5" + ], + [ + "6", + "1" + ], + [ + "ĠThe", + "ir" + ], + [ + "ĠM", + "ary" + ], + [ + "Ġs", + "an" + ], + [ + "Ġno", + "vel" + ], + [ + "ĠWh", + "o" + ], + [ + "Ġcap", + "acity" + ], + [ + "Ġimp", + "ossible" + ], + [ + "Ġpl", + "ays" + ], + [ + "Ġmin", + "ister" + ], + [ + "ij", + "uana" + ], + [ + "ic", + "ate" + ], + [ + "ĠS", + "et" + ], + [ + "Ġf", + "ram" + ], + [ + "Ġ", + "ing" + ], + [ + "Ġcommun", + "ities" + ], + [ + "ĠF", + "BI" + ], + [ + "it", + "a" + ], + [ + "Ġb", + "on" + ], + [ + "Ġstr", + "ateg" + ], + [ + "Ġinterest", + "s" + ], + [ + "l", + "ock" + ], + [ + "g", + "ers" + ], + [ + "m", + "as" + ], + [ + "ĠAN", + "D" + ], + [ + "Ġconflic", + "t" + ], + [ + "Ġrequire", + "ments" + ], + [ + "Ġs", + "ac" + ], + [ + "Ġoper", + "ating" + ], + [ + "in", + "i" + ], + [ + "rel", + "ated" + ], + [ + "Ġcomm", + "itted" + ], + [ + "Ġrelative", + "ly" + ], + [ + "Ġs", + "outh" + ], + [ + "¯", + "¯" + ], + [ + "Ġaff", + "ord" + ], + [ + "Ġident", + "ity" + ], + [ + "Ġdec", + "isions" + ], + [ + "Ġacc", + "used" + ], + [ + "pl", + "ace" + ], + [ + "Ġvict", + "ory" + ], + [ + "o", + "ch" + ], + [ + "i", + "at" + ], + [ + "N", + "ame" + ], + [ + "C", + "om" + ], + [ + "t", + "ion" + ], + [ + "ed", + "s" + ], + [ + "Ġsee", + "k" + ], + [ + "Ġt", + "ight" + ], + [ + "ĠIm", + "ages" + ], + [ + "Ġinit", + "i" + ], + [ + "Ġhum", + "ans" + ], + [ + "Ġfam", + "iliar" + ], + [ + "Ġaud", + "ience" + ], + [ + "Ġintern", + "al" + ], + [ + "vent", + "ure" + ], + [ + "Ġs", + "ides" + ], + [ + "ĠT", + "O" + ], + [ + "Ġd", + "im" + ], + [ + "Ġcon", + "clud" + ], + [ + "Ġapp", + "oint" + ], + [ + "Ġenforce", + "ment" + ], + [ + "ĠJ", + "im" + ], + [ + "ĠAssoci", + "ation" + ], + [ + "Ġcircum", + "st" + ], + [ + "ĠCanad", + "ian" + ], + [ + "Ġjo", + "ined" + ], + [ + "Ġdiffere", + "nces" + ], + [ + "ĠL", + "os" + ], + [ + "Ġprot", + "est" + ], + [ + "Ġtw", + "ice" + ], + [ + "w", + "in" + ], + [ + "Ġgl", + "ass" + ], + [ + "ars", + "h" + ], + [ + "ĠAr", + "my" + ], + [ + "Ġexp", + "ression" + ], + [ + "Ġdec", + "ide" + ], + [ + "Ġplan", + "ning" + ], + [ + "an", + "ia" + ], + [ + "Ġhand", + "le" + ], + [ + "ĠMicro", + "soft" + ], + [ + "ĠN", + "or" + ], + [ + "Ġmax", + "imum" + ], + [ + "ĠRe", + "v" + ], + [ + "Ġse", + "a" + ], + [ + "Ġev", + "al" + ], + [ + "Ġhel", + "ps" + ], + [ + "re", + "f" + ], + [ + "Ġb", + "ound" + ], + [ + "Ġm", + "outh" + ], + [ + "Ġstand", + "ards" + ], + [ + "Ġcl", + "im" + ], + [ + "ĠC", + "amp" + ], + [ + "ĠF", + "ox" + ], + [ + "cl", + "es" + ], + [ + "Ġar", + "my" + ], + [ + "ĠTe", + "chn" + ], + [ + "ack", + "ing" + ], + [ + "x", + "y" + ], + [ + "S", + "S" + ], + [ + "Ġ4", + "2" + ], + [ + "Ġbu", + "g" + ], + [ + "ĠUk", + "rain" + ], + [ + "ĠM", + "ax" + ], + [ + "ĠJ", + "ones" + ], + [ + "ĠSh", + "ow" + ], + [ + "l", + "o" + ], + [ + "Ġplan", + "et" + ], + [ + "Ġ7", + "5" + ], + [ + "Ġwin", + "ning" + ], + [ + "Ġf", + "aster" + ], + [ + "Ġspe", + "ct" + ], + [ + "Ġbro", + "ken" + ], + [ + "T", + "R" + ], + [ + "Ġdef", + "ined" + ], + [ + "Ġhealth", + "y" + ], + [ + "Ġcompet", + "ition" + ], + [ + "htt", + "ps" + ], + [ + "ĠIs", + "land" + ], + [ + "ĠF", + "e" + ], + [ + "Ġannoun", + "ce" + ], + [ + "ĠC", + "up" + ], + [ + "ĠInst", + "ead" + ], + [ + "Ġcl", + "ient" + ], + [ + "Ġposs", + "ibly" + ], + [ + "se", + "ction" + ], + [ + "ock", + "et" + ], + [ + "l", + "ook" + ], + [ + "Ġfin", + "ish" + ], + [ + "Ġcre", + "w" + ], + [ + "Ġres", + "erv" + ], + [ + "Ġed", + "itor" + ], + [ + "Ġh", + "ate" + ], + [ + "Ġs", + "ale" + ], + [ + "Ġcontro", + "vers" + ], + [ + "Ġp", + "ages" + ], + [ + "w", + "ing" + ], + [ + "Ġnum", + "er" + ], + [ + "Ġopp", + "osition" + ], + [ + "Ġ200", + "4" + ], + [ + "Ġref", + "uge" + ], + [ + "Ġfl", + "ight" + ], + [ + "Ġap", + "art" + ], + [ + "ĠL", + "at" + ], + [ + "A", + "meric" + ], + [ + "ĠAfric", + "a" + ], + [ + "Ġapplic", + "ations" + ], + [ + "ĠPal", + "est" + ], + [ + "ĠB", + "ur" + ], + [ + "Ġg", + "ar" + ], + [ + "ĠSoc", + "ial" + ], + [ + "Ġup", + "gr" + ], + [ + "Ġsh", + "ape" + ], + [ + "Ġspe", + "aking" + ], + [ + "ans", + "ion" + ], + [ + "a", + "o" + ], + [ + "ĠS", + "n" + ], + [ + "Ġwor", + "ry" + ], + [ + "ĠBrit", + "ain" + ], + [ + "P", + "lease" + ], + [ + "rou", + "d" + ], + [ + "Ġh", + "un" + ], + [ + "Ġintrodu", + "ced" + ], + [ + "Ġd", + "iet" + ], + [ + "I", + "nd" + ], + [ + "ĠSec", + "ond" + ], + [ + "Ġfun", + "ctions" + ], + [ + "ut", + "s" + ], + [ + "ĠE", + "ach" + ], + [ + "ĠJe", + "ff" + ], + [ + "Ġst", + "ress" + ], + [ + "Ġaccount", + "s" + ], + [ + "Ġgu", + "arant" + ], + [ + "ĠAn", + "n" + ], + [ + "ed", + "ia" + ], + [ + "Ġhon", + "est" + ], + [ + "Ġt", + "ree" + ], + [ + "ĠAfric", + "an" + ], + [ + "ĠB", + "ush" + ], + [ + "}", + "," + ], + [ + "Ġs", + "ch" + ], + [ + "ĠOn", + "ly" + ], + [ + "Ġf", + "if" + ], + [ + "ig", + "an" + ], + [ + "Ġexerc", + "ise" + ], + [ + "ĠEx", + "p" + ], + [ + "Ġscient", + "ists" + ], + [ + "Ġlegisl", + "ation" + ], + [ + "ĠW", + "ork" + ], + [ + "ĠS", + "pr" + ], + [ + "Ã", + "Ĥ" + ], + [ + "ĠH", + "uman" + ], + [ + "Ġ", + "è" + ], + [ + "Ġsur", + "vey" + ], + [ + "Ġr", + "ich" + ], + [ + "ri", + "p" + ], + [ + "Ġmain", + "tain" + ], + [ + "Ġfl", + "o" + ], + [ + "Ġleaders", + "hip" + ], + [ + "st", + "ream" + ], + [ + "ĠIslam", + "ic" + ], + [ + "Ġ", + "01" + ], + [ + "ĠCol", + "lege" + ], + [ + "Ġmag", + "ic" + ], + [ + "ĠPr", + "ime" + ], + [ + "Ġfig", + "ures" + ], + [ + "201", + "7" + ], + [ + "ind", + "er" + ], + [ + "x", + "ual" + ], + [ + "ĠDe", + "ad" + ], + [ + "Ġabsolute", + "ly" + ], + [ + "Ġfour", + "th" + ], + [ + "Ġpresent", + "ed" + ], + [ + "resp", + "ond" + ], + [ + "rib", + "le" + ], + [ + "Ġal", + "cohol" + ], + [ + "at", + "o" + ], + [ + "ĠD", + "E" + ], + [ + "por", + "ary" + ], + [ + "Ġgr", + "ab" + ], + [ + "Ġvar", + "i" + ], + [ + "Ġqu", + "ant" + ], + [ + "ĠPh", + "oto" + ], + [ + "Ġpl", + "us" + ], + [ + "r", + "ick" + ], + [ + "ar", + "ks" + ], + [ + "Ġaltern", + "ative" + ], + [ + "Ġp", + "il" + ], + [ + "Ġappro", + "x" + ], + [ + "th", + "at" + ], + [ + "Ġobject", + "s" + ], + [ + "ĠR", + "o" + ], + [ + "ĠAnd", + "roid" + ], + [ + "Ġsignificant", + "ly" + ], + [ + "ĠR", + "oad" + ], + [ + "k", + "ay" + ], + [ + "R", + "ead" + ], + [ + "av", + "or" + ], + [ + "Ġa", + "cknow" + ], + [ + "ĠH", + "D" + ], + [ + "ĠS", + "ing" + ], + [ + "O", + "r" + ], + [ + "ĠM", + "ont" + ], + [ + "Ġun", + "s" + ], + [ + "pro", + "f" + ], + [ + "Ġneg", + "oti" + ], + [ + "ĠAr", + "ch" + ], + [ + "ik", + "i" + ], + [ + "Ġte", + "levision" + ], + [ + "ĠJew", + "ish" + ], + [ + "Ġcomm", + "ittee" + ], + [ + "Ġmot", + "or" + ], + [ + "Ġappear", + "ance" + ], + [ + "Ġs", + "itting" + ], + [ + "Ġstri", + "ke" + ], + [ + "ĠD", + "own" + ], + [ + "com", + "p" + ], + [ + "ĠH", + "ist" + ], + [ + "Ġf", + "old" + ], + [ + "ac", + "ement" + ], + [ + "ĠLou", + "is" + ], + [ + "Ġbel", + "ong" + ], + [ + "ĠâĢ", + "¢" + ], + [ + "Ġm", + "ort" + ], + [ + "Ġprep", + "ared" + ], + [ + "Ġ6", + "4" + ], + [ + "ĠM", + "aster" + ], + [ + "Ġind", + "eed" + ], + [ + "ĠD", + "en" + ], + [ + "Ġre", + "nt" + ], + [ + "T", + "A" + ], + [ + "our", + "ney" + ], + [ + "ar", + "c" + ], + [ + "S", + "u" + ], + [ + "9", + "7" + ], + [ + "Ġadv", + "ice" + ], + [ + "Ġchang", + "ing" + ], + [ + "Ġlist", + "ed" + ], + [ + "Ġlaun", + "ched" + ], + [ + "is", + "ation" + ], + [ + "ĠP", + "eter" + ], + [ + "is", + "hes" + ], + [ + "Ġl", + "ived" + ], + [ + "ĠM", + "el" + ], + [ + "ĠSup", + "reme" + ], + [ + "ĠF", + "ederal" + ], + [ + "Ġ)", + ";" + ], + [ + "ruct", + "ure" + ], + [ + "Ġset", + "s" + ], + [ + "Ġphil", + "os" + ], + [ + "u", + "ous" + ], + [ + "ĠÂ", + "ł" + ], + [ + "Ġappl", + "ied" + ], + [ + "ĠN", + "OT" + ], + [ + "Ġhous", + "ing" + ], + [ + "ĠM", + "ount" + ], + [ + "Ġo", + "dd" + ], + [ + "Ġsu", + "st" + ], + [ + "D", + "A" + ], + [ + "ffic", + "ient" + ], + [ + "Ġ", + "?" + ], + [ + "ol", + "ved" + ], + [ + "Ġp", + "owers" + ], + [ + "Ġth", + "r" + ], + [ + "Ġrem", + "aining" + ], + [ + "ĠW", + "ater" + ], + [ + "L", + "C" + ], + [ + "Ġca", + "uses" + ], + [ + "ãģ", + "®" + ], + [ + "Ġman", + "ner" + ], + [ + "ad", + "s" + ], + [ + "Ġsuggest", + "s" + ], + [ + "Ġend", + "s" + ], + [ + "stand", + "ing" + ], + [ + "f", + "ig" + ], + [ + "ĠD", + "un" + ], + [ + "id", + "th" + ], + [ + "Ġg", + "ay" + ], + [ + "Ġter", + "min" + ], + [ + "ĠAngel", + "es" + ], + [ + "M", + "S" + ], + [ + "Ġscient", + "ific" + ], + [ + "Ġco", + "al" + ], + [ + "ap", + "ers" + ], + [ + "b", + "ar" + ], + [ + "ĠThom", + "as" + ], + [ + "Ġsy", + "m" + ], + [ + "ĠR", + "un" + ], + [ + "th", + "is" + ], + [ + "P", + "C" + ], + [ + "igr", + "ants" + ], + [ + "Ġmin", + "ute" + ], + [ + "ĠDist", + "rict" + ], + [ + "cell", + "ent" + ], + [ + "Ġle", + "aves" + ], + [ + "Ġcomple", + "ted" + ], + [ + "am", + "in" + ], + [ + "Ġfoc", + "used" + ], + [ + "Ġmon", + "itor" + ], + [ + "Ġveh", + "icles" + ], + [ + "M", + "A" + ], + [ + "ĠM", + "ass" + ], + [ + "ĠGr", + "and" + ], + [ + "Ġaffect", + "ed" + ], + [ + "itution", + "al" + ], + [ + "Ġconst", + "ruct" + ], + [ + "Ġfollow", + "s" + ], + [ + "Ġt", + "on" + ], + [ + "re", + "ens" + ], + [ + "Ġh", + "omes" + ], + [ + "ĠE", + "xt" + ], + [ + "ĠLe", + "vel" + ], + [ + "r", + "ast" + ], + [ + "ĠI", + "r" + ], + [ + "Ġel", + "im" + ], + [ + "Ġlarge", + "ly" + ], + [ + "ĠJ", + "oe" + ], + [ + "Ġvot", + "es" + ], + [ + "all", + "s" + ], + [ + "Ġbusiness", + "es" + ], + [ + "ĠFound", + "ation" + ], + [ + "ĠCent", + "ral" + ], + [ + "Ġy", + "ards" + ], + [ + "Ġmaterial", + "s" + ], + [ + "ul", + "ner" + ], + [ + "Ġgu", + "ide" + ], + [ + "Ġclos", + "er" + ], + [ + "um", + "s" + ], + [ + "Ġsp", + "orts" + ], + [ + "ed", + "er" + ], + [ + "J", + "ust" + ], + [ + "Ġtax", + "es" + ], + [ + "8", + "4" + ], + [ + "ĠO", + "ld" + ], + [ + "Ġdec", + "ade" + ], + [ + "ol", + "a" + ], + [ + "Ġv", + "ir" + ], + [ + "Ġdro", + "pped" + ], + [ + "Ġdel", + "ay" + ], + [ + "it", + "ect" + ], + [ + "Ġsec", + "ure" + ], + [ + "ste", + "in" + ], + [ + "le", + "vel" + ], + [ + "Ġtre", + "ated" + ], + [ + "Ġfil", + "ed" + ], + [ + "ain", + "e" + ], + [ + "Ġv", + "an" + ], + [ + "Ġm", + "ir" + ], + [ + "Ġcol", + "umn" + ], + [ + "ict", + "ed" + ], + [ + "e", + "per" + ], + [ + "Ġro", + "t" + ], + [ + "Ġcons", + "ult" + ], + [ + "Ġent", + "ry" + ], + [ + "Ġmar", + "ijuana" + ], + [ + "ĠD", + "ou" + ], + [ + "Ġapparent", + "ly" + ], + [ + "ok", + "ing" + ], + [ + "clus", + "ive" + ], + [ + "Ġincre", + "ases" + ], + [ + "an", + "o" + ], + [ + "Ġspecific", + "ally" + ], + [ + "Ġte", + "le" + ], + [ + "ens", + "ions" + ], + [ + "Ġrelig", + "ion" + ], + [ + "ab", + "ilities" + ], + [ + "Ġfr", + "ame" + ], + [ + "ĠN", + "ote" + ], + [ + "ĠLe", + "e" + ], + [ + "Ġhelp", + "ing" + ], + [ + "Ġed", + "ge" + ], + [ + "ost", + "on" + ], + [ + "Ġorgan", + "izations" + ], + [ + "Ã", + "ĥ" + ], + [ + "ĠB", + "oth" + ], + [ + "hip", + "s" + ], + [ + "Ġbig", + "ger" + ], + [ + "Ġbo", + "ost" + ], + [ + "ĠSt", + "and" + ], + [ + "Ġro", + "w" + ], + [ + "ul", + "s" + ], + [ + "ab", + "ase" + ], + [ + "Ġr", + "id" + ], + [ + "L", + "et" + ], + [ + "are", + "n" + ], + [ + "ra", + "ve" + ], + [ + "Ġst", + "ret" + ], + [ + "P", + "D" + ], + [ + "Ġv", + "ision" + ], + [ + "Ġwe", + "aring" + ], + [ + "Ġappre", + "ci" + ], + [ + "Ġa", + "ward" + ], + [ + "ĠU", + "se" + ], + [ + "Ġfact", + "or" + ], + [ + "w", + "ar" + ], + [ + "ul", + "ations" + ], + [ + ")", + "(" + ], + [ + "Ġg", + "od" + ], + [ + "Ġter", + "rit" + ], + [ + "Ġpar", + "am" + ], + [ + "ast", + "s" + ], + [ + "8", + "7" + ], + [ + "Ġen", + "emies" + ], + [ + "ĠG", + "ames" + ], + [ + "F", + "F" + ], + [ + "Ġacc", + "ident" + ], + [ + "W", + "ell" + ], + [ + "ĠMart", + "in" + ], + [ + "T", + "ER" + ], + [ + "Ġat", + "h" + ], + [ + "ĠHe", + "ll" + ], + [ + "Ġfor", + "g" + ], + [ + "Ġve", + "ter" + ], + [ + "ĠMed", + "ic" + ], + [ + "f", + "ree" + ], + [ + "Ġst", + "ars" + ], + [ + "Ġexp", + "ensive" + ], + [ + "Ġac", + "ad" + ], + [ + "ra", + "wn" + ], + [ + "ĠW", + "he" + ], + [ + "Ġl", + "ock" + ], + [ + "Ġform", + "at" + ], + [ + "Ġsold", + "iers" + ], + [ + "s", + "m" + ], + [ + "Ġag", + "ent" + ], + [ + "Ġrespons", + "ibility" + ], + [ + "or", + "a" + ], + [ + "ĠS", + "cience" + ], + [ + "Ġrap", + "id" + ], + [ + "Ġt", + "ough" + ], + [ + "ĠJes", + "us" + ], + [ + "Ġbelie", + "ves" + ], + [ + "M", + "L" + ], + [ + "Ġwe", + "ar" + ], + [ + "le", + "te" + ], + [ + "Ãĥ", + "ÃĤ" + ], + [ + "ĠD", + "ri" + ], + [ + "Ġcomm", + "ission" + ], + [ + "ĠB", + "ob" + ], + [ + "O", + "h" + ], + [ + "ap", + "ed" + ], + [ + "Ġwar", + "m" + ], + [ + "ÃĥÃĤ", + "ÃĥÃĤ" + ], + [ + "Ġ200", + "3" + ], + [ + "ort", + "ion" + ], + [ + "Ġhas", + "n" + ], + [ + "ust", + "er" + ], + [ + "Ġun", + "ivers" + ], + [ + "ĠI", + "ll" + ], + [ + "Ġk", + "ing" + ], + [ + "olog", + "ies" + ], + [ + "9", + "4" + ], + [ + "ĠT", + "em" + ], + [ + "ĠM", + "os" + ], + [ + "Ġpat", + "ient" + ], + [ + "ĠMex", + "ico" + ], + [ + "ce", + "an" + ], + [ + "ĠDe", + "ath" + ], + [ + "ĠSand", + "ers" + ], + [ + "y", + "ou" + ], + [ + "ĠC", + "ast" + ], + [ + "ĠComp", + "any" + ], + [ + "pt", + "y" + ], + [ + "Ġhappen", + "ing" + ], + [ + "F", + "P" + ], + [ + "ĠB", + "attle" + ], + [ + "Ġb", + "ought" + ], + [ + "A", + "m" + ], + [ + "M", + "od" + ], + [ + "U", + "s" + ], + [ + "ut", + "ers" + ], + [ + "ĠC", + "re" + ], + [ + "ĠTh", + "ose" + ], + [ + "Ġ4", + "4" + ], + [ + "is", + "er" + ], + [ + "Ġs", + "oul" + ], + [ + "ĠT", + "op" + ], + [ + "ĠHar", + "ry" + ], + [ + "ĠA", + "w" + ], + [ + "Ġse", + "at" + ], + [ + "ff", + "ee" + ], + [ + "Ġrev", + "olution" + ], + [ + "Ġ(", + "\"" + ], + [ + "ĠD", + "uring" + ], + [ + "et", + "te" + ], + [ + "Ġr", + "ing" + ], + [ + "Ġoff", + "ensive" + ], + [ + "Ġreturn", + "s" + ], + [ + "Ġv", + "ideos" + ], + [ + "Ġdis", + "cl" + ], + [ + "Ġfam", + "ous" + ], + [ + "en", + "ced" + ], + [ + "ĠS", + "ign" + ], + [ + "ĠR", + "iver" + ], + [ + "Ġ3", + "00" + ], + [ + "P", + "M" + ], + [ + "ĠB", + "us" + ], + [ + "ĠC", + "H" + ], + [ + "Ġcandid", + "ates" + ], + [ + "ard", + "en" + ], + [ + "Ġpercent", + "age" + ], + [ + "Ġvis", + "ual" + ], + [ + "Ġthan", + "k" + ], + [ + "Ġtrou", + "ble" + ], + [ + "ner", + "gy" + ], + [ + "Ġ200", + "1" + ], + [ + "Ġpro", + "ve" + ], + [ + "ash", + "ion" + ], + [ + "Ġen", + "h" + ], + [ + "ĠL", + "ong" + ], + [ + "U", + "M" + ], + [ + "Ġconnect", + "ed" + ], + [ + "Ġposs", + "ibility" + ], + [ + "O", + "ver" + ], + [ + "Ġexper", + "t" + ], + [ + "Ġl", + "ibrary" + ], + [ + "art", + "s" + ], + [ + "ĠDirect", + "or" + ], + [ + "Ġfell", + "ow" + ], + [ + "9", + "2" + ], + [ + "ir", + "ty" + ], + [ + "Ġd", + "ry" + ], + [ + "Ġsign", + "s" + ], + [ + "ĠL", + "ove" + ], + [ + "Ġqu", + "iet" + ], + [ + "f", + "oot" + ], + [ + "Ġp", + "ure" + ], + [ + "ĠH", + "un" + ], + [ + "Ġf", + "illed" + ], + [ + "ph", + "as" + ], + [ + "ĠE", + "lect" + ], + [ + "end", + "ment" + ], + [ + "ĠEx", + "pl" + ], + [ + "Ġun", + "able" + ], + [ + "n", + "s" + ], + [ + "m", + "o" + ], + [ + "Ġv", + "ast" + ], + [ + "ob", + "e" + ], + [ + "Ġident", + "ify" + ], + [ + "app", + "ing" + ], + [ + "ĠCarol", + "ina" + ], + [ + "g", + "ress" + ], + [ + "Ġpro", + "te" + ], + [ + "Ġf", + "ish" + ], + [ + "Ġcircumst", + "ances" + ], + [ + "raz", + "y" + ], + [ + "ĠPh", + "ot" + ], + [ + "Ġb", + "odies" + ], + [ + "ĠM", + "ur" + ], + [ + "Ġdevelop", + "ing" + ], + [ + "ĠA", + "R" + ], + [ + "Ġexperien", + "ced" + ], + [ + "Ġsubst", + "ant" + ], + [ + "ĠBo", + "ard" + ], + [ + "es", + "ome" + ], + [ + "Ġdom", + "estic" + ], + [ + "Ġcomb", + "ined" + ], + [ + "ĠP", + "ut" + ], + [ + "Ġchem", + "ical" + ], + [ + "ĠCh", + "ild" + ], + [ + "Ġpo", + "ol" + ], + [ + "ĠC", + "y" + ], + [ + "Ġe", + "gg" + ], + [ + "c", + "ons" + ], + [ + "st", + "ers" + ], + [ + "Ġh", + "urt" + ], + [ + "Ġmark", + "ets" + ], + [ + "Ġconserv", + "ative" + ], + [ + "Ġsupp", + "orters" + ], + [ + "Ġag", + "encies" + ], + [ + "id", + "el" + ], + [ + "O", + "b" + ], + [ + "ur", + "b" + ], + [ + "Ġ4", + "3" + ], + [ + "ĠDef", + "ense" + ], + [ + "y", + "e" + ], + [ + "ĠA", + "p" + ], + [ + "du", + "le" + ], + [ + "Ġtemper", + "ature" + ], + [ + "Ġconduct", + "ed" + ], + [ + "ĠCh", + "ief" + ], + [ + "Ġpull", + "ed" + ], + [ + "Ġf", + "ol" + ], + [ + "L", + "ast" + ], + [ + "ont", + "o" + ], + [ + "os", + "is" + ], + [ + "V", + "ER" + ], + [ + "D", + "es" + ], + [ + "ĠP", + "an" + ], + [ + "F", + "irst" + ], + [ + "Ġadv", + "ance" + ], + [ + "Ġlic", + "ense" + ], + [ + "r", + "ors" + ], + [ + "ĠJ", + "on" + ], + [ + "Ġimag", + "ine" + ], + [ + "Ġhe", + "ll" + ], + [ + "Ġf", + "ixed" + ], + [ + "Ġinc", + "or" + ], + [ + "os", + "ite" + ], + [ + "ĠL", + "og" + ], + [ + "ick", + "en" + ], + [ + "]", + ":" + ], + [ + "Ġsurpr", + "ise" + ], + [ + "h", + "ab" + ], + [ + "Ġc", + "raft" + ], + [ + "ol", + "t" + ], + [ + "ĠJ", + "ul" + ], + [ + "Ġd", + "ial" + ], + [ + "Ġrele", + "vant" + ], + [ + "Ġent", + "ered" + ], + [ + "Ġlead", + "s" + ], + [ + "ĠA", + "D" + ], + [ + "ĠCle", + "an" + ], + [ + "Ġpict", + "ures" + ], + [ + "ess", + "or" + ], + [ + "Ġal", + "t" + ], + [ + "Ġpay", + "ing" + ], + [ + "P", + "er" + ], + [ + "ĠMark", + "et" + ], + [ + "Ġupd", + "ates" + ], + [ + "am", + "ily" + ], + [ + "ĠT", + "ype" + ], + [ + "ĠH", + "ome" + ], + [ + "Ġ5", + "5" + ], + [ + "semb", + "ly" + ], + [ + "rom", + "e" + ], + [ + "8", + "3" + ], + [ + "Ġgreat", + "est" + ], + [ + "Ġhe", + "ight" + ], + [ + "Ġhe", + "av" + ], + [ + "ain", + "ts" + ], + [ + "Ġlist", + "en" + ], + [ + "as", + "er" + ], + [ + "ĠS", + "H" + ], + [ + "Ġcap", + "able" + ], + [ + "ac", + "le" + ], + [ + "Ġpers", + "pect" + ], + [ + "in", + "ating" + ], + [ + "Ġoff", + "ering" + ], + [ + "ry", + "pt" + ], + [ + "ĠDe", + "velop" + ], + [ + "ab", + "in" + ], + [ + "r", + "c" + ], + [ + "Ġbr", + "ight" + ], + [ + "al", + "ty" + ], + [ + "ar", + "row" + ], + [ + "Ġsupp", + "l" + ], + [ + "ind", + "ing" + ], + [ + "ack", + "ed" + ], + [ + "gy", + "pt" + ], + [ + "ĠAn", + "other" + ], + [ + "p", + "g" + ], + [ + "ĠVirgin", + "ia" + ], + [ + "ĠL", + "u" + ], + [ + "Ġpl", + "anned" + ], + [ + "Ġp", + "it" + ], + [ + "Ġswe", + "et" + ], + [ + "T", + "ype" + ], + [ + "ĠD", + "i" + ], + [ + "Ġtyp", + "ically" + ], + [ + "ĠFranc", + "isco" + ], + [ + "Ġpro", + "spect" + ], + [ + "ĠD", + "an" + ], + [ + "Ġte", + "en" + ], + [ + "re", + "es" + ], + [ + "Ġsc", + "hed" + ], + [ + "Ġh", + "ol" + ], + [ + "Ġsc", + "r" + ], + [ + "Ġlot", + "s" + ], + [ + "l", + "ife" + ], + [ + "Ġnews", + "p" + ], + [ + "Ġfor", + "get" + ], + [ + "ĠN", + "one" + ], + [ + "ĠM", + "iddle" + ], + [ + "ĠR", + "yan" + ], + [ + "ed", + "d" + ], + [ + "Ġse", + "vere" + ], + [ + "Ġsu", + "it" + ], + [ + "ll", + "er" + ], + [ + "9", + "3" + ], + [ + "Ġcor", + "respond" + ], + [ + "Ġexpl", + "os" + ], + [ + "u", + "ations" + ], + [ + "Ġfl", + "ag" + ], + [ + "g", + "ame" + ], + [ + "r", + "id" + ], + [ + "Ġpr", + "in" + ], + [ + "ĠD", + "ata" + ], + [ + "Ġde", + "ploy" + ], + [ + "ĠEn", + "ter" + ], + [ + "su", + "it" + ], + [ + "gh", + "an" + ], + [ + "ĠM", + "en" + ], + [ + "Ġthough", + "ts" + ], + [ + "Ġmat", + "ters" + ], + [ + "Ġad", + "apt" + ], + [ + "ĠA", + "ri" + ], + [ + "Ġf", + "ill" + ], + [ + "Ġfor", + "th" + ], + [ + "Ġs", + "am" + ], + [ + "Ġ4", + "1" + ], + [ + "Ġpay", + "ment" + ], + [ + "ĠH", + "or" + ], + [ + "Ġsp", + "ring" + ], + [ + "du", + "c" + ], + [ + "Ġl", + "osing" + ], + [ + "Ġbring", + "ing" + ], + [ + "F", + "O" + ], + [ + "al", + "a" + ], + [ + "Ġdist", + "ribution" + ], + [ + "he", + "red" + ], + [ + "b", + "our" + ], + [ + "ĠIsrael", + "i" + ], + [ + "om", + "a" + ], + [ + "Ġcomb", + "ination" + ], + [ + "Ġpl", + "enty" + ], + [ + "V", + "E" + ], + [ + "C", + "an" + ], + [ + "ĠH", + "aw" + ], + [ + "Ġper", + "man" + ], + [ + "ĠSpe", + "cial" + ], + [ + "Ġto", + "w" + ], + [ + "Ġsee", + "king" + ], + [ + "Ġexam", + "ples" + ], + [ + "Ġclass", + "es" + ], + [ + "c", + "r" + ], + [ + "Ġbe", + "er" + ], + [ + "Ġmov", + "es" + ], + [ + "ĠI", + "P" + ], + [ + "ĠK", + "n" + ], + [ + "Ġpan", + "el" + ], + [ + "E", + "ven" + ], + [ + "Ġproper", + "ly" + ], + [ + "Ġr", + "is" + ], + [ + "Ġpl", + "ug" + ], + [ + "Ġestim", + "ated" + ], + [ + "E", + "very" + ], + [ + "Ġdef", + "ensive" + ], + [ + "ag", + "raph" + ], + [ + "Ġpre", + "gn" + ], + [ + "Ġinst", + "it" + ], + [ + "ĠV", + "ict" + ], + [ + "Ġvol", + "ume" + ], + [ + "Ġpos", + "itions" + ], + [ + "Ġl", + "inks" + ], + [ + "ĠPro", + "gram" + ], + [ + "ĠWe", + "ek" + ], + [ + "ag", + "ues" + ], + [ + "Ġtrans", + "form" + ], + [ + "k", + "er" + ], + [ + "ĠC", + "EO" + ], + [ + "Ġc", + "as" + ], + [ + "Ġopp", + "onent" + ], + [ + "Ġtwe", + "et" + ], + [ + "ĠC", + "ode" + ], + [ + "Ġsh", + "op" + ], + [ + "Ġf", + "ly" + ], + [ + "Ġtal", + "ks" + ], + [ + "Ġb", + "ag" + ], + [ + "Ph", + "one" + ], + [ + "Ġa", + "id" + ], + [ + "Ġpl", + "ants" + ], + [ + "Ġ6", + "5" + ], + [ + "Ġatt", + "orney" + ], + [ + "ar", + "ters" + ], + [ + "qu", + "est" + ], + [ + "ĠMag", + "ic" + ], + [ + "Ġbeg", + "ins" + ], + [ + "Ġmy", + "ster" + ], + [ + "Ġenvironment", + "al" + ], + [ + "Ġst", + "orage" + ], + [ + "N", + "N" + ], + [ + "Ġm", + "arg" + ], + [ + "Ġs", + "ke" + ], + [ + "Ġmet", + "al" + ], + [ + "ell", + "y" + ], + [ + "Ġord", + "ered" + ], + [ + "Ġrem", + "ained" + ], + [ + "Ġl", + "oved" + ], + [ + "Ġprom", + "pt" + ], + [ + "Ġupd", + "ated" + ], + [ + "Ġexper", + "ts" + ], + [ + "Ġwalk", + "ing" + ], + [ + "Ġan", + "cient" + ], + [ + "Ġperform", + "ed" + ], + [ + "AT", + "E" + ], + [ + "Ġne", + "ither" + ], + [ + "i", + "ency" + ], + [ + "Ġmanufact", + "ure" + ], + [ + "ĠP", + "ak" + ], + [ + "Ġselect", + "ed" + ], + [ + "Ġm", + "ine" + ], + [ + "Ġult", + "imately" + ], + [ + "Ġexpl", + "an" + ], + [ + "Ġlab", + "el" + ], + [ + "ĠServ", + "ices" + ], + [ + "ribut", + "ed" + ], + [ + "Tr", + "ump" + ], + [ + "Ġsy", + "n" + ], + [ + "ĠU", + "lt" + ], + [ + "S", + "C" + ], + [ + "Ġme", + "at" + ], + [ + "Ġg", + "iant" + ], + [ + "ĠW", + "ars" + ], + [ + "ĠO", + "N" + ], + [ + "Ġad", + "m" + ], + [ + "Ġinter", + "pret" + ], + [ + "Ġeven", + "ing" + ], + [ + "Ġev", + "il" + ], + [ + "ĠB", + "oston" + ], + [ + "ĠW", + "ild" + ], + [ + "Ġ", + "Ã" + ], + [ + "ĠBit", + "coin" + ], + [ + "ĠAm", + "azon" + ], + [ + "D", + "r" + ], + [ + "ĠIn", + "formation" + ], + [ + "Ġobvious", + "ly" + ], + [ + "Ġadv", + "anced" + ], + [ + "Ph", + "oto" + ], + [ + "ol", + "ar" + ], + [ + "Ġwe", + "ather" + ], + [ + "Ġsymb", + "ol" + ], + [ + "Ġso", + "le" + ], + [ + "Ġpot", + "entially" + ], + [ + "ost", + "er" + ], + [ + "Ġorig", + "inally" + ], + [ + "m", + "un" + ], + [ + "3", + "00" + ], + [ + "az", + "e" + ], + [ + "ess", + "ions" + ], + [ + "Ġde", + "ck" + ], + [ + "Ġst", + "ood" + ], + [ + "Ġyou", + "th" + ], + [ + "ĠB", + "ern" + ], + [ + "R", + "ep" + ], + [ + "ĠT", + "est" + ], + [ + "Ġbas", + "ically" + ], + [ + "ot", + "ic" + ], + [ + "Ġinvol", + "ve" + ], + [ + "ol", + "it" + ], + [ + "ly", + "n" + ], + [ + "S", + "ee" + ], + [ + "Ġair", + "craft" + ], + [ + "Ġconf", + "irm" + ], + [ + "E", + "W" + ], + [ + "Ġmess", + "ages" + ], + [ + "ĠRich", + "ard" + ], + [ + "Ġk", + "it" + ], + [ + "Ġpro", + "hib" + ], + [ + "Ġv", + "ulner" + ], + [ + "is", + "ters" + ], + [ + "Ġexist", + "ence" + ], + [ + "Ġturn", + "ing" + ], + [ + "ĠS", + "P" + ], + [ + "Ġdes", + "ire" + ], + [ + "Ġfl", + "at" + ], + [ + "Ġm", + "ent" + ], + [ + "se", + "ason" + ], + [ + "ang", + "es" + ], + [ + "Ġneighbor", + "hood" + ], + [ + "ĠL", + "ake" + ], + [ + "AT", + "ION" + ], + [ + "Ġpoint", + "ed" + ], + [ + "b", + "ur" + ], + [ + "Ġinn", + "ov" + ], + [ + "uc", + "ks" + ], + [ + "U", + "L" + ], + [ + "Ġprofess", + "or" + ], + [ + "Ġexp", + "ressed" + ], + [ + "A", + "B" + ], + [ + "ic", + "ious" + ], + [ + "Ġ200", + "2" + ], + [ + "ĠDe", + "v" + ], + [ + "Ġs", + "ession" + ], + [ + "Ġb", + "are" + ], + [ + "s", + "en" + ], + [ + "Ġdis", + "s" + ], + [ + "ĠC", + "ath" + ], + [ + "ĠP", + "ass" + ], + [ + "ĠP", + "oint" + ], + [ + "Ġdo", + "ctor" + ], + [ + "or", + "row" + ], + [ + "ail", + "ed" + ], + [ + "ĠR", + "ub" + ], + [ + "ĠD", + "C" + ], + [ + "ĠChar", + "l" + ], + [ + "p", + "erson" + ], + [ + "Ġwrit", + "er" + ], + [ + "igh", + "ters" + ], + [ + "ure", + "au" + ], + [ + "Ġob", + "lig" + ], + [ + "Ġrecord", + "ed" + ], + [ + "Ġbro", + "ke" + ], + [ + "Ġord", + "ers" + ], + [ + "il", + "ty" + ], + [ + "Ġmot", + "ion" + ], + [ + "in", + "ity" + ], + [ + "l", + "aw" + ], + [ + "ad", + "ium" + ], + [ + "Ġimm", + "igration" + ], + [ + "Ġcontr", + "ast" + ], + [ + "Ġb", + "att" + ], + [ + "Ġex", + "cellent" + ], + [ + "Ġtechn", + "ical" + ], + [ + "am", + "i" + ], + [ + "Ġt", + "un" + ], + [ + "Ġcl", + "oud" + ], + [ + "ĠY", + "ear" + ], + [ + "ge", + "on" + ], + [ + "Ġcre", + "ation" + ], + [ + "Ġstr", + "ange" + ], + [ + "Ġa", + "uth" + ], + [ + "Ġfor", + "t" + ], + [ + "b", + "orn" + ], + [ + "Ġext", + "ent" + ], + [ + "ĠT", + "oday" + ], + [ + "ĠCl", + "ub" + ], + [ + "Ġr", + "ain" + ], + [ + "Ġs", + "ample" + ], + [ + "Ġaccept", + "ed" + ], + [ + "Ġt", + "act" + ], + [ + "Ġf", + "ired" + ], + [ + "ĠS", + "on" + ], + [ + "Ġstand", + "s" + ], + [ + "Ġb", + "oot" + ], + [ + "Ġ4", + "7" + ], + [ + "Ġstat", + "ements" + ], + [ + "Ġvers", + "ions" + ], + [ + "Ġse", + "lling" + ], + [ + "ound", + "ed" + ], + [ + "Ġ199", + "0" + ], + [ + "Ġwere", + "n" + ], + [ + "ĠW", + "atch" + ], + [ + "Ġexper", + "iment" + ], + [ + "P", + "ost" + ], + [ + "Ġret", + "ail" + ], + [ + "ul", + "ed" + ], + [ + "In", + "st" + ], + [ + "un", + "te" + ], + [ + "ãĥ", + "¼" + ], + [ + "Ġdep", + "art" + ], + [ + "Ġb", + "ond" + ], + [ + "i", + "very" + ], + [ + "om", + "pl" + ], + [ + "Ġre", + "action" + ], + [ + "ĠSyri", + "an" + ], + [ + "ĠP", + "ac" + ], + [ + "app", + "ed" + ], + [ + "ani", + "el" + ], + [ + "D", + "P" + ], + [ + "Ġres", + "olution" + ], + [ + "Ġre", + "act" + ], + [ + "Ġappro", + "ved" + ], + [ + "on", + "om" + ], + [ + "m", + "ond" + ], + [ + "ĠO", + "ffic" + ], + [ + "--", + "-" + ], + [ + "Ġrepl", + "ace" + ], + [ + "Ġt", + "ack" + ], + [ + "Ġsp", + "ort" + ], + [ + "Ġch", + "ain" + ], + [ + "Ġemer", + "gency" + ], + [ + "r", + "ad" + ], + [ + "ĠPalest", + "in" + ], + [ + "Ġ4", + "6" + ], + [ + "Ġautom", + "atically" + ], + [ + "Ġrout", + "e" + ], + [ + "Ġp", + "al" + ], + [ + "Ġb", + "anks" + ], + [ + "ĠPar", + "is" + ], + [ + "ĠMed", + "ia" + ], + [ + "ro", + "ad" + ], + [ + "ic", + "ing" + ], + [ + "i", + "xt" + ], + [ + "ist", + "ed" + ], + [ + "Ġg", + "rew" + ], + [ + "Ġco", + "ord" + ], + [ + "ĠW", + "here" + ], + [ + "om", + "in" + ], + [ + "Ġsub", + "s" + ], + [ + "�", + "�" + ], + [ + "ĠÂ", + "±" + ], + [ + "Ġcorpor", + "ate" + ], + [ + "Ġse", + "lection" + ], + [ + "n", + "oon" + ], + [ + "ĠRep", + "ort" + ], + [ + "c", + "s" + ], + [ + "clud", + "ing" + ], + [ + "ord", + "ers" + ], + [ + "anc", + "he" + ], + [ + "ĠIt", + "s" + ], + [ + "Ġslow", + "ly" + ], + [ + "ĠE", + "gypt" + ], + [ + "ĠA", + "cc" + ], + [ + "Ġcol", + "le" + ], + [ + "iqu", + "es" + ], + [ + "E", + "X" + ], + [ + "Ġattempt", + "s" + ], + [ + "ur", + "l" + ], + [ + "ĠC", + "ross" + ], + [ + "Ġfind", + "ings" + ], + [ + "ĠS", + "C" + ], + [ + "ĠO", + "R" + ], + [ + "Ġind", + "ex" + ], + [ + "ens", + "ity" + ], + [ + "ĠW", + "ay" + ], + [ + "ĠL", + "and" + ], + [ + "Ġsh", + "ock" + ], + [ + "d", + "is" + ], + [ + "Ġd", + "ynam" + ], + [ + "Ġc", + "art" + ], + [ + "m", + "osp" + ], + [ + "S", + "ince" + ], + [ + "i", + "est" + ], + [ + "ĠB", + "oy" + ], + [ + "Ġst", + "orm" + ], + [ + "ĠCont", + "in" + ], + [ + "201", + "3" + ], + [ + "he", + "w" + ], + [ + "il", + "it" + ], + [ + "Ġess", + "ential" + ], + [ + "iqu", + "id" + ], + [ + "O", + "ther" + ], + [ + "ive", + "red" + ], + [ + "Ġreason", + "able" + ], + [ + "A", + "ct" + ], + [ + "Ġsub", + "sequ" + ], + [ + "ĠP", + "ack" + ], + [ + "ĠF", + "ort" + ], + [ + "Ġconsider", + "ing" + ], + [ + "Ġun", + "iversity" + ], + [ + "l", + "og" + ], + [ + "Ġmar", + "ried" + ], + [ + "Ġill", + "ust" + ], + [ + "ĠTr", + "ue" + ], + [ + "£", + "ı" + ], + [ + "Ġnumer", + "ous" + ], + [ + "rast", + "ructure" + ], + [ + "Ġserious", + "ly" + ], + [ + "Ġrefer", + "red" + ], + [ + "u", + "a" + ], + [ + "Ġconsist", + "ent" + ], + [ + "on", + "na" + ], + [ + "ĠRe", + "al" + ], + [ + "ru", + "ption" + ], + [ + "ci", + "ples" + ], + [ + "Ġfact", + "s" + ], + [ + "9", + "1" + ], + [ + "ot", + "es" + ], + [ + "er", + "g" + ], + [ + "The", + "n" + ], + [ + "Ġacc", + "ompl" + ], + [ + "N", + "ote" + ], + [ + "Ġre", + "venue" + ], + [ + "Ġpass", + "ing" + ], + [ + "Ġm", + "al" + ], + [ + "e", + "en" + ], + [ + "ĠY", + "et" + ], + [ + "Ġg", + "ather" + ], + [ + "ter", + "day" + ], + [ + "ew", + "ork" + ], + [ + "ĠA", + "uthor" + ], + [ + "P", + "e" + ], + [ + "Ġopt", + "im" + ], + [ + "Ġr", + "ub" + ], + [ + "Ġè", + "£ı" + ], + [ + "Ġun", + "known" + ], + [ + "st", + "one" + ], + [ + "Ġun", + "ion" + ], + [ + "ol", + "ve" + ], + [ + "Ġopportun", + "ities" + ], + [ + "Ġbrow", + "ser" + ], + [ + "ĠW", + "al" + ], + [ + "ĠC", + "ost" + ], + [ + "Ġreport", + "ing" + ], + [ + "st", + "s" + ], + [ + "p", + "et" + ], + [ + "Ġs", + "and" + ], + [ + "Ġsudden", + "ly" + ], + [ + "Ġsurpr", + "ising" + ], + [ + "ĠV", + "R" + ], + [ + "Ġsomew", + "hat" + ], + [ + "ĠB", + "as" + ], + [ + "ult", + "ure" + ], + [ + "iz", + "z" + ], + [ + "ĠC", + "D" + ], + [ + "Ġchalleng", + "es" + ], + [ + "Ġsett", + "ings" + ], + [ + "Ġexperien", + "ces" + ], + [ + "ĠF", + "ull" + ], + [ + "Ġcan", + "n" + ], + [ + "Ġrece", + "iving" + ], + [ + "ES", + "T" + ], + [ + "Ġj", + "oint" + ], + [ + "Ġcult", + "ural" + ], + [ + "Ġa", + "st" + ], + [ + "8", + "2" + ], + [ + "as", + "tern" + ], + [ + "ce", + "ived" + ], + [ + "ĠC", + "ru" + ], + [ + "Ġb", + "ull" + ], + [ + "p", + "ired" + ], + [ + "am", + "m" + ], + [ + "Ġfac", + "ing" + ], + [ + "p", + "ower" + ], + [ + "Ġb", + "oss" + ], + [ + "ĠH", + "ol" + ], + [ + "Ġinst", + "r" + ], + [ + "Ġincreasing", + "ly" + ], + [ + "Ġsh", + "ift" + ], + [ + "Ġstre", + "ets" + ], + [ + "ĠWilliam", + "s" + ], + [ + "ab", + "b" + ], + [ + "Ġl", + "ie" + ], + [ + "Ġl", + "augh" + ], + [ + "ĠC", + "a" + ], + [ + "P", + "L" + ], + [ + "Ġadult", + "s" + ], + [ + "Ġcustom", + "er" + ], + [ + "Ġob", + "tained" + ], + [ + "Ġsupport", + "ing" + ], + [ + "ht", + "ml" + ], + [ + "f", + "ire" + ], + [ + "Ġdetail", + "ed" + ], + [ + "Ġpick", + "ed" + ], + [ + "ĠR", + "ight" + ], + [ + "ld", + "er" + ], + [ + "E", + "E" + ], + [ + "st", + "ood" + ], + [ + "ĠK", + "im" + ], + [ + "Ġw", + "ire" + ], + [ + "Ġs", + "ight" + ], + [ + "Ġdevelop", + "ers" + ], + [ + "Ġpers", + "ons" + ], + [ + "Ġs", + "ad" + ], + [ + "Ġc", + "up" + ], + [ + "Ġwar", + "ning" + ], + [ + "Ġboy", + "s" + ], + [ + "l", + "ong" + ], + [ + "Ġb", + "ird" + ], + [ + "f", + "o" + ], + [ + "Ġw", + "al" + ], + [ + "Ġobserv", + "ed" + ], + [ + "Ġz", + "one" + ], + [ + "iven", + "ess" + ], + [ + "Ġch", + "annel" + ], + [ + "c", + "ript" + ], + [ + "Ġref", + "used" + ], + [ + "ĠAg", + "ain" + ], + [ + "Ġsu", + "c" + ], + [ + "Ġspokes", + "man" + ], + [ + "ĠRe", + "f" + ], + [ + "r", + "ite" + ], + [ + "ou", + "ston" + ], + [ + "ãĥ", + "³" + ], + [ + "ĠS", + "her" + ], + [ + "Ġact", + "s" + ], + [ + "ĠN", + "ame" + ], + [ + "Ġstrugg", + "le" + ], + [ + "ar", + "ry" + ], + [ + "omet", + "imes" + ], + [ + "Ġdisc", + "rim" + ], + [ + "H", + "T" + ], + [ + "Ġcateg", + "ory" + ], + [ + "Ġreal", + "ize" + ], + [ + "Ġemploy", + "ee" + ], + [ + "ĠAf", + "ghan" + ], + [ + "en", + "ger" + ], + [ + "Ġgun", + "s" + ], + [ + "ĠSte", + "ve" + ], + [ + "ĠM", + "ot" + ], + [ + "ĠO", + "l" + ], + [ + "ok", + "ed" + ], + [ + "Ġth", + "ick" + ], + [ + "Ġfair", + "ly" + ], + [ + "ill", + "y" + ], + [ + "Ġsur", + "ve" + ], + [ + "ĠM", + "at" + ], + [ + "we", + "ight" + ], + [ + "â", + "Ķ" + ], + [ + "Ġtro", + "ops" + ], + [ + "Ġag", + "ents" + ], + [ + "Ġbatter", + "y" + ], + [ + "Ġmot", + "iv" + ], + [ + "Ã", + "¡" + ], + [ + "S", + "ec" + ], + [ + "d", + "en" + ], + [ + "o", + "very" + ], + [ + "L", + "S" + ], + [ + "Ġfl", + "u" + ], + [ + "Ġconf", + "ident" + ], + [ + "ĠO", + "per" + ], + [ + "Ġem", + "pty" + ], + [ + "Ġp", + "hen" + ], + [ + "Ġse", + "ctor" + ], + [ + "Ġexc", + "ited" + ], + [ + "Ġrem", + "ote" + ], + [ + "ap", + "h" + ], + [ + "o", + "en" + ], + [ + "Ġdestroy", + "ed" + ], + [ + "Ġmor", + "al" + ], + [ + "ĠH", + "P" + ], + [ + "ĠR", + "on" + ], + [ + "Ġd", + "ress" + ], + [ + "ĠB", + "at" + ], + [ + "Ġl", + "it" + ], + [ + "ĠM", + "S" + ], + [ + "Ġa", + "f" + ], + [ + "H", + "L" + ], + [ + "r", + "um" + ], + [ + "is", + "ms" + ], + [ + "Ġshould", + "n" + ], + [ + "Ġsym", + "pt" + ], + [ + "ĠTor", + "onto" + ], + [ + "het", + "ic" + ], + [ + "Ġcar", + "bon" + ], + [ + "Ġinstall", + "ed" + ], + [ + "Ġviol", + "ent" + ], + [ + "Ġsol", + "ar" + ], + [ + "j", + "a" + ], + [ + "Ġpract", + "ices" + ], + [ + "Ġr", + "ide" + ], + [ + "ĠP", + "enn" + ], + [ + "Ġimpro", + "ved" + ], + [ + "Ġaud", + "io" + ], + [ + "Ġbehav", + "i" + ], + [ + "ĠP", + "S" + ], + [ + "Ġe", + "ating" + ], + [ + "D", + "ata" + ], + [ + "ĠRe", + "view" + ], + [ + "p", + "ass" + ], + [ + "cl", + "aim" + ], + [ + "u", + "ated" + ], + [ + "ang", + "ers" + ], + [ + "c", + "hen" + ], + [ + "Ġproper", + "ties" + ], + [ + "Ġany", + "where" + ], + [ + "An", + "other" + ], + [ + "Ġbl", + "ow" + ], + [ + "ĠJack", + "son" + ], + [ + "Ġp", + "roud" + ], + [ + "Ġplan", + "e" + ], + [ + "l", + "ines" + ], + [ + "Ġsqu", + "are" + ], + [ + "Ġpro", + "of" + ], + [ + "ans", + "as" + ], + [ + "Ġtalk", + "ed" + ], + [ + "m", + "akers" + ], + [ + "Ġs", + "ister" + ], + [ + "Ġhold", + "s" + ], + [ + "Ġres", + "ident" + ], + [ + "Ġ=", + "=" + ], + [ + "Ġresist", + "ance" + ], + [ + "Ġspl", + "it" + ], + [ + "Ġpro", + "secut" + ], + [ + "Ġconf", + "idence" + ], + [ + "res", + "ents" + ], + [ + "Ġcut", + "s" + ], + [ + "Ġexcept", + "ion" + ], + [ + "Ġz", + "ero" + ], + [ + "Get", + "ty" + ], + [ + "Ġcop", + "yright" + ], + [ + "Ġtot", + "ally" + ], + [ + "orm", + "al" + ], + [ + "ific", + "ations" + ], + [ + "ĠAustral", + "ian" + ], + [ + "Ġs", + "ick" + ], + [ + "Ġ1", + "50" + ], + [ + "Ġhouse", + "hold" + ], + [ + "Ġfe", + "es" + ], + [ + "Ġdri", + "vers" + ], + [ + "og", + "en" + ], + [ + "ĠN", + "Y" + ], + [ + "Ġnecess", + "arily" + ], + [ + "Ġregul", + "ations" + ], + [ + "ear", + "ing" + ], + [ + "s", + "l" + ], + [ + "Ġperspect", + "ive" + ], + [ + "c", + "are" + ], + [ + "ic", + "ial" + ], + [ + "H", + "is" + ], + [ + "Ġesc", + "ape" + ], + [ + "Ġsurpr", + "ised" + ], + [ + "ĠV", + "an" + ], + [ + "ur", + "rent" + ], + [ + "Ġv", + "ac" + ], + [ + "8", + "1" + ], + [ + "ĠTh", + "us" + ], + [ + "Ġem", + "phas" + ], + [ + "ĠCh", + "ampions" + ], + [ + "ĠI", + "ce" + ], + [ + "Ġn", + "arr" + ], + [ + "Ġhead", + "s" + ], + [ + "Ġca", + "using" + ], + [ + "b", + "el" + ], + [ + "f", + "ortunately" + ], + [ + "ĠM", + "a" + ], + [ + "Ġtarg", + "ets" + ], + [ + "ci", + "pl" + ], + [ + "Ġafter", + "noon" + ], + [ + "Ġadd", + "s" + ], + [ + "ĠMay", + "be" + ], + [ + "ĠF", + "our" + ], + [ + "ess", + "ed" + ], + [ + "ple", + "te" + ], + [ + "Ġus", + "ual" + ], + [ + "ch", + "o" + ], + [ + "ing", + "u" + ], + [ + "Ġwith", + "d" + ], + [ + "ĠE", + "nergy" + ], + [ + "ĠE", + "conom" + ], + [ + "O", + "O" + ], + [ + "Ġart", + "icles" + ], + [ + "Ġinj", + "ured" + ], + [ + "Ġman", + "age" + ], + [ + "Ġexpl", + "ains" + ], + [ + "Ġdi", + "agn" + ], + [ + "R", + "ec" + ], + [ + "at", + "ures" + ], + [ + "Ġlink", + "ed" + ], + [ + "Ġdiscuss", + "ed" + ], + [ + "Ġexpl", + "o" + ], + [ + "Ġocc", + "asion" + ], + [ + "ath", + "an" + ], + [ + "Ġopp", + "osite" + ], + [ + "Ġfac", + "es" + ], + [ + "Ġden", + "ied" + ], + [ + "ĠK", + "night" + ], + [ + "Ġn", + "ut" + ], + [ + "Ġapprox", + "imately" + ], + [ + "Ġdisapp", + "oint" + ], + [ + "onym", + "ous" + ], + [ + "ĠB", + "est" + ], + [ + "ĠL", + "o" + ], + [ + "ĠH", + "y" + ], + [ + "ĠA", + "ff" + ], + [ + "Ġvot", + "ing" + ], + [ + "an", + "while" + ], + [ + "ĠII", + "I" + ], + [ + "Ġinstit", + "utions" + ], + [ + "ag", + "ram" + ], + [ + "ĠD", + "aily" + ], + [ + "Ġdr", + "ag" + ], + [ + "Ġnear", + "by" + ], + [ + "Ġgu", + "ilty" + ], + [ + "Ġcon", + "ver" + ], + [ + "P", + "re" + ], + [ + "s", + "hip" + ], + [ + "Ġre", + "ward" + ], + [ + "Ġphilos", + "oph" + ], + [ + "ĠS", + "S" + ], + [ + "u", + "gh" + ], + [ + "Ġapp", + "s" + ], + [ + "f", + "riend" + ], + [ + "Ġu", + "pper" + ], + [ + "Ġad", + "vert" + ], + [ + "Ġs", + "now" + ], + [ + "Ġfr", + "ust" + ], + [ + "Ġour", + "selves" + ], + [ + "F", + "r" + ], + [ + "ĠD", + "ie" + ], + [ + "amp", + "ion" + ], + [ + "Ġdis", + "miss" + ], + [ + "Ġc", + "ere" + ], + [ + "Ġsign", + "al" + ], + [ + "f", + "rom" + ], + [ + "Ġ", + ")." + ], + [ + "Ġ5", + "2" + ], + [ + "Ġcr", + "imes" + ], + [ + "it", + "ors" + ], + [ + "est", + "ival" + ], + [ + "use", + "um" + ], + [ + "Ġcoun", + "cil" + ], + [ + "ĠS", + "aud" + ], + [ + "M", + "ay" + ], + [ + "ĠG", + "un" + ], + [ + "ic", + "ian" + ], + [ + "et", + "her" + ], + [ + "Ġsu", + "fficient" + ], + [ + "ĠH", + "en" + ], + [ + "so", + "le" + ], + [ + "Ġhistor", + "ical" + ], + [ + "ĠF", + "ar" + ], + [ + "ĠT", + "urn" + ], + [ + "Ġp", + "in" + ], + [ + "Ġsuc", + "ceed" + ], + [ + "m", + "at" + ], + [ + "ly", + "mp" + ], + [ + "Ġtrad", + "ition" + ], + [ + "ĠO", + "k" + ], + [ + "Ġc", + "ro" + ], + [ + "Ġdesc", + "ription" + ], + [ + "al", + "le" + ], + [ + "Ġsk", + "y" + ], + [ + "T", + "e" + ], + [ + "Ġwide", + "ly" + ], + [ + "Ġw", + "ave" + ], + [ + "Ġdefin", + "ition" + ], + [ + "ĠJew", + "s" + ], + [ + "Ġcy", + "cle" + ], + [ + "Ġref", + "ere" + ], + [ + "Ġbr", + "ings" + ], + [ + "us", + "al" + ], + [ + "Ġal", + "ive" + ], + [ + "Ġfrequ", + "ently" + ], + [ + "Ġint", + "ention" + ], + [ + "ĠCont", + "rol" + ], + [ + "l", + "v" + ], + [ + "y", + "stem" + ], + [ + "Ġpriv", + "acy" + ], + [ + "g", + "ent" + ], + [ + "ren", + "ce" + ], + [ + "ĠQu", + "est" + ], + [ + "ĠChrist", + "mas" + ], + [ + "Ġr", + "ail" + ], + [ + "Ġco", + "oper" + ], + [ + "Ġtest", + "ed" + ], + [ + "ĠC", + "apt" + ], + [ + "as", + "ks" + ], + [ + "Ġcomfort", + "able" + ], + [ + "Ġdel", + "ivered" + ], + [ + "sc", + "ape" + ], + [ + "Ġdep", + "th" + ], + [ + "ĠG", + "OP" + ], + [ + "Ġwrit", + "es" + ], + [ + "Ġass", + "ets" + ], + [ + "Ġsa", + "v" + ], + [ + "im", + "ents" + ], + [ + "Ġtrans", + "ition" + ], + [ + "Ġart", + "ist" + ], + [ + "ĠL", + "ook" + ], + [ + "Ġl", + "ob" + ], + [ + "Ġcomp", + "onents" + ], + [ + "ar", + "ity" + ], + [ + "Ġwalk", + "ed" + ], + [ + "Ġro", + "ot" + ], + [ + "Ġparticip", + "ants" + ], + [ + "Ġnot", + "iced" + ], + [ + "Ġres", + "c" + ], + [ + "Ġn", + "av" + ], + [ + "ĠAd", + "minist" + ], + [ + "d", + "a" + ], + [ + "ut", + "ral" + ], + [ + "pl", + "ate" + ], + [ + "Ġimport", + "ance" + ], + [ + "Ġass", + "ert" + ], + [ + "ious", + "ly" + ], + [ + "c", + "ription" + ], + [ + "Ġinj", + "uries" + ], + [ + "ĠChe", + "ck" + ], + [ + "Ġregist", + "ered" + ], + [ + "Ġint", + "ent" + ], + [ + "Ġmiss", + "ed" + ], + [ + "ograph", + "ic" + ], + [ + "Ġsent", + "ence" + ], + [ + "oun", + "ter" + ], + [ + "Ġassist", + "ance" + ], + [ + "ev", + "in" + ], + [ + "Ġdat", + "abase" + ], + [ + "Ġbuild", + "ings" + ], + [ + "Ġclass", + "ic" + ], + [ + "Ġth", + "inks" + ], + [ + "ĠOh", + "io" + ], + [ + "P", + "r" + ], + [ + "ug", + "g" + ], + [ + "Ġfe", + "e" + ], + [ + "p", + "an" + ], + [ + "Ġeffect", + "ively" + ], + [ + "Ġfac", + "ility" + ], + [ + "Ġbe", + "ar" + ], + [ + "Ġch", + "apter" + ], + [ + "Ġdog", + "s" + ], + [ + "ĠCol", + "umb" + ], + [ + "Ġl", + "atter" + ], + [ + "it", + "ial" + ], + [ + "Ġad", + "mitted" + ], + [ + "T", + "V" + ], + [ + "ĠGe", + "org" + ], + [ + "Ġpost", + "s" + ], + [ + "\\", + "\\" + ], + [ + "Ġlawy", + "er" + ], + [ + "Ġequ", + "ival" + ], + [ + "Ġm", + "and" + ], + [ + "Ġcontro", + "lled" + ], + [ + "ĠW", + "alk" + ], + [ + "ĠAnd", + "rew" + ], + [ + "Ġmen", + "u" + ], + [ + "am", + "ental" + ], + [ + "Ġprotect", + "ed" + ], + [ + "v", + "a" + ], + [ + "Ġadminist", + "r" + ], + [ + "or", + "al" + ], + [ + "Ġre", + "in" + ], + [ + "ĠS", + "ar" + ], + [ + "Ġamount", + "s" + ], + [ + "Ġn", + "ative" + ], + [ + "ĠM", + "oon" + ], + [ + "Ġrep", + "resents" + ], + [ + "Ġab", + "andon" + ], + [ + "Ġcarry", + "ing" + ], + [ + "Ġt", + "ank" + ], + [ + "m", + "ary" + ], + [ + "Ġdecl", + "ared" + ], + [ + "T", + "ube" + ], + [ + "Ġh", + "at" + ], + [ + "Ġpun", + "ish" + ], + [ + "el", + "lect" + ], + [ + "m", + "es" + ], + [ + "Ġun", + "iverse" + ], + [ + "ĠR", + "od" + ], + [ + "ph", + "y" + ], + [ + "Ġinf", + "rastructure" + ], + [ + "Ġ5", + "1" + ], + [ + "Ġopp", + "osed" + ], + [ + "ow", + "nt" + ], + [ + "c", + "a" + ], + [ + "ĠM", + "ake" + ], + [ + "Ġhard", + "ware" + ], + [ + "Ġco", + "ffee" + ], + [ + "R", + "el" + ], + [ + "b", + "al" + ], + [ + "w", + "orld" + ], + [ + "ĠS", + "af" + ], + [ + "ĠSe", + "a" + ], + [ + "in", + "als" + ], + [ + "Ġown", + "ed" + ], + [ + "Ġh", + "all" + ], + [ + "ers", + "ion" + ], + [ + "Ġdescrib", + "e" + ], + [ + "ĠP", + "ot" + ], + [ + "Ġport", + "ion" + ], + [ + "Ġat", + "mosp" + ], + [ + "Ġgovern", + "ments" + ], + [ + "Ġdep", + "ending" + ], + [ + "Ġoff", + "ense" + ], + [ + "Ġtr", + "ick" + ], + [ + "aw", + "a" + ], + [ + "ĠL", + "ine" + ], + [ + "ĠV", + "is" + ], + [ + "ĠH", + "ard" + ], + [ + "ĠOr", + "ig" + ], + [ + "ĠCl", + "ick" + ], + [ + "Ġdes", + "k" + ], + [ + "ĠVal", + "ley" + ], + [ + "ĠS", + "ov" + ], + [ + "Ġmov", + "ies" + ], + [ + "Ġrem", + "ark" + ], + [ + "Ġm", + "ail" + ], + [ + "Ġcons", + "cious" + ], + [ + "Ġrul", + "ing" + ], + [ + "ĠR", + "ights" + ], + [ + "Ġmed", + "ic" + ], + [ + "he", + "nt" + ], + [ + "ĠW", + "omen" + ], + [ + ">", + "<" + ], + [ + "Ġrepl", + "aced" + ], + [ + "ĠP", + "rem" + ], + [ + "ĠTh", + "anks" + ], + [ + "Ġre", + "new" + ], + [ + "ĠB", + "all" + ], + [ + "if", + "orm" + ], + [ + "Ġsh", + "ots" + ], + [ + "C", + "omm" + ], + [ + "Ġar", + "med" + ], + [ + "Ġconst", + "ant" + ], + [ + "Ġt", + "aste" + ], + [ + "Ġreal", + "ized" + ], + [ + "Ġbu", + "ff" + ], + [ + "Ġm", + "o" + ], + [ + "Ġeffic", + "ient" + ], + [ + "M", + "ost" + ], + [ + "or", + "ation" + ], + [ + "if", + "ies" + ], + [ + "Ġcommun", + "ication" + ], + [ + "Ġfl", + "ood" + ], + [ + "Ġconsequ", + "ences" + ], + [ + "Ġany", + "way" + ], + [ + "ig", + "g" + ], + [ + "ĠG", + "M" + ], + [ + "ĠTh", + "ank" + ], + [ + "Ġ", + "iron" + ], + [ + "Ġev", + "olution" + ], + [ + "ĠC", + "op" + ], + [ + "tw", + "itter" + ], + [ + "Ġ9", + "5" + ], + [ + "Ġrelationship", + "s" + ], + [ + "ad", + "el" + ], + [ + "ĠYou", + "ng" + ], + [ + "Ġpropos", + "al" + ], + [ + "ay", + "ers" + ], + [ + "uild", + "ing" + ], + [ + "ĠH", + "ot" + ], + [ + "OR", + "E" + ], + [ + "c", + "os" + ], + [ + "Ġcoll", + "abor" + ], + [ + "P", + "G" + ], + [ + "ax", + "y" + ], + [ + "Ġknow", + "ing" + ], + [ + "Ġsupport", + "s" + ], + [ + "ow", + "ed" + ], + [ + "Ġcontrol", + "s" + ], + [ + "Ġmere", + "ly" + ], + [ + "um", + "er" + ], + [ + "Ġath", + "let" + ], + [ + "Ġf", + "ashion" + ], + [ + "p", + "ath" + ], + [ + "Ġg", + "ift" + ], + [ + "Ġer", + "a" + ], + [ + "AN", + "D" + ], + [ + "Ġkind", + "s" + ], + [ + "ĠKore", + "an" + ], + [ + "Ġleg", + "it" + ], + [ + "ul", + "ous" + ], + [ + "Ġess", + "entially" + ], + [ + "Ġthe", + "rap" + ], + [ + "n", + "ic" + ], + [ + "Ġsuff", + "ered" + ], + [ + "Ġh", + "ur" + ], + [ + "Ġprom", + "ise" + ], + [ + "Ġex", + "cess" + ], + [ + "Ġover", + "w" + ], + [ + "Ġpr", + "ime" + ], + [ + "ĠH", + "ouston" + ], + [ + "er", + "ry" + ], + [ + "ĠM", + "s" + ], + [ + "R", + "S" + ], + [ + "201", + "2" + ], + [ + "Ġst", + "ores" + ], + [ + "ĠO", + "lymp" + ], + [ + "Ġj", + "ourney" + ], + [ + "Al", + "though" + ], + [ + "S", + "ub" + ], + [ + "ĠE", + "duc" + ], + [ + "ĠCh", + "apter" + ], + [ + "Ġrequest", + "s" + ], + [ + "Ġconsum", + "ers" + ], + [ + "Ġt", + "iny" + ], + [ + "Ġis", + "ol" + ], + [ + "ĠF", + "air" + ], + [ + "b", + "a" + ], + [ + "ĠY", + "OU" + ], + [ + "Ġcr", + "ash" + ], + [ + "ce", + "ler" + ], + [ + "Ġemot", + "ional" + ], + [ + "Ġgood", + "s" + ], + [ + "Ġelect", + "ed" + ], + [ + "Ġmod", + "er" + ], + [ + "ĠLin", + "ux" + ], + [ + "Ġbl", + "ocks" + ], + [ + "Ġis", + "land" + ], + [ + "ĠSoc", + "iety" + ], + [ + "Ġelect", + "ions" + ], + [ + "Ġbroad", + "cast" + ], + [ + "Ġche", + "ap" + ], + [ + "Ġn", + "ations" + ], + [ + "Ġse", + "asons" + ], + [ + "4", + "00" + ], + [ + "Ġwas", + "te" + ], + [ + "ĠS", + "at" + ], + [ + "Ġfield", + "s" + ], + [ + "em", + "ploy" + ], + [ + "Ġprof", + "ile" + ], + [ + "Ġauth", + "ors" + ], + [ + "AL", + "L" + ], + [ + "ĠG", + "ra" + ], + [ + "w", + "est" + ], + [ + "ĠT", + "y" + ], + [ + "Ġdeath", + "s" + ], + [ + "Ġv", + "acc" + ], + [ + "Ġfor", + "med" + ], + [ + "Ġd", + "u" + ], + [ + "Ġon", + "going" + ], + [ + "ĠMuslim", + "s" + ], + [ + "el", + "f" + ], + [ + "ig", + "ure" + ], + [ + "Ġass", + "ume" + ], + [ + "ĠUkrain", + "e" + ], + [ + "w", + "ater" + ], + [ + "Ġco", + "ast" + ], + [ + "Ġvot", + "ed" + ], + [ + "g", + "or" + ], + [ + "ĠA", + "S" + ], + [ + "ĠMich", + "igan" + ], + [ + "az", + "a" + ], + [ + "ĠAr", + "m" + ], + [ + "i", + "ro" + ], + [ + "Ġf", + "lex" + ], + [ + "as", + "ters" + ], + [ + "'", + "'" + ], + [ + "Ġwel", + "come" + ], + [ + "ar", + "l" + ], + [ + "Ġloc", + "ations" + ], + [ + "ig", + "ation" + ], + [ + "ĠF", + "il" + ], + [ + "Ġbu", + "ying" + ], + [ + "Ġarch", + "itect" + ], + [ + "Ġhard", + "er" + ], + [ + "ĠC", + "ub" + ], + [ + "Ġinter", + "face" + ], + [ + "Ġrestaur", + "ant" + ], + [ + "Ġdisco", + "ver" + ], + [ + "Ġex", + "ceed" + ], + [ + "Ġfav", + "our" + ], + [ + "ger", + "y" + ], + [ + "Ġd", + "uty" + ], + [ + "Ġp", + "itch" + ], + [ + "ad", + "or" + ], + [ + "ĠM", + "ach" + ], + [ + "b", + "oy" + ], + [ + "Ġrespond", + "ed" + ], + [ + "Ġext", + "ended" + ], + [ + "her", + "s" + ], + [ + "M", + "any" + ], + [ + "ra", + "id" + ], + [ + "if", + "er" + ], + [ + "ĠIn", + "s" + ], + [ + "S", + "er" + ], + [ + "Ġmed", + "ium" + ], + [ + "s", + "he" + ], + [ + "ĠS", + "ports" + ], + [ + "Ġmag", + "azine" + ], + [ + "ut", + "ation" + ], + [ + "Ġlim", + "its" + ], + [ + "ĠG", + "all" + ], + [ + "Ġex", + "ternal" + ], + [ + "raz", + "il" + ], + [ + "Ġyoung", + "er" + ], + [ + "t", + "le" + ], + [ + "Ġrem", + "ind" + ], + [ + "ĠC", + "ON" + ], + [ + "Ġimmedi", + "ate" + ], + [ + "Ġh", + "idden" + ], + [ + "Ġvol", + "unte" + ], + [ + "Ġsim", + "pl" + ], + [ + "od", + "cast" + ], + [ + "Ġph", + "ase" + ], + [ + "d", + "r" + ], + [ + "Ġpl", + "ot" + ], + [ + "Ġexp", + "osure" + ], + [ + "R", + "I" + ], + [ + "og", + "rap" + ], + [ + "v", + "in" + ], + [ + "an", + "ish" + ], + [ + "ĠAc", + "ad" + ], + [ + "ĠEng", + "ine" + ], + [ + "Ġexp", + "ansion" + ], + [ + "ĠP", + "ay" + ], + [ + "Y", + "our" + ], + [ + "Ġpus", + "hed" + ], + [ + "ĠE", + "ll" + ], + [ + "ĠHe", + "ad" + ], + [ + "Ġmarket", + "ing" + ], + [ + "ĠA", + "C" + ], + [ + "k", + "et" + ], + [ + "Ġh", + "its" + ], + [ + "Ġg", + "ro" + ], + [ + "ĠA", + "ge" + ], + [ + "ĠSc", + "ot" + ], + [ + "]", + "[" + ], + [ + "Ġst", + "im" + ], + [ + "Ġi", + "Phone" + ], + [ + "Ī", + "Ĵ" + ], + [ + "Ġn", + "arrow" + ], + [ + "ĠGet", + "ty" + ], + [ + "ĠTur", + "key" + ], + [ + "Ġperfect", + "ly" + ], + [ + "Ġen", + "able" + ], + [ + "ut", + "ch" + ], + [ + "Ġprec", + "ise" + ], + [ + "Ġreg", + "ime" + ], + [ + "Ġsh", + "if" + ], + [ + "Ġcomp", + "ens" + ], + [ + "g", + "un" + ], + [ + "d", + "iv" + ], + [ + "Ġch", + "osen" + ], + [ + "ĠK", + "en" + ], + [ + "An", + "y" + ], + [ + "Ġtre", + "es" + ], + [ + "Ġrecomm", + "ended" + ], + [ + "ĠR", + "en" + ], + [ + "u", + "able" + ], + [ + "ĠH", + "T" + ], + [ + "F", + "ollow" + ], + [ + "E", + "G" + ], + [ + "ĠH", + "and" + ], + [ + "ĠK", + "enn" + ], + [ + "Ġarg", + "uments" + ], + [ + "Ġex", + "ists" + ], + [ + "Ġb", + "ike" + ], + [ + "ĠCons", + "erv" + ], + [ + "Ġbre", + "aking" + ], + [ + "ĠG", + "ar" + ], + [ + "Ġc", + "razy" + ], + [ + "Ġvirt", + "ual" + ], + [ + "ay", + "lor" + ], + [ + "ix", + "el" + ], + [ + "Ġ19", + "80" + ], + [ + "Ġper", + "mission" + ], + [ + "ĠSer", + "ies" + ], + [ + "Ġconsum", + "er" + ], + [ + "Ġclose", + "ly" + ], + [ + "c", + "alled" + ], + [ + "Ġ5", + "4" + ], + [ + "Ġhop", + "es" + ], + [ + "Ġar", + "ray" + ], + [ + "ĠW", + "in" + ], + [ + "ĠLab", + "our" + ], + [ + "Ġsp", + "ons" + ], + [ + "ĠI", + "re" + ], + [ + "Ġp", + "ow" + ], + [ + "Ġread", + "ers" + ], + [ + "Ġemploy", + "ment" + ], + [ + "Ġcreat", + "ure" + ], + [ + "Ġresult", + "ing" + ], + [ + "Ġaccur", + "ate" + ], + [ + "Ġmom", + "ents" + ], + [ + "Ġarg", + "ued" + ], + [ + "Ġp", + "ed" + ], + [ + "D", + "uring" + ], + [ + "Ġ5", + "3" + ], + [ + "ĠT", + "al" + ], + [ + "Ġs", + "ought" + ], + [ + "Ġsuff", + "ering" + ], + [ + "Ġ", + "icon" + ], + [ + "le", + "e" + ], + [ + "Ġ(", + "$" + ], + [ + "al", + "ian" + ], + [ + "Â", + "°" + ], + [ + "Ġp", + "ra" + ], + [ + "Ġbon", + "us" + ], + [ + "(", + "\"" + ], + [ + "k", + "o" + ], + [ + "Ġact", + "ing" + ], + [ + "D", + "E" + ], + [ + "f", + "all" + ], + [ + "Ġcompar", + "ison" + ], + [ + "Ġsm", + "ooth" + ], + [ + "ĠN", + "AS" + ], + [ + "u", + "pp" + ], + [ + "ĠJose", + "ph" + ], + [ + "ep", + "ing" + ], + [ + "ĠT", + "ake" + ], + [ + "ĠM", + "id" + ], + [ + "Ġs", + "ending" + ], + [ + "f", + "ast" + ], + [ + "ĠF", + "all" + ], + [ + "Ġdeal", + "ing" + ], + [ + "us", + "er" + ], + [ + "ĠOr", + "gan" + ], + [ + "C", + "o" + ], + [ + "Ġatt", + "ached" + ], + [ + "Ġse", + "es" + ], + [ + "%", + "." + ], + [ + "Ġtyp", + "ical" + ], + [ + "AR", + "T" + ], + [ + "Ġfind", + "s" + ], + [ + "ĠAs", + "ia" + ], + [ + "um", + "in" + ], + [ + "ĠC", + "ore" + ], + [ + "ĠE", + "nt" + ], + [ + "in", + "ent" + ], + [ + "u", + "ce" + ], + [ + "ĠBl", + "ood" + ], + [ + "ĠN", + "ever" + ], + [ + "Ġem", + "ails" + ], + [ + "Ġhigh", + "light" + ], + [ + "Ġconf", + "ront" + ], + [ + "at", + "us" + ], + [ + "ut", + "ed" + ], + [ + "Ġun", + "us" + ], + [ + "Ġtop", + "ic" + ], + [ + "ĠAd", + "am" + ], + [ + "Ġb", + "le" + ], + [ + "at", + "i" + ], + [ + "Ġunder", + "stood" + ], + [ + "S", + "et" + ], + [ + "st", + "ruct" + ], + [ + "T", + "P" + ], + [ + "Ġm", + "ob" + ], + [ + "a", + "a" + ], + [ + "ĠSt", + "art" + ], + [ + "pect", + "ed" + ], + [ + "se", + "ll" + ], + [ + "Ġded", + "icated" + ], + [ + "ĠC", + "A" + ], + [ + "u", + "an" + ], + [ + "Ġsong", + "s" + ], + [ + "esc", + "ription" + ], + [ + "Ġte", + "ch" + ], + [ + "Ġr", + "ape" + ], + [ + "Ġas", + "ide" + ], + [ + "Ġgr", + "ant" + ], + [ + "Ġ5", + "6" + ], + [ + "s", + "ub" + ], + [ + "Ġarg", + "ue" + ], + [ + "Ġcont", + "aining" + ], + [ + "Ġsche", + "dule" + ], + [ + "Ġliber", + "al" + ], + [ + "Ġpublic", + "ly" + ], + [ + "Ġheav", + "ily" + ], + [ + "ĠU", + "t" + ], + [ + "in", + "er" + ], + [ + "ĠS", + "ection" + ], + [ + "ĠC", + "are" + ], + [ + "we", + "et" + ], + [ + "l", + "s" + ], + [ + "D", + "is" + ], + [ + "âĶ", + "Ģ" + ], + [ + "ĠF", + "ollow" + ], + [ + "B", + "ack" + ], + [ + "ĠI", + "T" + ], + [ + "Ġb", + "es" + ], + [ + "j", + "i" + ], + [ + "ĠH", + "it" + ], + [ + "est", + "ed" + ], + [ + "Ġevery", + "body" + ], + [ + "ĠSw", + "ed" + ], + [ + "Ġfem", + "in" + ], + [ + "Ġfac", + "ilities" + ], + [ + "Ġcon", + "ven" + ], + [ + "C", + "omp" + ], + [ + "ĠO", + "S" + ], + [ + "c", + "ore" + ], + [ + "Ġan", + "x" + ], + [ + "Ġdiv", + "ision" + ], + [ + "ĠC", + "am" + ], + [ + "ĠSt", + "an" + ], + [ + "m", + "ates" + ], + [ + "Ġexpl", + "ore" + ], + [ + "pl", + "om" + ], + [ + "Ġsh", + "ares" + ], + [ + "pl", + "oad" + ], + [ + "an", + "es" + ], + [ + "Ġide", + "al" + ], + [ + "et", + "ers" + ], + [ + "ĠB", + "ase" + ], + [ + "Ġpl", + "astic" + ], + [ + "Ġdist", + "inct" + ], + [ + "ĠNet", + "work" + ], + [ + "ĠSe", + "attle" + ], + [ + "Ġtrad", + "ing" + ], + [ + "ens", + "us" + ], + [ + "int", + "end" + ], + [ + "Ġex", + "hib" + ], + [ + "Ġinit", + "ially" + ], + [ + "ĠF", + "ood" + ], + [ + "Ġthous", + "and" + ], + [ + "ĠBus", + "iness" + ], + [ + "act", + "er" + ], + [ + "Ġpar", + "agraph" + ], + [ + "Ġrough", + "ly" + ], + [ + "Ġw", + "ww" + ], + [ + "Ġcreat", + "ive" + ], + [ + "ĠCon", + "f" + ], + [ + "Ġconsum", + "ption" + ], + [ + "Ġfil", + "ms" + ], + [ + "ag", + "an" + ], + [ + "Ġob", + "tain" + ], + [ + "Ġt", + "all" + ], + [ + "Ġt", + "or" + ], + [ + "Ġacknow", + "led" + ], + [ + "Ġg", + "rown" + ], + [ + "al", + "o" + ], + [ + "K", + "E" + ], + [ + "Ġ4", + "00" + ], + [ + "end", + "ers" + ], + [ + "t", + "aining" + ], + [ + "U", + "G" + ], + [ + "Ġsu", + "icide" + ], + [ + "Ġwat", + "ched" + ], + [ + "ĠL", + "ist" + ], + [ + "al", + "i" + ], + [ + "re", + "hens" + ], + [ + "Ġsurround", + "ing" + ], + [ + "Ġp", + "ip" + ], + [ + "Ġf", + "lying" + ], + [ + "ĠJ", + "ava" + ], + [ + "ord", + "an" + ], + [ + "Ġserv", + "ing" + ], + [ + "in", + "ations" + ], + [ + "p", + "ost" + ], + [ + "Ġsh", + "o" + ], + [ + "A", + "v" + ], + [ + "Ġj", + "ail" + ], + [ + "z", + "y" + ], + [ + "Ġ199", + "9" + ], + [ + "Ġ<", + "/" + ], + [ + "Ġliter", + "ally" + ], + [ + "ĠS", + "ir" + ], + [ + "Ġexp", + "osed" + ], + [ + "Ġl", + "ies" + ], + [ + "st", + "ar" + ], + [ + "Ġb", + "at" + ], + [ + "Ġear", + "ned" + ], + [ + "ĠD", + "ig" + ], + [ + "Ġspec", + "ified" + ], + [ + "ĠSe", + "ason" + ], + [ + "Ġdeg", + "rees" + ], + [ + "Don", + "ald" + ], + [ + "Ġcent", + "re" + ], + [ + "Ġsh", + "aring" + ], + [ + "Ġwin", + "ter" + ], + [ + "ĠC", + "O" + ], + [ + "C", + "he" + ], + [ + "Ġ", + "Î" + ], + [ + "M", + "P" + ], + [ + "Ġun", + "w" + ], + [ + "Ġfew", + "er" + ], + [ + "ĠM", + "ir" + ], + [ + "Ġsomew", + "here" + ], + [ + "ĠK", + "ey" + ], + [ + "Ġattack", + "ed" + ], + [ + "ĠK", + "ir" + ], + [ + "Ġdom", + "ain" + ], + [ + "Ġstrong", + "er" + ], + [ + "Ġ9", + "9" + ], + [ + "Ġpen", + "alty" + ], + [ + "I", + "d" + ], + [ + "Sc", + "ript" + ], + [ + "Ġdecl", + "ined" + ], + [ + "Ġne", + "ck" + ], + [ + "Ġfra", + "ud" + ], + [ + "Ġcur", + "rency" + ], + [ + "Ġr", + "ising" + ], + [ + "R", + "C" + ], + [ + "âĢ¦", + "âĢ¦" + ], + [ + "H", + "z" + ], + [ + "Ġt", + "ab" + ], + [ + "Ġtal", + "ent" + ], + [ + "n", + "am" + ], + [ + "ĠN", + "BA" + ], + [ + "Ġvill", + "age" + ], + [ + "Ġleg", + "s" + ], + [ + "ĠN", + "ext" + ], + [ + "E", + "d" + ], + [ + "Ġac", + "id" + ], + [ + "Ġhy", + "d" + ], + [ + "8", + "00" + ], + [ + "Ġinvol", + "ving" + ], + [ + "ĠIm", + "age" + ], + [ + "ĠBe", + "fore" + ], + [ + "F", + "l" + ], + [ + "Ġyes", + "terday" + ], + [ + "S", + "ource" + ], + [ + "Ġterror", + "ist" + ], + [ + "Ġsu", + "p" + ], + [ + "Ġsy", + "nt" + ], + [ + "ĠSaud", + "i" + ], + [ + "Ġw", + "est" + ], + [ + "Ġr", + "u" + ], + [ + "b", + "urg" + ], + [ + "Ġvis", + "ible" + ], + [ + "Ġstru", + "ck" + ], + [ + "r", + "ison" + ], + [ + "Ġaw", + "esome" + ], + [ + "Ġd", + "rawn" + ], + [ + "Ġansw", + "ers" + ], + [ + "ĠG", + "irl" + ], + [ + "ĠR", + "am" + ], + [ + "Ġthreat", + "s" + ], + [ + "Ġdef", + "eat" + ], + [ + "os", + "it" + ], + [ + "Ġv", + "ent" + ], + [ + "atur", + "ally" + ], + [ + "Americ", + "an" + ], + [ + "end", + "a" + ], + [ + "ĠH", + "oly" + ], + [ + "Ġr", + "um" + ], + [ + "%", + "," + ], + [ + "c", + "ase" + ], + [ + "ĠHist", + "ory" + ], + [ + "ĠYou", + "Tube" + ], + [ + "Ġsit", + "uations" + ], + [ + "ĠD", + "NA" + ], + [ + "S", + "te" + ], + [ + "Ġsa", + "ved" + ], + [ + "It", + "em" + ], + [ + "Ġrec", + "ip" + ], + [ + "olog", + "ist" + ], + [ + "Ġfac", + "ed" + ], + [ + "Ġel", + "ig" + ], + [ + "O", + "nce" + ], + [ + "ĠL", + "i" + ], + [ + "u", + "h" + ], + [ + "Ġmist", + "ake" + ], + [ + "ĠDiv", + "ision" + ], + [ + "ĠB", + "ell" + ], + [ + "Ġsympt", + "oms" + ], + [ + "Â", + "®" + ], + [ + "Ġdom", + "in" + ], + [ + "Ġfall", + "ing" + ], + [ + "Ġend", + "ing" + ], + [ + "as", + "hes" + ], + [ + "Ġmat", + "ches" + ], + [ + "ĠOn", + "line" + ], + [ + "Ġexplan", + "ation" + ], + [ + "D", + "ef" + ], + [ + "red", + "it" + ], + [ + "Ġany", + "more" + ], + [ + "ĠT", + "otal" + ], + [ + "ĠF", + "OR" + ], + [ + "us", + "hed" + ], + [ + "Ġlet", + "ters" + ], + [ + "Ġris", + "ks" + ], + [ + "ĠO", + "K" + ], + [ + "Ġreported", + "ly" + ], + [ + ":", + "\\" + ], + [ + "Ġpl", + "ate" + ], + [ + "Ġsubject", + "s" + ], + [ + "Ġattempt", + "ed" + ], + [ + "if", + "ier" + ], + [ + "ian", + "a" + ], + [ + "Ġunlike", + "ly" + ], + [ + "ĠTh", + "ough" + ], + [ + "um", + "a" + ], + [ + "ĠIn", + "vest" + ], + [ + "ĠPr", + "in" + ], + [ + "ic", + "an" + ], + [ + "ĠD", + "ar" + ], + [ + "ĠColor", + "ado" + ], + [ + "au", + "g" + ], + [ + "Ġve", + "get" + ], + [ + "a", + "os" + ], + [ + "ri", + "a" + ], + [ + "Ġshe", + "l" + ], + [ + "Ġmark", + "ed" + ], + [ + "Ġ(", + ")" + ], + [ + "Ġsp", + "r" + ], + [ + "p", + "o" + ], + [ + "ĠL", + "ink" + ], + [ + "Ġdef", + "e" + ], + [ + "ĠJ", + "r" + ], + [ + "Ġthem", + "e" + ], + [ + "Ġpass", + "ion" + ], + [ + "ĠP", + "en" + ], + [ + "Ġinf", + "o" + ], + [ + "iz", + "er" + ], + [ + "Ġsh", + "it" + ], + [ + "ĠC", + "ivil" + ], + [ + "ap", + "se" + ], + [ + "c", + "re" + ], + [ + "Ġpo", + "ly" + ], + [ + "Ġcomp", + "onent" + ], + [ + "ĠChar", + "les" + ], + [ + "ĠIre", + "land" + ], + [ + "ĠPro", + "v" + ], + [ + "Ġdo", + "ctors" + ], + [ + "Ġgr", + "anted" + ], + [ + "Ġpain", + "t" + ], + [ + "Ġhon", + "or" + ], + [ + "Ġsm", + "oke" + ], + [ + "Ġpay", + "ments" + ], + [ + "Ġprim", + "arily" + ], + [ + "ĠKing", + "dom" + ], + [ + "r", + "ich" + ], + [ + "ate", + "ll" + ], + [ + "Ġde", + "als" + ], + [ + "Ġsched", + "uled" + ], + [ + "Ġfund", + "amental" + ], + [ + "Ġprote", + "in" + ], + [ + "Ġnewsp", + "aper" + ], + [ + "Ġcl", + "ients" + ], + [ + "yth", + "on" + ], + [ + "ĠD", + "ate" + ], + [ + "h", + "us" + ], + [ + "Ġfeed", + "back" + ], + [ + "Ġstret", + "ch" + ], + [ + "Ġc", + "ock" + ], + [ + "Ġhot", + "el" + ], + [ + "ĠQue", + "en" + ], + [ + "Ġsu", + "gar" + ], + [ + "Ġj", + "u" + ], + [ + "Ġmil", + "k" + ], + [ + "Ġappro", + "val" + ], + [ + "ĠL", + "ive" + ], + [ + "Ġequival", + "ent" + ], + [ + "ef", + "ully" + ], + [ + "Ġins", + "ert" + ], + [ + "z", + "ona" + ], + [ + "Ġext", + "ension" + ], + [ + "d", + "ri" + ], + [ + "J", + "ohn" + ], + [ + "Ġacc", + "omp" + ], + [ + "S", + "m" + ], + [ + "ĠF", + "und" + ], + [ + "Ġconst", + "antly" + ], + [ + "Ġ`", + "`" + ], + [ + "Ġgener", + "ated" + ], + [ + "ĠA", + "ction" + ], + [ + "ĠP", + "sych" + ], + [ + "ĠT", + "ri" + ], + [ + "Ġrecogn", + "ize" + ], + [ + "Ġv", + "ary" + ], + [ + "ph", + "a" + ], + [ + "ĠR", + "a" + ], + [ + "d", + "f" + ], + [ + "et", + "ch" + ], + [ + "ĠSov", + "iet" + ], + [ + "Tw", + "o" + ], + [ + "Ġpattern", + "s" + ], + [ + "Ġprof", + "ession" + ], + [ + "an", + "ing" + ], + [ + "T", + "ime" + ], + [ + "ĠL", + "im" + ], + [ + "Ġcol", + "ors" + ], + [ + "ĠA", + "z" + ], + [ + "ĠT", + "R" + ], + [ + "Ġinf", + "ect" + ], + [ + "Ġphen", + "omen" + ], + [ + "Ġshe", + "ll" + ], + [ + "Al", + "so" + ], + [ + "Ġput", + "s" + ], + [ + "Ġdel", + "ivery" + ], + [ + "Ġbro", + "wn" + ], + [ + "Ġprocess", + "ing" + ], + [ + "Ġlight", + "s" + ], + [ + "ess", + "age" + ], + [ + "ĠBro", + "ok" + ], + [ + "ĠA", + "ud" + ], + [ + "l", + "ation" + ], + [ + "Ġindust", + "rial" + ], + [ + "L", + "ike" + ], + [ + "ĠB", + "razil" + ], + [ + "rou", + "s" + ], + [ + "ES", + "S" + ], + [ + "ĠL", + "uc" + ], + [ + "Ġsome", + "how" + ], + [ + "Ġ8", + "5" + ], + [ + "Ġpro", + "port" + ], + [ + "Ġpolit", + "icians" + ], + [ + "Ġindic", + "ate" + ], + [ + "Ġh", + "ole" + ], + [ + "Ġtechn", + "iques" + ], + [ + "Ġcompet", + "itive" + ], + [ + "Ġph", + "r" + ], + [ + "Ġv", + "o" + ], + [ + "ist", + "ent" + ], + [ + "ĠD", + "ream" + ], + [ + "Ġcamp", + "us" + ], + [ + "Ġaspect", + "s" + ], + [ + "Ġhelp", + "ful" + ], + [ + "Ġsh", + "ield" + ], + [ + "or", + "se" + ], + [ + "Ġtrig", + "ger" + ], + [ + "m", + "al" + ], + [ + "Ġ5", + "8" + ], + [ + "Ġt", + "ort" + ], + [ + "Ġperson", + "ally" + ], + [ + "Ġt", + "ag" + ], + [ + "Ġkeep", + "s" + ], + [ + "ĠV", + "ideo" + ], + [ + "Ġben", + "ch" + ], + [ + "Ġg", + "ap" + ], + [ + "a", + "ire" + ], + [ + "Ġe", + "ast" + ], + [ + "Ġrec", + "overy" + ], + [ + "per", + "ial" + ], + [ + "Ġprof", + "it" + ], + [ + "ĠM", + "ic" + ], + [ + "Ġ5", + "7" + ], + [ + "Ġcol", + "on" + ], + [ + "Ġstrong", + "ly" + ], + [ + "st", + "yle" + ], + [ + "Ġalleg", + "ations" + ], + [ + "h", + "an" + ], + [ + "Ġrep", + "orters" + ], + [ + "j", + "o" + ], + [ + "r", + "ine" + ], + [ + "arg", + "et" + ], + [ + "and", + "al" + ], + [ + "Ġ0", + "3" + ], + [ + "Ġfl", + "ash" + ], + [ + "tr", + "ans" + ], + [ + "Ġstr", + "ict" + ], + [ + "Ġpark", + "ing" + ], + [ + "ĠPak", + "istan" + ], + [ + "Ġl", + "i" + ], + [ + "Ġwe", + "ird" + ], + [ + "ĠE", + "ric" + ], + [ + "Ġreg", + "ions" + ], + [ + "ĠJ", + "un" + ], + [ + "Ġint", + "ellect" + ], + [ + "ĠW", + "H" + ], + [ + "od", + "ing" + ], + [ + "rib", + "utes" + ], + [ + "up", + "id" + ], + [ + "ĠT", + "it" + ], + [ + "Ġf", + "inger" + ], + [ + "or", + "ia" + ], + [ + "Ġe", + "lev" + ], + [ + "ĠF", + "ield" + ], + [ + "Ġcon", + "clusion" + ], + [ + ";", + ";" + ], + [ + "Ġfeel", + "ings" + ], + [ + "Ġext", + "ensive" + ], + [ + "Ġm", + "ixed" + ], + [ + "Ġne", + "uro" + ], + [ + "v", + "y" + ], + [ + "Ġhar", + "ass" + ], + [ + "ĠC", + "irc" + ], + [ + "ou", + "ch" + ], + [ + "Ġterrit", + "ory" + ], + [ + "Ġsuccess", + "fully" + ], + [ + "M", + "ar" + ], + [ + "Ġing", + "red" + ], + [ + "Ġoverw", + "hel" + ], + [ + "Ġl", + "ayer" + ], + [ + "V", + "iew" + ], + [ + "Ġall", + "ies" + ], + [ + "ill", + "ance" + ], + [ + "ĠTh", + "ree" + ], + [ + "Ġb", + "unch" + ], + [ + "Ġnorm", + "ally" + ], + [ + "Ġnet", + "works" + ], + [ + "Ġsac", + "r" + ], + [ + "ĠC", + "IA" + ], + [ + "b", + "les" + ], + [ + "Ġch", + "ose" + ], + [ + "Ġopp", + "onents" + ], + [ + "Ġregard", + "less" + ], + [ + "Ġfr", + "anch" + ], + [ + "Ġpre", + "f" + ], + [ + "ĠP", + "o" + ], + [ + "Ġbr", + "idge" + ], + [ + "ann", + "a" + ], + [ + "ĠSil", + "ver" + ], + [ + "Ġw", + "age" + ], + [ + "p", + "age" + ], + [ + "ri", + "or" + ], + [ + "Ġrad", + "ical" + ], + [ + "ĠL", + "ittle" + ], + [ + "Ġman", + "ip" + ], + [ + "Ġsecret", + "ary" + ], + [ + "Ġg", + "ang" + ], + [ + "D", + "R" + ], + [ + "F", + "A" + ], + [ + "Ġdec", + "ent" + ], + [ + "ĠSp", + "irit" + ], + [ + "Ġun", + "cle" + ], + [ + "ĠDevelop", + "ment" + ], + [ + "Ġinvest", + "ors" + ], + [ + "Ġwall", + "s" + ], + [ + "Ġpub", + "lish" + ], + [ + "Ġgener", + "ate" + ], + [ + "iss", + "ions" + ], + [ + "c", + "ar" + ], + [ + "Ġprom", + "ote" + ], + [ + "Ġcut", + "ting" + ], + [ + "Ġche", + "st" + ], + [ + "Ġdrink", + "ing" + ], + [ + "Ġcollect", + "ed" + ], + [ + "Ġ7", + "2" + ], + [ + "Ġhop", + "ing" + ], + [ + "Ġem", + "br" + ], + [ + "gor", + "ith" + ], + [ + "Ġwar", + "ned" + ], + [ + "Ġinstruct", + "ions" + ], + [ + "O", + "G" + ], + [ + "ĠD", + "id" + ], + [ + "ĠAg", + "ency" + ], + [ + "Ġg", + "ear" + ], + [ + "Ġcritic", + "ism" + ], + [ + "ĠF", + "urther" + ], + [ + "Ġut", + "il" + ], + [ + "ann", + "y" + ], + [ + "R", + "ed" + ], + [ + "Ġcoun", + "sel" + ], + [ + "ĠAs", + "ian" + ], + [ + "Ġredu", + "ction" + ], + [ + "p", + "ool" + ], + [ + "Ġteach", + "ing" + ], + [ + "Ġdeep", + "ly" + ], + [ + "i", + "y" + ], + [ + "Ġestim", + "ates" + ], + [ + "Ġcho", + "ices" + ], + [ + "Ġperman", + "ent" + ], + [ + "in", + "em" + ], + [ + "ke", + "l" + ], + [ + "Ġf", + "asc" + ], + [ + "p", + "se" + ], + [ + "f", + "ile" + ], + [ + "ĠL", + "ow" + ], + [ + "ĠP", + "erson" + ], + [ + "Ġt", + "ournament" + ], + [ + "st", + "al" + ], + [ + "Ġm", + "el" + ], + [ + "U", + "ST" + ], + [ + "ĠR", + "ay" + ], + [ + "az", + "i" + ], + [ + "V", + "al" + ], + [ + "Ġcont", + "ained" + ], + [ + "ĠH", + "olly" + ], + [ + "Ġw", + "ake" + ], + [ + "Ġreve", + "al" + ], + [ + "Ġprocess", + "es" + ], + [ + "ĠIS", + "IS" + ], + [ + "Ġ0", + "9" + ], + [ + "Ġbl", + "ind" + ], + [ + "Ġste", + "el" + ], + [ + "ĠB", + "ad" + ], + [ + "Ġcare", + "fully" + ], + [ + "app", + "y" + ], + [ + "ro", + "it" + ], + [ + "Ġg", + "aming" + ], + [ + "Ġhous", + "es" + ], + [ + "ĠC", + "oll" + ], + [ + "Ġtr", + "uck" + ], + [ + "er", + "m" + ], + [ + "Ġsc", + "ored" + ], + [ + "Ġocc", + "as" + ], + [ + "ret", + "urn" + ], + [ + "b", + "ound" + ], + [ + "v", + "ar" + ], + [ + "Ġsh", + "arp" + ], + [ + "Ġaf", + "raid" + ], + [ + "ĠE", + "X" + ], + [ + "am", + "ber" + ], + [ + "c", + "ific" + ], + [ + "Ġsche", + "me" + ], + [ + "N", + "C" + ], + [ + "ĠPol", + "it" + ], + [ + "Ġdecl", + "ine" + ], + [ + "Ġ199", + "8" + ], + [ + "Ġpus", + "hing" + ], + [ + "Ġposs", + "ession" + ], + [ + "Ġpriv", + "ile" + ], + [ + "Ġteacher", + "s" + ], + [ + "Ġy", + "ield" + ], + [ + "H", + "A" + ], + [ + "ĠDav", + "is" + ], + [ + "it", + "led" + ], + [ + "####", + "####" + ], + [ + "Ġr", + "ig" + ], + [ + "ĠD", + "aniel" + ], + [ + "ac", + "on" + ], + [ + "Ġh", + "ide" + ], + [ + "ut", + "en" + ], + [ + "Ġcolle", + "agues" + ], + [ + "Ġprin", + "ciples" + ], + [ + "Ġl", + "oud" + ], + [ + "Ġs", + "in" + ], + [ + "ĠDem", + "on" + ], + [ + "Ġst", + "one" + ], + [ + "Ġ0", + "2" + ], + [ + "Ġt", + "aught" + ], + [ + "Ġter", + "rible" + ], + [ + "Ġst", + "uck" + ], + [ + "ĠPol", + "icy" + ], + [ + "te", + "en" + ], + [ + "Ġimplement", + "ation" + ], + [ + "ĠB", + "BC" + ], + [ + "ĠAP", + "I" + ], + [ + "Ġwhe", + "el" + ], + [ + "all", + "as" + ], + [ + "Ġch", + "ampions" + ], + [ + "ol", + "ars" + ], + [ + "play", + "er" + ], + [ + "Ġrepeated", + "ly" + ], + [ + "ĠSt", + "ill" + ], + [ + "Ġlik", + "es" + ], + [ + "ast", + "y" + ], + [ + "es", + "ter" + ], + [ + "ĠCath", + "olic" + ], + [ + "R", + "L" + ], + [ + "Ġb", + "ath" + ], + [ + "Ġno", + "ise" + ], + [ + "t", + "itle" + ], + [ + "Ġn", + "orthern" + ], + [ + "P", + "art" + ], + [ + "Ġmag", + "n" + ], + [ + "Ġf", + "ab" + ], + [ + "ĠAs", + "h" + ], + [ + "Ġdis", + "pl" + ], + [ + "Ġtick", + "et" + ], + [ + "Ġm", + "urd" + ], + [ + "Ġalong", + "side" + ], + [ + "ĠMus", + "ic" + ], + [ + "Ġr", + "iver" + ], + [ + "ĠSte", + "el" + ], + [ + "ĠC", + "L" + ], + [ + "ĠPl", + "ayer" + ], + [ + "ĠM", + "ult" + ], + [ + "ow", + "ing" + ], + [ + "re", + "p" + ], + [ + "s", + "ize" + ], + [ + "Ġt", + "ur" + ], + [ + "ĠGeorg", + "ia" + ], + [ + "isc", + "al" + ], + [ + "ra", + "ction" + ], + [ + "Ġc", + "able" + ], + [ + "Ġ5", + "9" + ], + [ + "Ġw", + "ins" + ], + [ + "Ġup", + "coming" + ], + [ + "Ġsurv", + "ive" + ], + [ + "Ġins", + "pired" + ], + [ + "ĠEduc", + "ation" + ], + [ + "Ġstat", + "istics" + ], + [ + "ĠF", + "oot" + ], + [ + "iam", + "i" + ], + [ + "Ġy", + "ellow" + ], + [ + "ĠP", + "age" + ], + [ + ".", + "-" + ], + [ + "ĠH", + "as" + ], + [ + "Ġur", + "ban" + ], + [ + "Ġa", + "x" + ], + [ + "es", + "sel" + ], + [ + "\\", + "\"" + ], + [ + "Ġquarter", + "back" + ], + [ + "Ġreg", + "ister" + ], + [ + "ĠLab", + "or" + ], + [ + "Ġab", + "ilities" + ], + [ + "ĠF", + "amily" + ], + [ + "Ġvar", + "iable" + ], + [ + "ĠPr", + "ice" + ], + [ + "Ġcont", + "em" + ], + [ + "Ġth", + "in" + ], + [ + "ĠE", + "qu" + ], + [ + "d", + "ata" + ], + [ + "Ġg", + "otten" + ], + [ + "Ġconst", + "it" + ], + [ + "Ġas", + "ks" + ], + [ + "Ġt", + "ail" + ], + [ + "Ġexc", + "iting" + ], + [ + "ĠE", + "ffect" + ], + [ + "ĠSp", + "anish" + ], + [ + "Ġencour", + "age" + ], + [ + "ins", + "on" + ], + [ + "ĠA", + "h" + ], + [ + "Ġcommit", + "ment" + ], + [ + "C", + "S" + ], + [ + "Ġr", + "ally" + ], + [ + "Ġ:", + ":" + ], + [ + "Ġsubs", + "id" + ], + [ + "Ġsp", + "in" + ], + [ + "Ġcapt", + "ured" + ], + [ + "201", + "8" + ], + [ + "Ġinn", + "oc" + ], + [ + "Ġalleged", + "ly" + ], + [ + "ĠC", + "ome" + ], + [ + "Ġart", + "ists" + ], + [ + "ĠN", + "umber" + ], + [ + "Ġelect", + "ronic" + ], + [ + "Ġreg", + "ional" + ], + [ + "ap", + "es" + ], + [ + "Ġw", + "ra" + ], + [ + "Ġmy", + "th" + ], + [ + "pr", + "ise" + ], + [ + "ĠM", + "iller" + ], + [ + "ĠC", + "reat" + ], + [ + "ĠEp", + "isode" + ], + [ + "b", + "ell" + ], + [ + "Ġdirect", + "ed" + ], + [ + "Ġext", + "ract" + ], + [ + "Ġs", + "orry" + ], + [ + "Ġv", + "ice" + ], + [ + "ag", + "ger" + ], + [ + "ĠSu", + "pport" + ], + [ + "Ġ6", + "6" + ], + [ + "ĠI", + "ron" + ], + [ + "Ġwonder", + "ful" + ], + [ + "Ġg", + "ra" + ], + [ + "N", + "et" + ], + [ + "ion", + "e" + ], + [ + "E", + "ng" + ], + [ + "Ġsh", + "ips" + ], + [ + "ik", + "es" + ], + [ + "ĠK", + "evin" + ], + [ + "it", + "ar" + ], + [ + "Ġactiv", + "ists" + ], + [ + "tr", + "ue" + ], + [ + "ĠAri", + "zona" + ], + [ + "ent", + "h" + ], + [ + "ĠDes", + "pite" + ], + [ + "ĠS", + "E" + ], + [ + "Ġha", + "bit" + ], + [ + "ern", + "el" + ], + [ + "Ġin", + "qu" + ], + [ + "Ġab", + "ortion" + ], + [ + "Ġv", + "oid" + ], + [ + "Ġexpl", + "icit" + ], + [ + "Ġeng", + "aged" + ], + [ + "Ġang", + "ry" + ], + [ + "Ġr", + "ating" + ], + [ + "Ġfr", + "ag" + ], + [ + "b", + "ro" + ], + [ + "ick", + "ing" + ], + [ + "d", + "ev" + ], + [ + "Ġwor", + "ried" + ], + [ + "Ġob", + "ser" + ], + [ + "Ġap", + "artment" + ], + [ + "ĠG", + "T" + ], + [ + "Ġest", + "ate" + ], + [ + "ĠConst", + "itution" + ], + [ + "em", + "on" + ], + [ + "ĠS", + "now" + ], + [ + "Ġcount", + "y" + ], + [ + "Ġdis", + "ag" + ], + [ + "ĠStep", + "hen" + ], + [ + "Ġimm", + "igrants" + ], + [ + "w", + "ind" + ], + [ + "ĠN", + "ations" + ], + [ + "Ġfol", + "ks" + ], + [ + "O", + "ut" + ], + [ + "Ġg", + "all" + ], + [ + "Ġtarget", + "ed" + ], + [ + "Ġst", + "ead" + ], + [ + "ĠB", + "on" + ], + [ + "ĠL", + "ib" + ], + [ + "Ġinform", + "ed" + ], + [ + "Ġ12", + "0" + ], + [ + "ch", + "ain" + ], + [ + "idel", + "ines" + ], + [ + "or", + "ough" + ], + [ + "Ġdri", + "ven" + ], + [ + "Ġregular", + "ly" + ], + [ + "Ġbas", + "ket" + ], + [ + "Ġprinc", + "iple" + ], + [ + "oc", + "ument" + ], + [ + "Ġst", + "un" + ], + [ + "ib", + "ilities" + ], + [ + "ĠRom", + "an" + ], + [ + "ĠAb", + "out" + ], + [ + "Ġal", + "ert" + ], + [ + "Ġdemocr", + "acy" + ], + [ + "Ġrepresent", + "ed" + ], + [ + "H", + "S" + ], + [ + "c", + "ers" + ], + [ + "p", + "arent" + ], + [ + "Ar", + "t" + ], + [ + "p", + "ack" + ], + [ + "Ġdi", + "plom" + ], + [ + "re", + "ts" + ], + [ + "ĠN", + "O" + ], + [ + "Ġcapt", + "ure" + ], + [ + "ĠAd", + "v" + ], + [ + "Ħ", + "¢" + ], + [ + "Ġannounce", + "ment" + ], + [ + "ĠL", + "ear" + ], + [ + "Ġh", + "ook" + ], + [ + "Ġpur", + "s" + ], + [ + "ĠS", + "uch" + ], + [ + "ĠC", + "amer" + ], + [ + "Ġrefuge", + "es" + ], + [ + "ĠV", + "e" + ], + [ + "P", + "ol" + ], + [ + "Ġrecogn", + "ized" + ], + [ + "l", + "ib" + ], + [ + "Ġhad", + "n" + ], + [ + "A", + "ss" + ], + [ + "Ġpil", + "ot" + ], + [ + "us", + "hing" + ], + [ + "Ġreturn", + "ing" + ], + [ + "Ġtra", + "il" + ], + [ + "ĠSt", + "one" + ], + [ + "Ġrout", + "ine" + ], + [ + "Ġcour", + "ts" + ], + [ + "Ġdes", + "per" + ], + [ + "Ġfriend", + "ly" + ], + [ + "ĠIt", + "aly" + ], + [ + "Ġpl", + "ed" + ], + [ + "Ġbreat", + "h" + ], + [ + "Ġstud", + "io" + ], + [ + "N", + "S" + ], + [ + "Ġimp", + "ressive" + ], + [ + "ĠAfghan", + "istan" + ], + [ + "Ġf", + "ing" + ], + [ + "Ġd", + "ownt" + ], + [ + "ink", + "ing" + ], + [ + "ĠR", + "og" + ], + [ + "i", + "ary" + ], + [ + "col", + "or" + ], + [ + "se", + "x" + ], + [ + "ar", + "on" + ], + [ + "Ġf", + "ault" + ], + [ + "ĠN", + "ick" + ], + [ + "D", + "own" + ], + [ + "ĠR", + "ose" + ], + [ + "ĠS", + "outhern" + ], + [ + "X", + "X" + ], + [ + "is", + "odes" + ], + [ + "L", + "ist" + ], + [ + "6", + "00" + ], + [ + "Ġout", + "come" + ], + [ + "er", + "r" + ], + [ + "Ġelse", + "where" + ], + [ + "Ġret", + "ire" + ], + [ + "Ġp", + "ounds" + ], + [ + "ĠGl", + "obal" + ], + [ + "Pe", + "ople" + ], + [ + "Ġcommun", + "ications" + ], + [ + "Ġlo", + "an" + ], + [ + "Ġrat", + "io" + ], + [ + "ĠEm", + "pire" + ], + [ + "Ġg", + "onna" + ], + [ + "Ġinv", + "ent" + ], + [ + "D", + "F" + ], + [ + "Ġ19", + "70" + ], + [ + "ĠComm", + "on" + ], + [ + "p", + "at" + ], + [ + "Ġprom", + "ised" + ], + [ + "Ġd", + "inner" + ], + [ + "ĠH", + "om" + ], + [ + "Ġcreat", + "es" + ], + [ + "Ġoper", + "ate" + ], + [ + "ver", + "ty" + ], + [ + "ĠJ", + "ordan" + ], + [ + "et", + "ime" + ], + [ + "Ġsust", + "ain" + ], + [ + "R", + "eg" + ], + [ + "Ġincred", + "ible" + ], + [ + "im", + "a" + ], + [ + "Ġwar", + "rant" + ], + [ + "Ġm", + "m" + ], + [ + "A", + "tt" + ], + [ + "Ġlaw", + "suit" + ], + [ + "Ġreview", + "s" + ], + [ + "it", + "ure" + ], + [ + "ĠS", + "ource" + ], + [ + "l", + "ights" + ], + [ + "ĠF", + "ord" + ], + [ + "Ġ6", + "3" + ], + [ + "g", + "roup" + ], + [ + "st", + "ore" + ], + [ + "Ġfeat", + "ured" + ], + [ + "Ġfore", + "ver" + ], + [ + "Ġpo", + "verty" + ], + [ + "ĠP", + "op" + ], + [ + "ĠC", + "NN" + ], + [ + "az", + "z" + ], + [ + "ab", + "is" + ], + [ + "ach", + "ing" + ], + [ + "Ġl", + "aid" + ], + [ + "ĠSu", + "pp" + ], + [ + "Ġfil", + "ter" + ], + [ + "en", + "a" + ], + [ + "ĠCommun", + "ity" + ], + [ + "Ġcreat", + "ures" + ], + [ + "u", + "ction" + ], + [ + "ĠR", + "oyal" + ], + [ + "Ġassoci", + "ation" + ], + [ + "ĠCon", + "nect" + ], + [ + "ĠBr", + "ad" + ], + [ + "âĸ", + "Ī" + ], + [ + "l", + "ers" + ], + [ + "the", + "re" + ], + [ + "ĠG", + "i" + ], + [ + "Ġval", + "uable" + ], + [ + "AC", + "K" + ], + [ + "ĠT", + "aylor" + ], + [ + "Ġl", + "iquid" + ], + [ + "ĠAtt", + "orney" + ], + [ + "ĠCar", + "l" + ], + [ + "ĠF", + "inal" + ], + [ + "ag", + "a" + ], + [ + "ĠWil", + "son" + ], + [ + "B", + "ecause" + ], + [ + "ĠProf", + "essor" + ], + [ + "ak", + "a" + ], + [ + "Ġincred", + "ibly" + ], + [ + "r", + "ance" + ], + [ + "!", + ")" + ], + [ + "R", + "ef" + ], + [ + "s", + "k" + ], + [ + "Ġsol", + "utions" + ], + [ + "Ġatmosp", + "here" + ], + [ + "Ġbl", + "ame" + ], + [ + "um", + "es" + ], + [ + "ĠN", + "ob" + ], + [ + "C", + "A" + ], + [ + "um", + "ps" + ], + [ + "r", + "ical" + ], + [ + "ĠPut", + "in" + ], + [ + "ĠD", + "est" + ], + [ + "or", + "ic" + ], + [ + "ĠP", + "A" + ], + [ + "Ġrespect", + "ively" + ], + [ + "w", + "an" + ], + [ + "Ġfif", + "th" + ], + [ + "â", + "Ħ¢" + ], + [ + "ĠC", + "ry" + ], + [ + "Ġgovern", + "or" + ], + [ + "res", + "ident" + ], + [ + "Ġpurch", + "ased" + ], + [ + "Ġh", + "ack" + ], + [ + "Ġint", + "ense" + ], + [ + "ob", + "s" + ], + [ + "Ġorig", + "in" + ], + [ + "Ġdef", + "ine" + ], + [ + "Ġcare", + "ful" + ], + [ + "**", + "*" + ], + [ + "Ġshould", + "er" + ], + [ + "Cl", + "ick" + ], + [ + "Ġt", + "ied" + ], + [ + "Ġdest", + "ruction" + ], + [ + "ou", + "red" + ], + [ + "Ġno", + "body" + ], + [ + "Ġh", + "o" + ], + [ + "ĠEx", + "per" + ], + [ + "Ġt", + "ip" + ], + [ + "\"", + ";" + ], + [ + "Ġtechn", + "ique" + ], + [ + "Ġj", + "ur" + ], + [ + "ĠP", + "ok" + ], + [ + "b", + "ow" + ], + [ + "Ġleg", + "end" + ], + [ + "Ġacc", + "ord" + ], + [ + "Ġbus", + "y" + ], + [ + "ĠInt", + "el" + ], + [ + "Ġh", + "ang" + ], + [ + "ak", + "i" + ], + [ + ".", + "]" + ], + [ + "âĢĶâĢĶ", + "âĢĶâĢĶ" + ], + [ + "Ġsur", + "gery" + ], + [ + "Ġrep", + "rodu" + ], + [ + "Ġun", + "iform" + ], + [ + "Ġscen", + "es" + ], + [ + "c", + "ode" + ], + [ + "Ġ6", + "2" + ], + [ + "l", + "isher" + ], + [ + "ĠH", + "ave" + ], + [ + "ph", + "ia" + ], + [ + "Ġcry", + "pt" + ], + [ + "Ġrec", + "on" + ], + [ + "Ġsc", + "ream" + ], + [ + "Ġadop", + "ted" + ], + [ + "Ġsc", + "ores" + ], + [ + "N", + "e" + ], + [ + "ĠIt", + "alian" + ], + [ + "in", + "cluding" + ], + [ + "B", + "O" + ], + [ + "Ġindic", + "ated" + ], + [ + "Ġent", + "ertain" + ], + [ + "G", + "u" + ], + [ + "T", + "ext" + ], + [ + "i", + "el" + ], + [ + "Ġtw", + "enty" + ], + [ + "Ġeng", + "age" + ], + [ + "off", + "s" + ], + [ + "ĠPac", + "ific" + ], + [ + "Ġsm", + "ile" + ], + [ + "Ġperson", + "nel" + ], + [ + "Ġto", + "ler" + ], + [ + "Ġdo", + "ors" + ], + [ + "Ġt", + "one" + ], + [ + "Ġmach", + "ines" + ], + [ + "Ġent", + "ering" + ], + [ + "ten", + "ance" + ], + [ + "C", + "O" + ], + [ + "ĠJer", + "sey" + ], + [ + "Ġfore", + "st" + ], + [ + "Ġhor", + "se" + ], + [ + "Ġcompl", + "aint" + ], + [ + "ĠSpr", + "ing" + ], + [ + "y", + "o" + ], + [ + "ĠPl", + "us" + ], + [ + "ed", + "ing" + ], + [ + "ĠRet", + "urn" + ], + [ + "qu", + "arters" + ], + [ + "ial", + "s" + ], + [ + "c", + "ow" + ], + [ + "Ġacad", + "emic" + ], + [ + "Ġf", + "ruit" + ], + [ + "Ġ199", + "6" + ], + [ + "og", + "ether" + ], + [ + "Ġw", + "ine" + ], + [ + "Ġpur", + "su" + ], + [ + "ĠSte", + "ven" + ], + [ + "Ġlic", + "ens" + ], + [ + "Wh", + "o" + ], + [ + "Ġclot", + "hes" + ], + [ + "re", + "ction" + ], + [ + "Ġsqu", + "ad" + ], + [ + "Ġst", + "able" + ], + [ + "Ġr", + "aw" + ], + [ + "z", + "ens" + ], + [ + "St", + "ar" + ], + [ + "ut", + "ies" + ], + [ + "anc", + "er" + ], + [ + "Ġke", + "ys" + ], + [ + "ĠM", + "u" + ], + [ + "Ġcompl", + "icated" + ], + [ + "ig", + "er" + ], + [ + "ĠTe", + "xt" + ], + [ + "Ġabs", + "or" + ], + [ + "Ġ6", + "8" + ], + [ + "Ġfun", + "ny" + ], + [ + "Ġrel", + "ief" + ], + [ + "ĠL", + "ew" + ], + [ + "ĠC", + "ook" + ], + [ + "Ġch", + "art" + ], + [ + "Ġdraw", + "ing" + ], + [ + "G", + "E" + ], + [ + "Ġmod", + "ule" + ], + [ + "ĠB", + "ull" + ], + [ + "I", + "LL" + ], + [ + "Ġs", + "alt" + ], + [ + "0000", + "0000" + ], + [ + "il", + "le" + ], + [ + "Ġres", + "ource" + ], + [ + "aw", + "ay" + ], + [ + "adel", + "phia" + ], + [ + "ĠB", + "ru" + ], + [ + "Ġ6", + "7" + ], + [ + "Ġsome", + "body" + ], + [ + "Ġparticip", + "ate" + ], + [ + "Ġro", + "se" + ], + [ + "we", + "red" + ], + [ + "Ġmus", + "cle" + ], + [ + "Ġcons", + "ent" + ], + [ + "Ġcontin", + "uing" + ], + [ + "ĠGuard", + "ian" + ], + [ + "ĠOr", + "der" + ], + [ + "reg", + "on" + ], + [ + "Ġre", + "ar" + ], + [ + "Ġprov", + "ision" + ], + [ + "Ġlik", + "ed" + ], + [ + "ri", + "ent" + ], + [ + "Ġb", + "ra" + ], + [ + "Tr", + "ans" + ], + [ + "Ġmeet", + "ings" + ], + [ + "Ġto", + "x" + ], + [ + "Ġcon", + "vent" + ], + [ + "Ġaut", + "o" + ], + [ + "Ġrec", + "ording" + ], + [ + "ĠSo", + "ft" + ], + [ + "00", + "1" + ], + [ + "ĠR", + "oll" + ], + [ + "Ġprogram", + "ming" + ], + [ + "Ġp", + "ic" + ], + [ + "Ġprov", + "ed" + ], + [ + "Ġst", + "ab" + ], + [ + "ĠA", + "st" + ], + [ + "Ġca", + "ption" + ], + [ + "ul", + "ating" + ], + [ + "ĠAtt", + "ack" + ], + [ + "Ġnew", + "ly" + ], + [ + "Ġ199", + "7" + ], + [ + "f", + "r" + ], + [ + "Ġdis", + "cipl" + ], + [ + "ĠGree", + "k" + ], + [ + "Ġed", + "ition" + ], + [ + "ĠDo", + "es" + ], + [ + "ĠB", + "ox" + ], + [ + "if", + "le" + ], + [ + "ack", + "et" + ], + [ + "Ġpass", + "es" + ], + [ + "Ġgu", + "est" + ], + [ + "Ġac", + "celer" + ], + [ + "it", + "als" + ], + [ + "U", + "D" + ], + [ + "Ġaut", + "hent" + ], + [ + "ĠR", + "est" + ], + [ + "ov", + "al" + ], + [ + "t", + "a" + ], + [ + "u", + "ine" + ], + [ + "Ġarm", + "or" + ], + [ + "ĠT", + "own" + ], + [ + "Ġcomp", + "at" + ], + [ + "Ġinc", + "hes" + ], + [ + "Des", + "pite" + ], + [ + "Ġass", + "ign" + ], + [ + "he", + "rent" + ], + [ + "Ġprep", + "are" + ], + [ + "ĠM", + "eg" + ], + [ + "oc", + "key" + ], + [ + "Ġdep", + "ends" + ], + [ + "Ġtrack", + "s" + ], + [ + "w", + "atch" + ], + [ + "Ġl", + "ists" + ], + [ + "ĠN", + "orthern" + ], + [ + "Ġal", + "ter" + ], + [ + "re", + "c" + ], + [ + "ĠE", + "astern" + ], + [ + "Ġcond", + "em" + ], + [ + "Ġevery", + "where" + ], + [ + "?", + "'" + ], + [ + "Ġaff", + "ili" + ], + [ + "Ġf", + "ought" + ], + [ + "\":", + "{\"" + ], + [ + "Ġm", + "ac" + ], + [ + "it", + "arian" + ], + [ + "Ġsc", + "ope" + ], + [ + "ĠA", + "L" + ], + [ + "aw", + "s" + ], + [ + "ar", + "ms" + ], + [ + "Ġqu", + "e" + ], + [ + "Ġenjoy", + "ed" + ], + [ + "nes", + "ota" + ], + [ + "Ġagg", + "ressive" + ], + [ + "ĠSt", + "ory" + ], + [ + "ĠI", + "V" + ], + [ + "Ġrec", + "ipe" + ], + [ + "Ġrare", + "ly" + ], + [ + "ĠMed", + "ical" + ], + [ + "val", + "ue" + ], + [ + "ang", + "el" + ], + [ + "ay", + "ing" + ], + [ + "omet", + "hing" + ], + [ + "Ġsub", + "section" + ], + [ + "Ġs", + "outhern" + ], + [ + "Ġfrequ", + "ency" + ], + [ + "re", + "te" + ], + [ + "roll", + "ed" + ], + [ + "ult", + "s" + ], + [ + "ĠN", + "ic" + ], + [ + "Ġbeh", + "alf" + ], + [ + "Ġsequ", + "ence" + ], + [ + "ab", + "et" + ], + [ + "Ġcontrovers", + "ial" + ], + [ + "Ġcomp", + "rom" + ], + [ + "Ġwork", + "er" + ], + [ + "Ġmain", + "ly" + ], + [ + "Ġal", + "gorith" + ], + [ + "ĠM", + "ajor" + ], + [ + "or", + "ce" + ], + [ + "g", + "ender" + ], + [ + "Ġorgan", + "ized" + ], + [ + "Ġf", + "ake" + ], + [ + "Ġconclud", + "ed" + ], + [ + "ĠE", + "D" + ], + [ + "ĠEx", + "ec" + ], + [ + "r", + "age" + ], + [ + "Ġch", + "ances" + ], + [ + "ber", + "ry" + ], + [ + "ĠTr", + "ad" + ], + [ + "Ġconfig", + "uration" + ], + [ + "Ġwithd", + "raw" + ], + [ + "Ġf", + "ro" + ], + [ + "ud", + "es" + ], + [ + "ĠBro", + "ther" + ], + [ + "ĠB", + "rian" + ], + [ + "Ġtri", + "es" + ], + [ + "Ġsam", + "ples" + ], + [ + "Ġb", + "id" + ], + [ + "ĠGold", + "en" + ], + [ + "Ġphot", + "ograph" + ], + [ + "if", + "est" + ], + [ + "ĠD", + "O" + ], + [ + "ĠPar", + "liament" + ], + [ + "********", + "********" + ], + [ + "R", + "em" + ], + [ + "Ġcont", + "est" + ], + [ + "Ġsign", + "ing" + ], + [ + "p", + "x" + ], + [ + "ĠZ", + "eal" + ], + [ + "âĶĢ", + "âĶĢ" + ], + [ + "E", + "ar" + ], + [ + "Ġex", + "it" + ], + [ + "Be", + "fore" + ], + [ + "ĠCor", + "por" + ], + [ + "n", + "ull" + ], + [ + "mon", + "th" + ], + [ + "Ġrac", + "ial" + ], + [ + "ott", + "ed" + ], + [ + "ĠV", + "eg" + ], + [ + "ĠRe", + "uters" + ], + [ + "Ġsw", + "ord" + ], + [ + "ps", + "on" + ], + [ + "ĠRom", + "ney" + ], + [ + "a", + "ed" + ], + [ + "Ġt", + "rib" + ], + [ + "Ġin", + "ner" + ], + [ + "Ġprot", + "ocol" + ], + [ + "ĠB", + "i" + ], + [ + "ĠM", + "iami" + ], + [ + "ever", + "al" + ], + [ + "p", + "ress" + ], + [ + "Ġsh", + "ipping" + ], + [ + "ĠAm", + "endment" + ], + [ + "ĠHow", + "ard" + ], + [ + "con", + "nect" + ], + [ + "ĠD", + "isc" + ], + [ + "ĠJ", + "ac" + ], + [ + "iam", + "ond" + ], + [ + "ĠThere", + "fore" + ], + [ + "s", + "es" + ], + [ + "ĠPrin", + "cess" + ], + [ + "ĠUS", + "B" + ], + [ + "ĠAn", + "th" + ], + [ + "Ġsurve", + "illance" + ], + [ + "Ġap", + "olog" + ], + [ + "Ġ6", + "1" + ], + [ + "ow", + "a" + ], + [ + "Ġf", + "ulf" + ], + [ + "j", + "s" + ], + [ + "Ġl", + "uck" + ], + [ + "ust", + "ed" + ], + [ + "ĠÂ", + "§" + ], + [ + "n", + "i" + ], + [ + "Ġant", + "icip" + ], + [ + "em", + "an" + ], + [ + "Ġwin", + "ner" + ], + [ + "Ġsil", + "ver" + ], + [ + "ll", + "a" + ], + [ + "ic", + "ity" + ], + [ + "Ġunus", + "ual" + ], + [ + "Ġcr", + "ack" + ], + [ + "Ġt", + "ies" + ], + [ + "e", + "z" + ], + [ + "Ġpract", + "ical" + ], + [ + "Ġprov", + "ince" + ], + [ + "ĠPl", + "ace" + ], + [ + "Ġprior", + "ity" + ], + [ + "IC", + "E" + ], + [ + "Ġdescrib", + "es" + ], + [ + "Ġbr", + "anch" + ], + [ + "F", + "orm" + ], + [ + "ask", + "a" + ], + [ + "miss", + "ions" + ], + [ + "b", + "i" + ], + [ + "Ġp", + "orn" + ], + [ + "ĠTur", + "k" + ], + [ + "Ġent", + "hus" + ], + [ + "Ġf", + "ighters" + ], + [ + "Ġ0", + "8" + ], + [ + "ĠDet", + "roit" + ], + [ + "Ġfound", + "ation" + ], + [ + "av", + "id" + ], + [ + "A", + "re" + ], + [ + "Ġjud", + "gment" + ], + [ + "cl", + "ing" + ], + [ + "Ġsol", + "ve" + ], + [ + "ĠDes", + "ign" + ], + [ + "W", + "here" + ], + [ + "hes", + "is" + ], + [ + "ĠT", + "ro" + ], + [ + "a", + "fter" + ], + [ + "Ġne", + "utral" + ], + [ + "ĠPalestin", + "ian" + ], + [ + "ĠHolly", + "wood" + ], + [ + "Ġadv", + "is" + ], + [ + "ĠN", + "on" + ], + [ + "y", + "es" + ], + [ + "ol", + "is" + ], + [ + "Ġrep", + "utation" + ], + [ + "Ġsm", + "ell" + ], + [ + "Ġb", + "read" + ], + [ + "ĠB", + "ul" + ], + [ + "ĠBe", + "ach" + ], + [ + "Ġclaim", + "ing" + ], + [ + "Ġgen", + "etic" + ], + [ + "Ġtechn", + "ologies" + ], + [ + "Ġupgr", + "ade" + ], + [ + "row", + "s" + ], + [ + "Ġdevelop", + "er" + ], + [ + "ĠJ", + "osh" + ], + [ + "ĠDis", + "ney" + ], + [ + "erv", + "ed" + ], + [ + "ip", + "al" + ], + [ + "Ġun", + "ex" + ], + [ + "Ġbare", + "ly" + ], + [ + "t", + "hen" + ], + [ + "ĠP", + "ub" + ], + [ + "Ġill", + "ness" + ], + [ + "et", + "ary" + ], + [ + "ĠB", + "al" + ], + [ + "Ġp", + "atch" + ], + [ + "Ġbut", + "t" + ], + [ + "Ġst", + "upid" + ], + [ + "ĠD", + "og" + ], + [ + "ĠD", + "allas" + ], + [ + "f", + "ront" + ], + [ + "ie", + "ce" + ], + [ + "Ġprot", + "ests" + ], + [ + "Ġch", + "at" + ], + [ + "oen", + "ix" + ], + [ + "Ġw", + "ing" + ], + [ + "Ġpar", + "liament" + ], + [ + "Ġ7", + "7" + ], + [ + "ose", + "xual" + ], + [ + "Ġre", + "nder" + ], + [ + "pt", + "ions" + ], + [ + "ĠCo", + "ast" + ], + [ + "os", + "a" + ], + [ + "ĠG", + "reg" + ], + [ + "h", + "op" + ], + [ + "ĠMan", + "agement" + ], + [ + "Ġbit", + "coin" + ], + [ + "Ġrec", + "over" + ], + [ + "Ġincor", + "por" + ], + [ + "or", + "ne" + ], + [ + "ĠUs", + "ing" + ], + [ + "Ġpre", + "ced" + ], + [ + "Ġthreat", + "ened" + ], + [ + "Ġspirit", + "ual" + ], + [ + "ĠE", + "vent" + ], + [ + "ĠF", + "red" + ], + [ + "Ġadvert", + "ising" + ], + [ + "Ġimprove", + "ments" + ], + [ + "ĠC", + "ustom" + ], + [ + "Ġer", + "rors" + ], + [ + "Ġsens", + "itive" + ], + [ + "ĠN", + "avy" + ], + [ + "Ġcre", + "am" + ], + [ + "L", + "ook" + ], + [ + "Ġex", + "clusive" + ], + [ + "Ġcomp", + "rehens" + ], + [ + "Ġde", + "leg" + ], + [ + "Ġcon", + "ce" + ], + [ + "Ġrem", + "em" + ], + [ + "Ġstruct", + "ures" + ], + [ + "Ġst", + "ored" + ], + [ + "N", + "D" + ], + [ + "Ġ1", + "000" + ], + [ + "U", + "P" + ], + [ + "ĠB", + "udd" + ], + [ + "A", + "F" + ], + [ + "w", + "oman" + ], + [ + "ĠAcad", + "emy" + ], + [ + "ð", + "Ł" + ], + [ + "se", + "a" + ], + [ + "Ġtem", + "porary" + ], + [ + "Ab", + "out" + ], + [ + "es", + "ters" + ], + [ + "Ġtick", + "ets" + ], + [ + "Ġposs", + "ess" + ], + [ + "in", + "ch" + ], + [ + "o", + "z" + ], + [ + "Ġl", + "a" + ], + [ + "Ġcontract", + "s" + ], + [ + "Ġun", + "p" + ], + [ + "Ġc", + "ig" + ], + [ + "ĠK", + "at" + ], + [ + "ult", + "ural" + ], + [ + "as", + "m" + ], + [ + "Ġmount", + "ain" + ], + [ + "ĠCapt", + "ain" + ], + [ + "St", + "ep" + ], + [ + "m", + "aking" + ], + [ + "ĠSp", + "ain" + ], + [ + "Ġequ", + "ally" + ], + [ + "Ġl", + "ands" + ], + [ + "at", + "ers" + ], + [ + "Ġreject", + "ed" + ], + [ + "er", + "a" + ], + [ + "im", + "m" + ], + [ + "ri", + "x" + ], + [ + "C", + "D" + ], + [ + "Ġtrans", + "action" + ], + [ + "g", + "ener" + ], + [ + "less", + "ly" + ], + [ + "Ġ|", + "|" + ], + [ + "Ġc", + "os" + ], + [ + "ĠHen", + "ry" + ], + [ + "Ġprov", + "isions" + ], + [ + "Ġg", + "ained" + ], + [ + "Ġdirect", + "ory" + ], + [ + "Ġra", + "ising" + ], + [ + "ĠS", + "ep" + ], + [ + "ol", + "en" + ], + [ + "ond", + "er" + ], + [ + "Ġcon", + "sole" + ], + [ + "in", + "st" + ], + [ + "Ġb", + "om" + ], + [ + "Ġunc", + "ertain" + ], + [ + "1", + "50" + ], + [ + "ock", + "ing" + ], + [ + "Ġmeas", + "ured" + ], + [ + "Ġpl", + "ain" + ], + [ + "Ġse", + "ats" + ], + [ + "Ġd", + "ict" + ], + [ + "S", + "L" + ], + [ + "af", + "e" + ], + [ + "Ġest", + "imate" + ], + [ + "iz", + "on" + ], + [ + "at", + "hered" + ], + [ + "Ġcontribut", + "ed" + ], + [ + "Ġep", + "isodes" + ], + [ + "omm", + "od" + ], + [ + "G", + "r" + ], + [ + "AN", + "T" + ], + [ + "Ġ6", + "9" + ], + [ + "G", + "ener" + ], + [ + "Ġ2", + "50" + ], + [ + "vious", + "ly" + ], + [ + "rog", + "en" + ], + [ + "Ġterror", + "ism" + ], + [ + "Ġmove", + "ments" + ], + [ + "ent", + "le" + ], + [ + "oun", + "ce" + ], + [ + "ĠS", + "oul" + ], + [ + "Ġpre", + "v" + ], + [ + "ĠT", + "able" + ], + [ + "act", + "s" + ], + [ + "ri", + "ors" + ], + [ + "t", + "ab" + ], + [ + "Ġsuff", + "er" + ], + [ + "Ġn", + "erv" + ], + [ + "Ġmain", + "stream" + ], + [ + "ĠW", + "olf" + ], + [ + "Ġfranch", + "ise" + ], + [ + "b", + "at" + ], + [ + "Ġdem", + "ands" + ], + [ + "Ġag", + "enda" + ], + [ + "Ġdo", + "zen" + ], + [ + "Ġclin", + "ical" + ], + [ + "iz", + "ard" + ], + [ + "ĠO", + "p" + ], + [ + "t", + "d" + ], + [ + "Ġvis", + "ited" + ], + [ + "ĠPer", + "haps" + ], + [ + "Ġact", + "or" + ], + [ + "Ġde", + "lic" + ], + [ + "Ġcont", + "ribute" + ], + [ + "Ġin", + "ject" + ], + [ + "ĠE", + "s" + ], + [ + "ac", + "co" + ], + [ + "Ġlist", + "ening" + ], + [ + "Ġcon", + "gress" + ], + [ + "epend", + "ent" + ], + [ + "Ġprem", + "ium" + ], + [ + "Ġ7", + "6" + ], + [ + "ĠIr", + "ish" + ], + [ + "Ġass", + "igned" + ], + [ + "ĠPh", + "ys" + ], + [ + "Ġworld", + "wide" + ], + [ + "Ġnarr", + "ative" + ], + [ + "ot", + "ype" + ], + [ + "m", + "ont" + ], + [ + "b", + "ase" + ], + [ + "ĠB", + "owl" + ], + [ + "ĠAdminist", + "ration" + ], + [ + "Ġrel", + "ation" + ], + [ + "ĠE", + "V" + ], + [ + "C", + "P" + ], + [ + "Ġco", + "vers" + ], + [ + "Ġ7", + "8" + ], + [ + "Ġcert", + "ific" + ], + [ + "Ġgr", + "ass" + ], + [ + "Ġ0", + "4" + ], + [ + "pir", + "acy" + ], + [ + "ir", + "a" + ], + [ + "Ġengine", + "ering" + ], + [ + "ĠM", + "ars" + ], + [ + "Ġun", + "employ" + ], + [ + "ĠFore", + "ign" + ], + [ + "st", + "ract" + ], + [ + "Ġv", + "en" + ], + [ + "Ġst", + "eal" + ], + [ + "Ġrepl", + "ied" + ], + [ + "Ġult", + "imate" + ], + [ + "Ġtit", + "les" + ], + [ + "d", + "ated" + ], + [ + "Ġj", + "oy" + ], + [ + "a", + "us" + ], + [ + "Ġhy", + "per" + ], + [ + "ak", + "u" + ], + [ + "Ġoffic", + "ially" + ], + [ + "ĠPro", + "duct" + ], + [ + "Ġdifficult", + "y" + ], + [ + "per", + "or" + ], + [ + "Ġresult", + "ed" + ], + [ + "rib", + "ed" + ], + [ + "l", + "ink" + ], + [ + "wh", + "o" + ], + [ + "~~", + "~~" + ], + [ + "ĠSpe", + "ed" + ], + [ + "ĠV", + "iet" + ], + [ + "W", + "ind" + ], + [ + "ĠBar", + "ack" + ], + [ + "Ġrestrict", + "ions" + ], + [ + "ĠSh", + "are" + ], + [ + "Ġ199", + "5" + ], + [ + "ition", + "ally" + ], + [ + "Ġbeaut", + "y" + ], + [ + "op", + "t" + ], + [ + "Ġm", + "aps" + ], + [ + "ĠC", + "R" + ], + [ + "ĠN", + "ation" + ], + [ + "ĠCru", + "z" + ], + [ + "W", + "ill" + ], + [ + "Ġelectric", + "ity" + ], + [ + "Ġor", + "g" + ], + [ + "Ġb", + "urd" + ], + [ + "Ġviol", + "ation" + ], + [ + "Ġus", + "age" + ], + [ + "Ġper", + "mit" + ], + [ + "ĠCh", + "ron" + ], + [ + "ĠF", + "ant" + ], + [ + "Ġn", + "aturally" + ], + [ + "Ġ0", + "7" + ], + [ + "Ġth", + "rown" + ], + [ + "ĠAw", + "oken" + ], + [ + "Ġal", + "ien" + ], + [ + "ĠHer", + "o" + ], + [ + "ĠK", + "ent" + ], + [ + "ĠR", + "ick" + ], + [ + "ri", + "ke" + ], + [ + "Ġp", + "ace" + ], + [ + "},", + "{\"" + ], + [ + "G", + "L" + ], + [ + "Ġpo", + "ison" + ], + [ + "ĠT", + "ower" + ], + [ + "Ġform", + "al" + ], + [ + "al", + "ysis" + ], + [ + "Ġgen", + "uine" + ], + [ + "Ġk", + "il" + ], + [ + "a", + "ver" + ], + [ + "Ġproced", + "ure" + ], + [ + "ĠPro", + "p" + ], + [ + "intend", + "o" + ], + [ + "ĠM", + "ain" + ], + [ + "as", + "ant" + ], + [ + "Ġtr", + "ained" + ], + [ + "G", + "ame" + ], + [ + "ĠL", + "oad" + ], + [ + "ĠM", + "A" + ], + [ + "Ġcru", + "cial" + ], + [ + "Ġle", + "ts" + ], + [ + "ĠF", + "R" + ], + [ + "Ġch", + "ampion" + ], + [ + "1", + "01" + ], + [ + "ĠCon", + "ference" + ], + [ + "Ġwrit", + "ers" + ], + [ + "Ġconnect", + "ions" + ], + [ + "Ġo", + "kay" + ], + [ + "ir", + "ms" + ], + [ + "ĠR", + "and" + ], + [ + "Ġenc", + "ounter" + ], + [ + "ĠB", + "uff" + ], + [ + "Ġachie", + "ved" + ], + [ + "Ġche", + "cks" + ], + [ + "isc", + "ons" + ], + [ + "Ġassist", + "ant" + ], + [ + "Ġwhen", + "ever" + ], + [ + "ĠA", + "ccess" + ], + [ + "ĠU", + "r" + ], + [ + "b", + "in" + ], + [ + "Ġcl", + "ock" + ], + [ + "is", + "p" + ], + [ + "op", + "her" + ], + [ + "Ġb", + "orrow" + ], + [ + "Ġm", + "ad" + ], + [ + "Ġperson", + "ality" + ], + [ + "on", + "ly" + ], + [ + "IS", + "T" + ], + [ + "ab", + "ama" + ], + [ + "Ġg", + "ains" + ], + [ + "Ġcommon", + "ly" + ], + [ + "Ġter", + "r" + ], + [ + "Ġhyp", + "ot" + ], + [ + "Ġre", + "ly" + ], + [ + "Ġt", + "iss" + ], + [ + "iscons", + "in" + ], + [ + "Ġrid", + "ic" + ], + [ + "f", + "unction" + ], + [ + "ĠO", + "regon" + ], + [ + "Ġun", + "com" + ], + [ + "r", + "ating" + ], + [ + "el", + "and" + ], + [ + "ĠN", + "C" + ], + [ + "Ġm", + "oon" + ], + [ + "ann", + "on" + ], + [ + "Ġvulner", + "able" + ], + [ + "ut", + "ive" + ], + [ + "³³", + "³³" + ], + [ + "ĠRad", + "io" + ], + [ + "Ġw", + "estern" + ], + [ + "se", + "ct" + ], + [ + "ĠT", + "ony" + ], + [ + "Ġocc", + "urs" + ], + [ + "ĠO", + "s" + ], + [ + "ĠH", + "on" + ], + [ + "Ã", + "Ń" + ], + [ + "Ġv", + "essel" + ], + [ + "ĠScot", + "land" + ], + [ + "Ġdiscrim", + "ination" + ], + [ + "Ġsubsequ", + "ent" + ], + [ + "st", + "ring" + ], + [ + "Ġfant", + "asy" + ], + [ + "ĠSh", + "adow" + ], + [ + "Ġtest", + "im" + ], + [ + "W", + "E" + ], + [ + "it", + "i" + ], + [ + "r", + "as" + ], + [ + "Ġbo", + "at" + ], + [ + "Ġmar", + "ks" + ], + [ + "Ġord", + "inary" + ], + [ + "Ġre", + "n" + ], + [ + "Ġrepresent", + "ative" + ], + [ + "Ġpet", + "ition" + ], + [ + "Ġ7", + "3" + ], + [ + "Ġad", + "venture" + ], + [ + "Ġign", + "ore" + ], + [ + "ĠPhil", + "adelphia" + ], + [ + "ĠS", + "av" + ], + [ + "V", + "P" + ], + [ + "Ġfact", + "ory" + ], + [ + "Ġt", + "asks" + ], + [ + "Ġdep", + "ression" + ], + [ + "z", + "ed" + ], + [ + "................", + "................" + ], + [ + "ĠSt", + "orm" + ], + [ + "Ġc", + "ogn" + ], + [ + "Ġelig", + "ible" + ], + [ + "Ġredu", + "cing" + ], + [ + "v", + "ia" + ], + [ + "Ġ0", + "5" + ], + [ + "Ġstri", + "king" + ], + [ + "Ġdoll", + "ar" + ], + [ + "h", + "o" + ], + [ + "O", + "V" + ], + [ + "Ġinstr", + "ument" + ], + [ + "Ġphilosoph", + "y" + ], + [ + "ĠMo", + "ore" + ], + [ + "ĠA", + "venue" + ], + [ + "Ġrul", + "ed" + ], + [ + "ĠFr", + "ont" + ], + [ + "IN", + "E" + ], + [ + "ĠM", + "ah" + ], + [ + "Ġscen", + "ario" + ], + [ + "ĠNAS", + "A" + ], + [ + "Ġen", + "orm" + ], + [ + "Ġdeb", + "ut" + ], + [ + "Ġte", + "a" + ], + [ + "T", + "oday" + ], + [ + "Ġabs", + "ence" + ], + [ + "S", + "im" + ], + [ + "Ġh", + "am" + ], + [ + "le", + "ep" + ], + [ + "Ġt", + "ables" + ], + [ + "ĠHe", + "art" + ], + [ + "M", + "I" + ], + [ + "K", + "e" + ], + [ + "re", + "qu" + ], + [ + "V", + "D" + ], + [ + "m", + "ap" + ], + [ + "Ġchair", + "man" + ], + [ + "Ġp", + "ump" + ], + [ + "Ġrapid", + "ly" + ], + [ + "v", + "i" + ], + [ + "Ġsubstant", + "ial" + ], + [ + "E", + "P" + ], + [ + "d", + "es" + ], + [ + "ch", + "ant" + ], + [ + "ili", + "pp" + ], + [ + "ĠS", + "anta" + ], + [ + "ri", + "ers" + ], + [ + "anche", + "ster" + ], + [ + "L", + "oad" + ], + [ + "ĠC", + "ase" + ], + [ + "Ġsa", + "ving" + ], + [ + "Ġ7", + "4" + ], + [ + "ĠA", + "FP" + ], + [ + "er", + "ning" + ], + [ + "oun", + "ced" + ], + [ + "ĠMin", + "nesota" + ], + [ + "ĠW", + "as" + ], + [ + "Ġrec", + "ru" + ], + [ + "Ġassess", + "ment" + ], + [ + "ĠB", + "ron" + ], + [ + "U", + "E" + ], + [ + "Ġdynam", + "ic" + ], + [ + "Ġf", + "urn" + ], + [ + "ul", + "ator" + ], + [ + "Ġprop", + "ag" + ], + [ + "h", + "igh" + ], + [ + "Ġacc", + "ommod" + ], + [ + "Ġst", + "ack" + ], + [ + "ĠS", + "us" + ], + [ + "w", + "rit" + ], + [ + "Ġre", + "ven" + ], + [ + "ĠGod", + "d" + ], + [ + "ĠZeal", + "and" + ], + [ + "ab", + "s" + ], + [ + "Ġbr", + "ut" + ], + [ + "Ġper", + "pet" + ], + [ + "h", + "ot" + ], + [ + "Ġhard", + "ly" + ], + [ + "ĠB", + "urn" + ], + [ + "ãĤ", + "¹" + ], + [ + "Ġst", + "y" + ], + [ + "Ġtrans", + "actions" + ], + [ + "Ġg", + "ate" + ], + [ + "Ġsc", + "reens" + ], + [ + "Ġsub", + "mitted" + ], + [ + "Ġ1", + "01" + ], + [ + "Ġlangu", + "ages" + ], + [ + "ugh", + "t" + ], + [ + "em", + "en" + ], + [ + "Ġfall", + "s" + ], + [ + "Ġc", + "oc" + ], + [ + "Ĥ", + "¬" + ], + [ + "Ġstri", + "kes" + ], + [ + "p", + "a" + ], + [ + "Ġdel", + "iber" + ], + [ + "ĠI", + "M" + ], + [ + "Ġrel", + "ax" + ], + [ + "ann", + "els" + ], + [ + "ĠSen", + "ator" + ], + [ + "Ġext", + "rem" + ], + [ + "Ġ}", + "," + ], + [ + "ĠDe", + "b" + ], + [ + "Ġbe", + "ll" + ], + [ + "Ġdis", + "order" + ], + [ + "c", + "ut" + ], + [ + "Ġi", + "OS" + ], + [ + "Ġl", + "ocked" + ], + [ + "Ġem", + "issions" + ], + [ + "Ġshort", + "ly" + ], + [ + "\"", + "]" + ], + [ + "ĠJud", + "ge" + ], + [ + "ĠS", + "ometimes" + ], + [ + "Ġr", + "ival" + ], + [ + "Ġd", + "ust" + ], + [ + "Ġreach", + "ing" + ], + [ + "F", + "ile" + ], + [ + "¯¯", + "¯¯" + ], + [ + "ino", + "is" + ], + [ + "ĠJ", + "ason" + ], + [ + "Ġs", + "atell" + ], + [ + "are", + "t" + ], + [ + "Ġst", + "ations" + ], + [ + "Ġag", + "ric" + ], + [ + "ĠTechn", + "ology" + ], + [ + "com", + "es" + ], + [ + "ĠUn", + "fortunately" + ], + [ + "ĠChild", + "ren" + ], + [ + "Ġappl", + "ies" + ], + [ + "ast", + "ed" + ], + [ + "Ġan", + "ger" + ], + [ + "ail", + "ability" + ], + [ + "ĠDam", + "age" + ], + [ + "Ġcomp", + "are" + ], + [ + "ĠStand", + "ard" + ], + [ + "Ġaim", + "ed" + ], + [ + "ĠB", + "a" + ], + [ + "angu", + "age" + ], + [ + "Ġreg", + "ulation" + ], + [ + "Ġj", + "ury" + ], + [ + "Ġair", + "port" + ], + [ + "Ġse", + "ctions" + ], + [ + "ĠPr", + "ince" + ], + [ + "em", + "ed" + ], + [ + "Ġmedic", + "ine" + ], + [ + "Ġh", + "itting" + ], + [ + "Ġsp", + "ark" + ], + [ + "ol", + "ves" + ], + [ + "Ġad", + "s" + ], + [ + "St", + "ate" + ], + [ + "Ġfood", + "s" + ], + [ + "Ġrepl", + "acement" + ], + [ + "Ġch", + "icken" + ], + [ + "Ġlow", + "est" + ], + [ + "Ġmind", + "s" + ], + [ + "Ġinvol", + "ves" + ], + [ + "u", + "i" + ], + [ + "Ġarr", + "ang" + ], + [ + "Ġproced", + "ures" + ], + [ + "ĠWh", + "ich" + ], + [ + "ivers", + "ary" + ], + [ + "Ġb", + "ills" + ], + [ + "Ġimprove", + "ment" + ], + [ + "Ġin", + "ev" + ], + [ + "Ġexpect", + "ations" + ], + [ + "Ġintellect", + "ual" + ], + [ + "Ġsp", + "aces" + ], + [ + "Ġmechan", + "ism" + ], + [ + "2", + "50" + ], + [ + "bre", + "ak" + ], + [ + "ĠZ", + "e" + ], + [ + "ĠT", + "enn" + ], + [ + "ĠB", + "alt" + ], + [ + "Ġbar", + "rel" + ], + [ + "Ġstat", + "ic" + ], + [ + "man", + "n" + ], + [ + "Pol", + "ice" + ], + [ + "Ġt", + "ips" + ], + [ + "Ġhand", + "ling" + ], + [ + "c", + "us" + ], + [ + "od", + "ed" + ], + [ + "il", + "ton" + ], + [ + "ir", + "y" + ], + [ + "Ġjournal", + "ists" + ], + [ + "our", + "se" + ], + [ + "Ġcom", + "ic" + ], + [ + "Ġnom", + "ine" + ], + [ + "IT", + "Y" + ], + [ + "Ġvers", + "us" + ], + [ + "Ġlo", + "op" + ], + [ + "Ġsur", + "f" + ], + [ + "ĠInd", + "ust" + ], + [ + "ĠHun", + "ter" + ], + [ + "Ġbelief", + "s" + ], + [ + "is", + "an" + ], + [ + "Ġset", + "up" + ], + [ + "Ġbre", + "w" + ], + [ + "im", + "age" + ], + [ + "Ġcomput", + "ers" + ], + [ + "f", + "ol" + ], + [ + "}", + ",\"" + ], + [ + "ĠMed", + "al" + ], + [ + "Ġtax", + "p" + ], + [ + "Ġdisplay", + "ed" + ], + [ + "Ġg", + "rav" + ], + [ + "Ġf", + "iscal" + ], + [ + "M", + "on" + ], + [ + "ĠMos", + "cow" + ], + [ + "ĠK", + "ong" + ], + [ + "ĠCent", + "re" + ], + [ + "Ġcamer", + "as" + ], + [ + "ĠMr", + "s" + ], + [ + "ĠH", + "ay" + ], + [ + "Ġa", + "ver" + ], + [ + "ĠK", + "elly" + ], + [ + "p", + "y" + ], + [ + "Ġrequire", + "ment" + ], + [ + "Ġent", + "itled" + ], + [ + "omb", + "ie" + ], + [ + "Ġsh", + "adow" + ], + [ + "ag", + "ic" + ], + [ + "ĠA", + "k" + ], + [ + "Ġel", + "ite" + ], + [ + "Ġdiv", + "ided" + ], + [ + "Ġhead", + "ing" + ], + [ + "Ġcop", + "ies" + ], + [ + "Ġloss", + "es" + ], + [ + "Ġv", + "it" + ], + [ + "k", + "ed" + ], + [ + "ĠB", + "ry" + ], + [ + "Ġan", + "s" + ], + [ + "ĠSte", + "am" + ], + [ + "Ġrep", + "orter" + ], + [ + "he", + "im" + ], + [ + "ĠIt", + "em" + ], + [ + "Ġsuper", + "ior" + ], + [ + "d", + "on" + ], + [ + "ere", + "nt" + ], + [ + "Ã", + "¶" + ], + [ + "Ġtherap", + "y" + ], + [ + "Ġpe", + "ak" + ], + [ + "ĠMod", + "el" + ], + [ + "Ġl", + "ying" + ], + [ + "Ġg", + "am" + ], + [ + "z", + "er" + ], + [ + "r", + "itten" + ], + [ + "Ġrespons", + "es" + ], + [ + "Ġconsider", + "ation" + ], + [ + "ĠB", + "ible" + ], + [ + "Ġl", + "oyal" + ], + [ + "Ġinst", + "ant" + ], + [ + "Ġp", + "m" + ], + [ + "ĠFore", + "st" + ], + [ + "Ã", + "¼" + ], + [ + "Ġext", + "end" + ], + [ + "Ġconv", + "icted" + ], + [ + "Ġfound", + "er" + ], + [ + "Ġconv", + "in" + ], + [ + "ĠO", + "ak" + ], + [ + "che", + "ck" + ], + [ + "Ġsch", + "olars" + ], + [ + "p", + "ed" + ], + [ + "Ġover", + "se" + ], + [ + "T", + "op" + ], + [ + "c", + "ount" + ], + [ + "ĠAr", + "k" + ], + [ + "Â", + "·" + ], + [ + "Ġ0", + "6" + ], + [ + "ĠL", + "A" + ], + [ + "m", + "d" + ], + [ + "ĠLat", + "in" + ], + [ + "im", + "ental" + ], + [ + "ĠC", + "PU" + ], + [ + "Ġsubst", + "ance" + ], + [ + "Ġminor", + "ity" + ], + [ + "Ġmanufact", + "uring" + ], + [ + "E", + "r" + ], + [ + "ocol", + "ate" + ], + [ + "Ġatt", + "ended" + ], + [ + "ĠMan", + "ager" + ], + [ + "r", + "ations" + ], + [ + "Ġappreci", + "ate" + ], + [ + "om", + "y" + ], + [ + "GB", + "T" + ], + [ + "id", + "ency" + ], + [ + "B", + "L" + ], + [ + "Ġguarant", + "ee" + ], + [ + "pos", + "ition" + ], + [ + "Ġo", + "cean" + ], + [ + "clud", + "e" + ], + [ + "Ġhead", + "ed" + ], + [ + "Ġt", + "ape" + ], + [ + "Ġlo", + "ose" + ], + [ + "Ġlog", + "ic" + ], + [ + "Ġpro", + "ven" + ], + [ + "Ġsp", + "ir" + ], + [ + "Ġad", + "mit" + ], + [ + "is", + "a" + ], + [ + "Ġinvestig", + "ate" + ], + [ + "Ġ199", + "4" + ], + [ + "sy", + "lv" + ], + [ + "ĠL", + "ost" + ], + [ + "c", + "est" + ], + [ + "Ġ7", + "1" + ], + [ + "Ġrequest", + "ed" + ], + [ + "Ġwind", + "ows" + ], + [ + "ĠPok", + "é" + ], + [ + "ĠWith", + "out" + ], + [ + "M", + "et" + ], + [ + "Ġbehavi", + "our" + ], + [ + "Ġread", + "er" + ], + [ + "Ġh", + "ung" + ], + [ + "ĠKe", + "ep" + ], + [ + "Ġro", + "les" + ], + [ + "Ġimplement", + "ed" + ], + [ + "Ġbl", + "ank" + ], + [ + "Ġserv", + "es" + ], + [ + "ĠJ", + "ay" + ], + [ + "Ġc", + "ited" + ], + [ + "ĠF", + "riend" + ], + [ + "prof", + "it" + ], + [ + "ap", + "on" + ], + [ + "Ġrep", + "air" + ], + [ + "it", + "em" + ], + [ + "arr", + "ass" + ], + [ + "Ġcrit", + "ics" + ], + [ + "ad", + "i" + ], + [ + "ĠF", + "ather" + ], + [ + "Ġsh", + "out" + ], + [ + "Ġf", + "ool" + ], + [ + "Ġ8", + "8" + ], + [ + "Ġprodu", + "cing" + ], + [ + "Ġl", + "ib" + ], + [ + "Ġround", + "s" + ], + [ + "Ġcirc", + "le" + ], + [ + "Ġpre", + "par" + ], + [ + "Ġsub", + "mit" + ], + [ + "Ġn", + "ic" + ], + [ + "mor", + "row" + ], + [ + "ãĥ", + "«" + ], + [ + "U", + "nder" + ], + [ + "Ġv", + "ital" + ], + [ + "ater", + "n" + ], + [ + "Ġpass", + "word" + ], + [ + "Ġpublic", + "ation" + ], + [ + "Ġprom", + "inent" + ], + [ + "Ġspeak", + "s" + ], + [ + "Ġb", + "ars" + ], + [ + "Ġde", + "eper" + ], + [ + "ĠM", + "ill" + ], + [ + "port", + "ed" + ], + [ + "Ġw", + "id" + ], + [ + "Ġbut", + "ter" + ], + [ + "Ġsm", + "oking" + ], + [ + "Ġindic", + "ates" + ], + [ + "K", + "ey" + ], + [ + "rop", + "ri" + ], + [ + "ĠF", + "ile" + ], + [ + "all", + "ing" + ], + [ + "ast", + "ing" + ], + [ + "ĠR", + "us" + ], + [ + "Ġad", + "j" + ], + [ + "Ġ7", + "9" + ], + [ + "av", + "al" + ], + [ + "Ġpres", + "um" + ], + [ + "bur", + "gh" + ], + [ + "on", + "ic" + ], + [ + "Ġf", + "ur" + ], + [ + "Ġpoll", + "s" + ], + [ + "ik", + "a" + ], + [ + "Ġsecond", + "ary" + ], + [ + "Ġmon", + "ster" + ], + [ + "ig", + "s" + ], + [ + "ĠCur", + "rent" + ], + [ + "E", + "vent" + ], + [ + "Ġowners", + "hip" + ], + [ + "end", + "ar" + ], + [ + "Ġarri", + "ve" + ], + [ + "ĠT", + "ax" + ], + [ + "Ġn", + "ull" + ], + [ + "ĠPri", + "v" + ], + [ + "Ġth", + "ro" + ], + [ + "Ġk", + "iss" + ], + [ + "c", + "at" + ], + [ + "Ġup", + "set" + ], + [ + "ang", + "le" + ], + [ + "it", + "ches" + ], + [ + "ect", + "or" + ], + [ + "olog", + "ists" + ], + [ + "ĠGal", + "axy" + ], + [ + "Ġcor", + "ruption" + ], + [ + "Ġh", + "int" + ], + [ + "ent", + "er" + ], + [ + "ĠH", + "ospital" + ], + [ + "Ġgreat", + "ly" + ], + [ + "Ġbeg", + "un" + ], + [ + "es", + "y" + ], + [ + "Ġso", + "il" + ], + [ + "ĠAnt", + "on" + ], + [ + "Ġmain", + "tenance" + ], + [ + "ãĥ", + "©" + ], + [ + "Ġdo", + "zens" + ], + [ + "Ġhuman", + "ity" + ], + [ + "ĠAl", + "abama" + ], + [ + "Ġr", + "om" + ], + [ + "w", + "orth" + ], + [ + "ap", + "ing" + ], + [ + "sylv", + "ania" + ], + [ + "l", + "ah" + ], + [ + "Ġg", + "athered" + ], + [ + "G", + "A" + ], + [ + "Ġattack", + "ing" + ], + [ + "f", + "ound" + ], + [ + "ĠSqu", + "are" + ], + [ + "Ġar", + "bit" + ], + [ + "ict", + "ions" + ], + [ + "ĠW", + "isconsin" + ], + [ + "Ġd", + "ance" + ], + [ + "ĠS", + "aint" + ], + [ + "arch", + "y" + ], + [ + "Ġbase", + "ball" + ], + [ + "Ġcontribut", + "ions" + ], + [ + "Ġliter", + "ature" + ], + [ + "Ġex", + "ha" + ], + [ + "per", + "ty" + ], + [ + "t", + "est" + ], + [ + "Ġb", + "ab" + ], + [ + "Ġcontain", + "er" + ], + [ + "let", + "ter" + ], + [ + "Ġfall", + "en" + ], + [ + "Ġwebs", + "ites" + ], + [ + "Ġbott", + "le" + ], + [ + "ĠS", + "ac" + ], + [ + "Ġbre", + "ast" + ], + [ + "ĠP", + "L" + ], + [ + "Ġveter", + "an" + ], + [ + "Ġinterview", + "s" + ], + [ + "ĠA", + "le" + ], + [ + "Ġb", + "anned" + ], + [ + "eng", + "ers" + ], + [ + "ĠRev", + "olution" + ], + [ + "in", + "th" + ], + [ + "Ġconc", + "erning" + ], + [ + "IV", + "E" + ], + [ + "Ġexp", + "enses" + ], + [ + "ĠMatt", + "hew" + ], + [ + "ĠColumb", + "ia" + ], + [ + "d", + "s" + ], + [ + "ist", + "ance" + ], + [ + "Ġent", + "ity" + ], + [ + "..", + ".\"" + ], + [ + "Ġrel", + "iable" + ], + [ + "Ġpar", + "alle" + ], + [ + "ĠChrist", + "ians" + ], + [ + "Ġopin", + "ions" + ], + [ + "Ġin", + "du" + ], + [ + "l", + "ow" + ], + [ + "Ġcompet", + "e" + ], + [ + "Ġth", + "orough" + ], + [ + "Ġemploy", + "ed" + ], + [ + "Ġestablish", + "ment" + ], + [ + "ig", + "en" + ], + [ + "ĠC", + "ro" + ], + [ + "Ġlawy", + "ers" + ], + [ + "ĠSt", + "ation" + ], + [ + "T", + "E" + ], + [ + "ĠL", + "ind" + ], + [ + "ĠP", + "ur" + ], + [ + "it", + "ary" + ], + [ + "Ġeffic", + "iency" + ], + [ + "âĢ", + "IJ" + ], + [ + "ĠL", + "y" + ], + [ + "Ġm", + "ask" + ], + [ + "Ġdis", + "aster" + ], + [ + "Ġag", + "es" + ], + [ + "ER", + "E" + ], + [ + "es", + "is" + ], + [ + "ĠH", + "old" + ], + [ + "Ġcas", + "ual" + ], + [ + "b", + "led" + ], + [ + "Ġen", + "abled" + ], + [ + "ĠEn", + "vironment" + ], + [ + "ĠInt", + "elligence" + ], + [ + "i", + "per" + ], + [ + "ĠM", + "ap" + ], + [ + "ĠB", + "E" + ], + [ + "Ġemer", + "ged" + ], + [ + "is", + "dom" + ], + [ + "Ġc", + "abin" + ], + [ + "Ġregist", + "ration" + ], + [ + "Ġfing", + "ers" + ], + [ + "Ġro", + "ster" + ], + [ + "Ġfram", + "ework" + ], + [ + "ĠDo", + "ctor" + ], + [ + "et", + "ts" + ], + [ + "Ġtransport", + "ation" + ], + [ + "Ġaware", + "ness" + ], + [ + "H", + "er" + ], + [ + "Ġattempt", + "ing" + ], + [ + "O", + "ff" + ], + [ + "ĠSt", + "ore" + ], + [ + "ÃĥÃĤÃĥÃĤ", + "ÃĥÃĤÃĥÃĤ" + ], + [ + "ĠK", + "now" + ], + [ + "Ġdef", + "ence" + ], + [ + "Ġsc", + "an" + ], + [ + "ĠT", + "en" + ], + [ + "ĠCh", + "air" + ], + [ + "ĠP", + "H" + ], + [ + "ĠAtl", + "anta" + ], + [ + "Ġfuck", + "ing" + ], + [ + "Ġans", + "wered" + ], + [ + "b", + "n" + ], + [ + "ĠK", + "ar" + ], + [ + "Ġcateg", + "ories" + ], + [ + "Ġr", + "ational" + ], + [ + "Ġc", + "ust" + ], + [ + "Ġrob", + "ot" + ], + [ + "Ġcorrect", + "ly" + ], + [ + "Ġg", + "if" + ], + [ + "Ġgraph", + "ics" + ], + [ + "m", + "ic" + ], + [ + "Ġground", + "s" + ], + [ + "ĠO", + "pp" + ], + [ + "i", + "ate" + ], + [ + "Ġdist", + "ributed" + ], + [ + "Ġsan", + "ctions" + ], + [ + "Ġchalleng", + "ing" + ], + [ + "ut", + "o" + ], + [ + "Ġingred", + "ients" + ], + [ + "Ġinv", + "ited" + ], + [ + "Ġfound", + "ed" + ], + [ + "ĠRe", + "qu" + ], + [ + "d", + "ed" + ], + [ + "Ġb", + "owl" + ], + [ + "Ġbrother", + "s" + ], + [ + "ĠH", + "a" + ], + [ + "I", + "O" + ], + [ + "Ġw", + "ages" + ], + [ + "im", + "ore" + ], + [ + "oc", + "ial" + ], + [ + "Ġse", + "ed" + ], + [ + "ative", + "ly" + ], + [ + "Ġaddress", + "es" + ], + [ + "ĠI", + "owa" + ], + [ + "ab", + "eth" + ], + [ + "Ġatt", + "itude" + ], + [ + "is", + "d" + ], + [ + "ch", + "ild" + ], + [ + "Ġm", + "ole" + ], + [ + "Ġdisco", + "very" + ], + [ + "y", + "ard" + ], + [ + "B", + "r" + ], + [ + "Ġ8", + "2" + ], + [ + "Ġsuppl", + "ies" + ], + [ + "ell", + "ing" + ], + [ + "Ġdist", + "ingu" + ], + [ + "C", + "R" + ], + [ + "Ġre", + "cept" + ], + [ + "Ġ", + "vert" + ], + [ + "Ġsw", + "im" + ], + [ + "b", + "ec" + ], + [ + "d", + "oor" + ], + [ + "ĠY", + "eah" + ], + [ + "Ġg", + "al" + ], + [ + "Ġinter", + "act" + ], + [ + "ĠE", + "SP" + ], + [ + "ĠC", + "S" + ], + [ + "amp", + "s" + ], + [ + "Ġconvin", + "ced" + ], + [ + "Ġobject", + "ive" + ], + [ + "Ġdis", + "h" + ], + [ + "ĠPhot", + "os" + ], + [ + "l", + "ad" + ], + [ + "Ġdownt", + "own" + ], + [ + "o", + "il" + ], + [ + "in", + "ction" + ], + [ + "Ġto", + "morrow" + ], + [ + "ĠC", + "OM" + ], + [ + "Ġsurv", + "ival" + ], + [ + "sh", + "ot" + ], + [ + "Ġsett", + "lement" + ], + [ + "C", + "ons" + ], + [ + "ĠX", + "box" + ], + [ + "int", + "erest" + ], + [ + "ĠS", + "M" + ], + [ + "arg", + "o" + ], + [ + "en", + "ess" + ], + [ + "Ġeth", + "nic" + ], + [ + "b", + "ered" + ], + [ + "M", + "in" + ], + [ + "ĠT", + "ok" + ], + [ + "Ġinc", + "ent" + ], + [ + "ĠComm", + "and" + ], + [ + "Ġmain", + "tained" + ], + [ + "Ġbreak", + "s" + ], + [ + "br", + "idge" + ], + [ + "at", + "ar" + ], + [ + "ag", + "g" + ], + [ + "ĠF", + "inally" + ], + [ + "un", + "icip" + ], + [ + "ĠO", + "nt" + ], + [ + "le", + "ft" + ], + [ + "Ġrecogn", + "ition" + ], + [ + "Ġ*", + "/" + ], + [ + "ĠP", + "ers" + ], + [ + "Ġwe", + "lf" + ], + [ + "Ġaddress", + "ed" + ], + [ + "ĠK", + "ansas" + ], + [ + "Ġvir", + "us" + ], + [ + "Ġwhere", + "as" + ], + [ + "Ġp", + "apers" + ], + [ + "ram", + "s" + ], + [ + "ĠMin", + "istry" + ], + [ + "Ġple", + "asure" + ], + [ + "Ġacqu", + "ired" + ], + [ + "Ġd", + "uration" + ], + [ + "j", + "pg" + ], + [ + "Ġcal", + "m" + ], + [ + "ĠN", + "HL" + ], + [ + "Ġburn", + "ing" + ], + [ + "Ġfold", + "er" + ], + [ + "ick", + "ed" + ], + [ + "ĠP", + "y" + ], + [ + "ĠIll", + "inois" + ], + [ + "Cl", + "ass" + ], + [ + "ĠGodd", + "ess" + ], + [ + "Ġperform", + "ing" + ], + [ + "Ġwelf", + "are" + ], + [ + "j", + "ar" + ], + [ + "In", + "ter" + ], + [ + "Ġl", + "in" + ], + [ + "Ġenh", + "ance" + ], + [ + "Ġnot", + "ion" + ], + [ + "f", + "are" + ], + [ + "yp", + "es" + ], + [ + "ĠAre", + "a" + ], + [ + "Ġcann", + "abis" + ], + [ + "ĠDie", + "go" + ], + [ + "f", + "s" + ], + [ + "ĠM", + "anchester" + ], + [ + "com", + "m" + ], + [ + "in", + "ite" + ], + [ + "Ġcover", + "ing" + ], + [ + "ĠS", + "ound" + ], + [ + "Ġ19", + "60" + ], + [ + "Ġ8", + "4" + ], + [ + "e", + "lect" + ], + [ + "z", + "ing" + ], + [ + "Ġcitiz", + "en" + ], + [ + "Ġph", + "ones" + ], + [ + "Ġr", + "aid" + ], + [ + "Ġign", + "ored" + ], + [ + "ĠOb", + "ject" + ], + [ + "Ġu", + "pload" + ], + [ + "c", + "ard" + ], + [ + "Ġmod", + "ified" + ], + [ + "Ġroom", + "s" + ], + [ + "ia", + "h" + ], + [ + "r", + "ange" + ], + [ + "he", + "ast" + ], + [ + "ach", + "us" + ], + [ + "Ġsuggest", + "ing" + ], + [ + "âĢ", + "ĭ" + ], + [ + "gr", + "ade" + ], + [ + "E", + "l" + ], + [ + "Ġclot", + "hing" + ], + [ + "Ġr", + "h" + ], + [ + "ĠH", + "an" + ], + [ + "un", + "ity" + ], + [ + "en", + "cing" + ], + [ + "ĠAust", + "in" + ], + [ + "sec", + "ution" + ], + [ + "t", + "ra" + ], + [ + "d", + "em" + ], + [ + "ĠQ", + "ual" + ], + [ + "Ġhe", + "aven" + ], + [ + "Ġst", + "ages" + ], + [ + "Ġw", + "edd" + ], + [ + "pl", + "us" + ], + [ + "ific", + "ial" + ], + [ + "ĠIm", + "m" + ], + [ + "ĠH", + "o" + ], + [ + "iet", + "ies" + ], + [ + "Ġphr", + "ase" + ], + [ + "Ġbr", + "ill" + ], + [ + "act", + "ory" + ], + [ + "Ġprov", + "iders" + ], + [ + "Ġsil", + "ence" + ], + [ + "Ġa", + "er" + ], + [ + "ĠA", + "I" + ], + [ + "ĠAd", + "venture" + ], + [ + "Ġplatform", + "s" + ], + [ + "Ġdemonstr", + "ated" + ], + [ + "Ġinter", + "f" + ], + [ + "ing", + "ton" + ], + [ + "Ġr", + "aces" + ], + [ + "Ġgr", + "ade" + ], + [ + "ult", + "ane" + ], + [ + "ĠTh", + "rough" + ], + [ + "f", + "alse" + ], + [ + "Ġb", + "ow" + ], + [ + "ĠA", + "B" + ], + [ + "Ġfl", + "avor" + ], + [ + "Ġhistor", + "ic" + ], + [ + "g", + "ov" + ], + [ + "Ġcol", + "our" + ], + [ + "Ġview", + "ed" + ], + [ + "ĠEm", + "ail" + ], + [ + "el", + "come" + ], + [ + "Ġinter", + "vention" + ], + [ + "Ġd", + "iversity" + ], + [ + "Ġperiod", + "s" + ], + [ + "Ġre", + "verse" + ], + [ + "ĠV", + "ery" + ], + [ + "Ġqu", + "ote" + ], + [ + "ĠLe", + "ft" + ], + [ + "th", + "rough" + ], + [ + "Ġsc", + "rew" + ], + [ + "Ġland", + "ing" + ], + [ + "Ġp", + "ill" + ], + [ + "Ġw", + "et" + ], + [ + "Ġprot", + "esters" + ], + [ + "Ġrepe", + "at" + ], + [ + "av", + "ed" + ], + [ + "er", + "k" + ], + [ + "Ġsal", + "ary" + ], + [ + "ĠPenn", + "sylvania" + ], + [ + "St", + "ill" + ], + [ + "Ġmay", + "or" + ], + [ + "Ġkit", + "chen" + ], + [ + "Ġfeat", + "uring" + ], + [ + "ĠM", + "useum" + ], + [ + "ĠT", + "ournament" + ], + [ + "ĠF", + "al" + ], + [ + "Ġser", + "vers" + ], + [ + "U", + "C" + ], + [ + "Ġany", + "body" + ], + [ + "im", + "g" + ], + [ + "ĠTr", + "ade" + ], + [ + "ixt", + "ure" + ], + [ + "the", + "less" + ], + [ + "Ġfin", + "ance" + ], + [ + "Ġcl", + "osing" + ], + [ + "ĠPat", + "ri" + ], + [ + "i", + "ac" + ], + [ + "ab", + "el" + ], + [ + "Ġ>", + ">" + ], + [ + "or", + "ous" + ], + [ + "Ġf", + "irms" + ], + [ + "sc", + "reen" + ], + [ + "un", + "a" + ], + [ + "Ġemb", + "arrass" + ], + [ + "ul", + "se" + ], + [ + "Ġlet", + "ting" + ], + [ + "Ġth", + "rew" + ], + [ + "ile", + "y" + ], + [ + "Ġch", + "annels" + ], + [ + "l", + "an" + ], + [ + "ĠVeg", + "as" + ], + [ + "Ġse", + "ar" + ], + [ + "Ġfant", + "astic" + ], + [ + "ar", + "re" + ], + [ + "uzz", + "le" + ], + [ + "ĠD", + "er" + ], + [ + "Th", + "ose" + ], + [ + "Ġsw", + "ing" + ], + [ + "Ġshe", + "et" + ], + [ + "ind", + "ex" + ], + [ + "co", + "ver" + ], + [ + "og", + "an" + ], + [ + "Ġvari", + "ables" + ], + [ + "ĠTe", + "ch" + ], + [ + "Ġsp", + "oken" + ], + [ + "ac", + "hel" + ], + [ + "ĠD", + "a" + ], + [ + "ĠMount", + "ain" + ], + [ + "Ġload", + "ed" + ], + [ + "Ġfoot", + "age" + ], + [ + "vers", + "ion" + ], + [ + "Ġun", + "l" + ], + [ + "ĠPh", + "oenix" + ], + [ + "Ġthrow", + "ing" + ], + [ + "Ġf", + "iring" + ], + [ + "Ġtrack", + "ing" + ], + [ + "Ġw", + "idth" + ], + [ + "Ġstrugg", + "ling" + ], + [ + "ro", + "oms" + ], + [ + "ot", + "ion" + ], + [ + "Ġmonth", + "ly" + ], + [ + "ĠSer", + "ver" + ], + [ + "Ġegg", + "s" + ], + [ + "op", + "en" + ], + [ + "M", + "C" + ], + [ + "Ġ199", + "3" + ], + [ + "Ġh", + "ired" + ], + [ + "Ġstay", + "ed" + ], + [ + "ĠAll", + "en" + ], + [ + "Ġst", + "ro" + ], + [ + "Ġ9", + "8" + ], + [ + "st", + "ep" + ], + [ + "ĠTurk", + "ish" + ], + [ + "Ġfab", + "ric" + ], + [ + "ist", + "ing" + ], + [ + "ĠD", + "om" + ], + [ + "Ġd", + "ates" + ], + [ + "Ġpr", + "on" + ], + [ + "Ġbasket", + "ball" + ], + [ + "Ġl", + "ucky" + ], + [ + "ĠArab", + "ia" + ], + [ + "Ġassum", + "ed" + ], + [ + "est", + "y" + ], + [ + "Ġaff", + "airs" + ], + [ + "Ġgl", + "ad" + ], + [ + "ĠInd", + "eed" + ], + [ + "ĠF", + "A" + ], + [ + "ĠW", + "ord" + ], + [ + "Ġjo", + "ining" + ], + [ + "if", + "ice" + ], + [ + "p", + "read" + ], + [ + "ir", + "ts" + ], + [ + "ĠSe", + "lect" + ], + [ + "Ġpop", + "ulations" + ], + [ + "aw", + "are" + ], + [ + "Ġn", + "ose" + ], + [ + "Ġcompl", + "aints" + ], + [ + "st", + "art" + ], + [ + "Ġsc", + "oring" + ], + [ + "Th", + "anks" + ], + [ + "Ġmin", + "ing" + ], + [ + "Ġvisit", + "ors" + ], + [ + "S", + "H" + ], + [ + "Ġdam", + "aged" + ], + [ + "Ġcharacter", + "istics" + ], + [ + "ĠP", + "ent" + ], + [ + "D", + "C" + ], + [ + "Ġ8", + "3" + ], + [ + "ĠS", + "ix" + ], + [ + "r", + "ates" + ], + [ + "Ġfl", + "ags" + ], + [ + "ĠB", + "rew" + ], + [ + "d", + "og" + ], + [ + "M", + "ark" + ], + [ + "//", + "//" + ], + [ + "Ġexec", + "ution" + ], + [ + "Ġj", + "oke" + ], + [ + "ph", + "ones" + ], + [ + "Ġtestim", + "ony" + ], + [ + "Ġob", + "st" + ], + [ + "Q", + "L" + ], + [ + "ĠC", + "ut" + ], + [ + "Ġstud", + "ied" + ], + [ + "ĠN", + "intendo" + ], + [ + "ick", + "et" + ], + [ + "ĠN", + "BC" + ], + [ + "Ġl", + "ad" + ], + [ + "ĠB", + "ra" + ], + [ + "ĠM", + "oh" + ], + [ + "Ġk", + "ernel" + ], + [ + "Ġoverwhel", + "ming" + ], + [ + "Ġag", + "ed" + ], + [ + "Ġapplic", + "able" + ], + [ + "ĠC", + "ond" + ], + [ + "Ġroad", + "s" + ], + [ + "ĠBl", + "ock" + ], + [ + "m", + "ade" + ], + [ + "od", + "ge" + ], + [ + "Ġcomm", + "ands" + ], + [ + "Ġoff", + "ices" + ], + [ + "vel", + "and" + ], + [ + "Ġt", + "ut" + ], + [ + "Ġrece", + "iver" + ], + [ + "ĠF", + "ro" + ], + [ + "Ġsho", + "pping" + ], + [ + "Ġi", + "P" + ], + [ + "ĠSt", + "re" + ], + [ + "ĠA", + "BC" + ], + [ + "Ġentertain", + "ment" + ], + [ + "ĠB", + "ow" + ], + [ + "ort", + "ed" + ], + [ + "M", + "c" + ], + [ + "Ġread", + "s" + ], + [ + "gr", + "ad" + ], + [ + "ĠCol", + "lect" + ], + [ + "Ġâ", + "ĪĴ" + ], + [ + "ĠCap", + "ital" + ], + [ + "eder", + "ation" + ], + [ + "Ġemploy", + "er" + ], + [ + "Ġinvolve", + "ment" + ], + [ + "Ġanx", + "iety" + ], + [ + "al", + "ia" + ], + [ + "Ġro", + "of" + ], + [ + "ĠAm", + "ong" + ], + [ + "ĠDemocr", + "at" + ], + [ + "Ġstat", + "s" + ], + [ + "ĠV", + "ill" + ], + [ + "Ġconst", + "itutional" + ], + [ + "Ġrefer", + "ring" + ], + [ + "itt", + "y" + ], + [ + "Ġtack", + "le" + ], + [ + "out", + "ube" + ], + [ + "Ġback", + "ed" + ], + [ + "ĠH", + "ong" + ], + [ + "ĠBro", + "ad" + ], + [ + "Ġe", + "le" + ], + [ + "ĠO", + "tt" + ], + [ + "Ġ199", + "2" + ], + [ + "h", + "our" + ], + [ + "achus", + "etts" + ], + [ + "C", + "al" + ], + [ + "Ġdefe", + "ated" + ], + [ + "Ġ8", + "1" + ], + [ + "es", + "p" + ], + [ + "Ġseem", + "ingly" + ], + [ + "w", + "as" + ], + [ + "ĠJ", + "enn" + ], + [ + "ĠK", + "urd" + ], + [ + "Ġg", + "ene" + ], + [ + "Ġdisc", + "ount" + ], + [ + "R", + "et" + ], + [ + "EC", + "T" + ], + [ + "(", + ");" + ], + [ + "Ġclub", + "s" + ], + [ + "Ġs", + "id" + ], + [ + "ĠM", + "arsh" + ], + [ + "Che", + "ck" + ], + [ + "Ġp", + "p" + ], + [ + "ĠE", + "ag" + ], + [ + "ides", + "pread" + ], + [ + "Ġbe", + "ings" + ], + [ + "F", + "T" + ], + [ + "Ġintrodu", + "ction" + ], + [ + "ĠCh", + "ange" + ], + [ + "AR", + "D" + ], + [ + "Ġ1", + "10" + ], + [ + "ad", + "ows" + ], + [ + "ier", + "ce" + ], + [ + "Ġme", + "al" + ], + [ + "a", + "uthor" + ], + [ + "ĠB", + "ang" + ], + [ + "lah", + "oma" + ], + [ + "Ġr", + "anks" + ], + [ + "201", + "1" + ], + [ + "??", + "??" + ], + [ + "m", + "ax" + ], + [ + "Ġcoll", + "apse" + ], + [ + "Ġop", + "ens" + ], + [ + "Ġe", + "cho" + ], + [ + "Ġs", + "oph" + ], + [ + "Ġrac", + "ist" + ], + [ + "Ġenorm", + "ous" + ], + [ + "Ġw", + "aves" + ], + [ + "Ġt", + "ap" + ], + [ + "Ġcomprehens", + "ive" + ], + [ + ".", + "--" + ], + [ + "ĠR", + "oy" + ], + [ + "Ġfarm", + "ers" + ], + [ + "Rel", + "ated" + ], + [ + "a", + "ired" + ], + [ + "ron", + "es" + ], + [ + "ĠC", + "rim" + ], + [ + "Ġproport", + "ion" + ], + [ + "Ġdesign", + "s" + ], + [ + "Ġnegoti", + "ations" + ], + [ + "Ġvirt", + "ually" + ], + [ + "ĠBat", + "man" + ], + [ + "Ġwar", + "n" + ], + [ + "Ġlegit", + "imate" + ], + [ + "m", + "ate" + ], + [ + "Ġcon", + "vention" + ], + [ + ",", + "," + ], + [ + "net", + "ic" + ], + [ + "ĠS", + "D" + ], + [ + "Ġconsist", + "ently" + ], + [ + "Ġcompens", + "ation" + ], + [ + "Ġpunish", + "ment" + ], + [ + "Ġy", + "e" + ], + [ + "Ġt", + "ie" + ], + [ + "ĠB", + "ureau" + ], + [ + "ir", + "lf" + ], + [ + "ĠB", + "u" + ], + [ + "ĠA", + "ren" + ], + [ + "ĠPh", + "ilipp" + ], + [ + "Ġkn", + "ife" + ], + [ + "Ġmem", + "ories" + ], + [ + "ĠR", + "oss" + ], + [ + "Ġang", + "le" + ], + [ + "Ġ8", + "6" + ], + [ + "ĠTh", + "under" + ], + [ + "Ġre", + "nd" + ], + [ + "ĠT", + "our" + ], + [ + "Ġcount", + "s" + ], + [ + "s", + "ung" + ], + [ + "ĠIm", + "p" + ], + [ + "Ġeduc", + "ational" + ], + [ + "Ġaccess", + "ible" + ], + [ + "C", + "OM" + ], + [ + "Ġd", + "rew" + ], + [ + "y", + "er" + ], + [ + "G", + "l" + ], + [ + "am", + "ine" + ], + [ + "OR", + "T" + ], + [ + "O", + "B" + ], + [ + "I", + "B" + ], + [ + "m", + "aster" + ], + [ + "Ġtri", + "als" + ], + [ + "og", + "y" + ], + [ + "h", + "ar" + ], + [ + "ĠTr", + "ust" + ], + [ + "Ġprefer", + "red" + ], + [ + "irlf", + "riend" + ], + [ + "ĠN", + "ev" + ], + [ + "Ġb", + "in" + ], + [ + "Ġc", + "ow" + ], + [ + "P", + "age" + ], + [ + "Ġsign", + "ature" + ], + [ + "ĠB", + "L" + ], + [ + "7", + "00" + ], + [ + "Ġret", + "ired" + ], + [ + "Ġby", + "tes" + ], + [ + "Ġneigh", + "b" + ], + [ + "ĠLeg", + "end" + ], + [ + "Ġdev", + "ast" + ], + [ + "Ġsuspect", + "ed" + ], + [ + "is", + "ons" + ], + [ + "ĠPoké", + "mon" + ], + [ + "sc", + "ale" + ], + [ + "Ġcap", + "abilities" + ], + [ + "Ġre", + "vel" + ], + [ + "Ġche", + "ese" + ], + [ + "d", + "y" + ], + [ + "igr", + "ant" + ], + [ + "Ġfail", + "ing" + ], + [ + "b", + "its" + ], + [ + "ĠHer", + "oes" + ], + [ + "ĠG", + "host" + ], + [ + "ĠS", + "cient" + ], + [ + "Ġappoint", + "ed" + ], + [ + "ur", + "i" + ], + [ + "Ġinst", + "itution" + ], + [ + "Ġexpand", + "ed" + ], + [ + "g", + "reg" + ], + [ + "Ġmonitor", + "ing" + ], + [ + "Ġp", + "odcast" + ], + [ + "Ġcoal", + "ition" + ], + [ + "Ġ9", + "6" + ], + [ + "J", + "o" + ], + [ + "Ġst", + "olen" + ], + [ + "ĠS", + "ab" + ], + [ + "Ġstop", + "s" + ], + [ + "Ġhol", + "iday" + ], + [ + "Ġint", + "r" + ], + [ + "C", + "ar" + ], + [ + "Bl", + "ack" + ], + [ + "ĠL", + "GBT" + ], + [ + "Ġwar", + "ming" + ], + [ + "ĠAnd", + "erson" + ], + [ + "Ġ8", + "9" + ], + [ + "Ġprodu", + "cer" + ], + [ + "M", + "ed" + ], + [ + "Ġaccur", + "acy" + ], + [ + "ĠMar", + "vel" + ], + [ + "iz", + "abeth" + ], + [ + "ĠPat", + "rick" + ], + [ + "m", + "ony" + ], + [ + "Ġmin", + "i" + ], + [ + "ac", + "les" + ], + [ + "Ġover", + "t" + ], + [ + "the", + "y" + ], + [ + "Ġmembers", + "hip" + ], + [ + "ĠV", + "en" + ], + [ + "Ġex", + "ch" + ], + [ + "Ġrem", + "oval" + ], + [ + "ĠD", + "ave" + ], + [ + "T", + "Y" + ], + [ + "m", + "ad" + ], + [ + "ĠF", + "ind" + ], + [ + "Ġad", + "equ" + ], + [ + "Ġe", + "c" + ], + [ + "Ġte", + "eth" + ], + [ + "Ġemot", + "ion" + ], + [ + "Ġper", + "m" + ], + [ + "Ġsole", + "ly" + ], + [ + "d", + "b" + ], + [ + "Ġextra", + "ord" + ], + [ + "IG", + "HT" + ], + [ + "c", + "al" + ], + [ + "Ġgu", + "idelines" + ], + [ + "Ġd", + "ying" + ], + [ + "Ġsusp", + "ended" + ], + [ + "ĠPrem", + "ier" + ], + [ + "ĠAnth", + "ony" + ], + [ + "el", + "ve" + ], + [ + "Ġd", + "ad" + ], + [ + "ĠE", + "th" + ], + [ + "ĠFoot", + "ball" + ], + [ + "Ġabandon", + "ed" + ], + [ + "Ġ<", + "<" + ], + [ + "Ġm", + "arch" + ], + [ + "Ġhor", + "ror" + ], + [ + "âĢ¦", + "\"" + ], + [ + "Ġchild", + "hood" + ], + [ + "Ġcampaign", + "s" + ], + [ + "Ġl", + "unch" + ], + [ + "ĠAl", + "bert" + ], + [ + "bl", + "ock" + ], + [ + "âĸĪ", + "âĸĪ" + ], + [ + "ound", + "ing" + ], + [ + "Ġb", + "one" + ], + [ + "or", + "gan" + ], + [ + "ad", + "ers" + ], + [ + "ĠFl", + "ash" + ], + [ + "ĠDri", + "ve" + ], + [ + "Ġton", + "ight" + ], + [ + "Ġw", + "ars" + ], + [ + "ĠF", + "L" + ], + [ + "Ġform", + "ation" + ], + [ + "con", + "st" + ], + [ + "New", + "s" + ], + [ + "Ġcom", + "pe" + ], + [ + "or", + "ious" + ], + [ + "ĠSt", + "aff" + ], + [ + "Ġdiscuss", + "ions" + ], + [ + "ĠProt", + "ection" + ], + [ + "ĠJ", + "am" + ], + [ + "Ġcrit", + "eria" + ], + [ + "Ġinstall", + "ation" + ], + [ + "Ġaccompl", + "ish" + ], + [ + "iz", + "za" + ], + [ + "Ġpub", + "lisher" + ], + [ + "Ġresc", + "ue" + ], + [ + "ĠT", + "ry" + ], + [ + "U", + "LL" + ], + [ + "ĠS", + "om" + ], + [ + "ĠH", + "op" + ], + [ + "ore", + "t" + ], + [ + "th", + "s" + ], + [ + "ord", + "on" + ], + [ + "Ġp", + "ocket" + ], + [ + "ĠIn", + "v" + ], + [ + "Down", + "load" + ], + [ + "ĠCr", + "ime" + ], + [ + "Ġb", + "ene" + ], + [ + "ĠGu", + "ide" + ], + [ + "ĠAs", + "sembly" + ], + [ + "Ġparam", + "eters" + ], + [ + "I", + "E" + ], + [ + "ĠAlex", + "ander" + ], + [ + "Ġconc", + "ert" + ], + [ + "ĠSc", + "he" + ], + [ + "Ġsh", + "oes" + ], + [ + "Ġvis", + "iting" + ], + [ + "Ġrec", + "all" + ], + [ + "Ġb", + "ub" + ], + [ + "Ġr", + "ural" + ], + [ + "Ġconc", + "rete" + ], + [ + "ĠR", + "os" + ], + [ + "N", + "ext" + ], + [ + "R", + "uss" + ], + [ + "Ġlo", + "ans" + ], + [ + "ĠSh", + "ield" + ], + [ + "Ġtre", + "m" + ], + [ + "hem", + "at" + ], + [ + "k", + "g" + ], + [ + "ĠHar", + "ris" + ], + [ + "is", + "ition" + ], + [ + "ĠM", + "ove" + ], + [ + "ĠF", + "C" + ], + [ + "Ġf", + "ate" + ], + [ + "ĠCh", + "o" + ], + [ + "Ġt", + "ired" + ], + [ + "Ġprinc", + "ipal" + ], + [ + "h", + "ist" + ], + [ + "ien", + "ces" + ], + [ + "ath", + "y" + ], + [ + "Ġse", + "vent" + ], + [ + "Ġm", + "ood" + ], + [ + "Ġstrateg", + "ic" + ], + [ + "Ġdise", + "ases" + ], + [ + "Ġfor", + "um" + ], + [ + "Ġtem", + "por" + ], + [ + "Ġhead", + "quarters" + ], + [ + "P", + "ar" + ], + [ + "ig", + "e" + ], + [ + "fl", + "ix" + ], + [ + "Ġgu", + "itar" + ], + [ + "Ġ9", + "4" + ], + [ + "On", + "ly" + ], + [ + "Ġrele", + "ases" + ], + [ + "ro", + "ph" + ], + [ + "================", + "================" + ], + [ + "Ġ6", + "00" + ], + [ + "ĠContin", + "ue" + ], + [ + "ig", + "ate" + ], + [ + "ĠC", + "rit" + ], + [ + "sy", + "stem" + ], + [ + "Ġdis", + "abled" + ], + [ + "Ġunex", + "pected" + ], + [ + "ith", + "ub" + ], + [ + "Ġuncle", + "ar" + ], + [ + "ĠE", + "st" + ], + [ + "Ġcontr", + "ad" + ], + [ + "Ġstrateg", + "ies" + ], + [ + "vent", + "ures" + ], + [ + "Ġpass", + "age" + ], + [ + "AM", + "E" + ], + [ + "Ġimpro", + "ving" + ], + [ + "Ġreve", + "als" + ], + [ + "Ġdecre", + "ase" + ], + [ + "ov", + "a" + ], + [ + "Ġann", + "oy" + ], + [ + "ĠSh", + "ort" + ], + [ + "ĠL", + "ibrary" + ], + [ + "Ġcy", + "ber" + ], + [ + "n", + "ell" + ], + [ + "ĠH", + "ur" + ], + [ + "ĠC", + "B" + ], + [ + "Ġphot", + "ograp" + ], + [ + "U", + "I" + ], + [ + "Ġs", + "ed" + ], + [ + "G", + "e" + ], + [ + "Ġ8", + "7" + ], + [ + "Ġd", + "iverse" + ], + [ + "Ġencour", + "aged" + ], + [ + "Ġcons", + "piracy" + ], + [ + "Ġbird", + "s" + ], + [ + "Ġoper", + "ator" + ], + [ + "Ġhand", + "ful" + ], + [ + "Ġclass", + "ified" + ], + [ + "?", + ")" + ], + [ + "Ġdram", + "atic" + ], + [ + "Ġinvestig", + "ators" + ], + [ + "it", + "o" + ], + [ + "Ġw", + "idespread" + ], + [ + "ĠR", + "oom" + ], + [ + "--------------------------------", + "--------------------------------" + ], + [ + "Ġcollect", + "ive" + ], + [ + "Ġjournal", + "ist" + ], + [ + "St", + "ring" + ], + [ + "Ġtemper", + "atures" + ], + [ + "il", + "a" + ], + [ + "Ġgu", + "id" + ], + [ + "Ġins", + "pect" + ], + [ + "Ġmiss", + "ile" + ], + [ + "ĠMay", + "or" + ], + [ + "Ġman", + "ual" + ], + [ + "Ġsim", + "ultane" + ], + [ + "Ġrat", + "ings" + ], + [ + "Ġsu", + "ck" + ], + [ + "Ġ9", + "7" + ], + [ + "Ġunivers", + "al" + ], + [ + "Ġph", + "arm" + ], + [ + "Ġdis", + "rupt" + ], + [ + "ian", + "o" + ], + [ + "A", + "V" + ], + [ + "Ġf", + "t" + ], + [ + "Ġstat", + "ist" + ], + [ + "old", + "s" + ], + [ + "ĠWalk", + "er" + ], + [ + "ph", + "p" + ], + [ + "Ġunder", + "t" + ], + [ + "ĠL", + "as" + ], + [ + "ish", + "op" + ], + [ + "nt", + "il" + ], + [ + "res", + "hold" + ], + [ + "ĠWhe", + "ther" + ], + [ + "M", + "s" + ], + [ + "Ġden", + "y" + ], + [ + "ĠCl", + "oud" + ], + [ + "Ġprov", + "ider" + ], + [ + "Ġsurv", + "iv" + ], + [ + "ĠUp", + "date" + ], + [ + "h", + "as" + ], + [ + "Ġmist", + "akes" + ], + [ + "ch", + "arge" + ], + [ + "pl", + "ed" + ], + [ + "r", + "ity" + ], + [ + "Ġn", + "ode" + ], + [ + "ĠMass", + "achusetts" + ], + [ + "ool", + "s" + ], + [ + "lic", + "ation" + ], + [ + "Ġf", + "ails" + ], + [ + "em", + "ale" + ], + [ + "or", + "i" + ], + [ + "back", + "s" + ], + [ + "Ġsh", + "irt" + ], + [ + "Ġ'", + "'" + ], + [ + "ĠN", + "AT" + ], + [ + "Ġwat", + "ers" + ], + [ + "els", + "on" + ], + [ + "Ġe", + "ase" + ], + [ + "Ġsc", + "ar" + ], + [ + "Ġcont", + "ents" + ], + [ + "m", + "ind" + ], + [ + "Ġcont", + "ribution" + ], + [ + "Ġsh", + "r" + ], + [ + "Ġhand", + "ed" + ], + [ + "Ġst", + "ability" + ], + [ + "Ġtra", + "ve" + ], + [ + "E", + "m" + ], + [ + "Ġmir", + "ror" + ], + [ + "12", + "3" + ], + [ + "Ġwe", + "igh" + ], + [ + "Ġf", + "iction" + ], + [ + "ou", + "ver" + ], + [ + "ist", + "ant" + ], + [ + "r", + "ition" + ], + [ + "ĠF", + "ed" + ], + [ + "Ġphys", + "ically" + ], + [ + "Ġst", + "ake" + ], + [ + "ĠArt", + "icle" + ], + [ + "ĠAr", + "c" + ], + [ + "ĠLew", + "is" + ], + [ + "ĠM", + "ind" + ], + [ + "Ġdemonstr", + "ate" + ], + [ + "Ġprof", + "its" + ], + [ + "v", + "ision" + ], + [ + "om", + "ic" + ], + [ + "ol", + "id" + ], + [ + "Ġbatt", + "les" + ], + [ + "Ġdri", + "ves" + ], + [ + "Ġeas", + "tern" + ], + [ + "ĠS", + "ony" + ], + [ + "!!", + "!" + ], + [ + "ar", + "ation" + ], + [ + "v", + "ard" + ], + [ + "ĠG", + "L" + ], + [ + "port", + "ation" + ], + [ + "Ġ9", + "2" + ], + [ + "Ġlaw", + "makers" + ], + [ + "Ġprotect", + "ing" + ], + [ + "ĠE", + "PA" + ], + [ + "Ġy", + "eah" + ], + [ + "Ġsh", + "ame" + ], + [ + "ol", + "ph" + ], + [ + "e", + "ven" + ], + [ + "x", + "it" + ], + [ + "Ġatt", + "ach" + ], + [ + "Ġrepresent", + "ing" + ], + [ + "Ġob", + "s" + ], + [ + "ĠUt", + "ah" + ], + [ + "iff", + "s" + ], + [ + "ĠFre", + "edom" + ], + [ + "Ã", + "³" + ], + [ + "A", + "K" + ], + [ + "Ġinc", + "idents" + ], + [ + "it", + "age" + ], + [ + "Ġview", + "ers" + ], + [ + "c", + "d" + ], + [ + "Ġm", + "ouse" + ], + [ + "Ġcl", + "ar" + ], + [ + "Ġaccord", + "ance" + ], + [ + "Ġb", + "ot" + ], + [ + "c", + "or" + ], + [ + "ĠSum", + "mer" + ], + [ + "he", + "ld" + ], + [ + "Ġinnoc", + "ent" + ], + [ + "Ġiniti", + "ative" + ], + [ + "ol", + "s" + ], + [ + "________________", + "________________" + ], + [ + "Ġsp", + "ots" + ], + [ + "p", + "ace" + ], + [ + "Ġconvent", + "ional" + ], + [ + "Ġcorpor", + "ations" + ], + [ + "Ġblock", + "ed" + ], + [ + "H", + "D" + ], + [ + "at", + "tered" + ], + [ + "Ġref", + "ers" + ], + [ + "Ġbu", + "ck" + ], + [ + "ĠDig", + "ital" + ], + [ + "12", + "0" + ], + [ + "Ġtop", + "ics" + ], + [ + "T", + "F" + ], + [ + "Ä", + "ģ" + ], + [ + "br", + "id" + ], + [ + "re", + "ement" + ], + [ + "Ġunder", + "lying" + ], + [ + "ĠM", + "ember" + ], + [ + "Ġinvestig", + "ating" + ], + [ + "Ġpregn", + "ancy" + ], + [ + "Ġtouch", + "down" + ], + [ + "ĠB", + "and" + ], + [ + "ĠCall", + "er" + ], + [ + "Ġinst", + "ances" + ], + [ + "P", + "P" + ], + [ + "w", + "a" + ], + [ + "G", + "ood" + ], + [ + "Ġ199", + "1" + ], + [ + "ĠC", + "old" + ], + [ + "Ġfear", + "s" + ], + [ + "Ġrem", + "arks" + ], + [ + "Ĩ", + "Ĵ" + ], + [ + "at", + "al" + ], + [ + "Ġm", + "it" + ], + [ + "Ġexper", + "iments" + ], + [ + "i", + "pt" + ], + [ + "Col", + "or" + ], + [ + "ind", + "u" + ], + [ + "Up", + "date" + ], + [ + "Ġ9", + "3" + ], + [ + "A", + "g" + ], + [ + "Ġ", + "å" + ], + [ + "anc", + "ouver" + ], + [ + "B", + "oth" + ], + [ + "Ġjud", + "ges" + ], + [ + "Ob", + "ject" + ], + [ + "Ġst", + "ere" + ], + [ + "umb", + "n" + ], + [ + "Ġparticip", + "ation" + ], + [ + "ĠSt", + "ars" + ], + [ + "ĠJ", + "ere" + ], + [ + "Ġweek", + "ly" + ], + [ + "ĠB", + "an" + ], + [ + "Ġconvers", + "ations" + ], + [ + "ĠP", + "itt" + ], + [ + "u", + "z" + ], + [ + "ĠIndian", + "a" + ], + [ + "ĠK", + "ick" + ], + [ + "Ġinf", + "ection" + ], + [ + "Ġhero", + "es" + ], + [ + "Ġsett", + "led" + ], + [ + "Ġstri", + "p" + ], + [ + "Ġh", + "al" + ], + [ + "Ġd", + "ump" + ], + [ + "ĠS", + "ci" + ], + [ + "Ġl", + "es" + ], + [ + "Ġref", + "erences" + ], + [ + "ĠU", + "RL" + ], + [ + "ĠBr", + "idge" + ], + [ + "Ġwant", + "ing" + ], + [ + "For", + "ce" + ], + [ + "Ġex", + "clus" + ], + [ + "Me", + "anwhile" + ], + [ + "m", + "n" + ], + [ + "Ġg", + "entle" + ], + [ + "m", + "aker" + ], + [ + "sen", + "al" + ], + [ + "ĠG", + "ro" + ], + [ + "ou", + "ri" + ], + [ + "ĠR", + "ain" + ], + [ + "ĠAll", + "iance" + ], + [ + "Ġl", + "ift" + ], + [ + "el", + "a" + ], + [ + "S", + "D" + ], + [ + "ĠCle", + "veland" + ], + [ + "Ġrank", + "ed" + ], + [ + "Ġst", + "adium" + ], + [ + "Ġdead", + "ly" + ], + [ + "ä", + "¸" + ], + [ + "Ġr", + "iding" + ], + [ + "ar", + "ia" + ], + [ + "ĠAr", + "mor" + ], + [ + "Ġdocument", + "ation" + ], + [ + "ĠGree", + "ce" + ], + [ + "ree", + "k" + ], + [ + "Ġl", + "ens" + ], + [ + "ĠS", + "a" + ], + [ + "Ġg", + "ross" + ], + [ + "ĠE", + "mer" + ], + [ + "ag", + "ers" + ], + [ + "ĠD", + "ub" + ], + [ + "ĠR", + "h" + ], + [ + "ĠAM", + "D" + ], + [ + "Ġarri", + "val" + ], + [ + "Ġdes", + "ert" + ], + [ + "Ġsupp", + "lement" + ], + [ + "ĠRes", + "p" + ], + [ + "Ġkn", + "ee" + ], + [ + "Ġmarg", + "in" + ], + [ + "f", + "ont" + ], + [ + "og", + "g" + ], + [ + "201", + "0" + ], + [ + "ĠP", + "ir" + ], + [ + "ĠP", + "rom" + ], + [ + "iv", + "als" + ], + [ + "Ġint", + "ake" + ], + [ + "Ġdifferent", + "ly" + ], + [ + "ug", + "s" + ], + [ + "Ġb", + "its" + ], + [ + "clud", + "ed" + ], + [ + "Ġsearch", + "ing" + ], + [ + "ĠD", + "u" + ], + [ + "um", + "ble" + ], + [ + "Ġfunction", + "al" + ], + [ + "ĠBalt", + "imore" + ], + [ + "ĠC", + "ould" + ], + [ + "Ġdes", + "ired" + ], + [ + "Ġcirc", + "uit" + ], + [ + "ĠL", + "yn" + ], + [ + "ĠG", + "O" + ], + [ + "ĠF", + "alse" + ], + [ + "re", + "pre" + ], + [ + "'", + ":" + ], + [ + "alt", + "ies" + ], + [ + "Ġmin", + "im" + ], + [ + "Ġdro", + "ve" + ], + [ + "ĠSh", + "ould" + ], + [ + "Ġh", + "ip" + ], + [ + "Ġpro", + "s" + ], + [ + "Ġut", + "ility" + ], + [ + "ĠN", + "ature" + ], + [ + "ĠM", + "ode" + ], + [ + "P", + "resident" + ], + [ + "o", + "pp" + ], + [ + "r", + "at" + ], + [ + "form", + "ance" + ], + [ + "Ġconcent", + "ration" + ], + [ + "Ġf", + "ont" + ], + [ + "ĠB", + "ud" + ], + [ + "Ġam", + "id" + ], + [ + "Ġre", + "vers" + ], + [ + "ĠM", + "L" + ], + [ + "B", + "ar" + ], + [ + "Ġinter", + "action" + ], + [ + "Ġjur", + "isd" + ], + [ + "Ġspell", + "s" + ], + [ + "d", + "ep" + ], + [ + "f", + "il" + ], + [ + "Ġcivil", + "ians" + ], + [ + "ut", + "ter" + ], + [ + "ĠCo", + "oper" + ], + [ + "ĠBel", + "ow" + ], + [ + "Ġent", + "rance" + ], + [ + "Ġcon", + "vert" + ], + [ + "Ġcontrovers", + "y" + ], + [ + "ow", + "ered" + ], + [ + "Ġcontr", + "ary" + ], + [ + "Ġar", + "c" + ], + [ + "ĠExec", + "utive" + ], + [ + "ĠOffic", + "er" + ], + [ + "Ġpack", + "ages" + ], + [ + "Ġprog", + "ressive" + ], + [ + "w", + "idth" + ], + [ + "Ġreserv", + "ed" + ], + [ + "v", + "ol" + ], + [ + "ĠSam", + "sung" + ], + [ + "Ġprint", + "ed" + ], + [ + "Ġcent", + "ers" + ], + [ + "Ġintrodu", + "ce" + ], + [ + "ĠKenn", + "edy" + ], + [ + "Ġodd", + "s" + ], + [ + "Ġsure", + "ly" + ], + [ + "Ġindepend", + "ence" + ], + [ + "Ġpass", + "engers" + ], + [ + "repre", + "ne" + ], + [ + "ĠBe", + "h" + ], + [ + "Ġl", + "oves" + ], + [ + "ĠESP", + "N" + ], + [ + "Ġfac", + "ilit" + ], + [ + "Ġident", + "ical" + ], + [ + "Ġdo", + "ct" + ], + [ + "Ġpartners", + "hip" + ], + [ + "con", + "f" + ], + [ + "ĠH", + "ide" + ], + [ + "Ġconf", + "used" + ], + [ + "ĠC", + "ow" + ], + [ + "M", + "en" + ], + [ + "Ġw", + "rest" + ], + [ + "ĠIraq", + "i" + ], + [ + "Ġh", + "oles" + ], + [ + "ĠStud", + "ies" + ], + [ + "Ġpregn", + "ant" + ], + [ + "h", + "ard" + ], + [ + "Ġsign", + "als" + ], + [ + "I", + "X" + ], + [ + "Ġpull", + "ing" + ], + [ + "Ġgrad", + "uate" + ], + [ + "Ġnomine", + "e" + ], + [ + "D", + "ate" + ], + [ + "Ġper", + "mitted" + ], + [ + "Ġâ", + "Ĥ¬" + ], + [ + "ĠOk", + "lahoma" + ], + [ + "St", + "art" + ], + [ + "Ġauthor", + "ized" + ], + [ + "Ġal", + "arm" + ], + [ + "ĠC", + "os" + ], + [ + "v", + "an" + ], + [ + "Ġgener", + "ations" + ], + [ + "c", + "ular" + ], + [ + "Ġdr", + "agon" + ], + [ + "ĠSoft", + "ware" + ], + [ + "ĠEd", + "ward" + ], + [ + "Ġcontro", + "ller" + ], + [ + "S", + "en" + ], + [ + "ge", + "red" + ], + [ + "ĠV", + "ik" + ], + [ + "Ġappro", + "ached" + ], + [ + "Th", + "ank" + ], + [ + "Ġcan", + "ce" + ], + [ + "Ġform", + "ula" + ], + [ + "ĠSm", + "all" + ], + [ + "Ġweak", + "ness" + ], + [ + "Ġr", + "amp" + ], + [ + "it", + "udes" + ], + [ + "j", + "ud" + ], + [ + "Ġbrill", + "iant" + ], + [ + "Ġacc", + "us" + ], + [ + "s", + "ource" + ], + [ + "Ġ8", + "00" + ], + [ + "ĠE", + "vil" + ], + [ + "S", + "w" + ], + [ + "Ġhom", + "eless" + ], + [ + "we", + "ek" + ], + [ + "i", + "ens" + ], + [ + "r", + "ics" + ], + [ + "ĠTh", + "ird" + ], + [ + "T", + "O" + ], + [ + "Ġorgan", + "ic" + ], + [ + "Ġpresent", + "ation" + ], + [ + "ag", + "h" + ], + [ + "ĠDown", + "load" + ], + [ + "v", + "ation" + ], + [ + "Ġas", + "sembly" + ], + [ + "or", + "able" + ], + [ + "hold", + "ers" + ], + [ + "ĠBern", + "ie" + ], + [ + "ĠHel", + "p" + ], + [ + "Ġt", + "ong" + ], + [ + "ĠF", + "ight" + ], + [ + "Ġbe", + "ach" + ], + [ + "B", + "ook" + ], + [ + "ĠL", + "ic" + ], + [ + "Ġr", + "ush" + ], + [ + "ĠR", + "ound" + ], + [ + "ou", + "p" + ], + [ + "ĠMar", + "x" + ], + [ + "Ġcalcul", + "ated" + ], + [ + "ĠDe", + "vil" + ], + [ + "ĠSar", + "ah" + ], + [ + "Ġoccasion", + "ally" + ], + [ + "Ġbul", + "let" + ], + [ + "Av", + "ailable" + ], + [ + "g", + "ate" + ], + [ + "Ġ9", + "1" + ], + [ + "Ġh", + "osp" + ], + [ + "Ġprom", + "ises" + ], + [ + "ĠH", + "IV" + ], + [ + "ĠSt", + "adium" + ], + [ + "ĠSt", + "ock" + ], + [ + "ĠCorpor", + "ation" + ], + [ + "g", + "age" + ], + [ + "N", + "G" + ], + [ + "ĠC", + "redit" + ], + [ + "Ġs", + "ne" + ], + [ + "ib", + "l" + ], + [ + "Ġacc", + "um" + ], + [ + "s", + "uch" + ], + [ + "Ġterror", + "ists" + ], + [ + "Ġconscious", + "ness" + ], + [ + "ĠZ", + "h" + ], + [ + "Ġdram", + "a" + ], + [ + "ool", + "a" + ], + [ + "pir", + "ation" + ], + [ + "Ġlab", + "our" + ], + [ + "ĠN", + "in" + ], + [ + "Ġut", + "ter" + ], + [ + "Ġdemocr", + "atic" + ], + [ + "Ġass", + "ass" + ], + [ + "il", + "ation" + ], + [ + "Ġg", + "est" + ], + [ + "Ġab", + "road" + ], + [ + "Ġmet", + "ab" + ], + [ + "Ġs", + "orts" + ], + [ + "Ġfl", + "av" + ], + [ + "U", + "B" + ], + [ + "Ġm", + "g" + ], + [ + "ĠNot", + "hing" + ], + [ + "ĠO", + "d" + ], + [ + "Ġmus", + "ical" + ], + [ + "200", + "9" + ], + [ + "Ġdro", + "ps" + ], + [ + "oc", + "ated" + ], + [ + "ater", + "al" + ], + [ + "0000", + "00" + ], + [ + "Ġg", + "re" + ], + [ + "Ġequ", + "ality" + ], + [ + "Ġburd", + "en" + ], + [ + "Ġv", + "ig" + ], + [ + "ĠLe", + "ader" + ], + [ + "--------", + "----" + ], + [ + "Ġcere", + "mony" + ], + [ + "Ġf", + "ighter" + ], + [ + "Ġact", + "ors" + ], + [ + "Ġ", + "æ" + ], + [ + "am", + "an" + ], + [ + "F", + "i" + ], + [ + "Ġal", + "ign" + ], + [ + "put", + "er" + ], + [ + "Ġe", + "lder" + ], + [ + "ĠN", + "SA" + ], + [ + "Ġrepresent", + "ation" + ], + [ + "ĠOnt", + "ario" + ], + [ + "IT", + "H" + ], + [ + "usal", + "em" + ], + [ + "Ġharass", + "ment" + ], + [ + "itz", + "er" + ], + [ + "Ġsy", + "mp" + ], + [ + "Ġbox", + "es" + ], + [ + "ĠD", + "R" + ], + [ + "Ġman", + "ifest" + ], + [ + "at", + "re" + ], + [ + "Ġ", + "^" + ], + [ + "Ġd", + "ies" + ], + [ + "le", + "ton" + ], + [ + "Ġmiss", + "ions" + ], + [ + "et", + "he" + ], + [ + "Ġres", + "olve" + ], + [ + "Ġfollow", + "ers" + ], + [ + "Ġas", + "c" + ], + [ + "Ġk", + "m" + ], + [ + "l", + "ord" + ], + [ + "am", + "med" + ], + [ + "Ġsil", + "ent" + ], + [ + "ĠAssoci", + "ated" + ], + [ + "Ġtim", + "ing" + ], + [ + "Ġprison", + "ers" + ], + [ + "ĠK", + "ings" + ], + [ + "ĠF", + "ive" + ], + [ + "Ġtow", + "er" + ], + [ + "Ġappro", + "aches" + ], + [ + "Ġprecise", + "ly" + ], + [ + "Ġb", + "ureau" + ], + [ + "ĠM", + "other" + ], + [ + "ĠI", + "ss" + ], + [ + "Ġkey", + "board" + ], + [ + "it", + "ual" + ], + [ + "Ġfund", + "ed" + ], + [ + "Ġstay", + "ing" + ], + [ + "Ġpsych", + "ological" + ], + [ + "Ġm", + "ile" + ], + [ + "ĠLe", + "on" + ], + [ + "ĠBar", + "b" + ], + [ + "w", + "ill" + ], + [ + "Ġw", + "ider" + ], + [ + "ĠAtl", + "antic" + ], + [ + "Ġt", + "ill" + ], + [ + "ĠR", + "ome" + ], + [ + "ro", + "t" + ], + [ + "Ġaccomp", + "an" + ], + [ + "Ġfl", + "our" + ], + [ + "ac", + "o" + ], + [ + "W", + "orld" + ], + [ + "ĠExp", + "ress" + ], + [ + "ĠY", + "u" + ], + [ + "C", + "or" + ], + [ + "Ġple", + "ased" + ], + [ + "part", + "y" + ], + [ + "Ġpoint", + "ing" + ], + [ + "Ġinf", + "lation" + ], + [ + "Ġro", + "y" + ], + [ + "Ġ", + ")," + ], + [ + "ain", + "er" + ], + [ + "Ġwedd", + "ing" + ], + [ + "orm", + "on" + ], + [ + "Ġrequ", + "iring" + ], + [ + "Ġqual", + "ified" + ], + [ + "Ġse", + "gment" + ], + [ + "EN", + "D" + ], + [ + "Ġs", + "izes" + ], + [ + "e", + "als" + ], + [ + "Ġcor", + "rupt" + ], + [ + "ass", + "ador" + ], + [ + "Ġcele", + "b" + ], + [ + "Ġdream", + "s" + ], + [ + "ĠM", + "ess" + ], + [ + "Ġcheck", + "ing" + ], + [ + "ĠV", + "ersion" + ], + [ + "Ġprep", + "aring" + ], + [ + "Ġact", + "ively" + ], + [ + "ĠD", + "iff" + ], + [ + "Ġl", + "ux" + ], + [ + "ĠW", + "inter" + ], + [ + "act", + "eria" + ], + [ + "ĠN", + "E" + ], + [ + "Ġdep", + "uty" + ], + [ + "Ġtrans", + "gender" + ], + [ + "Ġsum", + "mary" + ], + [ + "Ġin", + "her" + ], + [ + "er", + "ies" + ], + [ + "ch", + "ar" + ], + [ + "ĠY", + "an" + ], + [ + "Ġkn", + "ock" + ], + [ + "ĠP", + "ath" + ], + [ + "Ġl", + "ip" + ], + [ + "roll", + "er" + ], + [ + "Ġimp", + "ression" + ], + [ + "Ġcelebr", + "ate" + ], + [ + "Ġsl", + "ide" + ], + [ + "Ġgu", + "ests" + ], + [ + "Ġcl", + "ip" + ], + [ + "F", + "S" + ], + [ + "Ġsav", + "ings" + ], + [ + "Ġcapt", + "ain" + ], + [ + "Ġleg", + "acy" + ], + [ + "ĠDen", + "ver" + ], + [ + "Ġw", + "ounded" + ], + [ + "tab", + "oola" + ], + [ + "AC", + "T" + ], + [ + "Ġpurs", + "ue" + ], + [ + "Ġo", + "xy" + ], + [ + "Ġ", + "q" + ], + [ + "Ġsem", + "i" + ], + [ + "ĠN", + "eed" + ], + [ + "ĠAff", + "airs" + ], + [ + "Ġob", + "sc" + ], + [ + "Ġcheck", + "ed" + ], + [ + "Ġd", + "ual" + ], + [ + "C", + "ode" + ], + [ + "ĠM", + "D" + ], + [ + "le", + "m" + ], + [ + "ult", + "y" + ], + [ + "ĠÂ", + "©" + ], + [ + "ĠEl", + "izabeth" + ], + [ + "Ġcent", + "uries" + ], + [ + "ard", + "ed" + ], + [ + "s", + "rc" + ], + [ + "Ġev", + "ident" + ], + [ + "enn", + "is" + ], + [ + "at", + "in" + ], + [ + "Ġunemploy", + "ment" + ], + [ + "ĠMar", + "io" + ], + [ + "Ġint", + "im" + ], + [ + "Ch", + "rist" + ], + [ + "Ġbi", + "ological" + ], + [ + "Ġsold", + "ier" + ], + [ + "ĠAdd", + "ed" + ], + [ + "Ġm", + "ath" + ], + [ + "ĠG", + "il" + ], + [ + "Ġbi", + "as" + ], + [ + "Ġd", + "ating" + ], + [ + "ĠO", + "cean" + ], + [ + "Ġm", + "ice" + ], + [ + "M", + "us" + ], + [ + "h", + "ire" + ], + [ + "ĠT", + "es" + ], + [ + "Ser", + "ver" + ], + [ + "lim", + "ited" + ], + [ + "S", + "ize" + ], + [ + "Ġmet", + "ers" + ], + [ + "Ġrock", + "et" + ], + [ + "es", + "see" + ], + [ + "Ġcertific", + "ate" + ], + [ + "ĠIran", + "ian" + ], + [ + "AS", + "S" + ], + [ + "Ġgr", + "id" + ], + [ + "D", + "ec" + ], + [ + "Ġro", + "lling" + ], + [ + "com", + "mun" + ], + [ + "ĠSwed", + "en" + ], + [ + "b", + "ury" + ], + [ + "Ġtiss", + "ue" + ], + [ + "Ġrac", + "ism" + ], + [ + "ĠL", + "ocal" + ], + [ + "Ġmyster", + "y" + ], + [ + "Ġexam", + "ine" + ], + [ + "Ġst", + "em" + ], + [ + "Ġs", + "its" + ], + [ + "Ġhop", + "ed" + ], + [ + "ot", + "ing" + ], + [ + "Ġdial", + "ogue" + ], + [ + "Ġpers", + "u" + ], + [ + "W", + "atch" + ], + [ + "l", + "ay" + ], + [ + "M", + "AN" + ], + [ + "Ġch", + "ronic" + ], + [ + "ĠPort", + "land" + ], + [ + "mark", + "et" + ], + [ + "ĠS", + "EC" + ], + [ + "Ġparalle", + "l" + ], + [ + "Ġsc", + "andal" + ], + [ + "Ġcar", + "ries" + ], + [ + "Ġphenomen", + "on" + ], + [ + "h", + "uman" + ], + [ + "ack", + "er" + ], + [ + "ĠO", + "x" + ], + [ + "Ġretire", + "ment" + ], + [ + "tain", + "ment" + ], + [ + "ov", + "ie" + ], + [ + "ĠG", + "ear" + ], + [ + "Ġd", + "uties" + ], + [ + "Ġdo", + "se" + ], + [ + "Ġsc", + "roll" + ], + [ + "M", + "B" + ], + [ + "in", + "f" + ], + [ + "Ġsa", + "uce" + ], + [ + "Ġland", + "scape" + ], + [ + "red", + "dit" + ], + [ + "ĠChampions", + "hip" + ], + [ + "ĠRed", + "dit" + ], + [ + "al", + "id" + ], + [ + "Ġco", + "in" + ], + [ + "Ġover", + "s" + ], + [ + "Ġpost", + "ing" + ], + [ + "ab", + "out" + ], + [ + "Ġf", + "el" + ], + [ + "and", + "y" + ], + [ + "Ġb", + "old" + ], + [ + "Ġfocus", + "ing" + ], + [ + "e", + "ffect" + ], + [ + "G", + "R" + ], + [ + "Ġde", + "emed" + ], + [ + "Ġrecommend", + "ations" + ], + [ + "Ġste", + "pped" + ], + [ + "Ġvot", + "er" + ], + [ + "ĠDe", + "ep" + ], + [ + "ĠInst", + "agram" + ], + [ + "Ġmoder", + "ate" + ], + [ + "ĠMary", + "land" + ], + [ + "Ġrestrict", + "ed" + ], + [ + "ĠM", + "B" + ], + [ + "ĠCh", + "all" + ], + [ + "Ġto", + "b" + ], + [ + "Ġc", + "ir" + ], + [ + "ĠO", + "cc" + ], + [ + "ĠE", + "ver" + ], + [ + "Ġcoll", + "aps" + ], + [ + "IN", + "FO" + ], + [ + "=", + "-" + ], + [ + "ĠP", + "ict" + ], + [ + "ĠAcc", + "ount" + ], + [ + "n", + "c" + ], + [ + "Ġo", + "ught" + ], + [ + "Ġex", + "port" + ], + [ + "Ġdr", + "unk" + ], + [ + "(", + "'" + ], + [ + "Ġw", + "ise" + ], + [ + "ĠM", + "ort" + ], + [ + "ne", + "cess" + ], + [ + "Ġan", + "cest" + ], + [ + "ĠInc", + "re" + ], + [ + "Ġfrequ", + "ent" + ], + [ + "m", + "ir" + ], + [ + "Ġinterpret", + "ation" + ], + [ + "Ġdepend", + "ent" + ], + [ + "Ġco", + "ins" + ], + [ + "ĠB", + "ol" + ], + [ + "V", + "ideo" + ], + [ + "ĠJust", + "in" + ], + [ + "Ġfat", + "al" + ], + [ + "Ġcook", + "ing" + ], + [ + "Ġconf", + "usion" + ], + [ + "ip", + "her" + ], + [ + "Ġcust", + "ody" + ], + [ + "ĠMor", + "gan" + ], + [ + "om", + "ach" + ], + [ + "ĠGovern", + "or" + ], + [ + "Ġrestaur", + "ants" + ], + [ + "el", + "ing" + ], + [ + "Ġacknowled", + "ged" + ], + [ + "Ġthe", + "r" + ], + [ + "Ġgen", + "es" + ], + [ + "ch", + "ing" + ], + [ + "He", + "y" + ], + [ + "Ġtact", + "ics" + ], + [ + "ĠMex", + "ican" + ], + [ + "Ġv", + "end" + ], + [ + "Ġhe", + "s" + ], + [ + "qu", + "er" + ], + [ + "Ġnot", + "ing" + ], + [ + "ĠCamer", + "on" + ], + [ + "Ġtarget", + "ing" + ], + [ + "ro", + "ck" + ], + [ + "Ġcred", + "its" + ], + [ + "Ġemot", + "ions" + ], + [ + "Ġrepresent", + "atives" + ], + [ + "new", + "s" + ], + [ + "Ġlegisl", + "ative" + ], + [ + "Ġrem", + "oving" + ], + [ + "Ġtweet", + "ed" + ], + [ + "ĠCar", + "ter" + ], + [ + "ĠF", + "ixed" + ], + [ + "Ġfor", + "cing" + ], + [ + "Ġspeak", + "er" + ], + [ + "Ġm", + "ales" + ], + [ + "ĠViet", + "nam" + ], + [ + "l", + "ined" + ], + [ + "Ġconcept", + "s" + ], + [ + "Ġvo", + "ices" + ], + [ + "o", + "ir" + ], + [ + "ĠT", + "rib" + ], + [ + "W", + "he" + ], + [ + "ĠJer", + "usalem" + ], + [ + "ĠS", + "ant" + ], + [ + "Ġc", + "ul" + ], + [ + "Ġl", + "ady" + ], + [ + "ĠHaw", + "ai" + ], + [ + "Ġar", + "ts" + ], + [ + "ĠIn", + "n" + ], + [ + "ĠMach", + "ine" + ], + [ + "ĠEm", + "peror" + ], + [ + "Ġsl", + "ot" + ], + [ + "g", + "ly" + ], + [ + "ĠPro", + "cess" + ], + [ + "II", + "I" + ], + [ + "Ġathlet", + "es" + ], + [ + "ĠTem", + "ple" + ], + [ + "ĠRep", + "resent" + ], + [ + "Ġpres", + "c" + ], + [ + "Ġt", + "ons" + ], + [ + "Ġgold", + "en" + ], + [ + "Ġp", + "unch" + ], + [ + "ĠG", + "R" + ], + [ + "iver", + "pool" + ], + [ + "Ġen", + "act" + ], + [ + "Ġlob", + "by" + ], + [ + "Ġm", + "os" + ], + [ + "Ġpick", + "ing" + ], + [ + "Ġlif", + "etime" + ], + [ + "Ġcogn", + "itive" + ], + [ + "E", + "ach" + ], + [ + "z", + "o" + ], + [ + "Ġd", + "ub" + ], + [ + "Ġcons", + "ists" + ], + [ + "ol", + "n" + ], + [ + "Ġf", + "estival" + ], + [ + "am", + "ous" + ], + [ + "Ġint", + "ellig" + ], + [ + "w", + "ords" + ], + [ + "ĠSm", + "art" + ], + [ + "Ġde", + "le" + ], + [ + "Ġl", + "apt" + ], + [ + "Ġmag", + "ical" + ], + [ + "ĠS", + "in" + ], + [ + "b", + "us" + ], + [ + "ur", + "ities" + ], + [ + "igh", + "th" + ], + [ + "ĠRub", + "y" + ], + [ + "ĠS", + "ure" + ], + [ + "ol", + "ving" + ], + [ + "Ġj", + "un" + ], + [ + "O", + "ST" + ], + [ + "Ġimp", + "osed" + ], + [ + "Ġast", + "ron" + ], + [ + "Ġcor", + "rel" + ], + [ + "ĠN", + "S" + ], + [ + "ĠK", + "it" + ], + [ + "ĠF", + "uture" + ], + [ + "b", + "urn" + ], + [ + "Ġimm", + "une" + ], + [ + "oc", + "us" + ], + [ + "Ġcour", + "ses" + ], + [ + "ĠSt", + "ring" + ], + [ + "Ġle", + "an" + ], + [ + "Ġg", + "host" + ], + [ + "Ġout", + "comes" + ], + [ + "Ġexp", + "ense" + ], + [ + "Ġevery", + "day" + ], + [ + "Ġaccept", + "able" + ], + [ + "A", + "h" + ], + [ + "Ġequ", + "ipped" + ], + [ + "Ġor", + "ange" + ], + [ + "F", + "R" + ], + [ + "ĠD", + "utch" + ], + [ + "Th", + "ough" + ], + [ + "ĠR", + "ank" + ], + [ + "Q", + "U" + ], + [ + "ĠRober", + "ts" + ], + [ + "wh", + "at" + ], + [ + "re", + "nd" + ], + [ + "Ġdisapp", + "ear" + ], + [ + "Ġsp", + "awn" + ], + [ + "ĠL", + "am" + ], + [ + "o", + "is" + ], + [ + "Ġdes", + "erve" + ], + [ + "Ġmin", + "imal" + ], + [ + "Ġnerv", + "ous" + ], + [ + "ĠW", + "ould" + ], + [ + "Ġro", + "ok" + ], + [ + "ĠV", + "ancouver" + ], + [ + "Ġres", + "ign" + ], + [ + "sh", + "ire" + ], + [ + "ĠW", + "orks" + ], + [ + "ĠB", + "uild" + ], + [ + "Ġafford", + "able" + ], + [ + "ĠG", + "ary" + ], + [ + "ĠAren", + "a" + ], + [ + "Ġh", + "anging" + ], + [ + "Ġimpl", + "ications" + ], + [ + "ĠS", + "ong" + ], + [ + "Ġmain", + "taining" + ], + [ + "Ġgu", + "ards" + ], + [ + "C", + "ON" + ], + [ + "Ġder", + "ived" + ], + [ + "Ġexecut", + "ed" + ], + [ + "Ġthe", + "ories" + ], + [ + "Ġqu", + "oted" + ], + [ + "ĠAnd", + "re" + ], + [ + "og", + "a" + ], + [ + "sel", + "ess" + ], + [ + "in", + "fo" + ], + [ + "ĠBel", + "g" + ], + [ + "Ġt", + "ears" + ], + [ + "ĠSur", + "v" + ], + [ + "Ġbirth", + "day" + ], + [ + "ig", + "ious" + ], + [ + "im", + "mer" + ], + [ + "Ġspect", + "rum" + ], + [ + "Ġarchitect", + "ure" + ], + [ + "Ġrec", + "ruit" + ], + [ + "arm", + "a" + ], + [ + "T", + "able" + ], + [ + "Ġmon", + "sters" + ], + [ + "ĠG", + "ov" + ], + [ + "Ġdest", + "ination" + ], + [ + "Ġattract", + "ive" + ], + [ + "Ġf", + "oss" + ], + [ + "ĠMore", + "over" + ], + [ + "Ġpres", + "ents" + ], + [ + "TH", + "E" + ], + [ + "Ġrep", + "ly" + ], + [ + "pt", + "on" + ], + [ + "Ġc", + "um" + ], + [ + "Ġdel", + "ight" + ], + [ + "Ġaffect", + "s" + ], + [ + "Ġdon", + "ations" + ], + [ + "ĠT", + "oy" + ], + [ + "ĠH", + "im" + ], + [ + "M", + "ENT" + ], + [ + "Ġover", + "come" + ], + [ + "it", + "ched" + ], + [ + "ĠFant", + "asy" + ], + [ + "ĠH", + "at" + ], + [ + "ĠBe", + "ast" + ], + [ + "b", + "ott" + ], + [ + "Ġinvestig", + "ations" + ], + [ + "R", + "un" + ], + [ + "Ġhun", + "ting" + ], + [ + "d", + "i" + ], + [ + "f", + "und" + ], + [ + "Ġs", + "essions" + ], + [ + "est", + "yle" + ], + [ + "Ġport", + "ray" + ], + [ + "oid", + "s" + ], + [ + "Y", + "eah" + ], + [ + "Ġcommun", + "icate" + ], + [ + "Ġcom", + "edy" + ], + [ + "ĠY", + "ang" + ], + [ + "Ġbel", + "t" + ], + [ + "ĠMar", + "ine" + ], + [ + "Ġpredict", + "ed" + ], + [ + "Pl", + "ay" + ], + [ + "Ġimportant", + "ly" + ], + [ + "Ġremark", + "able" + ], + [ + "Ġelim", + "inate" + ], + [ + "D", + "avid" + ], + [ + "Ġb", + "ind" + ], + [ + "V", + "ID" + ], + [ + "Ġadvoc", + "ates" + ], + [ + "ĠG", + "aza" + ], + [ + "im", + "p" + ], + [ + "D", + "B" + ], + [ + "ĠN", + "a" + ], + [ + "ĠSim", + "ilar" + ], + [ + "I", + "ES" + ], + [ + "Ġchar", + "ity" + ], + [ + "v", + "as" + ], + [ + "m", + "ath" + ], + [ + "Ġâ", + "ĸ" + ], + [ + "ok", + "er" + ], + [ + "nd", + "um" + ], + [ + "Ġcap", + "s" + ], + [ + "ĠH", + "al" + ], + [ + "2", + "000" + ], + [ + "e", + "an" + ], + [ + "Ġfle", + "et" + ], + [ + "Ġrec", + "re" + ], + [ + "R", + "ight" + ], + [ + "Ġsleep", + "ing" + ], + [ + "ij", + "ing" + ], + [ + "k", + "ind" + ], + [ + "Ġdesign", + "ated" + ], + [ + "Ã", + "¤" + ], + [ + "Ġanim", + "ation" + ], + [ + "ke", + "e" + ], + [ + "ĠInt", + "rodu" + ], + [ + "Ġ/", + ">" + ], + [ + "Ġdelay", + "ed" + ], + [ + "Ġtrem", + "end" + ], + [ + "Ġcur", + "ious" + ], + [ + "U", + "se" + ], + [ + "Ġle", + "ct" + ], + [ + "d", + "am" + ], + [ + "Ġinnov", + "ation" + ], + [ + "ĠPoint", + "s" + ], + [ + "Ġload", + "ing" + ], + [ + "Ġdisp", + "ute" + ], + [ + "ct", + "ic" + ], + [ + "ird", + "s" + ], + [ + "ĠB", + "Y" + ], + [ + "Ġn", + "urs" + ], + [ + "ĠVal", + "ue" + ], + [ + "ION", + "S" + ], + [ + "ĠH", + "um" + ], + [ + "Ġtem", + "plate" + ], + [ + "m", + "ers" + ], + [ + "Ġappear", + "ances" + ], + [ + "ĠEnter", + "tainment" + ], + [ + "Ġtransl", + "ation" + ], + [ + "Ġsa", + "ke" + ], + [ + "Ġbene", + "ath" + ], + [ + "Ġin", + "hib" + ], + [ + "Ġe", + "uro" + ], + [ + "abet", + "es" + ], + [ + "Ġstud", + "ying" + ], + [ + "ĠM", + "as" + ], + [ + "Ġper", + "ceived" + ], + [ + "Ġexam", + "ined" + ], + [ + "Ġe", + "ager" + ], + [ + "Ġco", + "aches" + ], + [ + "Ġim", + "per" + ], + [ + "ch", + "i" + ], + [ + "Ġprodu", + "ces" + ], + [ + "\"", + ")." + ], + [ + "ĠEvery", + "one" + ], + [ + "Ġm", + "unicip" + ], + [ + "Ġg", + "irlfriend" + ], + [ + "Ġh", + "ire" + ], + [ + "ĠV", + "ice" + ], + [ + "Ġsu", + "itable" + ], + [ + "op", + "y" + ], + [ + "Ġin", + "equ" + ], + [ + "ĠD", + "uke" + ], + [ + "f", + "ish" + ], + [ + "f", + "irst" + ], + [ + "ĠO", + "bs" + ], + [ + "Ġinter", + "ior" + ], + [ + "ĠBru", + "ce" + ], + [ + "ĠR", + "y" + ], + [ + "Ġanal", + "ys" + ], + [ + "Ġconsider", + "able" + ], + [ + "Ġfore", + "cast" + ], + [ + "Ġf", + "ert" + ], + [ + "ors", + "hip" + ], + [ + "ĠD", + "rug" + ], + [ + "ĠA", + "LL" + ], + [ + ":", + "\"" + ], + [ + "th", + "ur" + ], + [ + "ĠM", + "ail" + ], + [ + "Ġball", + "ot" + ], + [ + "Ġinst", + "antly" + ], + [ + "ĠCh", + "annel" + ], + [ + "Ġp", + "icks" + ], + [ + "Ġ198", + "9" + ], + [ + "Ġt", + "ent" + ], + [ + "ol", + "i" + ], + [ + "Ġcivil", + "ian" + ], + [ + "b", + "ling" + ], + [ + "ell", + "o" + ], + [ + "b", + "u" + ], + [ + "Ġin", + "ch" + ], + [ + "Ġlog", + "o" + ], + [ + "Ġcooper", + "ation" + ], + [ + "Ġwal", + "ks" + ], + [ + "Ġinvest", + "ments" + ], + [ + "Ġimp", + "rison" + ], + [ + "ĠF", + "estival" + ], + [ + "ĠK", + "y" + ], + [ + "Ġleg", + "ally" + ], + [ + "Ġg", + "ri" + ], + [ + "ch", + "arg" + ], + [ + "S", + "l" + ], + [ + "Ġthreat", + "ening" + ], + [ + "du", + "ction" + ], + [ + "fl", + "ow" + ], + [ + "Ġdismiss", + "ed" + ], + [ + "ibr", + "aries" + ], + [ + "c", + "ap" + ], + [ + "e", + "le" + ], + [ + "ĠMc", + "G" + ], + [ + "ĠHar", + "vard" + ], + [ + "ĠConserv", + "ative" + ], + [ + "ĠC", + "BS" + ], + [ + "p", + "ng" + ], + [ + "Ġro", + "ots" + ], + [ + "ĠH", + "aving" + ], + [ + "umb", + "led" + ], + [ + "ĠF", + "un" + ], + [ + "\\", + "/" + ], + [ + "ĠS", + "earch" + ], + [ + "ple", + "x" + ], + [ + "Ġdiscuss", + "ing" + ], + [ + "Ġcontin", + "u" + ], + [ + "ĠT", + "ai" + ], + [ + "ĠW", + "ik" + ], + [ + "F", + "ree" + ], + [ + "f", + "it" + ], + [ + "Ġref", + "use" + ], + [ + "Ġmanag", + "ing" + ], + [ + "Ġsy", + "nd" + ], + [ + "ip", + "edia" + ], + [ + "w", + "alk" + ], + [ + "Ġprofession", + "als" + ], + [ + "Ġguid", + "ance" + ], + [ + "Ġunivers", + "ities" + ], + [ + "Ġas", + "semb" + ], + [ + "unt", + "u" + ], + [ + "F", + "inally" + ], + [ + "AS", + "E" + ], + [ + "ĠAut", + "o" + ], + [ + "ĠH", + "ad" + ], + [ + "Ġann", + "iversary" + ], + [ + "L", + "D" + ], + [ + "ĠD", + "ur" + ], + [ + "ĠUlt", + "imate" + ], + [ + "ih", + "ad" + ], + [ + "pro", + "duct" + ], + [ + "Ġtrans", + "it" + ], + [ + "Ġrest", + "ore" + ], + [ + "Ġexpl", + "aining" + ], + [ + "Ġass", + "et" + ], + [ + "Ġtransfer", + "red" + ], + [ + "Ġbur", + "st" + ], + [ + "ap", + "olis" + ], + [ + "ĠMag", + "azine" + ], + [ + "ĠC", + "ra" + ], + [ + "ĠB", + "R" + ], + [ + "gg", + "ed" + ], + [ + "ĠH", + "E" + ], + [ + "M", + "ich" + ], + [ + "b", + "et" + ], + [ + "ĠL", + "ady" + ], + [ + "yl", + "um" + ], + [ + "erv", + "es" + ], + [ + "Ġme", + "ets" + ], + [ + "wh", + "ite" + ], + [ + "L", + "og" + ], + [ + "Ġcorrespond", + "ing" + ], + [ + "Ġins", + "isted" + ], + [ + "G", + "G" + ], + [ + "Ġsurround", + "ed" + ], + [ + "Ġt", + "ens" + ], + [ + "Ġl", + "ane" + ], + [ + "Ġco", + "inc" + ], + [ + "h", + "ome" + ], + [ + "Ġexist", + "ed" + ], + [ + "ect", + "ed" + ], + [ + "ĠDou", + "ble" + ], + [ + "lam", + "m" + ], + [ + "Ġske", + "pt" + ], + [ + "ex", + "p" + ], + [ + "Ġper", + "ception" + ], + [ + "ie", + "v" + ], + [ + "ĠBe", + "ing" + ], + [ + "o", + "ft" + ], + [ + "Ġadop", + "t" + ], + [ + ".", + ":" + ], + [ + "]", + ";" + ], + [ + "Wind", + "ows" + ], + [ + "Ġsatell", + "ite" + ], + [ + "AS", + "H" + ], + [ + "Ġinf", + "ant" + ], + [ + "d", + "escription" + ], + [ + "ĠMe", + "anwhile" + ], + [ + "c", + "m" + ], + [ + "oc", + "a" + ], + [ + "ĠT", + "reat" + ], + [ + "act", + "or" + ], + [ + "Ġtob", + "acco" + ], + [ + "ĠN", + "orm" + ], + [ + "em", + "ption" + ], + [ + "Ġfl", + "esh" + ], + [ + "Ġj", + "e" + ], + [ + "o", + "op" + ], + [ + "ĠHe", + "aven" + ], + [ + "Ġbe", + "ating" + ], + [ + "an", + "im" + ], + [ + "Ġgather", + "ing" + ], + [ + "Ġcult", + "iv" + ], + [ + "G", + "O" + ], + [ + "ab", + "e" + ], + [ + "ĠJon", + "athan" + ], + [ + "ĠSaf", + "ety" + ], + [ + "Ġbad", + "ly" + ], + [ + "pro", + "t" + ], + [ + "Ġcho", + "osing" + ], + [ + "Ġcontact", + "ed" + ], + [ + "Ġqu", + "it" + ], + [ + "Ġdist", + "ur" + ], + [ + "Ġst", + "ir" + ], + [ + "Ġto", + "ken" + ], + [ + "D", + "et" + ], + [ + "ĠP", + "a" + ], + [ + "Ġfunction", + "ality" + ], + [ + "00", + "3" + ], + [ + "s", + "ome" + ], + [ + "Ġlimit", + "ations" + ], + [ + "Ġmet", + "h" + ], + [ + "b", + "uild" + ], + [ + "con", + "fig" + ], + [ + "N", + "T" + ], + [ + "re", + "ll" + ], + [ + "ble", + "m" + ], + [ + "ĠM", + "om" + ], + [ + "Ġveter", + "ans" + ], + [ + "ĠH", + "u" + ], + [ + "Ġtrend", + "s" + ], + [ + "are", + "r" + ], + [ + "ĠG", + "iven" + ], + [ + "ĠCa", + "ption" + ], + [ + "m", + "ay" + ], + [ + "AS", + "T" + ], + [ + "Ġwond", + "ering" + ], + [ + "ĠCl", + "ark" + ], + [ + "n", + "ormal" + ], + [ + "Ġsepar", + "ated" + ], + [ + "Ġdes", + "p" + ], + [ + "st", + "ic" + ], + [ + "b", + "rew" + ], + [ + "Ġrel", + "ating" + ], + [ + "ĠN", + "ik" + ], + [ + "ĠF", + "arm" + ], + [ + "Ġenthus", + "i" + ], + [ + "g", + "ood" + ], + [ + "d", + "eb" + ], + [ + "Ġactiv", + "ist" + ], + [ + "Ġm", + "art" + ], + [ + "Ġexplos", + "ion" + ], + [ + "ĠEconom", + "ic" + ], + [ + "L", + "ink" + ], + [ + "Ġins", + "ight" + ], + [ + "Ġconven", + "ient" + ], + [ + "Ġcounter", + "part" + ], + [ + "su", + "pport" + ], + [ + "ĠV", + "irt" + ], + [ + "ag", + "en" + ], + [ + "ĠTenn", + "essee" + ], + [ + "ĠSim", + "on" + ], + [ + "ĠA", + "ward" + ], + [ + "OC", + "K" + ], + [ + "ĠF", + "igure" + ], + [ + "Ġoverse", + "as" + ], + [ + "Ġpr", + "ide" + ], + [ + "ĠC", + "as" + ], + [ + "n", + "ote" + ], + [ + "m", + "g" + ], + [ + "C", + "urrent" + ], + [ + "Ġdispl", + "ays" + ], + [ + "cont", + "ent" + ], + [ + "Ġtravel", + "ing" + ], + [ + "Ġhosp", + "itals" + ], + [ + "ĠFin", + "ancial" + ], + [ + "ĠP", + "ast" + ], + [ + "Ġdefend", + "ant" + ], + [ + "Ġstream", + "ing" + ], + [ + "m", + "ble" + ], + [ + "ĠBer", + "lin" + ], + [ + "uk", + "i" + ], + [ + "Ġdist", + "ribut" + ], + [ + "Ġant", + "ib" + ], + [ + "Ġch", + "ocolate" + ], + [ + "ĠCast", + "le" + ], + [ + "Ġinter", + "rupt" + ], + [ + "ĠR", + "ow" + ], + [ + "Ġconvers", + "ion" + ], + [ + "Ġbug", + "s" + ], + [ + "ĠR", + "ather" + ], + [ + "li", + "est" + ], + [ + "L", + "Y" + ], + [ + "ĠJe", + "an" + ], + [ + "com", + "mon" + ], + [ + "ak", + "h" + ], + [ + "Ġ1", + "30" + ], + [ + "ot", + "ton" + ], + [ + "ĠDe", + "an" + ], + [ + "Ġam", + "endment" + ], + [ + "Ġgame", + "play" + ], + [ + "ĠWar", + "ren" + ], + [ + "od", + "a" + ], + [ + "Ġhigh", + "lights" + ], + [ + "Ġir", + "re" + ], + [ + "ĠNAT", + "O" + ], + [ + "Ġball", + "s" + ], + [ + "Ġdemand", + "ing" + ], + [ + "U", + "RE" + ], + [ + "ĠL", + "uke" + ], + [ + "F", + "igure" + ], + [ + "st", + "op" + ], + [ + "on", + "ia" + ], + [ + "z", + "one" + ], + [ + "iz", + "ers" + ], + [ + "ĠW", + "R" + ], + [ + "Ġaward", + "ed" + ], + [ + "Ġregul", + "atory" + ], + [ + "ĠH", + "art" + ], + [ + "ĠS", + "N" + ], + [ + "pl", + "ing" + ], + [ + "Ġs", + "our" + ], + [ + "ĠP", + "ixel" + ], + [ + "us", + "ive" + ], + [ + "Ġf", + "et" + ], + [ + "ĠS", + "ent" + ], + [ + "Ġautom", + "atic" + ], + [ + "Ġf", + "er" + ], + [ + "vern", + "ment" + ], + [ + "ĠKh", + "an" + ], + [ + "T", + "ON" + ], + [ + "f", + "ather" + ], + [ + "Ġextraord", + "inary" + ], + [ + "th", + "rop" + ], + [ + "ĠP", + "ython" + ], + [ + "ĠG", + "PU" + ], + [ + "Ġsex", + "ually" + ], + [ + "Ġdesk", + "top" + ], + [ + "it", + "ivity" + ], + [ + "ĠAnton", + "io" + ], + [ + "Ġo", + "rient" + ], + [ + "Ġe", + "ars" + ], + [ + "ob", + "by" + ], + [ + "ous", + "es" + ], + [ + "vertis", + "ements" + ], + [ + "Ġmanufacture", + "rs" + ], + [ + "ic", + "ient" + ], + [ + "min", + "ute" + ], + [ + "Ġconv", + "iction" + ], + [ + "Ġg", + "arden" + ], + [ + "p", + "ublic" + ], + [ + "Ġsatisf", + "ied" + ], + [ + "f", + "old" + ], + [ + "O", + "K" + ], + [ + "Ġin", + "hab" + ], + [ + "ĠTh", + "ink" + ], + [ + "Ġprogram", + "me" + ], + [ + "Ġst", + "omach" + ], + [ + "Ġcoord", + "in" + ], + [ + "Ġh", + "oly" + ], + [ + "Ġth", + "reshold" + ], + [ + "Ġr", + "het" + ], + [ + "Ġser", + "ial" + ], + [ + "Ġemploy", + "ers" + ], + [ + "ĠEvery", + "thing" + ], + [ + "ra", + "h" + ], + [ + "Ġb", + "other" + ], + [ + "Ġbr", + "ands" + ], + [ + "Val", + "ue" + ], + [ + "ĠT", + "ed" + ], + [ + "ĠPlan", + "et" + ], + [ + "Ġp", + "ink" + ], + [ + "ĠFurther", + "more" + ], + [ + "s", + "a" + ], + [ + "P", + "E" + ], + [ + "re", + "ck" + ], + [ + "ĠUS", + "D" + ], + [ + "ot", + "te" + ], + [ + "Ġ&", + "&" + ], + [ + "Ġland", + "ed" + ], + [ + "g", + "ets" + ], + [ + "Ġprodu", + "cers" + ], + [ + "Ġhealth", + "care" + ], + [ + "Ġdomin", + "ant" + ], + [ + "Ġdest", + "ro" + ], + [ + "Ġam", + "ended" + ], + [ + "ch", + "ron" + ], + [ + "Ġf", + "its" + ], + [ + "ĠSy", + "d" + ], + [ + "ĠAuthor", + "ity" + ], + [ + "AT", + "CH" + ], + [ + "Ġfight", + "s" + ], + [ + "ĠL", + "LC" + ], + [ + "Ġ--", + "-" + ], + [ + "ĠCor", + "p" + ], + [ + "Ġtox", + "ic" + ], + [ + "spe", + "cific" + ], + [ + "ĠC", + "orn" + ], + [ + "ĠChe", + "l" + ], + [ + "Ġtele", + "phone" + ], + [ + "ĠP", + "ant" + ], + [ + "Ġmyster", + "ious" + ], + [ + "aun", + "ch" + ], + [ + "od", + "ox" + ], + [ + "med", + "ia" + ], + [ + "Ġwitness", + "es" + ], + [ + "ag", + "u" + ], + [ + "Ġquestion", + "ed" + ], + [ + "ĠBre", + "xit" + ], + [ + "ĠRem", + "ember" + ], + [ + "ene", + "z" + ], + [ + "Ġend", + "orse" + ], + [ + "iat", + "ric" + ], + [ + "ĠId", + "ent" + ], + [ + "Ġridic", + "ulous" + ], + [ + "1", + "10" + ], + [ + "Ġpr", + "ayer" + ], + [ + "Ġscient", + "ist" + ], + [ + "Ġ19", + "50" + ], + [ + "ĠA", + "qu" + ], + [ + "Ġunder", + "ground" + ], + [ + "ĠU", + "FC" + ], + [ + "m", + "are" + ], + [ + "ĠL", + "ater" + ], + [ + "w", + "ich" + ], + [ + "Ġsubsc", + "rib" + ], + [ + "Ġhost", + "s" + ], + [ + "Ġer", + "r" + ], + [ + "Ġgr", + "ants" + ], + [ + "ant", + "om" + ], + [ + "Ġsum", + "mon" + ], + [ + "ear", + "ly" + ], + [ + "ĠC", + "lear" + ], + [ + "ĠPr", + "im" + ], + [ + "Ġsusp", + "ension" + ], + [ + "Ġguarant", + "eed" + ], + [ + "app", + "er" + ], + [ + "Ġr", + "ice" + ], + [ + "ĠSe", + "an" + ], + [ + "ĠSh", + "in" + ], + [ + "Ġrefere", + "ndum" + ], + [ + "Ġfl", + "ed" + ], + [ + "r", + "ust" + ], + [ + "Ġ3", + "60" + ], + [ + "ter", + "y" + ], + [ + "Ġsh", + "ocked" + ], + [ + "B", + "R" + ], + [ + "ĠO", + "il" + ], + [ + "ĠAll", + "ah" + ], + [ + "Ġpart", + "ly" + ], + [ + "Ġign", + "or" + ], + [ + "Ġtrans", + "mission" + ], + [ + "Ġhom", + "osexual" + ], + [ + "ivers", + "al" + ], + [ + "Ġhop", + "efully" + ], + [ + "ãĤ", + "¤" + ], + [ + "Ġless", + "on" + ], + [ + "L", + "eg" + ], + [ + "Ġ", + ".." + ], + [ + "Y", + "et" + ], + [ + "t", + "able" + ], + [ + "app", + "ropri" + ], + [ + "re", + "tt" + ], + [ + "Ġbo", + "ards" + ], + [ + "Ġincor", + "rect" + ], + [ + "Ġb", + "acteria" + ], + [ + "ar", + "u" + ], + [ + "am", + "ac" + ], + [ + "Ġsn", + "ap" + ], + [ + ".'", + "\"" + ], + [ + "Ġpar", + "ad" + ], + [ + "t", + "em" + ], + [ + "he", + "art" + ], + [ + "Ġav", + "ailability" + ], + [ + "Ġw", + "isdom" + ], + [ + "Ġ(", + "+" + ], + [ + "Ġpri", + "est" + ], + [ + "ĠÂł", + "ĠÂł" + ], + [ + "O", + "pen" + ], + [ + "Ġsp", + "an" + ], + [ + "Ġparam", + "eter" + ], + [ + "Ġconv", + "ince" + ], + [ + "Ġ(", + "%)" + ], + [ + "r", + "ac" + ], + [ + "Ġf", + "o" + ], + [ + "Ġsafe", + "ly" + ], + [ + "Ġconver", + "ted" + ], + [ + "ĠOlymp", + "ic" + ], + [ + "Ġres", + "erve" + ], + [ + "Ġhe", + "aling" + ], + [ + "ĠM", + "ine" + ], + [ + "M", + "ax" + ], + [ + "Ġin", + "herent" + ], + [ + "ĠGra", + "ham" + ], + [ + "Ġinteg", + "rated" + ], + [ + "D", + "em" + ], + [ + "Ġpip", + "eline" + ], + [ + "Ġapp", + "lying" + ], + [ + "Ġem", + "bed" + ], + [ + "ĠCharl", + "ie" + ], + [ + "Ġc", + "ave" + ], + [ + "200", + "8" + ], + [ + "Ġcons", + "ensus" + ], + [ + "Ġre", + "wards" + ], + [ + "P", + "al" + ], + [ + "ĠHT", + "ML" + ], + [ + "Ġpopular", + "ity" + ], + [ + "look", + "ing" + ], + [ + "ĠSw", + "ord" + ], + [ + "ĠAr", + "ts" + ], + [ + "'", + ")" + ], + [ + "Ġelect", + "ron" + ], + [ + "clus", + "ions" + ], + [ + "Ġinteg", + "rity" + ], + [ + "Ġexclus", + "ively" + ], + [ + "Ġgr", + "ace" + ], + [ + "Ġtort", + "ure" + ], + [ + "Ġburn", + "ed" + ], + [ + "tw", + "o" + ], + [ + "Ġ18", + "0" + ], + [ + "P", + "rodu" + ], + [ + "Ġent", + "reprene" + ], + [ + "raph", + "ics" + ], + [ + "Ġg", + "ym" + ], + [ + "ric", + "ane" + ], + [ + "ĠT", + "am" + ], + [ + "Ġadministr", + "ative" + ], + [ + "Ġmanufacture", + "r" + ], + [ + "Ġ", + "vel" + ], + [ + "ĠN", + "i" + ], + [ + "Ġisol", + "ated" + ], + [ + "ĠMedic", + "ine" + ], + [ + "Ġback", + "up" + ], + [ + "Ġpromot", + "ing" + ], + [ + "Ġcommand", + "er" + ], + [ + "Ġfle", + "e" + ], + [ + "ĠRus", + "sell" + ], + [ + "Ġforg", + "otten" + ], + [ + "ĠMiss", + "ouri" + ], + [ + "Ġres", + "idence" + ], + [ + "m", + "ons" + ], + [ + "Ġrese", + "mb" + ], + [ + "Ġw", + "and" + ], + [ + "Ġmeaning", + "ful" + ], + [ + "P", + "T" + ], + [ + "Ġb", + "ol" + ], + [ + "Ġhe", + "lic" + ], + [ + "Ġwealth", + "y" + ], + [ + "Ġr", + "ifle" + ], + [ + "str", + "ong" + ], + [ + "row", + "ing" + ], + [ + "pl", + "an" + ], + [ + "as", + "ury" + ], + [ + "âĢ¦", + "." + ], + [ + "Ġexpand", + "ing" + ], + [ + "ĠHam", + "ilton" + ], + [ + "Ġrece", + "ives" + ], + [ + "S", + "I" + ], + [ + "eat", + "ures" + ], + [ + "ĠAn", + "im" + ], + [ + "RE", + "E" + ], + [ + "P", + "ut" + ], + [ + "Ġbrief", + "ly" + ], + [ + "ri", + "ve" + ], + [ + "Ġstim", + "ul" + ], + [ + "Ġ``", + "(" + ], + [ + "Ġ", + "__" + ], + [ + "Ġch", + "ip" + ], + [ + "Ġha", + "z" + ], + [ + "Ġpri", + "ze" + ], + [ + "ĠTh", + "ings" + ], + [ + "AC", + "E" + ], + [ + "ul", + "in" + ], + [ + "d", + "ict" + ], + [ + "ok", + "u" + ], + [ + "Ġassoci", + "ate" + ], + [ + "ock", + "ets" + ], + [ + "y", + "outube" + ], + [ + "St", + "ory" + ], + [ + "ateg", + "ory" + ], + [ + "Ġm", + "ild" + ], + [ + "ail", + "ing" + ], + [ + "ĠY", + "e" + ], + [ + "O", + "rig" + ], + [ + "ĠK", + "a" + ], + [ + "or", + "ig" + ], + [ + "Ġpropag", + "anda" + ], + [ + "Ġan", + "onymous" + ], + [ + "Ġstrugg", + "led" + ], + [ + "Ġout", + "rage" + ], + [ + "AT", + "ED" + ], + [ + "ĠBe", + "ijing" + ], + [ + "r", + "ary" + ], + [ + "Ġle", + "ather" + ], + [ + "Ġworld", + "s" + ], + [ + "Ġbroad", + "er" + ], + [ + "12", + "5" + ], + [ + "id", + "al" + ], + [ + "ĠBet", + "ter" + ], + [ + "Ġt", + "ear" + ], + [ + "E", + "xt" + ], + [ + "Ġpropos", + "als" + ], + [ + "Ġit", + "er" + ], + [ + "ĠSqu", + "ad" + ], + [ + "Ġvol", + "unt" + ], + [ + "m", + "i" + ], + [ + "D", + "id" + ], + [ + "ĠP", + "u" + ], + [ + "p", + "in" + ], + [ + "Ġspeak", + "ers" + ], + [ + "Ġb", + "orders" + ], + [ + "Ġfig", + "ured" + ], + [ + "=", + "'" + ], + [ + "Ġsimultane", + "ously" + ], + [ + "aed", + "a" + ], + [ + "Ġcharg", + "ing" + ], + [ + "Ġur", + "ged" + ], + [ + "Ġcon", + "j" + ], + [ + "25", + "6" + ], + [ + "ĠG", + "ordon" + ], + [ + "mer", + "ce" + ], + [ + "Ġdocument", + "ary" + ], + [ + "Sh", + "are" + ], + [ + "it", + "ol" + ], + [ + "ON", + "E" + ], + [ + "ĠG", + "arden" + ], + [ + "h", + "att" + ], + [ + "ĠThom", + "pson" + ], + [ + "ane", + "ous" + ], + [ + "ap", + "ore" + ], + [ + "Ġt", + "anks" + ], + [ + "Ġless", + "ons" + ], + [ + "tr", + "ack" + ], + [ + "Ġout", + "standing" + ], + [ + "Ġvolunte", + "ers" + ], + [ + "Ġsp", + "ray" + ], + [ + "Ġmanag", + "ers" + ], + [ + "l", + "arge" + ], + [ + "Ġcamp", + "s" + ], + [ + "Ġart", + "ificial" + ], + [ + "ĠR", + "u" + ], + [ + "Ġb", + "ags" + ], + [ + "th", + "al" + ], + [ + "Ġcompat", + "ible" + ], + [ + "ĠBl", + "ade" + ], + [ + "Ġf", + "ed" + ], + [ + "Ġarg", + "ues" + ], + [ + "F", + "I" + ], + [ + "Ġunf", + "air" + ], + [ + "Ġcor", + "n" + ], + [ + "Ġoff", + "set" + ], + [ + "Ġdirect", + "ions" + ], + [ + "Ġdisappoint", + "ed" + ], + [ + "ĠCon", + "vention" + ], + [ + "Ġview", + "ing" + ], + [ + "M", + "E" + ], + [ + "oc", + "ity" + ], + [ + "Ġtown", + "s" + ], + [ + "Ġlay", + "ers" + ], + [ + "Ġro", + "lled" + ], + [ + "Ġjump", + "ed" + ], + [ + "Ġatt", + "ribute" + ], + [ + "Ġun", + "necess" + ], + [ + "inc", + "oln" + ], + [ + "Ġsupp", + "ose" + ], + [ + "ĠNet", + "her" + ], + [ + "ch", + "a" + ], + [ + "Ġbur", + "ied" + ], + [ + "Ġsix", + "th" + ], + [ + "B", + "en" + ], + [ + "ress", + "ing" + ], + [ + "OU", + "R" + ], + [ + "Ġw", + "ound" + ], + [ + "Ġcy", + "cl" + ], + [ + "Ġmechan", + "isms" + ], + [ + "Ġcongress", + "ional" + ], + [ + "ĠE", + "lement" + ], + [ + "Ġagre", + "ements" + ], + [ + "Ġdec", + "or" + ], + [ + "Ġclos", + "est" + ], + [ + "ĠM", + "it" + ], + [ + "Go", + "ogle" + ], + [ + "}", + "}" + ], + [ + "Ġm", + "ixture" + ], + [ + "Ġflu", + "id" + ], + [ + "S", + "ign" + ], + [ + "ĠSch", + "olar" + ], + [ + "Ġp", + "ist" + ], + [ + "ask", + "et" + ], + [ + "ab", + "ling" + ], + [ + "Ġrac", + "ing" + ], + [ + "he", + "ro" + ], + [ + "ri", + "el" + ], + [ + "ass", + "y" + ], + [ + "Ġche", + "aper" + ], + [ + "b", + "en" + ], + [ + "Ġvert", + "ical" + ], + [ + "amac", + "are" + ], + [ + "ĠRead", + "ing" + ], + [ + "g", + "ments" + ], + [ + "Ġhelic", + "op" + ], + [ + "Ġsacr", + "ifice" + ], + [ + "ay", + "a" + ], + [ + "p", + "aren" + ], + [ + "V", + "A" + ], + [ + "ĠL", + "es" + ], + [ + "ĠStud", + "io" + ], + [ + "Ġviol", + "ations" + ], + [ + "ĠAn", + "na" + ], + [ + "ac", + "er" + ], + [ + "é", + "¾" + ], + [ + "ĠR", + "at" + ], + [ + "ĠBe", + "ck" + ], + [ + "ĠD", + "ick" + ], + [ + "ĠA", + "CT" + ], + [ + "Ġcomp", + "osition" + ], + [ + "Ġtext", + "ure" + ], + [ + "ĠO", + "wn" + ], + [ + "Ġsmart", + "phone" + ], + [ + "ĠN", + "A" + ], + [ + "Ġfor", + "b" + ], + [ + "im", + "port" + ], + [ + "Ġdef", + "ending" + ], + [ + "il", + "st" + ], + [ + "re", + "r" + ], + [ + "Ġo", + "h" + ], + [ + "ĠJere", + "my" + ], + [ + "Ġbank", + "ing" + ], + [ + "cept", + "ions" + ], + [ + "Ġrespect", + "ive" + ], + [ + "/", + "." + ], + [ + "Ġdr", + "inks" + ], + [ + "ĠW", + "i" + ], + [ + "Ġb", + "ands" + ], + [ + "ĠL", + "iverpool" + ], + [ + "Ġg", + "rip" + ], + [ + "ĠB", + "uy" + ], + [ + "Ġopen", + "ly" + ], + [ + "Ġreview", + "ed" + ], + [ + "per", + "t" + ], + [ + "Ġver", + "ify" + ], + [ + "ĠCo", + "le" + ], + [ + "ĠW", + "ales" + ], + [ + "M", + "O" + ], + [ + "Ġun", + "pre" + ], + [ + "Ġshel", + "ter" + ], + [ + "ĠIm", + "perial" + ], + [ + "Ġgu", + "i" + ], + [ + "ĠD", + "ak" + ], + [ + "Ġsuggest", + "ions" + ], + [ + "Ġexplicit", + "ly" + ], + [ + "Ġsl", + "ave" + ], + [ + "Ġblock", + "chain" + ], + [ + "Ġcompet", + "ing" + ], + [ + "Ġprom", + "ising" + ], + [ + "S", + "ON" + ], + [ + "Ġsoc", + "cer" + ], + [ + "Ġconst", + "itution" + ], + [ + "4", + "29" + ], + [ + "Ġdist", + "ract" + ], + [ + "ĠU", + "ser" + ], + [ + "es", + "ides" + ], + [ + "ĠMet", + "hod" + ], + [ + "ĠTok", + "yo" + ], + [ + "Ġaccompan", + "ied" + ], + [ + "Cl", + "ient" + ], + [ + "s", + "ur" + ], + [ + "al", + "og" + ], + [ + "Ġident", + "ification" + ], + [ + "Ġinv", + "asion" + ], + [ + "as", + "ma" + ], + [ + "Ġindust", + "ries" + ], + [ + "pp", + "ers" + ], + [ + "Ġsub", + "tle" + ], + [ + "ĠUn", + "it" + ], + [ + "n", + "atural" + ], + [ + "Ġsurv", + "ived" + ], + [ + "Ġfl", + "aw" + ], + [ + "ĺ", + "ħ" + ], + [ + "ĠH", + "oll" + ], + [ + "Ġdef", + "icit" + ], + [ + "Ġtut", + "orial" + ], + [ + "ĠCh", + "ance" + ], + [ + "Ġarg", + "uing" + ], + [ + "Ġcontem", + "porary" + ], + [ + "Ġinteg", + "ration" + ], + [ + "for", + "ward" + ], + [ + "Ġt", + "um" + ], + [ + "it", + "is" + ], + [ + "Ġh", + "iding" + ], + [ + "ĠD", + "omin" + ], + [ + "ĠT", + "an" + ], + [ + "ĠB", + "uilding" + ], + [ + "ĠV", + "in" + ], + [ + "Ġspokes", + "person" + ], + [ + "ĠNot", + "es" + ], + [ + "Ġemer", + "ging" + ], + [ + "Ġprepar", + "ation" + ], + [ + "Ġpro", + "st" + ], + [ + "Ġsuspect", + "s" + ], + [ + "Ġaut", + "onom" + ], + [ + "D", + "escription" + ], + [ + "Ġdeal", + "t" + ], + [ + "ĠP", + "ear" + ], + [ + "Ġstead", + "y" + ], + [ + "Ġdecre", + "ased" + ], + [ + "Ġso", + "vere" + ], + [ + "ĠCl", + "in" + ], + [ + "Ġgrad", + "ually" + ], + [ + "ors", + "es" + ], + [ + "ĠW", + "AR" + ], + [ + "S", + "erv" + ], + [ + "ãĤ", + "¢" + ], + [ + "h", + "r" + ], + [ + "Ġd", + "irty" + ], + [ + "ĠB", + "arn" + ], + [ + "ĠB", + "C" + ], + [ + "Ġd", + "il" + ], + [ + "Ġcal", + "endar" + ], + [ + "Ġcompl", + "iance" + ], + [ + "Ġch", + "amber" + ], + [ + "b", + "b" + ], + [ + "Ġpass", + "enger" + ], + [ + "ate", + "ful" + ], + [ + "ĠT", + "itle" + ], + [ + "ĠSyd", + "ney" + ], + [ + "ĠG", + "ot" + ], + [ + "Ġdark", + "ness" + ], + [ + "Ġdef", + "ect" + ], + [ + "Ġpack", + "ed" + ], + [ + "ass", + "ion" + ], + [ + "Ġgod", + "s" + ], + [ + "Ġh", + "arsh" + ], + [ + "IC", + "K" + ], + [ + "le", + "ans" + ], + [ + "Ġalgorith", + "m" + ], + [ + "Ġoxy", + "gen" + ], + [ + "Ġvis", + "its" + ], + [ + "Ġbl", + "ade" + ], + [ + "Ġkil", + "omet" + ], + [ + "ĠKent", + "ucky" + ], + [ + "Ġkill", + "er" + ], + [ + "P", + "ack" + ], + [ + "enn", + "y" + ], + [ + "Ġdiv", + "ine" + ], + [ + "Ġnom", + "ination" + ], + [ + "be", + "ing" + ], + [ + "Ġeng", + "ines" + ], + [ + "Ġc", + "ats" + ], + [ + "Ġbuff", + "er" + ], + [ + "ĠPh", + "ill" + ], + [ + "Ġtra", + "ff" + ], + [ + "AG", + "E" + ], + [ + "Ġtong", + "ue" + ], + [ + "Ġrad", + "iation" + ], + [ + "ere", + "r" + ], + [ + "m", + "em" + ], + [ + "ĠExpl", + "icit" + ], + [ + "é¾", + "į" + ], + [ + "Ġcou", + "ples" + ], + [ + "Ġphys", + "ics" + ], + [ + "ĠMc", + "K" + ], + [ + "Ġpolit", + "ically" + ], + [ + "aw", + "ks" + ], + [ + "ĠBl", + "oom" + ], + [ + "Ġwor", + "ship" + ], + [ + "e", + "ger" + ], + [ + "ut", + "er" + ], + [ + "ĠF", + "O" + ], + [ + "Ġmat", + "hemat" + ], + [ + "Ġsent", + "enced" + ], + [ + "Ġdis", + "k" + ], + [ + "ĠM", + "arg" + ], + [ + "Ġ/", + "*" + ], + [ + "P", + "I" + ], + [ + "Ġoption", + "al" + ], + [ + "Ġbab", + "ies" + ], + [ + "Ġse", + "eds" + ], + [ + "ĠScott", + "ish" + ], + [ + "Ġth", + "y" + ], + [ + "]", + "]" + ], + [ + "ĠHit", + "ler" + ], + [ + "P", + "H" + ], + [ + "ng", + "th" + ], + [ + "Ġrec", + "overed" + ], + [ + "ing", + "e" + ], + [ + "Ġpow", + "der" + ], + [ + "Ġl", + "ips" + ], + [ + "Ġdesign", + "er" + ], + [ + "Ġdis", + "orders" + ], + [ + "Ġcour", + "age" + ], + [ + "Ġch", + "aos" + ], + [ + "\"", + "},{\"" + ], + [ + "Ġcar", + "rier" + ], + [ + "b", + "ably" + ], + [ + "H", + "igh" + ], + [ + "ĠR", + "T" + ], + [ + "es", + "ity" + ], + [ + "l", + "en" + ], + [ + "Ġrout", + "es" + ], + [ + "u", + "ating" + ], + [ + "F", + "il" + ], + [ + "N", + "OT" + ], + [ + "w", + "all" + ], + [ + "s", + "burgh" + ], + [ + "Ġeng", + "aging" + ], + [ + "ĠJava", + "Script" + ], + [ + "ore", + "r" + ], + [ + "li", + "hood" + ], + [ + "Ġun", + "ions" + ], + [ + "ĠF", + "ederation" + ], + [ + "ĠTes", + "la" + ], + [ + "Ġcomple", + "tion" + ], + [ + "ĠT", + "a" + ], + [ + "Ġprivile", + "ge" + ], + [ + "ĠOr", + "ange" + ], + [ + "Ġne", + "ur" + ], + [ + "paren", + "cy" + ], + [ + "Ġb", + "ones" + ], + [ + "Ġtit", + "led" + ], + [ + "Ġprosecut", + "ors" + ], + [ + "ĠM", + "E" + ], + [ + "Ġengine", + "er" + ], + [ + "ĠUn", + "iverse" + ], + [ + "ĠH", + "ig" + ], + [ + "n", + "ie" + ], + [ + "o", + "ard" + ], + [ + "Ġheart", + "s" + ], + [ + "ĠG", + "re" + ], + [ + "uss", + "ion" + ], + [ + "Ġmin", + "istry" + ], + [ + "Ġpen", + "et" + ], + [ + "ĠN", + "ut" + ], + [ + "ĠO", + "w" + ], + [ + "ĠX", + "P" + ], + [ + "in", + "stein" + ], + [ + "Ġbul", + "k" + ], + [ + "S", + "ystem" + ], + [ + "ic", + "ism" + ], + [ + "ĠMarket", + "able" + ], + [ + "Ġpre", + "val" + ], + [ + "Ġpost", + "er" + ], + [ + "Ġatt", + "ending" + ], + [ + "ur", + "able" + ], + [ + "Ġlicens", + "ed" + ], + [ + "ĠG", + "h" + ], + [ + "et", + "ry" + ], + [ + "ĠTrad", + "able" + ], + [ + "Ġbl", + "ast" + ], + [ + "à", + "¤" + ], + [ + "ĠTit", + "an" + ], + [ + "ell", + "ed" + ], + [ + "d", + "ie" + ], + [ + "H", + "ave" + ], + [ + "ĠFl", + "ame" + ], + [ + "Ġprof", + "ound" + ], + [ + "Ġparticip", + "ating" + ], + [ + "Ġan", + "ime" + ], + [ + "ĠE", + "ss" + ], + [ + "Ġspec", + "ify" + ], + [ + "Ġregard", + "ed" + ], + [ + "ĠSpe", + "ll" + ], + [ + "Ġs", + "ons" + ], + [ + "own", + "ed" + ], + [ + "Ġm", + "erc" + ], + [ + "Ġexper", + "imental" + ], + [ + "land", + "o" + ], + [ + "h", + "s" + ], + [ + "ĠDun", + "geon" + ], + [ + "in", + "os" + ], + [ + "Ġcomp", + "ly" + ], + [ + "ĠSystem", + "s" + ], + [ + "ar", + "th" + ], + [ + "Ġse", + "ized" + ], + [ + "l", + "ocal" + ], + [ + "ĠGirl", + "s" + ], + [ + "ud", + "o" + ], + [ + "on", + "ed" + ], + [ + "ĠF", + "le" + ], + [ + "Ġconstruct", + "ed" + ], + [ + "Ġhost", + "ed" + ], + [ + "Ġsc", + "ared" + ], + [ + "act", + "ic" + ], + [ + "ĠIs", + "lands" + ], + [ + "ĠM", + "ORE" + ], + [ + "Ġbl", + "ess" + ], + [ + "Ġblock", + "ing" + ], + [ + "Ġch", + "ips" + ], + [ + "Ġev", + "ac" + ], + [ + "P", + "s" + ], + [ + "Ġcorpor", + "ation" + ], + [ + "Ġo", + "x" + ], + [ + "Ġlight", + "ing" + ], + [ + "Ġneighb", + "ors" + ], + [ + "ĠU", + "b" + ], + [ + "ar", + "o" + ], + [ + "Ġbe", + "ef" + ], + [ + "ĠU", + "ber" + ], + [ + "F", + "acebook" + ], + [ + "ar", + "med" + ], + [ + "it", + "ate" + ], + [ + "ĠR", + "ating" + ], + [ + "ĠQu", + "ick" + ], + [ + "Ġoccup", + "ied" + ], + [ + "Ġaim", + "s" + ], + [ + "ĠAdd", + "itionally" + ], + [ + "ĠInt", + "erest" + ], + [ + "Ġdram", + "atically" + ], + [ + "Ġhe", + "al" + ], + [ + "Ġpain", + "ting" + ], + [ + "Ġengine", + "ers" + ], + [ + "M", + "M" + ], + [ + "ĠM", + "ust" + ], + [ + "Ġquant", + "ity" + ], + [ + "P", + "aul" + ], + [ + "Ġearn", + "ings" + ], + [ + "ĠPost", + "s" + ], + [ + "st", + "ra" + ], + [ + "ãĥ¼", + "ãĥ" + ], + [ + "Ġst", + "ance" + ], + [ + "Ġdro", + "pping" + ], + [ + "sc", + "ript" + ], + [ + "Ġd", + "ressed" + ], + [ + "M", + "ake" + ], + [ + "Ġjust", + "ify" + ], + [ + "ĠL", + "td" + ], + [ + "Ġprompt", + "ed" + ], + [ + "Ġscr", + "ut" + ], + [ + "Ġspeed", + "s" + ], + [ + "ĠGi", + "ants" + ], + [ + "om", + "er" + ], + [ + "ĠEd", + "itor" + ], + [ + "Ġdescrib", + "ing" + ], + [ + "ĠL", + "ie" + ], + [ + "ment", + "ed" + ], + [ + "Ġnow", + "here" + ], + [ + "oc", + "aly" + ], + [ + "Ġinst", + "ruction" + ], + [ + "fort", + "able" + ], + [ + "Ġent", + "ities" + ], + [ + "Ġc", + "m" + ], + [ + "ĠN", + "atural" + ], + [ + "Ġinqu", + "iry" + ], + [ + "Ġpress", + "ed" + ], + [ + "iz", + "ont" + ], + [ + "for", + "ced" + ], + [ + "Ġra", + "ises" + ], + [ + "ĠNet", + "flix" + ], + [ + "ĠS", + "ide" + ], + [ + "Ġout", + "er" + ], + [ + "Ġamong", + "st" + ], + [ + "im", + "s" + ], + [ + "ows", + "ki" + ], + [ + "Ġclim", + "b" + ], + [ + "ne", + "ver" + ], + [ + "Ġcomb", + "ine" + ], + [ + "d", + "ing" + ], + [ + "Ġcomp", + "r" + ], + [ + "Ġsignific", + "ance" + ], + [ + "Ġremem", + "bered" + ], + [ + "ĠNev", + "ada" + ], + [ + "ĠT", + "el" + ], + [ + "ĠSc", + "ar" + ], + [ + "ĠWar", + "riors" + ], + [ + "ĠJ", + "ane" + ], + [ + "Ġcou", + "p" + ], + [ + "b", + "as" + ], + [ + "Ġtermin", + "al" + ], + [ + ",", + "-" + ], + [ + "O", + "H" + ], + [ + "Ġt", + "ension" + ], + [ + "Ġw", + "ings" + ], + [ + "ĠMy", + "ster" + ], + [ + "��", + "��" + ], + [ + "ĠUn", + "like" + ], + [ + "val", + "id" + ], + [ + "viron", + "ments" + ], + [ + "ĠAl", + "i" + ], + [ + "Ġn", + "aked" + ], + [ + "book", + "s" + ], + [ + "ĠM", + "un" + ], + [ + "ĠG", + "ulf" + ], + [ + "Ġd", + "ensity" + ], + [ + "Ġdim", + "in" + ], + [ + "Ġdesper", + "ate" + ], + [ + "Ġpres", + "idency" + ], + [ + "Ġ198", + "6" + ], + [ + "h", + "y" + ], + [ + "IN", + "D" + ], + [ + "Ġun", + "lock" + ], + [ + "im", + "ens" + ], + [ + "Ġhand", + "led" + ], + [ + "ĠE", + "b" + ], + [ + "Ġdisapp", + "eared" + ], + [ + "Ġgen", + "re" + ], + [ + "Ġ198", + "8" + ], + [ + "Ġdetermin", + "ation" + ], + [ + "St", + "ream" + ], + [ + "ik", + "o" + ], + [ + "ap", + "ters" + ], + [ + "Ġacknow", + "ledge" + ], + [ + "J", + "an" + ], + [ + "Ġcapital", + "ism" + ], + [ + "P", + "at" + ], + [ + "Ġ20", + "20" + ], + [ + "Ġpain", + "ful" + ], + [ + "Ġcur", + "ve" + ], + [ + "Ġbom", + "bs" + ], + [ + "st", + "orm" + ], + [ + "ĠMet", + "al" + ], + [ + "en", + "cer" + ], + [ + "ĠF", + "ig" + ], + [ + "ĠA", + "aron" + ], + [ + "anc", + "hes" + ], + [ + "Ġins", + "piration" + ], + [ + "Ġexha", + "ust" + ], + [ + "t", + "ains" + ], + [ + "ash", + "i" + ], + [ + "Ġdesc", + "ript" + ], + [ + "Ġr", + "itual" + ], + [ + "ĠChel", + "sea" + ], + [ + "Ġpromot", + "ion" + ], + [ + "ĠH", + "ung" + ], + [ + "ĠW", + "ard" + ], + [ + "iv", + "a" + ], + [ + "ĠE", + "T" + ], + [ + "Ġto", + "ss" + ], + [ + "all", + "ow" + ], + [ + "ĠFranc", + "is" + ], + [ + "D", + "ep" + ], + [ + "Ġhapp", + "iness" + ], + [ + "ĠGl", + "ass" + ], + [ + "Ġbet", + "a" + ], + [ + "Ġstreng", + "then" + ], + [ + "N", + "E" + ], + [ + "o", + "a" + ], + [ + "Ġbutt", + "ons" + ], + [ + "ĠMur", + "ray" + ], + [ + "Ġkick", + "ed" + ], + [ + "Qu", + "est" + ], + [ + "ĠT", + "alk" + ], + [ + "ĠS", + "everal" + ], + [ + "ĠZ", + "ero" + ], + [ + "Ġdr", + "one" + ], + [ + "ul", + "k" + ], + [ + "Ġc", + "am" + ], + [ + "ĠM", + "obile" + ], + [ + "Ġprevent", + "ing" + ], + [ + "Ġret", + "ro" + ], + [ + "ĠA", + "x" + ], + [ + "Ġcru", + "el" + ], + [ + "Ġflo", + "at" + ], + [ + ".", + ")," + ], + [ + "Ġfil", + "ing" + ], + [ + "ĠGr", + "ant" + ], + [ + "ĠB", + "or" + ], + [ + "Ġr", + "ib" + ], + [ + "Ġchampions", + "hip" + ], + [ + "ĠM", + "erc" + ], + [ + "Ġsty", + "les" + ], + [ + "Ġc", + "ake" + ], + [ + "Ġbuild", + "s" + ], + [ + "ĠS", + "elf" + ], + [ + "io", + "x" + ], + [ + "Ġep", + "ic" + ], + [ + "oy", + "d" + ], + [ + "B", + "el" + ], + [ + "ĠSt", + "ew" + ], + [ + ".", + "(" + ], + [ + "ah", + "u" + ], + [ + "ĠBe", + "yond" + ], + [ + "Ġout", + "s" + ], + [ + "Ġsol", + "o" + ], + [ + "ĠT", + "ree" + ], + [ + "Ġpres", + "erve" + ], + [ + "Ġt", + "ub" + ], + [ + "AR", + "E" + ], + [ + "ro", + "c" + ], + [ + "ĠIm", + "pro" + ], + [ + "ĠW", + "right" + ], + [ + "Ġbu", + "nd" + ], + [ + "Ġtr", + "aged" + ], + [ + "Ġoccas", + "ional" + ], + [ + "b", + "ian" + ], + [ + "Sec", + "ond" + ], + [ + "r", + "ons" + ], + [ + "Ġinter", + "actions" + ], + [ + "form", + "ed" + ], + [ + "s", + "ing" + ], + [ + "Ġown", + "s" + ], + [ + "Ġh", + "ockey" + ], + [ + "Gener", + "al" + ], + [ + "Ġlog", + "ical" + ], + [ + "Ġexp", + "end" + ], + [ + "Ġesc", + "al" + ], + [ + "ĠGr", + "iff" + ], + [ + "ĠC", + "rown" + ], + [ + "ĠRes", + "erve" + ], + [ + "Ġsto", + "pping" + ], + [ + "Ġexc", + "use" + ], + [ + "sec", + "ond" + ], + [ + "Ġoper", + "ated" + ], + [ + "Ġre", + "aches" + ], + [ + "ĠMal", + "ays" + ], + [ + "Ġpoll", + "ution" + ], + [ + "ĠBrook", + "lyn" + ], + [ + "Ġde", + "lete" + ], + [ + "Ġhas", + "h" + ], + [ + "Bl", + "ock" + ], + [ + "ah", + "a" + ], + [ + "âĢ", + "³" + ], + [ + "Ġsh", + "orter" + ], + [ + "p", + "iece" + ], + [ + ">", + "", + ">>" + ], + [ + "ĠM", + "ormon" + ], + [ + "t", + "or" + ], + [ + "Ġpartic", + "les" + ], + [ + "ĠB", + "art" + ], + [ + "ry", + "ption" + ], + [ + "Ġad", + "min" + ], + [ + "Ġsqu", + "ee" + ], + [ + "VID", + "IA" + ], + [ + "Ġcreat", + "or" + ], + [ + "iam", + "eter" + ], + [ + "ic", + "ular" + ], + [ + "N", + "BC" + ], + [ + "Ġgrab", + "bed" + ], + [ + "Ġn", + "odd" + ], + [ + "Ġr", + "ated" + ], + [ + "Ġrot", + "ation" + ], + [ + "Ġgr", + "asp" + ], + [ + "Ġexcess", + "ive" + ], + [ + "ĠE", + "C" + ], + [ + "ĠWh", + "it" + ], + [ + "Ġinvent", + "ory" + ], + [ + "ault", + "s" + ], + [ + "ĠF", + "B" + ], + [ + "Ġe", + "cosystem" + ], + [ + "Ġbill", + "ions" + ], + [ + "Ġvent", + "ure" + ], + [ + "n", + "amed" + ], + [ + "Ġdef", + "ender" + ], + [ + "out", + "e" + ], + [ + "Inst", + "ead" + ], + [ + "ir", + "able" + ], + [ + "W", + "ar" + ], + [ + "Ġassum", + "ption" + ], + [ + "Ġb", + "ite" + ], + [ + "Ġearth", + "qu" + ], + [ + "t", + "ail" + ], + [ + "sp", + "ace" + ], + [ + "Ġgif", + "ts" + ], + [ + "boy", + "s" + ], + [ + "Ġinev", + "itable" + ], + [ + "Ġstruct", + "ural" + ], + [ + "Ġbenef", + "icial" + ], + [ + "Ġcompe", + "lling" + ], + [ + "h", + "ole" + ], + [ + "erv", + "ation" + ], + [ + "Ġco", + "at" + ], + [ + "o", + "j" + ], + [ + "inc", + "arn" + ], + [ + "ĠY", + "ears" + ], + [ + "Ġdetermin", + "ing" + ], + [ + "Ġrhet", + "oric" + ], + [ + "Ġbound", + "aries" + ], + [ + "Ġwh", + "ites" + ], + [ + "A", + "nt" + ], + [ + "add", + "y" + ], + [ + ")", + "-" + ], + [ + "ra", + "ham" + ], + [ + "eter", + "min" + ], + [ + "Ġhar", + "vest" + ], + [ + "ĠCon", + "c" + ], + [ + "Ġlapt", + "op" + ], + [ + "ĠM", + "atch" + ], + [ + "Ġenjoy", + "ing" + ], + [ + "cc", + "a" + ], + [ + "oll", + "ar" + ], + [ + "Ġtri", + "ps" + ], + [ + "Ġadd", + "iction" + ], + [ + "ĠS", + "ak" + ], + [ + "Ġpow", + "ered" + ], + [ + "Ġc", + "ous" + ], + [ + "ĠRuss", + "ians" + ], + [ + "ie", + "re" + ], + [ + "Ġret", + "rie" + ], + [ + "qu", + "ality" + ], + [ + "Ġdiff", + "er" + ], + [ + "Ġking", + "dom" + ], + [ + "ĠL", + "aur" + ], + [ + "ĠCap", + "itol" + ], + [ + "Ġcon", + "clusions" + ], + [ + "ĠAl", + "tern" + ], + [ + "ĠN", + "av" + ], + [ + "Ġtrans", + "parent" + ], + [ + "B", + "ER" + ], + [ + "G", + "roup" + ], + [ + "ĠCom", + "plete" + ], + [ + "Ġinf", + "er" + ], + [ + "Ġint", + "rig" + ], + [ + "Ġins", + "ane" + ], + [ + "R", + "O" + ], + [ + "oph", + "ob" + ], + [ + "is", + "en" + ], + [ + "qu", + "al" + ], + [ + "Mich", + "ael" + ], + [ + "Ġm", + "useum" + ], + [ + "ĠP", + "ope" + ], + [ + "Ġres", + "et" + ], + [ + "r", + "ative" + ], + [ + "f", + "ive" + ], + [ + "Ġagg", + "reg" + ], + [ + "itte", + "es" + ], + [ + "osit", + "ory" + ], + [ + "Ġcar", + "b" + ], + [ + "ĠRec", + "ord" + ], + [ + "Ġdec", + "ides" + ], + [ + "ĠF", + "ix" + ], + [ + "Ġexcept", + "ions" + ], + [ + "ĠCommission", + "er" + ], + [ + "un", + "s" + ], + [ + "ĠEnvironment", + "al" + ], + [ + "Ġlegend", + "ary" + ], + [ + "ist", + "ence" + ], + [ + "Ġtun", + "nel" + ], + [ + "k", + "m" + ], + [ + "Ġins", + "ult" + ], + [ + "Ġt", + "roll" + ], + [ + "Ġsh", + "ake" + ], + [ + "Ġdet", + "ention" + ], + [ + "qu", + "es" + ], + [ + "ĠCh", + "rome" + ], + [ + "ĠF", + "iles" + ], + [ + "Ġsub", + "t" + ], + [ + "Ġprospect", + "s" + ], + [ + "Ġpro", + "l" + ], + [ + "re", + "nder" + ], + [ + "pro", + "of" + ], + [ + "Ġperform", + "ances" + ], + [ + "St", + "r" + ], + [ + "Ġh", + "ref" + ], + [ + "ern", + "ame" + ], + [ + "Ġachieve", + "ment" + ], + [ + "Ġf", + "ut" + ], + [ + "F", + "ull" + ], + [ + "ĠLe", + "ban" + ], + [ + "go", + "ogle" + ], + [ + "ãĥ", + "Ī" + ], + [ + "amp", + "a" + ], + [ + "May", + "be" + ], + [ + "Ġproject", + "ed" + ], + [ + "ĠE", + "mb" + ], + [ + "Ġcol", + "leg" + ], + [ + "Ġa", + "wards" + ], + [ + "Ġâ", + "Ķ" + ], + [ + "G", + "old" + ], + [ + "ĠBl", + "ake" + ], + [ + "ĠR", + "aj" + ], + [ + "if", + "ting" + ], + [ + "Ġp", + "ending" + ], + [ + "Ġinst", + "inct" + ], + [ + "Ġdevelop", + "ments" + ], + [ + "Con", + "nect" + ], + [ + "ĠM", + "and" + ], + [ + "ĠW", + "ITH" + ], + [ + "ĠPhilipp", + "ines" + ], + [ + "prof", + "ile" + ], + [ + "Ġalt", + "ogether" + ], + [ + "ĠB", + "und" + ], + [ + "ĠT", + "D" + ], + [ + "oo", + "oo" + ], + [ + "amp", + "ed" + ], + [ + "ip", + "h" + ], + [ + "Ġste", + "am" + ], + [ + "Ġold", + "est" + ], + [ + "Ġdet", + "ection" + ], + [ + "ul", + "pt" + ], + [ + "Ġ", + "ç" + ], + [ + "ĠWay", + "ne" + ], + [ + "200", + "6" + ], + [ + "f", + "a" + ], + [ + "Ġcir", + "cles" + ], + [ + "ĠF", + "u" + ], + [ + "Ġdon", + "ors" + ], + [ + "appropri", + "ate" + ], + [ + "ĠDak", + "ota" + ], + [ + "j", + "amin" + ], + [ + "Ġmotiv", + "ated" + ], + [ + "Ġpurch", + "ases" + ], + [ + "ĠLouis", + "iana" + ], + [ + "ĠS", + "pl" + ], + [ + "Ġgl", + "obe" + ], + [ + "Ġ10", + "5" + ], + [ + "z", + "ip" + ], + [ + "c", + "all" + ], + [ + "Ġdepart", + "ments" + ], + [ + "Ġsustain", + "able" + ], + [ + "10", + "5" + ], + [ + "ĠO", + "P" + ], + [ + "if", + "iers" + ], + [ + "Ġprevent", + "ed" + ], + [ + "Ġinc", + "omp" + ], + [ + "ĠComm", + "ander" + ], + [ + "Ġdom", + "inated" + ], + [ + "ĠÂ", + "»" + ], + [ + "Ġinvest", + "ed" + ], + [ + "Ġcomplex", + "ity" + ], + [ + "Ġin", + "cl" + ], + [ + "Ġens", + "uring" + ], + [ + "Ġreal", + "m" + ], + [ + "yn", + "c" + ], + [ + "ĠInd", + "ependent" + ], + [ + "r", + "ained" + ], + [ + "ĠJ", + "en" + ], + [ + "ĠFl", + "ight" + ], + [ + "Ġat", + "he" + ], + [ + "Ġspec", + "ulation" + ], + [ + "ĠT", + "E" + ], + [ + "oc", + "ate" + ], + [ + "t", + "ic" + ], + [ + "Ġpl", + "aint" + ], + [ + "her", + "ry" + ], + [ + "Ġto", + "y" + ], + [ + "Ġ1", + "11" + ], + [ + "Ġpl", + "ates" + ], + [ + "st", + "atus" + ], + [ + "ĠIs", + "a" + ], + [ + "Ġdev", + "oted" + ], + [ + "C", + "op" + ], + [ + "ĠE", + "S" + ], + [ + "25", + "5" + ], + [ + "ur", + "rency" + ], + [ + "M", + "ain" + ], + [ + "Ġsl", + "aves" + ], + [ + "Ġpe", + "pper" + ], + [ + "Ġqu", + "otes" + ], + [ + "Ġce", + "iling" + ], + [ + "ĠF", + "ish" + ], + [ + "Ġtrans", + "formation" + ], + [ + "Ġfra", + "ction" + ], + [ + "Ġadvant", + "ages" + ], + [ + "Ġto", + "ile" + ], + [ + "Ġstun", + "ning" + ], + [ + "Ġmo", + "ist" + ], + [ + "bre", + "aking" + ], + [ + "s", + "i" + ], + [ + "ĠL", + "ocation" + ], + [ + "ĠMed", + "ium" + ], + [ + "Ġtext", + "s" + ], + [ + "Ġu", + "gly" + ], + [ + "Ġb", + "io" + ], + [ + ".", + "âĢĶ" + ], + [ + "ĠB", + "ased" + ], + [ + "Ġtr", + "ains" + ], + [ + "ĠW", + "ing" + ], + [ + "ĠAn", + "cient" + ], + [ + "ĠRec", + "ords" + ], + [ + "ĠH", + "ope" + ], + [ + "Spe", + "cial" + ], + [ + "ades", + "h" + ], + [ + "ob", + "i" + ], + [ + "[", + "/" + ], + [ + "Ġtempor", + "arily" + ], + [ + "V", + "er" + ], + [ + "h", + "u" + ], + [ + "os", + "er" + ], + [ + "Ġover", + "night" + ], + [ + "Ġm", + "amm" + ], + [ + "ĠTre", + "asury" + ], + [ + "ĠV", + "enezuel" + ], + [ + "ĠMeg", + "a" + ], + [ + "Ġt", + "ar" + ], + [ + "Ġexpect", + "s" + ], + [ + "bl", + "ack" + ], + [ + "or", + "ph" + ], + [ + "\\\\", + "\\\\" + ], + [ + "Ġaccept", + "ance" + ], + [ + "Ġrad", + "ar" + ], + [ + "s", + "is" + ], + [ + "Ġjun", + "ior" + ], + [ + "Ġfram", + "es" + ], + [ + "Ġobserv", + "ation" + ], + [ + "ac", + "ies" + ], + [ + "P", + "ower" + ], + [ + "ĠAdv", + "anced" + ], + [ + "M", + "ag" + ], + [ + "olog", + "ically" + ], + [ + "ĠMe", + "chan" + ], + [ + "Ġsent", + "ences" + ], + [ + "Ġanaly", + "sts" + ], + [ + "augh", + "ters" + ], + [ + "force", + "ment" + ], + [ + "Ġv", + "ague" + ], + [ + "Ġcl", + "ause" + ], + [ + "Ġdirect", + "ors" + ], + [ + "Ġeval", + "uate" + ], + [ + "Ġcabin", + "et" + ], + [ + "M", + "att" + ], + [ + "ĠClass", + "ic" + ], + [ + "A", + "ng" + ], + [ + "Ġcl", + "er" + ], + [ + "ĠB", + "uck" + ], + [ + "Ġresear", + "cher" + ], + [ + "Ġ16", + "0" + ], + [ + "Ġpoor", + "ly" + ], + [ + "Ġexperien", + "cing" + ], + [ + "ĠP", + "ed" + ], + [ + "ĠMan", + "hattan" + ], + [ + "Ġfre", + "ed" + ], + [ + "Ġthem", + "es" + ], + [ + "ad", + "vant" + ], + [ + "Ġn", + "in" + ], + [ + "Ġpra", + "ise" + ], + [ + "10", + "4" + ], + [ + "ĠLib", + "ya" + ], + [ + "b", + "est" + ], + [ + "Ġtrust", + "ed" + ], + [ + "Ġce", + "ase" + ], + [ + "Ġd", + "ign" + ], + [ + "D", + "irect" + ], + [ + "Ġbomb", + "ing" + ], + [ + "Ġm", + "igration" + ], + [ + "ĠSci", + "ences" + ], + [ + "Ġmunicip", + "al" + ], + [ + "ĠA", + "verage" + ], + [ + "Ġgl", + "ory" + ], + [ + "Ġreve", + "aling" + ], + [ + "Ġare", + "na" + ], + [ + "Ġuncertain", + "ty" + ], + [ + "Ġbattle", + "field" + ], + [ + "ia", + "o" + ], + [ + "G", + "od" + ], + [ + "Ġc", + "inem" + ], + [ + "ra", + "pe" + ], + [ + "el", + "le" + ], + [ + "ap", + "ons" + ], + [ + "Ġlist", + "ing" + ], + [ + "Ġwa", + "ited" + ], + [ + "Ġsp", + "otted" + ], + [ + "ke", + "ley" + ], + [ + "ĠAud", + "io" + ], + [ + "e", + "or" + ], + [ + "ard", + "ing" + ], + [ + "idd", + "ing" + ], + [ + "ig", + "ma" + ], + [ + "ĠN", + "eg" + ], + [ + "Ġl", + "one" + ], + [ + "Ġ", + "----" + ], + [ + "ex", + "e" + ], + [ + "d", + "eg" + ], + [ + "Ġtrans", + "f" + ], + [ + "Ġwas", + "h" + ], + [ + "Ġsl", + "avery" + ], + [ + "Ġexpl", + "oring" + ], + [ + "ĠW", + "W" + ], + [ + "ats", + "on" + ], + [ + "Ġen", + "cl" + ], + [ + "l", + "ies" + ], + [ + "ĠC", + "reek" + ], + [ + "Ġwood", + "en" + ], + [ + "Man", + "ager" + ], + [ + "ĠBr", + "and" + ], + [ + "um", + "my" + ], + [ + "ĠAr", + "thur" + ], + [ + "Ġbureau", + "cr" + ], + [ + "Ġbl", + "end" + ], + [ + "ar", + "ians" + ], + [ + "F", + "urther" + ], + [ + "Ġsupposed", + "ly" + ], + [ + "Ġwind", + "s" + ], + [ + "Ġ19", + "79" + ], + [ + "Ġgrav", + "ity" + ], + [ + "Ġanalys", + "es" + ], + [ + "ĠTra", + "vel" + ], + [ + "ĠV", + "eter" + ], + [ + "Ġd", + "umb" + ], + [ + "Ġaltern", + "ate" + ], + [ + "g", + "al" + ], + [ + "Ġconsum", + "ed" + ], + [ + "Ġeffect", + "iveness" + ], + [ + ".'", + "'" + ], + [ + "Ġpath", + "s" + ], + [ + "ond", + "a" + ], + [ + "L", + "A" + ], + [ + "ĠStr", + "ong" + ], + [ + "Ġen", + "ables" + ], + [ + "Ġesc", + "aped" + ], + [ + "Ġ\"", + "\"" + ], + [ + "Ġ1", + "12" + ], + [ + "Ġ198", + "3" + ], + [ + "Ġsm", + "iled" + ], + [ + "Ġtend", + "ency" + ], + [ + "F", + "ire" + ], + [ + "Ġp", + "ars" + ], + [ + "ĠR", + "oc" + ], + [ + "Ġl", + "ake" + ], + [ + "Ġf", + "itness" + ], + [ + "ĠA", + "th" + ], + [ + "ĠH", + "orn" + ], + [ + "Ġh", + "ier" + ], + [ + "Ġimp", + "ose" + ], + [ + "m", + "other" + ], + [ + "Ġp", + "ension" + ], + [ + "ic", + "ut" + ], + [ + "bor", + "ne" + ], + [ + "ic", + "iary" + ], + [ + ".", + "_" + ], + [ + "ĠS", + "U" + ], + [ + "Ġpol", + "ar" + ], + [ + "is", + "y" + ], + [ + "eng", + "u" + ], + [ + "itial", + "ized" + ], + [ + "AT", + "A" + ], + [ + "w", + "rite" + ], + [ + "Ġexerc", + "ises" + ], + [ + "ĠD", + "iamond" + ], + [ + "ot", + "ypes" + ], + [ + "Ġharm", + "ful" + ], + [ + "on", + "z" + ], + [ + "Ġprint", + "ing" + ], + [ + "st", + "ory" + ], + [ + "Ġexpert", + "ise" + ], + [ + "ĠG", + "er" + ], + [ + "Ġtraged", + "y" + ], + [ + "ĠF", + "ly" + ], + [ + "Ġd", + "ivid" + ], + [ + "amp", + "ire" + ], + [ + "st", + "ock" + ], + [ + "M", + "em" + ], + [ + "Ġre", + "ign" + ], + [ + "Ġun", + "ve" + ], + [ + "Ġam", + "end" + ], + [ + "ĠProp", + "het" + ], + [ + "Ġmut", + "ual" + ], + [ + "ĠF", + "ac" + ], + [ + "Ġrepl", + "acing" + ], + [ + "H", + "ar" + ], + [ + "ĠCirc", + "uit" + ], + [ + "Ġthro", + "at" + ], + [ + "ĠSh", + "ot" + ], + [ + "Ġbatter", + "ies" + ], + [ + "Ġto", + "ll" + ], + [ + "Ġaddress", + "ing" + ], + [ + "ĠMedic", + "aid" + ], + [ + "Ġp", + "upp" + ], + [ + "ĠN", + "ar" + ], + [ + "ol", + "k" + ], + [ + "Ġequ", + "ity" + ], + [ + "M", + "R" + ], + [ + "ĠHis", + "pan" + ], + [ + "ĠL", + "arge" + ], + [ + "m", + "id" + ], + [ + "D", + "ev" + ], + [ + "Ġexp", + "ed" + ], + [ + "Ġdem", + "o" + ], + [ + "ĠMarsh", + "all" + ], + [ + "erg", + "us" + ], + [ + "Ġf", + "iber" + ], + [ + "Ġdiv", + "orce" + ], + [ + "ĠCre", + "ate" + ], + [ + "Ġsl", + "ower" + ], + [ + "ĠPark", + "er" + ], + [ + "ĠStud", + "ent" + ], + [ + "ĠTr", + "aining" + ], + [ + "Ret", + "urn" + ], + [ + "ĠT", + "ru" + ], + [ + "Ġc", + "ub" + ], + [ + "ĠRe", + "ached" + ], + [ + "Ġpan", + "ic" + ], + [ + "Ġqu", + "arters" + ], + [ + "Ġre", + "ct" + ], + [ + "Ġtreat", + "ing" + ], + [ + "Ġr", + "ats" + ], + [ + "ĠChristian", + "ity" + ], + [ + "ol", + "er" + ], + [ + "Ġsac", + "red" + ], + [ + "Ġdecl", + "are" + ], + [ + "ul", + "ative" + ], + [ + "et", + "ing" + ], + [ + "Ġdeliver", + "ing" + ], + [ + "est", + "one" + ], + [ + "Ġt", + "el" + ], + [ + "ĠL", + "arry" + ], + [ + "Ġmet", + "a" + ], + [ + "ac", + "cept" + ], + [ + "art", + "z" + ], + [ + "ĠRog", + "er" + ], + [ + "hand", + "ed" + ], + [ + "Ġhead", + "er" + ], + [ + "Ġtra", + "pped" + ], + [ + "ĠCent", + "ury" + ], + [ + "Ġkn", + "ocked" + ], + [ + "ĠOx", + "ford" + ], + [ + "Ġsurviv", + "ors" + ], + [ + "b", + "ot" + ], + [ + "Ġdemon", + "stration" + ], + [ + "Ġd", + "irt" + ], + [ + "Ġass", + "ists" + ], + [ + "OM", + "E" + ], + [ + "ĠD", + "raft" + ], + [ + "ortun", + "ate" + ], + [ + "fol", + "io" + ], + [ + "pe", + "red" + ], + [ + "ust", + "ers" + ], + [ + "g", + "t" + ], + [ + "ĠL", + "ock" + ], + [ + "Ġjud", + "icial" + ], + [ + "ver", + "ted" + ], + [ + "Ġsec", + "ured" + ], + [ + "out", + "ing" + ], + [ + "ĠBook", + "s" + ], + [ + "Ġhost", + "ing" + ], + [ + "Ġlif", + "ted" + ], + [ + "l", + "ength" + ], + [ + "Ġj", + "er" + ], + [ + "Ġwhe", + "els" + ], + [ + "ĠR", + "ange" + ], + [ + "umbn", + "ails" + ], + [ + "Ġdiagn", + "osis" + ], + [ + "te", + "ch" + ], + [ + "ĠStew", + "art" + ], + [ + "ĠP", + "ract" + ], + [ + "Ġnation", + "wide" + ], + [ + "Ġde", + "ar" + ], + [ + "Ġoblig", + "ations" + ], + [ + "Ġgrow", + "s" + ], + [ + "Ġmand", + "atory" + ], + [ + "Ġsusp", + "icious" + ], + [ + "!", + "'" + ], + [ + "A", + "pr" + ], + [ + "G", + "reat" + ], + [ + "Ġmort", + "gage" + ], + [ + "Ġprosecut", + "or" + ], + [ + "Ġeditor", + "ial" + ], + [ + "ĠK", + "r" + ], + [ + "Ġprocess", + "ed" + ], + [ + "ung", + "le" + ], + [ + "Ġflex", + "ibility" + ], + [ + "Ear", + "lier" + ], + [ + "ĠC", + "art" + ], + [ + "ĠS", + "ug" + ], + [ + "Ġfoc", + "uses" + ], + [ + "Ġstart", + "up" + ], + [ + "Ġbre", + "ach" + ], + [ + "ĠT", + "ob" + ], + [ + "cy", + "cle" + ], + [ + "ãĢ", + "Į" + ], + [ + "ro", + "se" + ], + [ + "Ġb", + "izarre" + ], + [ + "ãĢ", + "į" + ], + [ + "Ġveget", + "ables" + ], + [ + "$", + "$" + ], + [ + "Ġret", + "reat" + ], + [ + "osh", + "i" + ], + [ + "ĠSh", + "op" + ], + [ + "ĠG", + "round" + ], + [ + "ĠSt", + "op" + ], + [ + "ĠHawai", + "i" + ], + [ + "ĠA", + "y" + ], + [ + "Per", + "haps" + ], + [ + "ĠBe", + "aut" + ], + [ + "uff", + "er" + ], + [ + "enn", + "a" + ], + [ + "Ġproduct", + "ivity" + ], + [ + "F", + "ixed" + ], + [ + "cont", + "rol" + ], + [ + "Ġabs", + "ent" + ], + [ + "ĠCamp", + "aign" + ], + [ + "G", + "reen" + ], + [ + "Ġident", + "ifying" + ], + [ + "Ġreg", + "ret" + ], + [ + "Ġpromot", + "ed" + ], + [ + "ĠSe", + "ven" + ], + [ + "Ġer", + "u" + ], + [ + "ne", + "ath" + ], + [ + "aug", + "hed" + ], + [ + "ĠP", + "in" + ], + [ + "ĠL", + "iving" + ], + [ + "C", + "ost" + ], + [ + "om", + "atic" + ], + [ + "me", + "ga" + ], + [ + "ĠN", + "ig" + ], + [ + "oc", + "y" + ], + [ + "Ġin", + "box" + ], + [ + "Ġem", + "pire" + ], + [ + "Ġhor", + "izont" + ], + [ + "Ġbr", + "anches" + ], + [ + "Ġmet", + "aph" + ], + [ + "Act", + "ive" + ], + [ + "ed", + "i" + ], + [ + "ĠFil", + "m" + ], + [ + "ĠS", + "omething" + ], + [ + "Ġmod", + "s" + ], + [ + "inc", + "ial" + ], + [ + "ĠOrig", + "inal" + ], + [ + "G", + "en" + ], + [ + "Ġspir", + "its" + ], + [ + "Ġear", + "ning" + ], + [ + "H", + "ist" + ], + [ + "Ġr", + "iders" + ], + [ + "Ġsacr", + "ific" + ], + [ + "M", + "T" + ], + [ + "ĠV", + "A" + ], + [ + "ĠS", + "alt" + ], + [ + "Ġoccup", + "ation" + ], + [ + "ĠM", + "i" + ], + [ + "Ġdis", + "g" + ], + [ + "lic", + "t" + ], + [ + "Ġn", + "it" + ], + [ + "Ġn", + "odes" + ], + [ + "e", + "em" + ], + [ + "ĠP", + "ier" + ], + [ + "Ġhat", + "red" + ], + [ + "ps", + "y" + ], + [ + "ãĥ", + "ī" + ], + [ + "Ġthe", + "ater" + ], + [ + "Ġsophistic", + "ated" + ], + [ + "Ġdef", + "ended" + ], + [ + "Ġbes", + "ides" + ], + [ + "Ġthorough", + "ly" + ], + [ + "ĠMedic", + "are" + ], + [ + "Ġbl", + "amed" + ], + [ + "arent", + "ly" + ], + [ + "Ġcry", + "ing" + ], + [ + "F", + "OR" + ], + [ + "pri", + "v" + ], + [ + "Ġsing", + "ing" + ], + [ + "ĠI", + "l" + ], + [ + "Ġc", + "ute" + ], + [ + "o", + "ided" + ], + [ + "olit", + "ical" + ], + [ + "ĠNe", + "uro" + ], + [ + "å", + "¤" + ], + [ + "Ġdon", + "ation" + ], + [ + "ĠEag", + "les" + ], + [ + "ĠG", + "ive" + ], + [ + "T", + "om" + ], + [ + "Ġsubstant", + "ially" + ], + [ + "ĠLic", + "ense" + ], + [ + "ĠJ", + "a" + ], + [ + "Ġg", + "rey" + ], + [ + "ĠAn", + "imal" + ], + [ + "ĠE", + "R" + ], + [ + "ĠU", + "nd" + ], + [ + "Ġke", + "en" + ], + [ + "Ġconclud", + "e" + ], + [ + "ĠMississ", + "ippi" + ], + [ + "Eng", + "ine" + ], + [ + "ĠStud", + "ios" + ], + [ + "P", + "ress" + ], + [ + "o", + "vers" + ], + [ + "ll", + "ers" + ], + [ + "Ġ3", + "50" + ], + [ + "ĠR", + "angers" + ], + [ + "Ġr", + "ou" + ], + [ + "ert", + "o" + ], + [ + "E", + "p" + ], + [ + "iss", + "a" + ], + [ + "iv", + "an" + ], + [ + "Ġse", + "al" + ], + [ + "ĠReg", + "ist" + ], + [ + "dis", + "play" + ], + [ + "Ġwe", + "aken" + ], + [ + "u", + "um" + ], + [ + "ĠComm", + "ons" + ], + [ + "ĠS", + "ay" + ], + [ + "Ġcult", + "ures" + ], + [ + "Ġl", + "aughed" + ], + [ + "Ġsl", + "ip" + ], + [ + "Ġtreat", + "ments" + ], + [ + "iz", + "able" + ], + [ + "m", + "art" + ], + [ + "ĠR", + "ice" + ], + [ + "Ġbe", + "ast" + ], + [ + "Ġob", + "esity" + ], + [ + "ĠLa", + "ure" + ], + [ + "ig", + "a" + ], + [ + "Wh", + "ich" + ], + [ + "hold", + "er" + ], + [ + "Ġelder", + "ly" + ], + [ + "Ġp", + "ays" + ], + [ + "Ġcompl", + "ained" + ], + [ + "Ġc", + "rop" + ], + [ + "Ġpro", + "c" + ], + [ + "Ġexplos", + "ive" + ], + [ + "ĠF", + "an" + ], + [ + "ĠAr", + "senal" + ], + [ + "A", + "uthor" + ], + [ + "ef", + "ul" + ], + [ + "Ġme", + "als" + ], + [ + "Ġ(", + "-" + ], + [ + "id", + "ays" + ], + [ + "Ġimag", + "ination" + ], + [ + "Ġann", + "ually" + ], + [ + "Ġm", + "s" + ], + [ + "as", + "ures" + ], + [ + "H", + "ead" + ], + [ + "ik", + "h" + ], + [ + "m", + "atic" + ], + [ + "Ġboy", + "friend" + ], + [ + "ĠCom", + "puter" + ], + [ + "Ġb", + "ump" + ], + [ + "Ġsur", + "ge" + ], + [ + "ĠCra", + "ig" + ], + [ + "ĠKir", + "k" + ], + [ + "D", + "el" + ], + [ + "medi", + "ate" + ], + [ + "Ġscen", + "arios" + ], + [ + "ĠM", + "ut" + ], + [ + "ĠSt", + "ream" + ], + [ + "Ġcompet", + "itors" + ], + [ + "Ù", + "Ħ" + ], + [ + "ĠStan", + "ford" + ], + [ + "ĠRes", + "ources" + ], + [ + "az", + "ed" + ], + [ + "b", + "age" + ], + [ + "Ġorgan", + "is" + ], + [ + "ĠRe", + "lease" + ], + [ + "Ġsepar", + "ately" + ], + [ + "Ġha", + "bits" + ], + [ + "Ġmeasure", + "ments" + ], + [ + "ĠCl", + "ose" + ], + [ + "Ġaccomp", + "any" + ], + [ + "Ġg", + "ly" + ], + [ + "Ġt", + "ang" + ], + [ + "ĠR", + "ou" + ], + [ + "Ġplug", + "in" + ], + [ + "Ġcon", + "vey" + ], + [ + "ĠChall", + "enge" + ], + [ + "oot", + "s" + ], + [ + "j", + "an" + ], + [ + "Ġcur", + "s" + ], + [ + "ĠRel", + "ations" + ], + [ + "ke", + "eper" + ], + [ + "Ġapproach", + "ing" + ], + [ + "p", + "ing" + ], + [ + "Spe", + "aking" + ], + [ + "Ġarrang", + "ement" + ], + [ + "ĠV", + "I" + ], + [ + "are", + "ttes" + ], + [ + "Ġaffect", + "ing" + ], + [ + "Ġperm", + "its" + ], + [ + "b", + "ecause" + ], + [ + "Ġu", + "seless" + ], + [ + "ĠH", + "us" + ], + [ + "!!", + "!!" + ], + [ + "Ġdestro", + "ying" + ], + [ + "Un", + "fortunately" + ], + [ + "Ġfasc", + "inating" + ], + [ + "S", + "em" + ], + [ + "Ġelect", + "oral" + ], + [ + "Ġtrans", + "parency" + ], + [ + "ĠCh", + "aos" + ], + [ + "Ġvolunte", + "er" + ], + [ + "Ġstatist", + "ical" + ], + [ + "Ġactiv", + "ated" + ], + [ + "ro", + "x" + ], + [ + "We", + "b" + ], + [ + "H", + "E" + ], + [ + "ĠHamp", + "shire" + ], + [ + "is", + "ive" + ], + [ + "M", + "ap" + ], + [ + "Ġtr", + "ash" + ], + [ + "ĠLaw", + "rence" + ], + [ + "st", + "ick" + ], + [ + "C", + "r" + ], + [ + "Ġr", + "ings" + ], + [ + "EX", + "T" + ], + [ + "Ġoper", + "ational" + ], + [ + "op", + "es" + ], + [ + "D", + "oes" + ], + [ + "ĠEv", + "ans" + ], + [ + "Ġwitness", + "ed" + ], + [ + "P", + "ort" + ], + [ + "Ġlaunch", + "ing" + ], + [ + "ec", + "onom" + ], + [ + "w", + "ear" + ], + [ + "ĠPart", + "icip" + ], + [ + "um", + "m" + ], + [ + "cul", + "es" + ], + [ + "ĠR", + "AM" + ], + [ + "ĠT", + "un" + ], + [ + "Ġass", + "ured" + ], + [ + "Ġb", + "inary" + ], + [ + "Ġbet", + "ray" + ], + [ + "Ġexpl", + "oration" + ], + [ + "ĠF", + "el" + ], + [ + "Ġad", + "mission" + ], + [ + "it", + "ated" + ], + [ + "S", + "y" + ], + [ + "Ġav", + "oided" + ], + [ + "ĠSim", + "ulator" + ], + [ + "Ġcelebr", + "ated" + ], + [ + "ĠElect", + "ric" + ], + [ + "¥", + "ŀ" + ], + [ + "Ġcl", + "uster" + ], + [ + "itzer", + "land" + ], + [ + "he", + "alth" + ], + [ + "L", + "ine" + ], + [ + "ĠN", + "ash" + ], + [ + "at", + "on" + ], + [ + "Ġsp", + "are" + ], + [ + "Ġenter", + "prise" + ], + [ + "ĠD", + "IS" + ], + [ + "clud", + "es" + ], + [ + "Ġfl", + "ights" + ], + [ + "Ġreg", + "ards" + ], + [ + "ĠÃ", + "Ĺ" + ], + [ + "h", + "alf" + ], + [ + "Ġtr", + "ucks" + ], + [ + "Ġcontact", + "s" + ], + [ + "Ġunc", + "ons" + ], + [ + "ĠCl", + "imate" + ], + [ + "Ġimm", + "ense" + ], + [ + "N", + "EW" + ], + [ + "oc", + "c" + ], + [ + "ect", + "ive" + ], + [ + "Ġemb", + "od" + ], + [ + "Ġpat", + "rol" + ], + [ + "Ġbes", + "ide" + ], + [ + "Ġv", + "iable" + ], + [ + "Ġcre", + "ep" + ], + [ + "Ġtrig", + "gered" + ], + [ + "ver", + "ning" + ], + [ + "Ġcompar", + "able" + ], + [ + "q", + "l" + ], + [ + "Ġg", + "aining" + ], + [ + "ass", + "es" + ], + [ + "Ġ(", + ");" + ], + [ + "ĠG", + "rey" + ], + [ + "ĠM", + "LS" + ], + [ + "s", + "ized" + ], + [ + "Ġpros", + "per" + ], + [ + "\"", + "?" + ], + [ + "Ġpoll", + "ing" + ], + [ + "Ġsh", + "ar" + ], + [ + "ĠR", + "C" + ], + [ + "Ġfire", + "arm" + ], + [ + "or", + "ient" + ], + [ + "Ġf", + "ence" + ], + [ + "Ġvari", + "ations" + ], + [ + "g", + "iving" + ], + [ + "ĠP", + "i" + ], + [ + "osp", + "el" + ], + [ + "Ġpled", + "ge" + ], + [ + "Ġc", + "ure" + ], + [ + "Ġsp", + "y" + ], + [ + "Ġviol", + "ated" + ], + [ + "Ġr", + "ushed" + ], + [ + "Ġstro", + "ke" + ], + [ + "ĠBl", + "og" + ], + [ + "sel", + "s" + ], + [ + "ĠE", + "c" + ], + [ + ",'", + "'" + ], + [ + "Ġp", + "ale" + ], + [ + "ĠColl", + "ins" + ], + [ + "ter", + "ror" + ], + [ + "ĠCanad", + "ians" + ], + [ + "Ġt", + "une" + ], + [ + "Ġlabor", + "atory" + ], + [ + "Ġn", + "ons" + ], + [ + "t", + "arian" + ], + [ + "Ġdis", + "ability" + ], + [ + "ĠG", + "am" + ], + [ + "Ġsing", + "er" + ], + [ + "al", + "g" + ], + [ + "ĠSen", + "ior" + ], + [ + "Ġtrad", + "ed" + ], + [ + "ĠWar", + "rior" + ], + [ + "Ġinf", + "ring" + ], + [ + "ĠFrank", + "lin" + ], + [ + "Ġstr", + "ain" + ], + [ + "ĠSwed", + "ish" + ], + [ + "Ġsevent", + "h" + ], + [ + "ĠB", + "enn" + ], + [ + "ĠT", + "ell" + ], + [ + "Ġsynd", + "rome" + ], + [ + "Ġwond", + "ered" + ], + [ + "id", + "en" + ], + [ + "++", + "++" + ], + [ + "ig", + "o" + ], + [ + "Ġpur", + "ple" + ], + [ + "Ġjournal", + "ism" + ], + [ + "Ġreb", + "el" + ], + [ + "Ġf", + "u" + ], + [ + "bl", + "og" + ], + [ + "Ġinv", + "ite" + ], + [ + "ren", + "cies" + ], + [ + "ĠCont", + "act" + ], + [ + "Is", + "rael" + ], + [ + "ĠCont", + "ent" + ], + [ + "Ġche", + "er" + ], + [ + "Ġbed", + "room" + ], + [ + "ĠEngine", + "ering" + ], + [ + "ĠQue", + "ens" + ], + [ + "Ġd", + "well" + ], + [ + "ĠPlay", + "Station" + ], + [ + "ĠD", + "im" + ], + [ + "ĠCol", + "on" + ], + [ + "l", + "r" + ], + [ + "Ġoper", + "ates" + ], + [ + "Ġmotiv", + "ation" + ], + [ + "US", + "A" + ], + [ + "ast", + "ered" + ], + [ + "C", + "ore" + ], + [ + "ĠTr", + "uth" + ], + [ + "ol", + "o" + ], + [ + "OS", + "E" + ], + [ + "ĠMem", + "ory" + ], + [ + "Ġpred", + "ec" + ], + [ + "Ġan", + "arch" + ], + [ + "Ġ19", + "20" + ], + [ + "ĠY", + "am" + ], + [ + "Ã", + "¨" + ], + [ + "b", + "id" + ], + [ + "Ġgr", + "ateful" + ], + [ + "Ġexc", + "itement" + ], + [ + "Ġtre", + "asure" + ], + [ + "Ġlong", + "est" + ], + [ + "ct", + "ive" + ], + [ + "Ġdes", + "erves" + ], + [ + "Ġreserv", + "es" + ], + [ + "Ġcop", + "s" + ], + [ + "ĠOtt", + "awa" + ], + [ + "ĠEgypt", + "ian" + ], + [ + "ank", + "ed" + ], + [ + "Ġart", + "if" + ], + [ + "Ġhypot", + "hesis" + ], + [ + ":", + "/" + ], + [ + "Ġpurch", + "asing" + ], + [ + "Ġlove", + "ly" + ], + [ + "H", + "P" + ], + [ + "Ġdiv", + "ide" + ], + [ + "Ġstrict", + "ly" + ], + [ + "Ġquestion", + "ing" + ], + [ + "Ġtaxp", + "ayers" + ], + [ + "ĠJ", + "oy" + ], + [ + "Ġroll", + "s" + ], + [ + "ĠHe", + "avy" + ], + [ + "Ġp", + "orts" + ], + [ + "Ġmag", + "netic" + ], + [ + "Ġinf", + "lamm" + ], + [ + "Ġbr", + "ush" + ], + [ + "t", + "ics" + ], + [ + "â", + "ĪĴ" + ], + [ + "Ġbott", + "les" + ], + [ + "pp", + "y" + ], + [ + "Ġp", + "add" + ], + [ + "ãĤ", + "¯" + ], + [ + "m", + "illion" + ], + [ + "Ġdevast", + "ating" + ], + [ + "Ġcomp", + "iled" + ], + [ + "Ġmed", + "ication" + ], + [ + "Ġtw", + "elve" + ], + [ + "ĠPer", + "ry" + ], + [ + "Sp", + "ace" + ], + [ + "im", + "b" + ], + [ + "y", + "our" + ], + [ + "Ġle", + "aked" + ], + [ + "ĠT", + "ar" + ], + [ + "Ġun", + "ity" + ], + [ + "Ġinfect", + "ed" + ], + [ + "Ġtravel", + "ed" + ], + [ + "ID", + "E" + ], + [ + "ĠMc", + "Donald" + ], + [ + "t", + "xt" + ], + [ + "ĠPr", + "inc" + ], + [ + "Ġinter", + "ven" + ], + [ + "ĠTai", + "wan" + ], + [ + "ĠP", + "ow" + ], + [ + "Ġbe", + "aring" + ], + [ + "ĠTh", + "read" + ], + [ + "Ġz", + "ones" + ], + [ + "iz", + "ards" + ], + [ + "un", + "ks" + ], + [ + "Ch", + "apter" + ], + [ + "ll", + "or" + ], + [ + "ĠÂ", + "·" + ], + [ + "Ġw", + "ounds" + ], + [ + "Ġdisc", + "retion" + ], + [ + "Ġsucceed", + "ed" + ], + [ + "ik", + "ing" + ], + [ + "Ġicon", + "ic" + ], + [ + "C", + "all" + ], + [ + "Ġscreen", + "ing" + ], + [ + "ĠM", + "is" + ], + [ + "ict", + "s" + ], + [ + "Ġmin", + "isters" + ], + [ + "Ġsepar", + "ation" + ], + [ + "Pl", + "ayer" + ], + [ + "Ġb", + "ip" + ], + [ + "Ġbel", + "oved" + ], + [ + "Ġcount", + "ing" + ], + [ + "ĠE", + "ye" + ], + [ + "ar", + "ound" + ], + [ + "ing", + "ing" + ], + [ + "Ġtable", + "t" + ], + [ + "Ġoff", + "ence" + ], + [ + "in", + "ance" + ], + [ + "h", + "ave" + ], + [ + "ĠInf", + "o" + ], + [ + "ĠNin", + "ja" + ], + [ + "Ġprotect", + "ive" + ], + [ + "ĠC", + "ass" + ], + [ + "M", + "ac" + ], + [ + "ĠQual", + "ity" + ], + [ + "N", + "orth" + ], + [ + "Ġ", + "ic" + ], + [ + "ĠCub", + "a" + ], + [ + "ĠChron", + "icle" + ], + [ + "ĠPro", + "perty" + ], + [ + "Ġfast", + "est" + ], + [ + "ot", + "os" + ], + [ + "ĠG", + "erm" + ], + [ + "OW", + "N" + ], + [ + "Ġbo", + "om" + ], + [ + "ĠStan", + "ley" + ], + [ + "ergus", + "on" + ], + [ + "Ġcle", + "ver" + ], + [ + "Ġent", + "ers" + ], + [ + "m", + "ode" + ], + [ + "ter", + "ior" + ], + [ + "ĠS", + "ens" + ], + [ + "Ġlin", + "ear" + ], + [ + "AR", + "K" + ], + [ + "Ġcomp", + "aring" + ], + [ + "Ġpure", + "ly" + ], + [ + "Ġsaf", + "er" + ], + [ + "ĠPot", + "ter" + ], + [ + "Ġc", + "ups" + ], + [ + "R", + "T" + ], + [ + "Ġgl", + "uc" + ], + [ + "Ġatt", + "ributed" + ], + [ + "Ġdu", + "pl" + ], + [ + "ĠP", + "ap" + ], + [ + "Ġprec", + "ious" + ], + [ + "Ġp", + "a" + ], + [ + "iction", + "ary" + ], + [ + "ĠT", + "ig" + ], + [ + "ĠTo", + "o" + ], + [ + "ol", + "utions" + ], + [ + "st", + "an" + ], + [ + "Ġrob", + "ots" + ], + [ + "Ġlob", + "b" + ], + [ + "Ġstat", + "ute" + ], + [ + "Ġprevent", + "ion" + ], + [ + "w", + "estern" + ], + [ + "16", + "0" + ], + [ + "ĠAct", + "ive" + ], + [ + "ĠMar", + "ia" + ], + [ + "h", + "al" + ], + [ + "N", + "one" + ], + [ + "ell", + "ar" + ], + [ + "ĠK", + "B" + ], + [ + "ĠPart", + "ners" + ], + [ + "ĠSing", + "le" + ], + [ + "ĠFollow", + "ing" + ], + [ + "ang", + "o" + ], + [ + "ac", + "ious" + ], + [ + "Ġth", + "ou" + ], + [ + "Ġk", + "g" + ], + [ + "Ġinflu", + "ential" + ], + [ + "ĠFriend", + "s" + ], + [ + "S", + "ur" + ], + [ + "ain", + "ted" + ], + [ + "Ġfor", + "ums" + ], + [ + "Ġst", + "arter" + ], + [ + "Ġcitizens", + "hip" + ], + [ + "ĠE", + "lection" + ], + [ + "on", + "ge" + ], + [ + "ot", + "ation" + ], + [ + "os", + "ph" + ], + [ + ";;", + ";;" + ], + [ + "ut", + "ical" + ], + [ + "p", + "ur" + ], + [ + "ere", + "n" + ], + [ + "Ġaccus", + "ations" + ], + [ + "bit", + "ious" + ], + [ + "ab", + "bit" + ], + [ + "ĠOr", + "d" + ], + [ + "Post", + "ed" + ], + [ + "ir", + "k" + ], + [ + "Ġsens", + "itivity" + ], + [ + "ic", + "he" + ], + [ + "ĠAm", + "y" + ], + [ + "ĠF", + "ab" + ], + [ + "Ġsum", + "mit" + ], + [ + "Ġped", + "est" + ], + [ + "Ġrub", + "ber" + ], + [ + "Ġagric", + "ultural" + ], + [ + "Ġcan", + "cel" + ], + [ + "A", + "E" + ], + [ + "Ġin", + "aug" + ], + [ + "Ġcont", + "am" + ], + [ + "Ġfirm", + "ly" + ], + [ + "i", + "w" + ], + [ + "st", + "age" + ], + [ + "ĠK", + "an" + ], + [ + "Ġt", + "ier" + ], + [ + "Ġinv", + "ention" + ], + [ + "Ġtransl", + "ated" + ], + [ + "ĠR", + "ules" + ], + [ + "B", + "ox" + ], + [ + "Tw", + "itter" + ], + [ + "ID", + "S" + ], + [ + "Ġp", + "izza" + ], + [ + "Ġdeb", + "ug" + ], + [ + "ĠD", + "rop" + ], + [ + "v", + "s" + ], + [ + "Ġh", + "orses" + ], + [ + "b", + "ig" + ], + [ + "Ġb", + "oring" + ], + [ + "Ġh", + "ood" + ], + [ + "ĠMcC", + "ain" + ], + [ + "at", + "ched" + ], + [ + "ĠBro", + "s" + ], + [ + "Ġsk", + "ip" + ], + [ + "Ġess", + "ay" + ], + [ + "st", + "at" + ], + [ + "ĠLeg", + "ends" + ], + [ + "Ġam", + "munition" + ], + [ + "au", + "c" + ], + [ + "Ġshoot", + "er" + ], + [ + "Ġun", + "h" + ], + [ + "Ġsuppl", + "ied" + ], + [ + "Ġgener", + "ic" + ], + [ + "ĠS", + "K" + ], + [ + "ib", + "an" + ], + [ + "yr", + "ics" + ], + [ + "Ġ25", + "5" + ], + [ + "Ġclim", + "bing" + ], + [ + "Form", + "er" + ], + [ + "Ġfl", + "ip" + ], + [ + "Ġjump", + "ing" + ], + [ + "Ġfrust", + "ration" + ], + [ + "ĠTer", + "ry" + ], + [ + "Ġneighborhood", + "s" + ], + [ + "Ġmed", + "ian" + ], + [ + "be", + "an" + ], + [ + "Ġbr", + "ains" + ], + [ + "Follow", + "ing" + ], + [ + "Ġsh", + "aped" + ], + [ + "Ġdraw", + "s" + ], + [ + "Ġal", + "tered" + ], + [ + "J", + "ack" + ], + [ + "Ġrecip", + "es" + ], + [ + "Ġsk", + "illed" + ], + [ + "we", + "alth" + ], + [ + "ach", + "i" + ], + [ + "e", + "lection" + ], + [ + "Ġbehavi", + "ors" + ], + [ + "de", + "als" + ], + [ + "ĠU", + "ntil" + ], + [ + "F", + "e" + ], + [ + "Ġdecl", + "aration" + ], + [ + "mar", + "ks" + ], + [ + "ĠBet", + "ween" + ], + [ + "cel", + "ona" + ], + [ + "Ġres", + "on" + ], + [ + "Ġbub", + "ble" + ], + [ + "Am", + "ong" + ], + [ + "Ġim", + "perial" + ], + [ + "G", + "S" + ], + [ + "Ġfemin", + "ist" + ], + [ + "200", + "5" + ], + [ + "ĠK", + "yle" + ], + [ + "Ġaccount", + "ing" + ], + [ + "ĠTe", + "le" + ], + [ + "ĠT", + "yr" + ], + [ + "Ġconnect", + "ing" + ], + [ + "Ġre", + "hab" + ], + [ + "ĠP", + "red" + ], + [ + "s", + "im" + ], + [ + "Ġmeant", + "ime" + ], + [ + "Ġphys", + "ician" + ], + [ + "M", + "W" + ], + [ + "ĠCamp", + "bell" + ], + [ + "ĠBr", + "andon" + ], + [ + "Ġcontribut", + "ing" + ], + [ + "ĠR", + "ule" + ], + [ + "ĠWe", + "ight" + ], + [ + "ĠN", + "ap" + ], + [ + "Ġinter", + "active" + ], + [ + "Ġv", + "ag" + ], + [ + "Ġhel", + "met" + ], + [ + "ĠCom", + "b" + ], + [ + "f", + "our" + ], + [ + "Ġsh", + "ipped" + ], + [ + "Ġcomple", + "ting" + ], + [ + "ĠP", + "D" + ], + [ + "PD", + "ATE" + ], + [ + "Ġspread", + "ing" + ], + [ + "Ġsc", + "ary" + ], + [ + "erv", + "ing" + ], + [ + "ĠG", + "as" + ], + [ + "Ġfr", + "ank" + ], + [ + "s", + "chool" + ], + [ + "Ġrom", + "antic" + ], + [ + "Ġstab", + "il" + ], + [ + "R", + "ob" + ], + [ + "Ġaccur", + "ately" + ], + [ + "Ġac", + "ute" + ], + [ + "ĠH", + "ann" + ], + [ + "Ġsymbol", + "s" + ], + [ + "Ġcivil", + "ization" + ], + [ + "ĠA", + "W" + ], + [ + "Ġlight", + "ning" + ], + [ + "Ġcons", + "iders" + ], + [ + "Ġven", + "ue" + ], + [ + "Ġ", + "×" + ], + [ + "Ġo", + "ven" + ], + [ + "ĠS", + "F" + ], + [ + "h", + "is" + ], + [ + "Ġn", + "u" + ], + [ + "ĠLear", + "n" + ], + [ + "Ġpe", + "oples" + ], + [ + "Ġst", + "d" + ], + [ + "Ġsle", + "e" + ], + [ + "Ġs", + "lic" + ], + [ + "ĠStat", + "istics" + ], + [ + "Ġcor", + "ners" + ], + [ + "ĠB", + "aker" + ], + [ + "Ġ:", + ")" + ], + [ + "ment", + "ation" + ], + [ + "ol", + "ver" + ], + [ + "Ġlaugh", + "ing" + ], + [ + "ĠT", + "odd" + ], + [ + "ond", + "e" + ], + [ + "ĠH", + "ills" + ], + [ + "Ġn", + "uts" + ], + [ + "ĠW", + "oman" + ], + [ + "pl", + "ane" + ], + [ + "Ġl", + "iver" + ], + [ + "ĠIn", + "side" + ], + [ + "S", + "orry" + ], + [ + "Ġagre", + "es" + ], + [ + "Ġfund", + "ament" + ], + [ + "ĠF", + "isher" + ], + [ + "Ġa", + "uction" + ], + [ + "Ġthread", + "s" + ], + [ + "gl", + "as" + ], + [ + "ĠBas", + "ic" + ], + [ + "ĠN", + "at" + ], + [ + "Ġlack", + "ing" + ], + [ + "Ġceleb", + "ration" + ], + [ + "j", + "u" + ], + [ + "Ġs", + "illy" + ], + [ + "E", + "uro" + ], + [ + "Ġt", + "att" + ], + [ + "ight", + "y" + ], + [ + "cont", + "rolled" + ], + [ + "T", + "est" + ], + [ + "ĠSing", + "h" + ], + [ + "Ġr", + "age" + ], + [ + "Ġrh", + "yth" + ], + [ + "o", + "ffic" + ], + [ + "ĠPh", + "antom" + ], + [ + "Ġhead", + "lines" + ], + [ + "Ġrespond", + "ing" + ], + [ + "ĠMor", + "ning" + ], + [ + "Ġvit", + "amin" + ], + [ + "Ġboot", + "s" + ], + [ + "ĠS", + "ite" + ], + [ + "al", + "in" + ], + [ + "p", + "i" + ], + [ + "Ġvir", + "al" + ], + [ + "ĠU", + "C" + ], + [ + "D", + "ER" + ], + [ + "ĠSe", + "x" + ], + [ + "Ġst", + "ocks" + ], + [ + "c", + "urrent" + ], + [ + "Ġch", + "urches" + ], + [ + "ĠR", + "are" + ], + [ + "ĠMur", + "phy" + ], + [ + "Ġden", + "ial" + ], + [ + "ĠG", + "aming" + ], + [ + "Ġtou", + "g" + ], + [ + "Ġn", + "ick" + ], + [ + "Ġm", + "akers" + ], + [ + "ĠRon", + "ald" + ], + [ + "Ġgener", + "ous" + ], + [ + "ĠD", + "oc" + ], + [ + "ĠMor", + "ris" + ], + [ + "Ġtransform", + "ed" + ], + [ + "ĠN", + "ormal" + ], + [ + "Ġ10", + "4" + ], + [ + "ĠKick", + "starter" + ], + [ + "ĠUp", + "on" + ], + [ + "On", + "line" + ], + [ + "ĠI", + "RS" + ], + [ + "Ġw", + "rap" + ], + [ + "Ġl", + "oving" + ], + [ + "Ġarri", + "ves" + ], + [ + "ĠD", + "ue" + ], + [ + "Ġhe", + "ter" + ], + [ + "ĠM", + "ade" + ], + [ + "Ġrent", + "al" + ], + [ + "Ġbelong", + "s" + ], + [ + "Ġatt", + "orneys" + ], + [ + "Ġcro", + "ps" + ], + [ + "Ġmat", + "ched" + ], + [ + "ul", + "um" + ], + [ + "ol", + "ine" + ], + [ + "10", + "9" + ], + [ + "Ġdis", + "par" + ], + [ + "Ġbuy", + "ers" + ], + [ + "ĠCam", + "bridge" + ], + [ + "Ġeth", + "ics" + ], + [ + "rou", + "ps" + ], + [ + "Ġjust", + "ified" + ], + [ + "Ġmarg", + "inal" + ], + [ + "Ġrespect", + "ed" + ], + [ + "win", + "ning" + ], + [ + "Ġnodd", + "ed" + ], + [ + "ĠSer", + "ge" + ], + [ + "ĠForm", + "er" + ], + [ + "C", + "raft" + ], + [ + "########", + "########" + ], + [ + "ĠWar", + "ner" + ], + [ + "Ġd", + "ash" + ], + [ + "et", + "e" + ], + [ + "Ġent", + "ert" + ], + [ + "ĠE", + "scape" + ], + [ + "out", + "heast" + ], + [ + "Ġkn", + "ees" + ], + [ + "ĠB", + "omb" + ], + [ + "Ġr", + "ug" + ], + [ + "P", + "ass" + ], + [ + "Ġatt", + "itudes" + ], + [ + "go", + "vernment" + ], + [ + "ĠPri", + "or" + ], + [ + "Ġqual", + "ities" + ], + [ + "Ġnot", + "ification" + ], + [ + "ĠPh", + "one" + ], + [ + "l", + "ie" + ], + [ + "Ġanticip", + "ated" + ], + [ + "ĠCom", + "bat" + ], + [ + "ĠBar", + "ry" + ], + [ + "Ġ198", + "2" + ], + [ + "Us", + "ers" + ], + [ + "on", + "er" + ], + [ + "Ġcomput", + "ing" + ], + [ + "ĠConnect", + "icut" + ], + [ + "Ġless", + "er" + ], + [ + "Ġpe", + "ers" + ], + [ + "ĠC", + "u" + ], + [ + "Ġtechn", + "ically" + ], + [ + "Ġsub", + "mission" + ], + [ + "ĠUn", + "iversal" + ], + [ + "Ġman", + "ually" + ], + [ + "our", + "ge" + ], + [ + "Ġrespond", + "ents" + ], + [ + "ĠB", + "TC" + ], + [ + "ĠH", + "ost" + ], + [ + "Ġf", + "are" + ], + [ + "ĠB", + "ird" + ], + [ + "Ġrece", + "ipt" + ], + [ + "al", + "so" + ], + [ + "Ġj", + "ack" + ], + [ + "Ġagric", + "ulture" + ], + [ + "Ġsk", + "ull" + ], + [ + "Ġ!", + "=" + ], + [ + "Ġpass", + "ive" + ], + [ + "ĠC", + "I" + ], + [ + "Ġsoc", + "ieties" + ], + [ + "Ġremind", + "ed" + ], + [ + "Ġinter", + "ference" + ], + [ + "B", + "uy" + ], + [ + "Ġâ", + "ľ" + ], + [ + "g", + "on" + ], + [ + "Ġscrut", + "iny" + ], + [ + "ĠW", + "itch" + ], + [ + "Ġconduct", + "ing" + ], + [ + "Ġ", + "ãĥ" + ], + [ + "Ġexch", + "anges" + ], + [ + "ĠMit", + "chell" + ], + [ + "Ġinhab", + "it" + ], + [ + "Ġtw", + "ist" + ], + [ + "B", + "D" + ], + [ + "Ġwhere", + "ver" + ], + [ + "group", + "on" + ], + [ + "Ġj", + "okes" + ], + [ + "ĠBen", + "jamin" + ], + [ + "ĠR", + "andom" + ], + [ + "fr", + "ame" + ], + [ + "ĠL", + "ions" + ], + [ + "Ġhighlight", + "ed" + ], + [ + "ĠArk", + "ansas" + ], + [ + "E", + "nt" + ], + [ + "Ġp", + "ile" + ], + [ + "Ġpre", + "lim" + ], + [ + "g", + "s" + ], + [ + "mind", + "ed" + ], + [ + "Ġfel", + "ony" + ], + [ + "ĠG", + "A" + ], + [ + "ĠL", + "uck" + ], + [ + "Ġpract", + "ically" + ], + [ + "ĠB", + "os" + ], + [ + "Ġact", + "ress" + ], + [ + "D", + "am" + ], + [ + "ĠB", + "ou" + ], + [ + "Ġvis", + "a" + ], + [ + "Ġembed", + "ded" + ], + [ + "Ġhy", + "brid" + ], + [ + "Ġear", + "liest" + ], + [ + "Ġsoon", + "er" + ], + [ + "s", + "ocial" + ], + [ + "ĠH", + "A" + ], + [ + "Ġste", + "ep" + ], + [ + "Ġdis", + "advant" + ], + [ + "Ġexplo", + "it" + ], + [ + "ĠE", + "gg" + ], + [ + "ĠUlt", + "ra" + ], + [ + "Ġnecess", + "ity" + ], + [ + "L", + "ocal" + ], + [ + "ie", + "ge" + ], + [ + "Ġd", + "ated" + ], + [ + "Ġmass", + "es" + ], + [ + "Ġsubsc", + "ription" + ], + [ + "pl", + "ess" + ], + [ + "Ġan", + "onym" + ], + [ + "Ġpresum", + "ably" + ], + [ + "Bl", + "ue" + ], + [ + "The", + "ir" + ], + [ + "asket", + "ball" + ], + [ + "ĠPhil", + "ip" + ], + [ + "Ġcom", + "ed" + ], + [ + "load", + "ed" + ], + [ + "r", + "ane" + ], + [ + "Ġref", + "lection" + ], + [ + "Ch", + "ina" + ], + [ + "Ġext", + "ends" + ], + [ + "Ġform", + "ing" + ], + [ + "Ġund", + "ers" + ], + [ + "200", + "1" + ], + [ + "Ġgr", + "at" + ], + [ + "Ġconcent", + "rations" + ], + [ + "Ġins", + "ulin" + ], + [ + "Ġsec", + "ular" + ], + [ + "Ġwh", + "ilst" + ], + [ + "Ġwin", + "ners" + ], + [ + "Ad", + "vertisements" + ], + [ + "Ġdeliber", + "ately" + ], + [ + "ĠWork", + "ing" + ], + [ + "Ġs", + "ink" + ], + [ + "et", + "ics" + ], + [ + "d", + "ale" + ], + [ + "Ġmand", + "ate" + ], + [ + "Ġg", + "ram" + ], + [ + "Ġvac", + "ation" + ], + [ + "Ġwarn", + "ings" + ], + [ + "ri", + "pp" + ], + [ + "ĠTH", + "AT" + ], + [ + "Ġcomment", + "ary" + ], + [ + "Ġint", + "u" + ], + [ + "Ġa", + "est" + ], + [ + "Ġreason", + "ing" + ], + [ + "Ġbreak", + "down" + ], + [ + "ĠZ", + "ombie" + ], + [ + "Ġ--", + ">" + ], + [ + "ĠPolit", + "ical" + ], + [ + "c", + "ott" + ], + [ + "Ġthr", + "ust" + ], + [ + "Ġtechn", + "ological" + ], + [ + "Ġdec", + "iding" + ], + [ + "Ġtraff", + "icking" + ], + [ + "L", + "ong" + ], + [ + "W", + "elcome" + ], + [ + "pr", + "ising" + ], + [ + "ĠCommun", + "ications" + ], + [ + "Ġend", + "ors" + ], + [ + "Ġsw", + "ift" + ], + [ + "Ġmetab", + "ol" + ], + [ + "co", + "ins" + ], + [ + "res", + "a" + ], + [ + "ĠHT", + "TP" + ], + [ + "Ġen", + "roll" + ], + [ + "ĠH", + "appy" + ], + [ + "us", + "r" + ], + [ + "int", + "age" + ], + [ + "Ġ[", + "\"" + ], + [ + "u", + "ably" + ], + [ + "ĠM", + "aterial" + ], + [ + "Ġrepe", + "al" + ], + [ + "Se", + "pt" + ], + [ + "k", + "h" + ], + [ + "ĠMod", + "i" + ], + [ + "Ġunder", + "neath" + ], + [ + "ĠI", + "L" + ], + [ + "sh", + "ore" + ], + [ + "Ġdiagn", + "osed" + ], + [ + "ace", + "utical" + ], + [ + "Ġsh", + "ower" + ], + [ + "au", + "x" + ], + [ + "ĠSw", + "itch" + ], + [ + "ĠStre", + "ngth" + ], + [ + "Ġj", + "ihad" + ], + [ + "n", + "ational" + ], + [ + "Ġtra", + "uma" + ], + [ + "uss", + "y" + ], + [ + "on", + "i" + ], + [ + "Ġcons", + "olid" + ], + [ + "Ġcal", + "ories" + ], + [ + "ĠF", + "lynn" + ], + [ + "ag", + "ged" + ], + [ + "16", + "8" + ], + [ + "ĠP", + "ink" + ], + [ + "Ġfulf", + "ill" + ], + [ + "Ġch", + "ains" + ], + [ + "Ġnot", + "ably" + ], + [ + "ĠA", + "V" + ], + [ + "L", + "ife" + ], + [ + "ĠCh", + "uck" + ], + [ + "m", + "us" + ], + [ + "ĠUr", + "ban" + ], + [ + "ĠH", + "end" + ], + [ + "Ġdep", + "osit" + ], + [ + "ĠS", + "ad" + ], + [ + "Ġaff", + "air" + ], + [ + "OR", + "K" + ], + [ + "ie", + "val" + ], + [ + "ĠF", + "DA" + ], + [ + "Ġt", + "rop" + ], + [ + "ĠOver", + "all" + ], + [ + "Ġvirt", + "ue" + ], + [ + "Ġsatisf", + "action" + ], + [ + "au", + "nd" + ], + [ + "Ġl", + "un" + ], + [ + "ĠSw", + "itzerland" + ], + [ + "ĠOper", + "ation" + ], + [ + "pro", + "cess" + ], + [ + "Ġsh", + "ook" + ], + [ + "Ġcount", + "ies" + ], + [ + "le", + "ased" + ], + [ + "ĠCharl", + "otte" + ], + [ + "1", + "12" + ], + [ + "Ġtrans", + "cript" + ], + [ + "Ġre", + "dd" + ], + [ + "p", + "ush" + ], + [ + "ĠHe", + "y" + ], + [ + "ĠAn", + "alysis" + ], + [ + "[", + "\"" + ], + [ + "Ġaltern", + "atives" + ], + [ + "ard", + "less" + ], + [ + "Ġele", + "ph" + ], + [ + "Ġpre", + "jud" + ], + [ + "ĠLe", + "af" + ], + [ + "H", + "aving" + ], + [ + "ĠH", + "ub" + ], + [ + "Ġexpress", + "ions" + ], + [ + "ĠVol", + "ume" + ], + [ + "Ġshock", + "ing" + ], + [ + "ĠRed", + "s" + ], + [ + "Ġread", + "ily" + ], + [ + "Ġplan", + "ets" + ], + [ + "ad", + "ata" + ], + [ + "Ġcollaps", + "ed" + ], + [ + "ĠMad", + "rid" + ], + [ + "Ġir", + "rit" + ], + [ + "i", + "pper" + ], + [ + "ĠEn", + "c" + ], + [ + "ĠW", + "ire" + ], + [ + "Ġbu", + "zz" + ], + [ + "ĠG", + "P" + ], + [ + "ash", + "a" + ], + [ + "Ġaccident", + "ally" + ], + [ + "ur", + "u" + ], + [ + "Ġfrust", + "rated" + ], + [ + "ĠS", + "A" + ], + [ + "Ġhung", + "ry" + ], + [ + "ĠH", + "uff" + ], + [ + "Ġlab", + "els" + ], + [ + "ant", + "o" + ], + [ + "ĠE", + "P" + ], + [ + "Ġbar", + "riers" + ], + [ + ")", + "|" + ], + [ + "ĠBer", + "keley" + ], + [ + "ĠJ", + "ets" + ], + [ + "Ġp", + "airs" + ], + [ + "ĠL", + "an" + ], + [ + "J", + "ames" + ], + [ + "ĠB", + "ear" + ], + [ + "Ġhum", + "or" + ], + [ + "ĠLiber", + "ty" + ], + [ + "Ġmagn", + "itude" + ], + [ + "Ġag", + "ing" + ], + [ + "ĠM", + "ason" + ], + [ + "Ġfriends", + "hip" + ], + [ + "umb", + "ling" + ], + [ + "Ġemer", + "ge" + ], + [ + "Ġnewsp", + "apers" + ], + [ + "Ġam", + "bitious" + ], + [ + "ĠRich", + "ards" + ], + [ + "atern", + "al" + ], + [ + "Ġ198", + "1" + ], + [ + "Ġcook", + "ies" + ], + [ + "Ġsc", + "ulpt" + ], + [ + "Ġpur", + "suit" + ], + [ + "L", + "ocation" + ], + [ + "Ġscript", + "s" + ], + [ + "p", + "c" + ], + [ + "Ġarrang", + "ements" + ], + [ + "Ġd", + "iameter" + ], + [ + "Ġl", + "oses" + ], + [ + "am", + "ation" + ], + [ + "Ġl", + "iqu" + ], + [ + "ĠJ", + "ake" + ], + [ + "aret", + "te" + ], + [ + "Ġunderstand", + "s" + ], + [ + "ĠZ", + "en" + ], + [ + "v", + "m" + ], + [ + "Ġappro", + "ve" + ], + [ + "Ġw", + "ip" + ], + [ + "Ġult", + "ra" + ], + [ + "Ġint", + "end" + ], + [ + "ĠD", + "I" + ], + [ + "asc", + "ular" + ], + [ + "Ġst", + "ays" + ], + [ + "ĠK", + "or" + ], + [ + "ĠK", + "l" + ], + [ + "Ġinvest", + "ing" + ], + [ + "L", + "a" + ], + [ + "Ġbelie", + "ving" + ], + [ + "b", + "ad" + ], + [ + "m", + "outh" + ], + [ + "Ġtaxp", + "ayer" + ], + [ + "ãĥ", + "ĥ" + ], + [ + "ĠQue", + "bec" + ], + [ + "Ġl", + "ap" + ], + [ + "ĠSw", + "iss" + ], + [ + "d", + "rop" + ], + [ + "Ġdr", + "ain" + ], + [ + "ir", + "i" + ], + [ + "et", + "c" + ], + [ + "ft", + "en" + ], + [ + "ĠN", + "ex" + ], + [ + "Ġst", + "raw" + ], + [ + "Ġscream", + "ing" + ], + [ + "Ġcount", + "ed" + ], + [ + "Ġdam", + "aging" + ], + [ + "Ġamb", + "assador" + ], + [ + "cent", + "ury" + ], + [ + "Ġpro", + "x" + ], + [ + "Ġarrest", + "s" + ], + [ + "u", + "v" + ], + [ + "il", + "ateral" + ], + [ + "ĠCh", + "arg" + ], + [ + "Ġpresc", + "ribed" + ], + [ + "Ġindepend", + "ently" + ], + [ + "Ġf", + "ierce" + ], + [ + "ĠB", + "aby" + ], + [ + "Ġb", + "rave" + ], + [ + "Ġsu", + "its" + ], + [ + "=", + ">" + ], + [ + "Ġbas", + "eline" + ], + [ + "ĠR", + "ate" + ], + [ + "Ġis", + "lands" + ], + [ + "Ġ(", + "(" + ], + [ + "g", + "reen" + ], + [ + "ix", + "els" + ], + [ + "Ġname", + "ly" + ], + [ + "ĠVill", + "age" + ], + [ + "th", + "an" + ], + [ + "am", + "y" + ], + [ + "V", + "ersion" + ], + [ + "g", + "mail" + ], + [ + "ential", + "s" + ], + [ + "ĠS", + "ud" + ], + [ + "ĠMel", + "bourne" + ], + [ + "Ġarri", + "ving" + ], + [ + "Ġquant", + "um" + ], + [ + "e", + "ff" + ], + [ + "rop", + "olitan" + ], + [ + "T", + "ri" + ], + [ + "Ġfun", + "eral" + ], + [ + "ĠI", + "R" + ], + [ + "ÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤ", + "ÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤ" + ], + [ + "ĠC", + "ob" + ], + [ + "it", + "ably" + ], + [ + "Ġt", + "urb" + ], + [ + "Ġcomb", + "o" + ], + [ + "Re", + "view" + ], + [ + "Ġdeploy", + "ment" + ], + [ + "u", + "ity" + ], + [ + "ĠB", + "ott" + ], + [ + "Ġinv", + "isible" + ], + [ + "Ġrender", + "ing" + ], + [ + "Ġunl", + "ocked" + ], + [ + "Ġa", + "qu" + ], + [ + "ĠVlad", + "imir" + ], + [ + "Ġp", + "ad" + ], + [ + "ĠBr", + "ain" + ], + [ + "ĠLeg", + "acy" + ], + [ + "dr", + "agon" + ], + [ + "ĠKurd", + "ish" + ], + [ + "Ġsound", + "ed" + ], + [ + "Ġdet", + "ained" + ], + [ + "ĠD", + "M" + ], + [ + "g", + "ary" + ], + [ + "Ġd", + "aughters" + ], + [ + "Ġdistur", + "bing" + ], + [ + "uk", + "a" + ], + [ + "ĠPar", + "ad" + ], + [ + "Ġt", + "ast" + ], + [ + "Ġunf", + "ortunate" + ], + [ + "Ġu", + "l" + ], + [ + "em", + "in" + ], + [ + "Ġattend", + "ance" + ], + [ + "tr", + "l" + ], + [ + "Ġpar", + "ks" + ], + [ + "ĠMem", + "orial" + ], + [ + "ĠAl", + "ice" + ], + [ + "oth", + "y" + ], + [ + "gu", + "ard" + ], + [ + "ĠD", + "ise" + ], + [ + "ĠSh", + "an" + ], + [ + "ĠFor", + "um" + ], + [ + "R", + "ich" + ], + [ + "Ġshif", + "ted" + ], + [ + "ue", + "z" + ], + [ + "Ġl", + "ighter" + ], + [ + "ĠMag", + "n" + ], + [ + "Ġc", + "od" + ], + [ + "S", + "ch" + ], + [ + "ham", + "mad" + ], + [ + "P", + "ub" + ], + [ + "3", + "50" + ], + [ + "ĠP", + "okemon" + ], + [ + "Ġprot", + "otype" + ], + [ + "Ġun", + "re" + ], + [ + "B", + "ase" + ], + [ + "ĠStud", + "ents" + ], + [ + "ĠRep", + "ly" + ], + [ + "ĠCommun", + "ist" + ], + [ + "Ġg", + "au" + ], + [ + "ĠTy", + "ler" + ], + [ + "I", + "Z" + ], + [ + "Ġparticip", + "ated" + ], + [ + "Ġsup", + "rem" + ], + [ + "ĠDet", + "ails" + ], + [ + "Ġvessel", + "s" + ], + [ + "ro", + "d" + ], + [ + "Ġt", + "ribe" + ], + [ + "ke", + "ep" + ], + [ + "Ġassum", + "ptions" + ], + [ + "Ġp", + "ound" + ], + [ + "Ġcr", + "ude" + ], + [ + "ĠAv", + "ailable" + ], + [ + "Ġswim", + "ming" + ], + [ + "Ġin", + "clusion" + ], + [ + "Ġadv", + "ances" + ], + [ + "c", + "ulation" + ], + [ + "Ġconserv", + "ation" + ], + [ + "Ġover", + "d" + ], + [ + "ĠBuff", + "alo" + ], + [ + "Art", + "icle" + ], + [ + "ed", + "ge" + ], + [ + "Ġaw", + "a" + ], + [ + "ĠMad", + "ison" + ], + [ + "Ġsid", + "ew" + ], + [ + "Ġcat", + "ast" + ], + [ + "ĠK", + "rist" + ], + [ + "uc", + "le" + ], + [ + "ĠHigh", + "way" + ], + [ + "ĠTer", + "ror" + ], + [ + "Ġactiv", + "ation" + ], + [ + "Ġuncons", + "cious" + ], + [ + "ĠSat", + "an" + ], + [ + "ĠSus", + "an" + ], + [ + "ill", + "ery" + ], + [ + "Ġarr", + "anged" + ], + [ + "i", + "op" + ], + [ + "Ġrum", + "ors" + ], + [ + "ur", + "ring" + ], + [ + "th", + "ink" + ], + [ + "ĠKe", + "ith" + ], + [ + "ĠK", + "ind" + ], + [ + "Ġavoid", + "ing" + ], + [ + "by", + "n" + ], + [ + "n", + "ut" + ], + [ + "ĠSpe", + "aker" + ], + [ + "r", + "us" + ], + [ + "n", + "ames" + ], + [ + "Ġgu", + "ilt" + ], + [ + "ĠOlymp", + "ics" + ], + [ + "Ġsa", + "il" + ], + [ + "ĠM", + "es" + ], + [ + "lev", + "ant" + ], + [ + "ĠColumb", + "us" + ], + [ + "a", + "ft" + ], + [ + "C", + "ity" + ], + [ + "S", + "outh" + ], + [ + "ĠHar", + "vey" + ], + [ + "ĠP", + "un" + ], + [ + "S", + "everal" + ], + [ + "Ġment", + "ally" + ], + [ + "Ġimp", + "ress" + ], + [ + "m", + "ount" + ], + [ + "ĠUb", + "untu" + ], + [ + "âĢĶâĢĶâĢĶâĢĶ", + "âĢĶâĢĶâĢĶâĢĶ" + ], + [ + "ĠSuper", + "man" + ], + [ + "ĠMP", + "s" + ], + [ + "Ġintent", + "ions" + ], + [ + "ĠR", + "acing" + ], + [ + "Ġlike", + "lihood" + ], + [ + "Ġ2", + "40" + ], + [ + "T", + "otal" + ], + [ + "Ġto", + "ys" + ], + [ + "ĠW", + "atson" + ], + [ + "Ġur", + "ge" + ], + [ + "L", + "ear" + ], + [ + "ĠP", + "aper" + ], + [ + "Ġoccur", + "ring" + ], + [ + "ĠB", + "eng" + ], + [ + "ĠC", + "ert" + ], + [ + "Ġst", + "ones" + ], + [ + "T", + "im" + ], + [ + "ĠTw", + "in" + ], + [ + "z", + "b" + ], + [ + "ĠD", + "ynam" + ], + [ + "Ġpolit", + "ician" + ], + [ + "k", + "ens" + ], + [ + "ĠEnter", + "prise" + ], + [ + "UT", + "ERS" + ], + [ + "Ġab", + "ol" + ], + [ + "Ġref", + "resh" + ], + [ + "Ġarbit", + "rary" + ], + [ + "pe", + "ction" + ], + [ + "Ġtrou", + "bles" + ], + [ + "Ġ}", + ");" + ], + [ + "t", + "v" + ], + [ + "Ġpil", + "ots" + ], + [ + "Ġdist", + "ribute" + ], + [ + "Ġaud", + "it" + ], + [ + "Ġp", + "ause" + ], + [ + "orig", + "inal" + ], + [ + "Ġr", + "ivals" + ], + [ + "Â", + "£" + ], + [ + "F", + "ig" + ], + [ + "T", + "L" + ], + [ + "ab", + "il" + ], + [ + "ry", + "ing" + ], + [ + "L", + "in" + ], + [ + "ion", + "ed" + ], + [ + "l", + "on" + ], + [ + "Ġf", + "ancy" + ], + [ + "Ġcr", + "ashed" + ], + [ + "Ġt", + "ract" + ], + [ + "Ġshe", + "d" + ], + [ + "Ġcons", + "ume" + ], + [ + "B", + "ased" + ], + [ + "down", + "load" + ], + [ + "in", + "it" + ], + [ + "Ġvolt", + "age" + ], + [ + "Int", + "rodu" + ], + [ + "Ġcondem", + "ned" + ], + [ + "ĠFin", + "ance" + ], + [ + "res", + "pect" + ], + [ + "Ġex", + "cluded" + ], + [ + "Ġestablish", + "ing" + ], + [ + "her", + "ic" + ], + [ + "Ġher", + "itage" + ], + [ + "Ġspect", + "acular" + ], + [ + "Ġun", + "st" + ], + [ + "ĠSnow", + "den" + ], + [ + "ĠL", + "ane" + ], + [ + "S", + "an" + ], + [ + "Ġprotect", + "ions" + ], + [ + "st", + "ruction" + ], + [ + "inc", + "inn" + ], + [ + "Ġmac", + "ro" + ], + [ + "C", + "ustom" + ], + [ + "ios", + "ity" + ], + [ + "Ġes", + "p" + ], + [ + "Ġfunction", + "ing" + ], + [ + "Ġm", + "ush" + ], + [ + "Ġp", + "uzzle" + ], + [ + "Ġeth", + "ical" + ], + [ + "M", + "al" + ], + [ + "Ġgo", + "verning" + ], + [ + "ĠF", + "erguson" + ], + [ + "Ġrest", + "ored" + ], + [ + "Ġst", + "ressed" + ], + [ + "ĠCoun", + "ter" + ], + [ + "ĠK", + "as" + ], + [ + "cl", + "ip" + ], + [ + "AN", + "S" + ], + [ + "Ġse", + "iz" + ], + [ + "U", + "K" + ], + [ + "by", + "ss" + ], + [ + "old", + "own" + ], + [ + "ap", + "i" + ], + [ + "Ġperman", + "ently" + ], + [ + "oun", + "ters" + ], + [ + "W", + "est" + ], + [ + "Th", + "rough" + ], + [ + "L", + "ight" + ], + [ + "at", + "oes" + ], + [ + "Ġne", + "at" + ], + [ + "Ġc", + "ord" + ], + [ + "ure", + "r" + ], + [ + "Ġsevere", + "ly" + ], + [ + "ĠA", + "ven" + ], + [ + "Ġinter", + "rog" + ], + [ + "Ġtri", + "ple" + ], + [ + "G", + "iven" + ], + [ + "N", + "umber" + ], + [ + "Ġar", + "ise" + ], + [ + "Ġs", + "her" + ], + [ + "pl", + "ant" + ], + [ + "Ġfl", + "ower" + ], + [ + "ĠC", + "ou" + ], + [ + "Ġat", + "e" + ], + [ + "Ġnew", + "er" + ], + [ + "b", + "ul" + ], + [ + "Ġmean", + "while" + ], + [ + "ĠL", + "air" + ], + [ + "Ġadjust", + "ment" + ], + [ + "ĠCop", + "yright" + ], + [ + "Ġd", + "ivers" + ], + [ + "i", + "ological" + ], + [ + "Ġgam", + "ers" + ], + [ + "o", + "at" + ], + [ + "Ġhistor", + "ically" + ], + [ + "Ġanal", + "og" + ], + [ + "Ġlong", + "time" + ], + [ + "Ġpres", + "cription" + ], + [ + "ĠM", + "ist" + ], + [ + "ĠHy", + "per" + ], + [ + "ĠM", + "aine" + ], + [ + "ĠDe", + "ity" + ], + [ + "Ġmulti", + "pl" + ], + [ + "ĠRe", + "incarn" + ], + [ + "ĠH", + "yd" + ], + [ + "ĠP", + "ic" + ], + [ + "S", + "il" + ], + [ + "r", + "ants" + ], + [ + "ĠC", + "ris" + ], + [ + ".", + ";" + ], + [ + "(", + "{" + ], + [ + "epend", + "ence" + ], + [ + "Ġrec", + "y" + ], + [ + "ate", + "ur" + ], + [ + "Ġqu", + "ad" + ], + [ + "Ġgl", + "ob" + ], + [ + "Ġcon", + "ced" + ], + [ + "te", + "am" + ], + [ + "Ġcapital", + "ist" + ], + [ + "ĠL", + "ot" + ], + [ + "Ġroy", + "al" + ], + [ + "ĠCy", + "ber" + ], + [ + "Ġblack", + "s" + ], + [ + "met", + "ic" + ], + [ + "ri", + "v" + ], + [ + "ĠD", + "anny" + ], + [ + "Ġsp", + "o" + ], + [ + "ĠR", + "O" + ], + [ + "Ġanim", + "ated" + ], + [ + "rypt", + "ed" + ], + [ + "ĠDep", + "uty" + ], + [ + "Ġrend", + "ered" + ], + [ + "F", + "E" + ], + [ + "Ġstre", + "ak" + ], + [ + "Ġcloud", + "s" + ], + [ + "ĠDou", + "g" + ], + [ + "~~~~", + "~~~~" + ], + [ + "Ġdisc", + "our" + ], + [ + "ĠVe", + "h" + ], + [ + "Ġpsych", + "ology" + ], + [ + "ĠJ", + "ourney" + ], + [ + "Ġcry", + "stal" + ], + [ + "ĠFro", + "st" + ], + [ + "Ġsuspic", + "ion" + ], + [ + "Ġrel", + "ate" + ], + [ + "or", + "us" + ], + [ + "ĠC", + "rypt" + ], + [ + "ĠN", + "VIDIA" + ], + [ + "com", + "ed" + ], + [ + "ut", + "ing" + ], + [ + "incinn", + "ati" + ], + [ + "Ġvulner", + "ability" + ], + [ + "ost", + "ic" + ], + [ + "Ġisol", + "ation" + ], + [ + "Ġcool", + "ing" + ], + [ + "ĠCoal", + "ition" + ], + [ + "Ġ1", + "19" + ], + [ + "F", + "our" + ], + [ + "ĠDe", + "al" + ], + [ + "Ġâ", + "ī" + ], + [ + "se", + "mble" + ], + [ + "ram", + "ent" + ], + [ + "ĠBar", + "celona" + ], + [ + "Ġ10", + "2" + ], + [ + "Ġcoc", + "aine" + ], + [ + "ocaly", + "pse" + ], + [ + "F", + "eb" + ], + [ + "ogen", + "ic" + ], + [ + "Ġmut", + "ation" + ], + [ + "Ġcrypt", + "oc" + ], + [ + "ĠK", + "el" + ], + [ + "ĠG", + "it" + ], + [ + "a", + "is" + ], + [ + "Ġs", + "isters" + ], + [ + "AN", + "K" + ], + [ + "Ġactiv", + "ate" + ], + [ + "T", + "er" + ], + [ + "Ġd", + "read" + ], + [ + "yl", + "on" + ], + [ + "Ġprop", + "ri" + ], + [ + "A", + "ust" + ], + [ + "ĠDef", + "ault" + ], + [ + "Ġout", + "door" + ], + [ + "Ġshe", + "er" + ], + [ + "ce", + "ive" + ], + [ + "Ġg", + "ently" + ], + [ + "Ð", + "¾" + ], + [ + "Pro", + "gram" + ], + [ + "Ġâ", + "ĨĴ" + ], + [ + "Ġve", + "gan" + ], + [ + "ĠCr", + "us" + ], + [ + "Ġrespons", + "ibilities" + ], + [ + "ĠH", + "R" + ], + [ + "OL", + "D" + ], + [ + "Ġprev", + "ents" + ], + [ + "Ġst", + "iff" + ], + [ + "ĠW", + "ere" + ], + [ + "Ġathlet", + "ic" + ], + [ + "ĠSc", + "ore" + ], + [ + "Ġ)", + ":" + ], + [ + "Ġcolumn", + "s" + ], + [ + "ĠL", + "oc" + ], + [ + "av", + "ailable" + ], + [ + "ĠF", + "ram" + ], + [ + "ĠS", + "essions" + ], + [ + "Ġcompan", + "ion" + ], + [ + "Ġpack", + "s" + ], + [ + "14", + "0" + ], + [ + "ĠKn", + "ights" + ], + [ + "Ġf", + "art" + ], + [ + "Ġstream", + "s" + ], + [ + "Ġsh", + "ore" + ], + [ + "Ġapp", + "eals" + ], + [ + "ĠPer", + "formance" + ], + [ + "h", + "aul" + ], + [ + "ĠSt", + "ra" + ], + [ + "ĠN", + "ag" + ], + [ + "10", + "3" + ], + [ + "ĠTrans", + "portation" + ], + [ + "B", + "B" + ], + [ + "E", + "v" + ], + [ + "z", + "an" + ], + [ + "P", + "ublic" + ], + [ + "Ġtw", + "in" + ], + [ + "uls", + "ion" + ], + [ + "M", + "ult" + ], + [ + "Ġelect", + "ro" + ], + [ + "Ġstat", + "ue" + ], + [ + "ation", + "ally" + ], + [ + "ĠN", + "ort" + ], + [ + "Ġins", + "pection" + ], + [ + "/", + "*" + ], + [ + "ig", + "ue" + ], + [ + "Ġcomp", + "assion" + ], + [ + "ĠT", + "ales" + ], + [ + "ĠSte", + "in" + ], + [ + "ĠSc", + "reen" + ], + [ + "ĠB", + "ug" + ], + [ + "ĠL", + "ion" + ], + [ + "g", + "irl" + ], + [ + "Ġwithdraw", + "al" + ], + [ + "Ġobject", + "ives" + ], + [ + "Ġblood", + "y" + ], + [ + "Ġprelim", + "inary" + ], + [ + "Ġj", + "acket" + ], + [ + "Ġdim", + "ensions" + ], + [ + "ĠC", + "ool" + ], + [ + "ĠOcc", + "up" + ], + [ + "Ġw", + "reck" + ], + [ + "Ġdoub", + "led" + ], + [ + "ank", + "ing" + ], + [ + "Ġ19", + "75" + ], + [ + "Ġglass", + "es" + ], + [ + "ĠW", + "ang" + ], + [ + "pro", + "v" + ], + [ + "P", + "ath" + ], + [ + "connect", + "ed" + ], + [ + "ĠMult", + "i" + ], + [ + "ĠNor", + "way" + ], + [ + "agon", + "ist" + ], + [ + "Ġfe", + "ared" + ], + [ + "Ġtouch", + "ing" + ], + [ + "Ġarg", + "uably" + ], + [ + "¯¯¯¯", + "¯¯¯¯" + ], + [ + "ĠNC", + "AA" + ], + [ + "che", + "m" + ], + [ + "Ġsp", + "at" + ], + [ + "ĠW", + "WE" + ], + [ + "ĠC", + "el" + ], + [ + "ig", + "ger" + ], + [ + "Ġattack", + "er" + ], + [ + "ĠJo", + "in" + ], + [ + "ob", + "ject" + ], + [ + "ett", + "a" + ], + [ + "Ġelim", + "inated" + ], + [ + "d", + "et" + ], + [ + "Ġdest", + "ruct" + ], + [ + "ĠLuc", + "as" + ], + [ + "ct", + "uary" + ], + [ + "18", + "0" + ], + [ + "ĠBr", + "ady" + ], + [ + "ĠBl", + "ues" + ], + [ + "B", + "ay" + ], + [ + "au", + "kee" + ], + [ + "Ġtim", + "eline" + ], + [ + "Ġdeleg", + "ates" + ], + [ + "w", + "ritten" + ], + [ + "uff", + "icient" + ], + [ + "Ġsh", + "apes" + ], + [ + "Cop", + "yright" + ], + [ + "ou", + "ble" + ], + [ + "serv", + "ice" + ], + [ + "Ġp", + "ione" + ], + [ + "Ġcolleg", + "es" + ], + [ + "Ġrow", + "s" + ], + [ + "Ġsp", + "ite" + ], + [ + "Ġassess", + "ed" + ], + [ + "3", + "60" + ], + [ + "Ġle", + "ase" + ], + [ + "Ġconfident", + "ial" + ], + [ + "ck", + "er" + ], + [ + "ĠMan", + "ning" + ], + [ + "ĠV", + "oice" + ], + [ + "Ġse", + "aled" + ], + [ + "Ġcalcul", + "ate" + ], + [ + "N", + "O" + ], + [ + "ĠAss", + "istant" + ], + [ + "Ġteen", + "ager" + ], + [ + "ul", + "ent" + ], + [ + "ather", + "ine" + ], + [ + "Ġm", + "ock" + ], + [ + "Ġd", + "iamond" + ], + [ + "Ġf", + "est" + ], + [ + "Ġsw", + "itched" + ], + [ + "Ġres", + "ume" + ], + [ + "ĠPu", + "erto" + ], + [ + "Ġl", + "anes" + ], + [ + "ir", + "ation" + ], + [ + "ĠSimilar", + "ly" + ], + [ + "Ġro", + "d" + ], + [ + "ĠS", + "el" + ], + [ + "ĠPal", + "ace" + ], + [ + "ĠLim", + "ited" + ], + [ + "e", + "ous" + ], + [ + "Ġvar", + "iant" + ], + [ + "Ġw", + "ard" + ], + [ + "Ġ)", + ")" + ], + [ + "Sh", + "ow" + ], + [ + "OO", + "K" + ], + [ + "A", + "lex" + ], + [ + "ĠN", + "ep" + ], + [ + "br", + "is" + ], + [ + "ĠWik", + "ipedia" + ], + [ + "Ġexcept", + "ional" + ], + [ + "Ġman", + "ages" + ], + [ + "ĠD", + "raw" + ], + [ + "Ag", + "ain" + ], + [ + "Ġco", + "pper" + ], + [ + "ut", + "t" + ], + [ + "Ġex", + "ports" + ], + [ + "Ġport", + "folio" + ], + [ + "Ġelev", + "ated" + ], + [ + "R", + "ated" + ], + [ + "ĠOther", + "wise" + ], + [ + "ĠT", + "act" + ], + [ + "ĠShe", + "l" + ], + [ + "ĠT", + "X" + ], + [ + "\"", + "âĢĶ" + ], + [ + "Ġres", + "ur" + ], + [ + "ĠW", + "a" + ], + [ + "ven", + "ant" + ], + [ + "Ġmon", + "etary" + ], + [ + "pe", + "ople" + ], + [ + "E", + "mail" + ], + [ + "Ġfif", + "ty" + ], + [ + "ĠS", + "weet" + ], + [ + "ĠMalays", + "ia" + ], + [ + "Ġconf", + "using" + ], + [ + "ĠR", + "io" + ], + [ + "ud", + "a" + ], + [ + "uten", + "ant" + ], + [ + "\"", + ");" + ], + [ + "Ġpra", + "ised" + ], + [ + "Ġvol", + "umes" + ], + [ + "t", + "urn" + ], + [ + "Ġm", + "ature" + ], + [ + "Ġnon", + "profit" + ], + [ + "Ġpassion", + "ate" + ], + [ + "ĠPriv", + "ate" + ], + [ + "Ġ10", + "3" + ], + [ + "Ġdesc", + "end" + ], + [ + "ç", + "¥ŀ" + ], + [ + "uff", + "y" + ], + [ + "head", + "ed" + ], + [ + "Whe", + "ther" + ], + [ + "ri", + "en" + ], + [ + "ze", + "ch" + ], + [ + "be", + "it" + ], + [ + "Ġch", + "rom" + ], + [ + "ĠMc", + "M" + ], + [ + "Ġd", + "ancing" + ], + [ + "Ġe", + "leg" + ], + [ + "ĠNot", + "iced" + ], + [ + "11", + "5" + ], + [ + "Ġadvoc", + "acy" + ], + [ + "ENT", + "S" + ], + [ + "amb", + "ling" + ], + [ + "ĠMin", + "or" + ], + [ + "ĠF", + "inn" + ], + [ + "Ġprior", + "ities" + ], + [ + "Ġthere", + "of" + ], + [ + "ĠSt", + "age" + ], + [ + "ĠRog", + "ers" + ], + [ + "Ġsubst", + "itute" + ], + [ + "ĠJ", + "ar" + ], + [ + "ĠJeff", + "erson" + ], + [ + "Ġlight", + "ly" + ], + [ + "10", + "2" + ], + [ + "ĠL", + "isa" + ], + [ + "u", + "its" + ], + [ + "ys", + "ical" + ], + [ + "Ġshif", + "ts" + ], + [ + "Ġd", + "rones" + ], + [ + "Ġwork", + "place" + ], + [ + "Ġres", + "id" + ], + [ + "ens", + "ed" + ], + [ + "ah", + "n" + ], + [ + "Ġpref", + "erences" + ], + [ + "ser", + "ver" + ], + [ + "Ġdeb", + "ates" + ], + [ + "d", + "oc" + ], + [ + "ĠGod", + "s" + ], + [ + "Ġhelicop", + "ter" + ], + [ + "Ġhon", + "our" + ], + [ + "Ġconsider", + "ably" + ], + [ + "ed", + "ed" + ], + [ + "ĠF", + "emale" + ], + [ + "ĠAn", + "ne" + ], + [ + "Ġre", + "un" + ], + [ + "ĠF", + "ace" + ], + [ + "ĠHall", + "ow" + ], + [ + "ĠBud", + "get" + ], + [ + "Ġcondem", + "n" + ], + [ + "Ġt", + "ender" + ], + [ + "Pro", + "f" + ], + [ + "ocr", + "atic" + ], + [ + "ĠTurn", + "er" + ], + [ + "ĠAg", + "ric" + ], + [ + "Ġ19", + "76" + ], + [ + "Ġa", + "pt" + ], + [ + "d", + "isc" + ], + [ + "ĠF", + "ighter" + ], + [ + "ĠA", + "ur" + ], + [ + "Ġgar", + "bage" + ], + [ + "in", + "put" + ], + [ + "ĠK", + "arl" + ], + [ + "ĠOl", + "iver" + ], + [ + "ĠL", + "anguage" + ], + [ + "k", + "n" + ], + [ + "N", + "on" + ], + [ + "ĠCl", + "ar" + ], + [ + "Ġtrad", + "itions" + ], + [ + "Ġad", + "vertisement" + ], + [ + "ĠS", + "or" + ], + [ + "Ġarch", + "ive" + ], + [ + "Ġvill", + "ages" + ], + [ + "7", + "50" + ], + [ + "Ġimplement", + "ing" + ], + [ + "w", + "aukee" + ], + [ + "Ġdiet", + "ary" + ], + [ + "Ġswitch", + "ing" + ], + [ + "Rep", + "ublic" + ], + [ + "Ġvel", + "ocity" + ], + [ + "Ġc", + "it" + ], + [ + "ĠA", + "wards" + ], + [ + "Ġfin", + "ancing" + ], + [ + "Ġlast", + "ed" + ], + [ + ")", + "]" + ], + [ + "Ġrem", + "inder" + ], + [ + "P", + "erson" + ], + [ + "Ġprec", + "ision" + ], + [ + "Ġdesign", + "ers" + ], + [ + "ĠF", + "ried" + ], + [ + "ĠB", + "order" + ], + [ + "Ġtr", + "agic" + ], + [ + "Ġw", + "ield" + ], + [ + "Ġiniti", + "atives" + ], + [ + "ĠT", + "ank" + ], + [ + "w", + "er" + ], + [ + "Ġjo", + "ins" + ], + [ + "R", + "o" + ], + [ + "in", + "ery" + ], + [ + "Ġar", + "row" + ], + [ + "Ġgener", + "ating" + ], + [ + "found", + "er" + ], + [ + "Ġsear", + "ches" + ], + [ + "Ġrandom", + "ly" + ], + [ + "A", + "ccess" + ], + [ + "Ġb", + "atch" + ], + [ + "Ġp", + "osed" + ], + [ + "l", + "at" + ], + [ + "Ġpursu", + "ing" + ], + [ + "as", + "a" + ], + [ + "Ġtest", + "ified" + ], + [ + "form", + "ing" + ], + [ + "ĠSh", + "ar" + ], + [ + "w", + "iki" + ], + [ + "ĠE", + "ither" + ], + [ + "S", + "ometimes" + ], + [ + "Ġsen", + "ators" + ], + [ + "ĠJohn", + "ny" + ], + [ + "ĠTal", + "iban" + ], + [ + "ĠG", + "PS" + ], + [ + "\":\"", + "/" + ], + [ + "ãģ®", + "å" + ], + [ + "Ġanaly", + "zed" + ], + [ + "ĠRub", + "io" + ], + [ + "ĠMove", + "ment" + ], + [ + "op", + "ard" + ], + [ + "ii", + "i" + ], + [ + "St", + "and" + ], + [ + "f", + "ight" + ], + [ + "Ġign", + "oring" + ], + [ + "i", + "ang" + ], + [ + "ĠG", + "N" + ], + [ + "so", + "ever" + ], + [ + "ĠST", + "AT" + ], + [ + "Ġref", + "using" + ], + [ + "Ġswe", + "at" + ], + [ + "Ġb", + "ay" + ], + [ + "P", + "ORT" + ], + [ + "ir", + "med" + ], + [ + "ak", + "y" + ], + [ + "Ġdis", + "pro" + ], + [ + "Ġlabel", + "ed" + ], + [ + "Ġ10", + "8" + ], + [ + "H", + "ello" + ], + [ + "Ġple", + "asant" + ], + [ + "ab", + "a" + ], + [ + "Ġtri", + "umph" + ], + [ + "Ġab", + "oard" + ], + [ + "Ġinc", + "om" + ], + [ + "ĠC", + "row" + ], + [ + "le", + "tt" + ], + [ + "Ġfol", + "k" + ], + [ + "Ġch", + "ase" + ], + [ + "`", + "`" + ], + [ + "ĠBr", + "us" + ], + [ + "Ġte", + "ens" + ], + [ + "c", + "ue" + ], + [ + "Ġter", + "rain" + ], + [ + "h", + "yd" + ], + [ + "il", + "ight" + ], + [ + "OR", + "Y" + ], + [ + "Su", + "pport" + ], + [ + "ew", + "s" + ], + [ + "ll", + "i" + ], + [ + "rain", + "ts" + ], + [ + "ĠC", + "and" + ], + [ + "Ġab", + "used" + ], + [ + "ach", + "ment" + ], + [ + "l", + "arg" + ], + [ + "B", + "as" + ], + [ + "ĠC", + "ancer" + ], + [ + "Ġ19", + "78" + ], + [ + "Ġsupp", + "orter" + ], + [ + "ac", + "cess" + ], + [ + "ĠTer", + "min" + ], + [ + "ĠT", + "ampa" + ], + [ + "ĠAN", + "Y" + ], + [ + "Ġnew", + "est" + ], + [ + "ĠCrim", + "inal" + ], + [ + "ed", + "u" + ], + [ + "Ġ19", + "30" + ], + [ + "Ġadm", + "its" + ], + [ + "Ġend", + "e" + ], + [ + "Ġfail", + "ures" + ], + [ + "ur", + "ate" + ], + [ + "ful", + "ness" + ], + [ + "cy", + "cl" + ], + [ + "ĠSub", + "ject" + ], + [ + "Ġinf", + "inite" + ], + [ + "th", + "ree" + ], + [ + "W", + "A" + ], + [ + "p", + "it" + ], + [ + "ĠInst", + "all" + ], + [ + "R", + "ad" + ], + [ + "ili", + "ation" + ], + [ + "G", + "M" + ], + [ + "Ġcontin", + "ent" + ], + [ + "Ġaccommod", + "ate" + ], + [ + "ĠCl", + "ay" + ], + [ + "Ġp", + "up" + ], + [ + "ĠF", + "unction" + ], + [ + "Ġham", + "mer" + ], + [ + "ĠAlbert", + "a" + ], + [ + "Ġrev", + "ised" + ], + [ + "Ġminor", + "ities" + ], + [ + "Ġmeasure", + "ment" + ], + [ + "Con", + "nell" + ], + [ + "Ġdis", + "able" + ], + [ + "ĠM", + "ix" + ], + [ + "In", + "cre" + ], + [ + "Ġfor", + "k" + ], + [ + "ĠR", + "osen" + ], + [ + "Ġimpl", + "ies" + ], + [ + "umb", + "lr" + ], + [ + "AN", + "G" + ], + [ + "Ġprote", + "ins" + ], + [ + "Ġagg", + "ression" + ], + [ + "Ġfacilit", + "ate" + ], + [ + "S", + "N" + ], + [ + "Ġilleg", + "ally" + ], + [ + "u", + "er" + ], + [ + "Ġacad", + "em" + ], + [ + "Ġp", + "uzz" + ], + [ + "ĠSh", + "ift" + ], + [ + "p", + "ay" + ], + [ + "oll", + "o" + ], + [ + "Ġaud", + "iences" + ], + [ + "B", + "uild" + ], + [ + "Ġno", + "ble" + ], + [ + "Ġsynt", + "ax" + ], + [ + "â", + "ĺħ" + ], + [ + "Ġbe", + "am" + ], + [ + "ĠB", + "ed" + ], + [ + "ĠA", + "ld" + ], + [ + "Ġorig", + "ins" + ], + [ + "v", + "ideo" + ], + [ + "Ġ19", + "77" + ], + [ + "ĠAss", + "ault" + ], + [ + "Ġgar", + "age" + ], + [ + "Te", + "am" + ], + [ + "Ġver", + "dict" + ], + [ + "Ġd", + "war" + ], + [ + "ĠVirt", + "ual" + ], + [ + "e", + "vent" + ], + [ + "Ke", + "ep" + ], + [ + "Ġsent", + "iment" + ], + [ + "Ġwild", + "life" + ], + [ + "sh", + "irt" + ], + [ + "Ġb", + "urg" + ], + [ + "Ġrecommend", + "ation" + ], + [ + "rep", + "resent" + ], + [ + "Ġgall", + "ery" + ], + [ + "own", + "ers" + ], + [ + "Ġsch", + "olar" + ], + [ + "Ġconven", + "ience" + ], + [ + "ĠSw", + "ift" + ], + [ + "Ġconv", + "inc" + ], + [ + "C", + "ap" + ], + [ + "Ġwar", + "fare" + ], + [ + "ĠVis", + "ual" + ], + [ + "Ġconst", + "itute" + ], + [ + "Ġab", + "ort" + ], + [ + "ĠWe", + "ather" + ], + [ + "ĠLook", + "ing" + ], + [ + "ĠH", + "em" + ], + [ + "Ġmart", + "ial" + ], + [ + "Ġinc", + "oming" + ], + [ + "et", + "ition" + ], + [ + "Ġtoler", + "ance" + ], + [ + "ĠCre", + "ated" + ], + [ + "Ġfl", + "ows" + ], + [ + "ĠE", + "lder" + ], + [ + "Ġsoul", + "s" + ], + [ + "Ġf", + "oul" + ], + [ + "ĠP", + "ain" + ], + [ + "ĠC", + "AN" + ], + [ + "Ġ2", + "20" + ], + [ + "b", + "c" + ], + [ + "he", + "nd" + ], + [ + "Ġgen", + "ius" + ], + [ + "R", + "eal" + ], + [ + "ĠW", + "r" + ], + [ + "omet", + "er" + ], + [ + "p", + "ad" + ], + [ + "Ġlim", + "iting" + ], + [ + "ĠS", + "i" + ], + [ + "ĠL", + "ore" + ], + [ + "ĠAd", + "ventures" + ], + [ + "Ġvar", + "ied" + ], + [ + "D", + "isc" + ], + [ + "f", + "in" + ], + [ + "ĠPerson", + "al" + ], + [ + "Ch", + "ris" + ], + [ + "Ġinv", + "ented" + ], + [ + "Ġd", + "ive" + ], + [ + "ĠR", + "ise" + ], + [ + "Ġo", + "z" + ], + [ + "ĠCom", + "ics" + ], + [ + "Ġexp", + "ose" + ], + [ + "ĠRe", + "b" + ], + [ + "let", + "ters" + ], + [ + "s", + "ite" + ], + [ + "im", + "ated" + ], + [ + "Ġh", + "acking" + ], + [ + "Ġeduc", + "ated" + ], + [ + "ĠNob", + "ody" + ], + [ + "Ġdep", + "ri" + ], + [ + "Ġincent", + "ive" + ], + [ + "ãĤ", + "·" + ], + [ + "Ġovers", + "ight" + ], + [ + "Ġtrib", + "es" + ], + [ + "ĠBelg", + "ium" + ], + [ + "Ġlicens", + "ing" + ], + [ + "our", + "t" + ], + [ + "Produ", + "ct" + ], + [ + "ah", + "l" + ], + [ + "ĠG", + "em" + ], + [ + "Ġspecial", + "ist" + ], + [ + "Ġc", + "ra" + ], + [ + "ann", + "ers" + ], + [ + "ĠCor", + "byn" + ], + [ + "Ġ19", + "73" + ], + [ + "RE", + "AD" + ], + [ + "Ġsum", + "mar" + ], + [ + "Ġover", + "look" + ], + [ + "ĠApp", + "lication" + ], + [ + "Ġin", + "appropriate" + ], + [ + "Ġdownload", + "ed" + ], + [ + "Q", + "ue" + ], + [ + "ĠB", + "ears" + ], + [ + "Ġth", + "umb" + ], + [ + "ĠChar", + "acter" + ], + [ + "ĠReincarn", + "ated" + ], + [ + "ĠS", + "id" + ], + [ + "Ġdemonstr", + "ates" + ], + [ + "s", + "ky" + ], + [ + "ĠBloom", + "berg" + ], + [ + "ĠAr", + "ray" + ], + [ + "ĠRes", + "ults" + ], + [ + "ĠFour", + "th" + ], + [ + "ĠED", + "T" + ], + [ + "ĠO", + "scar" + ], + [ + "c", + "end" + ], + [ + "Ġ10", + "6" + ], + [ + "ĠN", + "ULL" + ], + [ + "ĠH", + "ERE" + ], + [ + "m", + "atch" + ], + [ + "ĠBr", + "un" + ], + [ + "Ġgluc", + "ose" + ], + [ + "ie", + "g" + ], + [ + "eg", + "u" + ], + [ + "Ġcert", + "ified" + ], + [ + "Ġrel", + "ie" + ], + [ + "Ġhuman", + "itarian" + ], + [ + "Ġpr", + "ayers" + ], + [ + "K", + "ing" + ], + [ + "Ġn", + "an" + ], + [ + "h", + "ou" + ], + [ + "10", + "8" + ], + [ + "ul", + "u" + ], + [ + "Ġrenew", + "able" + ], + [ + "Ġdistingu", + "ish" + ], + [ + "Ġd", + "ense" + ], + [ + "ĠV", + "ent" + ], + [ + "ĠPack", + "age" + ], + [ + "ĠB", + "oss" + ], + [ + "Ġedit", + "ors" + ], + [ + "Ġm", + "igr" + ], + [ + "T", + "ra" + ], + [ + "ĠPet", + "ers" + ], + [ + "ĠAr", + "ctic" + ], + [ + "200", + "4" + ], + [ + "ĠC", + "ape" + ], + [ + "Ġloc", + "ally" + ], + [ + "Ġlast", + "ing" + ], + [ + "Ġhand", + "y" + ], + [ + ".", + ")." + ], + [ + "P", + "an" + ], + [ + "ĠR", + "ES" + ], + [ + "Ind", + "ex" + ], + [ + "Ġt", + "ensions" + ], + [ + "Ġformer", + "ly" + ], + [ + "Ġide", + "ological" + ], + [ + "Ġsens", + "ors" + ], + [ + "Ġdeal", + "ers" + ], + [ + "Ġdef", + "ines" + ], + [ + "S", + "k" + ], + [ + "Ġproceed", + "s" + ], + [ + "Ġpro", + "xy" + ], + [ + "az", + "ines" + ], + [ + "ĠB", + "ash" + ], + [ + "ĠP", + "ad" + ], + [ + "ĠC", + "raft" + ], + [ + "eal", + "ous" + ], + [ + "Ġshe", + "ets" + ], + [ + "omet", + "ry" + ], + [ + "J", + "une" + ], + [ + "cl", + "ock" + ], + [ + "T", + "T" + ], + [ + "ĠThe", + "atre" + ], + [ + "ĠB", + "uzz" + ], + [ + "Ġch", + "apters" + ], + [ + "Ġmill", + "enn" + ], + [ + "Ġd", + "ough" + ], + [ + "ĠCongress", + "ional" + ], + [ + "Ġimag", + "ined" + ], + [ + "av", + "ior" + ], + [ + "Ġclin", + "ic" + ], + [ + "Ġ19", + "45" + ], + [ + "Ġhold", + "er" + ], + [ + "ro", + "ot" + ], + [ + "oles", + "ter" + ], + [ + "Ġrest", + "art" + ], + [ + "B", + "N" + ], + [ + "ĠHam", + "as" + ], + [ + "ĠJ", + "ob" + ], + [ + "Ġor", + "b" + ], + [ + "Ġr", + "am" + ], + [ + "Ġdiscl", + "ose" + ], + [ + "Ġtransl", + "ate" + ], + [ + "Ġimm", + "igrant" + ], + [ + "Ġannoy", + "ing" + ], + [ + "Ġtreat", + "y" + ], + [ + "an", + "ium" + ], + [ + "ĠTe", + "a" + ], + [ + "ĠLeg", + "ion" + ], + [ + "Ġcrowd", + "s" + ], + [ + "ĠB", + "ec" + ], + [ + "ĠA", + "er" + ], + [ + "oh", + "yd" + ], + [ + "B", + "ro" + ], + [ + "Look", + "ing" + ], + [ + "Ġl", + "bs" + ], + [ + "Ġagg", + "ress" + ], + [ + "Ġse", + "am" + ], + [ + "Ġinter", + "cept" + ], + [ + "ĠM", + "I" + ], + [ + "mer", + "cial" + ], + [ + "act", + "iv" + ], + [ + "ĠC", + "it" + ], + [ + "Ġdim", + "ension" + ], + [ + "Ġconsist", + "ency" + ], + [ + "Ġr", + "ushing" + ], + [ + "ĠDou", + "glas" + ], + [ + "Ġtr", + "im" + ], + [ + "Inst", + "all" + ], + [ + "ick", + "er" + ], + [ + "Ġsh", + "y" + ], + [ + "10", + "6" + ], + [ + "Ġment", + "ions" + ], + [ + "pe", + "lled" + ], + [ + "ĠT", + "ak" + ], + [ + "c", + "ost" + ], + [ + "Ġclass", + "room" + ], + [ + "Ġfort", + "une" + ], + [ + "dri", + "ven" + ], + [ + "Ġun", + "le" + ], + [ + "ĠWhe", + "el" + ], + [ + "Ġinvest", + "or" + ], + [ + "ĠM", + "asters" + ], + [ + "k", + "it" + ], + [ + "Ġassoci", + "ations" + ], + [ + "ĠEv", + "olution" + ], + [ + "op", + "ing" + ], + [ + "us", + "cript" + ], + [ + "Ġprov", + "incial" + ], + [ + "ĠWal", + "ter" + ], + [ + "av", + "i" + ], + [ + "S", + "O" + ], + [ + "Ġun", + "limited" + ], + [ + "Eng", + "lish" + ], + [ + "ĠC", + "ards" + ], + [ + "ĠEb", + "ola" + ], + [ + "ne", + "red" + ], + [ + "Ġreven", + "ge" + ], + [ + "Ġout", + "right" + ], + [ + "um", + "per" + ], + [ + "Ġf", + "itting" + ], + [ + "ĠSol", + "id" + ], + [ + "Ġform", + "ally" + ], + [ + "Ġproblem", + "atic" + ], + [ + "Ġhaz", + "ard" + ], + [ + "Ġenc", + "ryption" + ], + [ + "Ġstraight", + "forward" + ], + [ + "ĠA", + "K" + ], + [ + "Ġp", + "se" + ], + [ + "ĠOr", + "b" + ], + [ + "ĠCh", + "amber" + ], + [ + "ĠM", + "ak" + ], + [ + "Cont", + "ents" + ], + [ + "Ġloyal", + "ty" + ], + [ + "Ġl", + "yrics" + ], + [ + "ĠSy", + "m" + ], + [ + "Ġwel", + "comed" + ], + [ + "Ġcook", + "ed" + ], + [ + "Ġmon", + "op" + ], + [ + "Ġn", + "urse" + ], + [ + "Ġmis", + "leading" + ], + [ + "Ġe", + "ternal" + ], + [ + "Ġshif", + "ting" + ], + [ + "Ġ+", + "=" + ], + [ + "V", + "is" + ], + [ + "Ġinst", + "itutional" + ], + [ + "ill", + "ary" + ], + [ + "Ġp", + "ant" + ], + [ + "VER", + "T" + ], + [ + "ĠA", + "CC" + ], + [ + "ĠEn", + "h" + ], + [ + "Ġinc", + "on" + ], + [ + "ĠRE", + "UTERS" + ], + [ + "Ġdon", + "ated" + ], + [ + "âĢ¦âĢ¦", + "âĢ¦âĢ¦" + ], + [ + "In", + "tern" + ], + [ + "Ġexhib", + "it" + ], + [ + "Ġt", + "ire" + ], + [ + "ĠR", + "ic" + ], + [ + "ĠCh", + "ampion" + ], + [ + "ĠMu", + "hammad" + ], + [ + "N", + "ING" + ], + [ + "ĠSoc", + "cer" + ], + [ + "Ġmob", + "ility" + ], + [ + "Ġvary", + "ing" + ], + [ + "ĠM", + "ovie" + ], + [ + "Ġl", + "ord" + ], + [ + "o", + "ak" + ], + [ + "F", + "ield" + ], + [ + "Ġve", + "ctor" + ], + [ + "us", + "ions" + ], + [ + "Ġsc", + "rap" + ], + [ + "Ġen", + "abling" + ], + [ + "m", + "ake" + ], + [ + "T", + "or" + ], + [ + ".", + "*" + ], + [ + "|", + "|" + ], + [ + "ĠWe", + "bsite" + ], + [ + "ĠN", + "PC" + ], + [ + "Ġsocial", + "ist" + ], + [ + "ĠBill", + "y" + ], + [ + "ĠAdd", + "itional" + ], + [ + "Ġc", + "argo" + ], + [ + "Ġfar", + "ms" + ], + [ + "ĠSo", + "on" + ], + [ + "ĠPri", + "ze" + ], + [ + "Ġmid", + "night" + ], + [ + "Ġ9", + "00" + ], + [ + "se", + "en" + ], + [ + "ĠSp", + "ot" + ], + [ + "Ġshe", + "ep" + ], + [ + "Ġspons", + "ored" + ], + [ + "ĠH", + "i" + ], + [ + "ĠJ", + "ump" + ], + [ + "Ġ19", + "67" + ], + [ + "Micro", + "soft" + ], + [ + "ĠAg", + "ent" + ], + [ + "Ġch", + "arts" + ], + [ + "d", + "ir" + ], + [ + "Ġadj", + "acent" + ], + [ + "Ġtr", + "icks" + ], + [ + "Ġman", + "ga" + ], + [ + "Ġex", + "agger" + ], + [ + "/", + ">" + ], + [ + "foot", + "ball" + ], + [ + "ĠF", + "CC" + ], + [ + "G", + "C" + ], + [ + "ĠT", + "ier" + ], + [ + "and", + "ra" + ], + [ + "OU", + "ND" + ], + [ + "%", + ")," + ], + [ + "Ġfru", + "its" + ], + [ + "V", + "C" + ], + [ + "ĠA", + "A" + ], + [ + "R", + "ober" + ], + [ + "Ġmid", + "st" + ], + [ + "â", + "Ĺ" + ], + [ + "ank", + "a" + ], + [ + "Ġlegisl", + "ature" + ], + [ + "ĠNe", + "il" + ], + [ + "Ġtour", + "ists" + ], + [ + "\"", + "\"" + ], + [ + "ĠWar", + "ning" + ], + [ + "ĠNever", + "theless" + ], + [ + "ĠOffic", + "ial" + ], + [ + "ĠWh", + "atever" + ], + [ + "Ġm", + "old" + ], + [ + "Ġdraft", + "ed" + ], + [ + "Ġsubst", + "ances" + ], + [ + "Ġbre", + "ed" + ], + [ + "Ġt", + "ags" + ], + [ + "ĠT", + "ask" + ], + [ + "Ġver", + "b" + ], + [ + "Ġmanufact", + "ured" + ], + [ + "com", + "ments" + ], + [ + "ĠPol", + "ish" + ], + [ + "Pro", + "v" + ], + [ + "Ġdetermin", + "es" + ], + [ + "Ob", + "ama" + ], + [ + "k", + "ers" + ], + [ + "Ġutter", + "ly" + ], + [ + "Ġse", + "ct" + ], + [ + "sc", + "he" + ], + [ + "ĠG", + "ates" + ], + [ + "ĠCh", + "ap" + ], + [ + "Ġal", + "uminum" + ], + [ + "Ġz", + "ombie" + ], + [ + "ĠT", + "ouch" + ], + [ + "ĠU", + "P" + ], + [ + "Ġsatisf", + "y" + ], + [ + "Ġpred", + "omin" + ], + [ + "asc", + "ript" + ], + [ + "Ġelabor", + "ate" + ], + [ + "Ġ19", + "68" + ], + [ + "Ġmeas", + "uring" + ], + [ + "ĠV", + "ari" + ], + [ + "any", + "ahu" + ], + [ + "Ġs", + "ir" + ], + [ + "ul", + "ates" + ], + [ + "id", + "ges" + ], + [ + "ick", + "ets" + ], + [ + "ĠSp", + "encer" + ], + [ + "T", + "M" + ], + [ + "oub", + "ted" + ], + [ + "Ġpre", + "y" + ], + [ + "Ġinstall", + "ing" + ], + [ + "ĠC", + "ab" + ], + [ + "re", + "ed" + ], + [ + "re", + "ated" + ], + [ + "Su", + "pp" + ], + [ + "Ġwr", + "ist" + ], + [ + "ĠK", + "erry" + ], + [ + "10", + "7" + ], + [ + "ĠK", + "le" + ], + [ + "ĠR", + "achel" + ], + [ + "Ġc", + "otton" + ], + [ + "ĠA", + "RE" + ], + [ + "ĠE", + "le" + ], + [ + "Cont", + "rol" + ], + [ + "Ġload", + "s" + ], + [ + "ĠD", + "od" + ], + [ + "an", + "as" + ], + [ + "b", + "one" + ], + [ + "Ġclass", + "ical" + ], + [ + "ĠReg", + "ional" + ], + [ + "ĠInt", + "eg" + ], + [ + "V", + "M" + ], + [ + "Ġdes", + "ires" + ], + [ + "Ġaut", + "ism" + ], + [ + "support", + "ed" + ], + [ + "ĠM", + "essage" + ], + [ + "Ġcomp", + "act" + ], + [ + "writ", + "er" + ], + [ + "Ġ10", + "9" + ], + [ + "ĠHur", + "ricane" + ], + [ + "c", + "ision" + ], + [ + "Ġcy", + "cles" + ], + [ + "Ġdr", + "ill" + ], + [ + "Ġcolle", + "ague" + ], + [ + "Ġm", + "aker" + ], + [ + "G", + "erman" + ], + [ + "Ġmist", + "aken" + ], + [ + "S", + "un" + ], + [ + "ĠG", + "ay" + ], + [ + "Ġwhat", + "soever" + ], + [ + "Ġsell", + "s" + ], + [ + "ĠA", + "irl" + ], + [ + "l", + "iv" + ], + [ + "ĠO", + "ption" + ], + [ + "Ġsol", + "ved" + ], + [ + "Ġse", + "ctors" + ], + [ + "Ġhorizont", + "al" + ], + [ + "Ġequ", + "ation" + ], + [ + "ĠSk", + "ill" + ], + [ + "ĠB", + "io" + ], + [ + "g", + "ement" + ], + [ + "ĠSn", + "ap" + ], + [ + "ĠLeg", + "al" + ], + [ + "Ġtradem", + "ark" + ], + [ + "Ġmake", + "up" + ], + [ + "Ġassemb", + "led" + ], + [ + "Ġsa", + "ves" + ], + [ + "ĠHallow", + "een" + ], + [ + "ĠVer", + "mont" + ], + [ + "ĠFR", + "OM" + ], + [ + "Ġfar", + "ming" + ], + [ + "ĠP", + "odcast" + ], + [ + "accept", + "able" + ], + [ + "ĠHig", + "her" + ], + [ + "Ġas", + "leep" + ], + [ + "ull", + "ivan" + ], + [ + "Ġrefere", + "n" + ], + [ + "ĠLe", + "v" + ], + [ + "Ġbul", + "lets" + ], + [ + "ok", + "o" + ], + [ + "H", + "C" + ], + [ + "Ġst", + "airs" + ], + [ + "Ġmain", + "tains" + ], + [ + "ĠL", + "ower" + ], + [ + "ĠV", + "i" + ], + [ + "Ġmar", + "ine" + ], + [ + "Ġac", + "res" + ], + [ + "Ġcoordin", + "ator" + ], + [ + "ĠJ", + "oh" + ], + [ + "Ġcounterpart", + "s" + ], + [ + "ĠBrother", + "s" + ], + [ + "Ġind", + "ict" + ], + [ + "b", + "ra" + ], + [ + "Ġch", + "unk" + ], + [ + "Ġc", + "ents" + ], + [ + "H", + "ome" + ], + [ + "ĠMon", + "th" + ], + [ + "Ġaccording", + "ly" + ], + [ + "if", + "les" + ], + [ + "ĠGerm", + "ans" + ], + [ + "ĠSy", + "n" + ], + [ + "H", + "ub" + ], + [ + "Ġey", + "eb" + ], + [ + "âĶĢâĶĢ", + "âĶĢâĶĢ" + ], + [ + "Ġr", + "anges" + ], + [ + "ĠHoll", + "and" + ], + [ + "ĠRob", + "ot" + ], + [ + "f", + "c" + ], + [ + "M", + "ike" + ], + [ + "Ġpl", + "asma" + ], + [ + "Ġsw", + "ap" + ], + [ + "Ġath", + "lete" + ], + [ + "ĠR", + "ams" + ], + [ + ",'", + "\"" + ], + [ + "Ġinfect", + "ions" + ], + [ + "Ġcor", + "rid" + ], + [ + "Ġv", + "ib" + ], + [ + "Ġpat", + "ches" + ], + [ + "Ġtradition", + "ally" + ], + [ + "Ġrevel", + "ation" + ], + [ + "Ġswe", + "ep" + ], + [ + "Ġgl", + "ance" + ], + [ + "Ġin", + "ex" + ], + [ + "200", + "3" + ], + [ + "ĠR", + "aw" + ], + [ + "work", + "ing" + ], + [ + "os", + "ures" + ], + [ + "ĠD", + "at" + ], + [ + "ĠLyn", + "ch" + ], + [ + "Ġle", + "verage" + ], + [ + "ĠRe", + "id" + ], + [ + "Ġcorrel", + "ation" + ], + [ + "ian", + "ces" + ], + [ + "av", + "ascript" + ], + [ + "Ġrep", + "ository" + ], + [ + "ret", + "ty" + ], + [ + "Ġ19", + "72" + ], + [ + "24", + "0" + ], + [ + "Ġo", + "un" + ], + [ + "p", + "ol" + ], + [ + "ĠRe", + "ed" + ], + [ + "Ġtact", + "ical" + ], + [ + "is", + "ite" + ], + [ + "App", + "le" + ], + [ + "ĠQu", + "inn" + ], + [ + "Ġrap", + "ed" + ], + [ + "ill", + "o" + ], + [ + "Euro", + "pe" + ], + [ + "Ġalgorith", + "ms" + ], + [ + "ĠRod", + "rig" + ], + [ + "i", + "u" + ], + [ + "Ġill", + "um" + ], + [ + "Ġf", + "ame" + ], + [ + "Ġintrodu", + "cing" + ], + [ + "Ġdel", + "ays" + ], + [ + "ĠRaid", + "ers" + ], + [ + "Ġwh", + "istle" + ], + [ + "Ġnovel", + "s" + ], + [ + "ĠRe", + "ally" + ], + [ + "Ġder", + "iv" + ], + [ + "Ġpublic", + "ations" + ], + [ + "ĠNe", + "ither" + ], + [ + "ĠCom", + "merce" + ], + [ + "Ġa", + "ston" + ], + [ + "l", + "anguage" + ], + [ + "Not", + "es" + ], + [ + "ĠR", + "oth" + ], + [ + "ĠF", + "ear" + ], + [ + "Ġm", + "ate" + ], + [ + "Ġpar", + "ade" + ], + [ + "ĠQ", + "B" + ], + [ + "Ġman", + "eu" + ], + [ + "ĠC", + "incinnati" + ], + [ + "m", + "itting" + ], + [ + "Ġwa", + "ist" + ], + [ + "ĠR", + "ew" + ], + [ + "Ġdisc", + "ont" + ], + [ + "Ð", + "°" + ], + [ + "Ġst", + "aring" + ], + [ + "Ġal", + "ias" + ], + [ + "Ġsec", + "urities" + ], + [ + "Ġtoile", + "t" + ], + [ + "ĠJ", + "edi" + ], + [ + "Ġun", + "law" + ], + [ + "v", + "ised" + ], + [ + "////", + "////" + ], + [ + "]", + "(" + ], + [ + "ĠWe", + "iss" + ], + [ + "Ġpre", + "st" + ], + [ + "ĠComp", + "an" + ], + [ + "Ġmem", + "o" + ], + [ + "ĠGr", + "ace" + ], + [ + "J", + "uly" + ], + [ + "ĠEl", + "ite" + ], + [ + "cent", + "er" + ], + [ + "ĠSt", + "ay" + ], + [ + "Ġgal", + "axy" + ], + [ + "Ġto", + "oth" + ], + [ + "ĠS", + "ettings" + ], + [ + "Ġsubject", + "ed" + ], + [ + "ãĤ", + "¦" + ], + [ + "Ġline", + "back" + ], + [ + "Ġretail", + "ers" + ], + [ + "ĠW", + "ant" + ], + [ + "Ġd", + "angers" + ], + [ + "A", + "ir" + ], + [ + "Ġvolunt", + "ary" + ], + [ + "ew", + "ay" + ], + [ + "Ġinterpret", + "ed" + ], + [ + "ot", + "ine" + ], + [ + "Ã", + "§" + ], + [ + "Ġp", + "el" + ], + [ + "Serv", + "ice" + ], + [ + "ĠEvent", + "ually" + ], + [ + "Ġcare", + "ers" + ], + [ + "Ġthreat", + "en" + ], + [ + "Ġmem", + "or" + ], + [ + "ĠBrad", + "ley" + ], + [ + "anc", + "ies" + ], + [ + "s", + "n" + ], + [ + "ĠUn", + "known" + ], + [ + "N", + "ational" + ], + [ + "Ġsh", + "adows" + ], + [ + "ail", + "and" + ], + [ + "ĠD", + "ash" + ], + [ + "Every", + "one" + ], + [ + "izz", + "ard" + ], + [ + "M", + "arch" + ], + [ + "=", + "(" + ], + [ + "Ġpull", + "s" + ], + [ + "Ġstr", + "anger" + ], + [ + "Ġback", + "wards" + ], + [ + "ĠBern", + "ard" + ], + [ + "imens", + "ional" + ], + [ + "Ġch", + "ron" + ], + [ + "Ġtheoret", + "ical" + ], + [ + "k", + "top" + ], + [ + "Ġw", + "are" + ], + [ + "ĠInvest", + "ig" + ], + [ + "ĠIn", + "iti" + ], + [ + "ĠOper", + "ations" + ], + [ + "o", + "ven" + ], + [ + "oc", + "ide" + ], + [ + "*", + "/" + ], + [ + "Ġfl", + "ames" + ], + [ + "ĠC", + "ash" + ], + [ + "sh", + "it" + ], + [ + "Ġc", + "ab" + ], + [ + "ĠAn", + "aly" + ], + [ + "ĠSe", + "ah" + ], + [ + "Ġdefin", + "ing" + ], + [ + "Ġorder", + "ing" + ], + [ + "Ġimm", + "un" + ], + [ + "Ġpers", + "istent" + ], + [ + "AC", + "H" + ], + [ + "Russ", + "ian" + ], + [ + "m", + "ans" + ], + [ + "Ġh", + "ind" + ], + [ + "Ġphot", + "ography" + ], + [ + "Â", + "©" + ], + [ + "Ġh", + "ug" + ], + [ + "Ġ10", + "7" + ], + [ + "ĠH", + "ence" + ], + [ + "i", + "ots" + ], + [ + "ude", + "au" + ], + [ + "Ġsubsid", + "ies" + ], + [ + "Ġroutine", + "ly" + ], + [ + "ĠDev", + "ice" + ], + [ + "it", + "ic" + ], + [ + "Ġdisg", + "ust" + ], + [ + "land", + "er" + ], + [ + "Ġ19", + "40" + ], + [ + "Ġassign", + "ment" + ], + [ + "ĠB", + "esides" + ], + [ + "w", + "ick" + ], + [ + "ĠD", + "ust" + ], + [ + "us", + "c" + ], + [ + "struct", + "ed" + ], + [ + "11", + "1" + ], + [ + "de", + "velop" + ], + [ + "Ġf", + "ond" + ], + [ + "Ġinter", + "section" + ], + [ + "Ġdign", + "ity" + ], + [ + "Ġcommission", + "er" + ], + [ + "With", + "out" + ], + [ + "re", + "ach" + ], + [ + "Ġcart", + "oon" + ], + [ + "Ġsc", + "ales" + ], + [ + "ãĥ", + "Ń" + ], + [ + "F", + "IG" + ], + [ + "Ġsurve", + "ys" + ], + [ + "ĠIndones", + "ia" + ], + [ + "Ġart", + "work" + ], + [ + "Ġun", + "ch" + ], + [ + "Ġcy", + "cling" + ], + [ + "un", + "ct" + ], + [ + "au", + "er" + ], + [ + "or", + "ate" + ], + [ + "ĠOb", + "viously" + ], + [ + "Ġcharacter", + "ized" + ], + [ + "fe", + "ld" + ], + [ + "Ġaff", + "irm" + ], + [ + "Ġinn", + "ings" + ], + [ + "Ġ", + "é" + ], + [ + "Ġal", + "iens" + ], + [ + "Ġcl", + "oth" + ], + [ + "et", + "ooth" + ], + [ + "ĠC", + "ertain" + ], + [ + "Â", + "§" + ], + [ + "Ġdig", + "est" + ], + [ + "k", + "now" + ], + [ + "ĠX", + "L" + ], + [ + "Ġpredict", + "ions" + ], + [ + "Ġd", + "in" + ], + [ + "W", + "AR" + ], + [ + "Ġafter", + "math" + ], + [ + "Ex", + "ample" + ], + [ + "ĠSu", + "ccess" + ], + [ + "ĠTh", + "r" + ], + [ + "IG", + "N" + ], + [ + "Ġmin", + "er" + ], + [ + "B", + "us" + ], + [ + "Ġcl", + "arity" + ], + [ + "heim", + "er" + ], + [ + "ĠO", + "UT" + ], + [ + "ĠS", + "end" + ], + [ + "ĠCirc", + "le" + ], + [ + "ĠD", + "iet" + ], + [ + "Ġpron", + "ounced" + ], + [ + "Ġcreat", + "ors" + ], + [ + "Ġearthqu", + "ake" + ], + [ + "atter", + "y" + ], + [ + "ge", + "ons" + ], + [ + "Ġo", + "d" + ], + [ + "Ġlay", + "ing" + ], + [ + "or", + "p" + ], + [ + "U", + "lt" + ], + [ + "pro", + "ject" + ], + [ + "Ġunder", + "min" + ], + [ + "Ġsequ", + "el" + ], + [ + "S", + "am" + ], + [ + "ĠDark", + "ness" + ], + [ + "Ġre", + "ception" + ], + [ + "b", + "ull" + ], + [ + "Y", + "S" + ], + [ + "ĠV", + "ir" + ], + [ + "Ġsequ", + "ences" + ], + [ + "ĠCo", + "in" + ], + [ + "Ġout", + "fit" + ], + [ + "ĠW", + "ait" + ], + [ + "1", + "19" + ], + [ + "Ġdel", + "ivers" + ], + [ + "....", + ".." + ], + [ + "Ġbl", + "own" + ], + [ + "ĠE", + "sc" + ], + [ + "ĠM", + "ath" + ], + [ + "per", + "m" + ], + [ + "ĠU", + "l" + ], + [ + "Ġgl", + "im" + ], + [ + "Ġfac", + "ial" + ], + [ + "Ġgreen", + "house" + ], + [ + "Ġto", + "kens" + ], + [ + "/", + "-" + ], + [ + "ĠAnn", + "ual" + ], + [ + "ĠON", + "E" + ], + [ + "Ġteen", + "age" + ], + [ + "ĠPhys", + "ical" + ], + [ + "ĠL", + "ang" + ], + [ + "ĠC", + "elt" + ], + [ + "Ġsu", + "ed" + ], + [ + "ivid", + "ually" + ], + [ + "Ġpat", + "ience" + ], + [ + "ch", + "air" + ], + [ + "reg", + "ular" + ], + [ + "Ġa", + "ug" + ], + [ + "in", + "v" + ], + [ + "ex", + "cept" + ], + [ + "ĠL", + "il" + ], + [ + "Ġn", + "est" + ], + [ + "f", + "d" + ], + [ + "s", + "um" + ], + [ + "ĠCh", + "ase" + ], + [ + "Russ", + "ia" + ], + [ + "ĠJenn", + "ifer" + ], + [ + "Ġoff", + "season" + ], + [ + "Over", + "all" + ], + [ + "F", + "ore" + ], + [ + "Ġr", + "iot" + ], + [ + "A", + "ud" + ], + [ + "form", + "er" + ], + [ + "Ġdefend", + "ers" + ], + [ + "ĠC", + "T" + ], + [ + "iot", + "ic" + ], + [ + "rib", + "ly" + ], + [ + "Ġautom", + "ated" + ], + [ + "Ġpen", + "is" + ], + [ + "Ġins", + "ist" + ], + [ + "Ġdi", + "agram" + ], + [ + "ĠS", + "QL" + ], + [ + "ĠG", + "arc" + ], + [ + "Ġw", + "itch" + ], + [ + "cl", + "ient" + ], + [ + "ier", + "ra" + ], + [ + "am", + "bers" + ], + [ + "Ġrec", + "ount" + ], + [ + "f", + "ar" + ], + [ + "V", + "ery" + ], + [ + "oster", + "one" + ], + [ + "Ġappreci", + "ated" + ], + [ + "ĠPer", + "fect" + ], + [ + "S", + "ection" + ], + [ + "Ġd", + "oses" + ], + [ + "oca", + "ust" + ], + [ + "Ġcost", + "ly" + ], + [ + "Ġg", + "rams" + ], + [ + "ĠSh", + "i" + ], + [ + "Ġwrest", + "ling" + ], + [ + "Ġ19", + "71" + ], + [ + "Ġtro", + "phy" + ], + [ + "Ġn", + "erve" + ], + [ + "ĠK", + "az" + ], + [ + "ĠExper", + "ience" + ], + [ + "Ġpled", + "ged" + ], + [ + "Ġplay", + "back" + ], + [ + "Ġcreat", + "ivity" + ], + [ + "by", + "e" + ], + [ + "Ġattack", + "ers" + ], + [ + "Ġhold", + "ers" + ], + [ + "ĠCo", + "ach" + ], + [ + "ĠPh", + "D" + ], + [ + "Ġtransf", + "ers" + ], + [ + "Ġcol", + "ored" + ], + [ + "ĠH", + "indu" + ], + [ + "Ġd", + "rown" + ], + [ + "Ġlist", + "ened" + ], + [ + "ĠW", + "A" + ], + [ + "ias", + "m" + ], + [ + "P", + "O" + ], + [ + "Ġappeal", + "ing" + ], + [ + "Ġdiscl", + "osed" + ], + [ + "ĠCh", + "icken" + ], + [ + "ag", + "ging" + ], + [ + "Ġple", + "aded" + ], + [ + "Ġnav", + "igation" + ], + [ + "ĠReturn", + "s" + ], + [ + "Ġ[", + "[" + ], + [ + "R", + "OR" + ], + [ + "E", + "A" + ], + [ + "Ġphotograp", + "her" + ], + [ + "ĠR", + "ider" + ], + [ + "ipp", + "ers" + ], + [ + "Ġsl", + "ice" + ], + [ + "Ġe", + "rect" + ], + [ + "Ġhe", + "d" + ], + [ + "iss", + "ance" + ], + [ + "ĠVik", + "ings" + ], + [ + "ur", + "ious" + ], + [ + "Ġapp", + "et" + ], + [ + "oubted", + "ly" + ], + [ + "Ch", + "ild" + ], + [ + "Ġauthent", + "ic" + ], + [ + "o", + "os" + ], + [ + "ĠM", + "aking" + ], + [ + "Ġannoun", + "cing" + ], + [ + "Ġb", + "od" + ], + [ + "Ġmet", + "er" + ], + [ + "ĠN", + "ine" + ], + [ + "ĠR", + "ogue" + ], + [ + "Ġwork", + "force" + ], + [ + "Ġrenew", + "ed" + ], + [ + "Ġorganis", + "ations" + ], + [ + "ac", + "s" + ], + [ + "P", + "LE" + ], + [ + "Sh", + "ort" + ], + [ + "Ġcomp", + "ounds" + ], + [ + "ĠVis", + "it" + ], + [ + "Ġen", + "velop" + ], + [ + "ear", + "th" + ], + [ + "Ġsupport", + "ive" + ], + [ + "gg", + "le" + ], + [ + "ĠBrus", + "sels" + ], + [ + "ĠGu", + "ild" + ], + [ + "Cre", + "ate" + ], + [ + "RE", + "L" + ], + [ + "Ġaver", + "aged" + ], + [ + "Ġ19", + "69" + ], + [ + "ri", + "ages" + ], + [ + "Ġlength", + "y" + ], + [ + "Ġforg", + "ot" + ], + [ + "O", + "kay" + ], + [ + "ĠE", + "rd" + ], + [ + "Ġdeal", + "er" + ], + [ + "Ġrec", + "ession" + ], + [ + "D", + "D" + ], + [ + "Ġdesper", + "ately" + ], + [ + "Ġhun", + "ger" + ], + [ + "Ġst", + "icks" + ], + [ + "Ġm", + "ph" + ], + [ + "ĠF", + "aith" + ], + [ + "Ġintention", + "ally" + ], + [ + "Ġdem", + "ol" + ], + [ + "ue", + "ller" + ], + [ + "ĠS", + "ale" + ], + [ + "Ġde", + "bris" + ], + [ + "s", + "pring" + ], + [ + "Ġle", + "ap" + ], + [ + ">>", + ">>" + ], + [ + "Ġcontain", + "ers" + ], + [ + "se", + "lling" + ], + [ + "rane", + "an" + ], + [ + "atter", + "ing" + ], + [ + "Ġcomment", + "ed" + ], + [ + "ĠC", + "M" + ], + [ + "on", + "ut" + ], + [ + "Ġwood", + "s" + ], + [ + "es", + "pecially" + ], + [ + "Ġorgan", + "ize" + ], + [ + "iv", + "ic" + ], + [ + "ĠWood", + "s" + ], + [ + "ang", + "a" + ], + [ + "s", + "qu" + ], + [ + "Ġm", + "aj" + ], + [ + "am", + "on" + ], + [ + "Ġax", + "is" + ], + [ + "Ġ19", + "74" + ], + [ + "ĠDen", + "mark" + ], + [ + "Ġwar", + "rior" + ], + [ + "ĠP", + "and" + ], + [ + "Ġout", + "lined" + ], + [ + "ĠB", + "O" + ], + [ + "ins", + "ula" + ], + [ + "z", + "illa" + ], + [ + "eb", + "ook" + ], + [ + "Ġd", + "are" + ], + [ + "Ġsear", + "ched" + ], + [ + "Ġnav", + "igate" + ], + [ + "S", + "n" + ], + [ + "writ", + "ing" + ], + [ + "Ġun", + "ited" + ], + [ + "J", + "apan" + ], + [ + "ĠHe", + "brew" + ], + [ + "Ġfl", + "ame" + ], + [ + "Ġrel", + "ies" + ], + [ + "Ġcatch", + "ing" + ], + [ + "ĠSh", + "o" + ], + [ + "Ġimprison", + "ment" + ], + [ + "Ġp", + "ockets" + ], + [ + "Ġclos", + "ure" + ], + [ + "ĠF", + "am" + ], + [ + "t", + "im" + ], + [ + "ade", + "qu" + ], + [ + "Act", + "ivity" + ], + [ + "Ġrecru", + "iting" + ], + [ + "ĠW", + "ATCH" + ], + [ + "ĠArgent", + "ina" + ], + [ + "d", + "est" + ], + [ + "Ġapolog", + "ize" + ], + [ + "or", + "o" + ], + [ + "Ġlack", + "s" + ], + [ + "Ġtun", + "ed" + ], + [ + "ĠGriff", + "in" + ], + [ + "Ġinf", + "amous" + ], + [ + "Ġcelebr", + "ity" + ], + [ + "ss", + "on" + ], + [ + "Ġ", + "----------------------------------------------------------------" + ], + [ + "ĠIs", + "is" + ], + [ + "ĠDis", + "play" + ], + [ + "Ġcred", + "ibility" + ], + [ + "Ġeconom", + "ies" + ], + [ + "Ġhead", + "line" + ], + [ + "ĠCow", + "boys" + ], + [ + "Ġind", + "ef" + ], + [ + "Ġl", + "ately" + ], + [ + "Ġincent", + "ives" + ], + [ + "but", + "ton" + ], + [ + "ĠM", + "ob" + ], + [ + "A", + "ut" + ], + [ + "Ġres", + "igned" + ], + [ + "ĠO", + "m" + ], + [ + "c", + "amp" + ], + [ + "Ġprof", + "iles" + ], + [ + "Ġsche", + "mes" + ], + [ + "olph", + "ins" + ], + [ + "ay", + "ed" + ], + [ + "Cl", + "inton" + ], + [ + "en", + "h" + ], + [ + "ĠY", + "ahoo" + ], + [ + "Ġab", + "st" + ], + [ + "Ġan", + "k" + ], + [ + "su", + "its" + ], + [ + "Ġw", + "ished" + ], + [ + "ĠMar", + "co" + ], + [ + "udd", + "en" + ], + [ + "Ġsp", + "here" + ], + [ + "ĠB", + "ishop" + ], + [ + "Ġincorpor", + "ated" + ], + [ + "ĠPl", + "ant" + ], + [ + "11", + "4" + ], + [ + "Ġh", + "ated" + ], + [ + "p", + "ic" + ], + [ + "Ġdon", + "ate" + ], + [ + "Ġl", + "ined" + ], + [ + "Ġbe", + "ans" + ], + [ + "Ġsteal", + "ing" + ], + [ + "Ġcost", + "ume" + ], + [ + "Ġsher", + "iff" + ], + [ + "Ġfor", + "ty" + ], + [ + "Ġint", + "act" + ], + [ + "Ġadapt", + "ed" + ], + [ + "Ġtrave", + "lling" + ], + [ + "b", + "art" + ], + [ + "Ġnice", + "ly" + ], + [ + "Ġdri", + "ed" + ], + [ + "Ġsc", + "al" + ], + [ + "os", + "ity" + ], + [ + "NOT", + "E" + ], + [ + "ĠB", + "h" + ], + [ + "ĠBron", + "cos" + ], + [ + "ĠI", + "gn" + ], + [ + "Ġint", + "imate" + ], + [ + "Ġchem", + "istry" + ], + [ + "Ġopt", + "imal" + ], + [ + "D", + "eb" + ], + [ + "ĠGener", + "ation" + ], + [ + "Ġ]", + "," + ], + [ + "ich", + "i" + ], + [ + "ĠW", + "ii" + ], + [ + "ĠYOU", + "R" + ], + [ + "vent", + "ions" + ], + [ + "W", + "rite" + ], + [ + "Ġpop", + "ul" + ], + [ + "un", + "ning" + ], + [ + "ĠW", + "or" + ], + [ + "V", + "ol" + ], + [ + "Ġqu", + "een" + ], + [ + "head", + "s" + ], + [ + "K", + "K" + ], + [ + "Ġanaly", + "ze" + ], + [ + "op", + "ic" + ], + [ + "ear", + "chers" + ], + [ + "Ġd", + "ot" + ], + [ + "leg", + "raph" + ], + [ + "ast", + "ically" + ], + [ + "Ġupgr", + "ades" + ], + [ + "Ġca", + "res" + ], + [ + "Ġext", + "ending" + ], + [ + "Ġfree", + "ze" + ], + [ + "Ġin", + "ability" + ], + [ + "Ġorg", + "ans" + ], + [ + "Ġpret", + "end" + ], + [ + "Ġout", + "let" + ], + [ + "11", + "3" + ], + [ + "ol", + "an" + ], + [ + "ĠM", + "all" + ], + [ + "ul", + "ing" + ], + [ + "t", + "alk" + ], + [ + "Ġexpress", + "ing" + ], + [ + "ĠAl", + "ways" + ], + [ + "ĠBe", + "gin" + ], + [ + "f", + "iles" + ], + [ + "Ġlic", + "enses" + ], + [ + "%", + "%" + ], + [ + "ĠM", + "itt" + ], + [ + "Ġfil", + "ters" + ], + [ + "ĠMil", + "waukee" + ], + [ + "G", + "N" + ], + [ + "Ġunf", + "old" + ], + [ + "M", + "o" + ], + [ + "Ġnut", + "rition" + ], + [ + "pp", + "o" + ], + [ + "B", + "o" + ], + [ + "Ġfound", + "ing" + ], + [ + "Ġunder", + "mine" + ], + [ + "Ġeas", + "iest" + ], + [ + "ĠC", + "zech" + ], + [ + "ĠM", + "ack" + ], + [ + "Ġsexual", + "ity" + ], + [ + "ĠN", + "ixon" + ], + [ + "W", + "in" + ], + [ + "ĠAr", + "n" + ], + [ + "ĠK", + "in" + ], + [ + "ãĤ", + "£" + ], + [ + "ic", + "er" + ], + [ + "Ġfort", + "un" + ], + [ + "Ġsurf", + "aces" + ], + [ + "agh", + "d" + ], + [ + "Ġcar", + "riers" + ], + [ + "ĠP", + "ART" + ], + [ + "ĠT", + "ib" + ], + [ + "Ġinter", + "val" + ], + [ + "Ġfrust", + "rating" + ], + [ + "ĠSh", + "ip" + ], + [ + "ĠAr", + "med" + ], + [ + "ff", + "e" + ], + [ + "Ġbo", + "ats" + ], + [ + "ĠAb", + "raham" + ], + [ + "in", + "is" + ], + [ + "Ġsu", + "ited" + ], + [ + "th", + "read" + ], + [ + "i", + "ov" + ], + [ + "ab", + "ul" + ], + [ + "ĠVenezuel", + "a" + ], + [ + "Ġto", + "m" + ], + [ + "su", + "per" + ], + [ + "Ġcast", + "le" + ], + [ + "alth", + "ough" + ], + [ + "iox", + "ide" + ], + [ + "ec", + "hes" + ], + [ + "Ġevolution", + "ary" + ], + [ + "Ġnegoti", + "ate" + ], + [ + "Ġconfront", + "ed" + ], + [ + "Rem", + "ember" + ], + [ + "Ġ17", + "0" + ], + [ + "S", + "uch" + ], + [ + "Ġ9", + "11" + ], + [ + "m", + "ult" + ], + [ + "ĠA", + "byss" + ], + [ + "ur", + "ry" + ], + [ + "ke", + "es" + ], + [ + "spe", + "c" + ], + [ + "ĠBarb", + "ara" + ], + [ + "Ġbelong", + "ing" + ], + [ + "Ġvill", + "ain" + ], + [ + "ist", + "ani" + ], + [ + "Ġaccount", + "able" + ], + [ + "Ġport", + "ions" + ], + [ + "ĠDe", + "cl" + ], + [ + "U", + "r" + ], + [ + "ĠK", + "ate" + ], + [ + "g", + "re" + ], + [ + "Ġmag", + "azines" + ], + [ + "UC", + "K" + ], + [ + "Ġregul", + "ate" + ], + [ + "om", + "on" + ], + [ + "ĠAl", + "most" + ], + [ + "Ġover", + "view" + ], + [ + "Ġsc", + "ram" + ], + [ + "Ġl", + "oot" + ], + [ + "ĠF", + "itz" + ], + [ + "Ġcharacter", + "istic" + ], + [ + "ĠSn", + "ake" + ], + [ + "s", + "ay" + ], + [ + "ĠR", + "ico" + ], + [ + "Ġtra", + "it" + ], + [ + "ĠJo", + "ined" + ], + [ + "au", + "cus" + ], + [ + "Ġadapt", + "ation" + ], + [ + "ĠAirl", + "ines" + ], + [ + "Ġarch", + "ae" + ], + [ + "ĠI", + "de" + ], + [ + "Ġb", + "ikes" + ], + [ + "Ġliter", + "ary" + ], + [ + "Ġinflu", + "ences" + ], + [ + "ĠUs", + "ed" + ], + [ + "C", + "reat" + ], + [ + "Ġple", + "a" + ], + [ + "ĠDef", + "ence" + ], + [ + "ĠAss", + "ass" + ], + [ + "Ġp", + "ond" + ], + [ + "UL", + "T" + ], + [ + ")", + "\"" + ], + [ + "Ġeval", + "uated" + ], + [ + "Ġob", + "taining" + ], + [ + "Ġdem", + "ographic" + ], + [ + "Ġvig", + "il" + ], + [ + "ale", + "y" + ], + [ + "Ġsp", + "ouse" + ], + [ + "ĠSeah", + "awks" + ], + [ + "resp", + "ons" + ], + [ + "ĠB", + "elt" + ], + [ + "um", + "atic" + ], + [ + "Ġr", + "ises" + ], + [ + "run", + "ner" + ], + [ + "ĠMichel", + "le" + ], + [ + "Ġpot", + "ent" + ], + [ + "r", + "ace" + ], + [ + "ĠP", + "AC" + ], + [ + "F", + "ind" + ], + [ + "olester", + "ol" + ], + [ + "IS", + "S" + ], + [ + "ĠIntrodu", + "ced" + ], + [ + "ress", + "es" + ], + [ + "ign", + "ment" + ], + [ + "O", + "s" + ], + [ + "ĠT", + "u" + ], + [ + "ĠDe", + "x" + ], + [ + "ic", + "ides" + ], + [ + "Ġspark", + "ed" + ], + [ + "ĠLaur", + "a" + ], + [ + "ĠBry", + "ant" + ], + [ + "Ġsm", + "iling" + ], + [ + "ĠNex", + "us" + ], + [ + "Ġdefend", + "ants" + ], + [ + "ĠCat", + "al" + ], + [ + "Ġdis", + "hes" + ], + [ + "sh", + "aped" + ], + [ + "Ġpro", + "long" + ], + [ + "m", + "t" + ], + [ + "(", + "$" + ], + [ + "ãĢ", + "Ĥ" + ], + [ + "Ġcalcul", + "ations" + ], + [ + "ĠS", + "ame" + ], + [ + "Ġp", + "iv" + ], + [ + "H", + "H" + ], + [ + "Ġcance", + "lled" + ], + [ + "Ġgr", + "in" + ], + [ + "Ġterrit", + "ories" + ], + [ + "ist", + "ically" + ], + [ + "C", + "ome" + ], + [ + "ĠP", + "arent" + ], + [ + "Pro", + "ject" + ], + [ + "Ġneg", + "lig" + ], + [ + "ĠPriv", + "acy" + ], + [ + "Ġam", + "mo" + ], + [ + "LE", + "CT" + ], + [ + "olute", + "ly" + ], + [ + "ĠEp", + "ic" + ], + [ + "Ġmis", + "under" + ], + [ + "w", + "al" + ], + [ + "Apr", + "il" + ], + [ + "m", + "os" + ], + [ + "path", + "y" + ], + [ + "ĠC", + "arson" + ], + [ + "Ġalbum", + "s" + ], + [ + "ĠE", + "asy" + ], + [ + "Ġpist", + "ol" + ], + [ + "<", + "<" + ], + [ + "Ġ\\", + "(" + ], + [ + "t", + "arget" + ], + [ + "hel", + "p" + ], + [ + "Ġinter", + "pre" + ], + [ + "cons", + "cious" + ], + [ + "ĠH", + "ousing" + ], + [ + "ĠJ", + "oint" + ], + [ + "12", + "7" + ], + [ + "Ġbe", + "ers" + ], + [ + "s", + "cience" + ], + [ + "ĠFire", + "fox" + ], + [ + "effect", + "ive" + ], + [ + "ĠC", + "abin" + ], + [ + "ĠO", + "kay" + ], + [ + "ĠApp", + "lic" + ], + [ + "Ġspace", + "craft" + ], + [ + "ĠS", + "R" + ], + [ + "ve", + "t" + ], + [ + "ĠStr", + "ange" + ], + [ + "S", + "B" + ], + [ + "Ġcor", + "ps" + ], + [ + "iber", + "al" + ], + [ + "e", + "fficient" + ], + [ + "Ġpreval", + "ence" + ], + [ + "Ġeconom", + "ists" + ], + [ + "11", + "8" + ], + [ + "Th", + "read" + ], + [ + "ord", + "able" + ], + [ + "OD", + "E" + ], + [ + "ĠC", + "ant" + ], + [ + "=-", + "=-" + ], + [ + "if", + "iable" + ], + [ + "ĠA", + "round" + ], + [ + "Ġpo", + "le" + ], + [ + "Ġwilling", + "ness" + ], + [ + "CL", + "A" + ], + [ + "ĠK", + "id" + ], + [ + "Ġcomple", + "ment" + ], + [ + "Ġsc", + "attered" + ], + [ + "Ġin", + "mates" + ], + [ + "Ġble", + "eding" + ], + [ + "e", + "very" + ], + [ + "Ġque", + "ue" + ], + [ + "ĠTr", + "ain" + ], + [ + "Ġh", + "ij" + ], + [ + "Ġme", + "lee" + ], + [ + "ple", + "ted" + ], + [ + "Ġdig", + "it" + ], + [ + "Ġg", + "em" + ], + [ + "offic", + "ial" + ], + [ + "Ġlif", + "ting" + ], + [ + "Ð", + "µ" + ], + [ + "Re", + "qu" + ], + [ + "it", + "utes" + ], + [ + "Ġpack", + "aging" + ], + [ + "ĠWork", + "ers" + ], + [ + "h", + "ran" + ], + [ + "ĠLeban", + "on" + ], + [ + "ol", + "esc" + ], + [ + "Ġpun", + "ished" + ], + [ + "ĠJ", + "uan" + ], + [ + "Ġj", + "am" + ], + [ + "ĠD", + "ocument" + ], + [ + "Ġm", + "apping" + ], + [ + "ic", + "ates" + ], + [ + "Ġinev", + "itably" + ], + [ + "Ġvan", + "illa" + ], + [ + "ĠT", + "on" + ], + [ + "Ġwat", + "ches" + ], + [ + "Ġle", + "agues" + ], + [ + "Ġiniti", + "ated" + ], + [ + "deg", + "ree" + ], + [ + "port", + "ion" + ], + [ + "Ġrec", + "alls" + ], + [ + "Ġru", + "in" + ], + [ + "Ġm", + "elt" + ], + [ + "I", + "AN" + ], + [ + "Ġhe", + "m" + ], + [ + "Ex", + "p" + ], + [ + "Ġb", + "aking" + ], + [ + "ĠCol", + "omb" + ], + [ + "at", + "ible" + ], + [ + "Ġrad", + "ius" + ], + [ + "pl", + "ug" + ], + [ + "ĠI", + "F" + ], + [ + "et", + "ically" + ], + [ + "Ġf", + "ict" + ], + [ + "H", + "ER" + ], + [ + "ĠT", + "ap" + ], + [ + "atin", + "um" + ], + [ + "Ġin", + "k" + ], + [ + "Ġco", + "h" + ], + [ + "ĠW", + "izard" + ], + [ + "b", + "oth" + ], + [ + "te", + "x" + ], + [ + "Ġsp", + "ends" + ], + [ + "ĠCurrent", + "ly" + ], + [ + "ĠP", + "it" + ], + [ + "Ġneur", + "ons" + ], + [ + "ig", + "nt" + ], + [ + "Ġr", + "all" + ], + [ + "Ġbus", + "es" + ], + [ + "b", + "uilding" + ], + [ + "Ġadjust", + "ments" + ], + [ + "Ġc", + "ried" + ], + [ + "ibl", + "ical" + ], + [ + "att", + "ed" + ], + [ + "ĠZ", + "ion" + ], + [ + "ĠM", + "atter" + ], + [ + "Ġmed", + "itation" + ], + [ + "ĠD", + "ennis" + ], + [ + "Ġour", + "s" + ], + [ + "ĠT", + "ab" + ], + [ + "Ġrank", + "ings" + ], + [ + "ort", + "al" + ], + [ + "Ġad", + "vers" + ], + [ + "Ġsur", + "render" + ], + [ + "ĠG", + "ob" + ], + [ + "ci", + "um" + ], + [ + "om", + "as" + ], + [ + "im", + "eter" + ], + [ + "Ġmulti", + "player" + ], + [ + "Ġhero", + "in" + ], + [ + "Ġoptim", + "istic" + ], + [ + "Ġindic", + "ator" + ], + [ + "ĠBr", + "ig" + ], + [ + "Ġgro", + "cery" + ], + [ + "Ġapplic", + "ant" + ], + [ + "ĠRock", + "et" + ], + [ + "v", + "id" + ], + [ + "Ex", + "ception" + ], + [ + "p", + "ent" + ], + [ + "Ġorgan", + "izing" + ], + [ + "Ġenc", + "ounters" + ], + [ + "ĠT", + "OD" + ], + [ + "Ġjew", + "el" + ], + [ + "S", + "ave" + ], + [ + "ĠChrist", + "ie" + ], + [ + "Ġhe", + "ating" + ], + [ + "Ġl", + "azy" + ], + [ + "ĠC", + "P" + ], + [ + "Ġcous", + "in" + ], + [ + "Con", + "fig" + ], + [ + "Ġreg", + "ener" + ], + [ + "Ġne", + "arest" + ], + [ + "Ġachie", + "ving" + ], + [ + "EN", + "S" + ], + [ + "th", + "row" + ], + [ + "ĠRich", + "mond" + ], + [ + "ant", + "le" + ], + [ + "200", + "2" + ], + [ + "Ġan", + "ten" + ], + [ + "b", + "ird" + ], + [ + "13", + "3" + ], + [ + "Ġn", + "arc" + ], + [ + "r", + "aint" + ], + [ + "un", + "ny" + ], + [ + "ĠHispan", + "ic" + ], + [ + "ourn", + "aments" + ], + [ + "Ġprop", + "he" + ], + [ + "ĠTh", + "ailand" + ], + [ + "ĠT", + "i" + ], + [ + "Ġinject", + "ion" + ], + [ + "Ġinher", + "it" + ], + [ + "rav", + "is" + ], + [ + "Ġmed", + "i" + ], + [ + "Ġwho", + "ever" + ], + [ + "ĠDE", + "BUG" + ], + [ + "G", + "P" + ], + [ + "ĠH", + "ud" + ], + [ + "C", + "ard" + ], + [ + "p", + "rom" + ], + [ + "Ġp", + "or" + ], + [ + "Ġover", + "head" + ], + [ + "L", + "aw" + ], + [ + "Ġviol", + "ate" + ], + [ + "Ġhe", + "ated" + ], + [ + "Ġdescript", + "ions" + ], + [ + "Ġachieve", + "ments" + ], + [ + "ĠBe", + "er" + ], + [ + "ĠQu", + "ant" + ], + [ + "W", + "as" + ], + [ + "Ġe", + "ighth" + ], + [ + "ĠI", + "v" + ], + [ + "Ġspecial", + "ized" + ], + [ + "U", + "PDATE" + ], + [ + "ĠD", + "elta" + ], + [ + "P", + "op" + ], + [ + "J", + "ul" + ], + [ + "ĠAs", + "k" + ], + [ + "oph", + "y" + ], + [ + "Ġnews", + "letters" + ], + [ + "ĠT", + "ool" + ], + [ + "Ġg", + "ard" + ], + [ + "ĠConf", + "eder" + ], + [ + "ĠGM", + "T" + ], + [ + "ĠAb", + "bott" + ], + [ + "Ġimm", + "unity" + ], + [ + "ĠV", + "M" + ], + [ + "Is", + "lam" + ], + [ + "Ġimpl", + "icit" + ], + [ + "w", + "d" + ], + [ + "Ġ19", + "44" + ], + [ + "rav", + "ity" + ], + [ + "omet", + "ric" + ], + [ + "Ġsurv", + "iving" + ], + [ + "ur", + "ai" + ], + [ + "ĠPr", + "ison" + ], + [ + "Ġr", + "ust" + ], + [ + "ĠSk", + "etch" + ], + [ + "Ġbe", + "es" + ], + [ + "ĠThe", + "ory" + ], + [ + "Ġmer", + "it" + ], + [ + "T", + "ex" + ], + [ + "ch", + "at" + ], + [ + "Ġm", + "im" + ], + [ + "Ġpast", + "e" + ], + [ + "ĠK", + "och" + ], + [ + "Ġignor", + "ance" + ], + [ + "ĠSh", + "oot" + ], + [ + "Ġbas", + "ement" + ], + [ + "Un", + "ited" + ], + [ + "ĠAd", + "vis" + ], + [ + "he", + "ight" + ], + [ + "Ġf", + "oster" + ], + [ + "Ġdet", + "ain" + ], + [ + "in", + "formation" + ], + [ + "Ġne", + "ural" + ], + [ + "'", + ";" + ], + [ + "Ġprov", + "es" + ], + [ + "all", + "ery" + ], + [ + "Ġinv", + "itation" + ], + [ + "um", + "bers" + ], + [ + "Ġc", + "attle" + ], + [ + "Ġbicy", + "cle" + ], + [ + "z", + "i" + ], + [ + "Ġconsult", + "ant" + ], + [ + "Ġap", + "ology" + ], + [ + "ĠT", + "iger" + ], + [ + "Ġ12", + "3" + ], + [ + "99", + "9" + ], + [ + "Ġind", + "ividually" + ], + [ + "r", + "t" + ], + [ + "ig", + "ion" + ], + [ + "ĠBrazil", + "ian" + ], + [ + "Ġdist", + "urb" + ], + [ + "Ġentreprene", + "urs" + ], + [ + "Ġfore", + "sts" + ], + [ + "cer", + "pt" + ], + [ + "pl", + "ates" + ], + [ + "p", + "her" + ], + [ + "clip", + "se" + ], + [ + "Ġtw", + "itter" + ], + [ + "Ġac", + "ids" + ], + [ + "ograph", + "ical" + ], + [ + "h", + "um" + ], + [ + "ĠB", + "ald" + ], + [ + "if", + "ully" + ], + [ + "Ġcomp", + "iler" + ], + [ + "ĠD", + "A" + ], + [ + "Ġdon", + "or" + ], + [ + "as", + "i" + ], + [ + "Ġtrib", + "al" + ], + [ + "l", + "ash" + ], + [ + "ĠCon", + "fig" + ], + [ + "Ġapplic", + "ants" + ], + [ + "Ġsal", + "aries" + ], + [ + "13", + "5" + ], + [ + "Put", + "in" + ], + [ + "ĠF", + "ocus" + ], + [ + "ir", + "s" + ], + [ + "Ġmisc", + "onduct" + ], + [ + "ĠH", + "az" + ], + [ + "Ġeat", + "en" + ], + [ + "M", + "obile" + ], + [ + "Mus", + "lim" + ], + [ + "ĠMar", + "cus" + ], + [ + "v", + "iol" + ], + [ + "Ġfavor", + "able" + ], + [ + "Ġst", + "ub" + ], + [ + "ad", + "in" + ], + [ + "ĠH", + "ob" + ], + [ + "Ġfaith", + "ful" + ], + [ + "Ġelectron", + "ics" + ], + [ + "Ġvac", + "uum" + ], + [ + "w", + "ait" + ], + [ + "back", + "ed" + ], + [ + "econom", + "ic" + ], + [ + "d", + "ist" + ], + [ + "Ġten", + "ure" + ], + [ + "Ġsince", + "re" + ], + [ + "ĠT", + "ogether" + ], + [ + "ĠW", + "ave" + ], + [ + "Ġprog", + "ression" + ], + [ + "Ġden", + "ying" + ], + [ + "Ġdist", + "ress" + ], + [ + "br", + "aska" + ], + [ + "th", + "ird" + ], + [ + "Ġmix", + "ing" + ], + [ + "Ġcolon", + "ial" + ], + [ + "Ġpriv", + "ately" + ], + [ + "Ġun", + "rest" + ], + [ + "atern", + "ity" + ], + [ + "Ġprem", + "ises" + ], + [ + "ant", + "i" + ], + [ + "greg", + "ation" + ], + [ + "Ġlic", + "ence" + ], + [ + "ĠH", + "ind" + ], + [ + "ĠSam", + "uel" + ], + [ + "Ġconvinc", + "ing" + ], + [ + "ĠA", + "ce" + ], + [ + "ĠR", + "ust" + ], + [ + "ĠNet", + "anyahu" + ], + [ + "Ġhand", + "les" + ], + [ + "ĠP", + "atch" + ], + [ + "orient", + "ed" + ], + [ + "ah", + "o" + ], + [ + "ĠG", + "onz" + ], + [ + "Ġhack", + "ers" + ], + [ + "claim", + "er" + ], + [ + "Ġcustom", + "s" + ], + [ + "ĠGr", + "an" + ], + [ + "f", + "ighters" + ], + [ + "Ġl", + "uc" + ], + [ + "Ġman", + "uscript" + ], + [ + "aren", + "thood" + ], + [ + "Ġdev", + "il" + ], + [ + "Ġwar", + "riors" + ], + [ + "Ġoff", + "enders" + ], + [ + "Will", + "iam" + ], + [ + "Ġhol", + "idays" + ], + [ + "Ġnight", + "mare" + ], + [ + "Ġle", + "ver" + ], + [ + "iff", + "erent" + ], + [ + "St", + "at" + ], + [ + "Ġexhib", + "ition" + ], + [ + "put", + "ed" + ], + [ + "ĠP", + "ure" + ], + [ + "Ġal", + "pha" + ], + [ + "Ġenthus", + "iasm" + ], + [ + "ĠRepresent", + "atives" + ], + [ + "E", + "AR" + ], + [ + "ĠT", + "yp" + ], + [ + "Ġwhe", + "at" + ], + [ + "ĠAl", + "f" + ], + [ + "Ġcor", + "rection" + ], + [ + "Ġev", + "angel" + ], + [ + "AT", + "T" + ], + [ + "M", + "iss" + ], + [ + "Ġs", + "oup" + ], + [ + "Ġimpl", + "ied" + ], + [ + "par", + "am" + ], + [ + "Ġsex", + "y" + ], + [ + "ĠL", + "ux" + ], + [ + "Ġrep", + "ublic" + ], + [ + "p", + "atch" + ], + [ + "ab", + "lish" + ], + [ + "Ġic", + "ons" + ], + [ + "Ġfather", + "s" + ], + [ + "ĠG", + "ET" + ], + [ + "ĠCar", + "ib" + ], + [ + "Ġregul", + "ated" + ], + [ + "ĠCo", + "hen" + ], + [ + "ĠBob", + "by" + ], + [ + "Ġn", + "er" + ], + [ + "Ġb", + "ent" + ], + [ + "vent", + "ory" + ], + [ + "ĠAl", + "ong" + ], + [ + "ĠE", + "ST" + ], + [ + "ĠWall", + "ace" + ], + [ + "Ġmurd", + "ers" + ], + [ + "r", + "ise" + ], + [ + "ke", + "ll" + ], + [ + "ĠCommon", + "wealth" + ], + [ + "Ġn", + "asty" + ], + [ + "et", + "a" + ], + [ + "ĠM", + "IT" + ], + [ + "Ġadminist", + "ered" + ], + [ + "Ġgenuine", + "ly" + ], + [ + "Ed", + "itor" + ], + [ + "n", + "ick" + ], + [ + "Ġhyd", + "ro" + ], + [ + "****************", + "****************" + ], + [ + "ĠB", + "le" + ], + [ + "Ġfin", + "es" + ], + [ + "Ġg", + "orge" + ], + [ + "aus", + "ible" + ], + [ + "r", + "h" + ], + [ + "Ġapp", + "le" + ], + [ + "ment", + "ioned" + ], + [ + "Ġro", + "pe" + ], + [ + "ot", + "yp" + ], + [ + "H", + "R" + ], + [ + "Ġdisappoint", + "ing" + ], + [ + "Ġc", + "age" + ], + [ + "n", + "ik" + ], + [ + "Ġdoub", + "ts" + ], + [ + "ĠF", + "REE" + ], + [ + "print", + "s" + ], + [ + "ĠM", + "UST" + ], + [ + "Ġvend", + "ors" + ], + [ + "ĠIn", + "qu" + ], + [ + "Ġliber", + "als" + ], + [ + "Ġcontract", + "or" + ], + [ + "Ġup", + "side" + ], + [ + "child", + "ren" + ], + [ + "Ġtrick", + "y" + ], + [ + "Ġregul", + "ators" + ], + [ + "charg", + "ed" + ], + [ + "l", + "iter" + ], + [ + "Ġ", + "***" + ], + [ + "Ġreb", + "ell" + ], + [ + "l", + "ang" + ], + [ + "Ġloc", + "als" + ], + [ + "Ġphys", + "icians" + ], + [ + "Ġhe", + "y" + ], + [ + "ar", + "se" + ], + [ + "t", + "m" + ], + [ + "ĠLe", + "x" + ], + [ + "Ġbehavior", + "al" + ], + [ + "success", + "ful" + ], + [ + "F", + "X" + ], + [ + "Ġbr", + "ick" + ], + [ + "ov", + "ic" + ], + [ + "Ġcon", + "form" + ], + [ + "Ġreview", + "ing" + ], + [ + "Ġins", + "ights" + ], + [ + "Ġbi", + "ology" + ], + [ + "ĠRem", + "ove" + ], + [ + "ĠExt", + "ra" + ], + [ + "Ġcomm", + "itting" + ], + [ + "indu", + "ced" + ], + [ + "ignt", + "y" + ], + [ + "ig", + "m" + ], + [ + "Ġat", + "omic" + ], + [ + "Comm", + "on" + ], + [ + "ĠE", + "M" + ], + [ + "ĠP", + "ere" + ], + [ + "ĠIt", + "ems" + ], + [ + "e", + "h" + ], + [ + "Ġpres", + "erved" + ], + [ + "ĠH", + "ood" + ], + [ + "Ġprison", + "er" + ], + [ + "Ġbankrupt", + "cy" + ], + [ + "Ġg", + "ren" + ], + [ + "us", + "hes" + ], + [ + "Ġexplo", + "itation" + ], + [ + "Ġsign", + "atures" + ], + [ + "Ġfin", + "an" + ], + [ + "]", + ",\"" + ], + [ + "ĠM", + "R" + ], + [ + "Ġme", + "g" + ], + [ + "rem", + "lin" + ], + [ + "Ġmusic", + "ians" + ], + [ + "Ġselect", + "ing" + ], + [ + "Ġexam", + "ining" + ], + [ + "IN", + "K" + ], + [ + "l", + "ated" + ], + [ + "H", + "i" + ], + [ + "Ġart", + "ic" + ], + [ + "Ġp", + "ets" + ], + [ + "Ġimp", + "air" + ], + [ + "ĠM", + "AN" + ], + [ + "Ġtable", + "ts" + ], + [ + "in", + "clude" + ], + [ + "R", + "ange" + ], + [ + "Ġca", + "ut" + ], + [ + "Ġlog", + "s" + ], + [ + "Ġmount", + "ing" + ], + [ + "Ġun", + "aware" + ], + [ + "Ġdynam", + "ics" + ], + [ + "ĠPalest", + "ine" + ], + [ + "ĠQu", + "arter" + ], + [ + "ĠPur", + "ple" + ], + [ + "Ġm", + "a" + ], + [ + "ĠIm", + "port" + ], + [ + "Ġcollect", + "ions" + ], + [ + "ci", + "ation" + ], + [ + "Ġsuccess", + "or" + ], + [ + "Ġcl", + "one" + ], + [ + "Ġaim", + "ing" + ], + [ + "Ġposs", + "essed" + ], + [ + "Ġstick", + "ing" + ], + [ + "Ġsh", + "aking" + ], + [ + "Ġloc", + "ate" + ], + [ + "ĠH", + "ockey" + ], + [ + "T", + "urn" + ], + [ + "17", + "0" + ], + [ + "Ġfif", + "teen" + ], + [ + "ĠHar", + "rison" + ], + [ + "Ġcontinu", + "ously" + ], + [ + "ĠT", + "C" + ], + [ + "ĠVal", + "ent" + ], + [ + "ĠRes", + "cue" + ], + [ + "Ġby", + "pass" + ], + [ + "am", + "ount" + ], + [ + "Ġm", + "ast" + ], + [ + "Ġprotect", + "s" + ], + [ + "Ġart", + "istic" + ], + [ + "Ġsomet", + "ime" + ], + [ + "Ġsh", + "oe" + ], + [ + "Ġshout", + "ed" + ], + [ + "ific", + "ant" + ], + [ + "et", + "itive" + ], + [ + "ĠReg", + "ister" + ], + [ + "ĠJ", + "in" + ], + [ + "Ġconcent", + "rated" + ], + [ + "ling", + "ton" + ], + [ + "on", + "ies" + ], + [ + "Ġgener", + "ator" + ], + [ + "yr", + "im" + ], + [ + "ĠAr", + "men" + ], + [ + "Ġclear", + "ing" + ], + [ + "id", + "o" + ], + [ + "ĠT", + "W" + ], + [ + "al", + "ph" + ], + [ + "Ġlad", + "ies" + ], + [ + "H", + "ard" + ], + [ + "Ġdial", + "og" + ], + [ + "Ġinput", + "s" + ], + [ + "æ", + "ľ" + ], + [ + "Ġpos", + "es" + ], + [ + "Ġsl", + "ots" + ], + [ + "ĠPrem", + "ium" + ], + [ + "Ġle", + "aks" + ], + [ + "Ġboss", + "es" + ], + [ + "Ġ11", + "3" + ], + [ + "c", + "ourse" + ], + [ + "A", + "cc" + ], + [ + "ĠNew", + "ton" + ], + [ + "ĠAust", + "ria" + ], + [ + "ĠM", + "age" + ], + [ + "Ġte", + "aches" + ], + [ + "ab", + "ad" + ], + [ + "Ġwe", + "ars" + ], + [ + "Ġc", + "yl" + ], + [ + "Ġcur", + "se" + ], + [ + "ĠS", + "ales" + ], + [ + "ĠW", + "ings" + ], + [ + "Ġp", + "sy" + ], + [ + "Ġg", + "aps" + ], + [ + "ĠIce", + "land" + ], + [ + "ĠP", + "interest" + ], + [ + "Ġland", + "lord" + ], + [ + "Ġdefin", + "itions" + ], + [ + "ĠK", + "er" + ], + [ + "Ġsufficient", + "ly" + ], + [ + "ĠP", + "ence" + ], + [ + "ĠArch", + "itect" + ], + [ + "Ġsur", + "pass" + ], + [ + "Ġ11", + "4" + ], + [ + "Ġsuper", + "hero" + ], + [ + "ĠDise", + "ase" + ], + [ + "Ġpri", + "ests" + ], + [ + "ĠC", + "ulture" + ], + [ + "Ġdefin", + "itive" + ], + [ + "Ġsecret", + "ly" + ], + [ + "ĠD", + "ance" + ], + [ + "inst", + "all" + ], + [ + "ch", + "ief" + ], + [ + "ĠJess", + "ica" + ], + [ + "W", + "ould" + ], + [ + "Up", + "dated" + ], + [ + "Ġlock", + "er" + ], + [ + "ĠK", + "ay" + ], + [ + "Ġmem", + "orial" + ], + [ + "è", + "¦" + ], + [ + "f", + "at" + ], + [ + "Ġdis", + "gu" + ], + [ + "Ġflav", + "ors" + ], + [ + "ĠBase", + "ball" + ], + [ + "ĠRes", + "istance" + ], + [ + "Ġk", + "icks" + ], + [ + "Ġen", + "v" + ], + [ + "Ġteen", + "agers" + ], + [ + "D", + "ark" + ], + [ + "ĠC", + "AR" + ], + [ + "Ġh", + "alt" + ], + [ + "ĠL", + "G" + ], + [ + "ĠGab", + "riel" + ], + [ + "Ġfe", + "ver" + ], + [ + "Ġs", + "atur" + ], + [ + "Ġm", + "all" + ], + [ + "Ġaffili", + "ate" + ], + [ + "ĠS", + "leep" + ], + [ + "ĠSpe", + "cific" + ], + [ + "ĠV", + "el" + ], + [ + "Ġj", + "ar" + ], + [ + "ĠSac", + "red" + ], + [ + "ĠEd", + "wards" + ], + [ + "ĠA", + "CL" + ], + [ + "Ġret", + "ained" + ], + [ + "ĠG", + "iant" + ], + [ + "Ġlim", + "itation" + ], + [ + "in", + "ces" + ], + [ + "Ġref", + "usal" + ], + [ + "ĠT", + "ale" + ], + [ + "ĠBut", + "ler" + ], + [ + "Ġacc", + "idents" + ], + [ + "ĠC", + "SS" + ], + [ + "Ġimport", + "ed" + ], + [ + "ĠCop", + "y" + ], + [ + "Î", + "±" + ], + [ + "ER", + "T" + ], + [ + "z", + "el" + ], + [ + "Ġdiv", + "isions" + ], + [ + "h", + "ots" + ], + [ + "ĠAl", + "b" + ], + [ + "ĠD", + "S" + ], + [ + "Load", + "er" + ], + [ + "W", + "ashington" + ], + [ + "at", + "isf" + ], + [ + "ĠCreat", + "ive" + ], + [ + "\\", + "." + ], + [ + "ĠAut", + "om" + ], + [ + "red", + "ict" + ], + [ + "Ġrecept", + "or" + ], + [ + "ĠCarl", + "os" + ], + [ + "Met", + "hod" + ], + [ + "ok", + "a" + ], + [ + "Ġmal", + "icious" + ], + [ + "Ġste", + "pping" + ], + [ + ",", + "[" + ], + [ + "ĠD", + "ad" + ], + [ + "Ġatt", + "raction" + ], + [ + "ĠEffect", + "s" + ], + [ + "ĠPir", + "ate" + ], + [ + "ĠC", + "er" + ], + [ + "ĠIndust", + "ry" + ], + [ + "ĠR", + "ud" + ], + [ + "Ġchar", + "ter" + ], + [ + "Ġd", + "ining" + ], + [ + "Ġins", + "ists" + ], + [ + "Ġconfig", + "ure" + ], + [ + "Ġ(", + "#" + ], + [ + "ĠSim", + "ple" + ], + [ + "ĠSc", + "roll" + ], + [ + "UT", + "C" + ], + [ + "17", + "5" + ], + [ + "ĠK", + "on" + ], + [ + "Ġmarket", + "place" + ], + [ + "Ġ", + "ãĤ" + ], + [ + "Ġref", + "res" + ], + [ + "Ġg", + "ates" + ], + [ + "er", + "red" + ], + [ + "ĠP", + "od" + ], + [ + "Ġbeh", + "ave" + ], + [ + "Fr", + "ank" + ], + [ + "n", + "ode" + ], + [ + "Ġendors", + "ed" + ], + [ + "he", + "tt" + ], + [ + "as", + "ive" + ], + [ + "ĠHom", + "eland" + ], + [ + "Ġr", + "ides" + ], + [ + "ĠLe", + "ave" + ], + [ + "er", + "ness" + ], + [ + "Ġflood", + "ing" + ], + [ + "A", + "FP" + ], + [ + "Ġris", + "en" + ], + [ + "Ġcontin", + "ually" + ], + [ + "Ġun", + "anim" + ], + [ + "ĠCont", + "ract" + ], + [ + "ĠP", + "as" + ], + [ + "Ġgu", + "ided" + ], + [ + "ĠCh", + "ile" + ], + [ + "b", + "d" + ], + [ + "Ġsu", + "cc" + ], + [ + "pt", + "ic" + ], + [ + "Ġcomm", + "ittees" + ], + [ + "ĠL", + "uther" + ], + [ + "ĠAny", + "one" + ], + [ + "Ġs", + "ab" + ], + [ + "12", + "4" + ], + [ + "Ġp", + "ixel" + ], + [ + "ĠB", + "ak" + ], + [ + "ĠT", + "ag" + ], + [ + "ĠBenn", + "ett" + ], + [ + "En", + "ter" + ], + [ + "sm", + "all" + ], + [ + "ĠPresident", + "ial" + ], + [ + "Ġp", + "ul" + ], + [ + "Ġcontr", + "ace" + ], + [ + "arch", + "ive" + ], + [ + "Ġcoast", + "al" + ], + [ + "ĠK", + "ids" + ], + [ + "19", + "2" + ], + [ + "âĢ", + "²" + ], + [ + "ick", + "y" + ], + [ + "ING", + "TON" + ], + [ + "Ġw", + "olf" + ], + [ + "ĠSt", + "alin" + ], + [ + "T", + "ur" + ], + [ + "id", + "get" + ], + [ + "am", + "as" + ], + [ + "ĠUn", + "less" + ], + [ + "Ġspons", + "or" + ], + [ + "Ġmor", + "ph" + ], + [ + "ĠCho", + "ose" + ], + [ + "Ġrun", + "ner" + ], + [ + "Ġun", + "bel" + ], + [ + "Ġm", + "ud" + ], + [ + "ĠMan", + "a" + ], + [ + "Ġdub", + "bed" + ], + [ + "Ġg", + "odd" + ], + [ + "ure", + "rs" + ], + [ + "wind", + "ow" + ], + [ + "Ġrel", + "ied" + ], + [ + "Ġcelebr", + "ating" + ], + [ + "os", + "c" + ], + [ + "Ġ13", + "5" + ], + [ + "Ġlobb", + "ying" + ], + [ + "Ġincom", + "plete" + ], + [ + "Ġrestrict", + "ion" + ], + [ + "Ġinc", + "ap" + ], + [ + "it", + "us" + ], + [ + "Ġexpect", + "ation" + ], + [ + "ĠAp", + "ollo" + ], + [ + "Ġint", + "ens" + ], + [ + "Ġsyn", + "c" + ], + [ + "G", + "H" + ], + [ + "Ġmanip", + "ulation" + ], + [ + "B", + "Y" + ], + [ + "Ġspe", + "ar" + ], + [ + "Ġbre", + "asts" + ], + [ + "Ġvol", + "can" + ], + [ + "il", + "ia" + ], + [ + "M", + "aterial" + ], + [ + "Ġform", + "ats" + ], + [ + "ĠB", + "ast" + ], + [ + "Ġparliament", + "ary" + ], + [ + "Ġsn", + "ake" + ], + [ + "Ġserv", + "ants" + ], + [ + "ĠTr", + "udeau" + ], + [ + "ĠGr", + "im" + ], + [ + "ĠArab", + "ic" + ], + [ + "ĠSC", + "P" + ], + [ + "ĠBoy", + "s" + ], + [ + "st", + "ation" + ], + [ + "Ġprospect", + "ive" + ], + [ + "ord", + "e" + ], + [ + "in", + "itialized" + ], + [ + "Ġb", + "ored" + ], + [ + "AB", + "LE" + ], + [ + "Ġaccess", + "ed" + ], + [ + "Ġtax", + "i" + ], + [ + "ĠShe", + "ll" + ], + [ + "aid", + "en" + ], + [ + "urs", + "ed" + ], + [ + "in", + "ates" + ], + [ + "ĠIns", + "urance" + ], + [ + "ĠPet", + "e" + ], + [ + "Sept", + "ember" + ], + [ + "6", + "50" + ], + [ + "Ġad", + "ventures" + ], + [ + "ĠCo", + "ver" + ], + [ + "Ġt", + "ribute" + ], + [ + "Ġsk", + "etch" + ], + [ + "Ġem", + "power" + ], + [ + "Ġ", + "Ø" + ], + [ + "ĠGl", + "enn" + ], + [ + "ĠD", + "aw" + ], + [ + "=", + "\\\"" + ], + [ + "ĠPolit", + "ics" + ], + [ + "Ġgu", + "ides" + ], + [ + "Ġd", + "ioxide" + ], + [ + "ĠG", + "ore" + ], + [ + "ĠBr", + "ight" + ], + [ + "ĠS", + "ierra" + ], + [ + "Ġval", + "ued" + ], + [ + "c", + "ond" + ], + [ + "Ġpo", + "inter" + ], + [ + "Se", + "lect" + ], + [ + "Ġrisk", + "y" + ], + [ + "Ġabsor", + "b" + ], + [ + "im", + "ages" + ], + [ + "Ġref", + "uses" + ], + [ + "Ġbon", + "uses" + ], + [ + "__", + "_" + ], + [ + "Ġh", + "ilar" + ], + [ + "ĠF", + "eatures" + ], + [ + "2", + "20" + ], + [ + "ĠCollect", + "or" + ], + [ + "F", + "oot" + ], + [ + "Ġ19", + "64" + ], + [ + "cul", + "us" + ], + [ + "Ġd", + "awn" + ], + [ + "Ġwork", + "out" + ], + [ + "ĠL", + "O" + ], + [ + "Ġphilosoph", + "ical" + ], + [ + "ĠSand", + "y" + ], + [ + "ĠYou", + "th" + ], + [ + "Ġl", + "iable" + ], + [ + "A", + "f" + ], + [ + "bl", + "ue" + ], + [ + "Ġovert", + "urn" + ], + [ + "less", + "ness" + ], + [ + "ĠTrib", + "une" + ], + [ + "ĠIn", + "g" + ], + [ + "Ġfact", + "ories" + ], + [ + "Ġcat", + "ches" + ], + [ + "Ġpr", + "one" + ], + [ + "Ġmat", + "rix" + ], + [ + "Ġlog", + "in" + ], + [ + "Ġin", + "acc" + ], + [ + "Ġex", + "ert" + ], + [ + "s", + "ys" + ], + [ + "Ġneed", + "le" + ], + [ + "ĠQ", + "ur" + ], + [ + "Ġnot", + "ified" + ], + [ + "ould", + "er" + ], + [ + "t", + "x" + ], + [ + "Ġremind", + "s" + ], + [ + "Ġpublisher", + "s" + ], + [ + "Ġn", + "ort" + ], + [ + "Ġg", + "it" + ], + [ + "Ġfl", + "ies" + ], + [ + "ĠEm", + "ily" + ], + [ + "Ġflow", + "ing" + ], + [ + "ĠAl", + "ien" + ], + [ + "ĠStr", + "ateg" + ], + [ + "Ġhard", + "est" + ], + [ + "Ġmod", + "ification" + ], + [ + "AP", + "I" + ], + [ + "ĠM", + "Y" + ], + [ + "Ġcr", + "ashes" + ], + [ + "st", + "airs" + ], + [ + "n", + "umber" + ], + [ + "Ġur", + "ging" + ], + [ + "ch", + "annel" + ], + [ + "ĠFal", + "con" + ], + [ + "Ġinhabit", + "ants" + ], + [ + "Ġterr", + "ifying" + ], + [ + "Ġutil", + "ize" + ], + [ + "Ġban", + "ner" + ], + [ + "Ġcig", + "arettes" + ], + [ + "Ġsens", + "es" + ], + [ + "ĠHol", + "mes" + ], + [ + "Ġpract", + "ition" + ], + [ + "ĠPhill", + "ips" + ], + [ + "ott", + "o" + ], + [ + "Ġcomp", + "ile" + ], + [ + "Mod", + "el" + ], + [ + "ĠK", + "o" + ], + [ + "Ġ[", + "]" + ], + [ + "Americ", + "ans" + ], + [ + "ĠTer", + "ms" + ], + [ + "Ġmed", + "ications" + ], + [ + "ĠAn", + "a" + ], + [ + "Ġfundament", + "ally" + ], + [ + "ĠNot", + "ice" + ], + [ + "Ġwe", + "aker" + ], + [ + "Ġ", + "0000" + ], + [ + "Ġgar", + "lic" + ], + [ + "Ġout", + "break" + ], + [ + "Ġeconom", + "ist" + ], + [ + "ĠB", + "irth" + ], + [ + "Ġobst", + "acles" + ], + [ + "ar", + "cer" + ], + [ + "ĠOr", + "thodox" + ], + [ + "Ġplace", + "bo" + ], + [ + "ĠC", + "rew" + ], + [ + "asp", + "berry" + ], + [ + "ĠAng", + "els" + ], + [ + "Ġdis", + "charge" + ], + [ + "Ġdestruct", + "ive" + ], + [ + "11", + "7" + ], + [ + "ĠR", + "ising" + ], + [ + "Ġd", + "airy" + ], + [ + "l", + "ate" + ], + [ + "Ġcoll", + "ision" + ], + [ + "ĠTig", + "ers" + ], + [ + "ean", + "or" + ], + [ + "ocument", + "ed" + ], + [ + "ĠIn", + "valid" + ], + [ + "Ġd", + "ont" + ], + [ + "ĠL", + "iter" + ], + [ + "ĠV", + "a" + ], + [ + "Ġhyd", + "rogen" + ], + [ + "Ġvari", + "ants" + ], + [ + "ĠBrown", + "s" + ], + [ + "Ġ19", + "65" + ], + [ + "Ġind", + "igenous" + ], + [ + "Ġtrad", + "es" + ], + [ + "Ġremain", + "der" + ], + [ + "Ġswe", + "pt" + ], + [ + "ĠImp", + "act" + ], + [ + "Ġred", + "ist" + ], + [ + "Ġun", + "int" + ], + [ + "grad", + "uate" + ], + [ + "ãĥ", + "ķ" + ], + [ + "ĠW", + "ILL" + ], + [ + "ãģ®", + "ç" + ], + [ + "ĠCrit", + "ical" + ], + [ + "Ġf", + "isher" + ], + [ + "Ġv", + "icious" + ], + [ + "Ġrevers", + "ed" + ], + [ + "Y", + "ear" + ], + [ + "ĠS", + "ox" + ], + [ + "Ġshoot", + "ings" + ], + [ + "Ġfil", + "ming" + ], + [ + "Ġtouchdown", + "s" + ], + [ + "ai", + "res" + ], + [ + "m", + "el" + ], + [ + "Ġgrand", + "father" + ], + [ + "Ġaffect", + "ion" + ], + [ + "ing", + "le" + ], + [ + "Ġover", + "ly" + ], + [ + "Add", + "itional" + ], + [ + "Ġsup", + "reme" + ], + [ + "ĠGr", + "ad" + ], + [ + "Ġsport", + "ing" + ], + [ + "Ġmer", + "cy" + ], + [ + "ĠBrook", + "s" + ], + [ + "ount", + "y" + ], + [ + "Ġperform", + "s" + ], + [ + "Ġtight", + "ly" + ], + [ + "Ġdem", + "ons" + ], + [ + "Ġkill", + "ings" + ], + [ + "Ġfact", + "ion" + ], + [ + "ĠNov", + "a" + ], + [ + "aut", + "s" + ], + [ + "Ġund", + "oubtedly" + ], + [ + "ar", + "in" + ], + [ + "Ġunder", + "way" + ], + [ + "ra", + "k" + ], + [ + "Ġl", + "iv" + ], + [ + "ĠReg", + "ion" + ], + [ + "Ġbrief", + "ing" + ], + [ + "s", + "ers" + ], + [ + "cl", + "oud" + ], + [ + "ĠM", + "ik" + ], + [ + "us", + "p" + ], + [ + "Ġpred", + "iction" + ], + [ + "az", + "or" + ], + [ + "Ġport", + "able" + ], + [ + "ĠG", + "and" + ], + [ + "Ġpresent", + "ing" + ], + [ + "Ġ10", + "80" + ], + [ + "Â", + "»" + ], + [ + "ush", + "i" + ], + [ + "ĠSp", + "ark" + ], + [ + "there", + "um" + ], + [ + "Ġjust", + "ification" + ], + [ + "ĠN", + "y" + ], + [ + "Ġcontract", + "ors" + ], + [ + "ming", + "ham" + ], + [ + "ĠSt", + "yle" + ], + [ + "å", + "ħ" + ], + [ + "ĠChron", + "icles" + ], + [ + "ĠPict", + "ure" + ], + [ + "Ġprov", + "ing" + ], + [ + "Ġw", + "ives" + ], + [ + "set", + "t" + ], + [ + "Ġmole", + "cules" + ], + [ + "ĠFair", + "y" + ], + [ + "Ġconsist", + "ing" + ], + [ + "Ġp", + "ier" + ], + [ + "al", + "one" + ], + [ + "in", + "ition" + ], + [ + "Ġn", + "ucle" + ], + [ + "j", + "son" + ], + [ + "Ġg", + "otta" + ], + [ + "Ġmob", + "il" + ], + [ + "Ġver", + "bal" + ], + [ + "ar", + "ium" + ], + [ + "Ġmon", + "ument" + ], + [ + "uck", + "ed" + ], + [ + "Ġ25", + "6" + ], + [ + "T", + "ech" + ], + [ + "mine", + "craft" + ], + [ + "ĠTr", + "ack" + ], + [ + "Ġt", + "ile" + ], + [ + "Ġcompat", + "ibility" + ], + [ + "as", + "is" + ], + [ + "Ġs", + "add" + ], + [ + "Ġinstruct", + "ed" + ], + [ + "ĠM", + "ueller" + ], + [ + "Ġle", + "thal" + ], + [ + "Ġhorm", + "one" + ], + [ + "Ġor", + "che" + ], + [ + "el", + "se" + ], + [ + "Ġske", + "let" + ], + [ + "Ġentert", + "aining" + ], + [ + "Ġminim", + "ize" + ], + [ + "ag", + "ain" + ], + [ + "Ġunder", + "go" + ], + [ + "Ġconst", + "raints" + ], + [ + "Ġcig", + "arette" + ], + [ + "ĠIslam", + "ist" + ], + [ + "Ġtravel", + "s" + ], + [ + "ĠPant", + "hers" + ], + [ + "l", + "ings" + ], + [ + "C", + "are" + ], + [ + "Ġlaw", + "suits" + ], + [ + "ur", + "as" + ], + [ + "Ġcry", + "st" + ], + [ + "Ġlow", + "ered" + ], + [ + "Ġaer", + "ial" + ], + [ + "Ġcomb", + "inations" + ], + [ + "Ġha", + "un" + ], + [ + "Ġch", + "a" + ], + [ + "Ġv", + "ine" + ], + [ + "Ġquant", + "ities" + ], + [ + "Ġlink", + "ing" + ], + [ + "b", + "ank" + ], + [ + "Ġso", + "y" + ], + [ + "B", + "ill" + ], + [ + "ĠAngel", + "a" + ], + [ + "Ġrecip", + "ient" + ], + [ + "ĠProt", + "est" + ], + [ + "Ġs", + "ocket" + ], + [ + "Ġsolid", + "arity" + ], + [ + "Ġâ", + "Ĩ" + ], + [ + "m", + "ill" + ], + [ + "Ġvar", + "ies" + ], + [ + "ĠPak", + "istani" + ], + [ + "Dr", + "agon" + ], + [ + "Ġun", + "e" + ], + [ + "Ġhor", + "izon" + ], + [ + "³³³³", + "³³³³" + ], + [ + "Ġprov", + "inces" + ], + [ + "Ġfrank", + "ly" + ], + [ + "Ġenact", + "ed" + ], + [ + "not", + "es" + ], + [ + "[", + "'" + ], + [ + "Ġ19", + "2" + ], + [ + "ocr", + "acy" + ], + [ + "Ġendorse", + "ment" + ], + [ + "Ġover", + "time" + ], + [ + "Tr", + "ue" + ], + [ + "L", + "ab" + ], + [ + "lic", + "ted" + ], + [ + "ĠD", + "NC" + ], + [ + "Ġbe", + "ats" + ], + [ + "ĠJam", + "ie" + ], + [ + "15", + "2" + ], + [ + "ĠIN", + "T" + ], + [ + "Cont", + "act" + ], + [ + "Ġaccount", + "ed" + ], + [ + "h", + "ash" + ], + [ + "ĠPack", + "ers" + ], + [ + "p", + "ires" + ], + [ + "Ġles", + "bian" + ], + [ + "Ġamend", + "ments" + ], + [ + "Ġhop", + "eful" + ], + [ + "ĠFin", + "land" + ], + [ + "Ġspot", + "light" + ], + [ + "Ġconfig", + "ured" + ], + [ + "Ġtrou", + "bled" + ], + [ + "Ġg", + "aze" + ], + [ + "ĠCal", + "gary" + ], + [ + "Ġrel", + "iability" + ], + [ + "Ġins", + "urg" + ], + [ + "sw", + "er" + ], + [ + "b", + "uy" + ], + [ + "ĠSk", + "in" + ], + [ + "Ġp", + "ixels" + ], + [ + "Ġhand", + "gun" + ], + [ + "Ġpar", + "as" + ], + [ + "Ġcateg", + "or" + ], + [ + "ĠE", + "L" + ], + [ + "ĠRe", + "x" + ], + [ + "Ind", + "eed" + ], + [ + "Ġkind", + "a" + ], + [ + "Ġconj", + "unction" + ], + [ + "ĠBry", + "an" + ], + [ + "ĠMan", + "ufact" + ], + [ + "y", + "ang" + ], + [ + "Pl", + "us" + ], + [ + "S", + "QL" + ], + [ + "ish", + "ment" + ], + [ + "Ġdom", + "inate" + ], + [ + "Ġn", + "ail" + ], + [ + "Ġo", + "ath" + ], + [ + "Ġeru", + "pt" + ], + [ + "ĠF", + "ine" + ], + [ + "it", + "bart" + ], + [ + "ĠCh", + "ip" + ], + [ + "ĠAb", + "d" + ], + [ + "ĠN", + "am" + ], + [ + "Ġbuy", + "er" + ], + [ + "Ġdiss", + "ent" + ], + [ + "Le", + "aks" + ], + [ + "Cont", + "in" + ], + [ + "Ġr", + "ider" + ], + [ + "ĠSome", + "one" + ], + [ + "Ġill", + "usion" + ], + [ + "c", + "in" + ], + [ + "ĠBoe", + "ing" + ], + [ + "Ġin", + "adequ" + ], + [ + "ov", + "ation" + ], + [ + "i", + "ants" + ], + [ + "Ġreb", + "uild" + ], + [ + "4", + "50" + ], + [ + "ĠDest", + "iny" + ], + [ + "S", + "W" + ], + [ + "ĠT", + "ill" + ], + [ + "H", + "it" + ], + [ + "ia", + "z" + ], + [ + "ĠBang", + "l" + ], + [ + "acher", + "s" + ], + [ + "ĠRe", + "form" + ], + [ + "Ġse", + "gments" + ], + [ + "Ġsystem", + "atic" + ], + [ + "d", + "c" + ], + [ + "ĠConserv", + "atives" + ], + [ + "Ġport", + "al" + ], + [ + "h", + "or" + ], + [ + "ĠDragon", + "bound" + ], + [ + "Ġdrag", + "ged" + ], + [ + "om", + "o" + ], + [ + "Ġthe", + "e" + ], + [ + "ad", + "vert" + ], + [ + "ĠRep", + "orts" + ], + [ + "ĠE", + "t" + ], + [ + "Ġbarrel", + "s" + ], + [ + "Aug", + "ust" + ], + [ + "Ġcompar", + "isons" + ], + [ + "Ġhe", + "x" + ], + [ + "Ġan", + "throp" + ], + [ + "\"", + "[" + ], + [ + "bor", + "ough" + ], + [ + "ab", + "i" + ], + [ + "Ġpict", + "ured" + ], + [ + "play", + "ing" + ], + [ + "ĠAdd", + "ress" + ], + [ + "ĠMir", + "ror" + ], + [ + "Sm", + "ith" + ], + [ + "Ġt", + "ires" + ], + [ + "ĠN", + "PR" + ], + [ + "AA", + "AA" + ], + [ + "Ġclass", + "ification" + ], + [ + "ĠTh", + "an" + ], + [ + "ĠH", + "arm" + ], + [ + "ĠR", + "A" + ], + [ + "Ġreject", + "ion" + ], + [ + "min", + "ation" + ], + [ + "Ġr", + "anged" + ], + [ + "ĠF", + "alls" + ], + [ + "D", + "I" + ], + [ + "H", + "ost" + ], + [ + "ãĤ", + "´" + ], + [ + "ĠEx", + "ample" + ], + [ + "list", + "ed" + ], + [ + "th", + "irds" + ], + [ + "Ġsaf", + "egu" + ], + [ + "br", + "and" + ], + [ + "Ġprob", + "able" + ], + [ + "Can", + "ada" + ], + [ + "IT", + "ION" + ], + [ + "ĠQ", + "aeda" + ], + [ + "Ġch", + "ick" + ], + [ + "Ġimport", + "s" + ], + [ + "h", + "it" + ], + [ + "l", + "oc" + ], + [ + "W", + "W" + ], + [ + "Ġble", + "w" + ], + [ + "Ġany", + "time" + ], + [ + "Ġwh", + "oles" + ], + [ + "ik", + "ed" + ], + [ + "Ġcal", + "culation" + ], + [ + "cre", + "ate" + ], + [ + "ĠO", + "ri" + ], + [ + "Ġupgr", + "aded" + ], + [ + "Ġapp", + "ar" + ], + [ + "ut", + "ory" + ], + [ + "ĠM", + "ol" + ], + [ + "B", + "rit" + ], + [ + "ĠJ", + "ong" + ], + [ + "IN", + "AL" + ], + [ + "ĠStart", + "ing" + ], + [ + "Ġd", + "ice" + ], + [ + "urt", + "le" + ], + [ + "Ġre", + "lying" + ], + [ + "cl", + "osure" + ], + [ + "Ġprof", + "itable" + ], + [ + "Ġsl", + "aughter" + ], + [ + "ĠMan", + "ual" + ], + [ + "c", + "aster" + ], + [ + "Ġ\"", + "$" + ], + [ + "Ġfe", + "ather" + ], + [ + "ĠSim", + "ply" + ], + [ + "ie", + "ves" + ], + [ + "Ġdeter", + "ior" + ], + [ + "ĠPC", + "I" + ], + [ + "Ġst", + "amp" + ], + [ + "Ġfl", + "aws" + ], + [ + "Ġsh", + "ade" + ], + [ + "ham", + "mer" + ], + [ + "Ġpass", + "port" + ], + [ + "Ġcont", + "ing" + ], + [ + "am", + "el" + ], + [ + "Ġobser", + "vers" + ], + [ + "Ġneg", + "lect" + ], + [ + "ĠR", + "B" + ], + [ + "ĠBrother", + "hood" + ], + [ + "Ġskept", + "ical" + ], + [ + "f", + "amily" + ], + [ + "us", + "k" + ], + [ + "Ġemotion", + "ally" + ], + [ + "â", + "Ļ" + ], + [ + "ĠBet", + "a" + ], + [ + "ason", + "able" + ], + [ + "id", + "ity" + ], + [ + "ĠM", + "ul" + ], + [ + "Ġkick", + "ing" + ], + [ + "ĠC", + "arm" + ], + [ + "oll", + "ah" + ], + [ + "VERT", + "IS" + ], + [ + "ĠAt", + "hen" + ], + [ + "Ġlad", + "der" + ], + [ + "ĠBul", + "let" + ], + [ + "å", + "£" + ], + [ + "00", + "01" + ], + [ + "ĠWild", + "life" + ], + [ + "ĠM", + "ask" + ], + [ + "ĠN", + "an" + ], + [ + "R", + "ev" + ], + [ + "Ġun", + "acceptable" + ], + [ + "leg", + "al" + ], + [ + "Ġcrowd", + "ed" + ], + [ + "ag", + "i" + ], + [ + "ĠC", + "ox" + ], + [ + "j", + "e" + ], + [ + "Ġmor", + "ality" + ], + [ + "Ġfu", + "els" + ], + [ + "Ġc", + "ables" + ], + [ + "Ġman", + "kind" + ], + [ + "ĠCarib", + "bean" + ], + [ + "Ġanch", + "or" + ], + [ + "Ġby", + "te" + ], + [ + "ĠO", + "ften" + ], + [ + "ĠO", + "z" + ], + [ + "Ġcraft", + "ed" + ], + [ + "Ġhistor", + "ian" + ], + [ + "ĠW", + "u" + ], + [ + "Ġtow", + "ers" + ], + [ + "ĠCitiz", + "ens" + ], + [ + "Ġhel", + "m" + ], + [ + "Ġcred", + "entials" + ], + [ + "Ġsing", + "ular" + ], + [ + "ĠJes", + "se" + ], + [ + "Ġtack", + "les" + ], + [ + "Ġcont", + "empt" + ], + [ + "Ġa", + "fore" + ], + [ + "ĠSh", + "adows" + ], + [ + "Ġn", + "il" + ], + [ + "Ġur", + "gent" + ], + [ + "app", + "le" + ], + [ + "bl", + "ood" + ], + [ + "Ġv", + "on" + ], + [ + "Ġoff", + "line" + ], + [ + "Ġbreat", + "he" + ], + [ + "Ġj", + "umps" + ], + [ + "Ġirre", + "levant" + ], + [ + "ox", + "ic" + ], + [ + "om", + "al" + ], + [ + "import", + "ant" + ], + [ + "J", + "im" + ], + [ + "Ġgl", + "oves" + ], + [ + "arm", + "ing" + ], + [ + "dep", + "th" + ], + [ + "Ġtal", + "ents" + ], + [ + "ook", + "ie" + ], + [ + "ĠS", + "B" + ], + [ + "Ġpal", + "m" + ], + [ + "uff", + "s" + ], + [ + "est", + "a" + ], + [ + "IG", + "H" + ], + [ + "Ġcan", + "on" + ], + [ + "ĠVer", + "izon" + ], + [ + "ĠP", + "le" + ], + [ + "Ġcou", + "pled" + ], + [ + "vel", + "t" + ], + [ + "Ġfundra", + "ising" + ], + [ + "ĠGet", + "ting" + ], + [ + "ĠD", + "LC" + ], + [ + "Ġmathemat", + "ical" + ], + [ + "ĠH", + "S" + ], + [ + "ĠCard", + "inals" + ], + [ + "te", + "lling" + ], + [ + "Ġspons", + "ors" + ], + [ + "Ġ", + "Ï" + ], + [ + "ĠBull", + "s" + ], + [ + "op", + "tion" + ], + [ + "Ġprop", + "ose" + ], + [ + "Ġmem", + "orable" + ], + [ + "Ġembr", + "aced" + ], + [ + "Ġdecl", + "ining" + ], + [ + "He", + "alth" + ], + [ + "ed", + "a" + ], + [ + "Ġ}", + ";" + ], + [ + "Ġsp", + "am" + ], + [ + "m", + "ile" + ], + [ + "Ġpit", + "cher" + ], + [ + "ĠE", + "ight" + ], + [ + "Ġcar", + "ing" + ], + [ + "ut", + "ic" + ], + [ + "ro", + "le" + ], + [ + "Ġair", + "line" + ], + [ + "ernand", + "ez" + ], + [ + "ĠAth", + "let" + ], + [ + "Ġcert", + "ification" + ], + [ + "ux", + "e" + ], + [ + "rig", + "er" + ], + [ + "Ġem", + "pir" + ], + [ + "Ġsens", + "ation" + ], + [ + "Ġdis", + "m" + ], + [ + "Ġb", + "olt" + ], + [ + "Ġev", + "olve" + ], + [ + "H", + "ouse" + ], + [ + "Ġconsult", + "ation" + ], + [ + "ĠD", + "uty" + ], + [ + "Ġtou", + "ches" + ], + [ + "ĠN", + "athan" + ], + [ + "Ġf", + "aint" + ], + [ + "h", + "ad" + ], + [ + "\"", + "(" + ], + [ + "ĠCons", + "umer" + ], + [ + "ĠExt", + "reme" + ], + [ + "Ġ12", + "7" + ], + [ + "ĠHer", + "m" + ], + [ + "ĠSac", + "rament" + ], + [ + "iz", + "oph" + ], + [ + "Ġanx", + "ious" + ], + [ + "ul", + "ously" + ], + [ + "Ġsoc", + "ially" + ], + [ + "ĠU", + "TC" + ], + [ + "Ġsol", + "ving" + ], + [ + "ĠLet", + "ter" + ], + [ + "Hist", + "ory" + ], + [ + "ed", + "uc" + ], + [ + "Pr", + "ice" + ], + [ + ")", + ");" + ], + [ + "Ġrel", + "oad" + ], + [ + "am", + "ic" + ], + [ + "Ġp", + "ork" + ], + [ + "Ġdisc", + "ourse" + ], + [ + "Ġt", + "ournaments" + ], + [ + "ai", + "ro" + ], + [ + "ĠK", + "ur" + ], + [ + "ĠCost", + "a" + ], + [ + "Ġviol", + "ating" + ], + [ + "Ġinterf", + "ere" + ], + [ + "Ġrecre", + "ational" + ], + [ + "uff", + "le" + ], + [ + "Ġspe", + "eches" + ], + [ + "Ġneed", + "ing" + ], + [ + "Ġremem", + "bers" + ], + [ + "Ġcred", + "ited" + ], + [ + "n", + "ia" + ], + [ + "f", + "ocused" + ], + [ + "amer", + "a" + ], + [ + "Ġb", + "ru" + ], + [ + "um", + "bs" + ], + [ + "ĠCub", + "an" + ], + [ + "Ġpreced", + "ing" + ], + [ + "Ġnons", + "ense" + ], + [ + "ac", + "ial" + ], + [ + "Ġsmart", + "phones" + ], + [ + "ĠSt", + "ories" + ], + [ + "S", + "ports" + ], + [ + "ĠEmer", + "gency" + ], + [ + "oun", + "cing" + ], + [ + "ef", + "ined" + ], + [ + "Ġb", + "er" + ], + [ + "Ġconsult", + "ing" + ], + [ + "Ġm", + "asters" + ], + [ + "he", + "astern" + ], + [ + ".\"", + "[" + ], + [ + "ĠRun", + "ning" + ], + [ + "Ġsus", + "cept" + ], + [ + "ĠF", + "eng" + ], + [ + "Americ", + "a" + ], + [ + "pr", + "ises" + ], + [ + "st", + "itial" + ], + [ + "ĠWeek", + "ly" + ], + [ + "ĠGreat", + "er" + ], + [ + "mod", + "ules" + ], + [ + "if", + "ter" + ], + [ + "G", + "raphics" + ], + [ + "ul", + "er" + ], + [ + "Ġwho", + "lly" + ], + [ + "Ġsupp", + "ress" + ], + [ + "Ġconce", + "aled" + ], + [ + "Ġhapp", + "ily" + ], + [ + "Ġaccept", + "s" + ], + [ + "ĠEn", + "joy" + ], + [ + "Ġr", + "ivers" + ], + [ + "ĠEx", + "cept" + ], + [ + "2", + "25" + ], + [ + "ĠN", + "HS" + ], + [ + "ĠMc", + "Connell" + ], + [ + "Ġp", + "ussy" + ], + [ + "fer", + "red" + ], + [ + "ut", + "able" + ], + [ + "Ġatt", + "ain" + ], + [ + "Ġ>", + "=" + ], + [ + "Ġdepos", + "its" + ], + [ + "roph", + "ic" + ], + [ + "Ġnot", + "orious" + ], + [ + "ĠSh", + "aw" + ], + [ + "il", + "itation" + ], + [ + "Ġepid", + "emic" + ], + [ + "all", + "ic" + ], + [ + "Ġsmall", + "est" + ], + [ + "ov", + "ich" + ], + [ + "Ġaccess", + "ories" + ], + [ + "per", + "ties" + ], + [ + "Ġsur", + "plus" + ], + [ + "ĠMe", + "ch" + ], + [ + "Ġamb", + "ig" + ], + [ + "ĠImm", + "igration" + ], + [ + "Ġch", + "im" + ], + [ + "ev", + "al" + ], + [ + "Ġpract", + "icing" + ], + [ + "ĠMyster", + "y" + ], + [ + "Ġdom", + "ains" + ], + [ + "ĠSil", + "icon" + ], + [ + "app", + "s" + ], + [ + "Ġkilomet", + "ers" + ], + [ + "e", + "a" + ], + [ + "ĠSm", + "ash" + ], + [ + "Ġwarrant", + "y" + ], + [ + "Ġn", + "ost" + ], + [ + "s", + "il" + ], + [ + "re", + "v" + ], + [ + "J", + "on" + ], + [ + "ĠDub", + "lin" + ], + [ + "Ġtast", + "es" + ], + [ + "Ġb", + "out" + ], + [ + "g", + "reat" + ], + [ + "er", + "ror" + ], + [ + "Ġsw", + "itches" + ], + [ + "ĠB", + "apt" + ], + [ + "D", + "O" + ], + [ + "ok", + "i" + ], + [ + "Ġsour", + "ced" + ], + [ + "pro", + "du" + ], + [ + "Ġattach", + "ment" + ], + [ + "ĠIss", + "ue" + ], + [ + "ĠQuest", + "ion" + ], + [ + "Jo", + "in" + ], + [ + "Ġf", + "itted" + ], + [ + "Ġunlaw", + "ful" + ], + [ + "^", + "^" + ], + [ + "ere", + "k" + ], + [ + "Ġauthent", + "ication" + ], + [ + "Ġst", + "ole" + ], + [ + "Ġaccount", + "ability" + ], + [ + "l", + "abel" + ], + [ + "S", + "earch" + ], + [ + "Ġal", + "beit" + ], + [ + "atic", + "an" + ], + [ + "fund", + "ed" + ], + [ + "ĠAdd", + "ing" + ], + [ + "ĠI", + "Q" + ], + [ + "Ġsub", + "mar" + ], + [ + "l", + "it" + ], + [ + "a", + "que" + ], + [ + "ĠLear", + "ning" + ], + [ + "Ġint", + "eger" + ], + [ + "M", + "aster" + ], + [ + "ĠCh", + "rom" + ], + [ + "Ġprem", + "ier" + ], + [ + "O", + "p" + ], + [ + "ĠLi", + "u" + ], + [ + "Ġbl", + "essed" + ], + [ + "ĠGl", + "obe" + ], + [ + "ĠResp", + "onse" + ], + [ + "Ġlegit", + "im" + ], + [ + "ĠMer", + "kel" + ], + [ + "Ġdispos", + "al" + ], + [ + "Â", + "´" + ], + [ + "Ġgau", + "ge" + ], + [ + "pe", + "at" + ], + [ + "Ġindu", + "ced" + ], + [ + "Ġquestion", + "able" + ], + [ + "arth", + "y" + ], + [ + "ĠV", + "it" + ], + [ + "ĠF", + "eed" + ], + [ + "U", + "ntil" + ], + [ + "U", + "t" + ], + [ + "worth", + "y" + ], + [ + "R", + "Y" + ], + [ + "ĠH", + "erald" + ], + [ + "ĠHam", + "mer" + ], + [ + "Ġmed", + "al" + ], + [ + "ĠR", + "ivers" + ], + [ + "ĠH", + "ack" + ], + [ + "Ġclar", + "ify" + ], + [ + "Ġtrack", + "ed" + ], + [ + "Ġautonom", + "ous" + ], + [ + "Ġten", + "ant" + ], + [ + "ĠQ", + "atar" + ], + [ + "er", + "ie" + ], + [ + "Ġgr", + "im" + ], + [ + "ĠMon", + "itor" + ], + [ + "Ġresist", + "ant" + ], + [ + "ĠSpe", + "c" + ], + [ + "ĠWell", + "s" + ], + [ + "N", + "AS" + ], + [ + "14", + "8" + ], + [ + "Ġmin", + "ers" + ], + [ + "iot", + "ics" + ], + [ + "Ġmiss", + "es" + ], + [ + "11", + "6" + ], + [ + "g", + "ian" + ], + [ + "g", + "it" + ], + [ + "ĠE", + "yes" + ], + [ + "p", + "res" + ], + [ + "Ġgrad", + "uated" + ], + [ + "Ġang", + "el" + ], + [ + "Ġsyn", + "chron" + ], + [ + "Ġefficient", + "ly" + ], + [ + "Ġtrans", + "mitted" + ], + [ + "H", + "arry" + ], + [ + "Ġglob", + "ally" + ], + [ + "EN", + "CE" + ], + [ + "ĠMont", + "ana" + ], + [ + "r", + "aged" + ], + [ + "ĠPre", + "vention" + ], + [ + "Ġp", + "iss" + ], + [ + "ĠL", + "l" + ], + [ + "Ġshe", + "lf" + ], + [ + "ĠB", + "JP" + ], + [ + "ĠTest", + "ament" + ], + [ + "ĠL", + "ate" + ], + [ + "ik", + "er" + ], + [ + "ĠH", + "app" + ], + [ + "ĠJul", + "ian" + ], + [ + "h", + "all" + ], + [ + "Ġsp", + "ont" + ], + [ + "Ġshut", + "down" + ], + [ + "Ġincons", + "istent" + ], + [ + "Ġsubscrib", + "ers" + ], + [ + "Ġske", + "leton" + ], + [ + "ĠNe", + "braska" + ], + [ + "Ġins", + "pire" + ], + [ + "ĠV", + "oid" + ], + [ + "F", + "eed" + ], + [ + "Ġang", + "les" + ], + [ + "ĠSpr", + "ings" + ], + [ + "Ġbench", + "mark" + ], + [ + "Ġvacc", + "ines" + ], + [ + "izoph", + "ren" + ], + [ + "se", + "xual" + ], + [ + "uff", + "ed" + ], + [ + "Ġsh", + "ine" + ], + [ + "ĠK", + "ath" + ], + [ + "Ġgest", + "ure" + ], + [ + "ine", + "a" + ], + [ + "Ġr", + "ip" + ], + [ + "Ġopp", + "ression" + ], + [ + "Ġcons", + "cience" + ], + [ + "b", + "t" + ], + [ + "ĠL", + "um" + ], + [ + "Ġinc", + "idence" + ], + [ + "ĠF", + "a" + ], + [ + "w", + "r" + ], + [ + "Ġmin", + "eral" + ], + [ + "ĠSp", + "urs" + ], + [ + "alk", + "y" + ], + [ + "Ġth", + "under" + ], + [ + "Ġop", + "io" + ], + [ + "Be", + "ing" + ], + [ + "ĠPal", + "m" + ], + [ + "Ġwas", + "ted" + ], + [ + "Ġl", + "b" + ], + [ + "i", + "aries" + ], + [ + "ĠIniti", + "ative" + ], + [ + "Ġcur", + "ric" + ], + [ + "Ġmark", + "er" + ], + [ + "ĠMc", + "L" + ], + [ + "Ġext", + "ensions" + ], + [ + "ĠP", + "v" + ], + [ + "ĠAr", + "ms" + ], + [ + "Ġoffer", + "ings" + ], + [ + "Ġdef", + "enses" + ], + [ + "Ġvend", + "or" + ], + [ + "Ġcontrad", + "ict" + ], + [ + "ĠCol", + "in" + ], + [ + "Ġredd", + "it" + ], + [ + "Ġper", + "ipher" + ], + [ + "12", + "2" + ], + [ + "Ġs", + "ins" + ], + [ + "E", + "dit" + ], + [ + "IC", + "T" + ], + [ + "So", + "ft" + ], + [ + "ĠSh", + "ah" + ], + [ + "Ġadministr", + "ator" + ], + [ + "ĠT", + "rip" + ], + [ + "Ġporn", + "ography" + ], + [ + "Ġtu", + "ition" + ], + [ + "in", + "ence" + ], + [ + "ĠPro", + "gress" + ], + [ + "Ġcat", + "alog" + ], + [ + "Ġsu", + "ite" + ], + [ + "Ġh", + "ike" + ], + [ + "Ġreprodu", + "ctive" + ], + [ + "eng", + "ine" + ], + [ + "Ġd", + "rought" + ], + [ + "ĠNo", + "ah" + ], + [ + "Ġ2", + "30" + ], + [ + "Ġd", + "ude" + ], + [ + "Ġrelax", + "ed" + ], + [ + "Ġpart", + "ition" + ], + [ + "Ġparticip", + "ant" + ], + [ + "Ġtel", + "esc" + ], + [ + "Ġfe", + "as" + ], + [ + "ĠF", + "F" + ], + [ + "own", + "er" + ], + [ + "Ġswe", + "eping" + ], + [ + "Ġl", + "enses" + ], + [ + "Ġmatch", + "up" + ], + [ + "ĠRe", + "pl" + ], + [ + "ourn", + "als" + ], + [ + "Ġcred", + "ible" + ], + [ + "Ġgrand", + "mother" + ], + [ + "Ġther", + "mal" + ], + [ + "Ġsubscrib", + "ing" + ], + [ + "Ġident", + "ities" + ], + [ + "col", + "m" + ], + [ + "U", + "CT" + ], + [ + "Ġreluct", + "ant" + ], + [ + "us", + "ers" + ], + [ + "ĠC", + "ort" + ], + [ + "Ġassist", + "ed" + ], + [ + "OS", + "S" + ], + [ + "ATION", + "S" + ], + [ + "IS", + "H" + ], + [ + "Ġpharm", + "aceutical" + ], + [ + "ic", + "able" + ], + [ + "ad", + "ian" + ], + [ + "ĠSon", + "ic" + ], + [ + "ĠF", + "ury" + ], + [ + "ĠM", + "ong" + ], + [ + "A", + "H" + ], + [ + "ĠPsych", + "ology" + ], + [ + "Ġph", + "osph" + ], + [ + "Ġtreat", + "s" + ], + [ + "Ń", + "Ķ" + ], + [ + "Ġstead", + "ily" + ], + [ + "ĠHell", + "o" + ], + [ + "Ġrel", + "ates" + ], + [ + "Ġcl", + "ue" + ], + [ + "Ex", + "pl" + ], + [ + "a", + "uth" + ], + [ + "Ġrev", + "ision" + ], + [ + "Ġe", + "ld" + ], + [ + "os", + "ion" + ], + [ + "Ġbr", + "on" + ], + [ + "14", + "4" + ], + [ + "ri", + "kes" + ], + [ + "Ġmin", + "es" + ], + [ + "Ġblank", + "et" + ], + [ + "ĠF", + "ail" + ], + [ + "el", + "ed" + ], + [ + "ĠIm", + "agine" + ], + [ + "ĠPl", + "anned" + ], + [ + "a", + "ic" + ], + [ + "Re", + "quest" + ], + [ + "M", + "ad" + ], + [ + "ĠHor", + "se" + ], + [ + "ĠEag", + "le" + ], + [ + "Ġcap", + "ac" + ], + [ + "15", + "7" + ], + [ + "Ġl", + "ing" + ], + [ + "ĠN", + "ice" + ], + [ + "ĠP", + "arenthood" + ], + [ + "min", + "ster" + ], + [ + "og", + "s" + ], + [ + "ens", + "itive" + ], + [ + "Not", + "hing" + ], + [ + "Ġcar", + "n" + ], + [ + "F", + "in" + ], + [ + "ĠP", + "E" + ], + [ + "Ġr", + "ifles" + ], + [ + "ĠL", + "P" + ], + [ + "S", + "and" + ], + [ + "Ġgui", + "Active" + ], + [ + "Ġtour", + "ist" + ], + [ + "C", + "NN" + ], + [ + "Ġunve", + "iled" + ], + [ + "Ġpredec", + "essor" + ], + [ + "}", + "{" + ], + [ + "u", + "ber" + ], + [ + "Ġoff", + "shore" + ], + [ + "Ġopt", + "ical" + ], + [ + "ĠR", + "ot" + ], + [ + "ĠPear", + "l" + ], + [ + "et", + "on" + ], + [ + "Ġst", + "ared" + ], + [ + "Ġfart", + "her" + ], + [ + "at", + "ility" + ], + [ + "cont", + "in" + ], + [ + "ĠG", + "y" + ], + [ + "ĠF", + "oster" + ], + [ + "ĠC", + "oc" + ], + [ + "ri", + "ents" + ], + [ + "Ġdesign", + "ing" + ], + [ + "ĠEconom", + "y" + ], + [ + "ON", + "G" + ], + [ + "W", + "omen" + ], + [ + "ĠN", + "ancy" + ], + [ + "er", + "ver" + ], + [ + "Ġmas", + "cul" + ], + [ + "Ġcasual", + "ties" + ], + [ + "Ġ2", + "25" + ], + [ + "ĠS", + "ullivan" + ], + [ + "ĠCh", + "oice" + ], + [ + "Ġa", + "ster" + ], + [ + "w", + "s" + ], + [ + "Ġhot", + "els" + ], + [ + "Ġconsider", + "ations" + ], + [ + "Ġcou", + "ch" + ], + [ + "ĠSt", + "rip" + ], + [ + "ĠG", + "n" + ], + [ + "Ġmanip", + "ulate" + ], + [ + "l", + "ied" + ], + [ + "Ġsynt", + "hetic" + ], + [ + "Ġassault", + "ed" + ], + [ + "Ġoff", + "enses" + ], + [ + "ĠDra", + "ke" + ], + [ + "Ġim", + "pe" + ], + [ + "Oct", + "ober" + ], + [ + "ĠHer", + "itage" + ], + [ + "h", + "l" + ], + [ + "ĠBl", + "air" + ], + [ + "Un", + "like" + ], + [ + "Ġg", + "rief" + ], + [ + "Ġ4", + "50" + ], + [ + "Ġopt", + "ed" + ], + [ + "Ġresign", + "ation" + ], + [ + "il", + "o" + ], + [ + "Ġver", + "se" + ], + [ + "ĠT", + "omb" + ], + [ + "Ġu", + "pt" + ], + [ + "Ġa", + "ired" + ], + [ + "ĠH", + "ook" + ], + [ + "ĠML", + "B" + ], + [ + "Ġassum", + "es" + ], + [ + "out", + "ed" + ], + [ + "ĠV", + "ers" + ], + [ + "Ġinfer", + "ior" + ], + [ + "Ġbund", + "le" + ], + [ + "ĠD", + "NS" + ], + [ + "ograp", + "her" + ], + [ + "Ġmult", + "ip" + ], + [ + "ĠSoul", + "s" + ], + [ + "Ġillust", + "rated" + ], + [ + "Ġtact", + "ic" + ], + [ + "Ġdress", + "ing" + ], + [ + "Ġdu", + "o" + ], + [ + "Con", + "f" + ], + [ + "Ġrel", + "ent" + ], + [ + "Ġc", + "ant" + ], + [ + "Ġscar", + "ce" + ], + [ + "Ġcand", + "y" + ], + [ + "ĠC", + "F" + ], + [ + "Ġaffili", + "ated" + ], + [ + "Ġspr", + "int" + ], + [ + "yl", + "an" + ], + [ + "ĠGarc", + "ia" + ], + [ + "Ġj", + "unk" + ], + [ + "Pr", + "int" + ], + [ + "ex", + "ec" + ], + [ + "C", + "rit" + ], + [ + "Ġport", + "rait" + ], + [ + "ir", + "ies" + ], + [ + "ĠOF", + "F" + ], + [ + "Ġdisp", + "utes" + ], + [ + "W", + "R" + ], + [ + "L", + "ove" + ], + [ + "ãģ", + "Ħ" + ], + [ + "ĠRe", + "yn" + ], + [ + "Ġh", + "ipp" + ], + [ + "op", + "ath" + ], + [ + "Ġflo", + "ors" + ], + [ + "ĠFe", + "el" + ], + [ + "Ġwor", + "ries" + ], + [ + "Ġsett", + "lements" + ], + [ + "ĠP", + "os" + ], + [ + "Ġmos", + "que" + ], + [ + "Ġfin", + "als" + ], + [ + "Ġcr", + "ushed" + ], + [ + "ĠPro", + "bably" + ], + [ + "ĠB", + "ot" + ], + [ + "ĠM", + "ans" + ], + [ + "ĠPer", + "iod" + ], + [ + "Ġsovere", + "ignty" + ], + [ + "Ġsell", + "er" + ], + [ + "Ġap", + "ost" + ], + [ + "Ġam", + "ateur" + ], + [ + "Ġd", + "orm" + ], + [ + "Ġconsum", + "ing" + ], + [ + "Ġarm", + "our" + ], + [ + "ĠRo", + "ose" + ], + [ + "Ġint", + "ensive" + ], + [ + "Ġelim", + "inating" + ], + [ + "ĠSun", + "ni" + ], + [ + "ĠAle", + "ppo" + ], + [ + "j", + "in" + ], + [ + "Ġadv", + "ise" + ], + [ + "p", + "al" + ], + [ + "ĠH", + "alo" + ], + [ + "Ġdes", + "cent" + ], + [ + "Ġsimpl", + "er" + ], + [ + "Ġbo", + "oth" + ], + [ + "ST", + "R" + ], + [ + "L", + "ater" + ], + [ + "ĠC", + "ave" + ], + [ + "==", + "=" + ], + [ + "Ġm", + "ol" + ], + [ + "Ġf", + "ist" + ], + [ + "Ġshot", + "gun" + ], + [ + "su", + "pp" + ], + [ + "Ġrob", + "bery" + ], + [ + "E", + "ffect" + ], + [ + "Ġobsc", + "ure" + ], + [ + "ĠProf", + "essional" + ], + [ + "Ġemb", + "assy" + ], + [ + "Ġmilit", + "ant" + ], + [ + "Ġinc", + "arcer" + ], + [ + "Ġgener", + "ates" + ], + [ + "Ġlaun", + "ches" + ], + [ + "Ġadministr", + "ators" + ], + [ + "Ġsh", + "aft" + ], + [ + "Ġcirc", + "ular" + ], + [ + "Ġfresh", + "man" + ], + [ + "ĠW", + "es" + ], + [ + "ĠJo", + "el" + ], + [ + "ĠD", + "rew" + ], + [ + "ĠDun", + "can" + ], + [ + "ĠApp", + "arently" + ], + [ + "s", + "ight" + ], + [ + "ĠIntern", + "al" + ], + [ + "ĠInd", + "ividual" + ], + [ + "ĠF", + "E" + ], + [ + "Ġb", + "ore" + ], + [ + "ĠM", + "t" + ], + [ + "Ġbroad", + "ly" + ], + [ + "ĠO", + "ptions" + ], + [ + "ount", + "ain" + ], + [ + "ip", + "es" + ], + [ + "ĠV", + "ideos" + ], + [ + "20", + "4" + ], + [ + "Ġh", + "ills" + ], + [ + "Ġsim", + "ulation" + ], + [ + "Ġdisappoint", + "ment" + ], + [ + "it", + "an" + ], + [ + "ĠLabor", + "atory" + ], + [ + "Ġup", + "ward" + ], + [ + "Ġbound", + "ary" + ], + [ + "Ġdark", + "er" + ], + [ + "h", + "art" + ], + [ + "Ġdomin", + "ance" + ], + [ + "C", + "ong" + ], + [ + "ĠOr", + "acle" + ], + [ + "ĠL", + "ords" + ], + [ + "Ġscholars", + "hip" + ], + [ + "ĠVin", + "cent" + ], + [ + "ed", + "e" + ], + [ + "ĠR", + "ah" + ], + [ + "Ġencour", + "ages" + ], + [ + "ro", + "v" + ], + [ + "Ġqu", + "o" + ], + [ + "Ġprem", + "ise" + ], + [ + "ĠCris", + "is" + ], + [ + "ĠHol", + "ocaust" + ], + [ + "Ġrhyth", + "m" + ], + [ + "Ġmet", + "ric" + ], + [ + "cl", + "ub" + ], + [ + "Ġtransport", + "ed" + ], + [ + "Ġn", + "od" + ], + [ + "ĠP", + "ist" + ], + [ + "Ġancest", + "ors" + ], + [ + "ĠFred", + "er" + ], + [ + "th", + "umbnails" + ], + [ + "ĠC", + "E" + ], + [ + "ON", + "D" + ], + [ + "Ph", + "il" + ], + [ + "ven", + "ge" + ], + [ + "ĠProduct", + "s" + ], + [ + "cast", + "le" + ], + [ + "Ġqual", + "ifying" + ], + [ + "ĠK", + "aren" + ], + [ + "VERTIS", + "EMENT" + ], + [ + "Ġmight", + "y" + ], + [ + "Ġexplan", + "ations" + ], + [ + "Ġfix", + "ing" + ], + [ + "D", + "i" + ], + [ + "Ġdecl", + "aring" + ], + [ + "Ġanonym", + "ity" + ], + [ + "Ġju", + "ven" + ], + [ + "ĠN", + "ord" + ], + [ + "ĠDo", + "om" + ], + [ + "ĠAct", + "ually" + ], + [ + "O", + "k" + ], + [ + "ph", + "is" + ], + [ + "ĠDes", + "ert" + ], + [ + "Ġ11", + "6" + ], + [ + "I", + "K" + ], + [ + "ĠF", + "M" + ], + [ + "Ġinc", + "omes" + ], + [ + "V", + "EL" + ], + [ + "ok", + "ers" + ], + [ + "Ġpe", + "cul" + ], + [ + "Ġlight", + "weight" + ], + [ + "g", + "ue" + ], + [ + "Ġacc", + "ent" + ], + [ + "Ġincre", + "ment" + ], + [ + "ĠCh", + "an" + ], + [ + "Ġcompl", + "aining" + ], + [ + "ĠB", + "aghd" + ], + [ + "Ġmidfield", + "er" + ], + [ + "Ġover", + "haul" + ], + [ + "Pro", + "cess" + ], + [ + "ĠH", + "ollow" + ], + [ + "ĠTit", + "ans" + ], + [ + "Sm", + "all" + ], + [ + "man", + "uel" + ], + [ + "ĠUn", + "ity" + ], + [ + "ĠEv", + "ents" + ], + [ + "S", + "ty" + ], + [ + "Ġdispro", + "portion" + ], + [ + "n", + "esty" + ], + [ + "en", + "es" + ], + [ + "ĠC", + "od" + ], + [ + "Ġdemonstr", + "ations" + ], + [ + "ĠCrim", + "son" + ], + [ + "ĠO", + "H" + ], + [ + "Ġen", + "rolled" + ], + [ + "Ġc", + "el" + ], + [ + "ĠBre", + "tt" + ], + [ + "Ġa", + "ide" + ], + [ + "Ġhe", + "els" + ], + [ + "Ġbroad", + "band" + ], + [ + "Ġmark", + "ing" + ], + [ + "Ġw", + "izard" + ], + [ + "ĠN", + "J" + ], + [ + "ĠChief", + "s" + ], + [ + "Ġingred", + "ient" + ], + [ + "Ġd", + "ug" + ], + [ + "ĠSh", + "ut" + ], + [ + "urch", + "ase" + ], + [ + "end", + "or" + ], + [ + "Ġfar", + "mer" + ], + [ + "ĠGold", + "man" + ], + [ + "12", + "9" + ], + [ + "15", + "5" + ], + [ + "Or", + "der" + ], + [ + "Ġl", + "ion" + ], + [ + "i", + "ably" + ], + [ + "Ġst", + "ain" + ], + [ + "ar", + "ray" + ], + [ + "ilit", + "ary" + ], + [ + "ĠFA", + "Q" + ], + [ + "Ġexpl", + "oded" + ], + [ + "ĠMcC", + "arthy" + ], + [ + "ĠT", + "weet" + ], + [ + "ĠG", + "reens" + ], + [ + "ek", + "ing" + ], + [ + "l", + "n" + ], + [ + "ens", + "en" + ], + [ + "Ġmotor", + "cycle" + ], + [ + "Ġpartic", + "le" + ], + [ + "Ġch", + "olesterol" + ], + [ + "B", + "ron" + ], + [ + "Ġst", + "air" + ], + [ + "Ġox", + "id" + ], + [ + "Ġdes", + "irable" + ], + [ + "ib", + "les" + ], + [ + "Ġthe", + "or" + ], + [ + "for", + "cing" + ], + [ + "Ġpromot", + "ional" + ], + [ + "ov", + "o" + ], + [ + "b", + "oot" + ], + [ + "ĠBon", + "us" + ], + [ + "raw", + "ling" + ], + [ + "Ġshort", + "age" + ], + [ + "ĠP", + "sy" + ], + [ + "Ġrecru", + "ited" + ], + [ + "Ġinf", + "ants" + ], + [ + "Ġtest", + "osterone" + ], + [ + "Ġded", + "uct" + ], + [ + "Ġdistinct", + "ive" + ], + [ + "Ġfirm", + "ware" + ], + [ + "bu", + "ilt" + ], + [ + "14", + "5" + ], + [ + "Ġexpl", + "ored" + ], + [ + "Ġfact", + "ions" + ], + [ + "Ġv", + "ide" + ], + [ + "Ġtatt", + "oo" + ], + [ + "Ġfinan", + "cially" + ], + [ + "Ġfat", + "igue" + ], + [ + "Ġproceed", + "ing" + ], + [ + "const", + "itutional" + ], + [ + "Ġmis", + "er" + ], + [ + "Ġch", + "airs" + ], + [ + "gg", + "ing" + ], + [ + "ipp", + "le" + ], + [ + "Ġd", + "ent" + ], + [ + "Ġdis", + "reg" + ], + [ + "ç", + "Ķ" + ], + [ + "st", + "ant" + ], + [ + "ll", + "o" + ], + [ + "b", + "ps" + ], + [ + "aken", + "ing" + ], + [ + "Ġab", + "normal" + ], + [ + "ĠE", + "RA" + ], + [ + "å£", + "«" + ], + [ + "ĠH", + "BO" + ], + [ + "ĠM", + "AR" + ], + [ + "Ġcon", + "cess" + ], + [ + "Ġserv", + "ant" + ], + [ + "Ġas", + "pir" + ], + [ + "l", + "av" + ], + [ + "ĠPan", + "el" + ], + [ + "am", + "o" + ], + [ + "Ġprec", + "ip" + ], + [ + "Ġrecord", + "ings" + ], + [ + "Ġproceed", + "ed" + ], + [ + "Ġcol", + "ony" + ], + [ + "ĠT", + "ang" + ], + [ + "ab", + "lo" + ], + [ + "Ġstri", + "pped" + ], + [ + "Le", + "ft" + ], + [ + "to", + "o" + ], + [ + "Ġpot", + "atoes" + ], + [ + "Ġfin", + "est" + ], + [ + "%", + ")." + ], + [ + "Ġc", + "rap" + ], + [ + "ĠZ", + "ach" + ], + [ + "ab", + "ases" + ], + [ + "ĠG", + "oth" + ], + [ + "Ġbillion", + "aire" + ], + [ + "w", + "olf" + ], + [ + "Ġsan", + "ction" + ], + [ + "S", + "K" + ], + [ + "Ġlog", + "ged" + ], + [ + "P", + "o" + ], + [ + "ey", + "ed" + ], + [ + "un", + "al" + ], + [ + "Ġcr", + "icket" + ], + [ + "Ġarm", + "ies" + ], + [ + "Ġunc", + "overed" + ], + [ + "Cl", + "oud" + ], + [ + "ó", + "n" + ], + [ + "Ġreb", + "ounds" + ], + [ + "Ġm", + "es" + ], + [ + "O", + "per" + ], + [ + "P", + "ac" + ], + [ + "Ġnation", + "ally" + ], + [ + "Ġinsert", + "ed" + ], + [ + "p", + "ict" + ], + [ + "Ġgovern", + "ance" + ], + [ + "Ð", + "¸" + ], + [ + "Ġprivile", + "ges" + ], + [ + "G", + "ET" + ], + [ + "Ġfavor", + "ites" + ], + [ + "im", + "ity" + ], + [ + "Ġlo", + "ver" + ], + [ + "the", + "m" + ], + [ + "em", + "pl" + ], + [ + "Ġgorge", + "ous" + ], + [ + "An", + "n" + ], + [ + "Ġsl", + "ipped" + ], + [ + "Ġve", + "to" + ], + [ + "B", + "ob" + ], + [ + "Ġsl", + "im" + ], + [ + "u", + "cc" + ], + [ + "ĠF", + "ame" + ], + [ + "udden", + "ly" + ], + [ + "Ġden", + "ies" + ], + [ + "ĠM", + "aur" + ], + [ + "Ġdist", + "ances" + ], + [ + "Ġw", + "anna" + ], + [ + "t", + "ar" + ], + [ + "ĠS", + "ER" + ], + [ + "Ġâ", + "Ī" + ], + [ + "Ġle", + "mon" + ], + [ + "at", + "hetic" + ], + [ + "Ġlit", + "eral" + ], + [ + "Ġdistingu", + "ished" + ], + [ + "Ġansw", + "ering" + ], + [ + "G", + "I" + ], + [ + "Ġrelig", + "ions" + ], + [ + "ĠPhil", + "os" + ], + [ + "ĠL", + "ay" + ], + [ + "Ġcomp", + "os" + ], + [ + "ire", + "ments" + ], + [ + "ĠK", + "os" + ], + [ + "ine", + "z" + ], + [ + "roll", + "ing" + ], + [ + "Ġyoung", + "est" + ], + [ + "and", + "ise" + ], + [ + "ĠB", + "orn" + ], + [ + "Ġalt", + "ar" + ], + [ + "am", + "ina" + ], + [ + "ĠB", + "oot" + ], + [ + "v", + "oc" + ], + [ + "Ġdig", + "ging" + ], + [ + "Ġpress", + "ures" + ], + [ + "Ġl", + "en" + ], + [ + "26", + "4" + ], + [ + "Ġassass", + "ination" + ], + [ + "ĠBir", + "mingham" + ], + [ + "ĠMy", + "th" + ], + [ + "Ġsovere", + "ign" + ], + [ + "ĠArt", + "ist" + ], + [ + "ĠPhot", + "ograph" + ], + [ + "Ġdep", + "icted" + ], + [ + "Ġdisp", + "ens" + ], + [ + "orth", + "y" + ], + [ + "Ġamb", + "ul" + ], + [ + "int", + "eg" + ], + [ + "ĠC", + "ele" + ], + [ + "ĠTib", + "et" + ], + [ + "Ġhier", + "archy" + ], + [ + "Ġc", + "u" + ], + [ + "Ġpre", + "season" + ], + [ + "ĠPet", + "erson" + ], + [ + "Ġcol", + "ours" + ], + [ + "Ġworry", + "ing" + ], + [ + "Ġback", + "ers" + ], + [ + "ĠPal", + "mer" + ], + [ + "ĠÎ", + "¼" + ], + [ + "Ġcontribut", + "or" + ], + [ + "Ġhear", + "ings" + ], + [ + "Ġur", + "ine" + ], + [ + "Ġ", + "Ù" + ], + [ + "ourge", + "ois" + ], + [ + "Sim", + "ilar" + ], + [ + "ĠZ", + "immer" + ], + [ + "s", + "omething" + ], + [ + "ĠUS", + "C" + ], + [ + "Ġstrength", + "s" + ], + [ + "ĠF", + "I" + ], + [ + "Ġlog", + "ging" + ], + [ + "As", + "ked" + ], + [ + "ĠTh", + "ai" + ], + [ + "in", + "qu" + ], + [ + "ĠW", + "alt" + ], + [ + "Ġcrew", + "s" + ], + [ + "it", + "ism" + ], + [ + "3", + "01" + ], + [ + "Ġshar", + "ply" + ], + [ + "um", + "ed" + ], + [ + "Ġred", + "irect" + ], + [ + "r", + "ators" + ], + [ + "In", + "f" + ], + [ + "ĠWe", + "apons" + ], + [ + "Ġte", + "asp" + ], + [ + "19", + "99" + ], + [ + "L", + "ive" + ], + [ + "ĠEs", + "pecially" + ], + [ + "ĠS", + "ter" + ], + [ + "ĠVeter", + "ans" + ], + [ + "Ġint", + "ro" + ], + [ + "other", + "apy" + ], + [ + "Ġmal", + "ware" + ], + [ + "Ġbre", + "eding" + ], + [ + "Ġmole", + "cular" + ], + [ + "ĠR", + "oute" + ], + [ + "ĠCom", + "ment" + ], + [ + "oc", + "hem" + ], + [ + "Ġa", + "in" + ], + [ + "Se", + "ason" + ], + [ + "Ġlineback", + "er" + ], + [ + "Ä", + "«" + ], + [ + "ĠEconom", + "ics" + ], + [ + "es", + "ar" + ], + [ + "ĠL", + "ives" + ], + [ + "ĠEm", + "ma" + ], + [ + "Ġk", + "in" + ], + [ + "ĠTer", + "rit" + ], + [ + "Ġpl", + "anted" + ], + [ + "ot", + "on" + ], + [ + "ĠBut", + "ter" + ], + [ + "ĠSp", + "ons" + ], + [ + "P", + "ER" + ], + [ + "Ġdun", + "geon" + ], + [ + "Ġsymb", + "olic" + ], + [ + "Ġfil", + "med" + ], + [ + "Ġdi", + "ets" + ], + [ + "Ġconclud", + "es" + ], + [ + "Ġcertain", + "ty" + ], + [ + "ĠForm", + "at" + ], + [ + "Ġstr", + "angers" + ], + [ + "form", + "at" + ], + [ + "ĠPh", + "ase" + ], + [ + "Ġcop", + "ied" + ], + [ + "Ġmet", + "res" + ], + [ + "ld", + "a" + ], + [ + "ĠUs", + "ers" + ], + [ + "Ġdeliber", + "ate" + ], + [ + "Ġwas", + "hed" + ], + [ + "ĠL", + "ance" + ], + [ + "im", + "ation" + ], + [ + "Ġimpro", + "per" + ], + [ + "ĠGen", + "esis" + ], + [ + "ick", + "r" + ], + [ + "ĠK", + "ush" + ], + [ + "Ġreal", + "ise" + ], + [ + "Ġembarrass", + "ing" + ], + [ + "alk", + "ing" + ], + [ + "b", + "ucks" + ], + [ + "Ġver", + "ified" + ], + [ + "Ġout", + "line" + ], + [ + "year", + "s" + ], + [ + "ĠIn", + "come" + ], + [ + "20", + "2" + ], + [ + "Ġz", + "ombies" + ], + [ + "F", + "inal" + ], + [ + "ĠMill", + "enn" + ], + [ + "Ġmod", + "ifications" + ], + [ + "ĠV", + "ision" + ], + [ + "ĠM", + "oses" + ], + [ + "ver", + "b" + ], + [ + "iter", + "ranean" + ], + [ + "ĠJ", + "et" + ], + [ + "Ġnav", + "al" + ], + [ + "ĠA", + "gg" + ], + [ + "Ġur", + "l" + ], + [ + "Ġvict", + "ories" + ], + [ + "Ġnon", + "etheless" + ], + [ + "Ġinj", + "ust" + ], + [ + "ĠF", + "act" + ], + [ + "ç", + "ļ" + ], + [ + "Ġins", + "ufficient" + ], + [ + "re", + "view" + ], + [ + "face", + "book" + ], + [ + "Ġnegoti", + "ating" + ], + [ + "Ġguarant", + "ees" + ], + [ + "im", + "en" + ], + [ + "uten", + "berg" + ], + [ + "Ġg", + "ambling" + ], + [ + "Ġcon", + "gr" + ], + [ + "Load", + "ing" + ], + [ + "Ġnever", + "theless" + ], + [ + "Ġpres", + "idents" + ], + [ + "ĠIndust", + "rial" + ], + [ + "Ġ11", + "8" + ], + [ + "Ġp", + "oured" + ], + [ + "ĠT", + "ory" + ], + [ + "Ġ17", + "5" + ], + [ + "Ġ:", + "=" + ], + [ + "Sc", + "ott" + ], + [ + "ange", + "red" + ], + [ + "T", + "ok" + ], + [ + "Ġorgan", + "izers" + ], + [ + "M", + "at" + ], + [ + "ĠG", + "rowth" + ], + [ + "Ġad", + "ul" + ], + [ + "Ġens", + "ures" + ], + [ + "Ġ11", + "7" + ], + [ + "é¾į", + "å" + ], + [ + "Ġmass", + "acre" + ], + [ + "Ġgr", + "ades" + ], + [ + "be", + "fore" + ], + [ + "AD", + "VERTISEMENT" + ], + [ + "ĠSl", + "ow" + ], + [ + "ĠM", + "MA" + ], + [ + "âĢĶ", + "\"" + ], + [ + "ĠV", + "atican" + ], + [ + "Q", + "aeda" + ], + [ + "Ġo", + "we" + ], + [ + "66", + "66" + ], + [ + "ĠS", + "orry" + ], + [ + "ĠGr", + "ass" + ], + [ + "Ġbackground", + "s" + ], + [ + "Ġexha", + "usted" + ], + [ + "Ġcl", + "an" + ], + [ + "Ġcomprom", + "ised" + ], + [ + "ĠE", + "lf" + ], + [ + "ĠIsa", + "ac" + ], + [ + "ens", + "on" + ], + [ + "In", + "vest" + ], + [ + "IF", + "A" + ], + [ + "Ġinterrupt", + "ed" + ], + [ + "ãĥī", + "ãĥ©" + ], + [ + "Ġtw", + "isted" + ], + [ + "ĠDrag", + "ons" + ], + [ + "M", + "ode" + ], + [ + "ĠK", + "remlin" + ], + [ + "Ġfert", + "il" + ], + [ + "he", + "res" + ], + [ + "ph", + "an" + ], + [ + "ĠN", + "ode" + ], + [ + "f", + "ed" + ], + [ + "ĠOr", + "c" + ], + [ + "Ġunw", + "illing" + ], + [ + "C", + "ent" + ], + [ + "Ġprior", + "it" + ], + [ + "Ġgrad", + "uates" + ], + [ + "Ġsubject", + "ive" + ], + [ + "Ġiss", + "uing" + ], + [ + "ĠL", + "t" + ], + [ + "Ġview", + "er" + ], + [ + "Ġw", + "oke" + ], + [ + "Th", + "us" + ], + [ + "bro", + "ok" + ], + [ + "Ġdep", + "ressed" + ], + [ + "Ġbr", + "acket" + ], + [ + "ĠG", + "or" + ], + [ + "ĠFight", + "ing" + ], + [ + "Ġstri", + "ker" + ], + [ + "Rep", + "ort" + ], + [ + "ĠPortug", + "al" + ], + [ + "Ġne", + "o" + ], + [ + "w", + "ed" + ], + [ + "19", + "9" + ], + [ + "Ġflee", + "ing" + ], + [ + "sh", + "adow" + ], + [ + "ident", + "ified" + ], + [ + "US", + "E" + ], + [ + "Ste", + "am" + ], + [ + "Ġstret", + "ched" + ], + [ + "Ġrevel", + "ations" + ], + [ + "art", + "ed" + ], + [ + "ĠD", + "w" + ], + [ + "Ġalign", + "ment" + ], + [ + "est", + "on" + ], + [ + "ĠJ", + "ared" + ], + [ + "S", + "ep" + ], + [ + "Ġblog", + "s" + ], + [ + "up", + "date" + ], + [ + "g", + "om" + ], + [ + "r", + "isk" + ], + [ + "Ġcl", + "ash" + ], + [ + "ĠH", + "our" + ], + [ + "Ġrun", + "time" + ], + [ + "Ġunw", + "anted" + ], + [ + "Ġsc", + "am" + ], + [ + "Ġr", + "ack" + ], + [ + "Ġen", + "light" + ], + [ + "on", + "est" + ], + [ + "ĠF", + "err" + ], + [ + "Ġconv", + "ictions" + ], + [ + "Ġp", + "iano" + ], + [ + "Ġcirc", + "ulation" + ], + [ + "ĠW", + "elcome" + ], + [ + "Ġback", + "lash" + ], + [ + "ĠW", + "ade" + ], + [ + "Ġrece", + "ivers" + ], + [ + "ot", + "ive" + ], + [ + "J", + "eff" + ], + [ + "Ġnetwork", + "ing" + ], + [ + "ĠPre", + "p" + ], + [ + "ĠExpl", + "orer" + ], + [ + "Ġlect", + "ure" + ], + [ + "Ġupload", + "ed" + ], + [ + "ĠMe", + "at" + ], + [ + "B", + "LE" + ], + [ + "ĠNaz", + "is" + ], + [ + "ĠSy", + "nd" + ], + [ + "st", + "ud" + ], + [ + "ro", + "ots" + ], + [ + "ri", + "ans" + ], + [ + "Ġportray", + "ed" + ], + [ + "Ġ", + "??" + ], + [ + "ĠBudd", + "ha" + ], + [ + "s", + "un" + ], + [ + "Rober", + "t" + ], + [ + "ĠCom", + "plex" + ], + [ + "Ġover", + "see" + ], + [ + "Ġste", + "alth" + ], + [ + "T", + "itle" + ], + [ + "ĠJ", + "obs" + ], + [ + "ĠK", + "um" + ], + [ + "Ġappreci", + "ation" + ], + [ + "ĠM", + "OD" + ], + [ + "Ġbas", + "ics" + ], + [ + "Ġcl", + "ips" + ], + [ + "Ġnurs", + "ing" + ], + [ + "Ġpropos", + "ition" + ], + [ + "Ġreal", + "ised" + ], + [ + "ĠNY", + "C" + ], + [ + "Ġall", + "ocated" + ], + [ + "ri", + "um" + ], + [ + "ar", + "an" + ], + [ + "ĠPro", + "duction" + ], + [ + "ĠV", + "ote" + ], + [ + "Ġsm", + "ugg" + ], + [ + "Ġhun", + "ter" + ], + [ + "az", + "er" + ], + [ + "ĠCh", + "anges" + ], + [ + "Ġfl", + "uct" + ], + [ + "y", + "on" + ], + [ + "Ar", + "ray" + ], + [ + "Ġk", + "its" + ], + [ + "W", + "ater" + ], + [ + "Ġuncom", + "mon" + ], + [ + "Ġrest", + "ing" + ], + [ + "ell", + "s" + ], + [ + "w", + "ould" + ], + [ + "Ġpurs", + "ued" + ], + [ + "Ġassert", + "ion" + ], + [ + "omet", + "own" + ], + [ + "ĠMos", + "ul" + ], + [ + "ĠPl", + "atform" + ], + [ + "io", + "let" + ], + [ + "Ġshare", + "holders" + ], + [ + "Ġtra", + "ils" + ], + [ + "P", + "ay" + ], + [ + "ĠEn", + "forcement" + ], + [ + "ty", + "pes" + ], + [ + "ĠAn", + "onymous" + ], + [ + "Ġsatisf", + "ying" + ], + [ + "il", + "ogy" + ], + [ + "Ġ(", + "'" + ], + [ + "w", + "ave" + ], + [ + "c", + "ity" + ], + [ + "Ste", + "ve" + ], + [ + "Ġconfront", + "ation" + ], + [ + "ĠE", + "ld" + ], + [ + "C", + "apt" + ], + [ + "ah", + "an" + ], + [ + "ht", + "m" + ], + [ + "ĠC", + "trl" + ], + [ + "ON", + "S" + ], + [ + "2", + "30" + ], + [ + "if", + "a" + ], + [ + "hold", + "ing" + ], + [ + "Ġdelic", + "ate" + ], + [ + "Ġj", + "aw" + ], + [ + "ĠGo", + "ing" + ], + [ + "or", + "um" + ], + [ + "S", + "al" + ], + [ + "Ġd", + "ull" + ], + [ + "ĠB", + "eth" + ], + [ + "Ġpr", + "isons" + ], + [ + "Ġe", + "go" + ], + [ + "ĠEl", + "sa" + ], + [ + "avor", + "ite" + ], + [ + "ĠG", + "ang" + ], + [ + "ĠN", + "uclear" + ], + [ + "Ġsp", + "ider" + ], + [ + "ats", + "u" + ], + [ + "Ġsam", + "pling" + ], + [ + "Ġabsor", + "bed" + ], + [ + "ĠPh", + "arm" + ], + [ + "iet", + "h" + ], + [ + "Ġbuck", + "et" + ], + [ + "ĠRec", + "omm" + ], + [ + "O", + "F" + ], + [ + "ĠF", + "actory" + ], + [ + "AN", + "CE" + ], + [ + "Ġb", + "acter" + ], + [ + "H", + "as" + ], + [ + "ĠObs", + "erv" + ], + [ + "12", + "1" + ], + [ + "Ġprem", + "iere" + ], + [ + "De", + "velop" + ], + [ + "Ġcur", + "rencies" + ], + [ + "C", + "ast" + ], + [ + "Ġaccompany", + "ing" + ], + [ + "ĠNash", + "ville" + ], + [ + "Ġfat", + "ty" + ], + [ + "ĠBre", + "nd" + ], + [ + "Ġloc", + "ks" + ], + [ + "Ġcent", + "ered" + ], + [ + "ĠU", + "T" + ], + [ + "augh", + "s" + ], + [ + "or", + "ie" + ], + [ + "ĠAff", + "ordable" + ], + [ + "v", + "ance" + ], + [ + "D", + "L" + ], + [ + "em", + "et" + ], + [ + "Ġthr", + "one" + ], + [ + "ĠBlu", + "etooth" + ], + [ + "Ġn", + "aming" + ], + [ + "if", + "ts" + ], + [ + "AD", + "E" + ], + [ + "Ġcorrect", + "ed" + ], + [ + "Ġprompt", + "ly" + ], + [ + "ĠST", + "R" + ], + [ + "Ġgen", + "ome" + ], + [ + "Ġcop", + "e" + ], + [ + "Ġval", + "ley" + ], + [ + "Ġround", + "ed" + ], + [ + "ĠK", + "end" + ], + [ + "al", + "ion" + ], + [ + "p", + "ers" + ], + [ + "Ġtour", + "ism" + ], + [ + "Ġst", + "ark" + ], + [ + "v", + "l" + ], + [ + "Ġblow", + "ing" + ], + [ + "ĠSche", + "dule" + ], + [ + "st", + "d" + ], + [ + "Ġunh", + "appy" + ], + [ + "Ġlit", + "igation" + ], + [ + "ced", + "es" + ], + [ + "Ġand", + "roid" + ], + [ + "Ġinteg", + "ral" + ], + [ + "ere", + "rs" + ], + [ + "ud", + "ed" + ], + [ + "t", + "ax" + ], + [ + "Ġre", + "iter" + ], + [ + "ĠMot", + "ors" + ], + [ + "oci", + "ated" + ], + [ + "Ġwond", + "ers" + ], + [ + "ĠAp", + "ost" + ], + [ + "uck", + "ing" + ], + [ + "ĠRoose", + "velt" + ], + [ + "f", + "ram" + ], + [ + "Ġyield", + "s" + ], + [ + "Ġconstit", + "utes" + ], + [ + "aw", + "k" + ], + [ + "Int", + "erest" + ], + [ + "Ġinter", + "im" + ], + [ + "Ġbreak", + "through" + ], + [ + "ĠC", + "her" + ], + [ + "Ġpro", + "sec" + ], + [ + "ĠD", + "j" + ], + [ + "ĠM", + "T" + ], + [ + "Res", + "p" + ], + [ + "ĠP", + "T" + ], + [ + "Ġs", + "perm" + ], + [ + "ed", + "it" + ], + [ + "B", + "T" + ], + [ + "Lin", + "ux" + ], + [ + "count", + "ry" + ], + [ + "le", + "ague" + ], + [ + "Ġd", + "ick" + ], + [ + "Ġo", + "ct" + ], + [ + "Ġinsert", + "ing" + ], + [ + "Ġsc", + "ra" + ], + [ + "ĠBrew", + "ing" + ], + [ + "Ġ19", + "66" + ], + [ + "Ġrun", + "ners" + ], + [ + "Ġpl", + "un" + ], + [ + "id", + "y" + ], + [ + "ĠD", + "ian" + ], + [ + "Ġdys", + "function" + ], + [ + "Ġex", + "clusion" + ], + [ + "Ġdis", + "gr" + ], + [ + "Ġincorpor", + "ate" + ], + [ + "Ġrecon", + "c" + ], + [ + "Ġnom", + "inated" + ], + [ + "ĠAr", + "cher" + ], + [ + "d", + "raw" + ], + [ + "achel", + "or" + ], + [ + "Ġwrit", + "ings" + ], + [ + "Ġshall", + "ow" + ], + [ + "Ġh", + "ast" + ], + [ + "ĠB", + "MW" + ], + [ + "ĠR", + "S" + ], + [ + "Ġth", + "igh" + ], + [ + "Ġ19", + "63" + ], + [ + "Ġl", + "amb" + ], + [ + "Ġfav", + "ored" + ], + [ + "ag", + "le" + ], + [ + "Ġcool", + "er" + ], + [ + "ĠH", + "ours" + ], + [ + "ĠG", + "U" + ], + [ + "ĠOrig", + "in" + ], + [ + "Ġglim", + "pse" + ], + [ + "----------------", + "----" + ], + [ + "L", + "im" + ], + [ + "Ġche", + "ek" + ], + [ + "Ġj", + "ealous" + ], + [ + "-", + "'" + ], + [ + "Ġhar", + "ness" + ], + [ + "ĠPo", + "ison" + ], + [ + "Ġdis", + "abilities" + ], + [ + "ne", + "apolis" + ], + [ + "Ġout", + "look" + ], + [ + "Ġnot", + "ify" + ], + [ + "ĠIndian", + "apolis" + ], + [ + "Ġab", + "rupt" + ], + [ + "ns", + "ic" + ], + [ + "Ġenc", + "rypted" + ], + [ + "Ġfor", + "fe" + ], + [ + "reat", + "h" + ], + [ + "Ġr", + "abb" + ], + [ + "Ġfound", + "ations" + ], + [ + "Ġcompl", + "iment" + ], + [ + "ĠInter", + "view" + ], + [ + "ĠS", + "we" + ], + [ + "Ġad", + "olesc" + ], + [ + "Ġmon", + "itors" + ], + [ + "ĠSacrament", + "o" + ], + [ + "Ġtime", + "ly" + ], + [ + "Ġcontem", + "pl" + ], + [ + "Ġposition", + "ed" + ], + [ + "Ġpost", + "ers" + ], + [ + "ph", + "ies" + ], + [ + "iov", + "ascular" + ], + [ + "v", + "oid" + ], + [ + "ĠFif", + "th" + ], + [ + "Ġinvestig", + "ative" + ], + [ + "OU", + "N" + ], + [ + "Ġinteg", + "rate" + ], + [ + "ĠIN", + "C" + ], + [ + "ish", + "a" + ], + [ + "ibl", + "ings" + ], + [ + "ĠRe", + "quest" + ], + [ + "ĠRodrig", + "uez" + ], + [ + "Ġsl", + "ides" + ], + [ + "ĠD", + "X" + ], + [ + "Ġfemin", + "ism" + ], + [ + "Ġdat", + "as" + ], + [ + "Ġb", + "end" + ], + [ + "ir", + "us" + ], + [ + "ĠNig", + "eria" + ], + [ + "F", + "ox" + ], + [ + "Ch", + "ange" + ], + [ + "Ġair", + "plane" + ], + [ + "ĠLad", + "en" + ], + [ + "Ġpublic", + "ity" + ], + [ + "ixt", + "y" + ], + [ + "Ġcommit", + "ments" + ], + [ + "Ġaggreg", + "ate" + ], + [ + "Ġdisplay", + "ing" + ], + [ + "ĠAr", + "row" + ], + [ + "Ġ12", + "2" + ], + [ + "Ġrespect", + "s" + ], + [ + "and", + "roid" + ], + [ + "s", + "ix" + ], + [ + "ĠSh", + "a" + ], + [ + "Ġrest", + "oration" + ], + [ + ")", + "\\" + ], + [ + "W", + "S" + ], + [ + "oy", + "s" + ], + [ + "Ġillust", + "rate" + ], + [ + "with", + "out" + ], + [ + "12", + "6" + ], + [ + "ĠâĶ", + "Ĥ" + ], + [ + "Ġpick", + "up" + ], + [ + "n", + "els" + ], + [ + "Ġ", + "...." + ], + [ + "f", + "ood" + ], + [ + "ĠF", + "en" + ], + [ + ")", + "?" + ], + [ + "Ġphenomen", + "a" + ], + [ + "Ġcompan", + "ions" + ], + [ + "ĠW", + "rite" + ], + [ + "Ġsp", + "ill" + ], + [ + "Ġbr", + "idges" + ], + [ + "ĠUp", + "dated" + ], + [ + "ĠF", + "o" + ], + [ + "Ġinsect", + "s" + ], + [ + "ASH", + "INGTON" + ], + [ + "Ġsc", + "are" + ], + [ + "il", + "tr" + ], + [ + "ĠZh", + "ang" + ], + [ + "Ġsever", + "ity" + ], + [ + "Ġind", + "ul" + ], + [ + "14", + "9" + ], + [ + "ĠCo", + "ffee" + ], + [ + "Ġnorm", + "s" + ], + [ + "Ġp", + "ulse" + ], + [ + "ĠF", + "T" + ], + [ + "Ġhorr", + "ific" + ], + [ + "ĠDest", + "roy" + ], + [ + "ĠJ", + "SON" + ], + [ + "Ġo", + "live" + ], + [ + "Ġdiscuss", + "es" + ], + [ + "R", + "est" + ], + [ + "E", + "lect" + ], + [ + "ĠW", + "inn" + ], + [ + "ĠSurv", + "iv" + ], + [ + "ĠH", + "ait" + ], + [ + "S", + "ure" + ], + [ + "op", + "ed" + ], + [ + "Ġro", + "oted" + ], + [ + "ĠS", + "ke" + ], + [ + "ĠBron", + "ze" + ], + [ + "Ġl", + "ol" + ], + [ + "Def", + "ault" + ], + [ + "Ġcommod", + "ity" + ], + [ + "red", + "ited" + ], + [ + "Ġliber", + "tarian" + ], + [ + "Ġforb", + "idden" + ], + [ + "Ġgr", + "an" + ], + [ + "à", + "¨" + ], + [ + "Ġl", + "ag" + ], + [ + "en", + "z" + ], + [ + "dri", + "ve" + ], + [ + "Ġmathemat", + "ics" + ], + [ + "Ġw", + "ires" + ], + [ + "Ġcrit", + "ically" + ], + [ + "Ġcarb", + "ohyd" + ], + [ + "ĠChance", + "llor" + ], + [ + "ĠEd", + "die" + ], + [ + "Ġban", + "ning" + ], + [ + "ĠF", + "ri" + ], + [ + "Ġcompl", + "ications" + ], + [ + "et", + "ric" + ], + [ + "ĠBangl", + "adesh" + ], + [ + "Ġband", + "width" + ], + [ + "St", + "op" + ], + [ + "ĠOrig", + "inally" + ], + [ + "Ġhalf", + "way" + ], + [ + "yn", + "asty" + ], + [ + "sh", + "ine" + ], + [ + "Ġt", + "ales" + ], + [ + "rit", + "ies" + ], + [ + "av", + "ier" + ], + [ + "Ġspin", + "ning" + ], + [ + "ĠWH", + "O" + ], + [ + "Ġneighbour", + "hood" + ], + [ + "b", + "ach" + ], + [ + "Ġcommer", + "ce" + ], + [ + "ĠS", + "le" + ], + [ + "B", + "U" + ], + [ + "Ġentreprene", + "ur" + ], + [ + "Ġpecul", + "iar" + ], + [ + "ĠCom", + "ments" + ], + [ + "f", + "re" + ], + [ + "3", + "20" + ], + [ + "IC", + "S" + ], + [ + "Ġimag", + "ery" + ], + [ + "ĠCan", + "on" + ], + [ + "ĠElect", + "ronic" + ], + [ + "sh", + "ort" + ], + [ + "(", + "(" + ], + [ + "D", + "ig" + ], + [ + "Ġcomm", + "em" + ], + [ + "u", + "ced" + ], + [ + "Ġincl", + "ined" + ], + [ + "ĠSum", + "mon" + ], + [ + "Ġcl", + "iff" + ], + [ + "ĠMed", + "iterranean" + ], + [ + "Ġpo", + "etry" + ], + [ + "Ġprosper", + "ity" + ], + [ + "ĠRe", + "ce" + ], + [ + "Ġp", + "ills" + ], + [ + "m", + "ember" + ], + [ + "Ġfin", + "ale" + ], + [ + "un", + "c" + ], + [ + "ĠG", + "ig" + ], + [ + "ä", + "½" + ], + [ + "Ġl", + "od" + ], + [ + "Ġback", + "ward" + ], + [ + "-", + "+" + ], + [ + "ĠFor", + "ward" + ], + [ + "Ġth", + "ri" + ], + [ + "s", + "ure" + ], + [ + "Ġso", + "ap" + ], + [ + "ĠF", + "X" + ], + [ + "R", + "ES" + ], + [ + "ĠSe", + "xual" + ], + [ + "oul", + "os" + ], + [ + "Ġfool", + "ish" + ], + [ + "Ġright", + "eous" + ], + [ + "Ġco", + "ff" + ], + [ + "terror", + "ism" + ], + [ + "ust", + "ain" + ], + [ + "ot", + "er" + ], + [ + "Ġab", + "uses" + ], + [ + "ne", + "xt" + ], + [ + "Ġab", + "usive" + ], + [ + "Ġthere", + "after" + ], + [ + "Ġprohib", + "ition" + ], + [ + "ĠS", + "UP" + ], + [ + "Ġd", + "ip" + ], + [ + "Ġr", + "ipped" + ], + [ + "Ġinher", + "ited" + ], + [ + "Ġb", + "ats" + ], + [ + "st", + "ru" + ], + [ + "G", + "T" + ], + [ + "Ġflaw", + "ed" + ], + [ + "ph", + "abet" + ], + [ + "Ġf", + "og" + ], + [ + "do", + "ors" + ], + [ + "Ġim", + "aging" + ], + [ + "Ġdig", + "its" + ], + [ + "ĠHung", + "ary" + ], + [ + "Ġar", + "rog" + ], + [ + "Ġteach", + "ings" + ], + [ + "Ġprotocol", + "s" + ], + [ + "ĠB", + "anks" + ], + [ + "à", + "¸" + ], + [ + "p", + "ound" + ], + [ + "ĠC", + "urt" + ], + [ + ".\"", + ")" + ], + [ + ".", + "/" + ], + [ + "Ġex", + "emption" + ], + [ + "end", + "ix" + ], + [ + "ĠM", + "ull" + ], + [ + "Ġimpro", + "ves" + ], + [ + "ĠG", + "amer" + ], + [ + "d", + "imensional" + ], + [ + "I", + "con" + ], + [ + "ĠMarg", + "aret" + ], + [ + "St", + "atus" + ], + [ + "d", + "ates" + ], + [ + "Ġint", + "ends" + ], + [ + "Ġdep", + "ict" + ], + [ + "Ġpark", + "ed" + ], + [ + "J", + "oe" + ], + [ + "ĠMar", + "ines" + ], + [ + "chn", + "ology" + ], + [ + "!", + ")." + ], + [ + "Ġjud", + "ged" + ], + [ + "Ġwe", + "ights" + ], + [ + "R", + "ay" + ], + [ + "Ġapart", + "ments" + ], + [ + "he", + "ster" + ], + [ + "Ġrein", + "force" + ], + [ + "Ġoff", + "ender" + ], + [ + "occ", + "up" + ], + [ + "Ġs", + "ore" + ], + [ + "e", + "pt" + ], + [ + "ĠPH", + "P" + ], + [ + "ĠB", + "row" + ], + [ + "Ġauthor", + "ization" + ], + [ + "ĠR", + "isk" + ], + [ + "ĠDel", + "aware" + ], + [ + "ĠQ", + "U" + ], + [ + "Ġnot", + "ifications" + ], + [ + "Ġsun", + "light" + ], + [ + "Ġex", + "clude" + ], + [ + "d", + "at" + ], + [ + "Ġm", + "esh" + ], + [ + "ĠSud", + "an" + ], + [ + "Ġbelong", + "ed" + ], + [ + "Ġsub", + "way" + ], + [ + "Ġno", + "on" + ], + [ + "ĠInter", + "ior" + ], + [ + "ol", + "ics" + ], + [ + "ĠL", + "akers" + ], + [ + "Ġc", + "oding" + ], + [ + "Dis", + "claimer" + ], + [ + "Cal", + "if" + ], + [ + "O", + "ld" + ], + [ + "Ġdis", + "l" + ], + [ + "????", + "?" + ], + [ + "Ġconfir", + "ms" + ], + [ + "Ġrecruit", + "ment" + ], + [ + "Ġhom", + "icide" + ], + [ + "Cons", + "ider" + ], + [ + "ĠJeff", + "rey" + ], + [ + "ft", + "y" + ], + [ + "}", + ";" + ], + [ + "Ġobject", + "ion" + ], + [ + "do", + "ing" + ], + [ + "ĠLe", + "o" + ], + [ + "W", + "ant" + ], + [ + "Ġgl", + "ow" + ], + [ + "ĠClar", + "ke" + ], + [ + "ĠNorm", + "an" + ], + [ + "Ġver", + "ification" + ], + [ + "Ġpack", + "et" + ], + [ + "ĠForm", + "ula" + ], + [ + "Ġpl", + "ag" + ], + [ + "es", + "ville" + ], + [ + "Ġshout", + "ing" + ], + [ + "Ġo", + "v" + ], + [ + "ĠR", + "EC" + ], + [ + "ĠB", + "ub" + ], + [ + "Ġn", + "inth" + ], + [ + "Ġener", + "g" + ], + [ + "Ġvalid", + "ity" + ], + [ + "Ġup", + "s" + ], + [ + "j", + "ack" + ], + [ + "Ġneighbor", + "ing" + ], + [ + "ĠN", + "ec" + ], + [ + "ew", + "orks" + ], + [ + "ĠH", + "ab" + ], + [ + "are", + "z" + ], + [ + "Ġsp", + "ine" + ], + [ + "Ġevent", + "ual" + ], + [ + "ĠLe", + "aders" + ], + [ + "ĠC", + "arn" + ], + [ + "Ġprob", + "ation" + ], + [ + "Ġrom", + "ance" + ], + [ + "ms", + "g" + ], + [ + "ĠMechan", + "ical" + ], + [ + "ER", + "Y" + ], + [ + "R", + "ock" + ], + [ + "Ġpart", + "isan" + ], + [ + "N", + "ode" + ], + [ + "ass", + "ets" + ], + [ + "min", + "ent" + ], + [ + "Ġforeign", + "ers" + ], + [ + "Ġtest", + "ify" + ], + [ + "ĠUs", + "ually" + ], + [ + "l", + "ords" + ], + [ + "ĠG", + "ren" + ], + [ + "ĠPow", + "ell" + ], + [ + "BI", + "L" + ], + [ + "Ġs", + "r" + ], + [ + "Ġadd", + "ict" + ], + [ + "Ġshell", + "s" + ], + [ + "Ġs", + "igh" + ], + [ + "ĠY", + "ale" + ], + [ + "tern", + "ity" + ], + [ + "Ġ7", + "50" + ], + [ + "E", + "U" + ], + [ + "ĠR", + "ifle" + ], + [ + "Ġpat", + "ron" + ], + [ + "em", + "a" + ], + [ + "ĠB", + "annon" + ], + [ + "an", + "ity" + ], + [ + "Ġtrop", + "ical" + ], + [ + "ĠV", + "II" + ], + [ + "c", + "ross" + ], + [ + "Every", + "thing" + ], + [ + "ĠIS", + "O" + ], + [ + "Ġhum", + "ble" + ], + [ + "ass", + "ing" + ], + [ + "ĠF", + "IG" + ], + [ + "Ġupd", + "ating" + ], + [ + "ys", + "on" + ], + [ + "Ġcal", + "cium" + ], + [ + "Ġcompet", + "ent" + ], + [ + "Ġste", + "ering" + ], + [ + "Pro", + "t" + ], + [ + "ĠS", + "Y" + ], + [ + "ĠFin", + "als" + ], + [ + "ĠR", + "ug" + ], + [ + "15", + "9" + ], + [ + "13", + "7" + ], + [ + "ĠG", + "olf" + ], + [ + "Ġ12", + "6" + ], + [ + "Ġaccommod", + "ation" + ], + [ + "ĠHug", + "hes" + ], + [ + "Ġaest", + "hetic" + ], + [ + "art", + "isan" + ], + [ + "ĠTw", + "ilight" + ], + [ + "Ġpr", + "ince" + ], + [ + "ĠAgric", + "ulture" + ], + [ + "ĠDis", + "co" + ], + [ + "Ġpreced", + "ent" + ], + [ + "Ġtyp", + "ing" + ], + [ + "author", + "ized" + ], + [ + "O", + "ption" + ], + [ + "ĠA", + "ub" + ], + [ + "l", + "ishes" + ], + [ + "ach", + "t" + ], + [ + "m", + "ag" + ], + [ + "P", + "eter" + ], + [ + "ĠU", + "FO" + ], + [ + "mont", + "on" + ], + [ + "ĠL", + "ith" + ], + [ + "Ġa", + "rom" + ], + [ + "Ġsec", + "uring" + ], + [ + "Ġconf", + "ined" + ], + [ + "priv", + "ate" + ], + [ + "Ġsw", + "ords" + ], + [ + "Ġmark", + "ers" + ], + [ + "Ġmetab", + "olic" + ], + [ + "se", + "lect" + ], + [ + "ĠCur", + "se" + ], + [ + "ĠO", + "t" + ], + [ + "g", + "ressive" + ], + [ + "Ġinc", + "umb" + ], + [ + "ĠS", + "aga" + ], + [ + "Ġpr", + "iced" + ], + [ + "Ġclear", + "ance" + ], + [ + "Cont", + "ent" + ], + [ + "Ġdr", + "illing" + ], + [ + "Ġnot", + "ices" + ], + [ + "Ġb", + "ourgeois" + ], + [ + "Ġv", + "est" + ], + [ + "Ġcook", + "ie" + ], + [ + "ĠGuard", + "ians" + ], + [ + "ry", + "s" + ], + [ + "in", + "yl" + ], + [ + "Ġ12", + "4" + ], + [ + "Ġpl", + "ausible" + ], + [ + "on", + "gh" + ], + [ + "ĠOd", + "in" + ], + [ + "Ġconcept", + "ion" + ], + [ + "ĠY", + "uk" + ], + [ + "ĠBaghd", + "ad" + ], + [ + "ĠFl", + "ag" + ], + [ + "Aust", + "ral" + ], + [ + "ĠI", + "BM" + ], + [ + "Ġintern", + "ationally" + ], + [ + "ĠWiki", + "Leaks" + ], + [ + "I", + "ED" + ], + [ + "Ġc", + "yn" + ], + [ + "Ġcho", + "oses" + ], + [ + "ĠP", + "ill" + ], + [ + "Ġcomb", + "ining" + ], + [ + "Ġrad", + "i" + ], + [ + "ĠMoh", + "ammed" + ], + [ + "def", + "ense" + ], + [ + "atch", + "ing" + ], + [ + "Sub", + "ject" + ], + [ + "ic", + "iency" + ], + [ + "Fr", + "ame" + ], + [ + "Ġ{", + "\"" + ], + [ + "Ġche", + "ss" + ], + [ + "Ġtim", + "er" + ], + [ + "19", + "0" + ], + [ + "Ġt", + "in" + ], + [ + "Ġord", + "inance" + ], + [ + "emet", + "ery" + ], + [ + "Ġacc", + "using" + ], + [ + "Ġnotice", + "able" + ], + [ + "Ġcent", + "res" + ], + [ + "Ġl", + "id" + ], + [ + "ĠM", + "ills" + ], + [ + "img", + "ur" + ], + [ + "Ġz", + "oom" + ], + [ + "erg", + "ic" + ], + [ + "Ġcomp", + "ression" + ], + [ + "pr", + "im" + ], + [ + "f", + "ind" + ], + [ + "Ġsur", + "g" + ], + [ + "Ġp", + "and" + ], + [ + "ĠK", + "ee" + ], + [ + "ĠCh", + "ad" + ], + [ + "cell", + "ence" + ], + [ + "oy", + "le" + ], + [ + "Ġsocial", + "ism" + ], + [ + "ĠT", + "ravis" + ], + [ + "ĠM", + "Hz" + ], + [ + "Ġgu", + "ild" + ], + [ + "ALL", + "Y" + ], + [ + "ĠSub", + "scribe" + ], + [ + "ĠRel", + "ated" + ], + [ + "Ġoccur", + "rence" + ], + [ + "itch", + "ing" + ], + [ + "Ġfict", + "ional" + ], + [ + "Ġcr", + "ush" + ], + [ + "ĠE", + "A" + ], + [ + "c", + "od" + ], + [ + "m", + "ix" + ], + [ + "ĠTri", + "ple" + ], + [ + "Ġretrie", + "ve" + ], + [ + "Ġstimul", + "us" + ], + [ + "Ġpsych", + "iat" + ], + [ + "ĠDo", + "or" + ], + [ + "Ġhomosexual", + "ity" + ], + [ + "Ġelement", + "ary" + ], + [ + "Ġcell", + "ular" + ], + [ + "id", + "ian" + ], + [ + "ĠL", + "aun" + ], + [ + "Ġintrig", + "uing" + ], + [ + "Ġfo", + "am" + ], + [ + "ĠB", + "ass" + ], + [ + "id", + "i" + ], + [ + "its", + "u" + ], + [ + "Ġass", + "ure" + ], + [ + "Ġcongr", + "at" + ], + [ + "Ġbusiness", + "man" + ], + [ + "ĠBo", + "ost" + ], + [ + "cl", + "ose" + ], + [ + "Ġl", + "ied" + ], + [ + "Ġsc", + "iences" + ], + [ + "ĠO", + "mega" + ], + [ + "ĠG", + "raphics" + ], + [ + "Ġ<", + "=" + ], + [ + "sp", + "oken" + ], + [ + "Ġconnect", + "ivity" + ], + [ + "S", + "aturday" + ], + [ + "ĠAven", + "gers" + ], + [ + "Ġto", + "ggle" + ], + [ + "Ġank", + "le" + ], + [ + "Ġnational", + "ist" + ], + [ + "mod", + "el" + ], + [ + "ĠP", + "ool" + ], + [ + "ophob", + "ia" + ], + [ + "V", + "ar" + ], + [ + "ĠM", + "ons" + ], + [ + "ator", + "ies" + ], + [ + "Ġaggress", + "ively" + ], + [ + "C", + "lear" + ], + [ + "For", + "ge" + ], + [ + "act", + "ers" + ], + [ + "Ġhed", + "ge" + ], + [ + "Ġpip", + "es" + ], + [ + "Ġbl", + "unt" + ], + [ + "Ġs", + "q" + ], + [ + "Ġremote", + "ly" + ], + [ + "W", + "ed" + ], + [ + "as", + "ers" + ], + [ + "Ġref", + "riger" + ], + [ + "Ġt", + "iles" + ], + [ + "Ġresc", + "ued" + ], + [ + "Ġcompr", + "ised" + ], + [ + "ins", + "ky" + ], + [ + "Ġman", + "if" + ], + [ + "avan", + "augh" + ], + [ + "Ġprol", + "ifer" + ], + [ + "Ġal", + "igned" + ], + [ + "x", + "ml" + ], + [ + "Ġtri", + "v" + ], + [ + "Ġcoord", + "ination" + ], + [ + "ĠP", + "ER" + ], + [ + "ĠQu", + "ote" + ], + [ + "13", + "4" + ], + [ + "b", + "f" + ], + [ + "ĠS", + "aw" + ], + [ + "Ġtermin", + "ation" + ], + [ + "Ġ19", + "0" + ], + [ + "Ġadd", + "itions" + ], + [ + "Ġtri", + "o" + ], + [ + "Ġproject", + "ions" + ], + [ + "Ġpositive", + "ly" + ], + [ + "Ġin", + "clusive" + ], + [ + "Ġmem", + "br" + ], + [ + "19", + "90" + ], + [ + "old", + "er" + ], + [ + "Ġpract", + "iced" + ], + [ + "ink", + "le" + ], + [ + "Ar", + "ch" + ], + [ + "Ġstar", + "ters" + ], + [ + "ari", + "us" + ], + [ + "Ġinter", + "mediate" + ], + [ + "ĠBen", + "ef" + ], + [ + "ĠK", + "iller" + ], + [ + "Ġinter", + "ventions" + ], + [ + "ĠK", + "il" + ], + [ + "ĠF", + "lying" + ], + [ + "In", + "v" + ], + [ + "Ġprem", + "ature" + ], + [ + "Ġpsych", + "iatric" + ], + [ + "Ġind", + "ie" + ], + [ + "Ġcoll", + "ar" + ], + [ + "ĠRain", + "bow" + ], + [ + "af", + "i" + ], + [ + "Ġdis", + "ruption" + ], + [ + "ĠFO", + "X" + ], + [ + "cast", + "ing" + ], + [ + "Ġmis", + "dem" + ], + [ + "c", + "ro" + ], + [ + "Ġw", + "ipe" + ], + [ + "ard", + "on" + ], + [ + "Ġb", + "ast" + ], + [ + "ĠTom", + "my" + ], + [ + "ĠRepresent", + "ative" + ], + [ + "Ġbell", + "y" + ], + [ + "ĠP", + "O" + ], + [ + "ĠBre", + "itbart" + ], + [ + "13", + "2" + ], + [ + "Ġmess", + "aging" + ], + [ + "Sh", + "ould" + ], + [ + "Ref", + "erences" + ], + [ + "ĠG", + "RE" + ], + [ + "ist", + "ical" + ], + [ + "L", + "P" + ], + [ + "ĠC", + "av" + ], + [ + "ĠC", + "razy" + ], + [ + "Ġintu", + "itive" + ], + [ + "ke", + "eping" + ], + [ + "ĠM", + "oss" + ], + [ + "Ġdiscont", + "in" + ], + [ + "ĠMod", + "ule" + ], + [ + "Ġun", + "related" + ], + [ + "ĠPract", + "ice" + ], + [ + "ĠTrans", + "port" + ], + [ + "Ġstatist", + "ically" + ], + [ + "orn", + "s" + ], + [ + "Ġs", + "ized" + ], + [ + "p", + "u" + ], + [ + "Ġca", + "f" + ], + [ + "ĠWorld", + "s" + ], + [ + "ĠRod", + "gers" + ], + [ + "ĠL", + "un" + ], + [ + "ĠCom", + "ic" + ], + [ + "l", + "iving" + ], + [ + "Ġc", + "ared" + ], + [ + "Ġclim", + "bed" + ], + [ + ")", + "{" + ], + [ + "Ġconsist", + "ed" + ], + [ + "Ġmed", + "ieval" + ], + [ + "fol", + "k" + ], + [ + "Ġh", + "acked" + ], + [ + "Ġd", + "ire" + ], + [ + "ĠHerm", + "ione" + ], + [ + "Ġt", + "ended" + ], + [ + "ce", + "ans" + ], + [ + "D", + "aniel" + ], + [ + "w", + "ent" + ], + [ + "Ġlegisl", + "ators" + ], + [ + "Ġred", + "es" + ], + [ + "g", + "ames" + ], + [ + "Ġg", + "n" + ], + [ + "am", + "iliar" + ], + [ + "Ġ+", + "+" + ], + [ + "gg", + "y" + ], + [ + "th", + "reat" + ], + [ + "Ġmag", + "net" + ], + [ + "Ġper", + "ceive" + ], + [ + "Ġz", + "ip" + ], + [ + "Ġindict", + "ment" + ], + [ + "Ġcrit", + "ique" + ], + [ + "g", + "ard" + ], + [ + "ĠSaf", + "e" + ], + [ + "ĠC", + "ream" + ], + [ + "Ġad", + "vent" + ], + [ + "ob", + "a" + ], + [ + "Ġv", + "owed" + ], + [ + "ous", + "ands" + ], + [ + "Ġsk", + "i" + ], + [ + "Ġabort", + "ions" + ], + [ + "u", + "art" + ], + [ + "Ġstun", + "ned" + ], + [ + "Ġadv", + "ancing" + ], + [ + "Ġlack", + "ed" + ], + [ + "Ġ\\", + "\"" + ], + [ + "Ġsch", + "izophren" + ], + [ + "Ġeleg", + "ant" + ], + [ + "Ġconf", + "erences" + ], + [ + "Ġcance", + "led" + ], + [ + "ĠHud", + "son" + ], + [ + "ĠHop", + "efully" + ], + [ + "Ġtr", + "ump" + ], + [ + "Ġfrequ", + "encies" + ], + [ + "Ġmet", + "eor" + ], + [ + "ĠJun", + "ior" + ], + [ + "ĠFle", + "et" + ], + [ + "ĠMal", + "colm" + ], + [ + "ĠT", + "ools" + ], + [ + "Ġ", + "........" + ], + [ + "Ġh", + "obby" + ], + [ + "ĠEurope", + "ans" + ], + [ + "Ġ15", + "00" + ], + [ + "ĠInt", + "o" + ], + [ + "Ġs", + "way" + ], + [ + "ĠApp", + "ro" + ], + [ + "ĠCom", + "pl" + ], + [ + "Comm", + "unity" + ], + [ + "Ġt", + "ide" + ], + [ + "ĠSum", + "mit" + ], + [ + "ä", + "»" + ], + [ + "Ġinter", + "vals" + ], + [ + "ĠE", + "ther" + ], + [ + "Ġhabit", + "at" + ], + [ + "ĠSteven", + "s" + ], + [ + "lish", + "ing" + ], + [ + "ĠDom", + "ain" + ], + [ + "Ġtrig", + "gers" + ], + [ + "Ġch", + "asing" + ], + [ + "Ġchar", + "m" + ], + [ + "ĠFl", + "ower" + ], + [ + "it", + "ored" + ], + [ + "Ġbless", + "ing" + ], + [ + "Ġtext", + "ures" + ], + [ + "F", + "ive" + ], + [ + "Ġliqu", + "or" + ], + [ + "R", + "P" + ], + [ + "F", + "IN" + ], + [ + "Ġ19", + "62" + ], + [ + "C", + "AR" + ], + [ + "Un", + "known" + ], + [ + "Ġres", + "il" + ], + [ + "ĠL", + "ily" + ], + [ + "Ġabund", + "ance" + ], + [ + "Ġpredict", + "able" + ], + [ + "r", + "ar" + ], + [ + "Ġbull", + "shit" + ], + [ + "le", + "en" + ], + [ + "che", + "t" + ], + [ + "M", + "or" + ], + [ + "M", + "uch" + ], + [ + "ä", + "¹" + ], + [ + "Ġemphas", + "ized" + ], + [ + "Ġcr", + "ust" + ], + [ + "Ġprim", + "itive" + ], + [ + "Ġenjoy", + "able" + ], + [ + "ĠPict", + "ures" + ], + [ + "Ġteam", + "mate" + ], + [ + "pl", + "er" + ], + [ + "ĠT", + "ol" + ], + [ + "ĠK", + "ane" + ], + [ + "Ġsummon", + "ed" + ], + [ + "th", + "y" + ], + [ + "ram", + "a" + ], + [ + "ĠH", + "onda" + ], + [ + "Ġreal", + "izing" + ], + [ + "Ġquick", + "er" + ], + [ + "Ġconcent", + "rate" + ], + [ + "cle", + "ar" + ], + [ + "Ġ2", + "10" + ], + [ + "ĠErd", + "ogan" + ], + [ + "ar", + "is" + ], + [ + "Ġrespond", + "s" + ], + [ + "ĠB", + "I" + ], + [ + "Ġelig", + "ibility" + ], + [ + "Ġpus", + "hes" + ], + [ + "ĠId", + "aho" + ], + [ + "Ġagg", + "rav" + ], + [ + "Ġru", + "ins" + ], + [ + "ur", + "ations" + ], + [ + "Ġb", + "ans" + ], + [ + "Ġan", + "at" + ], + [ + "sh", + "are" + ], + [ + "Ġgr", + "ind" + ], + [ + "h", + "in" + ], + [ + "um", + "en" + ], + [ + "Ġut", + "ilities" + ], + [ + "ĠYan", + "kees" + ], + [ + "Ġdat", + "abases" + ], + [ + "ĠD", + "D" + ], + [ + "Ġdispl", + "aced" + ], + [ + "Ġdepend", + "encies" + ], + [ + "Ġstim", + "ulation" + ], + [ + "h", + "un" + ], + [ + "h", + "ouses" + ], + [ + "ĠP", + "retty" + ], + [ + "ĠRaven", + "s" + ], + [ + "ĠTOD", + "AY" + ], + [ + "Ġassoci", + "ates" + ], + [ + "Ġthe", + "rape" + ], + [ + "cl", + "ed" + ], + [ + "Ġde", + "er" + ], + [ + "Ġrep", + "airs" + ], + [ + "rent", + "ice" + ], + [ + "Ġrecept", + "ors" + ], + [ + "Ġrem", + "ed" + ], + [ + "ĠC", + "e" + ], + [ + "Ġmar", + "riages" + ], + [ + "Ġball", + "ots" + ], + [ + "ĠSold", + "ier" + ], + [ + "Ġhilar", + "ious" + ], + [ + "op", + "l" + ], + [ + "13", + "8" + ], + [ + "Ġinherent", + "ly" + ], + [ + "Ġignor", + "ant" + ], + [ + "Ġb", + "ounce" + ], + [ + "ĠE", + "aster" + ], + [ + "REL", + "ATED" + ], + [ + "ĠCur", + "rency" + ], + [ + "E", + "V" + ], + [ + "ãĥ", + "ŀ" + ], + [ + "ĠLe", + "ad" + ], + [ + "Ġdece", + "ased" + ], + [ + "B", + "rien" + ], + [ + "ĠMus", + "k" + ], + [ + "J", + "S" + ], + [ + "Ġmer", + "ge" + ], + [ + "heart", + "ed" + ], + [ + "c", + "reat" + ], + [ + "m", + "itt" + ], + [ + "m", + "und" + ], + [ + "ĠâĢ", + "ĭ" + ], + [ + "ĠB", + "ag" + ], + [ + "Ġproject", + "ion" + ], + [ + "Ġj", + "ava" + ], + [ + "ĠStand", + "ards" + ], + [ + "ĠLeon", + "ard" + ], + [ + "Ġcoc", + "onut" + ], + [ + "ĠPop", + "ulation" + ], + [ + "Ġtra", + "ject" + ], + [ + "Ġimp", + "ly" + ], + [ + "Ġcur", + "iosity" + ], + [ + "ĠD", + "B" + ], + [ + "ĠF", + "resh" + ], + [ + "ĠP", + "or" + ], + [ + "Ġheav", + "ier" + ], + [ + "ne", + "ys" + ], + [ + "gom", + "ery" + ], + [ + "Ġdes", + "erved" + ], + [ + "Ġphr", + "ases" + ], + [ + "ĠG", + "C" + ], + [ + "Ġye", + "ast" + ], + [ + "d", + "esc" + ], + [ + "De", + "ath" + ], + [ + "Ġreb", + "oot" + ], + [ + "Ġmet", + "adata" + ], + [ + "IC", + "AL" + ], + [ + "Ġrep", + "ay" + ], + [ + "ĠInd", + "ependence" + ], + [ + "Ġsubur", + "ban" + ], + [ + "ical", + "s" + ], + [ + "Ġat", + "op" + ], + [ + "Ġall", + "ocation" + ], + [ + "gener", + "ation" + ], + [ + "ĠG", + "ram" + ], + [ + "Ġmoist", + "ure" + ], + [ + "Ġp", + "ine" + ], + [ + "ĠLiber", + "als" + ], + [ + "Ġa", + "ides" + ], + [ + "Ġund", + "erest" + ], + [ + "ĠBer", + "ry" + ], + [ + "Ġcere", + "mon" + ], + [ + "3", + "70" + ], + [ + "ast", + "rous" + ], + [ + "ĠPir", + "ates" + ], + [ + "Ġt", + "ense" + ], + [ + "ĠIndust", + "ries" + ], + [ + "ĠApp", + "eals" + ], + [ + "ĠN", + "ear" + ], + [ + "Ġè£ı", + "ç" + ], + [ + "Ġlo", + "vers" + ], + [ + "ĠC", + "AP" + ], + [ + "ĠC", + "raw" + ], + [ + "Ġg", + "iants" + ], + [ + "Ġeffic", + "acy" + ], + [ + "E", + "lement" + ], + [ + "ĠBeh", + "avior" + ], + [ + "ĠToy", + "ota" + ], + [ + "Ġint", + "est" + ], + [ + "P", + "riv" + ], + [ + "A", + "I" + ], + [ + "Ġmaneu", + "ver" + ], + [ + "Ġperfect", + "ion" + ], + [ + "Ġb", + "ang" + ], + [ + "p", + "aper" + ], + [ + "r", + "ill" + ], + [ + "Ge", + "orge" + ], + [ + "b", + "order" + ], + [ + "in", + "ters" + ], + [ + "ĠS", + "eth" + ], + [ + "Ġcl", + "ues" + ], + [ + "ĠLe", + "vi" + ], + [ + "ĠRe", + "venue" + ], + [ + "14", + "7" + ], + [ + "Ġv", + "apor" + ], + [ + "Ġfortun", + "ate" + ], + [ + "Ġthreat", + "ens" + ], + [ + "Ġve", + "t" + ], + [ + "Ġdepend", + "ency" + ], + [ + "ers", + "ed" + ], + [ + "art", + "icle" + ], + [ + "ĠBl", + "izzard" + ], + [ + "Ġch", + "lor" + ], + [ + "Ġmin", + "us" + ], + [ + "ĠB", + "ills" + ], + [ + "Ġcryptoc", + "urrency" + ], + [ + "Ġmetabol", + "ism" + ], + [ + "ter", + "ing" + ], + [ + "Ġp", + "estic" + ], + [ + "step", + "s" + ], + [ + "ĠTre", + "asure" + ], + [ + "ract", + "ed" + ], + [ + "ĠConst", + "ant" + ], + [ + "Ġtem", + "p" + ], + [ + "13", + "9" + ], + [ + "ĠDet", + "ective" + ], + [ + "ur", + "ally" + ], + [ + "Ġrecover", + "ing" + ], + [ + "Ġcort", + "ex" + ], + [ + "Ġ14", + "4" + ], + [ + "cl", + "osed" + ], + [ + "Ġprejud", + "ice" + ], + [ + "aun", + "ted" + ], + [ + "Ġstorm", + "s" + ], + [ + "ĠN", + "OW" + ], + [ + "Ġmach", + "inery" + ], + [ + "Add", + "ress" + ], + [ + "Ġcompe", + "lled" + ], + [ + "27", + "0" + ], + [ + "Ġdesp", + "air" + ], + [ + "b", + "ane" + ], + [ + "Ġveget", + "able" + ], + [ + "Ġbed", + "s" + ], + [ + "Lear", + "n" + ], + [ + "Ġcolor", + "ful" + ], + [ + "Ġsp", + "ike" + ], + [ + "Ġmarg", + "ins" + ], + [ + "Ġsymp", + "athy" + ], + [ + "Ġworks", + "hop" + ], + [ + "ĠC", + "BC" + ], + [ + "S", + "at" + ], + [ + "Ġburn", + "s" + ], + [ + "ĠG", + "ender" + ], + [ + "Ġ12", + "9" + ], + [ + "ĠC", + "able" + ], + [ + "Ġdeb", + "ts" + ], + [ + "ĠThe", + "resa" + ], + [ + "Ġreflect", + "ing" + ], + [ + "Ġa", + "irst" + ], + [ + "Ġr", + "im" + ], + [ + "ram", + "id" + ], + [ + "Ġweakness", + "es" + ], + [ + "W", + "rit" + ], + [ + "ogg", + "le" + ], + [ + "t", + "i" + ], + [ + "ĠCh", + "arge" + ], + [ + "Ġwe", + "ighed" + ], + [ + "Ġ(", + "." + ], + [ + "Ġl", + "aughter" + ], + [ + "Ġrou", + "ter" + ], + [ + "ĠDemocr", + "acy" + ], + [ + "D", + "ear" + ], + [ + "Ġhas", + "ht" + ], + [ + "Ġd", + "y" + ], + [ + "Ġhint", + "s" + ], + [ + "run", + "ning" + ], + [ + "Ġfin", + "ishes" + ], + [ + "ar", + "us" + ], + [ + "M", + "ass" + ], + [ + "res", + "ult" + ], + [ + "asc", + "us" + ], + [ + "Ġv", + "intage" + ], + [ + "Ġcon", + "qu" + ], + [ + "Ġwild", + "ly" + ], + [ + "ac", + "ist" + ], + [ + "Ġl", + "ingu" + ], + [ + "Ġprot", + "agonist" + ], + [ + "st", + "rom" + ], + [ + "te", + "enth" + ], + [ + "ĠSol", + "o" + ], + [ + "m", + "ac" + ], + [ + "f", + "illed" + ], + [ + "Ġre", + "nown" + ], + [ + "it", + "ives" + ], + [ + "Ġmot", + "ive" + ], + [ + "ĠAnt", + "ar" + ], + [ + "ĠM", + "ann" + ], + [ + "ĠAd", + "just" + ], + [ + "Ġrock", + "ets" + ], + [ + "Ġtrou", + "bling" + ], + [ + "e", + "i" + ], + [ + "Ġorgan", + "isms" + ], + [ + "ass", + "is" + ], + [ + "Christ", + "ian" + ], + [ + "Ġ14", + "5" + ], + [ + "ĠH", + "ass" + ], + [ + "Ġsw", + "all" + ], + [ + "Ġw", + "ax" + ], + [ + "ĠSurv", + "ival" + ], + [ + "V", + "S" + ], + [ + "ĠM", + "urd" + ], + [ + "v", + "d" + ], + [ + "stand", + "ard" + ], + [ + "Ġdrag", + "ons" + ], + [ + "Ġacceler", + "ation" + ], + [ + "r", + "ational" + ], + [ + "f", + "inal" + ], + [ + "Ġp", + "aired" + ], + [ + "ĠE", + "thereum" + ], + [ + "Ġinterf", + "aces" + ], + [ + "Ġres", + "ent" + ], + [ + "Ġartif", + "acts" + ], + [ + "Å", + "«" + ], + [ + "are", + "l" + ], + [ + "Ġcompet", + "itor" + ], + [ + "ĠNich", + "olas" + ], + [ + "ĠSur", + "face" + ], + [ + "c", + "pp" + ], + [ + "ĠT", + "ot" + ], + [ + "Ġeconom", + "ically" + ], + [ + "Ġorgan", + "ised" + ], + [ + "Ġen", + "forced" + ], + [ + "in", + "ho" + ], + [ + "Ġvar", + "ieties" + ], + [ + "Ġab", + "dom" + ], + [ + "ĠBa", + "iley" + ], + [ + "id", + "av" + ], + [ + "ĠSal", + "v" + ], + [ + "p", + "aid" + ], + [ + "Ġalt", + "itude" + ], + [ + "ess", + "ert" + ], + [ + "ĠG", + "utenberg" + ], + [ + "are", + "a" + ], + [ + "op", + "oulos" + ], + [ + "Ġprofess", + "ors" + ], + [ + "igg", + "s" + ], + [ + "ĠF", + "ate" + ], + [ + "he", + "y" + ], + [ + "Ġ3", + "000" + ], + [ + "D", + "ist" + ], + [ + "Ġtw", + "ins" + ], + [ + "c", + "ill" + ], + [ + "ĠM", + "aps" + ], + [ + "Ġtra", + "ps" + ], + [ + "Ġwe", + "ed" + ], + [ + "ĠK", + "iss" + ], + [ + "Ġy", + "oga" + ], + [ + "Ġrecip", + "ients" + ], + [ + "ĠWest", + "minster" + ], + [ + "Ġpool", + "s" + ], + [ + "ĠWal", + "mart" + ], + [ + "18", + "8" + ], + [ + "ĠSchool", + "s" + ], + [ + "att", + "ack" + ], + [ + "ĠAR", + "M" + ], + [ + "par", + "agraph" + ], + [ + "W", + "arning" + ], + [ + "j", + "l" + ], + [ + "Ġself", + "ish" + ], + [ + "anche", + "z" + ], + [ + "ĠHe", + "ights" + ], + [ + "F", + "re" + ], + [ + "ĠS", + "oph" + ], + [ + "Ġ", + "--------------------------------" + ], + [ + "t", + "ml" + ], + [ + "33", + "3" + ], + [ + "Ġraid", + "s" + ], + [ + "Ġsatell", + "ites" + ], + [ + "KE", + "Y" + ], + [ + "Ġlast", + "s" + ], + [ + "Ñ", + "Ĥ" + ], + [ + "In", + "s" + ], + [ + "ĠD", + "ame" + ], + [ + "Ġunp", + "redict" + ], + [ + "//", + "/" + ], + [ + "gh", + "ai" + ], + [ + "Ġart", + "illery" + ], + [ + "Ġcru", + "ise" + ], + [ + "Ġg", + "el" + ], + [ + "ĠCabin", + "et" + ], + [ + "Ġbl", + "ows" + ], + [ + "ĠE", + "sp" + ], + [ + "Ġprox", + "imity" + ], + [ + "ot", + "he" + ], + [ + "ĠSk", + "ills" + ], + [ + "ĠU", + "pper" + ], + [ + "ob", + "o" + ], + [ + "ĠN", + "DP" + ], + [ + "Ġenjoy", + "s" + ], + [ + "Ġrepe", + "ating" + ], + [ + "ĠConst", + "ruction" + ], + [ + "ĠQuest", + "ions" + ], + [ + "H", + "illary" + ], + [ + "Ġu", + "int" + ], + [ + "Ġprocess", + "ors" + ], + [ + "ĠGib", + "son" + ], + [ + "ĠMult", + "iple" + ], + [ + "q", + "a" + ], + [ + "ĠB", + "om" + ], + [ + "ĠM", + "iles" + ], + [ + "vent", + "ional" + ], + [ + "Ġhur", + "ts" + ], + [ + "s", + "kin" + ], + [ + "ĠA", + "IDS" + ], + [ + "Ġadvis", + "ers" + ], + [ + "ĠR", + "oot" + ], + [ + "Ġmethod", + "ology" + ], + [ + "ĠD", + "ale" + ], + [ + "Ġdet", + "on" + ], + [ + "ĠKnow", + "ledge" + ], + [ + "sequ", + "ently" + ], + [ + "Ġ12", + "1" + ], + [ + "Ġconnect", + "s" + ], + [ + "C", + "y" + ], + [ + "ĠD", + "anger" + ], + [ + "Ġcontribut", + "ors" + ], + [ + "ĠB", + "ent" + ], + [ + "Ġbr", + "ass" + ], + [ + "ĠGun", + "s" + ], + [ + "int", + "o" + ], + [ + "ĠFort", + "une" + ], + [ + "Ġbro", + "ker" + ], + [ + "bal", + "ance" + ], + [ + "Ġlength", + "s" + ], + [ + "Ġv", + "ic" + ], + [ + "Ġaver", + "aging" + ], + [ + "Ġappropri", + "ately" + ], + [ + "ĠCamer", + "a" + ], + [ + "Ġsand", + "wich" + ], + [ + "ĠCD", + "C" + ], + [ + "Ġcoord", + "inate" + ], + [ + "Ġnav", + "ig" + ], + [ + "Ġgood", + "ness" + ], + [ + "l", + "aim" + ], + [ + "Ġbra", + "ke" + ], + [ + "Ġextrem", + "ist" + ], + [ + "ĠW", + "ake" + ], + [ + "ĠM", + "end" + ], + [ + "ĠT", + "iny" + ], + [ + "ĠC", + "OL" + ], + [ + "ĠR", + "F" + ], + [ + "ĠD", + "ual" + ], + [ + "ĠW", + "ine" + ], + [ + "C", + "ase" + ], + [ + "Ġref", + "ined" + ], + [ + "Ġl", + "amp" + ], + [ + "L", + "ead" + ], + [ + "Ġb", + "apt" + ], + [ + "ĠCar", + "b" + ], + [ + "ĠS", + "add" + ], + [ + "ĠMin", + "neapolis" + ], + [ + "PD", + "F" + ], + [ + "Ear", + "ly" + ], + [ + "ĠH", + "idden" + ], + [ + "I", + "ts" + ], + [ + "ĠT", + "IME" + ], + [ + "Ġp", + "ap" + ], + [ + "Ġcommission", + "ed" + ], + [ + "ĠF", + "ew" + ], + [ + "ĠCol", + "ts" + ], + [ + "ĠB", + "ren" + ], + [ + "Ġbot", + "hered" + ], + [ + "Ġlike", + "wise" + ], + [ + "Ex", + "per" + ], + [ + "ĠSch", + "w" + ], + [ + "c", + "ry" + ], + [ + "n", + "n" + ], + [ + "ĠM", + "itch" + ], + [ + "im", + "on" + ], + [ + "M", + "G" + ], + [ + "b", + "m" + ], + [ + "UM", + "P" + ], + [ + "r", + "ays" + ], + [ + "Ġregist", + "ry" + ], + [ + "Ġ2", + "70" + ], + [ + "ach", + "ine" + ], + [ + "re", + "lla" + ], + [ + "ant", + "ing" + ], + [ + "00", + "000" + ], + [ + "Ġru", + "ined" + ], + [ + "sp", + "ot" + ], + [ + "Ġt", + "a" + ], + [ + "Ġmaxim", + "ize" + ], + [ + "Ġincon", + "ven" + ], + [ + "D", + "ead" + ], + [ + "H", + "uman" + ], + [ + "En", + "abled" + ], + [ + "ĠMar", + "ie" + ], + [ + "Ġch", + "ill" + ], + [ + "ĠParad", + "ise" + ], + [ + "Ġstar", + "ring" + ], + [ + "ĠLat", + "ino" + ], + [ + "ĠProt", + "ocol" + ], + [ + "ĠE", + "VER" + ], + [ + "Ġsuppl", + "iers" + ], + [ + "m", + "essage" + ], + [ + "ĠBro", + "ck" + ], + [ + "Ġser", + "um" + ], + [ + "âĸĪâĸĪ", + "âĸĪâĸĪ" + ], + [ + "Ġen", + "comp" + ], + [ + "Ġamb", + "ition" + ], + [ + "ues", + "e" + ], + [ + "Ġar", + "rows" + ], + [ + "And", + "rew" + ], + [ + "Ġanten", + "na" + ], + [ + "Ġ19", + "61" + ], + [ + "ĠB", + "ark" + ], + [ + "Ġb", + "ool" + ], + [ + "ãĤ", + "ª" + ], + [ + "ĠSt", + "orage" + ], + [ + "Ġrail", + "way" + ], + [ + "Ġtoug", + "her" + ], + [ + "ĠC", + "ad" + ], + [ + "Ġwas", + "hing" + ], + [ + "P", + "y" + ], + [ + "'", + "]" + ], + [ + "em", + "bed" + ], + [ + "ĠMem", + "phis" + ], + [ + "ack", + "le" + ], + [ + "Ġfam", + "ously" + ], + [ + "ĠF", + "ortunately" + ], + [ + "ov", + "ies" + ], + [ + "Ġmind", + "set" + ], + [ + "Ġsne", + "ak" + ], + [ + "ĠD", + "h" + ], + [ + "RA", + "W" + ], + [ + "ĠSim", + "pson" + ], + [ + "Ġliv", + "est" + ], + [ + "Ġland", + "mark" + ], + [ + "Ġc", + "ement" + ], + [ + "L", + "ow" + ], + [ + "Ġthr", + "illed" + ], + [ + "ĠCour", + "se" + ], + [ + "in", + "el" + ], + [ + "Ġch", + "uck" + ], + [ + "id", + "ate" + ], + [ + "gl", + "obal" + ], + [ + "Ġwh", + "it" + ], + [ + "Ġ", + "�" + ], + [ + "ad", + "ays" + ], + [ + "s", + "ki" + ], + [ + "ĠS", + "V" + ], + [ + "Ġvir", + "uses" + ], + [ + "30", + "6" + ], + [ + "ĠResp", + "ons" + ], + [ + "Ġthe", + "aters" + ], + [ + "ĠBr", + "anch" + ], + [ + "ĠGene", + "va" + ], + [ + "ĠM", + "K" + ], + [ + "Ġunbel", + "iev" + ], + [ + "Ġcommun", + "ist" + ], + [ + "Orig", + "inal" + ], + [ + "ĠRe", + "ceived" + ], + [ + "ĠTrans", + "fer" + ], + [ + "ĠAr", + "g" + ], + [ + "In", + "put" + ], + [ + "ĠStr", + "ategy" + ], + [ + "Ġpal", + "ace" + ], + [ + "the", + "ning" + ], + [ + "D", + "ri" + ], + [ + "Ġsent", + "encing" + ], + [ + "umbn", + "ail" + ], + [ + "Ġp", + "ins" + ], + [ + "re", + "cy" + ], + [ + "Ġs", + "iblings" + ], + [ + "Get", + "ting" + ], + [ + "ĠB", + "U" + ], + [ + "ĠNorth", + "west" + ], + [ + "Ġprolong", + "ed" + ], + [ + "ĠSak", + "ura" + ], + [ + "C", + "omb" + ], + [ + "ĠB", + "our" + ], + [ + "Ġinadequ", + "ate" + ], + [ + "ĠK", + "ash" + ], + [ + "Ġus", + "ername" + ], + [ + "ĠImpro", + "ve" + ], + [ + "Ġbatt", + "ling" + ], + [ + "ĠM", + "AC" + ], + [ + "Ġcurric", + "ulum" + ], + [ + "Ġs", + "oda" + ], + [ + "ĠC", + "annon" + ], + [ + "Ġsens", + "ible" + ], + [ + "sp", + "ons" + ], + [ + "De", + "cember" + ], + [ + "Ġw", + "icked" + ], + [ + "ĠP", + "engu" + ], + [ + "Ġdict", + "ators" + ], + [ + "ĠHe", + "arts" + ], + [ + "og", + "yn" + ], + [ + "Ġsimilar", + "ities" + ], + [ + "ĠSt", + "ats" + ], + [ + "Ġh", + "ollow" + ], + [ + "it", + "ations" + ], + [ + "\":", + "[" + ], + [ + "Ġh", + "over" + ], + [ + "ĠList", + "en" + ], + [ + "s", + "ch" + ], + [ + "S", + "und" + ], + [ + "Ġc", + "ad" + ], + [ + "ĠPar", + "ks" + ], + [ + "Ġl", + "ur" + ], + [ + "Ġhy", + "pe" + ], + [ + "ĠL", + "em" + ], + [ + "N", + "AME" + ], + [ + "is", + "ure" + ], + [ + "Fr", + "iday" + ], + [ + "Ġshoot", + "s" + ], + [ + "Ġclos", + "es" + ], + [ + "Ġd", + "b" + ], + [ + "ĠR", + "idge" + ], + [ + "ĠDiff", + "erent" + ], + [ + "Ġrepl", + "ies" + ], + [ + "ĠBroad", + "way" + ], + [ + "op", + "ers" + ], + [ + "Ġint", + "oler" + ], + [ + "ĠZe", + "us" + ], + [ + "akes", + "pe" + ], + [ + "Ġpropri", + "etary" + ], + [ + "Ġrequest", + "ing" + ], + [ + "Ġcontro", + "llers" + ], + [ + "ĠM", + "IN" + ], + [ + "im", + "edia" + ], + [ + "be", + "cca" + ], + [ + "Ġexp", + "ans" + ], + [ + "Ġoil", + "s" + ], + [ + "B", + "ot" + ], + [ + "ĠCh", + "and" + ], + [ + "Ġpr", + "inter" + ], + [ + "Ġto", + "pped" + ], + [ + "ĠP", + "OL" + ], + [ + "ĠEar", + "lier" + ], + [ + "S", + "ocial" + ], + [ + "av", + "in" + ], + [ + "Ġdecre", + "ases" + ], + [ + "ĠSe", + "b" + ], + [ + "Ġspecific", + "ations" + ], + [ + "ĠBl", + "ast" + ], + [ + "ĠK", + "urt" + ], + [ + "Ġfre", + "el" + ], + [ + "B", + "rown" + ], + [ + "Ġdil", + "ig" + ], + [ + "ro", + "e" + ], + [ + "ĠPro", + "blem" + ], + [ + "ĠQu", + "ad" + ], + [ + "Ġdecent", + "ral" + ], + [ + "ĠV", + "ector" + ], + [ + "an", + "ut" + ], + [ + "Ġplug", + "ins" + ], + [ + "ĠGreg", + "ory" + ], + [ + "Ġfuck", + "ed" + ], + [ + "el", + "ines" + ], + [ + "ĠAmb", + "assador" + ], + [ + "t", + "ake" + ], + [ + "Ġcle", + "ans" + ], + [ + "ong", + "yang" + ], + [ + "An", + "onymous" + ], + [ + "st", + "ro" + ], + [ + "\"", + "}" + ], + [ + "al", + "ine" + ], + [ + "ĠO", + "dd" + ], + [ + "ĠE", + "ug" + ], + [ + "2", + "16" + ], + [ + "Ġbo", + "il" + ], + [ + "ĠP", + "owers" + ], + [ + "Ġnurs", + "es" + ], + [ + "Ob", + "viously" + ], + [ + "ĠTechn", + "ical" + ], + [ + "Ġexceed", + "ed" + ], + [ + "OR", + "S" + ], + [ + "Ġextrem", + "ists" + ], + [ + "Ġtr", + "aces" + ], + [ + "ex", + "pl" + ], + [ + "Ġcom", + "r" + ], + [ + "ĠS", + "ach" + ], + [ + ")", + "/" + ], + [ + "Ġm", + "asks" + ], + [ + "Ġsc", + "i" + ], + [ + "B", + "on" + ], + [ + "Ġreg", + "ression" + ], + [ + "we", + "gian" + ], + [ + "Ġadvis", + "or" + ], + [ + "it", + "ures" + ], + [ + "ĠV", + "o" + ], + [ + "ex", + "ample" + ], + [ + "ĠInst", + "ruct" + ], + [ + "Ġs", + "iege" + ], + [ + "Ġredu", + "ctions" + ], + [ + "pt", + "r" + ], + [ + "Ġstat", + "utory" + ], + [ + "Ġrem", + "oves" + ], + [ + "Ġp", + "uck" + ], + [ + "red", + "its" + ], + [ + "Ġbe", + "e" + ], + [ + "Ġsal", + "ad" + ], + [ + "Ġpromot", + "ions" + ], + [ + "ĠJosh", + "ua" + ], + [ + "with", + "standing" + ], + [ + "ET", + "H" + ], + [ + "ĠCh", + "a" + ], + [ + "im", + "us" + ], + [ + "Ġexpend", + "iture" + ], + [ + "aun", + "ting" + ], + [ + "Ġdelight", + "ed" + ], + [ + "Ġ15", + "5" + ], + [ + "be", + "h" + ], + [ + "Ġcar", + "pet" + ], + [ + "ĠSp", + "art" + ], + [ + "Ġj", + "ungle" + ], + [ + "l", + "ists" + ], + [ + "Ġbull", + "ying" + ], + [ + "ĠNob", + "el" + ], + [ + "ĠGl", + "en" + ], + [ + "Ġreferen", + "ced" + ], + [ + "Ġintrodu", + "ces" + ], + [ + "se", + "in" + ], + [ + "Ġcho", + "pped" + ], + [ + "gl", + "ass" + ], + [ + "ĠW", + "rest" + ], + [ + "Ġneutral", + "ity" + ], + [ + "Ġâ", + "Ļ" + ], + [ + "Ġinvestig", + "ator" + ], + [ + "Ġshel", + "ves" + ], + [ + "Ġun", + "constitutional" + ], + [ + "Ġreprodu", + "ction" + ], + [ + "Ġmer", + "chant" + ], + [ + "m", + "ia" + ], + [ + "Ġmet", + "rics" + ], + [ + "Ġexplos", + "ives" + ], + [ + "ĠSon", + "ia" + ], + [ + "Ġbod", + "ily" + ], + [ + "Ġthick", + "ness" + ], + [ + "Ġpredomin", + "antly" + ], + [ + "ĠAb", + "ility" + ], + [ + "Ġmon", + "itored" + ], + [ + "IC", + "H" + ], + [ + "Ġ]", + "." + ], + [ + "ĠMart", + "inez" + ], + [ + "Ġvis", + "ibility" + ], + [ + "Ġqu", + "eries" + ], + [ + "Ġgen", + "ocide" + ], + [ + "ĠWar", + "fare" + ], + [ + "Qu", + "ery" + ], + [ + "Ġstud", + "ios" + ], + [ + "Ġemb", + "ry" + ], + [ + "Ġcorrid", + "or" + ], + [ + "Ġclean", + "ed" + ], + [ + "com", + "plete" + ], + [ + "ĠM", + "H" + ], + [ + "Ġenroll", + "ment" + ], + [ + "ING", + "S" + ], + [ + "Ġimpact", + "ed" + ], + [ + "Ġdis", + "astrous" + ], + [ + "ĠY", + "un" + ], + [ + "ĠCl", + "aire" + ], + [ + "ĠBas", + "ically" + ], + [ + "y", + "t" + ], + [ + "uster", + "ity" + ], + [ + "Ġindirect", + "ly" + ], + [ + "w", + "ik" + ], + [ + "Ġd", + "od" + ], + [ + "ĠCar", + "r" + ], + [ + "Ġam", + "p" + ], + [ + "Ġprohib", + "it" + ], + [ + "ĠIn", + "itial" + ], + [ + "ĠR", + "d" + ], + [ + "ij", + "i" + ], + [ + "Ġeduc", + "ate" + ], + [ + "c", + "orn" + ], + [ + "i", + "ott" + ], + [ + "ĠBeaut", + "y" + ], + [ + "Ġdetect", + "ive" + ], + [ + "ĠCon", + "n" + ], + [ + "s", + "ince" + ], + [ + "Ġst", + "agger" + ], + [ + "Ġob", + "ese" + ], + [ + "Ġb", + "ree" + ], + [ + "olog", + "ic" + ], + [ + "is", + "se" + ], + [ + "walk", + "er" + ], + [ + "Ġbl", + "ades" + ], + [ + "Ġlaw", + "ful" + ], + [ + "fun", + "c" + ], + [ + "ĠBeh", + "ind" + ], + [ + "Ġappet", + "ite" + ], + [ + "Ġ(", + "*" + ], + [ + "Ġt", + "ennis" + ], + [ + "Ġoff", + "spring" + ], + [ + "Ġj", + "ets" + ], + [ + "Ġstruct", + "ured" + ], + [ + "Ġafore", + "mentioned" + ], + [ + "N", + "ov" + ], + [ + "Ġsc", + "aling" + ], + [ + "f", + "ill" + ], + [ + "Ġst", + "ew" + ], + [ + "Ġcur", + "b" + ], + [ + "ĠStep", + "han" + ], + [ + "ed", + "In" + ], + [ + "S", + "F" + ], + [ + "ob", + "ic" + ], + [ + "é", + "ŃĶ" + ], + [ + "ou", + "g" + ], + [ + "ĠM", + "M" + ], + [ + "Ġgen", + "etically" + ], + [ + "ope", + "z" + ], + [ + "13", + "6" + ], + [ + "Ġu", + "mb" + ], + [ + "anc", + "ers" + ], + [ + "Ġcoh", + "ort" + ], + [ + "Ġmerch", + "andise" + ], + [ + "Ġimp", + "osing" + ], + [ + "ĠLegisl", + "ature" + ], + [ + "ĠArch", + "ive" + ], + [ + "iv", + "ia" + ], + [ + "ĠN", + "aval" + ], + [ + "Ġoff", + "ences" + ], + [ + "Ġmir", + "acle" + ], + [ + "Ġsn", + "apped" + ], + [ + "Ġf", + "oes" + ], + [ + "Ġextensive", + "ly" + ], + [ + "ĠR", + "af" + ], + [ + "Ġc", + "ater" + ], + [ + "ed", + "ience" + ], + [ + "K", + "it" + ], + [ + "ĠB", + "in" + ], + [ + "Ġrecomm", + "ends" + ], + [ + "ĠC", + "ities" + ], + [ + "Ġrig", + "id" + ], + [ + "ĠRE", + "AD" + ], + [ + "ĠNob", + "le" + ], + [ + "ĠT", + "ian" + ], + [ + "Ġcertific", + "ates" + ], + [ + "ant", + "is" + ], + [ + "o", + "iler" + ], + [ + "ĠBudd", + "hist" + ], + [ + "d", + "id" + ], + [ + "Ġsurvey", + "ed" + ], + [ + "Ġdown", + "ward" + ], + [ + "Ġprint", + "s" + ], + [ + "ĠMot", + "ion" + ], + [ + "ron", + "ics" + ], + [ + "ĠS", + "ans" + ], + [ + "oss", + "ibly" + ], + [ + "u", + "ctions" + ], + [ + "Ġcolon", + "ies" + ], + [ + "ĠDan", + "ish" + ], + [ + "un", + "it" + ], + [ + "Ġsp", + "oil" + ], + [ + "Ġadvis", + "ory" + ], + [ + "ber", + "ries" + ], + [ + "Pl", + "an" + ], + [ + "Ġspecific", + "ation" + ], + [ + "op", + "hers" + ], + [ + "ĠRes", + "ource" + ], + [ + "Ġsh", + "irts" + ], + [ + "prising", + "ly" + ], + [ + "commun", + "ications" + ], + [ + "Ġtriv", + "ial" + ], + [ + "Ġmention", + "ing" + ], + [ + "ise", + "xual" + ], + [ + "Ġsupp", + "lements" + ], + [ + "Ġsuper", + "vision" + ], + [ + "B", + "P" + ], + [ + "v", + "or" + ], + [ + "Ġw", + "it" + ], + [ + "Ġco", + "oldown" + ], + [ + "Ġplaint", + "iff" + ], + [ + "ĠReview", + "s" + ], + [ + "ĠS", + "ri" + ], + [ + "ĠM", + "int" + ], + [ + "ĠSug", + "ar" + ], + [ + "Ġafter", + "ward" + ], + [ + "ĠPri", + "est" + ], + [ + "ĠInvest", + "ment" + ], + [ + "og", + "ene" + ], + [ + "ĠT", + "aking" + ], + [ + "Ġstretch", + "ing" + ], + [ + "Ġinflamm", + "ation" + ], + [ + "ĠTe", + "hran" + ], + [ + "Ġl", + "ining" + ], + [ + "Ġfree", + "zing" + ], + [ + "ĠEnt", + "ity" + ], + [ + "Ġins", + "piring" + ], + [ + "spe", + "cial" + ], + [ + "pr", + "ice" + ], + [ + "Ġsu", + "e" + ], + [ + "ĠP", + "orter" + ], + [ + "oun", + "ge" + ], + [ + "ET", + "A" + ], + [ + "ĠD", + "erek" + ], + [ + "ĠLu", + "is" + ], + [ + "u", + "o" + ], + [ + "ym", + "ph" + ], + [ + "Ġex", + "terior" + ], + [ + "ih", + "il" + ], + [ + "ĠAsh", + "ley" + ], + [ + "in", + "ator" + ], + [ + "Ġnut", + "rients" + ], + [ + "ĠTh", + "rones" + ], + [ + "Ġfin", + "ances" + ], + [ + "ĠIn", + "spect" + ], + [ + "Ġspe", + "cially" + ], + [ + "ĠRequ", + "ired" + ], + [ + "ĠP", + "TS" + ], + [ + "ĠViol", + "ence" + ], + [ + "oint", + "ed" + ], + [ + "sh", + "ots" + ], + [ + "Ġex", + "cerpt" + ], + [ + "co", + "on" + ], + [ + "IN", + "S" + ], + [ + "ĠG", + "ri" + ], + [ + "Ġrecogn", + "ised" + ], + [ + "We", + "ek" + ], + [ + "You", + "ng" + ], + [ + "Ġv", + "om" + ], + [ + "is", + "le" + ], + [ + "ĠCur", + "ry" + ], + [ + "ĠBudd", + "h" + ], + [ + "Ġnot", + "ebook" + ], + [ + "Ġd", + "urable" + ], + [ + "/", + "?" + ], + [ + "ĠG", + "ad" + ], + [ + "ĠP", + "upp" + ], + [ + "Ġforg", + "ive" + ], + [ + "p", + "ark" + ], + [ + "Ġpersonal", + "ities" + ], + [ + "an", + "alysis" + ], + [ + "cl", + "amation" + ], + [ + "Ġelev", + "ator" + ], + [ + "Ġware", + "house" + ], + [ + "ĠR", + "ole" + ], + [ + "un", + "n" + ], + [ + "Ġillust", + "ration" + ], + [ + "ĠSc", + "an" + ], + [ + "Ġatmosp", + "heric" + ], + [ + "Im", + "port" + ], + [ + "AN", + "C" + ], + [ + "rict", + "ed" + ], + [ + "f", + "u" + ], + [ + "01", + "0" + ], + [ + "Ġar", + "che" + ], + [ + "Ġreward", + "ed" + ], + [ + "akespe", + "are" + ], + [ + "Ġintern", + "ally" + ], + [ + "ĠR", + "BI" + ], + [ + "alk", + "er" + ], + [ + "Ġeleph", + "ant" + ], + [ + "ow", + "itz" + ], + [ + "ĠP", + "izza" + ], + [ + "Ġbip", + "artisan" + ], + [ + "é", + "s" + ], + [ + "Ġslow", + "ed" + ], + [ + "ĠSt", + "ark" + ], + [ + "Ġover", + "ride" + ], + [ + "OU", + "S" + ], + [ + "Ġ3", + "20" + ], + [ + "undred", + "s" + ], + [ + "ĠDe", + "ck" + ], + [ + "ĠC", + "ensus" + ], + [ + "be", + "e" + ], + [ + "14", + "6" + ], + [ + "ot", + "or" + ], + [ + "Ġ", + "ip" + ], + [ + "Ġu", + "b" + ], + [ + "oc", + "ations" + ], + [ + "ĠBut", + "ton" + ], + [ + "r", + "ice" + ], + [ + "Ġc", + "ripp" + ], + [ + "ff", + "f" + ], + [ + "Ġorig", + "inated" + ], + [ + "Ġoverwhel", + "med" + ], + [ + "app", + "a" + ], + [ + "Ġfore", + "most" + ], + [ + "âĢ", + "ij" + ], + [ + "ĠL", + "EG" + ], + [ + "re", + "lease" + ], + [ + "eat", + "ured" + ], + [ + "at", + "ches" + ], + [ + "Ġre", + "ps" + ], + [ + "Ġl", + "ending" + ], + [ + "ĠRe", + "ference" + ], + [ + "ĠCl", + "ient" + ], + [ + "16", + "5" + ], + [ + "vent", + "h" + ], + [ + "Com", + "plete" + ], + [ + "ĠPat", + "rol" + ], + [ + "Ġsw", + "orn" + ], + [ + "c", + "am" + ], + [ + "Ġshut", + "tle" + ], + [ + "ĠR", + "alph" + ], + [ + "Ġh", + "ometown" + ], + [ + "-", + "," + ], + [ + "on", + "al" + ], + [ + "ĠB", + "P" + ], + [ + "å", + "ı" + ], + [ + "Ġpersu", + "ade" + ], + [ + "ĠAlex", + "and" + ], + [ + "Ġcomb", + "ines" + ], + [ + "Ġv", + "ivid" + ], + [ + "ĠL", + "ag" + ], + [ + "Ġenc", + "oding" + ], + [ + "Ġsal", + "vation" + ], + [ + "w", + "en" + ], + [ + "ĠRec", + "overy" + ], + [ + "i", + "ya" + ], + [ + "Un", + "iversity" + ], + [ + "ĠB", + "iden" + ], + [ + "Ġbud", + "gets" + ], + [ + "ĠTex", + "ans" + ], + [ + "f", + "its" + ], + [ + "Ġhon", + "ored" + ], + [ + "Ġp", + "ython" + ], + [ + "T", + "D" + ], + [ + "##", + "#" + ], + [ + "cl", + "one" + ], + [ + "Ġbl", + "ink" + ], + [ + "ĠL", + "iquid" + ], + [ + "Ġunemploy", + "ed" + ], + [ + "Ġcl", + "ashes" + ], + [ + "ĠCoun", + "sel" + ], + [ + "Ġdirect", + "ing" + ], + [ + "Ġpun", + "ct" + ], + [ + "ĠFal", + "cons" + ], + [ + "Ġsh", + "ark" + ], + [ + "ĠDam", + "ascus" + ], + [ + "Ġje", + "ans" + ], + [ + "Ġemb", + "ark" + ], + [ + "Ġse", + "ize" + ], + [ + "Ġup", + "wards" + ], + [ + "2", + "80" + ], + [ + "ĠE", + "z" + ], + [ + "ĠAny", + "thing" + ], + [ + "Ġex", + "otic" + ], + [ + "l", + "ower" + ], + [ + "ĠCreat", + "or" + ], + [ + "ĠU", + "m" + ], + [ + "Ġsubur", + "bs" + ], + [ + "ber", + "ger" + ], + [ + "ĠW", + "end" + ], + [ + "Ġm", + "int" + ], + [ + "ĠX", + "X" + ], + [ + "ĠD", + "ro" + ], + [ + "Ġsuff", + "ers" + ], + [ + "Ġher", + "b" + ], + [ + "t", + "ree" + ], + [ + "Ġfrag", + "ile" + ], + [ + "Ġflood", + "ed" + ], + [ + "ĠAl", + "cohol" + ], + [ + "ole", + "an" + ], + [ + "ny", + "der" + ], + [ + "ĠK", + "O" + ], + [ + "F", + "ram" + ], + [ + "Ġ13", + "6" + ], + [ + "Ġow", + "ed" + ], + [ + "ĠMe", + "lee" + ], + [ + "ĠH", + "ash" + ], + [ + "Ġwh", + "isk" + ], + [ + "Ġsu", + "do" + ], + [ + "r", + "r" + ], + [ + "Qu", + "ick" + ], + [ + "app", + "ro" + ], + [ + "Ġi", + "i" + ], + [ + "ĠEx", + "amples" + ], + [ + "he", + "e" + ], + [ + "Ġpromot", + "es" + ], + [ + "per", + "ature" + ], + [ + "k", + "ar" + ], + [ + "ĠHon", + "or" + ], + [ + "Ġs", + "odium" + ], + [ + "ĠL", + "if" + ], + [ + "ros", + "so" + ], + [ + "intend", + "ent" + ], + [ + "Ġcorrespond", + "ent" + ], + [ + "F", + "ound" + ], + [ + "sec", + "ret" + ], + [ + "Ġident", + "ifies" + ], + [ + "ag", + "ne" + ], + [ + "Ġl", + "ou" + ], + [ + "ĠP", + "P" + ], + [ + "Ġcoinc", + "idence" + ], + [ + "m", + "ove" + ], + [ + "Ġmilit", + "ia" + ], + [ + "Ġinf", + "iltr" + ], + [ + "ĠPrim", + "ary" + ], + [ + "Ġpitch", + "ing" + ], + [ + "ĠI", + "b" + ], + [ + "ĠGO", + "OD" + ], + [ + "ãĤ", + "¸" + ], + [ + "ĠW", + "izards" + ], + [ + "ir", + "al" + ], + [ + "ĠVen", + "us" + ], + [ + "R", + "R" + ], + [ + "ĠâĢ", + "ķ" + ], + [ + "ĠCase", + "y" + ], + [ + "Ġsad", + "ly" + ], + [ + "Ġadm", + "ire" + ], + [ + "Ġembarrass", + "ed" + ], + [ + "c", + "b" + ], + [ + "M", + "el" + ], + [ + "Ġtub", + "es" + ], + [ + "Ġbeaut", + "ifully" + ], + [ + "ĠQueens", + "land" + ], + [ + "Bel", + "ow" + ], + [ + "re", + "z" + ], + [ + "qu", + "et" + ], + [ + "ple", + "asant" + ], + [ + "ĠÂ", + "«" + ], + [ + "C", + "amp" + ], + [ + "Ġdec", + "isive" + ], + [ + "19", + "98" + ], + [ + "ĠL", + "amb" + ], + [ + "ut", + "ton" + ], + [ + "h", + "n" + ], + [ + "ĠJ", + "agu" + ], + [ + "au", + "nder" + ], + [ + "ĠC", + "ord" + ], + [ + "Ġcl", + "erk" + ], + [ + "Ġca", + "ffe" + ], + [ + "Ġwip", + "ed" + ], + [ + "Ġre", + "im" + ], + [ + "ĠMount", + "ains" + ], + [ + "Ġimprison", + "ed" + ], + [ + "Ġdevelop", + "s" + ], + [ + "ĠP", + "ra" + ], + [ + "Ġmodel", + "ing" + ], + [ + "Any", + "one" + ], + [ + "ance", + "l" + ], + [ + "ĠS", + "it" + ], + [ + "Ġshield", + "s" + ], + [ + "Ġl", + "awn" + ], + [ + "Ġcard", + "iovascular" + ], + [ + "Ġdemonstr", + "ating" + ], + [ + "Ġpar", + "se" + ], + [ + "ĠIsrael", + "is" + ], + [ + "Ġeuro", + "s" + ], + [ + "14", + "3" + ], + [ + "Ġgl", + "orious" + ], + [ + "ins", + "ki" + ], + [ + "ec", + "d" + ], + [ + "Ġcondition", + "ing" + ], + [ + "Ġhel", + "pless" + ], + [ + "Ġmicro", + "sc" + ], + [ + "ĠHar", + "bor" + ], + [ + "Ġst", + "akes" + ], + [ + "Ġ2", + "60" + ], + [ + "Ġun", + "equ" + ], + [ + "ĠFl", + "oyd" + ], + [ + "Ġd", + "amp" + ], + [ + "Ġappar", + "atus" + ], + [ + "ĠLaw", + "s" + ], + [ + "Ġcoun", + "ters" + ], + [ + "Ġindu", + "ce" + ], + [ + "at", + "able" + ], + [ + "ĠAh", + "med" + ], + [ + "Ġsl", + "am" + ], + [ + "N", + "ovember" + ], + [ + "Ġpers", + "ist" + ], + [ + "Ġim", + "minent" + ], + [ + "á", + "n" + ], + [ + "Ġsh", + "red" + ], + [ + "Ġph", + "ases" + ], + [ + "ĠEd", + "monton" + ], + [ + "ĠArm", + "strong" + ], + [ + "ĠMe", + "et" + ], + [ + "ĠK", + "itty" + ], + [ + "Ñ", + "Ģ" + ], + [ + "c", + "irc" + ], + [ + "ĠAd", + "ult" + ], + [ + "Ġa", + "rose" + ], + [ + "ĠX", + "en" + ], + [ + "D", + "an" + ], + [ + "g", + "ow" + ], + [ + "Ġsuper", + "f" + ], + [ + "ĠAd", + "mir" + ], + [ + "Ġend", + "ure" + ], + [ + "Ġkey", + "word" + ], + [ + "yr", + "us" + ], + [ + "Ġy", + "arn" + ], + [ + "Ġpath", + "way" + ], + [ + "ĠHop", + "kins" + ], + [ + "mid", + "t" + ], + [ + "Ġcens", + "orship" + ], + [ + "d", + "ependent" + ], + [ + "Ġinstruct", + "or" + ], + [ + "S", + "ources" + ], + [ + "Ġto", + "e" + ], + [ + "Ġball", + "oon" + ], + [ + "N", + "ob" + ], + [ + "Ġsw", + "ear" + ], + [ + "ĠCast", + "ro" + ], + [ + "Ġgl", + "oss" + ], + [ + "ĠK", + "avanaugh" + ], + [ + "Ġremark", + "ably" + ], + [ + "Ph", + "otos" + ], + [ + "ĠN", + "om" + ], + [ + "ĠS", + "outheast" + ], + [ + "y", + "ers" + ], + [ + "Ġvalid", + "ation" + ], + [ + "Ġcann", + "on" + ], + [ + "ĠVict", + "ory" + ], + [ + "ĠPier", + "re" + ], + [ + "Ġcaut", + "ious" + ], + [ + "Aud", + "io" + ], + [ + "Ġf", + "etch" + ], + [ + "ĠG", + "ift" + ], + [ + "ĠH", + "yp" + ], + [ + "Ġrem", + "edy" + ], + [ + "Z", + "E" + ], + [ + "Ġsc", + "ent" + ], + [ + "Ġbe", + "ard" + ], + [ + "ĠR", + "ut" + ], + [ + "-", + "\"" + ], + [ + "Ġpat", + "ents" + ], + [ + "H", + "y" + ], + [ + "Ġun", + "just" + ], + [ + "Ġpot", + "ato" + ], + [ + "Ġforth", + "coming" + ], + [ + "Ġche", + "f" + ], + [ + "ĠR", + "ift" + ], + [ + "aff", + "e" + ], + [ + "ĠR", + "OM" + ], + [ + "ĠL", + "aunch" + ], + [ + "Ġp", + "ads" + ], + [ + "ĠNe", + "o" + ], + [ + "Ġon", + "set" + ], + [ + "Ġsquee", + "ze" + ], + [ + "s", + "afe" + ], + [ + "Ġpref", + "ix" + ], + [ + "ĠT", + "M" + ], + [ + "ĠN", + "early" + ], + [ + "ĠClin", + "ical" + ], + [ + "ĠM", + "ental" + ], + [ + "ot", + "iation" + ], + [ + "ĠUn", + "ic" + ], + [ + "ant", + "ry" + ], + [ + "ĠC", + "ir" + ], + [ + "Ġep", + "it" + ], + [ + "Ã", + "¦" + ], + [ + "Ġextract", + "ed" + ], + [ + "verse", + "ly" + ], + [ + "ri", + "ad" + ], + [ + "Ġstr", + "ains" + ], + [ + "Ġto", + "ps" + ], + [ + "Ġpo", + "em" + ], + [ + "ĠRand", + "y" + ], + [ + "ĠMap", + "le" + ], + [ + "TH", + "ER" + ], + [ + "up", + "iter" + ], + [ + "ĠSS", + "D" + ], + [ + "ļ", + "é" + ], + [ + "Ġun", + "con" + ], + [ + "per", + "ing" + ], + [ + "Ġsle", + "pt" + ], + [ + "in", + "ers" + ], + [ + "Ġunder", + "water" + ], + [ + "ĠEv", + "idence" + ], + [ + "g", + "one" + ], + [ + "20", + "5" + ], + [ + "Ġhistor", + "ians" + ], + [ + "Ġsynt", + "hesis" + ], + [ + "Ġf", + "rog" + ], + [ + "b", + "asketball" + ], + [ + "Ġvibr", + "ant" + ], + [ + "Ġsub", + "ord" + ], + [ + "Ġ3", + "65" + ], + [ + "ĠD", + "ial" + ], + [ + "Ġcooper", + "ate" + ], + [ + "HA", + "HA" + ], + [ + "Ġgreet", + "ed" + ], + [ + "15", + "8" + ], + [ + "Ġj", + "azz" + ], + [ + "Ġinto", + "x" + ], + [ + "ĠWalk", + "ing" + ], + [ + "Ġsuper", + "visor" + ], + [ + "ĠF", + "usion" + ], + [ + "ĠMer", + "cedes" + ], + [ + "s", + "end" + ], + [ + "H", + "am" + ], + [ + "s", + "d" + ], + [ + "n", + "l" + ], + [ + "Ġtour", + "s" + ], + [ + "ĠF", + "IFA" + ], + [ + "Ġcul", + "p" + ], + [ + "g", + "d" + ], + [ + "30", + "4" + ], + [ + "Ġple", + "as" + ], + [ + "Ġillust", + "rates" + ], + [ + "ĠColomb", + "ia" + ], + [ + "Ġhighlight", + "ing" + ], + [ + "ĠSum", + "mary" + ], + [ + "Ġexp", + "osing" + ], + [ + "ĠD", + "ru" + ], + [ + "Ġir", + "ony" + ], + [ + "r", + "itional" + ], + [ + "ĠCar", + "roll" + ], + [ + "ĠEll", + "is" + ], + [ + "P", + "ict" + ], + [ + "ĠR", + "apt" + ], + [ + "Ġad", + "apter" + ], + [ + "Ġun", + "m" + ], + [ + "Ġcor", + "pse" + ], + [ + "Ġceleb", + "rities" + ], + [ + "D", + "en" + ], + [ + "at", + "um" + ], + [ + "ĠAp", + "ocalypse" + ], + [ + "ĠW", + "ag" + ], + [ + "lin", + "ing" + ], + [ + "Ġhorm", + "ones" + ], + [ + "R", + "ub" + ], + [ + "ĠX", + "i" + ], + [ + "ĠV", + "aults" + ], + [ + "20", + "8" + ], + [ + "alky", + "rie" + ], + [ + "inos", + "aur" + ], + [ + "Ġfeed", + "s" + ], + [ + "v", + "ity" + ], + [ + "Ġdefe", + "ating" + ], + [ + "W", + "ait" + ], + [ + "Ġemphas", + "ize" + ], + [ + "ĠSteel", + "ers" + ], + [ + "yr", + "inth" + ], + [ + "le", + "ys" + ], + [ + "ĠWhe", + "never" + ], + [ + "Current", + "ly" + ], + [ + "ĠCl", + "ock" + ], + [ + "Ġcollect", + "ively" + ], + [ + "any", + "on" + ], + [ + "ĠJ", + "P" + ], + [ + "Ġment", + "ality" + ], + [ + "Ġdownload", + "s" + ], + [ + "Ġsurround", + "ings" + ], + [ + "ĠBarn", + "es" + ], + [ + "Ġflags", + "hip" + ], + [ + "Ġindic", + "ators" + ], + [ + "Ġgra", + "pp" + ], + [ + "Jan", + "uary" + ], + [ + "ĠElement", + "al" + ], + [ + "ĠAthen", + "a" + ], + [ + "ib", + "al" + ], + [ + "Ġs", + "ights" + ], + [ + "Ġcap", + "ita" + ], + [ + "ĠTreat", + "y" + ], + [ + "Ġvo", + "iced" + ], + [ + "ĠG", + "az" + ], + [ + "let", + "te" + ], + [ + "Ġy", + "a" + ], + [ + "Ġexp", + "ired" + ], + [ + "Leg", + "end" + ], + [ + "H", + "ot" + ], + [ + "n", + "ature" + ], + [ + "Ġunst", + "able" + ], + [ + "Ġ2", + "80" + ], + [ + "Ã", + "º" + ], + [ + "Com", + "ment" + ], + [ + "AL", + "E" + ], + [ + "Ġquest", + "s" + ], + [ + "Ġhand", + "ler" + ], + [ + "n", + "is" + ], + [ + "Ġvers", + "atile" + ], + [ + "Ġconce", + "al" + ], + [ + "enge", + "ance" + ], + [ + "ĠInter", + "active" + ], + [ + "Ġobs", + "essed" + ], + [ + "ĠDog", + "s" + ], + [ + "Ġcr", + "acked" + ], + [ + "S", + "ound" + ], + [ + "s", + "v" + ], + [ + "ĠD", + "ylan" + ], + [ + "ro", + "ads" + ], + [ + "f", + "x" + ], + [ + "ĠCath", + "olics" + ], + [ + "ĠH", + "ag" + ], + [ + "Ġsl", + "ammed" + ], + [ + "Ġgl", + "owing" + ], + [ + "s", + "ale" + ], + [ + "Ġtiss", + "ues" + ], + [ + "ĠCh", + "i" + ], + [ + "ne", + "e" + ], + [ + "Ġc", + "her" + ], + [ + "s", + "ic" + ], + [ + "ur", + "rection" + ], + [ + "Ġb", + "acon" + ], + [ + "ul", + "atory" + ], + [ + ")", + ".\"" + ], + [ + "Ġir", + "regular" + ], + [ + "FOR", + "M" + ], + [ + "ass", + "ed" + ], + [ + "Ġintention", + "al" + ], + [ + "Ġcompens", + "ate" + ], + [ + "ĠSpe", + "aking" + ], + [ + "ĠS", + "ets" + ], + [ + "15", + "3" + ], + [ + "Ġconvent", + "ions" + ], + [ + "b", + "ands" + ], + [ + "em", + "ade" + ], + [ + "Ġe", + "cc" + ], + [ + "ĠWin", + "ston" + ], + [ + "ĠAssass", + "in" + ], + [ + "ĠBelg", + "ian" + ], + [ + "Ġdepend", + "ence" + ], + [ + "Ġnic", + "he" + ], + [ + "Ġb", + "ark" + ], + [ + "ĠJ", + "azz" + ], + [ + "Ġdisadvant", + "age" + ], + [ + "Ġgas", + "oline" + ], + [ + "Ġ16", + "5" + ], + [ + "çļ", + "Ħ" + ], + [ + "ess", + "a" + ], + [ + "mod", + "ule" + ], + [ + "ang", + "ular" + ], + [ + "O", + "Y" + ], + [ + "ĠTreat", + "ment" + ], + [ + "it", + "as" + ], + [ + "ol", + "ation" + ], + [ + "ĠArn", + "old" + ], + [ + "Ġfe", + "ud" + ], + [ + "ĠN", + "est" + ], + [ + "Ġthe", + "atre" + ], + [ + "ew", + "ater" + ], + [ + "Ġmin", + "ors" + ], + [ + "olic", + "y" + ], + [ + "ĠH", + "aven" + ], + [ + "div", + "ision" + ], + [ + "Ġtr", + "unk" + ], + [ + "F", + "ar" + ], + [ + "ĠP", + "ull" + ], + [ + "Ġcapt", + "uring" + ], + [ + "Ġ18", + "00" + ], + [ + "ĠTe", + "en" + ], + [ + "Ġex", + "empl" + ], + [ + "Ġclin", + "ics" + ], + [ + "ĠB", + "urg" + ], + [ + "Ġsubst", + "it" + ], + [ + "Ġpay", + "load" + ], + [ + "ĠL", + "av" + ], + [ + "ĠT", + "roy" + ], + [ + "ĠW", + "itness" + ], + [ + "Ġfrag", + "ments" + ], + [ + "Ġpass", + "words" + ], + [ + "Ġg", + "ospel" + ], + [ + "ĠG", + "in" + ], + [ + "Ġten", + "ants" + ], + [ + "ol", + "ith" + ], + [ + "S", + "ix" + ], + [ + "Pre", + "vious" + ], + [ + "ĠAg", + "es" + ], + [ + "ĠDar", + "win" + ], + [ + "Ġbl", + "at" + ], + [ + "Ġem", + "pathy" + ], + [ + "sm", + "ith" + ], + [ + "b", + "ag" + ], + [ + "ĠE", + "cho" + ], + [ + "ĠC", + "amb" + ], + [ + "ĠM", + "add" + ], + [ + "ĠB", + "oo" + ], + [ + "Ġred", + "e" + ], + [ + "ĠBurn", + "ing" + ], + [ + "Ġsmooth", + "ly" + ], + [ + "ĠAd", + "rian" + ], + [ + "ĠV", + "ampire" + ], + [ + "ĠMon", + "sters" + ], + [ + "ste", + "am" + ], + [ + "Sty", + "le" + ], + [ + "M", + "a" + ], + [ + "re", + "a" + ], + [ + "ĠD", + "war" + ], + [ + "aly", + "st" + ], + [ + "urs", + "or" + ], + [ + "Ġelim", + "ination" + ], + [ + "Ġcrypt", + "o" + ], + [ + "ch", + "t" + ], + [ + "ĠE", + "ternal" + ], + [ + "âĢ¦", + "]" + ], + [ + "ĠS", + "orce" + ], + [ + "I", + "ll" + ], + [ + "N", + "ER" + ], + [ + "Ġu", + "h" + ], + [ + "Con", + "clusion" + ], + [ + "w", + "age" + ], + [ + "Ġresp", + "ir" + ], + [ + "Ġrem", + "inis" + ], + [ + "het", + "ical" + ], + [ + "Ġg", + "y" + ], + [ + "Ġutil", + "ized" + ], + [ + "ic", + "idal" + ], + [ + "Ġ19", + "00" + ], + [ + "Ġhun", + "ters" + ], + [ + "ĠSw", + "an" + ], + [ + "ĠRe", + "act" + ], + [ + "Ġvis", + "itor" + ], + [ + "ĠThanks", + "giving" + ], + [ + "30", + "8" + ], + [ + "Post", + "s" + ], + [ + "Ġh", + "ips" + ], + [ + "19", + "97" + ], + [ + "om", + "ers" + ], + [ + "Ġkn", + "ocking" + ], + [ + "ĠVeh", + "icle" + ], + [ + "Ġt", + "il" + ], + [ + "Ġ13", + "8" + ], + [ + "Ġm", + "i" + ], + [ + "ĠInvest", + "igation" + ], + [ + "ĠKen", + "ya" + ], + [ + "Ġcas", + "ino" + ], + [ + "Ġmot", + "ives" + ], + [ + "Ġreg", + "ain" + ], + [ + "re", + "x" + ], + [ + "Ġweek", + "ends" + ], + [ + "Ġstab", + "bed" + ], + [ + "bor", + "o" + ], + [ + "Ġexplo", + "ited" + ], + [ + "ĠHA", + "VE" + ], + [ + "ĠTe", + "levision" + ], + [ + "c", + "ock" + ], + [ + "Ġprepar", + "ations" + ], + [ + "Ġende", + "av" + ], + [ + "ĠRem", + "ote" + ], + [ + "ĠM", + "aker" + ], + [ + "ĠPro", + "du" + ], + [ + "ĠEv", + "an" + ], + [ + "Ġinform", + "ational" + ], + [ + "ĠLouis", + "ville" + ], + [ + "15", + "4" + ], + [ + "ĠDream", + "s" + ], + [ + "Ġpl", + "ots" + ], + [ + "ĠRun", + "ner" + ], + [ + "Ġhur", + "ting" + ], + [ + "Ġacad", + "emy" + ], + [ + "ĠMont", + "gomery" + ], + [ + "n", + "m" + ], + [ + "ĠL", + "anc" + ], + [ + "ĠAl", + "z" + ], + [ + "2", + "10" + ], + [ + "el", + "ong" + ], + [ + "Ġretail", + "er" + ], + [ + "Ġar", + "ising" + ], + [ + "Ġrebell", + "ion" + ], + [ + "Ġbl", + "onde" + ], + [ + "play", + "ed" + ], + [ + "Ġinstrument", + "al" + ], + [ + "C", + "ross" + ], + [ + "Ġret", + "ention" + ], + [ + "Ġtherape", + "utic" + ], + [ + "Ġse", + "as" + ], + [ + "Ġinfant", + "ry" + ], + [ + "ĠCl", + "int" + ], + [ + "Ġprompt", + "ing" + ], + [ + "Ġbit", + "ch" + ], + [ + "Ġst", + "ems" + ], + [ + "ĠK", + "ra" + ], + [ + "Ġthe", + "sis" + ], + [ + "ĠB", + "og" + ], + [ + "ru", + "ed" + ], + [ + "Ġk", + "ings" + ], + [ + "Ġcl", + "ay" + ], + [ + "ific", + "ent" + ], + [ + "ĠY", + "ES" + ], + [ + "ĠTh", + "ing" + ], + [ + "ĠCub", + "s" + ], + [ + "vey", + "ard" + ], + [ + "els", + "h" + ], + [ + "in", + "arily" + ], + [ + "ĠE", + "y" + ], + [ + "ĠRoll", + "ing" + ], + [ + "Ġev", + "olving" + ], + [ + "Ind", + "ia" + ], + [ + "Ġrecogn", + "izes" + ], + [ + "Ġgrad", + "uation" + ], + [ + "is", + "ers" + ], + [ + "Ġfert", + "ility" + ], + [ + "ĠMil", + "an" + ], + [ + "Comm", + "and" + ], + [ + "Ġbox", + "ing" + ], + [ + "Ġ19", + "43" + ], + [ + "Ġgl", + "uten" + ], + [ + "ĠEm", + "ir" + ], + [ + "Ġid", + "ol" + ], + [ + "Ġcon", + "ceived" + ], + [ + "ĠCre", + "ation" + ], + [ + "Mer", + "it" + ], + [ + "udd", + "y" + ], + [ + "uss", + "ions" + ], + [ + "ĠLie", + "utenant" + ], + [ + "iet", + "al" + ], + [ + "Ġunch", + "anged" + ], + [ + "ĠSc", + "ale" + ], + [ + "ĠCrime", + "a" + ], + [ + "ball", + "s" + ], + [ + "ator", + "ial" + ], + [ + "Ġdepth", + "s" + ], + [ + "Ġempir", + "ical" + ], + [ + "Ġtrans", + "m" + ], + [ + "Ġuns", + "afe" + ], + [ + "miss", + "ible" + ], + [ + "com", + "fort" + ], + [ + "15", + "6" + ], + [ + "Ġmechan", + "ic" + ], + [ + "00", + "2" + ], + [ + "l", + "ins" + ], + [ + "Ġsm", + "oked" + ], + [ + "P", + "os" + ], + [ + "Ġslow", + "ing" + ], + [ + "Ġl", + "av" + ], + [ + "Tex", + "as" + ], + [ + "Ġche", + "ating" + ], + [ + "ĠMet", + "ropolitan" + ], + [ + "eth", + "yl" + ], + [ + "Ġdiscover", + "ing" + ], + [ + "as", + "se" + ], + [ + "Ġpen", + "cil" + ], + [ + "ĠPy", + "ongyang" + ], + [ + "Ġclos", + "et" + ], + [ + "ĠShe", + "et" + ], + [ + "ĠEnt", + "ry" + ], + [ + "ou", + "stic" + ], + [ + "Ġmy", + "st" + ], + [ + "er", + "ate" + ], + [ + "ari", + "at" + ], + [ + "Ġminer", + "als" + ], + [ + "Ġmusic", + "ian" + ], + [ + "ĠP", + "ul" + ], + [ + "ĠM", + "az" + ], + [ + "24", + "9" + ], + [ + "Ġper", + "missions" + ], + [ + "Ġ", + "iv" + ], + [ + "en", + "ary" + ], + [ + "ick", + "ers" + ], + [ + "ĠB", + "ing" + ], + [ + "he", + "a" + ], + [ + "en", + "able" + ], + [ + "Ġgri", + "ev" + ], + [ + "Ġassert", + "ed" + ], + [ + "ĠColon", + "el" + ], + [ + "Ġaff", + "idav" + ], + [ + "w", + "o" + ], + [ + "Ġse", + "ated" + ], + [ + "ĠR", + "ide" + ], + [ + "Ġpaint", + "ings" + ], + [ + "ĠP", + "ix" + ], + [ + "Ġ13", + "7" + ], + [ + "ish", + "i" + ], + [ + "umb", + "ai" + ], + [ + "g", + "otten" + ], + [ + "ĠEar", + "l" + ], + [ + "Ġin", + "ning" + ], + [ + "Ġc", + "ensus" + ], + [ + "Ġtrave", + "lled" + ], + [ + "ĠCons", + "ult" + ], + [ + "18", + "5" + ], + [ + "b", + "ind" + ], + [ + "Ġsimpl", + "icity" + ], + [ + "Ġoverlook", + "ed" + ], + [ + "ĠHelp", + "ful" + ], + [ + "Ġmon", + "key" + ], + [ + "Ġoverwhelming", + "ly" + ], + [ + "Bl", + "ood" + ], + [ + "ĠFl", + "int" + ], + [ + "ĠJ", + "ama" + ], + [ + "ĠPres", + "ent" + ], + [ + "ĠR", + "age" + ], + [ + "ĠT", + "A" + ], + [ + "pt", + "ive" + ], + [ + "Ġturn", + "out" + ], + [ + "w", + "ald" + ], + [ + "ĠD", + "olphins" + ], + [ + "ĠV", + "PN" + ], + [ + "Ġon", + "ion" + ], + [ + "Ġcraft", + "ing" + ], + [ + "m", + "ma" + ], + [ + "ĠMerc", + "ury" + ], + [ + "Ġarr", + "ange" + ], + [ + "Ġalert", + "s" + ], + [ + "ĠO", + "T" + ], + [ + "zb", + "ollah" + ], + [ + "Ġg", + "ases" + ], + [ + "ĠRichards", + "on" + ], + [ + "s", + "al" + ], + [ + "l", + "ar" + ], + [ + "Ġfro", + "st" + ], + [ + "Ġlower", + "ing" + ], + [ + "Ġacc", + "laim" + ], + [ + "Ġstart", + "ups" + ], + [ + "ĠG", + "ain" + ], + [ + "ess", + "ment" + ], + [ + "Ġguard", + "ian" + ], + [ + "äº", + "º" + ], + [ + "ĠP", + "ie" + ], + [ + "ĠL", + "inks" + ], + [ + "Ġmer", + "its" + ], + [ + "Ġaw", + "ake" + ], + [ + "Ġparent", + "al" + ], + [ + "Ġexceed", + "s" + ], + [ + "Ġid", + "le" + ], + [ + "ĠPil", + "ot" + ], + [ + "Ġe", + "Bay" + ], + [ + "ĠAc", + "cept" + ], + [ + "ipe", + "g" + ], + [ + "C", + "am" + ], + [ + "ĠK", + "ot" + ], + [ + "Ġtrad", + "ers" + ], + [ + "olit", + "ics" + ], + [ + "unk", + "er" + ], + [ + "ĠP", + "ale" + ], + [ + "os", + "i" + ], + [ + "an", + "mar" + ], + [ + "Ġ19", + "47" + ], + [ + "ĠF", + "ell" + ], + [ + "est", + "ial" + ], + [ + "it", + "ating" + ], + [ + "G", + "F" + ], + [ + "ĠS", + "r" + ], + [ + "if", + "ted" + ], + [ + "Ġconnect", + "or" + ], + [ + "ĠB", + "one" + ], + [ + "ill", + "es" + ], + [ + "2", + "60" + ], + [ + "h", + "ma" + ], + [ + "Ġoverl", + "ap" + ], + [ + "ĠGit", + "Hub" + ], + [ + "Ġclean", + "er" + ], + [ + "ĠBapt", + "ist" + ], + [ + "ĠW", + "AS" + ], + [ + "Ġlung", + "s" + ], + [ + "Ñ", + "ģ" + ], + [ + "ĠB", + "UT" + ], + [ + "Ġc", + "ite" + ], + [ + "Ġpit", + "ched" + ], + [ + "reat", + "ment" + ], + [ + "Ġtro", + "phies" + ], + [ + "ĠN", + "u" + ], + [ + "38", + "6" + ], + [ + "ĠPr", + "ide" + ], + [ + "Ġattend", + "ees" + ], + [ + "[", + "]" + ], + [ + "17", + "9" + ], + [ + "Ġspat", + "ial" + ], + [ + "Ġpri", + "zes" + ], + [ + "ĠRel", + "igion" + ], + [ + "Ġshow", + "case" + ], + [ + "ĠC", + "ategory" + ], + [ + "vid", + "ia" + ], + [ + "T", + "arget" + ], + [ + "Pro", + "perty" + ], + [ + "?", + "," + ], + [ + "Ġf", + "usion" + ], + [ + "p", + "ie" + ], + [ + "ĠU", + "CLA" + ], + [ + "Ġsound", + "track" + ], + [ + "Ġprin", + "cess" + ], + [ + "ĠC", + "aval" + ], + [ + "sh", + "ould" + ], + [ + "Ġlim", + "bs" + ], + [ + "Back", + "ground" + ], + [ + "Ġlone", + "ly" + ], + [ + "Ġc", + "ores" + ], + [ + "ĠT", + "ail" + ], + [ + "she", + "et" + ], + [ + "Ġ13", + "2" + ], + [ + "R", + "a" + ], + [ + "ãĤ", + "«" + ], + [ + "ĠB", + "olt" + ], + [ + "Ġbook", + "ed" + ], + [ + "Ġadmin", + "ister" + ], + [ + "Ġequ", + "als" + ], + [ + "w", + "y" + ], + [ + "Ġobserv", + "ing" + ], + [ + "ĠBar", + "on" + ], + [ + "ĠAd", + "obe" + ], + [ + "Ġv", + "irgin" + ], + [ + "ĠSocial", + "ist" + ], + [ + "M", + "ove" + ], + [ + "gh", + "azi" + ], + [ + "ĠLind", + "a" + ], + [ + "2", + "12" + ], + [ + "Ġbre", + "wing" + ], + [ + "Ġmerch", + "ants" + ], + [ + "bur", + "se" + ], + [ + "Ġdiv", + "or" + ], + [ + "Ġmet", + "als" + ], + [ + "ĠN", + "er" + ], + [ + "Ġsum", + "s" + ], + [ + "ĠEn", + "emy" + ], + [ + "Ġen", + "vision" + ], + [ + "Ġgrant", + "ing" + ], + [ + "ĠH", + "oney" + ], + [ + "ĠSk", + "yrim" + ], + [ + "Ġsoc", + "io" + ], + [ + "gr", + "aded" + ], + [ + "Ġselect", + "ive" + ], + [ + "W", + "ASHINGTON" + ], + [ + "Ġ19", + "48" + ], + [ + "ĠSir", + "ius" + ], + [ + "ĠG", + "ross" + ], + [ + "act", + "ivity" + ], + [ + "ĠI", + "van" + ], + [ + "Ġfur", + "ious" + ], + [ + "BS", + "D" + ], + [ + "ĠPre", + "vious" + ], + [ + "Ġrespons", + "ive" + ], + [ + "Ġchar", + "itable" + ], + [ + "Ġle", + "aning" + ], + [ + "ĠP", + "ew" + ], + [ + "Ġviol", + "ates" + ], + [ + "\\\\\\\\", + "\\\\\\\\" + ], + [ + "ĠCom", + "ing" + ], + [ + "w", + "ire" + ], + [ + "Ġpo", + "et" + ], + [ + "Ġres", + "olutions" + ], + [ + "comm", + "and" + ], + [ + "ĠPortug", + "uese" + ], + [ + "Ġnick", + "name" + ], + [ + "Ġde", + "af" + ], + [ + "Feb", + "ruary" + ], + [ + "Ġrecogn", + "ise" + ], + [ + "Ġentire", + "ty" + ], + [ + "Ġseason", + "al" + ], + [ + "pl", + "aced" + ], + [ + "ĠTe", + "legraph" + ], + [ + "Ġmicro", + "phone" + ], + [ + "our", + "ing" + ], + [ + "Ġgr", + "ains" + ], + [ + "Ġgovern", + "ed" + ], + [ + "Ġpost", + "p" + ], + [ + "ĠW", + "aters" + ], + [ + "in", + "ement" + ], + [ + "Ġund", + "ocumented" + ], + [ + "ĠCom", + "cast" + ], + [ + "Ġf", + "ox" + ], + [ + "Ġassault", + "s" + ], + [ + "re", + "on" + ], + [ + "man", + "y" + ], + [ + "ĠJen", + "kins" + ], + [ + "ĠAny", + "way" + ], + [ + "Ġassess", + "ments" + ], + [ + "Ġdown", + "s" + ], + [ + "ĠM", + "ouse" + ], + [ + "Ġsuper", + "b" + ], + [ + "k", + "t" + ], + [ + "ĠD", + "ow" + ], + [ + "Ġtax", + "ation" + ], + [ + "4", + "01" + ], + [ + "Ġsm", + "iles" + ], + [ + "Ġundert", + "aken" + ], + [ + "Ġex", + "h" + ], + [ + "Ġenthusi", + "astic" + ], + [ + "Ġtw", + "ent" + ], + [ + "Ġgovernment", + "al" + ], + [ + "Ġautonom", + "y" + ], + [ + "ĠTechn", + "ologies" + ], + [ + "ĠCh", + "ain" + ], + [ + "Ġpreval", + "ent" + ], + [ + "f", + "b" + ], + [ + "Ġnic", + "otine" + ], + [ + "og", + "ram" + ], + [ + "j", + "ob" + ], + [ + "Ġawa", + "iting" + ], + [ + "ĠMen", + "u" + ], + [ + "Ġdep", + "uties" + ], + [ + "k", + "ov" + ], + [ + "ish", + "ops" + ], + [ + "But", + "ton" + ], + [ + "ĠShan", + "ghai" + ], + [ + "Ġdies", + "el" + ], + [ + "ĠD", + "uck" + ], + [ + "R", + "yan" + ], + [ + "ĠPC", + "s" + ], + [ + "N", + "F" + ], + [ + "j", + "ury" + ], + [ + "ent", + "e" + ], + [ + "Ġinacc", + "urate" + ], + [ + "edd", + "y" + ], + [ + "Wh", + "atever" + ], + [ + "Ġshow", + "c" + ], + [ + "ĠN", + "ad" + ], + [ + "od", + "us" + ], + [ + "et", + "r" + ], + [ + "Ġplaint", + "iffs" + ], + [ + "ĠW", + "OR" + ], + [ + "ĠAss", + "ange" + ], + [ + "Ġpriv", + "at" + ], + [ + "Ġpremium", + "s" + ], + [ + "Ġt", + "am" + ], + [ + "UR", + "L" + ], + [ + "Ġel", + "ites" + ], + [ + "ĠR", + "anger" + ], + [ + "otten", + "ham" + ], + [ + "ĠH", + "off" + ], + [ + "ĠAt", + "hens" + ], + [ + "Ġdefin", + "ite" + ], + [ + "Ġs", + "ighed" + ], + [ + "Ġeven", + "ly" + ], + [ + "2", + "11" + ], + [ + "ĠAm", + "ber" + ], + [ + "ak", + "ia" + ], + [ + "Ġmail", + "ing" + ], + [ + "Ġcr", + "ashing" + ], + [ + "ĠConfeder", + "ate" + ], + [ + "ru", + "gged" + ], + [ + "W", + "al" + ], + [ + "ĠDep", + "ths" + ], + [ + "Ġjuven", + "ile" + ], + [ + "Ġreact", + "or" + ], + [ + "Introdu", + "ction" + ], + [ + "ĠDel", + "uxe" + ], + [ + "19", + "95" + ], + [ + "ĠS", + "anchez" + ], + [ + "ĠM", + "ead" + ], + [ + "iv", + "able" + ], + [ + ":", + "-" + ], + [ + "ĠPlan", + "ning" + ], + [ + "ĠT", + "rap" + ], + [ + "qu", + "in" + ], + [ + "ĠProt", + "ect" + ], + [ + "ve", + "red" + ], + [ + "In", + "formation" + ], + [ + "Ġkid", + "ney" + ], + [ + "inn", + "amon" + ], + [ + "l", + "as" + ], + [ + "Ġpolic", + "ing" + ], + [ + "Ġtoler", + "ate" + ], + [ + "ĠQ", + "i" + ], + [ + "Ġbi", + "ased" + ], + [ + "F", + "ort" + ], + [ + "ĠK", + "i" + ], + [ + "s", + "ave" + ], + [ + "Ġprivile", + "ged" + ], + [ + "Ġbe", + "asts" + ], + [ + "ĠGl", + "as" + ], + [ + "ĠC", + "inem" + ], + [ + "Ġcome", + "back" + ], + [ + "Sund", + "ay" + ], + [ + "Ġext", + "inction" + ], + [ + "h", + "ops" + ], + [ + "Ġtrans", + "mit" + ], + [ + "Ġdoub", + "les" + ], + [ + "ĠFl", + "at" + ], + [ + "16", + "7" + ], + [ + "Ġdis", + "puted" + ], + [ + "Ġinjust", + "ice" + ], + [ + "f", + "oo" + ], + [ + "V", + "ict" + ], + [ + "role", + "um" + ], + [ + "ĠJul", + "ie" + ], + [ + "Con", + "text" + ], + [ + "ĠR", + "arity" + ], + [ + "iss", + "ue" + ], + [ + "Comp", + "onent" + ], + [ + "Ġcounsel", + "ing" + ], + [ + "an", + "ne" + ], + [ + "d", + "ark" + ], + [ + "Ġobject", + "ions" + ], + [ + "u", + "ilt" + ], + [ + "Ġg", + "ast" + ], + [ + "Ġpl", + "ac" + ], + [ + "Ġun", + "used" + ], + [ + "ãĥ", + "ĩ" + ], + [ + "ĠT", + "rial" + ], + [ + "ĠJ", + "as" + ], + [ + "hed", + "ral" + ], + [ + "ob", + "b" + ], + [ + "Ġtempor", + "al" + ], + [ + "ĠPR", + "O" + ], + [ + "ĠN", + "W" + ], + [ + "ĠAnn", + "iversary" + ], + [ + "L", + "arge" + ], + [ + "Ġther", + "m" + ], + [ + "Ġd", + "avid" + ], + [ + "Ġsystem", + "ic" + ], + [ + "ĠSh", + "ir" + ], + [ + "m", + "ut" + ], + [ + "ĠNe", + "pt" + ], + [ + "add", + "ress" + ], + [ + "Ġscan", + "ning" + ], + [ + "Ġunderstand", + "able" + ], + [ + "Ġcan", + "vas" + ], + [ + "C", + "at" + ], + [ + "ĠZ", + "oo" + ], + [ + "Ġang", + "els" + ], + [ + "L", + "O" + ], + [ + "ĠStat", + "ement" + ], + [ + "ĠS", + "ig" + ], + [ + "ov", + "able" + ], + [ + "ĠA", + "way" + ], + [ + "sh", + "aring" + ], + [ + "ocr", + "ats" + ], + [ + "st", + "ated" + ], + [ + "Ġweigh", + "ing" + ], + [ + "N", + "or" + ], + [ + "w", + "ild" + ], + [ + "B", + "ey" + ], + [ + "Ġaston", + "ishing" + ], + [ + "ĠReyn", + "olds" + ], + [ + "Ġop", + "ener" + ], + [ + "Ġtrain", + "er" + ], + [ + "Ġsurg", + "ical" + ], + [ + "p", + "n" + ], + [ + "Ġadjust", + "ing" + ], + [ + "whe", + "el" + ], + [ + "Ġf", + "rown" + ], + [ + "erv", + "ative" + ], + [ + "Ġsusp", + "end" + ], + [ + "With", + "in" + ], + [ + "te", + "in" + ], + [ + "Ġobst", + "acle" + ], + [ + "Ġliber", + "ties" + ], + [ + "ym", + "es" + ], + [ + "Ġur", + "anium" + ], + [ + "ans", + "om" + ], + [ + "an", + "ol" + ], + [ + "ub", + "a" + ], + [ + "ĠL", + "oss" + ], + [ + "Ġa", + "rous" + ], + [ + "ĠHend", + "erson" + ], + [ + "W", + "ow" + ], + [ + "s", + "pl" + ], + [ + "c", + "ur" + ], + [ + "ĠÂ", + "Ń" + ], + [ + "Ġtheir", + "s" + ], + [ + "Dam", + "age" + ], + [ + "Ġdownload", + "ing" + ], + [ + "Ġdisc", + "ern" + ], + [ + "ĠSt", + "o" + ], + [ + "ĠFl", + "a" + ], + [ + "Ġh", + "ath" + ], + [ + "ĠA", + "j" + ], + [ + "Ġun", + "pleasant" + ], + [ + "Europe", + "an" + ], + [ + "exp", + "ensive" + ], + [ + "Ġscreens", + "hot" + ], + [ + "ĠU", + "V" + ], + [ + "Ġall", + "ied" + ], + [ + "ĠPers", + "ian" + ], + [ + "Ġmonop", + "oly" + ], + [ + "Ġat", + "om" + ], + [ + "ĠReds", + "kins" + ], + [ + "\">", + "<" + ], + [ + "Ġcan", + "cell" + ], + [ + "Ġcinem", + "a" + ], + [ + "13", + "1" + ], + [ + "f", + "air" + ], + [ + "ĠAlf", + "red" + ], + [ + "Ġd", + "uck" + ], + [ + "arg", + "s" + ], + [ + "22", + "3" + ], + [ + "ĠIS", + "I" + ], + [ + "Ġsign", + "aling" + ], + [ + "in", + "ar" + ], + [ + "Ġlaugh", + "s" + ], + [ + "Ġfor", + "wards" + ], + [ + "Ġreck", + "less" + ], + [ + "Ġlisten", + "ers" + ], + [ + "at", + "ivity" + ], + [ + "Ġvast", + "ly" + ], + [ + "n", + "ant" + ], + [ + "L", + "ess" + ], + [ + "ĠHun", + "ting" + ], + [ + "ĠScient", + "ific" + ], + [ + "IT", + "ED" + ], + [ + "Ġkn", + "ight" + ], + [ + "ĠH", + "TC" + ], + [ + "us", + "a" + ], + [ + "t", + "mp" + ], + [ + "Ġr", + "ude" + ], + [ + "ĠLegend", + "ary" + ], + [ + "Ġar", + "ises" + ], + [ + "B", + "ad" + ], + [ + "ĠCl", + "aim" + ], + [ + "pe", + "g" + ], + [ + "Ġreal", + "ities" + ], + [ + "Th", + "ink" + ], + [ + "ĠÂ", + "°" + ], + [ + "Ġro", + "de" + ], + [ + "Ġstri", + "ve" + ], + [ + "Ġan", + "ecd" + ], + [ + "Ġshort", + "s" + ], + [ + "Ġhypot", + "hes" + ], + [ + "Ġcoord", + "inated" + ], + [ + "ĠGand", + "hi" + ], + [ + "ĠF", + "PS" + ], + [ + "R", + "ED" + ], + [ + "Ġsuscept", + "ible" + ], + [ + "Ġshr", + "ink" + ], + [ + "ĠCh", + "art" + ], + [ + "Hel", + "p" + ], + [ + "Ġ", + "ion" + ], + [ + "de", + "ep" + ], + [ + "rib", + "es" + ], + [ + "ĠK", + "ai" + ], + [ + "ĠCustom", + "er" + ], + [ + "Sum", + "mary" + ], + [ + "Ġc", + "ough" + ], + [ + "w", + "ife" + ], + [ + "Ġl", + "end" + ], + [ + "Ġposition", + "ing" + ], + [ + "Ġlot", + "tery" + ], + [ + "ĠC", + "anyon" + ], + [ + "Ġf", + "ade" + ], + [ + "Ġbron", + "ze" + ], + [ + "ĠKenn", + "y" + ], + [ + "Ġbo", + "asts" + ], + [ + "ĠEnh", + "anced" + ], + [ + "rec", + "ord" + ], + [ + "Ġemer", + "gence" + ], + [ + "Ġa", + "kin" + ], + [ + "ĠB", + "ert" + ], + [ + "it", + "ous" + ], + [ + "âĸ", + "ij" + ], + [ + "Ġst", + "ip" + ], + [ + "Ġexch", + "anged" + ], + [ + "om", + "ore" + ], + [ + "als", + "h" + ], + [ + "Ġreserv", + "oir" + ], + [ + "Ġstand", + "point" + ], + [ + "W", + "M" + ], + [ + "Ġiniti", + "ate" + ], + [ + "Ġdec", + "ay" + ], + [ + "Ġbrew", + "ery" + ], + [ + "Ġter", + "ribly" + ], + [ + "Ġmort", + "al" + ], + [ + "lev", + "ard" + ], + [ + "Ġrev", + "is" + ], + [ + "N", + "I" + ], + [ + "el", + "o" + ], + [ + "Ġconf", + "ess" + ], + [ + "ĠMS", + "NBC" + ], + [ + "Ġsub", + "missions" + ], + [ + "Cont", + "roller" + ], + [ + "Ġ20", + "2" + ], + [ + "ĠR", + "uth" + ], + [ + "}", + ");" + ], + [ + "ĠAz", + "ure" + ], + [ + "Ġ", + ".\"" + ], + [ + "20", + "6" + ], + [ + "ĠMarket", + "ing" + ], + [ + "Ġl", + "aund" + ], + [ + "ien", + "cies" + ], + [ + "Ġrenown", + "ed" + ], + [ + "ĠT", + "rou" + ], + [ + "ĠN", + "GO" + ], + [ + "ble", + "ms" + ], + [ + "Ġterr", + "ified" + ], + [ + "Ġwar", + "ns" + ], + [ + "Ġper", + "t" + ], + [ + "Ġuns", + "ure" + ], + [ + "4", + "80" + ], + [ + "ale", + "z" + ], + [ + "ult", + "z" + ], + [ + "ĠOut", + "side" + ], + [ + "Ġst", + "yl" + ], + [ + "ĠUnder", + "ground" + ], + [ + "Ġp", + "anc" + ], + [ + "Ġd", + "ictionary" + ], + [ + "Ġf", + "oe" + ], + [ + "rim", + "inal" + ], + [ + "ĠNor", + "wegian" + ], + [ + "Ġj", + "ailed" + ], + [ + "Ġm", + "aternal" + ], + [ + "é", + "e" + ], + [ + "ĠLu", + "cy" + ], + [ + "c", + "op" + ], + [ + "Ch", + "o" + ], + [ + "Ġuns", + "igned" + ], + [ + "ĠZe", + "lda" + ], + [ + "ĠIns", + "ider" + ], + [ + "ĠContin", + "ued" + ], + [ + "Ġ13", + "3" + ], + [ + "ĠNar", + "uto" + ], + [ + "ĠMajor", + "ity" + ], + [ + "16", + "9" + ], + [ + "ĠW", + "o" + ], + [ + "ãĤ", + "ĵ" + ], + [ + "Ġpast", + "or" + ], + [ + "Ġinform", + "al" + ], + [ + "Ð", + "½" + ], + [ + "an", + "throp" + ], + [ + "jo", + "in" + ], + [ + "ãģ", + "Ĺ" + ], + [ + "it", + "ational" + ], + [ + "N", + "P" + ], + [ + "ĠWrit", + "ing" + ], + [ + "f", + "n" + ], + [ + "ĠB", + "ever" + ], + [ + "19", + "5" + ], + [ + "Ġy", + "elling" + ], + [ + "Ġdr", + "astically" + ], + [ + "Ġe", + "ject" + ], + [ + "Ġne", + "ut" + ], + [ + "Ġth", + "rive" + ], + [ + "ĠFre", + "qu" + ], + [ + "ou", + "x" + ], + [ + "Ġpossess", + "es" + ], + [ + "ĠSen", + "ators" + ], + [ + "ĠD", + "ES" + ], + [ + "ĠSh", + "akespeare" + ], + [ + "ĠFran", + "co" + ], + [ + "ĠL", + "B" + ], + [ + "uch", + "i" + ], + [ + "Ġinc", + "arn" + ], + [ + "Ġfound", + "ers" + ], + [ + "F", + "unction" + ], + [ + "Ġbright", + "ness" + ], + [ + "ĠB", + "T" + ], + [ + "Ġwh", + "ale" + ], + [ + "ĠThe", + "ater" + ], + [ + "m", + "ass" + ], + [ + "ĠD", + "oll" + ], + [ + "S", + "omething" + ], + [ + "Ġecho", + "ed" + ], + [ + "ĠHe", + "x" + ], + [ + "c", + "rit" + ], + [ + "af", + "ia" + ], + [ + "Ġgodd", + "ess" + ], + [ + "Ġele", + "ven" + ], + [ + "ĠPre", + "view" + ], + [ + "ĠAur", + "ora" + ], + [ + "Ġ4", + "01" + ], + [ + "uls", + "ive" + ], + [ + "ĠLog", + "an" + ], + [ + "in", + "burgh" + ], + [ + "ĠCent", + "ers" + ], + [ + "ĠON", + "LY" + ], + [ + "ĠA", + "id" + ], + [ + "Ġparad", + "ox" + ], + [ + "Ġh", + "urd" + ], + [ + "ĠL", + "C" + ], + [ + "D", + "ue" + ], + [ + "c", + "ourt" + ], + [ + "Ġoff", + "ended" + ], + [ + "Ġeval", + "uating" + ], + [ + "ĠMatthew", + "s" + ], + [ + "Ġto", + "mb" + ], + [ + "Ġpay", + "roll" + ], + [ + "Ġextra", + "ction" + ], + [ + "ĠH", + "ands" + ], + [ + "if", + "i" + ], + [ + "Ġsuper", + "natural" + ], + [ + "ĠCOM", + "M" + ], + [ + "]", + "=" + ], + [ + "dog", + "s" + ], + [ + "Ġ5", + "12" + ], + [ + "ĠMe", + "eting" + ], + [ + "Rich", + "ard" + ], + [ + "ĠMax", + "imum" + ], + [ + "Ġide", + "als" + ], + [ + "Th", + "ings" + ], + [ + "m", + "and" + ], + [ + "ĠReg", + "ardless" + ], + [ + "Ġhum", + "ili" + ], + [ + "b", + "uffer" + ], + [ + "L", + "ittle" + ], + [ + "ĠD", + "ani" + ], + [ + "ĠN", + "ak" + ], + [ + "Ġliber", + "ation" + ], + [ + "ĠA", + "be" + ], + [ + "ĠO", + "L" + ], + [ + "Ġstuff", + "ed" + ], + [ + "ac", + "a" + ], + [ + "ind", + "a" + ], + [ + "raph", + "ic" + ], + [ + "Ġmos", + "qu" + ], + [ + "Ġcampaign", + "ing" + ], + [ + "Ġoccup", + "y" + ], + [ + "S", + "qu" + ], + [ + "r", + "ina" + ], + [ + "ĠW", + "el" + ], + [ + "ĠV", + "S" + ], + [ + "Ġphys", + "ic" + ], + [ + "Ġp", + "uls" + ], + [ + "r", + "int" + ], + [ + "oad", + "ed" + ], + [ + "ET", + "F" + ], + [ + "ĠArch", + "ives" + ], + [ + "Ġven", + "ues" + ], + [ + "h", + "ner" + ], + [ + "ĠTur", + "bo" + ], + [ + "Ġl", + "ust" + ], + [ + "Ġappeal", + "ed" + ], + [ + "que", + "z" + ], + [ + "il", + "ib" + ], + [ + "ĠTim", + "othy" + ], + [ + "Ġo", + "mn" + ], + [ + "d", + "ro" + ], + [ + "Ġobs", + "ession" + ], + [ + "ĠSav", + "age" + ], + [ + "19", + "96" + ], + [ + "Gl", + "obal" + ], + [ + "J", + "es" + ], + [ + "2", + "14" + ], + [ + "Ġsl", + "iding" + ], + [ + "Ġdisapp", + "ro" + ], + [ + "ĠMag", + "ical" + ], + [ + "Ġvolunt", + "arily" + ], + [ + "g", + "b" + ], + [ + "ane", + "y" + ], + [ + "Ġprop", + "het" + ], + [ + "ĠRe", + "in" + ], + [ + "ĠJul", + "ia" + ], + [ + "ĠW", + "orth" + ], + [ + "aur", + "us" + ], + [ + "Ġb", + "ounds" + ], + [ + "ie", + "u" + ], + [ + "))", + ")" + ], + [ + "Ġcro", + "re" + ], + [ + "ĠCitiz", + "en" + ], + [ + "S", + "ky" + ], + [ + "Ġcolumn", + "ist" + ], + [ + "Ġseek", + "ers" + ], + [ + "ond", + "o" + ], + [ + "IS", + "A" + ], + [ + "ĠL", + "ength" + ], + [ + "Ġnost", + "alg" + ], + [ + "Ġnew", + "com" + ], + [ + "Ġdet", + "rim" + ], + [ + "ent", + "ric" + ], + [ + "3", + "75" + ], + [ + "ĠG", + "E" + ], + [ + "Ġaut", + "op" + ], + [ + "Ġacadem", + "ics" + ], + [ + "App", + "Data" + ], + [ + "ĠS", + "hen" + ], + [ + "Ġid", + "iot" + ], + [ + "ĠTrans", + "it" + ], + [ + "Ġteasp", + "oon" + ], + [ + "W", + "il" + ], + [ + "K", + "O" + ], + [ + "ĠCom", + "edy" + ], + [ + ">", + "," + ], + [ + "Ġpop", + "ulated" + ], + [ + "W", + "D" + ], + [ + "Ġp", + "igs" + ], + [ + "ĠO", + "culus" + ], + [ + "Ġsymp", + "athetic" + ], + [ + "Ġmar", + "athon" + ], + [ + "19", + "8" + ], + [ + "Ġseiz", + "ure" + ], + [ + "s", + "ided" + ], + [ + "Ġd", + "op" + ], + [ + "irt", + "ual" + ], + [ + "L", + "and" + ], + [ + "ĠFl", + "oor" + ], + [ + "osa", + "urs" + ], + [ + "...", + "]" + ], + [ + "Ġl", + "os" + ], + [ + "Ġsubsid", + "iary" + ], + [ + "E", + "Y" + ], + [ + "ĠPart", + "s" + ], + [ + "ĠSt", + "ef" + ], + [ + "ĠJud", + "iciary" + ], + [ + "Ġ13", + "4" + ], + [ + "Ġmir", + "rors" + ], + [ + "Ġk", + "et" + ], + [ + "t", + "imes" + ], + [ + "Ġneuro", + "log" + ], + [ + "Ġc", + "av" + ], + [ + "ĠGu", + "est" + ], + [ + "Ġtum", + "or" + ], + [ + "sc", + "ill" + ], + [ + "ĠLl", + "oyd" + ], + [ + "E", + "st" + ], + [ + "Ġcle", + "arer" + ], + [ + "Ġstere", + "otypes" + ], + [ + "Ġd", + "ur" + ], + [ + "not", + "hing" + ], + [ + "Red", + "dit" + ], + [ + "Ġnegoti", + "ated" + ], + [ + "----------------", + "--------" + ], + [ + "23", + "5" + ], + [ + "Ġfl", + "own" + ], + [ + "ĠSe", + "oul" + ], + [ + "ĠRes", + "ident" + ], + [ + "ĠS", + "CH" + ], + [ + "Ġdisappear", + "ance" + ], + [ + "ĠV", + "ince" + ], + [ + "g", + "rown" + ], + [ + "Ġgrab", + "s" + ], + [ + "r", + "il" + ], + [ + "ĠInf", + "inite" + ], + [ + "ĠTw", + "enty" + ], + [ + "Ġpedest", + "rian" + ], + [ + "Ġjer", + "sey" + ], + [ + "ĠF", + "ur" + ], + [ + "ĠInf", + "inity" + ], + [ + "ĠEll", + "iott" + ], + [ + "Ġment", + "or" + ], + [ + "Ġmor", + "ally" + ], + [ + "Ġob", + "ey" + ], + [ + "sec", + "ure" + ], + [ + "iff", + "e" + ], + [ + "Ġantib", + "iotics" + ], + [ + "ang", + "led" + ], + [ + "ĠFre", + "eman" + ], + [ + "ĠIntrodu", + "ction" + ], + [ + "J", + "un" + ], + [ + "Ġm", + "arsh" + ], + [ + "ic", + "ans" + ], + [ + "ĠEV", + "ENTS" + ], + [ + "och", + "ond" + ], + [ + "W", + "all" + ], + [ + "icult", + "y" + ], + [ + "Ġmisdem", + "eanor" + ], + [ + "Ġl", + "y" + ], + [ + "Th", + "omas" + ], + [ + "ĠRes", + "olution" + ], + [ + "Ġanim", + "ations" + ], + [ + "ĠD", + "ry" + ], + [ + "Ġinter", + "course" + ], + [ + "ĠNew", + "castle" + ], + [ + "ĠH", + "og" + ], + [ + "ĠEqu", + "ipment" + ], + [ + "17", + "7" + ], + [ + "Ġterrit", + "orial" + ], + [ + "Ġarch", + "ives" + ], + [ + "20", + "3" + ], + [ + "Fil", + "ter" + ], + [ + "ĠMun", + "ich" + ], + [ + "Ġcommand", + "ed" + ], + [ + "ĠW", + "and" + ], + [ + "Ġpit", + "ches" + ], + [ + "ĠCro", + "at" + ], + [ + "Ġrat", + "ios" + ], + [ + "ĠM", + "its" + ], + [ + "Ġaccum", + "ulated" + ], + [ + "ĠSpecific", + "ally" + ], + [ + "Ġgentle", + "man" + ], + [ + "acer", + "b" + ], + [ + "Ġp", + "enn" + ], + [ + "Ġa", + "ka" + ], + [ + "ĠF", + "uk" + ], + [ + "Ġinterven", + "e" + ], + [ + "ĠRef", + "uge" + ], + [ + "ĠAlz", + "heimer" + ], + [ + "Ġsuccess", + "ion" + ], + [ + "oh", + "an" + ], + [ + "d", + "oes" + ], + [ + "L", + "ord" + ], + [ + "Ġsepar", + "at" + ], + [ + "Ġcorrespond", + "ence" + ], + [ + "Ġsh", + "iny" + ], + [ + "P", + "rior" + ], + [ + "Ġs", + "ulf" + ], + [ + "Ġmiser", + "able" + ], + [ + "Ġded", + "ication" + ], + [ + "(", + ")." + ], + [ + "Ġspecial", + "ists" + ], + [ + "Ġdefect", + "s" + ], + [ + "ĠC", + "ult" + ], + [ + "ĠX", + "ia" + ], + [ + "Ġje", + "opard" + ], + [ + "ĠO", + "re" + ], + [ + "Ab", + "ility" + ], + [ + "Ġle", + "ar" + ], + [ + "Ġamb", + "itions" + ], + [ + "ĠB", + "MI" + ], + [ + "ĠArab", + "s" + ], + [ + "Ġ19", + "42" + ], + [ + "Ġpres", + "ervation" + ], + [ + "ific", + "ate" + ], + [ + "Ġash", + "amed" + ], + [ + "l", + "oss" + ], + [ + "ĠRest", + "aur" + ], + [ + "Ġrese", + "mble" + ], + [ + "Ġen", + "rich" + ], + [ + "ĠK", + "N" + ], + [ + "ĠCl", + "an" + ], + [ + "fl", + "oat" + ], + [ + "Ġplay", + "able" + ], + [ + "IT", + "T" + ], + [ + "Ġharm", + "ony" + ], + [ + "arr", + "ison" + ], + [ + "ĠWe", + "instein" + ], + [ + "w", + "ere" + ], + [ + "Ġpoison", + "ing" + ], + [ + "ĠCom", + "put" + ], + [ + "ĠWord", + "Press" + ], + [ + "m", + "ajor" + ], + [ + "ĠVal", + "ve" + ], + [ + "F", + "an" + ], + [ + "ĠTh", + "row" + ], + [ + "ĠRom", + "ans" + ], + [ + "ĠDep", + "ression" + ], + [ + "ad", + "os" + ], + [ + "Ġtort", + "ured" + ], + [ + "Ġbal", + "ancing" + ], + [ + "bott", + "om" + ], + [ + "Ġacqu", + "iring" + ], + [ + "ĠMon", + "te" + ], + [ + "ard", + "i" + ], + [ + "Ġa", + "ura" + ], + [ + "Ġ#", + "#" + ], + [ + "ĠStand", + "ing" + ], + [ + "ĠAtl", + "as" + ], + [ + "C", + "F" + ], + [ + "Ġintr", + "ins" + ], + [ + "ĠBen", + "ghazi" + ], + [ + "Ġcamp", + "ing" + ], + [ + "Ġt", + "apped" + ], + [ + "bl", + "ade" + ], + [ + "st", + "rous" + ], + [ + "ĠR", + "abb" + ], + [ + "ĠW", + "ritten" + ], + [ + "t", + "ip" + ], + [ + "ĠNe", + "igh" + ], + [ + "ster", + "dam" + ], + [ + "ĠAll", + "ow" + ], + [ + "ĠHe", + "aling" + ], + [ + "ĠR", + "hod" + ], + [ + "n", + "um" + ], + [ + "Ġcaffe", + "ine" + ], + [ + "ĠPer", + "cent" + ], + [ + "Ġbo", + "o" + ], + [ + "Ġapp", + "les" + ], + [ + "30", + "5" + ], + [ + "Ġwel", + "coming" + ], + [ + "Ġappl", + "aud" + ], + [ + "Ġa", + "usterity" + ], + [ + "Â", + "±" + ], + [ + "ĠRe", + "ality" + ], + [ + "ef", + "e" + ], + [ + "å", + "®" + ], + [ + "Ġsu", + "cks" + ], + [ + "Ġtab", + "s" + ], + [ + "ĠPay", + "Pal" + ], + [ + "Ġback", + "pack" + ], + [ + "Ġgif", + "ted" + ], + [ + "abul", + "ary" + ], + [ + "ĠSc", + "out" + ], + [ + "ir", + "teen" + ], + [ + "Ġch", + "in" + ], + [ + "Ġo", + "mitted" + ], + [ + "Ġnegative", + "ly" + ], + [ + "Ġaccess", + "ing" + ], + [ + "ĠE", + "arn" + ], + [ + "Ġambul", + "ance" + ], + [ + "Ġhead", + "phones" + ], + [ + "Ġ20", + "5" + ], + [ + "ĠRef", + "resh" + ], + [ + "p", + "resident" + ], + [ + "ĠKit", + "chen" + ], + [ + "ĠEnt", + "ered" + ], + [ + "ĠS", + "nyder" + ], + [ + "00", + "5" + ], + [ + "om", + "ical" + ], + [ + "Ġborrow", + "ed" + ], + [ + "ĠN", + "em" + ], + [ + "Ġav", + "iation" + ], + [ + "Ġst", + "all" + ], + [ + "rim", + "ination" + ], + [ + "Ġuniform", + "s" + ], + [ + "it", + "ime" + ], + [ + "ĠSim", + "mons" + ], + [ + "ener", + "gy" + ], + [ + "ab", + "lished" + ], + [ + "y", + "y" + ], + [ + "qual", + "ified" + ], + [ + "Ġrall", + "ies" + ], + [ + "ĠSt", + "uart" + ], + [ + "fl", + "ight" + ], + [ + "Ġgang", + "s" + ], + [ + "r", + "ag" + ], + [ + "Ġv", + "ault" + ], + [ + "lu", + "x" + ], + [ + "ĠCom", + "par" + ], + [ + "Ġdesign", + "ation" + ], + [ + "20", + "9" + ], + [ + "ĠJ", + "os" + ], + [ + "d", + "ollar" + ], + [ + "z", + "ero" + ], + [ + "Ġwell", + "s" + ], + [ + "30", + "3" + ], + [ + "Ġconstitu", + "ents" + ], + [ + "Ġhe", + "ck" + ], + [ + "Ġc", + "ows" + ], + [ + "Ġcommand", + "ers" + ], + [ + "Ġdifferent", + "ial" + ], + [ + "ĠC", + "atherine" + ], + [ + "29", + "9" + ], + [ + "Ġval", + "ve" + ], + [ + "Ġbr", + "ace" + ], + [ + "Ġperspect", + "ives" + ], + [ + "c", + "ert" + ], + [ + "f", + "act" + ], + [ + "icular", + "ly" + ], + [ + "ĠMc", + "N" + ], + [ + "pl", + "anes" + ], + [ + "Ġint", + "ric" + ], + [ + "Ġpe", + "as" + ], + [ + "ov", + "an" + ], + [ + "Ġtoss", + "ed" + ], + [ + "ret", + "ch" + ], + [ + "ĠL", + "opez" + ], + [ + "Ġunf", + "amiliar" + ], + [ + "de", + "ath" + ], + [ + "ĠA", + "part" + ], + [ + "ĠCh", + "ang" + ], + [ + "Ġrelie", + "ved" + ], + [ + "rop", + "he" + ], + [ + "Ġair", + "ports" + ], + [ + "Ġfre", + "ak" + ], + [ + "ut", + "il" + ], + [ + "M", + "ill" + ], + [ + "ĠCh", + "in" + ], + [ + "ĠOw", + "en" + ], + [ + "m", + "ale" + ], + [ + "ĠBro", + "ken" + ], + [ + "ĠWind", + "s" + ], + [ + "ro", + "b" + ], + [ + "r", + "ising" + ], + [ + "Ġfire", + "fighters" + ], + [ + "Ġauthor", + "itarian" + ], + [ + "Ġ14", + "8" + ], + [ + "Bit", + "coin" + ], + [ + "ex", + "ternal" + ], + [ + "Ġbrow", + "sers" + ], + [ + "iche", + "ver" + ], + [ + "or", + "ian" + ], + [ + "Ġun", + "b" + ], + [ + "Ġpo", + "ke" + ], + [ + "ĠZ", + "ot" + ], + [ + "M", + "id" + ], + [ + "ĠPop", + "ular" + ], + [ + "Ġco", + "vert" + ], + [ + "Ġcont", + "ributes" + ], + [ + "Ġ6", + "50" + ], + [ + "Ġcont", + "ention" + ], + [ + "G", + "ate" + ], + [ + "Ġcons", + "oles" + ], + [ + "Ġchrom", + "os" + ], + [ + "ĠI", + "X" + ], + [ + "Ġvis", + "ually" + ], + [ + "ĠE", + "isen" + ], + [ + "Ġjewel", + "ry" + ], + [ + "Ġdeleg", + "ation" + ], + [ + "Ġacceler", + "ate" + ], + [ + "ĠR", + "iley" + ], + [ + "Ġsl", + "ope" + ], + [ + "Ġind", + "oor" + ], + [ + "it", + "ially" + ], + [ + "Ġhuge", + "ly" + ], + [ + "Ġtun", + "nels" + ], + [ + "Ġfin", + "ed" + ], + [ + "Ġdirect", + "ive" + ], + [ + "Ġfore", + "head" + ], + [ + "ustom", + "ed" + ], + [ + "Ġsk", + "ate" + ], + [ + "Mus", + "ic" + ], + [ + "g", + "as" + ], + [ + "Ġrecogn", + "izing" + ], + [ + "am", + "bo" + ], + [ + "Ġover", + "weight" + ], + [ + "ĠGr", + "ade" + ], + [ + "Ù", + "Ĭ" + ], + [ + "Ġsound", + "ing" + ], + [ + "Ġlock", + "ing" + ], + [ + "ĠR", + "EM" + ], + [ + "St", + "ore" + ], + [ + "Ġexc", + "av" + ], + [ + "ĠLike", + "wise" + ], + [ + "ĠL", + "ights" + ], + [ + "Ġel", + "bow" + ], + [ + "ĠSupp", + "ly" + ], + [ + "w", + "ic" + ], + [ + "Ġhands", + "ome" + ], + [ + "19", + "94" + ], + [ + "C", + "oll" + ], + [ + "Ġadequ", + "ately" + ], + [ + "ĠAssoci", + "ate" + ], + [ + "Ġstri", + "ps" + ], + [ + "Ġcrack", + "down" + ], + [ + "Ġmar", + "vel" + ], + [ + "ĠK", + "un" + ], + [ + "Ġpass", + "ages" + ], + [ + "@@", + "@@" + ], + [ + "ĠT", + "all" + ], + [ + "Ġthought", + "ful" + ], + [ + "names", + "e" + ], + [ + "Ġprost", + "itution" + ], + [ + "bus", + "iness" + ], + [ + "Ġball", + "istic" + ], + [ + "person", + "al" + ], + [ + "c", + "ig" + ], + [ + "iz", + "ational" + ], + [ + "R", + "ound" + ], + [ + "ĠÂłĠÂł", + "ĠÂłĠÂł" + ], + [ + "ĠCole", + "man" + ], + [ + "Ġadm", + "itting" + ], + [ + "ĠPl", + "ug" + ], + [ + "Ġbit", + "coins" + ], + [ + "ĠSu", + "z" + ], + [ + "Ġfair", + "ness" + ], + [ + "Ġsupp", + "lier" + ], + [ + "Ġcatast", + "rophic" + ], + [ + "ĠHel", + "en" + ], + [ + "o", + "qu" + ], + [ + "M", + "arc" + ], + [ + "ĠArt", + "icles" + ], + [ + "g", + "ie" + ], + [ + "Ġend", + "angered" + ], + [ + "Ġdest", + "iny" + ], + [ + "ĠVol", + "t" + ], + [ + "ol", + "ia" + ], + [ + "ax", + "is" + ], + [ + "Ġche", + "at" + ], + [ + "Ġun", + "ified" + ], + [ + "IC", + "O" + ], + [ + "qu", + "ote" + ], + [ + "30", + "2" + ], + [ + "ĠS", + "ed" + ], + [ + "Ġsupp", + "ression" + ], + [ + "Ġanaly", + "zing" + ], + [ + "Ġsqu", + "at" + ], + [ + "Ġfig", + "uring" + ], + [ + "Ġcoordin", + "ates" + ], + [ + "Ġch", + "unks" + ], + [ + "Ġ19", + "46" + ], + [ + "Ġsub", + "p" + ], + [ + "Ġw", + "iki" + ], + [ + "ĠFor", + "bes" + ], + [ + "ĠJ", + "upiter" + ], + [ + "ĠE", + "rik" + ], + [ + "im", + "er" + ], + [ + "ĠCom", + "mercial" + ], + [ + "\\", + ")" + ], + [ + "Ġlegitim", + "acy" + ], + [ + "Ġd", + "ental" + ], + [ + "ĠMe", + "an" + ], + [ + "Ġdefic", + "its" + ], + [ + "5", + "50" + ], + [ + "Orig", + "inally" + ], + [ + "ĠHor", + "ror" + ], + [ + "Ġcontam", + "ination" + ], + [ + "ll", + "ah" + ], + [ + "Ġconf", + "isc" + ], + [ + "ĠCl", + "are" + ], + [ + "T", + "B" + ], + [ + "ĠF", + "ailed" + ], + [ + "an", + "ed" + ], + [ + "Ġrul", + "er" + ], + [ + "ĠCont", + "roller" + ], + [ + "Ġfemin", + "ists" + ], + [ + "F", + "ix" + ], + [ + "g", + "ay" + ], + [ + "20", + "7" + ], + [ + "Ġr", + "abbit" + ], + [ + "Th", + "ird" + ], + [ + "ownt", + "own" + ], + [ + "Ġgl", + "ue" + ], + [ + "Ġvol", + "atile" + ], + [ + "Ġsh", + "ining" + ], + [ + "Ġf", + "oll" + ], + [ + "Ġimp", + "aired" + ], + [ + "Ġsup", + "ers" + ], + [ + "æ", + "Ī" + ], + [ + "Ġcl", + "utch" + ], + [ + "ļé", + "ĨĴ" + ], + [ + "Ġpro", + "let" + ], + [ + "Ġ(", + "!" + ], + [ + "Ġy", + "elled" + ], + [ + "ĠK", + "iev" + ], + [ + "ĠEr", + "n" + ], + [ + "ĠSh", + "ock" + ], + [ + "K", + "B" + ], + [ + "Ġsit", + "uated" + ], + [ + "qu", + "ery" + ], + [ + "ĠN", + "as" + ], + [ + "Ġan", + "nex" + ], + [ + "char", + "acter" + ], + [ + "ĠHol", + "iday" + ], + [ + "Ġautom", + "ation" + ], + [ + "ĠJ", + "ill" + ], + [ + "ĠRem", + "astered" + ], + [ + "Ġl", + "inem" + ], + [ + "Ġwild", + "erness" + ], + [ + "ĠHor", + "izon" + ], + [ + "ĠGu", + "inea" + ], + [ + "A", + "Z" + ], + [ + "Ġmain", + "land" + ], + [ + "Ġsec", + "recy" + ], + [ + "LE", + "ASE" + ], + [ + "Ġp", + "unk" + ], + [ + "ĠProv", + "ince" + ], + [ + "(", + ")," + ], + [ + "Spe", + "ed" + ], + [ + "Ġhand", + "ing" + ], + [ + "ĠSeb", + "ast" + ], + [ + "S", + "ir" + ], + [ + "r", + "ase" + ], + [ + "Ġj", + "ournals" + ], + [ + "Ġcon", + "gest" + ], + [ + "ĠT", + "ut" + ], + [ + "ir", + "rel" + ], + [ + "Ġschizophren", + "ia" + ], + [ + "Ġmis", + "ogyn" + ], + [ + "health", + "y" + ], + [ + "I", + "ron" + ], + [ + "Ġreact", + "ed" + ], + [ + "-", + "$" + ], + [ + "25", + "2" + ], + [ + "Ġpl", + "ural" + ], + [ + "Ġpl", + "um" + ], + [ + "Ġbarg", + "ain" + ], + [ + "Ġground", + "ed" + ], + [ + "f", + "inder" + ], + [ + "Ġdis", + "se" + ], + [ + "ĠL", + "az" + ], + [ + "O", + "OD" + ], + [ + "Ġat", + "roc" + ], + [ + "F", + "actory" + ], + [ + "Ġmin", + "ions" + ], + [ + "Ġo", + "ri" + ], + [ + "ĠB", + "rave" + ], + [ + "ĠP", + "RE" + ], + [ + "ĠMy", + "anmar" + ], + [ + "ĠH", + "od" + ], + [ + "Ġexped", + "ition" + ], + [ + "Ġexpl", + "ode" + ], + [ + "ĠCo", + "ord" + ], + [ + "Ġext", + "r" + ], + [ + "ĠB", + "rief" + ], + [ + "ĠAD", + "HD" + ], + [ + "Ġhard", + "core" + ], + [ + "feed", + "ing" + ], + [ + "Ġd", + "ile" + ], + [ + "ĠF", + "ruit" + ], + [ + "Ġvacc", + "ination" + ], + [ + "ĠM", + "ao" + ], + [ + "osp", + "here" + ], + [ + "Ġcont", + "ests" + ], + [ + "-", + "|" + ], + [ + "Ġf", + "ren" + ], + [ + "isp", + "here" + ], + [ + "R", + "om" + ], + [ + "ĠSh", + "arp" + ], + [ + "ĠTre", + "nd" + ], + [ + "Ġdis", + "connect" + ], + [ + "âĢ¢", + "âĢ¢" + ], + [ + "Ġper", + "secution" + ], + [ + "Ear", + "th" + ], + [ + "Ġhealth", + "ier" + ], + [ + "38", + "4" + ], + [ + "Ġc", + "ob" + ], + [ + "ĠTr", + "inity" + ], + [ + "OW", + "S" + ], + [ + "AN", + "N" + ], + [ + "Ġspecial", + "ty" + ], + [ + "Ġg", + "ru" + ], + [ + "Ġcooper", + "ative" + ], + [ + "wh", + "y" + ], + [ + "Start", + "ing" + ], + [ + "ĠIss", + "ues" + ], + [ + "st", + "re" + ], + [ + "ens", + "or" + ], + [ + "Ġ18", + "5" + ], + [ + "Ad", + "v" + ], + [ + "!", + "?" + ], + [ + "ĠRe", + "vel" + ], + [ + "em", + "ia" + ], + [ + "ĠH", + "ulk" + ], + [ + "Ġcelebr", + "ations" + ], + [ + "ĠS", + "ou" + ], + [ + "ra", + "ud" + ], + [ + "ĠKle", + "in" + ], + [ + "Ġun", + "real" + ], + [ + "con", + "text" + ], + [ + "Ġpartners", + "hips" + ], + [ + "Ġadop", + "ting" + ], + [ + "t", + "ical" + ], + [ + "Ġspl", + "ash" + ], + [ + "ĠHe", + "zbollah" + ], + [ + "c", + "ategory" + ], + [ + "cycl", + "op" + ], + [ + "xt", + "on" + ], + [ + "ĠD", + "ot" + ], + [ + "urd", + "y" + ], + [ + "t", + "z" + ], + [ + "Ġenvelop", + "e" + ], + [ + "ĠN", + "L" + ], + [ + "â", + "ķ" + ], + [ + "Ġwhere", + "in" + ], + [ + "Spe", + "c" + ], + [ + "18", + "4" + ], + [ + "Ġte", + "lev" + ], + [ + "al", + "iation" + ], + [ + "Ġmyth", + "s" + ], + [ + "å", + "°" + ], + [ + "Ġrig", + "orous" + ], + [ + "Ġcommun", + "icating" + ], + [ + "Ġobser", + "ver" + ], + [ + "Ġre", + "he" + ], + [ + "ĠW", + "ash" + ], + [ + "Ġapolog", + "ized" + ], + [ + "ĠT", + "in" + ], + [ + "Ġexpend", + "itures" + ], + [ + "work", + "ers" + ], + [ + "d", + "ocument" + ], + [ + "Ġhes", + "itate" + ], + [ + "ĠLen", + "in" + ], + [ + "Ġunpredict", + "able" + ], + [ + "Ġrenew", + "al" + ], + [ + "cl", + "er" + ], + [ + "ok", + "ia" + ], + [ + "ĠCON", + "T" + ], + [ + "Ġpost", + "season" + ], + [ + "Tok", + "ens" + ], + [ + "Ġex", + "acerb" + ], + [ + "Ġbet", + "ting" + ], + [ + "Ġ14", + "7" + ], + [ + "Ġelev", + "ation" + ], + [ + "W", + "ood" + ], + [ + "ĠSol", + "omon" + ], + [ + "19", + "4" + ], + [ + "00", + "4" + ], + [ + "out", + "put" + ], + [ + "Ġredu", + "nd" + ], + [ + "ĠM", + "umbai" + ], + [ + "Ġp", + "H" + ], + [ + "Ġreprodu", + "ce" + ], + [ + "ĠD", + "uration" + ], + [ + "MA", + "X" + ], + [ + "Ġb", + "og" + ], + [ + "C", + "BS" + ], + [ + "ĠBal", + "ance" + ], + [ + "ĠS", + "gt" + ], + [ + "ĠRec", + "ent" + ], + [ + "Ġc", + "d" + ], + [ + "Ġpo", + "pped" + ], + [ + "Ġincomp", + "et" + ], + [ + "pro", + "p" + ], + [ + "ay", + "an" + ], + [ + "g", + "uy" + ], + [ + "Pac", + "ific" + ], + [ + "Ġty", + "r" + ], + [ + "Ġ{", + "{" + ], + [ + "ĠMy", + "stic" + ], + [ + "ĠD", + "ana" + ], + [ + "Ġmast", + "urb" + ], + [ + "Ġge", + "ometry" + ], + [ + "Ã", + "¢" + ], + [ + "ĠCor", + "rect" + ], + [ + "Ġtraject", + "ory" + ], + [ + "Ġdistract", + "ed" + ], + [ + "Ġf", + "oo" + ], + [ + "ĠW", + "elsh" + ], + [ + "L", + "uc" + ], + [ + "m", + "ith" + ], + [ + "Ġrug", + "by" + ], + [ + "Ġrespir", + "atory" + ], + [ + "Ġtri", + "angle" + ], + [ + "Ġ2", + "15" + ], + [ + "Ġunder", + "graduate" + ], + [ + "ĠSuper", + "ior" + ], + [ + "ch", + "anging" + ], + [ + "_", + "-" + ], + [ + "Ġright", + "ly" + ], + [ + "Ġrefere", + "e" + ], + [ + "Ġluc", + "rative" + ], + [ + "Ġun", + "authorized" + ], + [ + "Ġresemb", + "les" + ], + [ + "ĠGN", + "U" + ], + [ + "ĠDer", + "by" + ], + [ + "Ġpath", + "ways" + ], + [ + "ĠL", + "ed" + ], + [ + "Ġend", + "urance" + ], + [ + "Ġst", + "int" + ], + [ + "Ġcollect", + "or" + ], + [ + "F", + "ast" + ], + [ + "Ġd", + "ots" + ], + [ + "Ġnational", + "s" + ], + [ + "ĠSec", + "urities" + ], + [ + "Ġwh", + "ip" + ], + [ + "Par", + "am" + ], + [ + "Ġlearn", + "s" + ], + [ + "M", + "agic" + ], + [ + "Ġdetail", + "ing" + ], + [ + "m", + "oon" + ], + [ + "Ġbroadcast", + "ing" + ], + [ + "Ġb", + "aked" + ], + [ + "26", + "5" + ], + [ + "hol", + "m" + ], + [ + "ĠS", + "ah" + ], + [ + "ĠHus", + "sein" + ], + [ + "ĠCourt", + "esy" + ], + [ + "17", + "4" + ], + [ + "Ġ14", + "6" + ], + [ + "Ġge", + "ographic" + ], + [ + "pe", + "ace" + ], + [ + "Ġjud", + "ging" + ], + [ + "ĠS", + "tern" + ], + [ + "B", + "ur" + ], + [ + "Ġstory", + "line" + ], + [ + "G", + "un" + ], + [ + "ĠSt", + "ick" + ], + [ + "24", + "5" + ], + [ + "30", + "7" + ], + [ + "ãĤ´", + "ãĥ³" + ], + [ + "ĠAdminist", + "rator" + ], + [ + "Ġbur", + "nt" + ], + [ + "Ġp", + "ave" + ], + [ + "ch", + "oes" + ], + [ + "Ex", + "ec" + ], + [ + "Ġcamp", + "uses" + ], + [ + "Res", + "ult" + ], + [ + "Ġmut", + "ations" + ], + [ + "ĠCh", + "arter" + ], + [ + "Ġcapt", + "ures" + ], + [ + "Ġcomp", + "ares" + ], + [ + "Ġbad", + "ge" + ], + [ + "S", + "cient" + ], + [ + "Ġer", + "ad" + ], + [ + "ier", + "y" + ], + [ + "o", + "i" + ], + [ + "ett", + "es" + ], + [ + "ĠE", + "state" + ], + [ + "Ġst", + "rap" + ], + [ + "Ġproud", + "ly" + ], + [ + "Ġf", + "ried" + ], + [ + "Ġwithd", + "rawn" + ], + [ + "ĠV", + "oy" + ], + [ + "ph", + "ony" + ], + [ + "It", + "ems" + ], + [ + "ĠP", + "ierce" + ], + [ + "b", + "ard" + ], + [ + "Ġann", + "otation" + ], + [ + "ant", + "on" + ], + [ + "ill", + "on" + ], + [ + "Im", + "pro" + ], + [ + "...", + ")" + ], + [ + "Ġhapp", + "ier" + ], + [ + "----", + "--" + ], + [ + "ad", + "just" + ], + [ + "Ġstaff", + "ers" + ], + [ + "Ġactiv", + "ism" + ], + [ + "Ġper", + "f" + ], + [ + "Ġal", + "right" + ], + [ + "N", + "eed" + ], + [ + "Ġcomm", + "ence" + ], + [ + "Ġopio", + "id" + ], + [ + "ĠAm", + "anda" + ], + [ + "E", + "s" + ], + [ + "ĠP", + "ars" + ], + [ + "ĠK", + "aw" + ], + [ + "W", + "orks" + ], + [ + "24", + "8" + ], + [ + "Ġind", + "o" + ], + [ + "t", + "c" + ], + [ + "end", + "ant" + ], + [ + "ĠM", + "oto" + ], + [ + "Ġlegal", + "ization" + ], + [ + "OT", + "E" + ], + [ + "Ġtask", + "ed" + ], + [ + "Ġt", + "sp" + ], + [ + "ĠACT", + "IONS" + ], + [ + "16", + "6" + ], + [ + "Ġrefres", + "hing" + ], + [ + "ĠN", + "R" + ], + [ + "ĠPere", + "z" + ], + [ + "Ġinfring", + "ement" + ], + [ + "S", + "Y" + ], + [ + "List", + "en" + ], + [ + "in", + "ning" + ], + [ + "k", + "u" + ], + [ + "Ġrot", + "ate" + ], + [ + "pro", + "gram" + ], + [ + "ar", + "ah" + ], + [ + "Des", + "ign" + ], + [ + "Ġ(", + "£" + ], + [ + "Ġst", + "oring" + ], + [ + "Ġwar", + "rants" + ], + [ + "Ġjud", + "gement" + ], + [ + "ĠB", + "rist" + ], + [ + "us", + "ually" + ], + [ + "ph", + "oto" + ], + [ + "ĠR", + "an" + ], + [ + "ĠP", + "ine" + ], + [ + "Ġoutrage", + "ous" + ], + [ + "ĠValent", + "ine" + ], + [ + "lu", + "ence" + ], + [ + "ĠEvery", + "body" + ], + [ + "Al", + "tern" + ], + [ + "Ġrele", + "vance" + ], + [ + "Ġtermin", + "ated" + ], + [ + "Ġd", + "essert" + ], + [ + "Ġfulf", + "illed" + ], + [ + "Ġprosecut", + "ed" + ], + [ + "ĠW", + "ords" + ], + [ + "Ġm", + "igrant" + ], + [ + "Ġcultiv", + "ation" + ], + [ + "ÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤ", + "ÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤ" + ], + [ + "idel", + "ity" + ], + [ + "ĠV", + "ern" + ], + [ + "ĠLog", + "in" + ], + [ + "Ġmetaph", + "or" + ], + [ + "ĠT", + "ip" + ], + [ + "Ġrecru", + "its" + ], + [ + "ĠP", + "ig" + ], + [ + "rib", + "ing" + ], + [ + "Ġenthusi", + "asts" + ], + [ + "ex", + "per" + ], + [ + "Ġfright", + "ening" + ], + [ + "ĠH", + "air" + ], + [ + "ans", + "on" + ], + [ + "str", + "ate" + ], + [ + "Ġh", + "i" + ], + [ + "He", + "ight" + ], + [ + "Ġown", + "ing" + ], + [ + "n", + "one" + ], + [ + "Ġdis", + "like" + ], + [ + "Ġkn", + "ives" + ], + [ + "pher", + "d" + ], + [ + "Ġloud", + "ly" + ], + [ + "ĠAP", + "Is" + ], + [ + "Dis", + "play" + ], + [ + "ĠL", + "ac" + ], + [ + "ĠUS", + "S" + ], + [ + "ab", + "l" + ], + [ + "ver", + "ages" + ], + [ + "J", + "ew" + ], + [ + "Ġ17", + "2" + ], + [ + "ĠHist", + "orical" + ], + [ + "at", + "oon" + ], + [ + "ĠPhys", + "ics" + ], + [ + "in", + "tern" + ], + [ + "Ġwarm", + "th" + ], + [ + "Ġto", + "pp" + ], + [ + "D", + "M" + ], + [ + "Ġgun", + "man" + ], + [ + "Ġem", + "peror" + ], + [ + "od", + "i" + ], + [ + "ãĥ", + "£" + ], + [ + "in", + "atory" + ], + [ + "ĠR", + "ib" + ], + [ + "Ġ13", + "1" + ], + [ + "ĠSat", + "urn" + ], + [ + "ĠSh", + "ining" + ], + [ + "Ġw", + "aking" + ], + [ + "Qu", + "otes" + ], + [ + "Ġcomed", + "ian" + ], + [ + "en", + "berg" + ], + [ + "Â", + "½" + ], + [ + "Ġbelie", + "vers" + ], + [ + "Ġpaper", + "work" + ], + [ + "c", + "ustom" + ], + [ + "Ġle", + "v" + ], + [ + "Ġl", + "ament" + ], + [ + "Ġpour", + "ing" + ], + [ + "22", + "2" + ], + [ + "p", + "olitical" + ], + [ + "ĠSupp", + "lement" + ], + [ + "m", + "aid" + ], + [ + "Ġcruel", + "ty" + ], + [ + "Ġt", + "read" + ], + [ + "ys", + "ics" + ], + [ + "A", + "w" + ], + [ + "rit", + "es" + ], + [ + "Ġmod", + "ifier" + ], + [ + "ĠP", + "osition" + ], + [ + "Ad", + "am" + ], + [ + "l", + "b" + ], + [ + "ub", + "s" + ], + [ + "Ġimper", + "fect" + ], + [ + "Ġcl", + "usters" + ], + [ + "ĠEngine", + "er" + ], + [ + "ĠC", + "herry" + ], + [ + "Ġinaug", + "uration" + ], + [ + "ĠS", + "au" + ], + [ + "Ġembod", + "iment" + ], + [ + "ĠUn", + "cle" + ], + [ + "Ġover", + "r" + ], + [ + "Ġexplos", + "ions" + ], + [ + "c", + "ule" + ], + [ + "ĠPrinc", + "eton" + ], + [ + "ĠAndre", + "a" + ], + [ + "Ġincorrect", + "ly" + ], + [ + "Ġearn", + "est" + ], + [ + "Ġpil", + "gr" + ], + [ + "ĠS", + "print" + ], + [ + "Ġslee", + "ve" + ], + [ + "Ġhe", + "ars" + ], + [ + "ĠAm", + "azing" + ], + [ + "Ġbrow", + "sing" + ], + [ + "ag", + "in" + ], + [ + "Ġhom", + "eland" + ], + [ + "Ġha", + "w" + ], + [ + "Ġd", + "iving" + ], + [ + "ist", + "ered" + ], + [ + "17", + "8" + ], + [ + "Ġbarg", + "aining" + ], + [ + "ĠArc", + "ade" + ], + [ + "Ġdeleg", + "ate" + ], + [ + "ters", + "on" + ], + [ + "................................", + "................................" + ], + [ + "ĠJackson", + "ville" + ], + [ + "27", + "5" + ], + [ + "Ġst", + "agn" + ], + [ + "Ġad", + "am" + ], + [ + "ĠSher", + "man" + ], + [ + "C", + "B" + ], + [ + "Ġsub", + "urb" + ], + [ + "ĠFood", + "s" + ], + [ + "Ġconver", + "ting" + ], + [ + "ĠAr", + "ist" + ], + [ + "Ġch", + "ambers" + ], + [ + "l", + "ove" + ], + [ + "Ġam", + "ino" + ], + [ + "ĠG", + "an" + ], + [ + "Ġmad", + "ness" + ], + [ + "m", + "c" + ], + [ + "ĠUS", + "E" + ], + [ + "def", + "ined" + ], + [ + "Ġul", + "tr" + ], + [ + "ind", + "ust" + ], + [ + "Ġw", + "olves" + ], + [ + "l", + "ance" + ], + [ + "Add", + "itionally" + ], + [ + "Ġcr", + "acks" + ], + [ + "as", + "ia" + ], + [ + "ĠRe", + "ason" + ], + [ + "ĠP", + "ump" + ], + [ + "Ġaccident", + "al" + ], + [ + "ĠL", + "aser" + ], + [ + "ĠR", + "id" + ], + [ + "Ġinitial", + "ized" + ], + [ + "ell", + "i" + ], + [ + "Ġun", + "named" + ], + [ + "Ġn", + "oun" + ], + [ + "ĠPass", + "ed" + ], + [ + "Ġhost", + "age" + ], + [ + "ĠEth", + "iop" + ], + [ + "sh", + "irts" + ], + [ + "Ġun", + "rel" + ], + [ + "ĠEmb", + "assy" + ], + [ + "Ġ19", + "41" + ], + [ + "Ġat", + "oms" + ], + [ + "Ġpur", + "ported" + ], + [ + "16", + "4" + ], + [ + "ĠF", + "i" + ], + [ + "Ġgall", + "ons" + ], + [ + "ĠMon", + "ica" + ], + [ + "Ġp", + "g" + ], + [ + "en", + "ment" + ], + [ + "Ġsort", + "ed" + ], + [ + "ĠG", + "ospel" + ], + [ + "Ġhe", + "ights" + ], + [ + "Ġtr", + "aced" + ], + [ + "Ġunder", + "going" + ], + [ + "She", + "ll" + ], + [ + "Ġs", + "acks" + ], + [ + "Ġproport", + "ions" + ], + [ + "Ġhall", + "uc" + ], + [ + "F", + "ont" + ], + [ + "ac", + "et" + ], + [ + "Ġwar", + "mer" + ], + [ + "ĠIN", + "TER" + ], + [ + "Ġgrab", + "bing" + ], + [ + "Pl", + "ug" + ], + [ + "Ġreal", + "ization" + ], + [ + "ĠBur", + "ke" + ], + [ + "Ġen", + "chant" + ], + [ + "AT", + "ER" + ], + [ + "ĠSe", + "ed" + ], + [ + "Ġabund", + "ant" + ], + [ + "F", + "M" + ], + [ + "Ġc", + "ivic" + ], + [ + "V", + "s" + ], + [ + "is", + "i" + ], + [ + "Ġv", + "ow" + ], + [ + "Ġre", + "per" + ], + [ + "ĠPartners", + "hip" + ], + [ + "Ġpenet", + "ration" + ], + [ + "Ġax", + "e" + ], + [ + "Ġsh", + "attered" + ], + [ + "ĠZ", + "ombies" + ], + [ + "Ġv", + "inyl" + ], + [ + "ĠAl", + "ert" + ], + [ + "e", + "on" + ], + [ + "Ġoblig", + "ed" + ], + [ + "ĠIll", + "ust" + ], + [ + "ĠPl", + "aza" + ], + [ + "ĠFront", + "ier" + ], + [ + "Ġdavid", + "jl" + ], + [ + "ĠSer", + "ial" + ], + [ + "ĠH", + "av" + ], + [ + "ĠNut", + "rition" + ], + [ + "B", + "i" + ], + [ + "Ġâĸ", + "Ī" + ], + [ + "ĠJ", + "ays" + ], + [ + "lin", + "ux" + ], + [ + "Ġhur", + "ry" + ], + [ + "Ġv", + "oy" + ], + [ + "Ġhop", + "eless" + ], + [ + "ĠSte", + "alth" + ], + [ + "Ġ", + "ãģ" + ], + [ + "ess", + "ors" + ], + [ + "tt", + "le" + ], + [ + "b", + "org" + ], + [ + "ĠSaf", + "ari" + ], + [ + "f", + "ell" + ], + [ + "Ġw", + "ary" + ], + [ + "d", + "ue" + ], + [ + "ĠAb", + "ove" + ], + [ + "H", + "a" + ], + [ + "E", + "LL" + ], + [ + "Ġnot", + "or" + ], + [ + "ĠW", + "on" + ], + [ + "T", + "oo" + ], + [ + "Ġoccup", + "ations" + ], + [ + "Ġposs", + "essions" + ], + [ + "Ġinv", + "iting" + ], + [ + "Ġpred", + "ators" + ], + [ + "Ġacceler", + "ated" + ], + [ + "Ġ15", + "7" + ], + [ + "uter", + "te" + ], + [ + "ĠC", + "ube" + ], + [ + "e", + "ast" + ], + [ + "acc", + "ount" + ], + [ + "G", + "ive" + ], + [ + "Ġtrans", + "plant" + ], + [ + "red", + "ients" + ], + [ + "id", + "able" + ], + [ + "Ġscreens", + "hots" + ], + [ + "ĠG", + "und" + ], + [ + "ĠF", + "S" + ], + [ + "Ġtravel", + "ers" + ], + [ + "Ġsens", + "ory" + ], + [ + "ĠF", + "iat" + ], + [ + "ĠRock", + "ets" + ], + [ + "İ", + "ĭ" + ], + [ + "_", + "{" + ], + [ + "F", + "riend" + ], + [ + "Ġchar", + "ming" + ], + [ + "AL", + "S" + ], + [ + "Ġenjoy", + "ment" + ], + [ + "m", + "ph" + ], + [ + "Ġ5", + "000" + ], + [ + "ĠRE", + "G" + ], + [ + "Ù", + "Ĩ" + ], + [ + "b", + "ia" + ], + [ + "Ġcomp", + "ilation" + ], + [ + "ro", + "st" + ], + [ + "ĠV", + "P" + ], + [ + "ĠSch", + "ne" + ], + [ + "201", + "9" + ], + [ + "Ġcop", + "ying" + ], + [ + "M", + "ORE" + ], + [ + "ĠFl", + "ore" + ], + [ + "f", + "alls" + ], + [ + "2", + "15" + ], + [ + "t", + "otal" + ], + [ + "Ġdis", + "ciples" + ], + [ + "d", + "ouble" + ], + [ + "Ġexceed", + "ing" + ], + [ + "Ġsm", + "ashed" + ], + [ + "Ġconcept", + "ual" + ], + [ + "ĠRom", + "ania" + ], + [ + "ĠB", + "rent" + ], + [ + "ĠI", + "CE" + ], + [ + "ĠT", + "ou" + ], + [ + "Ġg", + "rap" + ], + [ + "Ġn", + "ails" + ], + [ + "18", + "9" + ], + [ + "ãĥ", + "ĺ" + ], + [ + "Ġproc", + "ure" + ], + [ + "e", + "ur" + ], + [ + "Ġconfir", + "ming" + ], + [ + "ĠC", + "ec" + ], + [ + "aw", + "i" + ], + [ + "ĠEd", + "en" + ], + [ + "Ġn", + "g" + ], + [ + "Ġengine", + "ered" + ], + [ + "at", + "ics" + ], + [ + "Ġhook", + "ed" + ], + [ + "Ġdisgust", + "ing" + ], + [ + "ĠMur", + "der" + ], + [ + "ãĤ", + "¿" + ], + [ + "L", + "ibrary" + ], + [ + "Ġ16", + "8" + ], + [ + "Al", + "most" + ], + [ + "hem", + "atic" + ], + [ + "Men", + "u" + ], + [ + "ĠNot", + "re" + ], + [ + "ĠJ", + "ur" + ], + [ + "Ġkidn", + "apped" + ], + [ + "Ġhack", + "er" + ], + [ + "ĠJ", + "ade" + ], + [ + "Ġcreep", + "y" + ], + [ + "Ġdraw", + "ings" + ], + [ + "ĠSpons", + "or" + ], + [ + "Ġcycl", + "ists" + ], + [ + "ĠGob", + "lin" + ], + [ + "Ġoptim", + "ized" + ], + [ + "Ġst", + "aged" + ], + [ + "ĠMc", + "D" + ], + [ + "bet", + "ween" + ], + [ + "A", + "ge" + ], + [ + "en", + "o" + ], + [ + "S", + "ex" + ], + [ + "ĠW", + "ide" + ], + [ + "n", + "ings" + ], + [ + "av", + "is" + ], + [ + "Ġincap", + "able" + ], + [ + "ĠK", + "ob" + ], + [ + "Ġreward", + "ing" + ], + [ + "ĠL", + "one" + ], + [ + "oles", + "cent" + ], + [ + "Ġcontract", + "ed" + ], + [ + "Ġstick", + "y" + ], + [ + "J", + "ose" + ], + [ + "B", + "all" + ], + [ + "f", + "est" + ], + [ + "ĠIn", + "put" + ], + [ + "ĠRec", + "ently" + ], + [ + "Ġto", + "mat" + ], + [ + "squ", + "are" + ], + [ + "App", + "lication" + ], + [ + "Ġnit", + "rogen" + ], + [ + "Ġdupl", + "icate" + ], + [ + "ĠRec", + "on" + ], + [ + "ĠD", + "ear" + ], + [ + "L", + "ondon" + ], + [ + "Ġint", + "ra" + ], + [ + "Ġd", + "ock" + ], + [ + "Ġout", + "reach" + ], + [ + "ĠM", + "illion" + ], + [ + "Ġmamm", + "als" + ], + [ + "am", + "pton" + ], + [ + "V", + "AL" + ], + [ + "Ġsn", + "aps" + ], + [ + "Ġd", + "os" + ], + [ + "ĠWh", + "ole" + ], + [ + "ĠRead", + "y" + ], + [ + "T", + "ry" + ], + [ + "ĠWinn", + "ipeg" + ], + [ + "ear", + "ance" + ], + [ + "Ġinc", + "urred" + ], + [ + "ren", + "ched" + ], + [ + "ĠNS", + "W" + ], + [ + "il", + "ot" + ], + [ + "rain", + "e" + ], + [ + "Ġc", + "ube" + ], + [ + "g", + "ot" + ], + [ + "Ġrun", + "way" + ], + [ + "etermin", + "ed" + ], + [ + "ĠHaw", + "ks" + ], + [ + "Ġsurviv", + "or" + ], + [ + "ĠW", + "ish" + ], + [ + "ĠD", + "in" + ], + [ + "ĠDE", + "F" + ], + [ + "ĠV", + "ault" + ], + [ + "18", + "7" + ], + [ + "Ġmush", + "rooms" + ], + [ + "Ġcris", + "p" + ], + [ + "be", + "y" + ], + [ + "ĠDisco", + "very" + ], + [ + "Ġdevelopment", + "al" + ], + [ + "Ġparad", + "igm" + ], + [ + "Ġcha", + "otic" + ], + [ + "ĠT", + "su" + ], + [ + "Ġ3", + "33" + ], + [ + "b", + "ons" + ], + [ + "Ġbacter", + "ial" + ], + [ + "Ġcomm", + "its" + ], + [ + "Ġcos", + "mic" + ], + [ + "Ġme", + "ga" + ], + [ + "oc", + "ative" + ], + [ + "ĠP", + "aint" + ], + [ + "ophob", + "ic" + ], + [ + "Ġv", + "ain" + ], + [ + "Ġcar", + "ved" + ], + [ + "ĠTh", + "ief" + ], + [ + "ĠG", + "ul" + ], + [ + "ows", + "hip" + ], + [ + "Ġc", + "ites" + ], + [ + "ĠEd", + "inburgh" + ], + [ + "Ġdimin", + "ished" + ], + [ + "Ġacknowled", + "ges" + ], + [ + "ĠK", + "ills" + ], + [ + "Ġmic", + "row" + ], + [ + "ĠHer", + "a" + ], + [ + "Ġsen", + "iors" + ], + [ + "Ġwhere", + "by" + ], + [ + "H", + "op" + ], + [ + "at", + "ron" + ], + [ + "Ġun", + "available" + ], + [ + "ĠN", + "ate" + ], + [ + "Ġ4", + "80" + ], + [ + "Ġsl", + "ated" + ], + [ + "ĠRe", + "becca" + ], + [ + "ĠB", + "attery" + ], + [ + "Ġgram", + "mar" + ], + [ + "Ġhead", + "set" + ], + [ + "Ġcurs", + "or" + ], + [ + "Ġex", + "cluding" + ], + [ + "any", + "e" + ], + [ + "aunder", + "ing" + ], + [ + "eb", + "in" + ], + [ + "Ġfeas", + "ible" + ], + [ + "ĠPub", + "lishing" + ], + [ + "ĠLab", + "s" + ], + [ + "ĠCl", + "iff" + ], + [ + "ĠFerr", + "ari" + ], + [ + "Ġp", + "ac" + ], + [ + "vis", + "ible" + ], + [ + "mark", + "ed" + ], + [ + "pe", + "ll" + ], + [ + "Ġpol", + "ite" + ], + [ + "Ġstagger", + "ing" + ], + [ + "ĠGal", + "actic" + ], + [ + "Ġsuper", + "st" + ], + [ + "Ġpar", + "an" + ], + [ + "ĠOffic", + "ers" + ], + [ + "ãĢ", + "ģ" + ], + [ + "Ġspecific", + "s" + ], + [ + "ul", + "us" + ], + [ + "23", + "9" + ], + [ + "ĠP", + "aste" + ], + [ + "AM", + "P" + ], + [ + "ĠPan", + "ama" + ], + [ + "ĠDe", + "lete" + ], + [ + "angu", + "ard" + ], + [ + "rest", + "rial" + ], + [ + "Ġhero", + "ic" + ], + [ + "ĠD", + "y" + ], + [ + "ا", + "ÙĦ" + ], + [ + "Ġincumb", + "ent" + ], + [ + "Ġcr", + "unch" + ], + [ + "t", + "ro" + ], + [ + "Ġsc", + "oop" + ], + [ + "Ġblog", + "ger" + ], + [ + "Ġsell", + "ers" + ], + [ + "ure", + "n" + ], + [ + "Ġmedic", + "ines" + ], + [ + "ĠC", + "aps" + ], + [ + "ĠAnim", + "ation" + ], + [ + "ox", + "y" + ], + [ + "Ġout", + "ward" + ], + [ + "Ġinqu", + "iries" + ], + [ + "22", + "9" + ], + [ + "Ġpsych", + "ologist" + ], + [ + "ĠS", + "ask" + ], + [ + "ev", + "il" + ], + [ + "Ġcontam", + "inated" + ], + [ + "ãĤ", + "¨" + ], + [ + "he", + "rence" + ], + [ + "Ġbrand", + "ed" + ], + [ + "ĠAbd", + "ul" + ], + [ + "z", + "h" + ], + [ + "Ġparagraph", + "s" + ], + [ + "Ġmin", + "s" + ], + [ + "Ġcor", + "related" + ], + [ + "er", + "b" + ], + [ + "Ġimp", + "art" + ], + [ + "Ġmil", + "estone" + ], + [ + "ĠSol", + "utions" + ], + [ + "ot", + "le" + ], + [ + "Ġunder", + "cover" + ], + [ + "Ġmar", + "ched" + ], + [ + "ĠCharg", + "ers" + ], + [ + "f", + "ax" + ], + [ + "ĠSec", + "rets" + ], + [ + "Ġr", + "uth" + ], + [ + "we", + "ather" + ], + [ + "Ġfemin", + "ine" + ], + [ + "Ġsh", + "am" + ], + [ + "Ġprest", + "igious" + ], + [ + "igg", + "ins" + ], + [ + "Ġs", + "ung" + ], + [ + "hist", + "ory" + ], + [ + "ett", + "le" + ], + [ + "gg", + "ie" + ], + [ + "Ġout", + "dated" + ], + [ + "ol", + "and" + ], + [ + "Ġper", + "ceptions" + ], + [ + "ĠS", + "ession" + ], + [ + "ĠDod", + "gers" + ], + [ + "u", + "j" + ], + [ + "ĠE", + "ND" + ], + [ + "D", + "oc" + ], + [ + "Ġdefic", + "iency" + ], + [ + "Gr", + "and" + ], + [ + "ĠJ", + "oker" + ], + [ + "Ġretro", + "spect" + ], + [ + "Ġdiagn", + "ostic" + ], + [ + "Ġharm", + "less" + ], + [ + "Ġro", + "gue" + ], + [ + "ĠA", + "val" + ], + [ + "E", + "qu" + ], + [ + "Ġtrans", + "c" + ], + [ + "ĠRoberts", + "on" + ], + [ + "ĠDep", + "ending" + ], + [ + "ĠBurn", + "s" + ], + [ + "iv", + "o" + ], + [ + "Ġhost", + "ility" + ], + [ + "F", + "eatures" + ], + [ + "ĵ", + "ĺ" + ], + [ + "Ġdis", + "comfort" + ], + [ + "ĠL", + "CD" + ], + [ + "spec", + "ified" + ], + [ + "ĠEx", + "pect" + ], + [ + "3", + "40" + ], + [ + "Ġimper", + "ative" + ], + [ + "ĠReg", + "ular" + ], + [ + "Ch", + "inese" + ], + [ + "Ġstate", + "wide" + ], + [ + "Ġsy", + "mm" + ], + [ + "Ġlo", + "ops" + ], + [ + "Ġaut", + "umn" + ], + [ + "N", + "ick" + ], + [ + "Ġsh", + "aping" + ], + [ + "Ġqu", + "ot" + ], + [ + "Ġc", + "herry" + ], + [ + "ĠCross", + "ref" + ], + [ + "è¦", + "ļéĨĴ" + ], + [ + "Stand", + "ard" + ], + [ + "he", + "ed" + ], + [ + "ĠD", + "ell" + ], + [ + "ĠViet", + "namese" + ], + [ + "Ġo", + "st" + ], + [ + "ĠV", + "alkyrie" + ], + [ + "O", + "A" + ], + [ + "Ass", + "ad" + ], + [ + "Ġreb", + "ound" + ], + [ + "ĠTra", + "ffic" + ], + [ + "pl", + "aces" + ], + [ + "æ", + "ĺ" + ], + [ + "ĠB", + "uc" + ], + [ + "17", + "2" + ], + [ + "Ġshel", + "ters" + ], + [ + "Ġins", + "isting" + ], + [ + "ĠCertain", + "ly" + ], + [ + "ĠKenn", + "eth" + ], + [ + "ĠT", + "CP" + ], + [ + "Ġpen", + "al" + ], + [ + "ĠRe", + "play" + ], + [ + "he", + "ard" + ], + [ + "Ġdial", + "ect" + ], + [ + "iz", + "a" + ], + [ + "ĠF", + "Y" + ], + [ + "it", + "cher" + ], + [ + "ĠD", + "L" + ], + [ + "Ġspir", + "al" + ], + [ + "Ġquarterback", + "s" + ], + [ + "Ġh", + "ull" + ], + [ + "Ġgo", + "ogle" + ], + [ + "Ġto", + "dd" + ], + [ + "ĠSter", + "ling" + ], + [ + "ĠPl", + "ate" + ], + [ + "Ġsp", + "ying" + ], + [ + "mb", + "ol" + ], + [ + "ĠReal", + "m" + ], + [ + "ĠPro", + "ced" + ], + [ + "ĠCr", + "ash" + ], + [ + "Ġtermin", + "ate" + ], + [ + "Ġprotest", + "ing" + ], + [ + "C", + "enter" + ], + [ + "gu", + "ided" + ], + [ + "Ġun", + "cover" + ], + [ + "Ġboy", + "cott" + ], + [ + "Ġreal", + "izes" + ], + [ + "s", + "ound" + ], + [ + "Ġpret", + "ending" + ], + [ + "ĠV", + "as" + ], + [ + "19", + "80" + ], + [ + "Ġfram", + "ed" + ], + [ + "Ġ13", + "9" + ], + [ + "Ġdesc", + "ended" + ], + [ + "Ġrehab", + "ilitation" + ], + [ + "Ġborrow", + "ing" + ], + [ + "ĠB", + "uch" + ], + [ + "Ġbl", + "ur" + ], + [ + "R", + "on" + ], + [ + "ĠFro", + "zen" + ], + [ + "en", + "za" + ], + [ + "Ch", + "ief" + ], + [ + "ĠP", + "oor" + ], + [ + "Ġtransl", + "ates" + ], + [ + "M", + "IN" + ], + [ + "Ġ2", + "12" + ], + [ + "J", + "ECT" + ], + [ + "Ġerupt", + "ed" + ], + [ + "Ġsuccess", + "es" + ], + [ + "S", + "EC" + ], + [ + "Ġpl", + "ague" + ], + [ + "Ġg", + "ems" + ], + [ + "d", + "oms" + ], + [ + "Ġstret", + "ches" + ], + [ + "ĠSp", + "y" + ], + [ + "Ġstory", + "telling" + ], + [ + "C", + "redit" + ], + [ + "ĠP", + "ush" + ], + [ + "Ġtra", + "ction" + ], + [ + "Ġin", + "effective" + ], + [ + "ĠL", + "una" + ], + [ + "Ġt", + "apes" + ], + [ + "Ġanaly", + "tics" + ], + [ + "erc", + "ise" + ], + [ + "Ġprogram", + "mes" + ], + [ + "ĠCar", + "bon" + ], + [ + "Ġbeh", + "old" + ], + [ + "he", + "avy" + ], + [ + "ĠConserv", + "ation" + ], + [ + "ĠF", + "IR" + ], + [ + "Ġs", + "ack" + ], + [ + "ter", + "min" + ], + [ + "ric", + "ks" + ], + [ + "Ġhous", + "ed" + ], + [ + "Ġunus", + "ually" + ], + [ + "I", + "ce" + ], + [ + "Ġexecut", + "ing" + ], + [ + "ĠMor", + "oc" + ], + [ + "ed", + "ay" + ], + [ + "Ġed", + "itions" + ], + [ + "Ġsm", + "arter" + ], + [ + "ĠB", + "A" + ], + [ + "Ġout", + "law" + ], + [ + "Ġvan", + "ished" + ], + [ + "ib", + "a" + ], + [ + "AL", + "SE" + ], + [ + "ĠSil", + "va" + ], + [ + "23", + "8" + ], + [ + "C", + "ould" + ], + [ + "Ġphilos", + "opher" + ], + [ + "Ġevac", + "uated" + ], + [ + "Sec", + "ret" + ], + [ + "14", + "2" + ], + [ + "Ġvis", + "as" + ], + [ + "ãĤ", + "¬" + ], + [ + "ĠM", + "alt" + ], + [ + "ĠClear", + "ly" + ], + [ + "ĠN", + "iger" + ], + [ + "ĠC", + "airo" + ], + [ + "ĠF", + "ist" + ], + [ + "3", + "80" + ], + [ + "ĠX", + "ML" + ], + [ + "aut", + "o" + ], + [ + "it", + "ant" + ], + [ + "Ġrein", + "forced" + ], + [ + "Rec", + "ord" + ], + [ + "ĠSurviv", + "or" + ], + [ + "G", + "Hz" + ], + [ + "Ġscrew", + "s" + ], + [ + "parent", + "s" + ], + [ + "Ġo", + "ceans" + ], + [ + "ma", + "res" + ], + [ + "Ġbra", + "kes" + ], + [ + "vas", + "ive" + ], + [ + "Ġhell", + "o" + ], + [ + "ĠS", + "IM" + ], + [ + "rim", + "p" + ], + [ + "Ġo", + "re" + ], + [ + "ĠArm", + "our" + ], + [ + "24", + "7" + ], + [ + "Ġterr", + "ific" + ], + [ + "Ġt", + "ones" + ], + [ + "14", + "1" + ], + [ + "ĠMin", + "utes" + ], + [ + "Ep", + "isode" + ], + [ + "Ġcur", + "ves" + ], + [ + "Ġinflamm", + "atory" + ], + [ + "Ġbat", + "ting" + ], + [ + "ĠBeaut", + "iful" + ], + [ + "L", + "ay" + ], + [ + "Ġunp", + "op" + ], + [ + "v", + "able" + ], + [ + "Ġr", + "iots" + ], + [ + "ĠTact", + "ics" + ], + [ + "b", + "augh" + ], + [ + "ĠC", + "ock" + ], + [ + "Ġorg", + "asm" + ], + [ + "ĠS", + "as" + ], + [ + "Ġconstruct", + "or" + ], + [ + "et", + "z" + ], + [ + "G", + "ov" + ], + [ + "Ġant", + "agon" + ], + [ + "Ġthe", + "at" + ], + [ + "Ġde", + "eds" + ], + [ + "ha", + "o" + ], + [ + "c", + "uts" + ], + [ + "ĠMc", + "Cl" + ], + [ + "Ġu", + "m" + ], + [ + "ĠScient", + "ists" + ], + [ + "Ġgrass", + "roots" + ], + [ + "ys", + "sey" + ], + [ + "\"]", + "=>" + ], + [ + "Ġsurf", + "aced" + ], + [ + "Ġsh", + "ades" + ], + [ + "Ġneighb", + "ours" + ], + [ + "Ġad", + "vertis" + ], + [ + "oy", + "a" + ], + [ + "Ġmer", + "ged" + ], + [ + "Up", + "on" + ], + [ + "Ġg", + "ad" + ], + [ + "Ġanticip", + "ate" + ], + [ + "Any", + "way" + ], + [ + "Ġsl", + "ogan" + ], + [ + "Ġdis", + "respect" + ], + [ + "I", + "ran" + ], + [ + "ĠT", + "B" + ], + [ + "act", + "ed" + ], + [ + "Ġsubp", + "oen" + ], + [ + "medi", + "ately" + ], + [ + "OO", + "OO" + ], + [ + "Ġwa", + "iver" + ], + [ + "Ġvulner", + "abilities" + ], + [ + "ott", + "esville" + ], + [ + "ĠHuff", + "ington" + ], + [ + "J", + "osh" + ], + [ + "ĠD", + "H" + ], + [ + "M", + "onday" + ], + [ + "ĠEll", + "en" + ], + [ + "K", + "now" + ], + [ + "x", + "on" + ], + [ + "it", + "ems" + ], + [ + "22", + "8" + ], + [ + "Ġf", + "ills" + ], + [ + "ĠN", + "ike" + ], + [ + "Ġcum", + "ulative" + ], + [ + "and", + "als" + ], + [ + "I", + "r" + ], + [ + "Ġ", + "ì" + ], + [ + "Ġfr", + "iction" + ], + [ + "ig", + "ator" + ], + [ + "Ġsc", + "ans" + ], + [ + "ĠVi", + "enna" + ], + [ + "ld", + "om" + ], + [ + "Ġperform", + "ers" + ], + [ + "P", + "rim" + ], + [ + "Ġb", + "idding" + ], + [ + "M", + "ur" + ], + [ + "Ġlean", + "ed" + ], + [ + "ĠPri", + "x" + ], + [ + "al", + "ks" + ], + [ + "Ġ[", + "âĢ¦]" + ], + [ + "ĠTw", + "itch" + ], + [ + "ĠDevelop", + "er" + ], + [ + "ĠG", + "ir" + ], + [ + "Ġcall", + "back" + ], + [ + "Ab", + "stract" + ], + [ + "Ġacc", + "ustomed" + ], + [ + "Ġfreed", + "oms" + ], + [ + "ĠP", + "G" + ], + [ + "ur", + "acy" + ], + [ + "Ġl", + "ump" + ], + [ + "is", + "man" + ], + [ + ",,", + ",," + ], + [ + "19", + "92" + ], + [ + "ĠR", + "ED" + ], + [ + "Ġwor", + "m" + ], + [ + "M", + "atch" + ], + [ + "ĠPl", + "atinum" + ], + [ + "I", + "J" + ], + [ + "ĠOwn", + "er" + ], + [ + "Tri", + "via" + ], + [ + "com", + "pl" + ], + [ + "Ġnew", + "born" + ], + [ + "Ġfant", + "as" + ], + [ + "O", + "wn" + ], + [ + "Ġ19", + "59" + ], + [ + "Ġsymp", + "ath" + ], + [ + "Ġub", + "iqu" + ], + [ + "Ġoutput", + "s" + ], + [ + "Ġal", + "lev" + ], + [ + "Ġpr", + "ag" + ], + [ + "K", + "evin" + ], + [ + "Ġfav", + "ors" + ], + [ + "Ġbur", + "ial" + ], + [ + "Ġn", + "urt" + ], + [ + "so", + "lete" + ], + [ + "c", + "ache" + ], + [ + "Ġ15", + "6" + ], + [ + "Ġunl", + "ocks" + ], + [ + "te", + "chn" + ], + [ + "M", + "aking" + ], + [ + "Ġcon", + "quer" + ], + [ + "ad", + "ic" + ], + [ + "æ", + "ĸ" + ], + [ + "Ġel", + "f" + ], + [ + "Ġelect", + "orate" + ], + [ + "ĠKurd", + "s" + ], + [ + "ĠSt", + "ack" + ], + [ + "ĠSam", + "urai" + ], + [ + "Ġâ", + "ĺħ" + ], + [ + "Ġ{", + "}" + ], + [ + "ĠS", + "aid" + ], + [ + "ĠFall", + "out" + ], + [ + "Ġkind", + "ness" + ], + [ + "ĠCustom", + "s" + ], + [ + "ĠBou", + "levard" + ], + [ + "Ġhelicop", + "ters" + ], + [ + "ot", + "ics" + ], + [ + "ĠVe", + "get" + ], + [ + "com", + "ment" + ], + [ + "Ġcritic", + "ised" + ], + [ + "Ġpol", + "ished" + ], + [ + "ĠRem", + "ix" + ], + [ + "ĠC", + "ultural" + ], + [ + "Ġrec", + "ons" + ], + [ + "Ġdo", + "i" + ], + [ + "at", + "em" + ], + [ + "Sc", + "reen" + ], + [ + "Ġbar", + "red" + ], + [ + "Com", + "ments" + ], + [ + "ĠGener", + "ally" + ], + [ + "Ġsl", + "ap" + ], + [ + "7", + "20" + ], + [ + "V", + "ari" + ], + [ + "p", + "ine" + ], + [ + "Ġem", + "pt" + ], + [ + "Ġh", + "ats" + ], + [ + "ĠPlay", + "ing" + ], + [ + "l", + "ab" + ], + [ + "a", + "verage" + ], + [ + "form", + "s" + ], + [ + "ĠC", + "otton" + ], + [ + "Ġcan", + "s" + ], + [ + "ĠD", + "ON" + ], + [ + "ĠSom", + "alia" + ], + [ + "C", + "rypt" + ], + [ + "ĠIncre", + "ases" + ], + [ + "E", + "ver" + ], + [ + "mod", + "ern" + ], + [ + "Ġsur", + "geon" + ], + [ + "3", + "000" + ], + [ + "Ġrandom", + "ized" + ], + [ + "================================", + "================================" + ], + [ + "B", + "ern" + ], + [ + "im", + "pl" + ], + [ + "ĠC", + "OR" + ], + [ + "Ġpro", + "claim" + ], + [ + "th", + "ouse" + ], + [ + "Ġto", + "es" + ], + [ + "Ġam", + "ple" + ], + [ + "Ġpres", + "erving" + ], + [ + "Ġdis", + "bel" + ], + [ + "gr", + "and" + ], + [ + "B", + "esides" + ], + [ + "Ġsil", + "k" + ], + [ + "ĠPat", + "tern" + ], + [ + "h", + "m" + ], + [ + "Ġenter", + "prises" + ], + [ + "Ġaffidav", + "it" + ], + [ + "ĠAdvis", + "ory" + ], + [ + "Ġadvert", + "ised" + ], + [ + "ĠRel", + "igious" + ], + [ + "se", + "ctions" + ], + [ + "psy", + "ch" + ], + [ + "ĠField", + "s" + ], + [ + "aw", + "ays" + ], + [ + "Ġhasht", + "ag" + ], + [ + "ĠNight", + "mare" + ], + [ + "Ġv", + "ampire" + ], + [ + "Ġfore", + "nsic" + ], + [ + "rosso", + "ver" + ], + [ + "n", + "ar" + ], + [ + "Ġn", + "avy" + ], + [ + "Ġvac", + "ant" + ], + [ + "ĠD", + "uel" + ], + [ + "Ġhall", + "way" + ], + [ + "Ġface", + "book" + ], + [ + "ident", + "ally" + ], + [ + "ĠN", + "RA" + ], + [ + "Ġm", + "att" + ], + [ + "Ġhur", + "ricane" + ], + [ + "ĠKir", + "by" + ], + [ + "ĠP", + "uzzle" + ], + [ + "Ġsk", + "irt" + ], + [ + "ou", + "st" + ], + [ + "du", + "llah" + ], + [ + "Ġanal", + "ogy" + ], + [ + "in", + "ion" + ], + [ + "Ġtomat", + "oes" + ], + [ + "ĠN", + "V" + ], + [ + "ĠPe", + "ak" + ], + [ + "ĠMe", + "yer" + ], + [ + "Ġappoint", + "ments" + ], + [ + "Ġm", + "asc" + ], + [ + "Ġal", + "ley" + ], + [ + "re", + "hend" + ], + [ + "Ġchar", + "ities" + ], + [ + "Ġund", + "o" + ], + [ + "Ġdest", + "inations" + ], + [ + "ĠTest", + "ing" + ], + [ + "\">", + "", + "\"" + ], + [ + "c", + "ats" + ], + [ + "*", + "." + ], + [ + "Ġgest", + "ures" + ], + [ + "gener", + "al" + ], + [ + "Le", + "ague" + ], + [ + "Ġpack", + "ets" + ], + [ + "ĠInspect", + "or" + ], + [ + "ĠBer", + "g" + ], + [ + "Ġfraud", + "ulent" + ], + [ + "Ġcritic", + "ize" + ], + [ + "F", + "un" + ], + [ + "Ġbl", + "aming" + ], + [ + "nd", + "ra" + ], + [ + "Ġsl", + "ash" + ], + [ + "ĠE", + "ston" + ], + [ + "Ġpropos", + "ing" + ], + [ + "Ġwh", + "ales" + ], + [ + "Ġtherap", + "ist" + ], + [ + "Ġsub", + "set" + ], + [ + "Ġle", + "isure" + ], + [ + "EL", + "D" + ], + [ + "ĠC", + "VE" + ], + [ + "ĠAct", + "ivity" + ], + [ + "Ġcul", + "min" + ], + [ + "sh", + "op" + ], + [ + "ĠD", + "AY" + ], + [ + "is", + "cher" + ], + [ + "ĠAdmir", + "al" + ], + [ + "ĠAtt", + "acks" + ], + [ + "Ġ19", + "58" + ], + [ + "Ġmem", + "oir" + ], + [ + "Ġfold", + "ed" + ], + [ + "Ġsex", + "ist" + ], + [ + "Ġ15", + "3" + ], + [ + "ĠL", + "I" + ], + [ + "Ġread", + "ings" + ], + [ + "Ġembarrass", + "ment" + ], + [ + "ĠEmploy", + "ment" + ], + [ + "w", + "art" + ], + [ + "ch", + "in" + ], + [ + "Ġcontin", + "uation" + ], + [ + "l", + "ia" + ], + [ + "Rec", + "ently" + ], + [ + "Ġd", + "uel" + ], + [ + "Ġevac", + "uation" + ], + [ + "ĠKash", + "mir" + ], + [ + "Ġdis", + "position" + ], + [ + "ĠR", + "ig" + ], + [ + "Ġbol", + "ts" + ], + [ + "Ġins", + "urers" + ], + [ + "4", + "67" + ], + [ + "M", + "ex" + ], + [ + "Ġret", + "aliation" + ], + [ + "Ġmis", + "ery" + ], + [ + "Ġunre", + "asonable" + ], + [ + "r", + "aining" + ], + [ + "I", + "mm" + ], + [ + "ĠP", + "U" + ], + [ + "em", + "er" + ], + [ + "Ġgen", + "ital" + ], + [ + "ãĤ", + "³" + ], + [ + "ĠC", + "andy" + ], + [ + "Ġon", + "ions" + ], + [ + "ĠP", + "att" + ], + [ + "lin", + "er" + ], + [ + "Ġconced", + "ed" + ], + [ + "Ġf", + "a" + ], + [ + "Ġfor", + "c" + ], + [ + "ĠH", + "ernandez" + ], + [ + "ĠGe", + "off" + ], + [ + "deb", + "ian" + ], + [ + "ĠTe", + "ams" + ], + [ + "Ġc", + "ries" + ], + [ + "Ġhome", + "owners" + ], + [ + "23", + "7" + ], + [ + "A", + "BC" + ], + [ + "Ġst", + "itch" + ], + [ + "Ġstat", + "istic" + ], + [ + "Ġhead", + "ers" + ], + [ + "ĠBi", + "ology" + ], + [ + "Ġmot", + "ors" + ], + [ + "ĠG", + "EN" + ], + [ + "ĠL", + "ip" + ], + [ + "Ġh", + "ates" + ], + [ + "Ġhe", + "el" + ], + [ + "S", + "elf" + ], + [ + "i", + "pl" + ], + [ + "ED", + "IT" + ], + [ + "ort", + "ing" + ], + [ + "Ġann", + "ot" + ], + [ + "ĠSpe", + "ech" + ], + [ + "old", + "emort" + ], + [ + "ĠJ", + "avascript" + ], + [ + "ĠLe", + "Bron" + ], + [ + "Ġfoot", + "print" + ], + [ + "Ġf", + "n" + ], + [ + "Ġseiz", + "ures" + ], + [ + "n", + "as" + ], + [ + "h", + "ide" + ], + [ + "Ġ19", + "54" + ], + [ + "ĠBe", + "e" + ], + [ + "ĠDecl", + "aration" + ], + [ + "ĠKat", + "ie" + ], + [ + "Ġreserv", + "ations" + ], + [ + "N", + "R" + ], + [ + "f", + "emale" + ], + [ + "Ġsatur", + "ated" + ], + [ + "Ġb", + "iblical" + ], + [ + "Ġtroll", + "s" + ], + [ + "Dev", + "ice" + ], + [ + "ph", + "otos" + ], + [ + "Ġdr", + "ums" + ], + [ + "ãĥīãĥ©", + "ãĤ´ãĥ³" + ], + [ + "N", + "ight" + ], + [ + "f", + "ighter" + ], + [ + "ĠH", + "ak" + ], + [ + "ri", + "ber" + ], + [ + "Ġc", + "ush" + ], + [ + "Ġdiscipl", + "inary" + ], + [ + "ba", + "um" + ], + [ + "ĠG", + "H" + ], + [ + "ĠSch", + "midt" + ], + [ + "ilib", + "rium" + ], + [ + "Ġs", + "ixty" + ], + [ + "ĠKush", + "ner" + ], + [ + "ro", + "ts" + ], + [ + "Ġp", + "und" + ], + [ + "ĠR", + "ac" + ], + [ + "Ġspr", + "ings" + ], + [ + "Ġcon", + "ve" + ], + [ + "Bus", + "iness" + ], + [ + "F", + "all" + ], + [ + "Ġqual", + "ifications" + ], + [ + "Ġvers", + "es" + ], + [ + "Ġnarc", + "iss" + ], + [ + "ĠK", + "oh" + ], + [ + "ĠW", + "ow" + ], + [ + "ĠCharl", + "ottesville" + ], + [ + "ed", + "o" + ], + [ + "Ġinterrog", + "ation" + ], + [ + "ĠW", + "ool" + ], + [ + "36", + "5" + ], + [ + "B", + "rian" + ], + [ + "Ġâľ", + "ĵ" + ], + [ + "Ġalleg", + "es" + ], + [ + "ond", + "s" + ], + [ + "id", + "ation" + ], + [ + "ĠJack", + "ie" + ], + [ + "y", + "u" + ], + [ + "Ġl", + "akes" + ], + [ + "Ġworth", + "while" + ], + [ + "Ġcryst", + "als" + ], + [ + "ĠJud", + "a" + ], + [ + "Ġcomp", + "rehend" + ], + [ + "Ġfl", + "ush" + ], + [ + "Ġabsor", + "ption" + ], + [ + "ĠO", + "C" + ], + [ + "Ġfright", + "ened" + ], + [ + "ĠCh", + "ocolate" + ], + [ + "Mart", + "in" + ], + [ + "Ġbu", + "ys" + ], + [ + "Ġbu", + "cks" + ], + [ + "Ġapp", + "ell" + ], + [ + "ĠChampions", + "hips" + ], + [ + "Ġlist", + "ener" + ], + [ + "ĠDef", + "ensive" + ], + [ + "Ġc", + "z" + ], + [ + "ud", + "s" + ], + [ + "ĠM", + "ate" + ], + [ + "Ġre", + "play" + ], + [ + "Ġdecor", + "ated" + ], + [ + "Ġs", + "unk" + ], + [ + "ĠV", + "IP" + ], + [ + "ĠAn", + "k" + ], + [ + "Ġ19", + "5" + ], + [ + "aa", + "aa" + ], + [ + "Nob", + "ody" + ], + [ + "ĠMil", + "k" + ], + [ + "ĠG", + "ur" + ], + [ + "ĠM", + "k" + ], + [ + "ĠS", + "ara" + ], + [ + "Ġse", + "ating" + ], + [ + "ĠW", + "id" + ], + [ + "Tr", + "ack" + ], + [ + "Ġemploy", + "s" + ], + [ + "Ġgig", + "antic" + ], + [ + "AP", + "P" + ], + [ + "ãĤ", + "§" + ], + [ + "in", + "ventory" + ], + [ + "Ġtow", + "el" + ], + [ + "at", + "che" + ], + [ + "l", + "asting" + ], + [ + "ĠT", + "L" + ], + [ + "Ġlat", + "ency" + ], + [ + "Ġkn", + "e" + ], + [ + "B", + "er" + ], + [ + "me", + "aning" + ], + [ + "Ġup", + "held" + ], + [ + "Ġplay", + "ground" + ], + [ + "Ġm", + "ant" + ], + [ + "S", + "ide" + ], + [ + "Ġstere", + "o" + ], + [ + "Ġnorth", + "west" + ], + [ + "Ġexception", + "ally" + ], + [ + "Ġr", + "ays" + ], + [ + "Ġrec", + "urring" + ], + [ + "D", + "rive" + ], + [ + "Ġup", + "right" + ], + [ + "Ġab", + "duct" + ], + [ + "ĠMar", + "athon" + ], + [ + "Ġgood", + "bye" + ], + [ + "Ġal", + "phabet" + ], + [ + "h", + "p" + ], + [ + "Ġcourt", + "room" + ], + [ + "ring", + "ton" + ], + [ + "ot", + "hing" + ], + [ + "T", + "ag" + ], + [ + "Ġdiplom", + "ats" + ], + [ + "Ġbar", + "bar" + ], + [ + "ĠAqu", + "a" + ], + [ + "18", + "3" + ], + [ + "33", + "33" + ], + [ + "Ġmat", + "urity" + ], + [ + "Ġinst", + "ability" + ], + [ + "ĠAp", + "ache" + ], + [ + "Ġ=", + "==" + ], + [ + "Ġfast", + "ing" + ], + [ + "ĠGr", + "id" + ], + [ + "Mod", + "Loader" + ], + [ + "Ġ15", + "2" + ], + [ + "A", + "bs" + ], + [ + "ĠOper", + "ating" + ], + [ + "ett", + "i" + ], + [ + "Ġacqu", + "aint" + ], + [ + "Don", + "nell" + ], + [ + "ĠK", + "em" + ], + [ + "ĠFor", + "ge" + ], + [ + "Ġarm", + "ored" + ], + [ + "M", + "il" + ], + [ + "Ġphilos", + "ophers" + ], + [ + "in", + "vest" + ], + [ + "Pl", + "ayers" + ], + [ + "â", + "Ī" + ], + [ + "Ġmy", + "riad" + ], + [ + "Ġcomr", + "ades" + ], + [ + "R", + "ot" + ], + [ + "Ġremember", + "ing" + ], + [ + "Ġcorrespond", + "s" + ], + [ + "Ġprogram", + "mers" + ], + [ + "ĠLyn", + "n" + ], + [ + "Ġo", + "lig" + ], + [ + "Ġco", + "herent" + ], + [ + "yn", + "chron" + ], + [ + "ĠChem", + "ical" + ], + [ + "Ġj", + "ugg" + ], + [ + "p", + "air" + ], + [ + "post", + "s" + ], + [ + "E", + "ye" + ], + [ + "ĠIn", + "ner" + ], + [ + "Ġsem", + "ester" + ], + [ + "ott", + "est" + ], + [ + "ĠEmir", + "ates" + ], + [ + "ric", + "anes" + ], + [ + "or", + "ously" + ], + [ + "m", + "its" + ], + [ + "ĠW", + "is" + ], + [ + "Ġd", + "odge" + ], + [ + "l", + "ocation" + ], + [ + "Ġf", + "aded" + ], + [ + "Am", + "azon" + ], + [ + "ĠPro", + "ceed" + ], + [ + "ĠIN", + "FO" + ], + [ + "j", + "ournal" + ], + [ + "ĠTru", + "ck" + ], + [ + "T", + "en" + ], + [ + "Ġ2", + "17" + ], + [ + "Ġstat", + "utes" + ], + [ + "m", + "obile" + ], + [ + "ĠT", + "ypes" + ], + [ + "Rec", + "omm" + ], + [ + "b", + "uster" + ], + [ + "pe", + "x" + ], + [ + "Ġleg", + "ends" + ], + [ + "Ġhead", + "ache" + ], + [ + "f", + "aced" + ], + [ + "ĠWi", + "Fi" + ], + [ + "if", + "ty" + ], + [ + "ĠH", + "ER" + ], + [ + "Ġcirc", + "uits" + ], + [ + "ER", + "ROR" + ], + [ + "22", + "6" + ], + [ + "ol", + "in" + ], + [ + "Ġcyl", + "inder" + ], + [ + "osp", + "ace" + ], + [ + "ik", + "ers" + ], + [ + "P", + "rem" + ], + [ + "Qu", + "ant" + ], + [ + "Ġconflic", + "ting" + ], + [ + "Ġslight", + "est" + ], + [ + "Ġfor", + "ged" + ], + [ + "ion", + "age" + ], + [ + "Step", + "hen" + ], + [ + "ĠK", + "ub" + ], + [ + "ĠOpp", + "ortun" + ], + [ + "ĠHe", + "al" + ], + [ + "Ġbl", + "o" + ], + [ + "Ġrul", + "ers" + ], + [ + "Ġh", + "uh" + ], + [ + "Ġsubmar", + "ine" + ], + [ + "f", + "y" + ], + [ + "ass", + "er" + ], + [ + "Ġallow", + "ance" + ], + [ + "ĠKas", + "ich" + ], + [ + "ĠT", + "as" + ], + [ + "ĠAustral", + "ians" + ], + [ + "Forge", + "ModLoader" + ], + [ + "ĠâĨ", + "ij" + ], + [ + "ĠMat", + "rix" + ], + [ + "am", + "ins" + ], + [ + "Ġ12", + "00" + ], + [ + "ĠAc", + "qu" + ], + [ + "23", + "6" + ], + [ + "D", + "ocument" + ], + [ + "ĠBre", + "aking" + ], + [ + "19", + "3" + ], + [ + "ĠSub", + "st" + ], + [ + "ĠRoll", + "er" + ], + [ + "ĠPro", + "perties" + ], + [ + "ĠN", + "I" + ], + [ + "t", + "ier" + ], + [ + "Ġcr", + "ushing" + ], + [ + "Ġadvoc", + "ating" + ], + [ + "Further", + "more" + ], + [ + "keep", + "ers" + ], + [ + "Ġsex", + "ism" + ], + [ + "x", + "d" + ], + [ + "Ġcall", + "er" + ], + [ + "ĠS", + "ense" + ], + [ + "chie", + "ve" + ], + [ + "ĠT", + "F" + ], + [ + "Ġfuel", + "ed" + ], + [ + "Ġreminis", + "cent" + ], + [ + "Ġobs", + "ess" + ], + [ + "ur", + "st" + ], + [ + "Ġup", + "hold" + ], + [ + "ĠF", + "ans" + ], + [ + "het", + "ics" + ], + [ + "Ġâ", + "Ĺ" + ], + [ + "ĠB", + "ath" + ], + [ + "Ġbe", + "verage" + ], + [ + "Ġo", + "scill" + ], + [ + "25", + "4" + ], + [ + "Ġpol", + "es" + ], + [ + "Ġgrad", + "ual" + ], + [ + "Ġex", + "ting" + ], + [ + "ĠS", + "uff" + ], + [ + "ĠS", + "uddenly" + ], + [ + "Ġlik", + "ing" + ], + [ + "Ġ19", + "49" + ], + [ + "un", + "ciation" + ], + [ + "am", + "ination" + ], + [ + "ĠO", + "mar" + ], + [ + "ĠL", + "V" + ], + [ + "ĠCon", + "sequently" + ], + [ + "Ġsynt", + "hes" + ], + [ + "ĠG", + "IF" + ], + [ + "Ġp", + "ains" + ], + [ + "Ġinteract", + "ing" + ], + [ + "u", + "ously" + ], + [ + "inc", + "re" + ], + [ + "Ġrum", + "or" + ], + [ + "ĠScient", + "ology" + ], + [ + "19", + "7" + ], + [ + "ĠZ", + "ig" + ], + [ + "Ġspe", + "lling" + ], + [ + "ĠA", + "SS" + ], + [ + "Ġexting", + "u" + ], + [ + "ms", + "on" + ], + [ + "Ġg", + "h" + ], + [ + "Ġremark", + "ed" + ], + [ + "ĠStrateg", + "ic" + ], + [ + "ĠM", + "ON" + ], + [ + "å", + "¥" + ], + [ + "g", + "ae" + ], + [ + "ĠWH", + "AT" + ], + [ + "E", + "ric" + ], + [ + "ĠCamp", + "us" + ], + [ + "Ġmeth", + "ane" + ], + [ + "Ġimag", + "in" + ], + [ + "J", + "UST" + ], + [ + "ĠAl", + "m" + ], + [ + "X", + "T" + ], + [ + "i", + "q" + ], + [ + "ĠR", + "SS" + ], + [ + "Ġwrong", + "doing" + ], + [ + "att", + "a" + ], + [ + "Ġbig", + "ot" + ], + [ + "Ġdemonstr", + "ators" + ], + [ + "ĠCal", + "vin" + ], + [ + "ĠV", + "illa" + ], + [ + "Ġmembr", + "ane" + ], + [ + "ĠAw", + "esome" + ], + [ + "Ġbenef", + "ic" + ], + [ + "26", + "8" + ], + [ + "Ġmagn", + "ificent" + ], + [ + "ĠL", + "ots" + ], + [ + "G", + "reg" + ], + [ + "ĠBor", + "is" + ], + [ + "Ġdetain", + "ees" + ], + [ + "ĠH", + "erman" + ], + [ + "Ġwhis", + "pered" + ], + [ + "Ġa", + "we" + ], + [ + "Prof", + "essor" + ], + [ + "fund", + "ing" + ], + [ + "Ġphys", + "iological" + ], + [ + "ĠDest", + "ruction" + ], + [ + "Ġlim", + "b" + ], + [ + "Ġmanip", + "ulated" + ], + [ + "Ġbub", + "bles" + ], + [ + "Ġpse", + "ud" + ], + [ + "Ġhyd", + "ra" + ], + [ + "ĠBrist", + "ol" + ], + [ + "Ġst", + "ellar" + ], + [ + "ĠExp", + "ansion" + ], + [ + "ĠK", + "ell" + ], + [ + "ĠInterest", + "ingly" + ], + [ + "Ġm", + "ans" + ], + [ + "Ġdrag", + "ging" + ], + [ + "Ġec", + "ological" + ], + [ + "ĠF", + "it" + ], + [ + "Ġg", + "ent" + ], + [ + "Ġbenef", + "ited" + ], + [ + "ĠHait", + "i" + ], + [ + "Ġpoly", + "g" + ], + [ + "ãĥ", + "İ" + ], + [ + "Ġ20", + "30" + ], + [ + "Ġpro", + "w" + ], + [ + "Ġrecon", + "struction" + ], + [ + "Ġwas", + "t" + ], + [ + "Ġpsych", + "ic" + ], + [ + "ĠGree", + "ks" + ], + [ + "Hand", + "ler" + ], + [ + "16", + "2" + ], + [ + "ĠP", + "ulse" + ], + [ + "Ġsol", + "icit" + ], + [ + "Ġsy", + "s" + ], + [ + "Ġinflu", + "x" + ], + [ + "ĠG", + "entle" + ], + [ + "per", + "cent" + ], + [ + "Ġprolifer", + "ation" + ], + [ + "Ġtax", + "able" + ], + [ + "Ġdisreg", + "ard" + ], + [ + "Ġesc", + "aping" + ], + [ + "Ġg", + "inger" + ], + [ + "Ġwith", + "stand" + ], + [ + "Ġdevast", + "ated" + ], + [ + "ĠD", + "ew" + ], + [ + "ser", + "ies" + ], + [ + "Ġinject", + "ed" + ], + [ + "ela", + "ide" + ], + [ + "Ġturn", + "over" + ], + [ + "he", + "at" + ], + [ + "Ļ", + "Ĥ" + ], + [ + "H", + "appy" + ], + [ + "ĠSil", + "ent" + ], + [ + "ãĤ", + "Ń" + ], + [ + "iv", + "ism" + ], + [ + "Ġir", + "rational" + ], + [ + "AM", + "A" + ], + [ + "Ġre", + "ef" + ], + [ + "r", + "ub" + ], + [ + "Ġ16", + "2" + ], + [ + "Ġbank", + "ers" + ], + [ + "ĠEth", + "ics" + ], + [ + "v", + "v" + ], + [ + "Ġcritic", + "isms" + ], + [ + "K", + "n" + ], + [ + "18", + "6" + ], + [ + "M", + "ovie" + ], + [ + "ĠT", + "ories" + ], + [ + "Ġno", + "od" + ], + [ + "Ġdist", + "ortion" + ], + [ + "F", + "alse" + ], + [ + "od", + "ore" + ], + [ + "Ġt", + "asty" + ], + [ + "Res", + "earch" + ], + [ + "ĠU", + "ID" + ], + [ + "-", + ")" + ], + [ + "Ġdivor", + "ced" + ], + [ + "ĠM", + "U" + ], + [ + "ĠHay", + "es" + ], + [ + "ĠIs", + "n" + ], + [ + "ian", + "i" + ], + [ + "ĠH", + "Q" + ], + [ + "Ġ\"", + "#" + ], + [ + "ign", + "ant" + ], + [ + "Ġtra", + "umatic" + ], + [ + "ĠL", + "ing" + ], + [ + "H", + "un" + ], + [ + "Ġsab", + "ot" + ], + [ + "on", + "line" + ], + [ + "r", + "andom" + ], + [ + "Ġren", + "amed" + ], + [ + "ra", + "red" + ], + [ + "K", + "A" + ], + [ + "d", + "ead" + ], + [ + "é", + "t" + ], + [ + "ĠAss", + "istance" + ], + [ + "Ġse", + "af" + ], + [ + "++++", + "++++" + ], + [ + "Ġse", + "ldom" + ], + [ + "ĠWeb", + "b" + ], + [ + "Ġbo", + "olean" + ], + [ + "u", + "let" + ], + [ + "Ġref", + "rain" + ], + [ + "ĠDI", + "Y" + ], + [ + "ru", + "le" + ], + [ + "Ġshut", + "ting" + ], + [ + "Ġutil", + "izing" + ], + [ + "load", + "ing" + ], + [ + "ĠPar", + "am" + ], + [ + "co", + "al" + ], + [ + "oot", + "er" + ], + [ + "Ġattract", + "ing" + ], + [ + "ĠD", + "ol" + ], + [ + "Ġher", + "s" + ], + [ + "ag", + "netic" + ], + [ + "ĠRe", + "ach" + ], + [ + "im", + "o" + ], + [ + "Ġdisc", + "arded" + ], + [ + "ĠP", + "ip" + ], + [ + "01", + "5" + ], + [ + "ü", + "r" + ], + [ + "Ġm", + "ug" + ], + [ + "Im", + "agine" + ], + [ + "C", + "OL" + ], + [ + "Ġcurs", + "ed" + ], + [ + "ĠSh", + "ows" + ], + [ + "ĠCurt", + "is" + ], + [ + "ĠSach", + "s" + ], + [ + "spe", + "aking" + ], + [ + "ĠV", + "ista" + ], + [ + "ĠFram", + "ework" + ], + [ + "ong", + "o" + ], + [ + "Ġsub", + "reddit" + ], + [ + "Ġcr", + "us" + ], + [ + "ĠO", + "val" + ], + [ + "R", + "ow" + ], + [ + "g", + "rowing" + ], + [ + "Ġinstall", + "ment" + ], + [ + "Ġgl", + "ac" + ], + [ + "ĠAdv", + "ance" + ], + [ + "EC", + "K" + ], + [ + "ĠLGBT", + "Q" + ], + [ + "LE", + "Y" + ], + [ + "Ġac", + "et" + ], + [ + "Ġsuccess", + "ive" + ], + [ + "ĠNic", + "ole" + ], + [ + "Ġ19", + "57" + ], + [ + "Qu", + "ote" + ], + [ + "Ġcircumst", + "ance" + ], + [ + "ack", + "ets" + ], + [ + "Ġ14", + "2" + ], + [ + "ort", + "ium" + ], + [ + "Ġguess", + "ed" + ], + [ + "ĠFr", + "ame" + ], + [ + "Ġperpet", + "rators" + ], + [ + "ĠAv", + "iation" + ], + [ + "ĠBen", + "ch" + ], + [ + "Ġhand", + "c" + ], + [ + "A", + "p" + ], + [ + "Ġ19", + "56" + ], + [ + "25", + "9" + ], + [ + "r", + "and" + ], + [ + "Net", + "Message" + ], + [ + "d", + "in" + ], + [ + "urt", + "les" + ], + [ + "h", + "ig" + ], + [ + "ĠV", + "III" + ], + [ + "ff", + "iti" + ], + [ + "ĠSw", + "ords" + ], + [ + "b", + "ial" + ], + [ + "Ġkidn", + "apping" + ], + [ + "dev", + "ice" + ], + [ + "Ġb", + "arn" + ], + [ + "ĠEl", + "i" + ], + [ + "auc", + "as" + ], + [ + "S", + "end" + ], + [ + "Con", + "structed" + ], + [ + "ĠÂ", + "½" + ], + [ + "Ġneed", + "les" + ], + [ + "Ġad", + "vertisements" + ], + [ + "Ġv", + "ou" + ], + [ + "Ġexhib", + "ited" + ], + [ + "ĠFort", + "ress" + ], + [ + "As", + "k" + ], + [ + "B", + "erry" + ], + [ + "TY", + "PE" + ], + [ + "Ġcan", + "cers" + ], + [ + "ump", + "ing" + ], + [ + "ĠTerrit", + "ory" + ], + [ + "Ġpr", + "ud" + ], + [ + "Ġn", + "as" + ], + [ + "Ġathe", + "ist" + ], + [ + "Ġbal", + "ances" + ], + [ + "ãģ", + "Ł" + ], + [ + "ĠSh", + "awn" + ], + [ + "&", + "&" + ], + [ + "Ġland", + "sc" + ], + [ + "ĠR", + "GB" + ], + [ + "Ġpet", + "ty" + ], + [ + "Ġex", + "cellence" + ], + [ + "Ġtransl", + "ations" + ], + [ + "Ġpar", + "cel" + ], + [ + "ĠChe", + "v" + ], + [ + "E", + "ast" + ], + [ + "ĠOut", + "put" + ], + [ + "im", + "i" + ], + [ + "Ġamb", + "ient" + ], + [ + "ĠTh", + "reat" + ], + [ + "Ġvill", + "ains" + ], + [ + "Ġ5", + "50" + ], + [ + "IC", + "A" + ], + [ + "Ġtall", + "er" + ], + [ + "Ġle", + "aking" + ], + [ + "c", + "up" + ], + [ + "Ġpol", + "ish" + ], + [ + "Ġinfect", + "ious" + ], + [ + "ĠK", + "C" + ], + [ + "Ġ@", + "@" + ], + [ + "back", + "ground" + ], + [ + "Ġbureaucr", + "acy" + ], + [ + "ĠS", + "ai" + ], + [ + "un", + "less" + ], + [ + "it", + "ious" + ], + [ + "ĠSky", + "pe" + ], + [ + "At", + "l" + ], + [ + "ID", + "ENT" + ], + [ + "00", + "8" + ], + [ + "Ġhyp", + "ocr" + ], + [ + "Ġpit", + "chers" + ], + [ + "Ġguess", + "ing" + ], + [ + "ĠF", + "INAL" + ], + [ + "Bet", + "ween" + ], + [ + "Ġvill", + "agers" + ], + [ + "Ġ25", + "2" + ], + [ + "f", + "ashion" + ], + [ + "ĠTun", + "is" + ], + [ + "Be", + "h" + ], + [ + "ĠEx", + "c" + ], + [ + "ĠM", + "ID" + ], + [ + "28", + "8" + ], + [ + "ĠHas", + "kell" + ], + [ + "19", + "6" + ], + [ + "ĠN", + "OR" + ], + [ + "Ġspec", + "s" + ], + [ + "Ġinv", + "ari" + ], + [ + "Ġgl", + "ut" + ], + [ + "ĠC", + "ars" + ], + [ + "Ġimp", + "ulse" + ], + [ + "Ġhon", + "ors" + ], + [ + "g", + "el" + ], + [ + "Ġjurisd", + "ictions" + ], + [ + "ĠBund", + "le" + ], + [ + "ul", + "as" + ], + [ + "Calif", + "ornia" + ], + [ + "ĠIncre", + "ase" + ], + [ + "Ġp", + "ear" + ], + [ + "Ġsing", + "les" + ], + [ + "Ġc", + "ues" + ], + [ + "Ġunder", + "went" + ], + [ + "ĠW", + "S" + ], + [ + "Ġexagger", + "ated" + ], + [ + "Ġdub", + "ious" + ], + [ + "Ġfl", + "ashing" + ], + [ + "L", + "OG" + ], + [ + ")", + "]." + ], + [ + "J", + "ournal" + ], + [ + "t", + "g" + ], + [ + "V", + "an" + ], + [ + "ĠI", + "stanbul" + ], + [ + "ĠIn", + "sp" + ], + [ + "ĠFrank", + "en" + ], + [ + "D", + "raw" + ], + [ + "Ġsad", + "ness" + ], + [ + "Ġiron", + "ic" + ], + [ + "ĠF", + "ry" + ], + [ + "x", + "c" + ], + [ + "Ġ16", + "4" + ], + [ + "is", + "ch" + ], + [ + "W", + "ay" + ], + [ + "ĠProtest", + "ant" + ], + [ + "h", + "orn" + ], + [ + "Ġun", + "aff" + ], + [ + "ĠV", + "iv" + ], + [ + "ill", + "as" + ], + [ + "ĠProduct", + "ions" + ], + [ + "ĠH", + "ogan" + ], + [ + "Ġper", + "imeter" + ], + [ + "ĠS", + "isters" + ], + [ + "Ġspont", + "aneous" + ], + [ + "Ġdown", + "side" + ], + [ + "Ġdescend", + "ants" + ], + [ + "Ġor", + "n" + ], + [ + "w", + "orm" + ], + [ + "Japan", + "ese" + ], + [ + "Ġ19", + "55" + ], + [ + "Ġ15", + "1" + ], + [ + "ĠDo", + "ing" + ], + [ + "els", + "en" + ], + [ + "umb", + "les" + ], + [ + "Ġrad", + "ically" + ], + [ + "ĠDr", + "um" + ], + [ + "ĠB", + "ach" + ], + [ + "Ġli", + "abilities" + ], + [ + "ĠO", + "B" + ], + [ + "ĠElement", + "ary" + ], + [ + "Ġmem", + "e" + ], + [ + "yn", + "es" + ], + [ + "Ġfinger", + "print" + ], + [ + "ĠGr", + "ab" + ], + [ + "Ġundert", + "ake" + ], + [ + "Mem", + "bers" + ], + [ + "ĠRead", + "er" + ], + [ + "ĠSim", + "s" + ], + [ + "g", + "od" + ], + [ + "Ġhypot", + "hetical" + ], + [ + "s", + "cient" + ], + [ + "ĠA", + "J" + ], + [ + "Ġchar", + "ism" + ], + [ + "Ġad", + "missions" + ], + [ + "ĠMiss", + "ile" + ], + [ + "tr", + "ade" + ], + [ + "Ġexerc", + "ising" + ], + [ + "ĠBack", + "ground" + ], + [ + "W", + "ritten" + ], + [ + "Ġvoc", + "als" + ], + [ + "whe", + "ther" + ], + [ + "Ġv", + "i" + ], + [ + "ĠW", + "inner" + ], + [ + "Ġl", + "itter" + ], + [ + "ĠSh", + "ooting" + ], + [ + "ST", + "EM" + ], + [ + "ãĤ", + "¡" + ], + [ + "ĠA", + "FL" + ], + [ + "Ġvari", + "ability" + ], + [ + "Ġe", + "ats" + ], + [ + "ĠD", + "PS" + ], + [ + "b", + "row" + ], + [ + "Ġeleph", + "ants" + ], + [ + "Ġstr", + "at" + ], + [ + "Ġ", + "Å" + ], + [ + "Ġsett", + "lers" + ], + [ + "Matt", + "hew" + ], + [ + "Ġin", + "advert" + ], + [ + "H", + "I" + ], + [ + "ĠIM", + "F" + ], + [ + "ĠGo", + "al" + ], + [ + "Ġnerv", + "es" + ], + [ + "John", + "son" + ], + [ + "ey", + "e" + ], + [ + "ablish", + "ment" + ], + [ + "Th", + "ursday" + ], + [ + "BIL", + "ITY" + ], + [ + "H", + "ad" + ], + [ + "am", + "oto" + ], + [ + "het", + "amine" + ], + [ + "ep", + "s" + ], + [ + "Ġmit", + "ochond" + ], + [ + "Ġcomp", + "ressed" + ], + [ + "ĠTre", + "vor" + ], + [ + "ĠAnim", + "als" + ], + [ + "T", + "ool" + ], + [ + "L", + "ock" + ], + [ + "Ġtwe", + "ak" + ], + [ + "Ġpin", + "ch" + ], + [ + "Ġcancell", + "ation" + ], + [ + "P", + "ot" + ], + [ + "Ġfoc", + "al" + ], + [ + "ĠAst", + "ron" + ], + [ + "17", + "3" + ], + [ + "ĠA", + "SC" + ], + [ + "ĠO", + "THER" + ], + [ + "umn", + "i" + ], + [ + "Ġdem", + "ise" + ], + [ + "d", + "l" + ], + [ + "Ù", + "ħ" + ], + [ + "Sem", + "itism" + ], + [ + "Ġcr", + "acking" + ], + [ + "Ġcollabor", + "ative" + ], + [ + "Ġexpl", + "ores" + ], + [ + "s", + "ql" + ], + [ + "Ġher", + "bs" + ], + [ + "Ġconfig", + "urations" + ], + [ + "m", + "is" + ], + [ + "ĠRes", + "ult" + ], + [ + "ace", + "y" + ], + [ + "ĠSm", + "oke" + ], + [ + "Ġsan", + "ct" + ], + [ + "el", + "ia" + ], + [ + "Ġdeg", + "ener" + ], + [ + "Ġdeep", + "est" + ], + [ + "Ġscream", + "ed" + ], + [ + "Ġn", + "ap" + ], + [ + "Soft", + "ware" + ], + [ + "ĠST", + "AR" + ], + [ + "E", + "F" + ], + [ + "ĠX", + "in" + ], + [ + "spons", + "ored" + ], + [ + "mans", + "hip" + ], + [ + "23", + "3" + ], + [ + "Ġprim", + "aries" + ], + [ + "Ġfilter", + "ing" + ], + [ + "Ġas", + "semble" + ], + [ + "m", + "il" + ], + [ + "ĠMy", + "ers" + ], + [ + "b", + "ows" + ], + [ + "Ġpun", + "ched" + ], + [ + "M", + "ic" + ], + [ + "Ġinnov", + "ations" + ], + [ + "Ġfun", + "c" + ], + [ + "and", + "o" + ], + [ + "Ġfr", + "acking" + ], + [ + "ĠV", + "ul" + ], + [ + "о", + "Ð" + ], + [ + "osh", + "op" + ], + [ + "ĠIm", + "mun" + ], + [ + "Ġsett", + "ling" + ], + [ + "Ġadolesc", + "ents" + ], + [ + "Ġreb", + "uilding" + ], + [ + "Ġtransform", + "ing" + ], + [ + "Ġpar", + "ole" + ], + [ + "Ġhar", + "bor" + ], + [ + "Ġbook", + "ing" + ], + [ + "ot", + "ional" + ], + [ + "onge", + "vity" + ], + [ + "ĠY", + "o" + ], + [ + "b", + "ug" + ], + [ + "Ġemer", + "ges" + ], + [ + "ĠMethod", + "s" + ], + [ + "ĠCh", + "u" + ], + [ + "P", + "res" + ], + [ + "ĠDun", + "geons" + ], + [ + "Ġtra", + "iling" + ], + [ + "ĠR", + "um" + ], + [ + "ĠH", + "ugh" + ], + [ + "å¤", + "©" + ], + [ + "ĠE", + "ra" + ], + [ + "ĠBatt", + "les" + ], + [ + "Res", + "ults" + ], + [ + "ĠTr", + "ading" + ], + [ + "Ġvers", + "a" + ], + [ + "c", + "ss" + ], + [ + "ax", + "ies" + ], + [ + "he", + "et" + ], + [ + "Ġgre", + "ed" + ], + [ + "19", + "89" + ], + [ + "Ġgard", + "ens" + ], + [ + "Ġconting", + "ent" + ], + [ + "P", + "ark" + ], + [ + "ĠLeaf", + "s" + ], + [ + "h", + "ook" + ], + [ + "ro", + "be" + ], + [ + "Ġdiplom", + "acy" + ], + [ + "ĠF", + "uel" + ], + [ + "ĠInv", + "asion" + ], + [ + "Ġupgr", + "ading" + ], + [ + "M", + "ale" + ], + [ + "Ġe", + "lic" + ], + [ + "Ġrelent", + "less" + ], + [ + "ĠCo", + "venant" + ], + [ + "ap", + "esh" + ], + [ + "ĠT", + "rop" + ], + [ + "T", + "y" + ], + [ + "pro", + "duction" + ], + [ + "art", + "y" + ], + [ + "Ġpun", + "ches" + ], + [ + "ak", + "o" + ], + [ + "cyclop", + "edia" + ], + [ + "ĠR", + "abbit" + ], + [ + "ĠHD", + "MI" + ], + [ + "Ġ14", + "1" + ], + [ + "Ġf", + "oil" + ], + [ + "Item", + "Image" + ], + [ + "ĠF", + "G" + ], + [ + "Ġimplement", + "ations" + ], + [ + "ĠP", + "om" + ], + [ + "ixt", + "ures" + ], + [ + "Ġaw", + "ait" + ], + [ + "Ġ3", + "30" + ], + [ + "am", + "us" + ], + [ + "Ġumb", + "rella" + ], + [ + "Ġfore", + "see" + ], + [ + "se", + "par" + ], + [ + "Ġcircum", + "cision" + ], + [ + "Ġperipher", + "al" + ], + [ + "S", + "ay" + ], + [ + "ĠExper", + "t" + ], + [ + "In", + "c" + ], + [ + "Ġwithd", + "rew" + ], + [ + "ĠAnd", + "ers" + ], + [ + "f", + "ried" + ], + [ + "Ġradio", + "active" + ], + [ + "ĠOp", + "ening" + ], + [ + "Ġboard", + "ing" + ], + [ + "ĠN", + "D" + ], + [ + "Ġover", + "throw" + ], + [ + "Act", + "iv" + ], + [ + "W", + "P" + ], + [ + "ĠAct", + "s" + ], + [ + "×", + "Ļ" + ], + [ + "Ġmot", + "ions" + ], + [ + "v", + "ic" + ], + [ + "ĠM", + "ighty" + ], + [ + "ĠDef", + "ender" + ], + [ + "a", + "er" + ], + [ + "Ġthank", + "ful" + ], + [ + "ĠK", + "illing" + ], + [ + "ĠBr", + "is" + ], + [ + "mo", + "il" + ], + [ + "Ġpredict", + "ing" + ], + [ + "26", + "6" + ], + [ + "ch", + "oice" + ], + [ + "Ġkill", + "ers" + ], + [ + "Ġinc", + "ub" + ], + [ + "ĠChe", + "st" + ], + [ + "ather", + "ing" + ], + [ + "Ġpro", + "claimed" + ], + [ + "fl", + "ower" + ], + [ + "oss", + "om" + ], + [ + "umbled", + "ore" + ], + [ + "ĠCy", + "cling" + ], + [ + "ĠOccup", + "y" + ], + [ + "AG", + "ES" + ], + [ + "P", + "en" + ], + [ + "ĠY", + "ug" + ], + [ + "Ġpack", + "aged" + ], + [ + "Ġheight", + "ened" + ], + [ + "c", + "ot" + ], + [ + "st", + "ack" + ], + [ + "C", + "ond" + ], + [ + "Ġst", + "amps" + ], + [ + "m", + "age" + ], + [ + "Ġpersu", + "aded" + ], + [ + "Ġens", + "l" + ], + [ + "ĠCard", + "inal" + ], + [ + "Ġsol", + "itary" + ], + [ + "Ġpossess", + "ing" + ], + [ + "ĠC", + "ork" + ], + [ + "Ġev", + "id" + ], + [ + "ĠT", + "ay" + ], + [ + "Ġbl", + "ues" + ], + [ + "Ġextrem", + "ism" + ], + [ + "Ġlun", + "ar" + ], + [ + "Ġcl", + "own" + ], + [ + "Te", + "chn" + ], + [ + "Ġfest", + "ivals" + ], + [ + "ĠPv", + "P" + ], + [ + "ĠL", + "ar" + ], + [ + "Ġconsequ", + "ently" + ], + [ + "p", + "resent" + ], + [ + "Ġsom", + "eday" + ], + [ + "ç", + "İĭ" + ], + [ + "ĠMet", + "eor" + ], + [ + "Ġtour", + "ing" + ], + [ + "c", + "ulture" + ], + [ + "Ġbe", + "aches" + ], + [ + "S", + "hip" + ], + [ + "c", + "ause" + ], + [ + "ĠFl", + "ood" + ], + [ + "ãĥ", + "¯" + ], + [ + "Ġpur", + "ity" + ], + [ + "th", + "ose" + ], + [ + "Ġem", + "ission" + ], + [ + "b", + "olt" + ], + [ + "Ġch", + "ord" + ], + [ + "ĠScript", + "ure" + ], + [ + "L", + "u" + ], + [ + "Ġ$", + "{" + ], + [ + "cre", + "ated" + ], + [ + "Other", + "s" + ], + [ + "25", + "8" + ], + [ + "Ġelement", + "al" + ], + [ + "Ġannoy", + "ed" + ], + [ + "ĠA", + "E" + ], + [ + "d", + "an" + ], + [ + "ĠS", + "ag" + ], + [ + "Res", + "earchers" + ], + [ + "Ġfair", + "y" + ], + [ + "âĢĵ", + "âĢĵ" + ], + [ + "========", + "====" + ], + [ + "Sm", + "art" + ], + [ + "GG", + "GG" + ], + [ + "Ġskelet", + "ons" + ], + [ + "Ġpup", + "ils" + ], + [ + "link", + "ed" + ], + [ + "Ġur", + "gency" + ], + [ + "en", + "abled" + ], + [ + "ĠF", + "uck" + ], + [ + "Ġcoun", + "cill" + ], + [ + "r", + "ab" + ], + [ + "U", + "AL" + ], + [ + "T", + "I" + ], + [ + "Ġlif", + "es" + ], + [ + "Ġconf", + "essed" + ], + [ + "B", + "ug" + ], + [ + "Ġharm", + "on" + ], + [ + "ĠCON", + "FIG" + ], + [ + "ĠNe", + "utral" + ], + [ + "D", + "ouble" + ], + [ + "Ġst", + "aple" + ], + [ + "ĠSH", + "A" + ], + [ + "Brit", + "ish" + ], + [ + "ĠSN", + "P" + ], + [ + "AT", + "OR" + ], + [ + "oc", + "o" + ], + [ + "Ġswing", + "ing" + ], + [ + "ge", + "x" + ], + [ + "ole", + "on" + ], + [ + "pl", + "ain" + ], + [ + "ĠMiss", + "ing" + ], + [ + "ĠTro", + "phy" + ], + [ + "v", + "ari" + ], + [ + "ran", + "ch" + ], + [ + "Ġ3", + "01" + ], + [ + "4", + "40" + ], + [ + "00000000", + "00000000" + ], + [ + "Ġrest", + "oring" + ], + [ + "Ġha", + "ul" + ], + [ + "uc", + "ing" + ], + [ + "ner", + "g" + ], + [ + "Ġfut", + "ures" + ], + [ + "Ġstrateg", + "ist" + ], + [ + "quest", + "ion" + ], + [ + "Ġlater", + "al" + ], + [ + "ĠB", + "ard" + ], + [ + "Ġs", + "or" + ], + [ + "ĠRhod", + "es" + ], + [ + "ĠD", + "owntown" + ], + [ + "?????", + "-" + ], + [ + "ĠL", + "it" + ], + [ + "ĠB", + "ened" + ], + [ + "Ġco", + "il" + ], + [ + "st", + "reet" + ], + [ + "ĠPort", + "al" + ], + [ + "FI", + "LE" + ], + [ + "ĠG", + "ru" + ], + [ + "*", + "," + ], + [ + "23", + "1" + ], + [ + "ne", + "um" + ], + [ + "Ġsuck", + "ed" + ], + [ + "Ġr", + "apper" + ], + [ + "Ġtend", + "encies" + ], + [ + "ĠLaure", + "n" + ], + [ + "cell", + "aneous" + ], + [ + "26", + "7" + ], + [ + "Ġbrow", + "se" + ], + [ + "Ġover", + "c" + ], + [ + "head", + "er" + ], + [ + "o", + "ise" + ], + [ + "Ġbe", + "et" + ], + [ + "ĠG", + "le" + ], + [ + "St", + "ay" + ], + [ + "Ġm", + "um" + ], + [ + "Ġtyp", + "ed" + ], + [ + "Ġdiscount", + "s" + ], + [ + "T", + "alk" + ], + [ + "ĠO", + "g" + ], + [ + "ex", + "isting" + ], + [ + "ĠS", + "ell" + ], + [ + "u", + "ph" + ], + [ + "C", + "I" + ], + [ + "ĠAust", + "rian" + ], + [ + "ĠW", + "arm" + ], + [ + "Ġdismiss", + "al" + ], + [ + "Ġaver", + "ages" + ], + [ + "c", + "amera" + ], + [ + "Ġalleg", + "iance" + ], + [ + "L", + "AN" + ], + [ + "=\"", + "#" + ], + [ + "Ġcomment", + "ators" + ], + [ + "ĠSet", + "ting" + ], + [ + "ĠMid", + "west" + ], + [ + "Ġpharm", + "ac" + ], + [ + "ĠEX", + "P" + ], + [ + "Ġstain", + "less" + ], + [ + "Ch", + "icago" + ], + [ + "Ġt", + "an" + ], + [ + "24", + "4" + ], + [ + "Ġcountry", + "side" + ], + [ + "ĠV", + "ac" + ], + [ + "29", + "5" + ], + [ + "Ġpin", + "ned" + ], + [ + "Ġcr", + "ises" + ], + [ + "Ġstandard", + "ized" + ], + [ + "T", + "ask" + ], + [ + "ĠJ", + "ail" + ], + [ + "ĠD", + "ocker" + ], + [ + "col", + "ored" + ], + [ + "f", + "orth" + ], + [ + "\"", + "}," + ], + [ + "Ġpat", + "rons" + ], + [ + "Ġsp", + "ice" + ], + [ + "Ġm", + "ourn" + ], + [ + "ĠM", + "ood" + ], + [ + "Ġlaund", + "ry" + ], + [ + "Ġequ", + "ip" + ], + [ + "ĠM", + "ole" + ], + [ + "y", + "ll" + ], + [ + "ĠTH", + "C" + ], + [ + "n", + "ation" + ], + [ + "ĠSher", + "lock" + ], + [ + "Ġiss", + "u" + ], + [ + "ĠK", + "re" + ], + [ + "ĠAmeric", + "as" + ], + [ + "ĠA", + "AA" + ], + [ + "Ġsystem", + "atically" + ], + [ + "Ġcont", + "ra" + ], + [ + "ĠS", + "ally" + ], + [ + "Ġrational", + "e" + ], + [ + "Ġcar", + "riage" + ], + [ + "Ġpe", + "aks" + ], + [ + "Ġcontrad", + "iction" + ], + [ + "ens", + "ation" + ], + [ + "ĠFail", + "ure" + ], + [ + "Ġpro", + "ps" + ], + [ + "Ġnames", + "pace" + ], + [ + "Ġc", + "ove" + ], + [ + "field", + "s" + ], + [ + "ãĤ", + "ĭ" + ], + [ + "Ġw", + "ool" + ], + [ + "ĠC", + "atch" + ], + [ + "Ġpresum", + "ed" + ], + [ + "ĠD", + "iana" + ], + [ + "r", + "agon" + ], + [ + "ig", + "i" + ], + [ + "Ġh", + "amm" + ], + [ + "Ġst", + "unt" + ], + [ + "ĠG", + "UI" + ], + [ + "ĠObserv", + "atory" + ], + [ + "ĠSh", + "ore" + ], + [ + "Ġsmell", + "s" + ], + [ + "ann", + "ah" + ], + [ + "Ġcock", + "pit" + ], + [ + "ĠD", + "uterte" + ], + [ + "8", + "50" + ], + [ + "Ġopp", + "ressed" + ], + [ + "bre", + "aker" + ], + [ + "ĠCont", + "ribut" + ], + [ + "ĠPer", + "u" + ], + [ + "ĠMons", + "anto" + ], + [ + "ĠAtt", + "empt" + ], + [ + "Ġcommand", + "ing" + ], + [ + "Ġfr", + "idge" + ], + [ + "ĠR", + "in" + ], + [ + "ĠChe", + "ss" + ], + [ + "ual", + "ity" + ], + [ + "Ġo", + "l" + ], + [ + "Republic", + "an" + ], + [ + "ĠGl", + "ory" + ], + [ + "ĠW", + "IN" + ], + [ + "....", + "..." + ], + [ + "ag", + "ent" + ], + [ + "read", + "ing" + ], + [ + "Ġin", + "h" + ], + [ + "J", + "ones" + ], + [ + "Ġcl", + "icks" + ], + [ + "al", + "an" + ], + [ + "Ġ[", + "];" + ], + [ + "ĠMaj", + "esty" + ], + [ + "ĠC", + "ed" + ], + [ + "op", + "us" + ], + [ + "ate", + "l" + ], + [ + "Ã", + "ª" + ], + [ + "AR", + "C" + ], + [ + "ĠEc", + "uador" + ], + [ + "ãĥ", + "ł" + ], + [ + "ĠK", + "uro" + ], + [ + "Ġritual", + "s" + ], + [ + "Ġcapt", + "ive" + ], + [ + "Ġoun", + "ce" + ], + [ + "Ġdisag", + "reement" + ], + [ + "Ġsl", + "og" + ], + [ + "f", + "uel" + ], + [ + "P", + "et" + ], + [ + "M", + "ail" + ], + [ + "Ġexerc", + "ised" + ], + [ + "Ġsol", + "ic" + ], + [ + "Ġrain", + "fall" + ], + [ + "Ġdev", + "otion" + ], + [ + "ĠAss", + "essment" + ], + [ + "Ġrob", + "otic" + ], + [ + "opt", + "ions" + ], + [ + "ĠR", + "P" + ], + [ + "ĠFam", + "ilies" + ], + [ + "ĠFl", + "ames" + ], + [ + "Ġassign", + "ments" + ], + [ + "00", + "7" + ], + [ + "aked", + "own" + ], + [ + "Ġvoc", + "abulary" + ], + [ + "Re", + "illy" + ], + [ + "Ġc", + "aval" + ], + [ + "g", + "ars" + ], + [ + "Ġsupp", + "ressed" + ], + [ + "ĠS", + "ET" + ], + [ + "ĠJohn", + "s" + ], + [ + "Ġwar", + "p" + ], + [ + "bro", + "ken" + ], + [ + "Ġstat", + "ues" + ], + [ + "Ġadvoc", + "ated" + ], + [ + "Ġ2", + "75" + ], + [ + "Ġper", + "il" + ], + [ + "om", + "orph" + ], + [ + "ĠF", + "emin" + ], + [ + "per", + "fect" + ], + [ + "Ġh", + "atch" + ], + [ + "L", + "ib" + ], + [ + "5", + "12" + ], + [ + "Ġlif", + "elong" + ], + [ + "3", + "13" + ], + [ + "Ġche", + "eks" + ], + [ + "Ġnum", + "bered" + ], + [ + "ĠM", + "ug" + ], + [ + "B", + "ody" + ], + [ + "ra", + "vel" + ], + [ + "We", + "ight" + ], + [ + "ĠJ", + "ak" + ], + [ + "ĠHe", + "ath" + ], + [ + "Ġkiss", + "ing" + ], + [ + "ĠJ", + "UST" + ], + [ + "Ġw", + "aving" + ], + [ + "u", + "pload" + ], + [ + "Ġins", + "ider" + ], + [ + "ĠPro", + "gressive" + ], + [ + "ĠFil", + "ter" + ], + [ + "tt", + "a" + ], + [ + "ĠBe", + "am" + ], + [ + "Ġviol", + "ently" + ], + [ + "ip", + "ation" + ], + [ + "Ġskept", + "icism" + ], + [ + "Ġ19", + "18" + ], + [ + "ĠAnn", + "ie" + ], + [ + "ĠS", + "I" + ], + [ + "Ġgen", + "etics" + ], + [ + "Ġon", + "board" + ], + [ + "at", + "l" + ], + [ + "ĠFried", + "man" + ], + [ + "ĠB", + "ri" + ], + [ + "cept", + "ive" + ], + [ + "Ġpir", + "ate" + ], + [ + "ĠRep", + "orter" + ], + [ + "27", + "8" + ], + [ + "Ġmyth", + "ology" + ], + [ + "Ġe", + "clipse" + ], + [ + "Ġsk", + "ins" + ], + [ + "Ġgly", + "ph" + ], + [ + "ing", + "ham" + ], + [ + "F", + "iles" + ], + [ + "C", + "our" + ], + [ + "w", + "omen" + ], + [ + "Ġreg", + "imes" + ], + [ + "Ġphotograp", + "hed" + ], + [ + "K", + "at" + ], + [ + "ĠMA", + "X" + ], + [ + "Offic", + "ials" + ], + [ + "Ġunexpected", + "ly" + ], + [ + "Ġimpress", + "ions" + ], + [ + "F", + "ront" + ], + [ + ";;;;", + ";;;;" + ], + [ + "Ġsuprem", + "acy" + ], + [ + "Ġs", + "ang" + ], + [ + "Ġaggrav", + "ated" + ], + [ + "Ġabrupt", + "ly" + ], + [ + "ĠS", + "ector" + ], + [ + "Ġexc", + "uses" + ], + [ + "Ġcost", + "ing" + ], + [ + "ide", + "press" + ], + [ + "St", + "ack" + ], + [ + "ĠR", + "NA" + ], + [ + "ob", + "il" + ], + [ + "Ġghost", + "s" + ], + [ + "ld", + "on" + ], + [ + "at", + "ibility" + ], + [ + "Top", + "ics" + ], + [ + "Ġreim", + "burse" + ], + [ + "ĠH", + "M" + ], + [ + "ĠDe", + "g" + ], + [ + "Ġth", + "ief" + ], + [ + "y", + "et" + ], + [ + "ogen", + "esis" + ], + [ + "le", + "aning" + ], + [ + "ĠK", + "ol" + ], + [ + "ĠB", + "asketball" + ], + [ + "Ġf", + "i" + ], + [ + "ĠSee", + "ing" + ], + [ + "Ġrecy", + "cling" + ], + [ + "Ġ[", + "-" + ], + [ + "Cong", + "ress" + ], + [ + "Ġlect", + "ures" + ], + [ + "P", + "sy" + ], + [ + "Ġne", + "p" + ], + [ + "Ġm", + "aid" + ], + [ + "Ġori", + "ented" + ], + [ + "A", + "X" + ], + [ + "Ġrespect", + "ful" + ], + [ + "re", + "ne" + ], + [ + "fl", + "ush" + ], + [ + "ĠUn", + "loaded" + ], + [ + "re", + "quest" + ], + [ + "gr", + "id" + ], + [ + "ĠAltern", + "atively" + ], + [ + "ĠHug", + "o" + ], + [ + "Ġdec", + "ree" + ], + [ + "ĠBuddh", + "ism" + ], + [ + "and", + "um" + ], + [ + "And", + "roid" + ], + [ + "ĠCong", + "o" + ], + [ + "ĠJoy", + "ce" + ], + [ + "Ġacknowled", + "ging" + ], + [ + "hes", + "ive" + ], + [ + "ĠTom", + "orrow" + ], + [ + "ĠH", + "iro" + ], + [ + "th", + "ren" + ], + [ + "ĠM", + "aced" + ], + [ + "Ġho", + "ax" + ], + [ + "ĠIncre", + "ased" + ], + [ + "ĠPr", + "adesh" + ], + [ + "W", + "ild" + ], + [ + "____", + "__" + ], + [ + "16", + "1" + ], + [ + "Ġa", + "unt" + ], + [ + "Ġdistribut", + "ing" + ], + [ + "ĠT", + "ucker" + ], + [ + "ĠSS", + "L" + ], + [ + "ĠW", + "olves" + ], + [ + "B", + "uilding" + ], + [ + "ou", + "lt" + ], + [ + "ĠLu", + "o" + ], + [ + "ĠY", + "as" + ], + [ + "ĠSp", + "ir" + ], + [ + "ĠSh", + "ape" + ], + [ + "ĠCamb", + "od" + ], + [ + "ĠIP", + "v" + ], + [ + "Ġm", + "l" + ], + [ + "Ġext", + "rad" + ], + [ + "39", + "0" + ], + [ + "ĠPenn", + "y" + ], + [ + "d", + "ream" + ], + [ + "Ġstation", + "ed" + ], + [ + "opt", + "ional" + ], + [ + "ew", + "orthy" + ], + [ + ".", + "" + ], + [ + "ĠWorks", + "hop" + ], + [ + "ĠRet", + "ail" + ], + [ + "ĠAv", + "atar" + ], + [ + "6", + "25" + ], + [ + "N", + "a" + ], + [ + "ĠV", + "C" + ], + [ + "ĠSec", + "ure" + ], + [ + "M", + "Y" + ], + [ + "19", + "88" + ], + [ + "oss", + "ip" + ], + [ + "Ġpro", + "state" + ], + [ + "Ġund", + "en" + ], + [ + "Ġg", + "amer" + ], + [ + "ĠCont", + "ents" + ], + [ + "ĠWar", + "hammer" + ], + [ + "ĠSent", + "inel" + ], + [ + "3", + "10" + ], + [ + "Ġse", + "gregation" + ], + [ + "ĠF", + "lex" + ], + [ + "ĠM", + "AY" + ], + [ + "Ġdr", + "ills" + ], + [ + "ĠDrug", + "s" + ], + [ + "Islam", + "ic" + ], + [ + "Ġsp", + "ur" + ], + [ + "Ġca", + "fe" + ], + [ + "Ġimag", + "inary" + ], + [ + "Ġgu", + "iding" + ], + [ + "Ġsw", + "ings" + ], + [ + "ĠThe", + "me" + ], + [ + "ob", + "y" + ], + [ + "Ġn", + "ud" + ], + [ + "Ġbe", + "gging" + ], + [ + "Ġstr", + "ongh" + ], + [ + "Ġreject", + "ing" + ], + [ + "Ġpedest", + "rians" + ], + [ + "ĠPro", + "spect" + ], + [ + "R", + "are" + ], + [ + "s", + "le" + ], + [ + "Ġconcess", + "ions" + ], + [ + "ĠConst", + "itutional" + ], + [ + "Ġbe", + "ams" + ], + [ + "Ġfib", + "ers" + ], + [ + "p", + "oon" + ], + [ + "Ġinstinct", + "s" + ], + [ + "pro", + "perty" + ], + [ + "ĠB", + "IG" + ], + [ + "Sand", + "ers" + ], + [ + "im", + "ates" + ], + [ + "Ġco", + "ating" + ], + [ + "Ġcorps", + "es" + ], + [ + "ĠTR", + "UE" + ], + [ + "check", + "ed" + ], + [ + "Ġ16", + "6" + ], + [ + "A", + "sh" + ], + [ + "ĠJ", + "S" + ], + [ + "ĠF", + "iction" + ], + [ + "Ġcommun", + "al" + ], + [ + "Ġener", + "getic" + ], + [ + "oooo", + "oooo" + ], + [ + "Ġnow", + "adays" + ], + [ + "IL", + "D" + ], + [ + "ib", + "o" + ], + [ + "ĠSU", + "V" + ], + [ + "R", + "en" + ], + [ + "Ġdwell", + "ing" + ], + [ + "Sil", + "ver" + ], + [ + "Ġt", + "ally" + ], + [ + "ĠM", + "oving" + ], + [ + "Ġcow", + "ard" + ], + [ + "Ġgener", + "als" + ], + [ + "Ġhorn", + "s" + ], + [ + "Ġcirc", + "ulated" + ], + [ + "Ġrob", + "bed" + ], + [ + "ĠUn", + "limited" + ], + [ + "Ġharass", + "ed" + ], + [ + "Ġinhib", + "it" + ], + [ + "Ġcomp", + "oser" + ], + [ + "ĠSpot", + "ify" + ], + [ + "Ġspread", + "s" + ], + [ + "3", + "64" + ], + [ + "Ġsu", + "icidal" + ], + [ + "Ġno", + "ises" + ], + [ + "ĠSt", + "ur" + ], + [ + "Ġs", + "aga" + ], + [ + "ĠK", + "ag" + ], + [ + "is", + "o" + ], + [ + "Ġtheoret", + "ically" + ], + [ + "M", + "oney" + ], + [ + "Ġsimilar", + "ity" + ], + [ + "Ġslic", + "ed" + ], + [ + "ut", + "ils" + ], + [ + "ing", + "es" + ], + [ + "\"", + "-" + ], + [ + "Ġan", + "th" + ], + [ + "Ġimp", + "ed" + ], + [ + "Mod", + "ule" + ], + [ + "Through", + "out" + ], + [ + "Ġmen", + "us" + ], + [ + "comm", + "ittee" + ], + [ + "and", + "i" + ], + [ + "ob", + "j" + ], + [ + "in", + "av" + ], + [ + "f", + "ired" + ], + [ + "ĠAb", + "dullah" + ], + [ + "Ġund", + "ead" + ], + [ + "Ġfont", + "s" + ], + [ + "H", + "old" + ], + [ + "EN", + "G" + ], + [ + "Ġsustain", + "ability" + ], + [ + "Ġfl", + "ick" + ], + [ + "Ġr", + "azor" + ], + [ + "ĠF", + "est" + ], + [ + "ĠChar", + "acters" + ], + [ + "Ġword", + "ing" + ], + [ + "Ġpopul", + "ist" + ], + [ + "Ġcritic", + "izing" + ], + [ + "Ġm", + "use" + ], + [ + "v", + "ine" + ], + [ + "Ġcard", + "board" + ], + [ + "Ġkind", + "ly" + ], + [ + "Ġfr", + "inge" + ], + [ + "ĠThe", + "ft" + ], + [ + "icult", + "ural" + ], + [ + "Ġgovern", + "ors" + ], + [ + "Ġ", + "����" + ], + [ + "Ġ16", + "3" + ], + [ + "Ġtime", + "out" + ], + [ + "ĠA", + "uth" + ], + [ + "Child", + "ren" + ], + [ + "A", + "U" + ], + [ + "Ġred", + "emption" + ], + [ + "ĠAl", + "ger" + ], + [ + "Ġ19", + "14" + ], + [ + "Ġw", + "aved" + ], + [ + "Ġastron", + "auts" + ], + [ + "og", + "rams" + ], + [ + "Ġsw", + "amp" + ], + [ + "ĠFinn", + "ish" + ], + [ + "Ġcand", + "le" + ], + [ + "Ġton", + "nes" + ], + [ + "ut", + "m" + ], + [ + "Ġr", + "ay" + ], + [ + "Ġsp", + "un" + ], + [ + "Ġfear", + "ful" + ], + [ + "art", + "icles" + ], + [ + "Ġca", + "us" + ], + [ + "or", + "ically" + ], + [ + "ĠRequ", + "ires" + ], + [ + "ĠG", + "ol" + ], + [ + "Ġpop", + "e" + ], + [ + "Ġinaug", + "ural" + ], + [ + "Ġg", + "le" + ], + [ + "AD", + "A" + ], + [ + "ĠIS", + "IL" + ], + [ + "ĠOff", + "ensive" + ], + [ + "Ġwatch", + "dog" + ], + [ + "Ġbal", + "con" + ], + [ + "ent", + "ity" + ], + [ + "ĠH", + "oo" + ], + [ + "Ġgall", + "on" + ], + [ + "AC", + "C" + ], + [ + "Ġdoub", + "ling" + ], + [ + "Ġimpl", + "ication" + ], + [ + "ĠS", + "ight" + ], + [ + "Ġdoct", + "r" + ], + [ + "----", + "---" + ], + [ + "Ġ\\", + "\\" + ], + [ + "Ġm", + "alt" + ], + [ + "R", + "oll" + ], + [ + "Ġâī", + "¥" + ], + [ + "Ġrec", + "ap" + ], + [ + "add", + "ing" + ], + [ + "u", + "ces" + ], + [ + "ĠB", + "end" + ], + [ + "fig", + "ure" + ], + [ + "Ġtur", + "key" + ], + [ + "Ġsoc", + "ietal" + ], + [ + "ĠT", + "ickets" + ], + [ + "Ġcommer", + "cially" + ], + [ + "Ġsp", + "icy" + ], + [ + "Ġ2", + "16" + ], + [ + "ĠR", + "amp" + ], + [ + "Ġsuperior", + "ity" + ], + [ + "Ã", + "¯" + ], + [ + "ĠTr", + "acker" + ], + [ + "C", + "arl" + ], + [ + "ĠC", + "oy" + ], + [ + "ĠPatri", + "ot" + ], + [ + "Ġconsult", + "ed" + ], + [ + "Ġlist", + "ings" + ], + [ + "Ġsle", + "w" + ], + [ + "reens", + "hot" + ], + [ + "ĠG", + "one" + ], + [ + "Ġ[", + "...]" + ], + [ + "30", + "9" + ], + [ + "Ġh", + "ottest" + ], + [ + "Ø", + "±" + ], + [ + "Ġrock", + "y" + ], + [ + "ĠD", + "iaz" + ], + [ + "Ġmass", + "age" + ], + [ + "Ġpar", + "aly" + ], + [ + "Ġp", + "ony" + ], + [ + "A", + "z" + ], + [ + "Ġcart", + "ridge" + ], + [ + "ĠN", + "Z" + ], + [ + "Ġsn", + "ack" + ], + [ + "ĠLam", + "ar" + ], + [ + "ple", + "ment" + ], + [ + "ĠLes", + "lie" + ], + [ + "Ġm", + "ater" + ], + [ + "Ġsn", + "ipp" + ], + [ + "24", + "6" + ], + [ + "Ġjoint", + "ly" + ], + [ + "ĠBris", + "bane" + ], + [ + "ĠiP", + "od" + ], + [ + "Ġpump", + "ing" + ], + [ + "Ġgo", + "at" + ], + [ + "ĠSh", + "aron" + ], + [ + "eal", + "ing" + ], + [ + "Ġcor", + "on" + ], + [ + "Ġan", + "omal" + ], + [ + "rah", + "im" + ], + [ + "ĠConnect", + "ion" + ], + [ + "Ġsculpt", + "ure" + ], + [ + "Ġsched", + "uling" + ], + [ + "ĠD", + "addy" + ], + [ + "at", + "hing" + ], + [ + "Ġeyeb", + "rows" + ], + [ + "Ġcur", + "ved" + ], + [ + "Ġsent", + "iments" + ], + [ + "Ġdraft", + "ing" + ], + [ + "D", + "rop" + ], + [ + "(", + "[" + ], + [ + "Ġnom", + "inal" + ], + [ + "ĠLeaders", + "hip" + ], + [ + "ĠG", + "row" + ], + [ + "Ġ17", + "6" + ], + [ + "Ġconstruct", + "ive" + ], + [ + "iv", + "ation" + ], + [ + "Ġcorrupt", + "ed" + ], + [ + "ger", + "ald" + ], + [ + "ĠC", + "ros" + ], + [ + "ĠChe", + "ster" + ], + [ + "ĠL", + "ap" + ], + [ + "ãģ", + "ª" + ], + [ + "OT", + "H" + ], + [ + "D", + "ATA" + ], + [ + "Ġal", + "mond" + ], + [ + "pro", + "bably" + ], + [ + "I", + "mp" + ], + [ + "Ġfe", + "ast" + ], + [ + "ĠWar", + "craft" + ], + [ + "F", + "lor" + ], + [ + "Ġcheck", + "point" + ], + [ + "Ġtrans", + "cription" + ], + [ + "Ġ20", + "4" + ], + [ + "Ġtwe", + "aks" + ], + [ + "Ġrel", + "ieve" + ], + [ + "S", + "cience" + ], + [ + "Ġperform", + "er" + ], + [ + "Z", + "one" + ], + [ + "Ġtur", + "moil" + ], + [ + "ig", + "ated" + ], + [ + "hib", + "it" + ], + [ + "ĠC", + "afe" + ], + [ + "the", + "med" + ], + [ + "Ġflu", + "or" + ], + [ + "ben", + "ch" + ], + [ + "Ġde", + "com" + ], + [ + "ĠU", + "nt" + ], + [ + "ĠBar", + "rett" + ], + [ + "ĠF", + "acts" + ], + [ + "Ġt", + "asting" + ], + [ + "ĠPTS", + "D" + ], + [ + "ĠSe", + "al" + ], + [ + "ĠJuda", + "ism" + ], + [ + "ĠDynam", + "ic" + ], + [ + "ĠC", + "ors" + ], + [ + "V", + "e" + ], + [ + "ĠM", + "ing" + ], + [ + "ĠTrans", + "form" + ], + [ + "v", + "on" + ], + [ + "ĠDef", + "enders" + ], + [ + "ĠTact", + "ical" + ], + [ + "ĠV", + "on" + ], + [ + "ĠUn", + "ivers" + ], + [ + "Ġdist", + "orted" + ], + [ + "ĠB", + "reath" + ], + [ + "?'", + "\"" + ], + [ + "Ġag", + "on" + ], + [ + "ĠDead", + "ly" + ], + [ + "Ġl", + "an" + ], + [ + "ĠCy", + "cle" + ], + [ + "orn", + "ed" + ], + [ + "Ġrel", + "iably" + ], + [ + "Ġgl", + "or" + ], + [ + "ĠMon", + "key" + ], + [ + "ãĥ", + "¡" + ], + [ + "Ġad", + "ren" + ], + [ + "Ġmicrow", + "ave" + ], + [ + "ĠAl", + "ban" + ], + [ + "irc", + "raft" + ], + [ + "dig", + "it" + ], + [ + "sm", + "art" + ], + [ + "ĠD", + "read" + ], + [ + "¯¯¯¯¯¯¯¯", + "¯¯¯¯¯¯¯¯" + ], + [ + "{", + "{" + ], + [ + "ĠRoc", + "hester" + ], + [ + "Ġsimpl", + "ified" + ], + [ + "Ġinf", + "licted" + ], + [ + "Ġtake", + "over" + ], + [ + "Ġyour", + "selves" + ], + [ + "ad", + "itional" + ], + [ + "Ġmus", + "cular" + ], + [ + "K", + "S" + ], + [ + "Ġing", + "en" + ], + [ + "T", + "ax" + ], + [ + "ĠFe", + "ature" + ], + [ + "27", + "7" + ], + [ + "Ġcru", + "c" + ], + [ + "Ġcr", + "ate" + ], + [ + "Ġun", + "identified" + ], + [ + "Ġacclaim", + "ed" + ], + [ + "ĠM", + "anga" + ], + [ + "ĠFr", + "ances" + ], + [ + "ĠNep", + "al" + ], + [ + "ĠG", + "erald" + ], + [ + "ĠKu", + "wait" + ], + [ + "Ġsl", + "ain" + ], + [ + "ĠHe", + "b" + ], + [ + "ĠG", + "oku" + ], + [ + "ãģ®", + "æ" + ], + [ + "28", + "6" + ], + [ + "M", + "rs" + ], + [ + "ĠC", + "ody" + ], + [ + "ĠSan", + "ctuary" + ], + [ + "01", + "6" + ], + [ + "Ġdism", + "ant" + ], + [ + "Ġdatas", + "et" + ], + [ + "ĠH", + "ond" + ], + [ + "b", + "uck" + ], + [ + "ĠPat", + "terson" + ], + [ + "Ġpal", + "ette" + ], + [ + "ĠG", + "D" + ], + [ + "ic", + "ol" + ], + [ + "ĠL", + "odge" + ], + [ + "Ġplanet", + "ary" + ], + [ + "ak", + "in" + ], + [ + "ĠRegist", + "ered" + ], + [ + "ab", + "we" + ], + [ + "ĠPeters", + "burg" + ], + [ + "Ġha", + "iled" + ], + [ + "ĠP", + "iece" + ], + [ + "S", + "che" + ], + [ + "ĠDO", + "J" + ], + [ + "Ġen", + "umer" + ], + [ + "18", + "1" + ], + [ + "ĠObs", + "erver" + ], + [ + "ĠB", + "old" + ], + [ + "f", + "ounded" + ], + [ + "com", + "merce" + ], + [ + "Ġexplo", + "its" + ], + [ + "ĠF", + "inding" + ], + [ + "UR", + "N" + ], + [ + "ĠS", + "ne" + ], + [ + "ĠAc", + "id" + ], + [ + "ay", + "ette" + ], + [ + "ĠVal", + "ues" + ], + [ + "Ġdr", + "astic" + ], + [ + "Ġarchitect", + "ural" + ], + [ + "Ġ\"", + "." + ], + [ + "×", + "ķ" + ], + [ + "ump", + "ed" + ], + [ + "Ġwra", + "pping" + ], + [ + "Ġwid", + "ow" + ], + [ + "ĠSl", + "ayer" + ], + [ + "l", + "ace" + ], + [ + "on", + "ce" + ], + [ + "German", + "y" + ], + [ + "av", + "oid" + ], + [ + "Ġtem", + "ples" + ], + [ + "P", + "AR" + ], + [ + "Ã", + "´" + ], + [ + "ĠLuc", + "ifer" + ], + [ + "ĠFl", + "ickr" + ], + [ + "l", + "ov" + ], + [ + "for", + "ces" + ], + [ + "Ġsc", + "outing" + ], + [ + "Ġlou", + "der" + ], + [ + "tes", + "y" + ], + [ + "Ġbefore", + "hand" + ], + [ + "Ä", + "ĵ" + ], + [ + "ĠNe", + "on" + ], + [ + "ĠW", + "ol" + ], + [ + "ĠTyp", + "ically" + ], + [ + "ĠPolit", + "ico" + ], + [ + "-+", + "-+" + ], + [ + "Ġbuild", + "er" + ], + [ + "Ġder", + "ive" + ], + [ + "K", + "ill" + ], + [ + "Ġp", + "oker" + ], + [ + "Ġambig", + "uous" + ], + [ + "Ġlif", + "ts" + ], + [ + "Ġcy", + "t" + ], + [ + "Ġrib", + "s" + ], + [ + "ood", + "le" + ], + [ + "ĠS", + "ounds" + ], + [ + "h", + "air" + ], + [ + "ĠSynd", + "rome" + ], + [ + "t", + "f" + ], + [ + "Ġproport", + "ional" + ], + [ + "u", + "id" + ], + [ + "Ġper", + "taining" + ], + [ + "ĠKind", + "le" + ], + [ + "ĠNeg", + "ro" + ], + [ + "Ġreiter", + "ated" + ], + [ + "ĠTon", + "ight" + ], + [ + "oth", + "s" + ], + [ + "ĠCorn", + "ell" + ], + [ + "Ġo", + "wing" + ], + [ + "Ġ20", + "8" + ], + [ + "elf", + "are" + ], + [ + "oc", + "ating" + ], + [ + "ĠB", + "irds" + ], + [ + "Sub", + "scribe" + ], + [ + "Ġess", + "ays" + ], + [ + "Ġburd", + "ens" + ], + [ + "Ġillust", + "rations" + ], + [ + "ar", + "ious" + ], + [ + "ER", + "AL" + ], + [ + "ĠCal", + "cul" + ], + [ + "Ġx", + "en" + ], + [ + "ĠLink", + "edIn" + ], + [ + "ĠJ", + "ung" + ], + [ + "Ġredes", + "ign" + ], + [ + "Con", + "nor" + ], + [ + "29", + "6" + ], + [ + "Ġrevers", + "al" + ], + [ + "ĠAd", + "elaide" + ], + [ + "ĠL", + "L" + ], + [ + "Ġs", + "inking" + ], + [ + "Ġg", + "um" + ], + [ + "US", + "H" + ], + [ + "c", + "apt" + ], + [ + "ĠGr", + "imm" + ], + [ + "Ġfoot", + "steps" + ], + [ + "ĠCB", + "D" + ], + [ + "isp", + "ers" + ], + [ + "Ġpro", + "se" + ], + [ + "Wed", + "nesday" + ], + [ + "ĠM", + "ovies" + ], + [ + "ed", + "in" + ], + [ + "Ġoverturn", + "ed" + ], + [ + "Ġcontent", + "ious" + ], + [ + "US", + "B" + ], + [ + "~~~~~~~~", + "~~~~~~~~" + ], + [ + "ĠCo", + "pper" + ], + [ + "Ġpoint", + "less" + ], + [ + "N", + "V" + ], + [ + "val", + "ues" + ], + [ + "olph", + "in" + ], + [ + "d", + "ain" + ], + [ + "Ġdepos", + "ited" + ], + [ + "ĠG", + "W" + ], + [ + "Ġpreced", + "ed" + ], + [ + "ĠCl", + "a" + ], + [ + "ĠGo", + "lem" + ], + [ + "ĠN", + "im" + ], + [ + "ĠÎ", + "²" + ], + [ + "ĠEngine", + "ers" + ], + [ + "m", + "iddle" + ], + [ + "Ġfl", + "att" + ], + [ + "oper", + "ative" + ], + [ + "Ġcouncil", + "s" + ], + [ + "imb", + "abwe" + ], + [ + "el", + "in" + ], + [ + "Ġstress", + "ful" + ], + [ + "ĠL", + "D" + ], + [ + "Ġres", + "h" + ], + [ + "l", + "ake" + ], + [ + "Ġwheel", + "chair" + ], + [ + "ĠAltern", + "ative" + ], + [ + "Ġoptim", + "ize" + ], + [ + "oper", + "ation" + ], + [ + "Ġpe", + "ek" + ], + [ + "Ġones", + "elf" + ], + [ + "ig", + "il" + ], + [ + "Ġtrans", + "itions" + ], + [ + "op", + "athy" + ], + [ + "bl", + "ank" + ], + [ + "Ġ16", + "9" + ], + [ + "17", + "1" + ], + [ + "________________________________", + "________________________________" + ], + [ + "Ġl", + "aundering" + ], + [ + "En", + "c" + ], + [ + "ĠD", + "EC" + ], + [ + "Ġwork", + "outs" + ], + [ + "Ġsp", + "ikes" + ], + [ + "Ġdin", + "osaurs" + ], + [ + "Ġdiscrim", + "inatory" + ], + [ + "P", + "ool" + ], + [ + "R", + "ather" + ], + [ + "38", + "5" + ], + [ + "R", + "NA" + ], + [ + "tes", + "ters" + ], + [ + "et", + "o" + ], + [ + "ĠIdent", + "ity" + ], + [ + "Ġve", + "in" + ], + [ + "ĠBur", + "ton" + ], + [ + "Ġarc", + "ade" + ], + [ + "4", + "20" + ], + [ + "Ult", + "imately" + ], + [ + "ĠSad", + "ly" + ], + [ + "Ã", + "°" + ], + [ + "p", + "ill" + ], + [ + "Ġcub", + "ic" + ], + [ + "ĠSpect", + "rum" + ], + [ + "the", + "se" + ], + [ + "st", + "ates" + ], + [ + "Ġun", + "official" + ], + [ + "h", + "awks" + ], + [ + "ĠEVER", + "Y" + ], + [ + "Ġrain", + "bow" + ], + [ + "Ġincarcer", + "ation" + ], + [ + "and", + "ing" + ], + [ + "Ġsy", + "ll" + ], + [ + "ĠEver", + "ton" + ], + [ + "Ġ17", + "9" + ], + [ + "ĠSer", + "bia" + ], + [ + "Ġ18", + "9" + ], + [ + "m", + "eter" + ], + [ + "ĠMic", + "key" + ], + [ + "Ġant", + "iqu" + ], + [ + "Ġfact", + "ual" + ], + [ + "ne", + "ck" + ], + [ + "ĠN", + "are" + ], + [ + "n", + "orm" + ], + [ + "m", + "ust" + ], + [ + "Ġhigh", + "ways" + ], + [ + "Ġgl", + "am" + ], + [ + "Ġdivid", + "ing" + ], + [ + "ĠSquad", + "ron" + ], + [ + "ĠMar", + "tha" + ], + [ + "Ġbirth", + "s" + ], + [ + "C", + "over" + ], + [ + "////////", + "////////" + ], + [ + "ĠW", + "ong" + ], + [ + "Ph", + "ot" + ], + [ + "ĠA", + "LS" + ], + [ + "ri", + "o" + ], + [ + "ĠNon", + "etheless" + ], + [ + "ĠL", + "emon" + ], + [ + "Ġ20", + "6" + ], + [ + "ĠE", + "E" + ], + [ + "Ġderiv", + "ative" + ], + [ + "ĠWW", + "II" + ], + [ + "v", + "ote" + ], + [ + "Ġthere", + "in" + ], + [ + "Ġsepar", + "ating" + ], + [ + "44", + "6" + ], + [ + "sy", + "nc" + ], + [ + "ĠStre", + "ets" + ], + [ + "Ġr", + "att" + ], + [ + "Ġmunicip", + "ality" + ], + [ + "ĠShort", + "ly" + ], + [ + "Ġmon", + "k" + ], + [ + ")", + ",\"" + ], + [ + "Ġscr", + "ub" + ], + [ + "Ġoper", + "atives" + ], + [ + "Ne", + "ither" + ], + [ + "Pl", + "ace" + ], + [ + "ĠLim", + "it" + ], + [ + "F", + "emale" + ], + [ + "ĠAct", + "or" + ], + [ + "Char", + "acter" + ], + [ + "Ġconstit", + "uted" + ], + [ + "35", + "7" + ], + [ + "Ġprotest", + "ed" + ], + [ + "ĠSt", + "raw" + ], + [ + "ĠHe", + "ight" + ], + [ + "ild", + "a" + ], + [ + "ĠTy", + "ph" + ], + [ + "Ġflood", + "s" + ], + [ + "Ġcos", + "metic" + ], + [ + "W", + "AY" + ], + [ + "pert", + "ure" + ], + [ + "up", + "on" + ], + [ + "t", + "ons" + ], + [ + "ess", + "ing" + ], + [ + "ĠP", + "ocket" + ], + [ + "Ġro", + "oft" + ], + [ + "ĠC", + "aucas" + ], + [ + "Ġant", + "idepress" + ], + [ + "Ġincomp", + "atible" + ], + [ + "EC", + "D" + ], + [ + "Ġoper", + "a" + ], + [ + "ĠCont", + "est" + ], + [ + "Ġgener", + "ators" + ], + [ + "l", + "ime" + ], + [ + "Def", + "ense" + ], + [ + "19", + "87" + ], + [ + "for", + "um" + ], + [ + "Ġsav", + "age" + ], + [ + "ĠHung", + "arian" + ], + [ + "n", + "z" + ], + [ + "Ġmet", + "allic" + ], + [ + "Ġex", + "pelled" + ], + [ + "Ġres", + "idency" + ], + [ + "Ġdress", + "es" + ], + [ + "66", + "6" + ], + [ + "ĠC", + "lement" + ], + [ + "f", + "ires" + ], + [ + "C", + "ategory" + ], + [ + "Ġge", + "ek" + ], + [ + "al", + "is" + ], + [ + "Ġc", + "emetery" + ], + [ + "educ", + "ated" + ], + [ + "Ġc", + "rawl" + ], + [ + "ĠUn", + "able" + ], + [ + "ĠT", + "yson" + ], + [ + "ak", + "is" + ], + [ + "Ġp", + "ardon" + ], + [ + "ĠW", + "ra" + ], + [ + "Ġstrengthen", + "ed" + ], + [ + "ĠF", + "ors" + ], + [ + "33", + "5" + ], + [ + "ĠH", + "C" + ], + [ + "ĠM", + "ond" + ], + [ + "Ġvisual", + "s" + ], + [ + "ĠBeat", + "les" + ], + [ + "ett", + "lement" + ], + [ + "Ġ", + "ï" + ], + [ + "g", + "ro" + ], + [ + "Ġb", + "ash" + ], + [ + "Ġpo", + "orest" + ], + [ + "Ġex", + "cel" + ], + [ + "Ġaspir", + "ations" + ], + [ + "ĠM", + "unicip" + ], + [ + "ens", + "ible" + ], + [ + "Ġceremon", + "ies" + ], + [ + "Ġintimid", + "ation" + ], + [ + "ĠCON", + "TR" + ], + [ + "be", + "ck" + ], + [ + "ĠK", + "ap" + ], + [ + "as", + "u" + ], + [ + "Ġtradem", + "arks" + ], + [ + "ĠS", + "ew" + ], + [ + "ĠComp", + "etition" + ], + [ + "net", + "work" + ], + [ + "ĠAr", + "ri" + ], + [ + "ĠT", + "et" + ], + [ + "Ro", + "aming" + ], + [ + "W", + "C" + ], + [ + "D", + "at" + ], + [ + "Ġso", + "b" + ], + [ + "Ġpair", + "ing" + ], + [ + "Ġoverd", + "ose" + ], + [ + "SA", + "Y" + ], + [ + "ab", + "er" + ], + [ + "Ġrev", + "olt" + ], + [ + "ĠF", + "ah" + ], + [ + "act", + "ing" + ], + [ + "e", + "q" + ], + [ + "est", + "ation" + ], + [ + "F", + "ight" + ], + [ + "ĠMar", + "ks" + ], + [ + "27", + "3" + ], + [ + "Ġ17", + "8" + ], + [ + "R", + "aw" + ], + [ + "ãģ", + "ĭ" + ], + [ + "34", + "9" + ], + [ + "bl", + "ocks" + ], + [ + "Ġver", + "ge" + ], + [ + "est", + "ine" + ], + [ + "ĠPod", + "esta" + ], + [ + "Ġinv", + "asive" + ], + [ + "Ġprofound", + "ly" + ], + [ + "ĠA", + "o" + ], + [ + "e", + "ach" + ], + [ + "Ġl", + "est" + ], + [ + "inter", + "pret" + ], + [ + "Ġshr", + "inking" + ], + [ + "Ġerr", + "one" + ], + [ + "Ġche", + "es" + ], + [ + "ly", + "s" + ], + [ + "ĠI", + "vy" + ], + [ + "ĠDirect", + "ory" + ], + [ + "Ġhint", + "ed" + ], + [ + "V", + "ICE" + ], + [ + "Ġcontact", + "ing" + ], + [ + "ĠG", + "ent" + ], + [ + "he", + "i" + ], + [ + "Ġlabel", + "ing" + ], + [ + "Ġmerc", + "ury" + ], + [ + "ĠL", + "ite" + ], + [ + "Ġexp", + "ires" + ], + [ + "Ġdest", + "abil" + ], + [ + "rit", + "is" + ], + [ + "c", + "u" + ], + [ + "Ġfeather", + "s" + ], + [ + "Ġste", + "er" + ], + [ + "Ġprogram", + "med" + ], + [ + "ĠV", + "ader" + ], + [ + "Go", + "ing" + ], + [ + "ĠE", + "lim" + ], + [ + "Ġy", + "o" + ], + [ + "ĠMic", + "he" + ], + [ + "Ġ20", + "3" + ], + [ + "Ġslee", + "ves" + ], + [ + "Ġb", + "ully" + ], + [ + "ĠHum", + "ans" + ], + [ + "36", + "8" + ], + [ + "Ġcomp", + "ress" + ], + [ + "ĠBan", + "ner" + ], + [ + "AR", + "S" + ], + [ + "Ġa", + "while" + ], + [ + "Ġcal", + "ib" + ], + [ + "Ġspons", + "orship" + ], + [ + "ĠDiff", + "iculty" + ], + [ + "ĠP", + "apers" + ], + [ + "Ġident", + "ifier" + ], + [ + "}", + "." + ], + [ + "Ġy", + "og" + ], + [ + "ĠSh", + "ia" + ], + [ + "Ġclean", + "up" + ], + [ + "Ġvib", + "e" + ], + [ + "int", + "rodu" + ], + [ + "im", + "ming" + ], + [ + "Austral", + "ia" + ], + [ + "Ġout", + "lines" + ], + [ + "ĠY", + "outube" + ], + [ + "tr", + "ain" + ], + [ + "ĠM", + "akes" + ], + [ + "Ġde", + "ported" + ], + [ + "Ġcent", + "r" + ], + [ + "ĠD", + "ug" + ], + [ + "ĠB", + "oulder" + ], + [ + "ĠBuff", + "y" + ], + [ + "Ġinj", + "unction" + ], + [ + "ĠHar", + "ley" + ], + [ + "ĠG", + "roups" + ], + [ + "ĠD", + "umbledore" + ], + [ + "ĠCl", + "ara" + ], + [ + "Ġ\"", + "-" + ], + [ + "Ġsacrific", + "ed" + ], + [ + "ep", + "h" + ], + [ + "Sh", + "adow" + ], + [ + "ib", + "ling" + ], + [ + "Ġfreel", + "ance" + ], + [ + "Ġevident", + "ly" + ], + [ + "ph", + "al" + ], + [ + "Ġret", + "ains" + ], + [ + "M", + "ir" + ], + [ + "Ġfin", + "ite" + ], + [ + "d", + "ar" + ], + [ + "ĠC", + "ous" + ], + [ + "Ġrep", + "aired" + ], + [ + "Ġperiod", + "ic" + ], + [ + "Ġchampions", + "hips" + ], + [ + "Ġaster", + "oid" + ], + [ + "bl", + "ind" + ], + [ + "Ġexpress", + "ly" + ], + [ + "ĠAst", + "ros" + ], + [ + "Ġsc", + "aled" + ], + [ + "Ġge", + "ographical" + ], + [ + "ĠRap", + "ids" + ], + [ + "En", + "joy" + ], + [ + "Ġel", + "astic" + ], + [ + "ĠMoh", + "amed" + ], + [ + "Mark", + "et" + ], + [ + "be", + "gin" + ], + [ + "Ġdisco", + "vers" + ], + [ + "Ġtele", + "communications" + ], + [ + "Ġscan", + "ner" + ], + [ + "Ġen", + "large" + ], + [ + "Ġsh", + "arks" + ], + [ + "Ġpsy", + "chedel" + ], + [ + "ĠRou", + "ge" + ], + [ + "Ġsnap", + "shot" + ], + [ + "is", + "ine" + ], + [ + "X", + "P" + ], + [ + "Ġpestic", + "ides" + ], + [ + "ĠL", + "SD" + ], + [ + "ĠDist", + "ribution" + ], + [ + "re", + "ally" + ], + [ + "Ġde", + "gradation" + ], + [ + "Ġdisgu", + "ise" + ], + [ + "Ġbi", + "om" + ], + [ + "ĠEX", + "T" + ], + [ + "Ġequ", + "ations" + ], + [ + "Ġhaz", + "ards" + ], + [ + "ĠComp", + "ared" + ], + [ + ")", + "*" + ], + [ + "Ġvirt", + "ues" + ], + [ + "Ġeld", + "ers" + ], + [ + "Ġenh", + "ancing" + ], + [ + "ĠAc", + "ross" + ], + [ + "er", + "os" + ], + [ + "ang", + "ling" + ], + [ + "Ġcomb", + "ust" + ], + [ + "ucc", + "i" + ], + [ + "Ġconc", + "ussion" + ], + [ + "Ġcontrace", + "ption" + ], + [ + "ĠK", + "ang" + ], + [ + "Ġexpress", + "es" + ], + [ + "Ġa", + "ux" + ], + [ + "ĠP", + "ione" + ], + [ + "Ġexhib", + "its" + ], + [ + "Deb", + "ug" + ], + [ + "OT", + "AL" + ], + [ + "ĠAl", + "ready" + ], + [ + "ĠWheel", + "er" + ], + [ + "Ġexp", + "ands" + ], + [ + "?", + ":" + ], + [ + "Ġreconc", + "iliation" + ], + [ + "Ġpir", + "ates" + ], + [ + "Ġpur", + "se" + ], + [ + "Ġdiscour", + "age" + ], + [ + "Ġspect", + "acle" + ], + [ + "R", + "ank" + ], + [ + "Ġwra", + "ps" + ], + [ + "ĠTh", + "ought" + ], + [ + "Ġimp", + "ending" + ], + [ + "O", + "pp" + ], + [ + "ĠAng", + "lo" + ], + [ + "ĠE", + "UR" + ], + [ + "Ġscrew", + "ed" + ], + [ + "ret", + "ched" + ], + [ + "Ġencour", + "agement" + ], + [ + "mod", + "els" + ], + [ + "Ġconf", + "use" + ], + [ + "mm", + "m" + ], + [ + "ĠVit", + "amin" + ], + [ + "âĸij", + "âĸij" + ], + [ + "C", + "ru" + ], + [ + "Ġkn", + "ights" + ], + [ + "Ġdisc", + "ard" + ], + [ + "Ġb", + "ishops" + ], + [ + "ĠW", + "ear" + ], + [ + "ĠGar", + "rett" + ], + [ + "k", + "an" + ], + [ + "ãĥ", + "Ł" + ], + [ + "Ġmascul", + "ine" + ], + [ + "cap", + "ital" + ], + [ + "ĠA", + "us" + ], + [ + "Ġfat", + "ally" + ], + [ + "th", + "anks" + ], + [ + "ĠA", + "U" + ], + [ + "ĠG", + "ut" + ], + [ + "12", + "00" + ], + [ + "Ġ", + "00000000" + ], + [ + "Ġsur", + "rog" + ], + [ + "ĠBI", + "OS" + ], + [ + "ra", + "its" + ], + [ + "ĠWat", + "ts" + ], + [ + "Ġresur", + "rection" + ], + [ + "ĠElect", + "oral" + ], + [ + "ĠT", + "ips" + ], + [ + "4", + "000" + ], + [ + "Ġnut", + "rient" + ], + [ + "Ġdepict", + "ing" + ], + [ + "Ġspr", + "ink" + ], + [ + "Ġm", + "uff" + ], + [ + "ĠL", + "IM" + ], + [ + "ĠS", + "ample" + ], + [ + "ps", + "c" + ], + [ + "ib", + "i" + ], + [ + "gener", + "ated" + ], + [ + "Ġspec", + "imens" + ], + [ + "Ġdiss", + "atisf" + ], + [ + "Ġtail", + "ored" + ], + [ + "Ġhold", + "ings" + ], + [ + "ĠMonth", + "ly" + ], + [ + "ĠE", + "at" + ], + [ + "po", + "ons" + ], + [ + "Ġne", + "c" + ], + [ + "ĠC", + "age" + ], + [ + "ĠLot", + "us" + ], + [ + "ĠLan", + "tern" + ], + [ + "Ġfront", + "ier" + ], + [ + "Ġp", + "ensions" + ], + [ + "Ġj", + "oked" + ], + [ + "ĠHard", + "y" + ], + [ + "=-=-", + "=-=-" + ], + [ + "r", + "ade" + ], + [ + "U", + "ID" + ], + [ + "Ġr", + "ails" + ], + [ + "Ġem", + "it" + ], + [ + "Ġsl", + "ate" + ], + [ + "Ġsm", + "ug" + ], + [ + "Ġsp", + "it" + ], + [ + "ĠCall", + "s" + ], + [ + "ĠJac", + "obs" + ], + [ + "f", + "eat" + ], + [ + "ĠU", + "E" + ], + [ + "Ġrest", + "ruct" + ], + [ + "Ġregener", + "ation" + ], + [ + "Ġenerg", + "ies" + ], + [ + "ĠCon", + "nor" + ], + [ + "OH", + "N" + ], + [ + "ĠChe", + "ese" + ], + [ + "Ġg", + "er" + ], + [ + "Ġresur", + "rect" + ], + [ + "man", + "agement" + ], + [ + "N", + "W" + ], + [ + "Ġpres", + "ently" + ], + [ + "ĠBru", + "ins" + ], + [ + "M", + "ember" + ], + [ + "ĠM", + "ang" + ], + [ + "id", + "an" + ], + [ + "Ġboost", + "ing" + ], + [ + "w", + "yn" + ], + [ + "+", + "." + ], + [ + "requ", + "isite" + ], + [ + "ĠNY", + "PD" + ], + [ + "ĠMe", + "gan" + ], + [ + "ĠCond", + "itions" + ], + [ + "Ġp", + "ics" + ], + [ + "nes", + "ium" + ], + [ + "ĠR", + "ash" + ], + [ + "Ġ17", + "4" + ], + [ + "ĠD", + "ucks" + ], + [ + "Ġemb", + "ro" + ], + [ + "z", + "u" + ], + [ + "on", + "ian" + ], + [ + "rel", + "igious" + ], + [ + "Ġc", + "raz" + ], + [ + "ĠAC", + "A" + ], + [ + "ĠZ", + "ucker" + ], + [ + "EM", + "A" + ], + [ + "ĠPro", + "s" + ], + [ + "We", + "apon" + ], + [ + "ĠKn", + "ox" + ], + [ + "ĠAr", + "duino" + ], + [ + "Ġst", + "ove" + ], + [ + "Ġheaven", + "s" + ], + [ + "ĠP", + "urchase" + ], + [ + "Ġher", + "d" + ], + [ + "Ġfundra", + "iser" + ], + [ + "Dig", + "ital" + ], + [ + "5", + "000" + ], + [ + "Ġprop", + "onents" + ], + [ + "/", + "âĢĭ" + ], + [ + "Ġj", + "elly" + ], + [ + "ĠVis", + "a" + ], + [ + "Ġmon", + "ks" + ], + [ + "Ġadvance", + "ment" + ], + [ + "ĠW", + "er" + ], + [ + "Ġ18", + "7" + ], + [ + "e", + "us" + ], + [ + "ert", + "ility" + ], + [ + "Ġfet", + "al" + ], + [ + "Ġ19", + "36" + ], + [ + "L", + "o" + ], + [ + "Ġout", + "fits" + ], + [ + "Ġstair", + "case" + ], + [ + "b", + "omb" + ], + [ + "Ġcustom", + "ized" + ], + [ + "cl", + "air" + ], + [ + "T", + "ree" + ], + [ + "Ġm", + "apped" + ], + [ + "ĠConsider", + "ing" + ], + [ + "ĠTor", + "res" + ], + [ + "Ġmeth", + "yl" + ], + [ + "Ġapprox", + "imate" + ], + [ + "Ġdo", + "om" + ], + [ + "ĠHans", + "en" + ], + [ + "Ġc", + "rossover" + ], + [ + "Ġstand", + "alone" + ], + [ + "ä", + "¼" + ], + [ + "Ġinv", + "ites" + ], + [ + "Ġgra", + "veyard" + ], + [ + "Ġh", + "p" + ], + [ + "Donald", + "Trump" + ], + [ + "Ġesc", + "ort" + ], + [ + "G", + "ar" + ], + [ + "Ġpredec", + "essors" + ], + [ + "Ġh", + "ay" + ], + [ + "Ġen", + "zyme" + ], + [ + "ĠStra", + "ight" + ], + [ + "vis", + "ors" + ], + [ + "I", + "ng" + ], + [ + "ane", + "ously" + ], + [ + "ĠApp", + "lied" + ], + [ + "Ġf", + "ec" + ], + [ + "ĠDur", + "ant" + ], + [ + "Ġout", + "spoken" + ], + [ + "or", + "b" + ], + [ + "Ġz", + "eal" + ], + [ + "Ġdisgr", + "ace" + ], + [ + "'", + ")." + ], + [ + "ĠChe", + "ng" + ], + [ + "28", + "9" + ], + [ + "ĠRen", + "a" + ], + [ + "ĠSu", + "icide" + ], + [ + "29", + "4" + ], + [ + "Ġout", + "raged" + ], + [ + "ĠNew", + "man" + ], + [ + "ĠN", + "vidia" + ], + [ + "ĠA", + "ber" + ], + [ + "ĠB", + "ers" + ], + [ + "Ġrecre", + "ation" + ], + [ + "Wind", + "ow" + ], + [ + "ĠD", + "P" + ], + [ + "x", + "e" + ], + [ + "Ġped", + "oph" + ], + [ + "Ġfall", + "out" + ], + [ + "ambo", + "o" + ], + [ + "Ġpresent", + "ations" + ], + [ + "ĠApp", + "s" + ], + [ + "Ġh", + "tml" + ], + [ + "3", + "45" + ], + [ + "ĠX", + "XX" + ], + [ + "Ġrub", + "bing" + ], + [ + "ĠLe", + "ather" + ], + [ + "Ġhum", + "idity" + ], + [ + "se", + "ys" + ], + [ + "est", + "ablished" + ], + [ + "ĠUn", + "its" + ], + [ + "64", + "6" + ], + [ + "Ġrespect", + "able" + ], + [ + "A", + "uto" + ], + [ + "Ġthri", + "ving" + ], + [ + "ĠInn", + "ovation" + ], + [ + "ang", + "s" + ], + [ + "Ext", + "ra" + ], + [ + "reg", + "ulation" + ], + [ + "29", + "8" + ], + [ + "p", + "ick" + ], + [ + "Ex", + "amples" + ], + [ + "ĠC", + "J" + ], + [ + "Att", + "ack" + ], + [ + "Ġdr", + "acon" + ], + [ + "L", + "T" + ], + [ + "Ġstick", + "er" + ], + [ + "re", + "rs" + ], + [ + "Ġsun", + "ny" + ], + [ + "I", + "ss" + ], + [ + "reg", + "ulated" + ], + [ + "d", + "im" + ], + [ + "ĠAb", + "stract" + ], + [ + "Ġhus", + "bands" + ], + [ + "Off", + "ice" + ], + [ + "om", + "ination" + ], + [ + "it", + "ars" + ], + [ + "AN", + "GE" + ], + [ + "asc", + "al" + ], + [ + "ĠK", + "ris" + ], + [ + "ĠInf", + "antry" + ], + [ + "Ġm", + "alf" + ], + [ + "ĠA", + "the" + ], + [ + "ĠR", + "ally" + ], + [ + "bal", + "anced" + ], + [ + "................", + "........" + ], + [ + "OU", + "P" + ], + [ + "Ġmole", + "cule" + ], + [ + "met", + "ics" + ], + [ + "ĠSpl", + "it" + ], + [ + "ĠInstruct", + "ions" + ], + [ + "ĠN", + "ights" + ], + [ + "c", + "ards" + ], + [ + "Ġt", + "ug" + ], + [ + "Ġcon", + "e" + ], + [ + "å", + "Ń" + ], + [ + "Ġt", + "x" + ], + [ + "ĠDisc", + "ussion" + ], + [ + "Ġcatast", + "rophe" + ], + [ + "pp", + "e" + ], + [ + "g", + "io" + ], + [ + "Ġcommun", + "ism" + ], + [ + "Ġhal", + "ted" + ], + [ + "ĠGu", + "ant" + ], + [ + "cle", + "an" + ], + [ + "ĠSc", + "hed" + ], + [ + "ĠK", + "anye" + ], + [ + "Ġw", + "ander" + ], + [ + "ĠSer", + "iously" + ], + [ + "Ġ18", + "8" + ], + [ + "enn", + "ial" + ], + [ + "f", + "ollow" + ], + [ + "product", + "ive" + ], + [ + "ĠFl", + "ow" + ], + [ + "ĠS", + "ail" + ], + [ + "Ġc", + "raw" + ], + [ + "Ġsim", + "ulations" + ], + [ + "or", + "u" + ], + [ + "ang", + "les" + ], + [ + "ĠN", + "olan" + ], + [ + "Ġmen", + "stru" + ], + [ + "4", + "70" + ], + [ + "Ġ20", + "7" + ], + [ + "aj", + "a" + ], + [ + "Ġcas", + "ually" + ], + [ + "board", + "ing" + ], + [ + "Ġ2", + "22" + ], + [ + "ov", + "y" + ], + [ + "ĠN", + "umbers" + ], + [ + "um", + "at" + ], + [ + "O", + "E" + ], + [ + "28", + "7" + ], + [ + "ĠCle", + "mson" + ], + [ + "Ġcert", + "s" + ], + [ + "Ġsl", + "id" + ], + [ + "ĠT", + "ribe" + ], + [ + "Ġto", + "ast" + ], + [ + "Ġfort", + "unes" + ], + [ + "Ġf", + "als" + ], + [ + "ĠComm", + "ittees" + ], + [ + "Ġg", + "p" + ], + [ + "Ġf", + "iery" + ], + [ + "ĠN", + "ets" + ], + [ + "ĠAn", + "ime" + ], + [ + "Pack", + "age" + ], + [ + "ĠComp", + "are" + ], + [ + "l", + "aughter" + ], + [ + "in", + "fect" + ], + [ + "Ġatroc", + "ities" + ], + [ + "Ġjust", + "ices" + ], + [ + "Ġins", + "ults" + ], + [ + "ĠVern", + "on" + ], + [ + "Ġsh", + "aken" + ], + [ + "Ġperson", + "a" + ], + [ + "est", + "amp" + ], + [ + "36", + "7" + ], + [ + "br", + "ain" + ], + [ + "Ġexperiment", + "ing" + ], + [ + "K", + "en" + ], + [ + "ĠElect", + "ronics" + ], + [ + "Ġ16", + "1" + ], + [ + "dom", + "ain" + ], + [ + "Ġgraph", + "ical" + ], + [ + "b", + "ishop" + ], + [ + "Ġwho", + "pping" + ], + [ + "ĠEv", + "angel" + ], + [ + "Ġadvertis", + "ers" + ], + [ + "ĠSpe", + "ar" + ], + [ + "Ġb", + "ids" + ], + [ + "Ġdestro", + "ys" + ], + [ + "ut", + "z" + ], + [ + "Ġunders", + "c" + ], + [ + "ĠAD", + "D" + ], + [ + "Ġan", + "ts" + ], + [ + "ĠC", + "um" + ], + [ + "ipp", + "les" + ], + [ + "ĠF", + "ill" + ], + [ + "Ġgl", + "anced" + ], + [ + "Ġind", + "icted" + ], + [ + "ĠE", + "ff" + ], + [ + "Ġmis", + "con" + ], + [ + "ĠDes", + "ktop" + ], + [ + "Ġab", + "ide" + ], + [ + "ãĥ", + "Ģ" + ], + [ + "ĠI", + "o" + ], + [ + "ĠC", + "oul" + ], + [ + "Ġcaps", + "ule" + ], + [ + "ĠCh", + "rys" + ], + [ + "M", + "ON" + ], + [ + "Ġund", + "es" + ], + [ + "ĠI", + "RA" + ], + [ + "Ġc", + "itation" + ], + [ + "Ġdict", + "ate" + ], + [ + "ĠNet", + "works" + ], + [ + "ĠConf", + "lict" + ], + [ + "ĠSt", + "uff" + ], + [ + "x", + "a" + ], + [ + "is", + "ec" + ], + [ + "ĠChem", + "istry" + ], + [ + "Ġquarter", + "ly" + ], + [ + "William", + "s" + ], + [ + "an", + "an" + ], + [ + "O", + "pt" + ], + [ + "ĠAlexand", + "ria" + ], + [ + "out", + "heastern" + ], + [ + "ĠSpring", + "field" + ], + [ + "ĠBlack", + "s" + ], + [ + "Ġge", + "ography" + ], + [ + "24", + "2" + ], + [ + "Ġut", + "most" + ], + [ + "ĠEx", + "xon" + ], + [ + "ab", + "outs" + ], + [ + "E", + "VA" + ], + [ + "ĠEn", + "able" + ], + [ + "ĠBar", + "r" + ], + [ + "Ġdisag", + "reed" + ], + [ + "ĠCy", + "prus" + ], + [ + "Ġdement", + "ia" + ], + [ + "Ġlab", + "s" + ], + [ + "Ġubiqu", + "itous" + ], + [ + "ĠLO", + "VE" + ], + [ + "Ġconsolid", + "ated" + ], + [ + "s", + "r" + ], + [ + "Ġcream", + "y" + ], + [ + "ĠTim", + "ber" + ], + [ + "Reg", + "ardless" + ], + [ + "ĠCert", + "ificate" + ], + [ + "Ġ\"", + "..." + ], + [ + "ogen", + "ous" + ], + [ + "Capt", + "ain" + ], + [ + "Ġinsult", + "ing" + ], + [ + "ĠSor", + "os" + ], + [ + "ĠInst", + "r" + ], + [ + "ĠBulgar", + "ia" + ], + [ + "bet", + "ter" + ], + [ + "Ġsuck", + "ing" + ], + [ + "ĠDavid", + "son" + ], + [ + "at", + "z" + ], + [ + "Ġcoll", + "ateral" + ], + [ + "g", + "if" + ], + [ + "Ġplag", + "ued" + ], + [ + "ĠC", + "ancel" + ], + [ + "ĠGard", + "ner" + ], + [ + "R", + "B" + ], + [ + "Ġsix", + "teen" + ], + [ + "Rem", + "ove" + ], + [ + "ur", + "istic" + ], + [ + "c", + "ook" + ], + [ + "R", + "od" + ], + [ + "Ġcompr", + "ising" + ], + [ + "f", + "le" + ], + [ + ")", + "âĢĶ" + ], + [ + "ĠVik", + "ing" + ], + [ + "g", + "rowth" + ], + [ + "agon", + "al" + ], + [ + "Ġsr", + "f" + ], + [ + "af", + "ety" + ], + [ + "m", + "ot" + ], + [ + "N", + "early" + ], + [ + "st", + "own" + ], + [ + "ĠF", + "actor" + ], + [ + "Ġautom", + "obile" + ], + [ + "Ġproced", + "ural" + ], + [ + "m", + "ask" + ], + [ + "amp", + "ires" + ], + [ + "Ġdisapp", + "ears" + ], + [ + "j", + "ab" + ], + [ + "3", + "15" + ], + [ + "Ġ19", + "51" + ], + [ + "ne", + "eded" + ], + [ + "Ġd", + "aring" + ], + [ + "le", + "ader" + ], + [ + "Ġp", + "odium" + ], + [ + "Ġun", + "healthy" + ], + [ + "Ġm", + "und" + ], + [ + "Ġpy", + "ramid" + ], + [ + "oc", + "re" + ], + [ + "Ġkiss", + "ed" + ], + [ + "Ġdream", + "ed" + ], + [ + "ĠFant", + "astic" + ], + [ + "ĠG", + "ly" + ], + [ + "å", + "Ĭ" + ], + [ + "Ġgreat", + "ness" + ], + [ + "Ġsp", + "ices" + ], + [ + "Ġmet", + "ropolitan" + ], + [ + "Ġcomp", + "uls" + ], + [ + "i", + "ets" + ], + [ + "101", + "6" + ], + [ + "ĠSh", + "am" + ], + [ + "ĠP", + "yr" + ], + [ + "fl", + "ies" + ], + [ + "ĠMid", + "night" + ], + [ + "Ġswall", + "owed" + ], + [ + "Ġgen", + "res" + ], + [ + "ĠL", + "ucky" + ], + [ + "ĠRew", + "ards" + ], + [ + "Ġdisp", + "atch" + ], + [ + "ĠI", + "PA" + ], + [ + "ĠApp", + "ly" + ], + [ + "Ġa", + "ven" + ], + [ + "al", + "ities" + ], + [ + "3", + "12" + ], + [ + "th", + "ings" + ], + [ + "Ġ(", + ")." + ], + [ + "Ġm", + "ates" + ], + [ + "ĠS", + "z" + ], + [ + "ĠC", + "OP" + ], + [ + "ol", + "ate" + ], + [ + "O", + "FF" + ], + [ + "Ġre", + "charge" + ], + [ + "c", + "aps" + ], + [ + "ĠYork", + "er" + ], + [ + "ic", + "one" + ], + [ + "Ġgal", + "axies" + ], + [ + "ile", + "aks" + ], + [ + "D", + "ave" + ], + [ + "ĠP", + "uzz" + ], + [ + "ĠCelt", + "ic" + ], + [ + "ĠA", + "FC" + ], + [ + "27", + "6" + ], + [ + "ĠS", + "ons" + ], + [ + "Ġaffirm", + "ative" + ], + [ + "H", + "or" + ], + [ + "Ġtutorial", + "s" + ], + [ + "ĠC", + "ITY" + ], + [ + "ĠR", + "osa" + ], + [ + "ĠExt", + "ension" + ], + [ + "Ser", + "ies" + ], + [ + "Ġf", + "ats" + ], + [ + "Ġr", + "ab" + ], + [ + "l", + "is" + ], + [ + "Ġun", + "ic" + ], + [ + "Ġe", + "ve" + ], + [ + "ĠSp", + "in" + ], + [ + "Ġadul", + "thood" + ], + [ + "ty", + "p" + ], + [ + "Ġsect", + "arian" + ], + [ + "Ġcheck", + "out" + ], + [ + "ĠCy", + "cl" + ], + [ + "S", + "ingle" + ], + [ + "Ġmart", + "yr" + ], + [ + "Ġch", + "illing" + ], + [ + "88", + "8" + ], + [ + "ou", + "fl" + ], + [ + "Ġ]", + ";" + ], + [ + "Ġcongest", + "ion" + ], + [ + "m", + "k" + ], + [ + "ĠWhere", + "as" + ], + [ + "Ġ19", + "38" + ], + [ + "ur", + "rencies" + ], + [ + "er", + "ion" + ], + [ + "Ġbo", + "ast" + ], + [ + "ĠPat", + "ients" + ], + [ + "Ġch", + "ap" + ], + [ + "ĠB", + "D" + ], + [ + "real", + "DonaldTrump" + ], + [ + "Ġexam", + "ines" + ], + [ + "h", + "ov" + ], + [ + "Ġstart", + "ling" + ], + [ + "ĠBab", + "ylon" + ], + [ + "w", + "id" + ], + [ + "om", + "ew" + ], + [ + "br", + "ance" + ], + [ + "ĠOd", + "yssey" + ], + [ + "w", + "ig" + ], + [ + "Ġtor", + "ch" + ], + [ + "ĠV", + "ox" + ], + [ + "ĠMo", + "z" + ], + [ + "ĠT", + "roll" + ], + [ + "ĠAn", + "s" + ], + [ + "Similar", + "ly" + ], + [ + "ĠF", + "ul" + ], + [ + "00", + "6" + ], + [ + "Un", + "less" + ], + [ + "ĠAl", + "one" + ], + [ + "st", + "ead" + ], + [ + "ĠPub", + "lisher" + ], + [ + "r", + "ights" + ], + [ + "t", + "u" + ], + [ + "ĠDoes", + "n" + ], + [ + "Ġprofession", + "ally" + ], + [ + "Ġcl", + "o" + ], + [ + "ic", + "z" + ], + [ + "Ġste", + "als" + ], + [ + "Ġ", + "á" + ], + [ + "19", + "86" + ], + [ + "Ġst", + "urdy" + ], + [ + "ĠJoh", + "ann" + ], + [ + "Ġmed", + "als" + ], + [ + "Ġfil", + "ings" + ], + [ + "ĠFr", + "aser" + ], + [ + "d", + "one" + ], + [ + "Ġmult", + "inational" + ], + [ + "Ġf", + "eder" + ], + [ + "Ġworth", + "less" + ], + [ + "Ġp", + "est" + ], + [ + "Yes", + "terday" + ], + [ + "ank", + "ind" + ], + [ + "Ġg", + "ays" + ], + [ + "Ġb", + "orne" + ], + [ + "ĠP", + "OS" + ], + [ + "Pict", + "ure" + ], + [ + "Ġpercent", + "ages" + ], + [ + "25", + "1" + ], + [ + "r", + "ame" + ], + [ + "Ġpot", + "ions" + ], + [ + "AM", + "D" + ], + [ + "ĠLeban", + "ese" + ], + [ + "Ġr", + "ang" + ], + [ + "ĠL", + "SU" + ], + [ + "ong", + "s" + ], + [ + "Ġpen", + "insula" + ], + [ + "ĠCl", + "ause" + ], + [ + "AL", + "K" + ], + [ + "oh", + "a" + ], + [ + "ĠMac", + "Book" + ], + [ + "Ġunanim", + "ous" + ], + [ + "Ġl", + "enders" + ], + [ + "Ġhang", + "s" + ], + [ + "Ġfranch", + "ises" + ], + [ + "ore", + "rs" + ], + [ + "ĠUp", + "dates" + ], + [ + "Ġisol", + "ate" + ], + [ + "and", + "ro" + ], + [ + "S", + "oon" + ], + [ + "Ġdisrupt", + "ive" + ], + [ + "ĠSur", + "ve" + ], + [ + "Ġst", + "itches" + ], + [ + "ĠSc", + "orp" + ], + [ + "ĠDomin", + "ion" + ], + [ + "Ġsupp", + "lying" + ], + [ + "Ar", + "g" + ], + [ + "Ġtur", + "ret" + ], + [ + "ĠL", + "uk" + ], + [ + "Ġbr", + "ackets" + ], + [ + "*", + ")" + ], + [ + "ĠRevolution", + "ary" + ], + [ + "ĠHon", + "est" + ], + [ + "Ġnot", + "icing" + ], + [ + "ĠSh", + "annon" + ], + [ + "Ġafford", + "ed" + ], + [ + "Ġth", + "a" + ], + [ + "ĠJan", + "et" + ], + [ + "!", + "--" + ], + [ + "ĠNare", + "ndra" + ], + [ + "ĠPl", + "ot" + ], + [ + "H", + "ol" + ], + [ + "se", + "ver" + ], + [ + "e", + "enth" + ], + [ + "Ġobst", + "ruction" + ], + [ + "Ġ10", + "24" + ], + [ + "st", + "aff" + ], + [ + "j", + "as" + ], + [ + "or", + "get" + ], + [ + "sc", + "enes" + ], + [ + "l", + "aughs" + ], + [ + "ĠF", + "argo" + ], + [ + "cr", + "ime" + ], + [ + "Ġorche", + "str" + ], + [ + "Ġde", + "let" + ], + [ + "ili", + "ary" + ], + [ + "rie", + "ved" + ], + [ + "Ġmilit", + "ar" + ], + [ + "ĠGreen", + "e" + ], + [ + "âĹ", + "ı" + ], + [ + "ãģ", + "¦" + ], + [ + "ĠGu", + "ards" + ], + [ + "Ġunle", + "ashed" + ], + [ + "ĠWe", + "ber" + ], + [ + "Ġadjust", + "able" + ], + [ + "Ġcal", + "iber" + ], + [ + "Ġmotiv", + "ations" + ], + [ + "ĠÃ", + "ł" + ], + [ + "m", + "Ah" + ], + [ + "ĠL", + "anka" + ], + [ + "hand", + "le" + ], + [ + "Ġp", + "ent" + ], + [ + "ĠR", + "av" + ], + [ + "ĠAng", + "ular" + ], + [ + "ĠK", + "au" + ], + [ + "umb", + "ing" + ], + [ + "Ġphil", + "anthrop" + ], + [ + "Ġde", + "hyd" + ], + [ + "Ġtox", + "icity" + ], + [ + "e", + "er" + ], + [ + "ĠY", + "ORK" + ], + [ + "w", + "itz" + ], + [ + "å", + "¼" + ], + [ + "ĠI", + "E" + ], + [ + "commun", + "ity" + ], + [ + "ĠA", + "H" + ], + [ + "Ġret", + "ali" + ], + [ + "Ġmass", + "ively" + ], + [ + "ĠDani", + "els" + ], + [ + "ĠD", + "EL" + ], + [ + "Ġcar", + "cin" + ], + [ + "Ur", + "l" + ], + [ + "Ġrout", + "ing" + ], + [ + "ĠNPC", + "s" + ], + [ + "ĠR", + "AF" + ], + [ + "ry", + "ce" + ], + [ + "Ġwa", + "ived" + ], + [ + "ĠGu", + "atem" + ], + [ + "Every", + "body" + ], + [ + "Ġco", + "venant" + ], + [ + "Ġ17", + "3" + ], + [ + "Ġrelax", + "ing" + ], + [ + "Ġqu", + "art" + ], + [ + "al", + "most" + ], + [ + "Ġguard", + "ed" + ], + [ + "ĠSold", + "iers" + ], + [ + "ĠPL", + "AY" + ], + [ + "Ġout", + "going" + ], + [ + "L", + "AND" + ], + [ + "Ġre", + "write" + ], + [ + "ĠM", + "OV" + ], + [ + "ĠIm", + "per" + ], + [ + "ĠS", + "olution" + ], + [ + "Ġphenomen", + "al" + ], + [ + "Ġl", + "ongevity" + ], + [ + "Ġimp", + "at" + ], + [ + "ĠN", + "issan" + ], + [ + "ir", + "ie" + ], + [ + "Ġod", + "or" + ], + [ + "ĠZ", + "ar" + ], + [ + "ok", + "s" + ], + [ + "Ġmilit", + "ias" + ], + [ + "ĠSP", + "EC" + ], + [ + "Ġtoler", + "ated" + ], + [ + "ars", + "er" + ], + [ + "ĠBrad", + "ford" + ], + [ + "+", + "," + ], + [ + "Ġsur", + "real" + ], + [ + "s", + "f" + ], + [ + "Can", + "adian" + ], + [ + "Ġresemb", + "lance" + ], + [ + "Ġcarbohyd", + "rate" + ], + [ + "VI", + "EW" + ], + [ + "Ġaccess", + "ory" + ], + [ + "me", + "al" + ], + [ + "larg", + "est" + ], + [ + "ieg", + "el" + ], + [ + "Some", + "one" + ], + [ + "Ġtoug", + "hest" + ], + [ + "os", + "o" + ], + [ + "Ġfun", + "nel" + ], + [ + "Ġcondemn", + "ation" + ], + [ + "lu", + "ent" + ], + [ + "Ġw", + "ired" + ], + [ + "ĠSun", + "set" + ], + [ + "Jes", + "us" + ], + [ + "ĠP", + "ST" + ], + [ + "ĠP", + "ages" + ], + [ + "ĠTy", + "coon" + ], + [ + "ĠP", + "F" + ], + [ + "Ġselect", + "ions" + ], + [ + "Ġ", + "à¤" + ], + [ + "part", + "isan" + ], + [ + "Ġhigh", + "s" + ], + [ + "ĠR", + "une" + ], + [ + "Ġcraft", + "s" + ], + [ + "le", + "ad" + ], + [ + "ĠParent", + "s" + ], + [ + "Ġre", + "claim" + ], + [ + "ek", + "er" + ], + [ + "ĠAll", + "ied" + ], + [ + "ae", + "per" + ], + [ + "Ġlo", + "oming" + ], + [ + "Ġbenefic", + "iaries" + ], + [ + "ĠH", + "ull" + ], + [ + "Stud", + "ents" + ], + [ + "Jew", + "ish" + ], + [ + "d", + "j" + ], + [ + "Ġp", + "act" + ], + [ + "tem", + "plate" + ], + [ + "ĠOffic", + "ials" + ], + [ + "ĠBay", + "lor" + ], + [ + "Ġhe", + "mp" + ], + [ + "Ġyouth", + "s" + ], + [ + "ĠLevel", + "s" + ], + [ + "ĠX", + "iao" + ], + [ + "ĠC", + "hes" + ], + [ + "Ġende", + "avor" + ], + [ + "ĠRem", + "oved" + ], + [ + "Ġhipp", + "ocamp" + ], + [ + "H", + "ell" + ], + [ + "ãĤ", + "Ĭ" + ], + [ + "80", + "5" + ], + [ + "Ġd", + "inosaur" + ], + [ + "ĠWr", + "ath" + ], + [ + "ĠIndones", + "ian" + ], + [ + "Ġcalcul", + "ator" + ], + [ + "ĠD", + "ictionary" + ], + [ + "Ġ4", + "20" + ], + [ + "ĠM", + "AG" + ], + [ + "(", + "_" + ], + [ + "!", + "," + ], + [ + "t", + "arians" + ], + [ + "Ġrestrict", + "ing" + ], + [ + "rac", + "use" + ], + [ + "Ġweek", + "day" + ], + [ + "OU", + "NT" + ], + [ + "Ġsh", + "rugged" + ], + [ + "leg", + "round" + ], + [ + "Ġb", + "ald" + ], + [ + "ĠDo", + "ctors" + ], + [ + "Ġt", + "outed" + ], + [ + "ĠMax", + "well" + ], + [ + "Ġ2", + "14" + ], + [ + "Ġdiplom", + "at" + ], + [ + "Ġrep", + "ression" + ], + [ + "Ġconstitu", + "ency" + ], + [ + "v", + "ice" + ], + [ + "r", + "anked" + ], + [ + "ĠNap", + "oleon" + ], + [ + "g", + "ang" + ], + [ + "ĠFore", + "ver" + ], + [ + "t", + "un" + ], + [ + "Ġbul", + "b" + ], + [ + "ĠPD", + "T" + ], + [ + "ĠC", + "isco" + ], + [ + "V", + "EN" + ], + [ + "Ġres", + "umed" + ], + [ + "Ste", + "ven" + ], + [ + "ĠManit", + "oba" + ], + [ + "Ġfab", + "ulous" + ], + [ + "ĠAg", + "ents" + ], + [ + "19", + "84" + ], + [ + "Ġam", + "using" + ], + [ + "ĠMyster", + "ies" + ], + [ + "Ġor", + "thodox" + ], + [ + "fl", + "oor" + ], + [ + "Ġquestion", + "naire" + ], + [ + "Ġpenet", + "rate" + ], + [ + "Ġfilm", + "makers" + ], + [ + "ĠUn", + "c" + ], + [ + "Ġst", + "amped" + ], + [ + "Ġth", + "irteen" + ], + [ + "Ġout", + "field" + ], + [ + "Ġforward", + "ed" + ], + [ + "Ġapp", + "ra" + ], + [ + "Ġa", + "ided" + ], + [ + "t", + "ry" + ], + [ + "Ġunf", + "ocused" + ], + [ + "ĠL", + "iz" + ], + [ + "ĠWend", + "y" + ], + [ + "ĠSc", + "ene" + ], + [ + "Ch", + "arg" + ], + [ + "Ġreject", + "s" + ], + [ + "Ġleft", + "ist" + ], + [ + "ĠProv", + "idence" + ], + [ + "ĠBr", + "id" + ], + [ + "reg", + "n" + ], + [ + "Ġprophe", + "cy" + ], + [ + "ĠL", + "IVE" + ], + [ + "4", + "99" + ], + [ + "Ġfor", + "ge" + ], + [ + "ĠF", + "ML" + ], + [ + "Ġintrins", + "ic" + ], + [ + "ĠF", + "rog" + ], + [ + "Ġw", + "ont" + ], + [ + "ĠH", + "olt" + ], + [ + "Ġfam", + "ed" + ], + [ + "CL", + "US" + ], + [ + "aeper", + "nick" + ], + [ + "ĠH", + "ate" + ], + [ + "ĠC", + "ay" + ], + [ + "Ġregister", + "ing" + ], + [ + "ort", + "ality" + ], + [ + "rop", + "y" + ], + [ + "ocaly", + "ptic" + ], + [ + "a", + "an" + ], + [ + "n", + "av" + ], + [ + "Ġfasc", + "ist" + ], + [ + "IF", + "IED" + ], + [ + "Ġimpl", + "icated" + ], + [ + "ĠRes", + "ort" + ], + [ + "ĠChand", + "ler" + ], + [ + "ĠBr", + "ick" + ], + [ + "P", + "in" + ], + [ + "ys", + "c" + ], + [ + "Us", + "age" + ], + [ + "ĠHel", + "m" + ], + [ + "us", + "ra" + ], + [ + "âĺħ", + "âĺħ" + ], + [ + "ĠAb", + "bas" + ], + [ + "Ġunanim", + "ously" + ], + [ + "Ġke", + "eper" + ], + [ + "Ġadd", + "icted" + ], + [ + "??", + "?" + ], + [ + "Ġhelm", + "ets" + ], + [ + "Ġant", + "ioxid" + ], + [ + "aps", + "ed" + ], + [ + "80", + "8" + ], + [ + "gi", + "ene" + ], + [ + "Ġwa", + "its" + ], + [ + "Ġmin", + "ion" + ], + [ + "ra", + "ved" + ], + [ + "ĠP", + "orsche" + ], + [ + "Ġdream", + "ing" + ], + [ + "Ġ17", + "1" + ], + [ + "ĠC", + "ain" + ], + [ + "Ġun", + "for" + ], + [ + "ass", + "o" + ], + [ + "ĠConfig", + "uration" + ], + [ + "k", + "un" + ], + [ + "hard", + "t" + ], + [ + "Ġn", + "ested" + ], + [ + "ĠL", + "DS" + ], + [ + "L", + "ES" + ], + [ + "Ġt", + "ying" + ], + [ + "en", + "os" + ], + [ + "Ġc", + "ue" + ], + [ + "ĠMar", + "qu" + ], + [ + "sk", + "irts" + ], + [ + "Ġclick", + "ed" + ], + [ + "Ġexp", + "iration" + ], + [ + "ĠAccording", + "ly" + ], + [ + "ĠW", + "C" + ], + [ + "Ġbless", + "ings" + ], + [ + "Ġaddict", + "ive" + ], + [ + "ĠN", + "arr" + ], + [ + "y", + "x" + ], + [ + "ĠJagu", + "ars" + ], + [ + "Ġrent", + "s" + ], + [ + "ĠS", + "iber" + ], + [ + "Ġt", + "ipped" + ], + [ + "ous", + "se" + ], + [ + "ĠFitz", + "gerald" + ], + [ + "Ġhier", + "arch" + ], + [ + "out", + "ine" + ], + [ + "Ġwa", + "velength" + ], + [ + ">", + "." + ], + [ + "ch", + "id" + ], + [ + "ĠProcess", + "ing" + ], + [ + "/", + "+" + ], + [ + "r", + "anking" + ], + [ + "E", + "asy" + ], + [ + "ĠConst", + "ruct" + ], + [ + "Ġt", + "et" + ], + [ + "ins", + "ured" + ], + [ + "H", + "UD" + ], + [ + "Ġqu", + "oting" + ], + [ + "Ġcommun", + "icated" + ], + [ + "in", + "x" + ], + [ + "Ġin", + "mate" + ], + [ + "Ġerect", + "ed" + ], + [ + "ĠAbs", + "olutely" + ], + [ + "ĠSure", + "ly" + ], + [ + "Ġun", + "im" + ], + [ + "ĠThr", + "one" + ], + [ + "he", + "id" + ], + [ + "Ġcl", + "aws" + ], + [ + "Ġsuper", + "star" + ], + [ + "ĠL", + "enn" + ], + [ + "ĠWh", + "is" + ], + [ + "U", + "k" + ], + [ + "ab", + "ol" + ], + [ + "Ġsk", + "et" + ], + [ + "ĠN", + "iet" + ], + [ + "Ġper", + "ks" + ], + [ + "Ġaff", + "inity" + ], + [ + "Ġopen", + "ings" + ], + [ + "phas", + "is" + ], + [ + "Ġdiscrim", + "inate" + ], + [ + "T", + "ip" + ], + [ + "v", + "c" + ], + [ + "Ġgr", + "inding" + ], + [ + "ĠJenn", + "y" + ], + [ + "Ġast", + "hma" + ], + [ + "hol", + "es" + ], + [ + "ĠHom", + "er" + ], + [ + "Ġreg", + "isters" + ], + [ + "ĠGl", + "ad" + ], + [ + "Ġcre", + "ations" + ], + [ + "Ġlith", + "ium" + ], + [ + "Ġappl", + "ause" + ], + [ + "unt", + "il" + ], + [ + "Just", + "ice" + ], + [ + "ĠTur", + "ks" + ], + [ + "Ġsc", + "andals" + ], + [ + "Ġb", + "ake" + ], + [ + "t", + "ank" + ], + [ + "M", + "ech" + ], + [ + "ĠMe", + "ans" + ], + [ + "ĠM", + "aid" + ], + [ + "Republic", + "ans" + ], + [ + "is", + "al" + ], + [ + "wind", + "ows" + ], + [ + "ĠSant", + "os" + ], + [ + "Ġveget", + "ation" + ], + [ + "33", + "8" + ], + [ + "t", + "ri" + ], + [ + "Ġfl", + "ux" + ], + [ + "ins", + "ert" + ], + [ + "Ġclar", + "ified" + ], + [ + "Ġmort", + "g" + ], + [ + "ĠCh", + "im" + ], + [ + "ĠT", + "ort" + ], + [ + "Ġdiscl", + "aim" + ], + [ + "met", + "al" + ], + [ + "ĠAs", + "ide" + ], + [ + "Ġindu", + "ction" + ], + [ + "Ġinf", + "l" + ], + [ + "Ġathe", + "ists" + ], + [ + "amp", + "h" + ], + [ + "Ġe", + "ther" + ], + [ + "ĠV", + "ital" + ], + [ + "ĠBu", + "ilt" + ], + [ + "M", + "ind" + ], + [ + "Ġweapon", + "ry" + ], + [ + "S", + "ET" + ], + [ + "Ġ18", + "6" + ], + [ + "ad", + "min" + ], + [ + "g", + "am" + ], + [ + "cont", + "ract" + ], + [ + "af", + "a" + ], + [ + "Ġderiv", + "atives" + ], + [ + "Ġsn", + "acks" + ], + [ + "Ġch", + "urn" + ], + [ + "E", + "conom" + ], + [ + "Ġca", + "pped" + ], + [ + "ĠUnder", + "standing" + ], + [ + "ĠH", + "ers" + ], + [ + "ĠI", + "z" + ], + [ + "Ġd", + "uct" + ], + [ + "I", + "ENT" + ], + [ + "augh", + "ty" + ], + [ + "Ġâľ", + "Ķ" + ], + [ + "ĠN", + "P" + ], + [ + "Ġsa", + "iling" + ], + [ + "In", + "itialized" + ], + [ + "Ġt", + "ed" + ], + [ + "Ġreact", + "ors" + ], + [ + "ĠL", + "omb" + ], + [ + "Ġcho", + "ke" + ], + [ + "ĠW", + "orm" + ], + [ + "Ġadm", + "iration" + ], + [ + "Ġsw", + "ung" + ], + [ + "ens", + "ibly" + ], + [ + "Ġr", + "ash" + ], + [ + "ĠGo", + "als" + ], + [ + "ĠImport", + "ant" + ], + [ + "Sh", + "ot" + ], + [ + "ĠR", + "as" + ], + [ + "Ġtrain", + "ers" + ], + [ + "ĠB", + "un" + ], + [ + "Work", + "ing" + ], + [ + "Ġhar", + "med" + ], + [ + "ĠPand", + "ora" + ], + [ + "ĠL", + "TE" + ], + [ + "Ġmush", + "room" + ], + [ + "ĠCH", + "AR" + ], + [ + "ĠF", + "ee" + ], + [ + "ĠM", + "oy" + ], + [ + "B", + "orn" + ], + [ + "ol", + "iberal" + ], + [ + "ĠMart", + "ial" + ], + [ + "Ġgentle", + "men" + ], + [ + "Ġling", + "ering" + ], + [ + "Offic", + "ial" + ], + [ + "Ġgra", + "ffiti" + ], + [ + "ĠN", + "ames" + ], + [ + "D", + "er" + ], + [ + "Ġqu", + "int" + ], + [ + "ist", + "rate" + ], + [ + "aze", + "era" + ], + [ + "ĠNOT", + "ICE" + ], + [ + "ĠFlore", + "nce" + ], + [ + "Ġpay", + "able" + ], + [ + "Ġdep", + "icts" + ], + [ + "ĠSpe", + "cies" + ], + [ + "He", + "art" + ], + [ + "âĶĢâĶĢâĶĢâĶĢ", + "âĶĢâĶĢâĶĢâĶĢ" + ], + [ + "Ġencl", + "osed" + ], + [ + "Incre", + "ases" + ], + [ + "D", + "aily" + ], + [ + "ĠL", + "is" + ], + [ + "Ġenact", + "ment" + ], + [ + "ĠB", + "acon" + ], + [ + "ĠSt", + "eele" + ], + [ + "dem", + "and" + ], + [ + "Ġ18", + "3" + ], + [ + "Ġmouth", + "s" + ], + [ + "Ġstr", + "anded" + ], + [ + "Ġenhance", + "ment" + ], + [ + "01", + "1" + ], + [ + "ĠWh", + "ats" + ], + [ + "Ġhe", + "aled" + ], + [ + "en", + "y" + ], + [ + "ĠR", + "ab" + ], + [ + "Ġ3", + "40" + ], + [ + "ĠLab", + "yrinth" + ], + [ + "ro", + "ach" + ], + [ + "ĠY", + "osh" + ], + [ + "ĠCl", + "ippers" + ], + [ + "Ġconcert", + "s" + ], + [ + "Intern", + "et" + ], + [ + "35", + "5" + ], + [ + "Ġstick", + "ers" + ], + [ + "Ġter", + "med" + ], + [ + "ĠAx", + "e" + ], + [ + "Ġgrand", + "parents" + ], + [ + "Fr", + "ance" + ], + [ + "ĠCl", + "im" + ], + [ + "ĠU", + "h" + ], + [ + "ul", + "ic" + ], + [ + "Ġthr", + "ill" + ], + [ + "cent", + "ric" + ], + [ + "ĠOver", + "view" + ], + [ + "ĠCond", + "uct" + ], + [ + "Ġsubstant", + "ive" + ], + [ + "Ġ18", + "2" + ], + [ + "m", + "ur" + ], + [ + "Ġstr", + "ay" + ], + [ + "ĠCo", + "ff" + ], + [ + "Ġrep", + "etitive" + ], + [ + "ĠFor", + "gotten" + ], + [ + "Ġqual", + "ification" + ], + [ + "ew", + "itness" + ], + [ + "ĠZ", + "imbabwe" + ], + [ + "Ġsim", + "ulated" + ], + [ + "ĠJ", + "D" + ], + [ + "25", + "3" + ], + [ + "ĠW", + "are" + ], + [ + "Ġun", + "sc" + ], + [ + "T", + "imes" + ], + [ + "Ġsum", + "mons" + ], + [ + "Ġdis", + "connected" + ], + [ + "Ġ18", + "4" + ], + [ + "ci", + "us" + ], + [ + "ĠGu", + "jar" + ], + [ + "od", + "ka" + ], + [ + "Ġer", + "ase" + ], + [ + "ĠTob", + "acco" + ], + [ + "elect", + "ed" + ], + [ + "Ġun", + "cont" + ], + [ + "ĠShe", + "pard" + ], + [ + "ĠL", + "amp" + ], + [ + "Ġalert", + "ed" + ], + [ + "Ġoper", + "ative" + ], + [ + "arn", + "a" + ], + [ + "u", + "int" + ], + [ + "Ġneglig", + "ence" + ], + [ + "ac", + "ements" + ], + [ + "Ġsup", + "ra" + ], + [ + "Ġprev", + "ail" + ], + [ + "ĠSh", + "ark" + ], + [ + "Ġbel", + "ts" + ], + [ + "ãģ", + "«" + ], + [ + "Ġt", + "ighter" + ], + [ + "Engine", + "ers" + ], + [ + "Ġin", + "active" + ], + [ + "Ġexp", + "onent" + ], + [ + "ĠWill", + "ie" + ], + [ + "a", + "ples" + ], + [ + "Ġhe", + "ir" + ], + [ + "ĠH", + "its" + ], + [ + "ian", + "n" + ], + [ + "ĠS", + "ays" + ], + [ + "Ġcurrent", + "s" + ], + [ + "ĠBeng", + "al" + ], + [ + "Ġar", + "ist" + ], + [ + "B", + "uffer" + ], + [ + "Ġbree", + "ze" + ], + [ + "ĠWes", + "ley" + ], + [ + "Col", + "a" + ], + [ + "Ġpron", + "oun" + ], + [ + "Ġde", + "ed" + ], + [ + "ĠK", + "ling" + ], + [ + "Ġof", + "t" + ], + [ + "Ġinf", + "lict" + ], + [ + "Ġpun", + "ishing" + ], + [ + "Ġn", + "m" + ], + [ + "ik", + "u" + ], + [ + "OD", + "UCT" + ], + [ + "01", + "4" + ], + [ + "Ġsubsid", + "y" + ], + [ + "ĠDE", + "A" + ], + [ + "ĠHer", + "bert" + ], + [ + "ĠJ", + "al" + ], + [ + "B", + "ank" + ], + [ + "Ġdef", + "erred" + ], + [ + "Ġship", + "ment" + ], + [ + "B", + "ott" + ], + [ + "Ġal", + "le" + ], + [ + "b", + "earing" + ], + [ + "HT", + "ML" + ], + [ + "Off", + "line" + ], + [ + "Ġ2", + "13" + ], + [ + "Ġscroll", + "ing" + ], + [ + "Ġsc", + "anned" + ], + [ + "ĠLib", + "yan" + ], + [ + "ĠT", + "OP" + ], + [ + "ch", + "rom" + ], + [ + "d", + "t" + ], + [ + "col", + "umn" + ], + [ + "Psy", + "NetMessage" + ], + [ + "Z", + "ero" + ], + [ + "Ġtor", + "so" + ], + [ + "0", + "50" + ], + [ + "âķ", + "IJ" + ], + [ + "Ġimp", + "erson" + ], + [ + "ĠSchw", + "artz" + ], + [ + "ud", + "ic" + ], + [ + "Ġpiss", + "ed" + ], + [ + "ĠS", + "app" + ], + [ + "25", + "7" + ], + [ + "ĠIS", + "Ps" + ], + [ + "og", + "l" + ], + [ + "Ġsuper", + "vised" + ], + [ + "Ġad", + "olescent" + ], + [ + "Ġatt", + "ained" + ], + [ + "ĠDel", + "ivery" + ], + [ + "ĠB", + "unny" + ], + [ + "Ġ19", + "37" + ], + [ + "Ġmini", + "ature" + ], + [ + "Ġo", + "s" + ], + [ + "Ġ3", + "70" + ], + [ + "60", + "8" + ], + [ + "ĠMour", + "inho" + ], + [ + "Ġinn", + "ate" + ], + [ + "Ġtem", + "po" + ], + [ + "ĠN", + "M" + ], + [ + "ĠFall", + "en" + ], + [ + "00", + "9" + ], + [ + "Ġprov", + "ocative" + ], + [ + "Stream", + "er" + ], + [ + "ĠBened", + "ict" + ], + [ + "ĠBol", + "she" + ], + [ + "Ġt", + "urtle" + ], + [ + "ĠPC", + "B" + ], + [ + "ĠEqu", + "al" + ], + [ + "Direct", + "or" + ], + [ + "ĠR", + "end" + ], + [ + "Ġflu", + "ids" + ], + [ + "Author", + "ities" + ], + [ + "Ġcous", + "ins" + ], + [ + "requ", + "ency" + ], + [ + "ĠNeigh", + "bor" + ], + [ + "s", + "ets" + ], + [ + "sh", + "ared" + ], + [ + "Char", + "les" + ], + [ + "pass", + "word" + ], + [ + "Ġg", + "ears" + ], + [ + "Ġ2", + "11" + ], + [ + "ĠHard", + "ware" + ], + [ + "ri", + "ka" + ], + [ + "Ġup", + "stream" + ], + [ + "H", + "om" + ], + [ + "Ġdisproportion", + "ately" + ], + [ + "iv", + "ities" + ], + [ + "Ġund", + "efined" + ], + [ + "Ġelect", + "rons" + ], + [ + "Ġcommem", + "or" + ], + [ + "Event", + "ually" + ], + [ + "Ġ>", + "<" + ], + [ + "Ġir", + "responsible" + ], + [ + "2", + "18" + ], + [ + "ĠRe", + "leased" + ], + [ + "ĠO", + "VER" + ], + [ + "ĠI", + "GN" + ], + [ + "ĠB", + "read" + ], + [ + "st", + "ellar" + ], + [ + "ĠS", + "age" + ], + [ + "tt", + "ed" + ], + [ + "dam", + "age" + ], + [ + "ed", + "ition" + ], + [ + "ĠPre", + "c" + ], + [ + "Ġl", + "ime" + ], + [ + "Ġconf", + "inement" + ], + [ + "Ġcal", + "orie" + ], + [ + "we", + "apon" + ], + [ + "Ġdiff", + "ering" + ], + [ + "ĠS", + "ina" + ], + [ + "m", + "ys" + ], + [ + "am", + "d" + ], + [ + "Ġintric", + "ate" + ], + [ + "k", + "k" + ], + [ + "ĠP", + "AT" + ], + [ + "ã", + "o" + ], + [ + "st", + "ones" + ], + [ + "lin", + "ks" + ], + [ + "Ġr", + "anch" + ], + [ + "Sem", + "itic" + ], + [ + "Ġdifferent", + "iate" + ], + [ + "ĠS", + "inger" + ], + [ + "occup", + "ied" + ], + [ + "Ġfort", + "ress" + ], + [ + "c", + "md" + ], + [ + "Ġinter", + "ception" + ], + [ + "ĠAnk", + "ara" + ], + [ + "Ġre", + "pt" + ], + [ + "ĠSol", + "itaire" + ], + [ + "Ġrem", + "ake" + ], + [ + "p", + "red" + ], + [ + "Ġd", + "ared" + ], + [ + "aut", + "ions" + ], + [ + "ĠB", + "ACK" + ], + [ + "Run", + "ning" + ], + [ + "Ġdebug", + "ging" + ], + [ + "Ġgraph", + "s" + ], + [ + "3", + "99" + ], + [ + "ĠNig", + "el" + ], + [ + "Ġb", + "un" + ], + [ + "Ġpill", + "ow" + ], + [ + "Ġprog", + "ressed" + ], + [ + "fashion", + "ed" + ], + [ + "Ġob", + "edience" + ], + [ + "ER", + "N" + ], + [ + "Ġrehe", + "ars" + ], + [ + "C", + "ell" + ], + [ + "t", + "l" + ], + [ + "S", + "her" + ], + [ + "Ġher", + "ald" + ], + [ + "ĠPay", + "ment" + ], + [ + "ĠC", + "ory" + ], + [ + "ĠDe", + "pt" + ], + [ + "Ġrep", + "ent" + ], + [ + "ĠWe", + "ak" + ], + [ + "uck", + "land" + ], + [ + "Ġple", + "asing" + ], + [ + "Ġshort", + "ages" + ], + [ + "Ġjur", + "ors" + ], + [ + "ĠK", + "ab" + ], + [ + "q", + "qa" + ], + [ + "Ant", + "i" + ], + [ + "Ġw", + "ow" + ], + [ + "ĠRC", + "MP" + ], + [ + "Ġt", + "sun" + ], + [ + "ĠS", + "ic" + ], + [ + "Ġcomp", + "rises" + ], + [ + "Ġsp", + "ies" + ], + [ + "Ġprec", + "inct" + ], + [ + "n", + "u" + ], + [ + "Ġur", + "ges" + ], + [ + "Ġtim", + "ed" + ], + [ + "Ġstrip", + "es" + ], + [ + "ĠB", + "oots" + ], + [ + "Ġy", + "en" + ], + [ + "Adv", + "anced" + ], + [ + "Ġdisc", + "rete" + ], + [ + "ĠArch", + "angel" + ], + [ + "employ", + "ment" + ], + [ + "D", + "iff" + ], + [ + "Ġmon", + "uments" + ], + [ + "Ġ20", + "9" + ], + [ + "work", + "er" + ], + [ + "Ġ19", + "6" + ], + [ + "ĠI", + "g" + ], + [ + "utter", + "stock" + ], + [ + "T", + "PS" + ], + [ + "J", + "ac" + ], + [ + "Ġhomeless", + "ness" + ], + [ + "Ġcomment", + "ator" + ], + [ + "Ġrac", + "ially" + ], + [ + "f", + "ing" + ], + [ + "se", + "ed" + ], + [ + "E", + "le" + ], + [ + "ell", + "ation" + ], + [ + "Ġeth", + "anol" + ], + [ + "Ġpar", + "ish" + ], + [ + "ĠD", + "ong" + ], + [ + "ĠAw", + "akening" + ], + [ + "Ġdev", + "iation" + ], + [ + "ĠB", + "earing" + ], + [ + "ĠTsu", + "k" + ], + [ + "Ġrec", + "ess" + ], + [ + "Ġl", + "ymph" + ], + [ + "ĠCann", + "abis" + ], + [ + "å", + "ľ" + ], + [ + "ĠNEW", + "S" + ], + [ + "Ġd", + "ra" + ], + [ + "ĠStef", + "an" + ], + [ + "ĠWr", + "ong" + ], + [ + "ĠS", + "AM" + ], + [ + "Ġloose", + "ly" + ], + [ + "Ġinterpre", + "ter" + ], + [ + "ĠPl", + "ain" + ], + [ + "Go", + "vernment" + ], + [ + "Ġbigot", + "ry" + ], + [ + "Ġgren", + "ades" + ], + [ + "ave", + "z" + ], + [ + "pict", + "ured" + ], + [ + "Ġmand", + "ated" + ], + [ + "ĠMon", + "k" + ], + [ + "ĠPed", + "ro" + ], + [ + "Ġl", + "ava" + ], + [ + "27", + "4" + ], + [ + "Ġcyn", + "ical" + ], + [ + "ĠScroll", + "s" + ], + [ + "l", + "ocks" + ], + [ + "M", + "p" + ], + [ + "Ġcon", + "gregation" + ], + [ + "orn", + "ings" + ], + [ + "ph", + "il" + ], + [ + "ĠI", + "bid" + ], + [ + "Ġf", + "erv" + ], + [ + "Ġdisapp", + "earing" + ], + [ + "Ġarrog", + "ant" + ], + [ + "sy", + "n" + ], + [ + "ĠMa", + "ver" + ], + [ + "ĠSu", + "it" + ], + [ + "24", + "1" + ], + [ + "Ġab", + "bre" + ], + [ + "ack", + "ers" + ], + [ + "P", + "a" + ], + [ + "ĠY", + "el" + ], + [ + "Whe", + "never" + ], + [ + "Ġ23", + "5" + ], + [ + "ĠV", + "ine" + ], + [ + "ĠAn", + "at" + ], + [ + "Ġext", + "inct" + ], + [ + "LE", + "T" + ], + [ + "Ġexecut", + "able" + ], + [ + "V", + "ERS" + ], + [ + "ox", + "ide" + ], + [ + "D", + "NA" + ], + [ + "ĠP", + "rel" + ], + [ + "Ġresent", + "ment" + ], + [ + "Ġcompr", + "ise" + ], + [ + "ĠAv", + "iv" + ], + [ + "Ġinter", + "ceptions" + ], + [ + "Ġprol", + "ific" + ], + [ + "IN", + "A" + ], + [ + "ĠEr", + "in" + ], + [ + "though", + "t" + ], + [ + "2", + "19" + ], + [ + "ĠPsychiat", + "ry" + ], + [ + "un", + "ky" + ], + [ + "chem", + "ist" + ], + [ + "H", + "o" + ], + [ + "ĠMcC", + "oy" + ], + [ + "Ġbr", + "icks" + ], + [ + "L", + "os" + ], + [ + "ri", + "ly" + ], + [ + "ĠUS", + "SR" + ], + [ + "Ġr", + "ud" + ], + [ + "Ġl", + "aud" + ], + [ + "ĠW", + "ise" + ], + [ + "ĠEmer", + "ald" + ], + [ + "Ġrev", + "ived" + ], + [ + "Ġdam", + "ned" + ], + [ + "ĠRep", + "air" + ], + [ + "id", + "em" + ], + [ + "ct", + "ica" + ], + [ + "Ġpatri", + "arch" + ], + [ + "ĠN", + "urs" + ], + [ + "me", + "g" + ], + [ + "Ġcheap", + "est" + ], + [ + "re", + "ements" + ], + [ + "empt", + "y" + ], + [ + "ĠCele", + "br" + ], + [ + "Ġdepri", + "vation" + ], + [ + "ch", + "anted" + ], + [ + "ĠTh", + "umbnails" + ], + [ + "E", + "nergy" + ], + [ + "ĠEth", + "an" + ], + [ + "ĠQ", + "ing" + ], + [ + "Ġopp", + "oses" + ], + [ + "W", + "IND" + ], + [ + "v", + "ik" + ], + [ + "ĠM", + "au" + ], + [ + "ĠS", + "UB" + ], + [ + "66", + "7" + ], + [ + "G", + "RE" + ], + [ + "ĠVol", + "unte" + ], + [ + "nt", + "on" + ], + [ + "C", + "ook" + ], + [ + "å", + "IJ" + ], + [ + "es", + "que" + ], + [ + "Ġplum", + "met" + ], + [ + "Ġsu", + "ing" + ], + [ + "Ġpron", + "ounce" + ], + [ + "Ġresist", + "ing" + ], + [ + "ĠF", + "ishing" + ], + [ + "ĠTri", + "als" + ], + [ + "Ġy", + "ell" + ], + [ + "Ġ3", + "10" + ], + [ + "Ġin", + "duct" + ], + [ + "Ġpersonal", + "ized" + ], + [ + "oft", + "en" + ], + [ + "R", + "eb" + ], + [ + "EM", + "BER" + ], + [ + "Ġview", + "point" + ], + [ + "Ġexist", + "ential" + ], + [ + "()", + ")" + ], + [ + "rem", + "ove" + ], + [ + "MENT", + "S" + ], + [ + "l", + "asses" + ], + [ + "Ġev", + "apor" + ], + [ + "Ġa", + "isle" + ], + [ + "met", + "a" + ], + [ + "Ġreflect", + "ive" + ], + [ + "Ġentit", + "lement" + ], + [ + "Ġdev", + "ised" + ], + [ + "mus", + "ic" + ], + [ + "asc", + "ade" + ], + [ + "Ġwind", + "ing" + ], + [ + "off", + "set" + ], + [ + "Ġaccess", + "ibility" + ], + [ + "ke", + "red" + ], + [ + "Bet", + "ter" + ], + [ + "ĠJohn", + "ston" + ], + [ + "th", + "inking" + ], + [ + "S", + "now" + ], + [ + "ĠCroat", + "ia" + ], + [ + "ĠAt", + "omic" + ], + [ + "27", + "1" + ], + [ + "34", + "8" + ], + [ + "Ġtext", + "book" + ], + [ + "ĠSix", + "th" + ], + [ + "Ġ", + "اÙĦ" + ], + [ + "Ġsl", + "ider" + ], + [ + "ĠBur", + "ger" + ], + [ + "b", + "ol" + ], + [ + "S", + "ync" + ], + [ + "Ġgrand", + "children" + ], + [ + "Ġc", + "erv" + ], + [ + "+", + ")" + ], + [ + "Ġe", + "ternity" + ], + [ + "Ġtweet", + "ing" + ], + [ + "Ġspec", + "ulative" + ], + [ + "Ġpiv", + "otal" + ], + [ + "ĠW", + "P" + ], + [ + "ĠT", + "ER" + ], + [ + "ynam", + "ic" + ], + [ + "Ġu", + "pl" + ], + [ + "ĠC", + "ats" + ], + [ + "per", + "haps" + ], + [ + "Ġclass", + "mates" + ], + [ + "Ġblat", + "ant" + ], + [ + "'", + "-" + ], + [ + "Ġl", + "akh" + ], + [ + "ant", + "ine" + ], + [ + "ĠB", + "org" + ], + [ + "i", + "om" + ], + [ + "/", + "(" + ], + [ + "ĠAthlet", + "ic" + ], + [ + "Ġs", + "ar" + ], + [ + "OT", + "A" + ], + [ + "ĠHoff", + "man" + ], + [ + "Never", + "theless" + ], + [ + "Ġad", + "orable" + ], + [ + "Ġspawn", + "ed" + ], + [ + "Ass", + "ociated" + ], + [ + "ĠDom", + "estic" + ], + [ + "Ġimpl", + "ant" + ], + [ + "ĠLux", + "em" + ], + [ + "ĠK", + "ens" + ], + [ + "Ġp", + "umps" + ], + [ + "ĠS", + "AT" + ], + [ + "Att", + "ributes" + ], + [ + "50", + "9" + ], + [ + "av", + "our" + ], + [ + "Ġcentral", + "ized" + ], + [ + "ĠT", + "N" + ], + [ + "Ġfresh", + "ly" + ], + [ + "ĠA", + "chieve" + ], + [ + "Ġouts", + "iders" + ], + [ + "her", + "ty" + ], + [ + "ĠRe", + "e" + ], + [ + "ĠT", + "owers" + ], + [ + "ĠD", + "art" + ], + [ + "ak", + "able" + ], + [ + "Ġm", + "p" + ], + [ + "ĠHeaven", + "ly" + ], + [ + "Ġr", + "ipe" + ], + [ + "ĠCarol", + "ine" + ], + [ + "ry", + "an" + ], + [ + "Ġclass", + "ics" + ], + [ + "Ġret", + "iring" + ], + [ + "Ġ2", + "28" + ], + [ + "Ġa", + "h" + ], + [ + "Ġdeal", + "ings" + ], + [ + "Ġpunch", + "ing" + ], + [ + "ĠChap", + "man" + ], + [ + "O", + "ptions" + ], + [ + "max", + "well" + ], + [ + "vol", + "ume" + ], + [ + "Ġst", + "al" + ], + [ + "Ġex", + "ported" + ], + [ + "ĠQu", + "ite" + ], + [ + "Ġnumer", + "ical" + ], + [ + "B", + "urn" + ], + [ + "F", + "act" + ], + [ + "ĠKey", + "stone" + ], + [ + "Ġtrend", + "ing" + ], + [ + "Ġalter", + "ing" + ], + [ + "ĠAfric", + "ans" + ], + [ + "47", + "8" + ], + [ + "ĠM", + "N" + ], + [ + "ĠKn", + "ock" + ], + [ + "Ġtempt", + "ation" + ], + [ + "Ġprest", + "ige" + ], + [ + "Over", + "view" + ], + [ + "ĠTrad", + "itional" + ], + [ + "ĠBah", + "rain" + ], + [ + "Priv", + "ate" + ], + [ + "ĠH", + "OU" + ], + [ + "Ġbar", + "r" + ], + [ + "ĠT", + "at" + ], + [ + "C", + "ube" + ], + [ + "US", + "D" + ], + [ + "ĠGrand", + "e" + ], + [ + "ĠG", + "at" + ], + [ + "ĠFl", + "o" + ], + [ + "Ġres", + "ides" + ], + [ + "Ġind", + "ec" + ], + [ + "vol", + "ent" + ], + [ + "Ġperpet", + "ual" + ], + [ + "ub", + "es" + ], + [ + "Ġworld", + "view" + ], + [ + "ĠQuant", + "um" + ], + [ + "Ġfil", + "tered" + ], + [ + "Ġen", + "su" + ], + [ + "orget", + "own" + ], + [ + "ERS", + "ON" + ], + [ + "ĠM", + "ild" + ], + [ + "37", + "9" + ], + [ + "OT", + "T" + ], + [ + "Ã", + "¥" + ], + [ + "Ġvit", + "amins" + ], + [ + "Ġrib", + "bon" + ], + [ + "Ġsincere", + "ly" + ], + [ + "ĠH", + "in" + ], + [ + "Ġeight", + "een" + ], + [ + "Ġcontradict", + "ory" + ], + [ + "Ġgl", + "aring" + ], + [ + "Ġexpect", + "ancy" + ], + [ + "Ġcons", + "pir" + ], + [ + "Ġmon", + "strous" + ], + [ + "Ġ3", + "80" + ], + [ + "re", + "ci" + ], + [ + "Ġhand", + "ic" + ], + [ + "Ġpump", + "ed" + ], + [ + "Ġindic", + "ative" + ], + [ + "Ġr", + "app" + ], + [ + "Ġav", + "ail" + ], + [ + "ĠLEG", + "O" + ], + [ + "ĠMar", + "ijuana" + ], + [ + "19", + "85" + ], + [ + "ert", + "on" + ], + [ + "Ġtwent", + "ieth" + ], + [ + "################", + "################" + ], + [ + "ĠSw", + "amp" + ], + [ + "Ġval", + "uation" + ], + [ + "Ġaffili", + "ates" + ], + [ + "adjust", + "ed" + ], + [ + "ĠFac", + "ility" + ], + [ + "26", + "2" + ], + [ + "Ġenz", + "ymes" + ], + [ + "itud", + "inal" + ], + [ + "Ġimp", + "rint" + ], + [ + "S", + "ite" + ], + [ + "Ġinstall", + "er" + ], + [ + "ĠT", + "RA" + ], + [ + "m", + "ology" + ], + [ + "lin", + "ear" + ], + [ + "ĠCollect", + "ive" + ], + [ + "ig", + "ating" + ], + [ + "ĠT", + "oken" + ], + [ + "Ġspec", + "ulated" + ], + [ + "K", + "N" + ], + [ + "ĠC", + "ly" + ], + [ + "or", + "ity" + ], + [ + "Ġdef", + "er" + ], + [ + "Ġinspect", + "ors" + ], + [ + "appro", + "ved" + ], + [ + "R", + "M" + ], + [ + "ĠSun", + "s" + ], + [ + "Ġinform", + "ing" + ], + [ + "ĠSy", + "racuse" + ], + [ + "ib", + "li" + ], + [ + "7", + "65" + ], + [ + "Ġgl", + "ove" + ], + [ + "Ġauthor", + "ize" + ], + [ + "âĢ¦âĢ¦âĢ¦âĢ¦", + "âĢ¦âĢ¦âĢ¦âĢ¦" + ], + [ + "ĠCru", + "ise" + ], + [ + "Ġcontract", + "ing" + ], + [ + "she", + "ll" + ], + [ + "IF", + "E" + ], + [ + "ĠJew", + "el" + ], + [ + "p", + "ract" + ], + [ + "ĠPhot", + "oshop" + ], + [ + "ĠKnow", + "ing" + ], + [ + "h", + "arm" + ], + [ + "Ġattract", + "ions" + ], + [ + "ad", + "an" + ], + [ + "et", + "us" + ], + [ + "01", + "8" + ], + [ + "w", + "agen" + ], + [ + "Al", + "t" + ], + [ + "Ġmultip", + "ly" + ], + [ + "Ġequ", + "ilibrium" + ], + [ + ":", + "{" + ], + [ + "ĠF", + "ighters" + ], + [ + "ĠEd", + "gar" + ], + [ + "Ġfour", + "teen" + ], + [ + "Go", + "vern" + ], + [ + "Ġmis", + "use" + ], + [ + "Ġab", + "using" + ], + [ + "Ġancest", + "ry" + ], + [ + "ram", + "er" + ], + [ + "64", + "4" + ], + [ + "Ġwor", + "ms" + ], + [ + "Ġthick", + "er" + ], + [ + "ĠComb", + "ine" + ], + [ + "Ġpeas", + "ants" + ], + [ + "Ġv", + "ind" + ], + [ + "Ġcon", + "quest" + ], + [ + "Ġm", + "ocked" + ], + [ + "Ġc", + "innamon" + ], + [ + "ĠC", + "ald" + ], + [ + "ĠGall", + "up" + ], + [ + "Ġavoid", + "ance" + ], + [ + "Ġincarn", + "ation" + ], + [ + "ĠStr", + "at" + ], + [ + "Ġt", + "asted" + ], + [ + "ent", + "a" + ], + [ + "ĠN", + "eal" + ], + [ + "p", + "ared" + ], + [ + "Ġtermin", + "ology" + ], + [ + "ject", + "ion" + ], + [ + "Scient", + "ists" + ], + [ + "ĠIN", + "S" + ], + [ + "ĠDe", + "e" + ], + [ + "Ġdirect", + "ories" + ], + [ + "R", + "oad" + ], + [ + "ĠSh", + "ap" + ], + [ + "br", + "ight" + ], + [ + "ĠDirect", + "ors" + ], + [ + "ĠCol", + "umn" + ], + [ + "Ġb", + "ob" + ], + [ + "Ġprefer", + "ably" + ], + [ + "Ġgl", + "itch" + ], + [ + "f", + "urt" + ], + [ + "Ġe", + "g" + ], + [ + "id", + "is" + ], + [ + "C", + "BC" + ], + [ + "Ġsur", + "rendered" + ], + [ + "Ġtest", + "ament" + ], + [ + "33", + "6" + ], + [ + "ug", + "gest" + ], + [ + "ĠN", + "il" + ], + [ + "an", + "other" + ], + [ + "Ġpat", + "hetic" + ], + [ + "ĠDon", + "na" + ], + [ + "Ġ2", + "18" + ], + [ + "ĠA", + "very" + ], + [ + "Ġwhis", + "key" + ], + [ + "Ġf", + "ixture" + ], + [ + "ĠCon", + "quest" + ], + [ + "Ġbet", + "s" + ], + [ + "O", + "cc" + ], + [ + "ĠLe", + "icester" + ], + [ + "]", + ".\"" + ], + [ + "Ġ)", + ");" + ], + [ + "Ġfl", + "ashes" + ], + [ + "45", + "6" + ], + [ + "Ġmask", + "ed" + ], + [ + "ge", + "bra" + ], + [ + "Ġcomput", + "ed" + ], + [ + "che", + "l" + ], + [ + "aud", + "er" + ], + [ + "Ġdefe", + "ats" + ], + [ + "ĠLiber", + "ation" + ], + [ + "ĠOs", + "ama" + ], + [ + "ĠV", + "ive" + ], + [ + "Ch", + "anges" + ], + [ + "Ch", + "annel" + ], + [ + "Ġtar", + "iffs" + ], + [ + "Ġm", + "age" + ], + [ + "ĠS", + "ax" + ], + [ + "Ġinadvert", + "ently" + ], + [ + "ĠC", + "RE" + ], + [ + "ĠRe", + "aper" + ], + [ + "ink", + "y" + ], + [ + "gr", + "ading" + ], + [ + "Ġstere", + "otyp" + ], + [ + "Ġcur", + "l" + ], + [ + "ĠF", + "ANT" + ], + [ + "Ġfram", + "eworks" + ], + [ + "M", + "om" + ], + [ + "ĠAn", + "ch" + ], + [ + "Ġflav", + "our" + ], + [ + "car", + "bon" + ], + [ + "Ġperm", + "itting" + ], + [ + "let", + "cher" + ], + [ + "ĠMo", + "zilla" + ], + [ + "ĠPark", + "ing" + ], + [ + "ĠCh", + "amp" + ], + [ + "Sc", + "roll" + ], + [ + "Ġmurd", + "erer" + ], + [ + "Ġrest", + "ed" + ], + [ + "Ġow", + "es" + ], + [ + "ĠP", + "oss" + ], + [ + "AD", + "D" + ], + [ + "IF", + "F" + ], + [ + "res", + "olution" + ], + [ + "ĠMin", + "ing" + ], + [ + "Ġcompar", + "ative" + ], + [ + "D", + "im" + ], + [ + "Ġneighbour", + "ing" + ], + [ + "ĠA", + "ST" + ], + [ + "ĠT", + "oxic" + ], + [ + "Ġbi", + "ases" + ], + [ + "Ġgun", + "fire" + ], + [ + "ur", + "ous" + ], + [ + "ĠMom", + "ent" + ], + [ + "19", + "83" + ], + [ + "Ġper", + "vasive" + ], + [ + "tt", + "p" + ], + [ + "ĠNorm", + "ally" + ], + [ + "r", + "ir" + ], + [ + "S", + "arah" + ], + [ + "ĠAlb", + "any" + ], + [ + "Ġun", + "sett" + ], + [ + "ĠS", + "MS" + ], + [ + "ip", + "ers" + ], + [ + "l", + "ayer" + ], + [ + "ĠWh", + "ites" + ], + [ + "up", + "le" + ], + [ + "Ġtur", + "bo" + ], + [ + "ĠLe", + "eds" + ], + [ + "Ġthat", + "s" + ], + [ + "ĠMin", + "er" + ], + [ + "M", + "ER" + ], + [ + "ĠRe", + "ign" + ], + [ + "Ġper", + "me" + ], + [ + "ĠBl", + "itz" + ], + [ + "Ġ19", + "34" + ], + [ + "Ġintimid", + "ating" + ], + [ + "t", + "ube" + ], + [ + "Ġecc", + "entric" + ], + [ + "ab", + "olic" + ], + [ + "box", + "es" + ], + [ + "ĠAssoci", + "ates" + ], + [ + "v", + "otes" + ], + [ + "Ġsim", + "ulate" + ], + [ + "um", + "bo" + ], + [ + "aster", + "y" + ], + [ + "Ġship", + "ments" + ], + [ + "FF", + "FF" + ], + [ + "an", + "th" + ], + [ + "Ġseason", + "ed" + ], + [ + "Ġexperiment", + "ation" + ], + [ + "âĸ", + "ł" + ], + [ + "law", + "s" + ], + [ + "Me", + "et" + ], + [ + "idd", + "les" + ], + [ + "ant", + "ics" + ], + [ + "R", + "ating" + ], + [ + "IS", + "IS" + ], + [ + "h", + "ift" + ], + [ + "Ġfront", + "s" + ], + [ + "b", + "uf" + ], + [ + "01", + "7" + ], + [ + "Ġun", + "att" + ], + [ + "ĠD", + "il" + ], + [ + "le", + "ases" + ], + [ + "ĠGard", + "ens" + ], + [ + "77", + "7" + ], + [ + "t", + "ouch" + ], + [ + "ve", + "ll" + ], + [ + "45", + "8" + ], + [ + "Ġ=", + "====" + ], + [ + "s", + "aving" + ], + [ + "Ġer", + "osion" + ], + [ + "ĠQu", + "in" + ], + [ + "Ġearn", + "s" + ], + [ + "Ġaccomplish", + "ment" + ], + [ + "ĠWe", + "i" + ], + [ + "Ġ<", + "[" + ], + [ + "____", + "_" + ], + [ + "Ġir", + "rig" + ], + [ + "ĠT", + "eddy" + ], + [ + "Ġconqu", + "ered" + ], + [ + "ĠArm", + "ored" + ], + [ + "Ġassert", + "s" + ], + [ + "Ġmanip", + "ulating" + ], + [ + "r", + "é" + ], + [ + "Ġtranscript", + "s" + ], + [ + "G", + "allery" + ], + [ + "Ġplot", + "ting" + ], + [ + "Ne", + "il" + ], + [ + "Ġbetray", + "al" + ], + [ + "load", + "er" + ], + [ + "ĠS", + "ul" + ], + [ + "Ġdispl", + "acement" + ], + [ + "Ġroy", + "alty" + ], + [ + "ĠW", + "I" + ], + [ + "he", + "it" + ], + [ + "ĠDev", + "ices" + ], + [ + "alle", + "l" + ], + [ + "Ġmunicipal", + "ities" + ], + [ + "Ġcan", + "al" + ], + [ + "St", + "ars" + ], + [ + "ĠU", + "AE" + ], + [ + "Ġ\"", + "âĢ¦" + ], + [ + "ĠC", + "U" + ], + [ + "ab", + "ove" + ], + [ + "Ġreson", + "ance" + ], + [ + "ĠguiActive", + "Un" + ], + [ + "add", + "ed" + ], + [ + "ĠBra", + "ves" + ], + [ + "ĠI", + "bn" + ], + [ + "Ġhere", + "by" + ], + [ + "ĠB", + "RE" + ], + [ + "Ġshare", + "holder" + ], + [ + "ĠH", + "ir" + ], + [ + "ĠJ", + "i" + ], + [ + "Ġstrange", + "ly" + ], + [ + "Ġadm", + "ired" + ], + [ + "Ġpl", + "ight" + ], + [ + "Ġb", + "achelor" + ], + [ + "ĠP", + "ole" + ], + [ + "cipl", + "inary" + ], + [ + "T", + "ony" + ], + [ + "ĠArmen", + "ian" + ], + [ + "Ġun", + "man" + ], + [ + "ĠZion", + "ist" + ], + [ + "St", + "age" + ], + [ + "isco", + "ver" + ], + [ + "Ġautom", + "otive" + ], + [ + "Ġs", + "idelines" + ], + [ + "Ġsl", + "ick" + ], + [ + "ĠRena", + "issance" + ], + [ + "ĠF", + "UN" + ], + [ + "Im", + "ages" + ], + [ + "ĠH", + "aj" + ], + [ + "Ġp", + "ing" + ], + [ + "Ġshort", + "cut" + ], + [ + "ĠBl", + "vd" + ], + [ + "ĠLook", + "s" + ], + [ + "Ġbur", + "sts" + ], + [ + "Ġcl", + "amp" + ], + [ + "Ġm", + "ish" + ], + [ + "Ġsort", + "ing" + ], + [ + "Ġpatri", + "ot" + ], + [ + "Ġcorrect", + "ness" + ], + [ + "ĠScand", + "inav" + ], + [ + "ĠCaval", + "iers" + ], + [ + "p", + "ython" + ], + [ + "az", + "ar" + ], + [ + "Ġ3", + "75" + ], + [ + "ĠJa", + "une" + ], + [ + "40", + "9" + ], + [ + "Ġdetrim", + "ental" + ], + [ + "Ġstab", + "bing" + ], + [ + "Ġpoison", + "ed" + ], + [ + "Ġf", + "ountain" + ], + [ + "oc", + "ent" + ], + [ + "or", + "st" + ], + [ + "ĠMar", + "i" + ], + [ + "Ġr", + "ains" + ], + [ + "ĠO", + "vers" + ], + [ + "ĠInst", + "itution" + ], + [ + "ud", + "get" + ], + [ + "AM", + "Y" + ], + [ + "t", + "ale" + ], + [ + "ĠK", + "R" + ], + [ + "ĠPr", + "ices" + ], + [ + "Ġhead", + "aches" + ], + [ + "Ġlands", + "l" + ], + [ + "ĠA", + "ura" + ], + [ + "Bon", + "us" + ], + [ + "ĠZ", + "hao" + ], + [ + "ĠH", + "ip" + ], + [ + "Ġhop", + "s" + ], + [ + "ĠKurd", + "istan" + ], + [ + "Ġexplo", + "iting" + ], + [ + "ry", + "n" + ], + [ + "Ġhypocr", + "isy" + ], + [ + "op", + "ening" + ], + [ + "Ġgun", + "shot" + ], + [ + "Ġw", + "ed" + ], + [ + "inter", + "stitial" + ], + [ + "Inter", + "stitial" + ], + [ + "Ġam", + "en" + ], + [ + "Bre", + "aking" + ], + [ + "Ġmarket", + "ed" + ], + [ + "W", + "ire" + ], + [ + "ĠC", + "rowd" + ], + [ + "Contin", + "ue" + ], + [ + "ĠK", + "nown" + ], + [ + "ĠEffect", + "ive" + ], + [ + "ore", + "an" + ], + [ + "iz", + "ons" + ], + [ + "Jose", + "ph" + ], + [ + "Ġescal", + "ation" + ], + [ + "us", + "ername" + ], + [ + "Ġcur", + "tain" + ], + [ + "AT", + "ES" + ], + [ + "ĠP", + "AR" + ], + [ + "ĠM", + "iy" + ], + [ + "Ġcounter", + "fe" + ], + [ + "l", + "ene" + ], + [ + "Ġcont", + "enders" + ], + [ + "d", + "aily" + ], + [ + "ĠAs", + "c" + ], + [ + "ĠPhill", + "ip" + ], + [ + "most", + "ly" + ], + [ + "Ġfil", + "ename" + ], + [ + "he", + "ne" + ], + [ + "Ġresemb", + "ling" + ], + [ + "Ġst", + "aging" + ], + [ + "ĠCh", + "loe" + ], + [ + "Ġw", + "iring" + ], + [ + "H", + "on" + ], + [ + "ĠRen", + "ew" + ], + [ + "ott", + "age" + ], + [ + "ĠHy", + "brid" + ], + [ + "m", + "uch" + ], + [ + "Ġstro", + "kes" + ], + [ + "Ġpolicy", + "makers" + ], + [ + "AP", + "TER" + ], + [ + "ĠArk", + "ham" + ], + [ + "pl", + "ot" + ], + [ + "Ġassist", + "ants" + ], + [ + "Ġde", + "port" + ], + [ + "ĠSe", + "ga" + ], + [ + "Ġinflu", + "enza" + ], + [ + "ĠC", + "ursed" + ], + [ + "ĠK", + "obe" + ], + [ + "Ġskin", + "ny" + ], + [ + "Prov", + "ider" + ], + [ + "ĠR", + "ip" + ], + [ + "Ġincrement", + "al" + ], + [ + "product", + "s" + ], + [ + "B", + "F" + ], + [ + "Ġd", + "ome" + ], + [ + "ĠC", + "redits" + ], + [ + "Ġlos", + "ers" + ], + [ + "int", + "s" + ], + [ + "ĠBet", + "ty" + ], + [ + "ĠTal", + "ent" + ], + [ + "ĠD", + "AM" + ], + [ + "L", + "v" + ], + [ + "E", + "ss" + ], + [ + "Ġd", + "ens" + ], + [ + "tem", + "p" + ], + [ + "J", + "udge" + ], + [ + "od", + "ic" + ], + [ + "Ġ'", + "(" + ], + [ + "UR", + "ES" + ], + [ + "ets", + "k" + ], + [ + "V", + "O" + ], + [ + "Ġretrie", + "ved" + ], + [ + "Ġarchitect", + "s" + ], + [ + "Ù", + "ĩ" + ], + [ + "Ġeth", + "ic" + ], + [ + "ĠSecond", + "ary" + ], + [ + "st", + "ocks" + ], + [ + "ad", + "ia" + ], + [ + "Ġ3", + "25" + ], + [ + "ĠOp", + "inion" + ], + [ + "Ġsimultane", + "ous" + ], + [ + "Ġd", + "izz" + ], + [ + "ul", + "p" + ], + [ + "Ġsmugg", + "ling" + ], + [ + "ipp", + "ery" + ], + [ + "R", + "andom" + ], + [ + "f", + "acing" + ], + [ + "ĠD", + "as" + ], + [ + "Ġstock", + "p" + ], + [ + "Ġdiscl", + "osures" + ], + [ + "po", + "inter" + ], + [ + "Ġcor", + "al" + ], + [ + "ĠSe", + "lection" + ], + [ + "ĠP", + "ike" + ], + [ + "ival", + "ent" + ], + [ + "Ġruth", + "less" + ], + [ + "ĠR", + "im" + ], + [ + "Ġensu", + "ing" + ], + [ + "ĠExper", + "iment" + ], + [ + "Ġcongress", + "man" + ], + [ + "Ġbelie", + "ver" + ], + [ + "Ġun", + "specified" + ], + [ + "ĠM", + "ord" + ], + [ + "Ġknowledge", + "able" + ], + [ + "ĠV", + "ERY" + ], + [ + "T", + "X" + ], + [ + "Ġstra", + "ps" + ], + [ + "Ġtur", + "f" + ], + [ + "apesh", + "ifter" + ], + [ + "Ġmar", + "ital" + ], + [ + "Ġfl", + "ock" + ], + [ + "ãģ", + "Ĩ" + ], + [ + "26", + "3" + ], + [ + "AM", + "ES" + ], + [ + "ĠOpp", + "osition" + ], + [ + "Ġtre", + "asures" + ], + [ + "ĠG", + "OD" + ], + [ + "Ġmodel", + "ed" + ], + [ + "ĠWOR", + "LD" + ], + [ + "Ġ(", + "[" + ], + [ + "ĠUs", + "age" + ], + [ + "H", + "F" + ], + [ + "Ġ$", + "(" + ], + [ + "uss", + "ed" + ], + [ + "Ġpione", + "er" + ], + [ + "E", + "ight" + ], + [ + "par", + "se" + ], + [ + "b", + "read" + ], + [ + "rit", + "z" + ], + [ + "ĠMir", + "anda" + ], + [ + "ĠK", + "ant" + ], + [ + "++", + ")" + ], + [ + "ore", + "n" + ], + [ + "Ġprov", + "oked" + ], + [ + "Ġbre", + "eds" + ], + [ + "ĠIn", + "cludes" + ], + [ + "ĠPast", + "ebin" + ], + [ + "ĠFl", + "ip" + ], + [ + "J", + "ava" + ], + [ + "Ġbr", + "ink" + ], + [ + "Ġrum", + "ored" + ], + [ + "Ġun", + "seen" + ], + [ + "Ġgar", + "nered" + ], + [ + "ĠDef", + "in" + ], + [ + "al", + "ted" + ], + [ + "Ġtatt", + "oos" + ], + [ + "Ġhes", + "itation" + ], + [ + "is", + "itions" + ], + [ + "ĠWe", + "aver" + ], + [ + "ĠReport", + "ing" + ], + [ + "Ġtherap", + "ies" + ], + [ + "Ġconsult", + "ants" + ], + [ + "Ġresid", + "ual" + ], + [ + "ĠMal", + "i" + ], + [ + "ĠRom", + "a" + ], + [ + "i", + "ago" + ], + [ + "ĠRes", + "idents" + ], + [ + "ub", + "i" + ], + [ + "Ġremed", + "ies" + ], + [ + "Ġadapt", + "ive" + ], + [ + "ĠAl", + "ive" + ], + [ + "ĠBar", + "cl" + ], + [ + "Ġwal", + "lets" + ], + [ + "c", + "rypt" + ], + [ + "etermin", + "ation" + ], + [ + "ĠPel", + "osi" + ], + [ + "Ġsl", + "ipping" + ], + [ + "oton", + "in" + ], + [ + "Ġall", + "iances" + ], + [ + "pat", + "rick" + ], + [ + "ir", + "is" + ], + [ + "Ġor", + "th" + ], + [ + "ĠPer", + "kins" + ], + [ + "ĠDe", + "V" + ], + [ + "ĠG", + "ets" + ], + [ + "Ġdry", + "ing" + ], + [ + "ge", + "e" + ], + [ + "fore", + "st" + ], + [ + "ĠFor", + "get" + ], + [ + "ore", + "m" + ], + [ + "33", + "9" + ], + [ + "Ġvague", + "ly" + ], + [ + "ĠD", + "ion" + ], + [ + "ĠP", + "orn" + ], + [ + "ĠH", + "OW" + ], + [ + "Ġp", + "neum" + ], + [ + "Ġrub", + "ble" + ], + [ + "ĠT", + "aste" + ], + [ + "enc", + "ia" + ], + [ + "ĠG", + "el" + ], + [ + "Ġd", + "st" + ], + [ + "Ġ24", + "5" + ], + [ + "ĠMoroc", + "co" + ], + [ + "inf", + "lamm" + ], + [ + "ĠTw", + "ins" + ], + [ + "Ġb", + "ots" + ], + [ + "d", + "aughter" + ], + [ + "ĠB", + "alk" + ], + [ + "Ġbre", + "thren" + ], + [ + "Ġlog", + "os" + ], + [ + "Ġgo", + "bl" + ], + [ + "f", + "ps" + ], + [ + "Ġsub", + "division" + ], + [ + "Ġp", + "awn" + ], + [ + "Ġsquee", + "zed" + ], + [ + "Ġmor", + "ale" + ], + [ + "ĠD", + "W" + ], + [ + "'", + "\"" + ], + [ + "Ġkn", + "ot" + ], + [ + "ook", + "y" + ], + [ + "Ġdiv", + "isive" + ], + [ + "Ġboost", + "ed" + ], + [ + "ch", + "y" + ], + [ + "ãĥ", + "IJ" + ], + [ + "if", + "act" + ], + [ + "Ġnewcom", + "ers" + ], + [ + "ĠWrest", + "ling" + ], + [ + "Ġsc", + "outs" + ], + [ + "w", + "olves" + ], + [ + "R", + "at" + ], + [ + "Ġnin", + "eteenth" + ], + [ + "ĠOs", + "borne" + ], + [ + "St", + "ats" + ], + [ + "Ġem", + "powered" + ], + [ + "Ġpsych", + "opath" + ], + [ + "ĠO", + "EM" + ], + [ + "ugg", + "age" + ], + [ + "ĠP", + "K" + ], + [ + "ĠMoh", + "ammad" + ], + [ + "P", + "ak" + ], + [ + "Ġanarch", + "ists" + ], + [ + "ĠExt", + "ract" + ], + [ + "est", + "hes" + ], + [ + "ĠStock", + "holm" + ], + [ + "l", + "oo" + ], + [ + "ĠG", + "raph" + ], + [ + "Ġdeploy", + "ing" + ], + [ + "ĠStr", + "anger" + ], + [ + "ĠM", + "old" + ], + [ + "Ġstaff", + "er" + ], + [ + "Ġdiscount", + "ed" + ], + [ + "uck", + "le" + ], + [ + "ple", + "ase" + ], + [ + "ĠLand", + "ing" + ], + [ + "ÃŃ", + "a" + ], + [ + "Ġ19", + "3" + ], + [ + "Ġan", + "te" + ], + [ + "Ġrep", + "etition" + ], + [ + "Ġ+", + "/-" + ], + [ + "Ġpar", + "ody" + ], + [ + "Ġlive", + "ly" + ], + [ + "AA", + "A" + ], + [ + "ĠHor", + "us" + ], + [ + "Ġp", + "its" + ], + [ + "ind", + "ers" + ], + [ + "L", + "OC" + ], + [ + "ĠVen", + "ice" + ], + [ + "40", + "6" + ], + [ + "ĠDis", + "cover" + ], + [ + "â", + "Ĩ" + ], + [ + "ellect", + "ual" + ], + [ + "Ġp", + "ens" + ], + [ + "Ġey", + "el" + ], + [ + "ig", + "uous" + ], + [ + "Im", + "pl" + ], + [ + "Ġj", + "oking" + ], + [ + "Ġinv", + "al" + ], + [ + "ĠBel", + "fast" + ], + [ + "Ġcredit", + "ors" + ], + [ + "ĠSky", + "walker" + ], + [ + "ov", + "sky" + ], + [ + "Ġcease", + "fire" + ], + [ + "Ġse", + "als" + ], + [ + "is", + "oft" + ], + [ + ")", + ")." + ], + [ + "ĠFel", + "ix" + ], + [ + "IT", + "S" + ], + [ + "Ġt", + "resp" + ], + [ + "ĠBlock", + "chain" + ], + [ + "ew", + "are" + ], + [ + "ĠSch", + "war" + ], + [ + "en", + "ne" + ], + [ + "mount", + "ed" + ], + [ + "ĠBe", + "acon" + ], + [ + "les", + "h" + ], + [ + "Ġimmense", + "ly" + ], + [ + "Ġche", + "ering" + ], + [ + "Em", + "ploy" + ], + [ + "sc", + "ene" + ], + [ + "ish", + "ly" + ], + [ + "atche", + "wan" + ], + [ + "ĠNic", + "olas" + ], + [ + "Ġdr", + "ained" + ], + [ + "ĠEx", + "it" + ], + [ + "ĠAz", + "erb" + ], + [ + "j", + "un" + ], + [ + "Ġflo", + "ated" + ], + [ + "u", + "ania" + ], + [ + "De", + "ep" + ], + [ + "Ġsuper", + "v" + ], + [ + "Ġmyst", + "ical" + ], + [ + "ĠD", + "ollar" + ], + [ + "ĠApost", + "le" + ], + [ + "ĠR", + "EL" + ], + [ + "ĠProv", + "ided" + ], + [ + "ĠB", + "ucks" + ], + [ + "ãĥ", + "´" + ], + [ + "cut", + "ting" + ], + [ + "Ġenhance", + "ments" + ], + [ + "ĠPengu", + "ins" + ], + [ + "ĠIsa", + "iah" + ], + [ + "Ġj", + "erk" + ], + [ + "ĠW", + "yn" + ], + [ + "Ġst", + "alled" + ], + [ + "Ġcryptoc", + "urrencies" + ], + [ + "ĠR", + "oland" + ], + [ + "sing", + "le" + ], + [ + "Ġl", + "umin" + ], + [ + "ĠF", + "ellow" + ], + [ + "ĠCap", + "acity" + ], + [ + "ĠKaz", + "akh" + ], + [ + "W", + "N" + ], + [ + "Ġfin", + "anced" + ], + [ + "38", + "9" + ], + [ + "Ġt", + "id" + ], + [ + "Ġcoll", + "usion" + ], + [ + "ĠMy", + "r" + ], + [ + "î", + "Ģ" + ], + [ + "Sen", + "ator" + ], + [ + "Ġped", + "iatric" + ], + [ + "Ġneat", + "ly" + ], + [ + "Ġsandwic", + "hes" + ], + [ + "ĠArchitect", + "ure" + ], + [ + "Ġt", + "ucked" + ], + [ + "Ġbalcon", + "y" + ], + [ + "Ġearthqu", + "akes" + ], + [ + "qu", + "ire" + ], + [ + "F", + "uture" + ], + [ + "Ġhe", + "fty" + ], + [ + "é", + "Ĺ" + ], + [ + "Ġspecial", + "izes" + ], + [ + "Ġstress", + "es" + ], + [ + "Ġs", + "ender" + ], + [ + "Ġmisunder", + "standing" + ], + [ + "Ġep", + "ile" + ], + [ + "Ġprov", + "oke" + ], + [ + "ĠCol", + "ors" + ], + [ + "Ġdis", + "may" + ], + [ + "uk", + "o" + ], + [ + "[", + "_" + ], + [ + "58", + "6" + ], + [ + "ne", + "utral" + ], + [ + "Ġdon", + "ating" + ], + [ + "ĠRand", + "all" + ], + [ + "Mult", + "i" + ], + [ + "Ġconvenient", + "ly" + ], + [ + "ĠS", + "ung" + ], + [ + "ĠC", + "oca" + ], + [ + "Ġt", + "ents" + ], + [ + "ĠAc", + "celer" + ], + [ + "Ġpart", + "nered" + ], + [ + "27", + "2" + ], + [ + "ir", + "ming" + ], + [ + "ĠB", + "AS" + ], + [ + "s", + "ometimes" + ], + [ + "Ġobject", + "ed" + ], + [ + "ub", + "ric" + ], + [ + "p", + "osed" + ], + [ + "LC", + "S" + ], + [ + "gr", + "ass" + ], + [ + "Ġattribut", + "able" + ], + [ + "V", + "IS" + ], + [ + "Israel", + "i" + ], + [ + "Ġrepe", + "ats" + ], + [ + "ĠR", + "M" + ], + [ + "v", + "ag" + ], + [ + "ut", + "a" + ], + [ + "in", + "ous" + ], + [ + "Ġin", + "ert" + ], + [ + "ĠMig", + "uel" + ], + [ + "æ", + "Ń" + ], + [ + "ĠHawai", + "ian" + ], + [ + "B", + "oard" + ], + [ + "Ġart", + "ific" + ], + [ + "ĠAzerb", + "ai" + ], + [ + "as", + "io" + ], + [ + "ĠR", + "ent" + ], + [ + "A", + "IN" + ], + [ + "Ġappl", + "iances" + ], + [ + "Ġnational", + "ity" + ], + [ + "Ġass", + "hole" + ], + [ + "ĠN", + "eb" + ], + [ + "Ġnot", + "ch" + ], + [ + "h", + "ani" + ], + [ + "ĠBr", + "ide" + ], + [ + "Av", + "ailability" + ], + [ + "Ġintercept", + "ed" + ], + [ + "Ġcontin", + "ental" + ], + [ + "Ġsw", + "elling" + ], + [ + "ĠPers", + "pect" + ], + [ + "b", + "ies" + ], + [ + ".", + "<" + ], + [ + "ith", + "metic" + ], + [ + "ĠL", + "ara" + ], + [ + "Ġtempt", + "ing" + ], + [ + "add", + "r" + ], + [ + "Ġoversee", + "ing" + ], + [ + "cl", + "ad" + ], + [ + "ĠD", + "V" + ], + [ + "ĠGing", + "rich" + ], + [ + "Ġm", + "un" + ], + [ + "ĠApp", + "ropri" + ], + [ + "Ġalter", + "ations" + ], + [ + "ĠPat", + "reon" + ], + [ + "Ġha", + "voc" + ], + [ + "Ġdiscipl", + "ines" + ], + [ + "Ġnotor", + "iously" + ], + [ + "aku", + "ya" + ], + [ + "ier", + "i" + ], + [ + "?", + ")." + ], + [ + "ĠW", + "ent" + ], + [ + "Ġsil", + "icon" + ], + [ + "Ġtre", + "mb" + ], + [ + "Cont", + "ainer" + ], + [ + "K", + "nown" + ], + [ + "Ġmort", + "ar" + ], + [ + "est", + "e" + ], + [ + "ick", + "a" + ], + [ + "Ar", + "thur" + ], + [ + "ĠPre", + "viously" + ], + [ + "ĠMart", + "y" + ], + [ + "Ġsp", + "arse" + ], + [ + "g", + "ins" + ], + [ + "Ġin", + "ward" + ], + [ + "ĠParticip", + "ant" + ], + [ + "C", + "opy" + ], + [ + "ĠM", + "isc" + ], + [ + "Ġantib", + "iotic" + ], + [ + "ĠRet", + "ro" + ], + [ + "Ġel", + "usive" + ], + [ + "Ġass", + "ail" + ], + [ + "ĠBatt", + "alion" + ], + [ + "ĠB", + "ought" + ], + [ + "Ġdimin", + "ish" + ], + [ + "ĠEuro", + "pa" + ], + [ + "s", + "ession" + ], + [ + "ĠDanger", + "ous" + ], + [ + "ies", + "el" + ], + [ + "Ġdisbel", + "ief" + ], + [ + "Ġbl", + "asts" + ], + [ + "ext", + "reme" + ], + [ + "ĠBoy", + "d" + ], + [ + "ĠProject", + "s" + ], + [ + "ĠGu", + "ys" + ], + [ + "Ġunder", + "gone" + ], + [ + "Ġgr", + "ill" + ], + [ + "ĠDw", + "ight" + ], + [ + "Ġ19", + "7" + ], + [ + "US", + "ER" + ], + [ + "Ġfiles", + "ystem" + ], + [ + "Ġcl", + "ocks" + ], + [ + "T", + "aylor" + ], + [ + "Ġwra", + "pper" + ], + [ + "Ġfold", + "ing" + ], + [ + "ous", + "and" + ], + [ + "ĠPhilipp", + "ine" + ], + [ + "ATION", + "AL" + ], + [ + "ĠPer", + "th" + ], + [ + "Ġas", + "hes" + ], + [ + "Ġaccum", + "ulate" + ], + [ + "ĠGate", + "way" + ], + [ + "Sh", + "op" + ], + [ + "orks", + "hire" + ], + [ + "H", + "an" + ], + [ + "ĠBar", + "rel" + ], + [ + "ĠLe", + "h" + ], + [ + "ĠX", + "V" + ], + [ + "Ġwh", + "im" + ], + [ + "Ġrep", + "o" + ], + [ + "ĠC", + "G" + ], + [ + "ĠM", + "am" + ], + [ + "Ġincorpor", + "ating" + ], + [ + "Ġbail", + "out" + ], + [ + "Ġlingu", + "istic" + ], + [ + "Ġdis", + "integ" + ], + [ + "C", + "LE" + ], + [ + "Ġcinem", + "atic" + ], + [ + "ĠF", + "iber" + ], + [ + "S", + "yn" + ], + [ + "il", + "ion" + ], + [ + "ĠCom", + "pos" + ], + [ + "c", + "hens" + ], + [ + "Ġne", + "oc" + ], + [ + "Ġbo", + "iled" + ], + [ + "F", + "INE" + ], + [ + "on", + "o" + ], + [ + "un", + "cle" + ], + [ + "ik", + "en" + ], + [ + "ĠB", + "M" + ], + [ + "Î", + "¹" + ], + [ + "Ġreceipt", + "s" + ], + [ + "Ġdisp", + "osed" + ], + [ + "ĠTh", + "irty" + ], + [ + "ĠR", + "ough" + ], + [ + "ĠA", + "BS" + ], + [ + "Ġnot", + "withstanding" + ], + [ + "oll", + "en" + ], + [ + "#", + "$" + ], + [ + "Ġunrel", + "iable" + ], + [ + "Ġbl", + "oom" + ], + [ + "Ġmedi", + "ocre" + ], + [ + "Ġtr", + "am" + ], + [ + "ĠTas", + "man" + ], + [ + "Ġsh", + "akes" + ], + [ + "Ġmanifest", + "o" + ], + [ + "ĠM", + "W" + ], + [ + "Ġsatisf", + "actory" + ], + [ + "Ġsh", + "ores" + ], + [ + "Ġcomput", + "ation" + ], + [ + "Ġassert", + "ions" + ], + [ + "orm", + "ons" + ], + [ + "ar", + "ag" + ], + [ + "ab", + "it" + ], + [ + "Dem", + "ocrats" + ], + [ + "ĠL", + "oot" + ], + [ + "ĠVol", + "ks" + ], + [ + "ha", + "ired" + ], + [ + "Ġgrav", + "itational" + ], + [ + "S", + "ing" + ], + [ + "ĠM", + "iz" + ], + [ + "Ġthro", + "ttle" + ], + [ + "Ġtyr", + "anny" + ], + [ + "ĠView", + "s" + ], + [ + "Ġrob", + "ber" + ], + [ + "ĠMinor", + "ity" + ], + [ + "Ġsh", + "rine" + ], + [ + "sc", + "ope" + ], + [ + "pur", + "pose" + ], + [ + "Ġnucle", + "us" + ], + [ + "our", + "cing" + ], + [ + "ĠUS", + "DA" + ], + [ + "ĠD", + "HS" + ], + [ + "w", + "ra" + ], + [ + "ĠBow", + "ie" + ], + [ + "Sc", + "ale" + ], + [ + "ĠB", + "EL" + ], + [ + "x", + "i" + ], + [ + "I", + "ter" + ], + [ + "Ġ(", + ")," + ], + [ + "w", + "right" + ], + [ + "Ġsail", + "ors" + ], + [ + "ous", + "ed" + ], + [ + "NAS", + "A" + ], + [ + "ĠPro", + "of" + ], + [ + "ĠMin", + "eral" + ], + [ + "t", + "oken" + ], + [ + "ĠF", + "D" + ], + [ + "R", + "ew" + ], + [ + "Ġe", + "ll" + ], + [ + "6", + "30" + ], + [ + "Ġchance", + "llor" + ], + [ + "ĠG", + "os" + ], + [ + "Ġamount", + "ed" + ], + [ + "ĠRec", + "re" + ], + [ + "ome", + "z" + ], + [ + "ĠOpt", + "im" + ], + [ + "ĠOl", + "ive" + ], + [ + "Ġtrack", + "er" + ], + [ + "ow", + "ler" + ], + [ + "ĠUn", + "ique" + ], + [ + "R", + "oot" + ], + [ + "Ġmar", + "itime" + ], + [ + "ĠQur", + "an" + ], + [ + "ĠAd", + "apt" + ], + [ + "Ġecosystem", + "s" + ], + [ + "ĠRe", + "peat" + ], + [ + "ĠS", + "oy" + ], + [ + "ĠI", + "MP" + ], + [ + "Ġgrad", + "uating" + ], + [ + "and", + "em" + ], + [ + "P", + "ur" + ], + [ + "ĠRes", + "et" + ], + [ + "ĠTr", + "ick" + ], + [ + "ĠPh", + "illy" + ], + [ + "ĠT", + "ue" + ], + [ + "ĠMalays", + "ian" + ], + [ + "Ġclim", + "ax" + ], + [ + "Ġb", + "ury" + ], + [ + "Ġcons", + "pic" + ], + [ + "ĠSouth", + "ampton" + ], + [ + "ĠFl", + "owers" + ], + [ + "Ġesc", + "orted" + ], + [ + "ĠEduc", + "ational" + ], + [ + "ĠI", + "RC" + ], + [ + "Ġbrut", + "ally" + ], + [ + "e", + "ating" + ], + [ + "Ġpill", + "ar" + ], + [ + "ĠS", + "ang" + ], + [ + "ĠJ", + "ude" + ], + [ + "ar", + "ling" + ], + [ + "ĠAm", + "nesty" + ], + [ + "Ġrem", + "inding" + ], + [ + "ĠAdminist", + "rative" + ], + [ + "hes", + "da" + ], + [ + "Ġfl", + "ashed" + ], + [ + "ĠP", + "BS" + ], + [ + "per", + "ate" + ], + [ + "fe", + "ature" + ], + [ + "Ġsw", + "ipe" + ], + [ + "Ġgra", + "ves" + ], + [ + "oult", + "ry" + ], + [ + "26", + "1" + ], + [ + "bre", + "aks" + ], + [ + "ĠGu", + "er" + ], + [ + "Ġsh", + "rimp" + ], + [ + "ĠV", + "oting" + ], + [ + "qu", + "ist" + ], + [ + "Ġanaly", + "tical" + ], + [ + "Ġtables", + "poons" + ], + [ + "ĠS", + "OU" + ], + [ + "Ġresear", + "ched" + ], + [ + "Ġdisrupt", + "ed" + ], + [ + "Ġj", + "our" + ], + [ + "Ġrepl", + "ica" + ], + [ + "Ġcart", + "oons" + ], + [ + "b", + "ians" + ], + [ + "}", + ")" + ], + [ + "c", + "opy" + ], + [ + "G", + "ot" + ], + [ + "ou", + "ched" + ], + [ + "P", + "UT" + ], + [ + "Ġsw", + "arm" + ], + [ + "not", + "ations" + ], + [ + "s", + "aid" + ], + [ + "Ġreb", + "uilt" + ], + [ + "Ġcollabor", + "ate" + ], + [ + "Ġr", + "aging" + ], + [ + "Ġn", + "ar" + ], + [ + "Ġdem", + "ographics" + ], + [ + "ĠD", + "DR" + ], + [ + "Ġdist", + "rust" + ], + [ + "oss", + "ier" + ], + [ + "ĠK", + "ro" + ], + [ + "Ġpump", + "kin" + ], + [ + "Ġreg", + "rets" + ], + [ + "Ġfatal", + "ities" + ], + [ + "ĠL", + "ens" + ], + [ + "ĠO", + "le" + ], + [ + "p", + "d" + ], + [ + "Ġpupp", + "et" + ], + [ + "ĠOut", + "look" + ], + [ + "ĠSt", + "am" + ], + [ + "O", + "l" + ], + [ + "F", + "air" + ], + [ + "U", + "U" + ], + [ + "Ġre", + "written" + ], + [ + "Ä", + "±" + ], + [ + "Ġfasc", + "inated" + ], + [ + "Ġve", + "ctors" + ], + [ + "Ġtrib", + "unal" + ], + [ + "u", + "ay" + ], + [ + "ĠM", + "ats" + ], + [ + "ĠCo", + "ins" + ], + [ + "[", + "[" + ], + [ + "Ġ18", + "1" + ], + [ + "Ġrend", + "ers" + ], + [ + "ĠK", + "aepernick" + ], + [ + "Ġesp", + "ionage" + ], + [ + "Ġsum", + "m" + ], + [ + "Ġd", + "itch" + ], + [ + "Acc", + "ount" + ], + [ + "Ġspread", + "sheet" + ], + [ + "Ġmut", + "ant" + ], + [ + "p", + "ast" + ], + [ + "40", + "7" + ], + [ + "Ġd", + "ye" + ], + [ + "Ġinit", + "iation" + ], + [ + "Ġ4", + "000" + ], + [ + "Ġpunish", + "able" + ], + [ + "Ġth", + "inner" + ], + [ + "ĠKh", + "al" + ], + [ + "Ġinter", + "medi" + ], + [ + "D", + "un" + ], + [ + "ĠGoth", + "am" + ], + [ + "Ġeager", + "ly" + ], + [ + "Ġvag", + "inal" + ], + [ + "p", + "owers" + ], + [ + "V", + "W" + ], + [ + "ĠWATCH", + "ED" + ], + [ + "Ġpred", + "ator" + ], + [ + "ams", + "ung" + ], + [ + "Ġdispar", + "ity" + ], + [ + "Ġ[", + "*" + ], + [ + "Ġam", + "ph" + ], + [ + "Ġout", + "skirts" + ], + [ + "ĠSpir", + "its" + ], + [ + "Ġskelet", + "al" + ], + [ + "Ð", + "»" + ], + [ + "ĠR", + "ear" + ], + [ + "Ġissu", + "ance" + ], + [ + "ĠLog", + "ic" + ], + [ + "re", + "leased" + ], + [ + "Z", + "Z" + ], + [ + "ĠB", + "ound" + ], + [ + "Ent", + "ry" + ], + [ + "Ġex", + "its" + ], + [ + "is", + "ol" + ], + [ + "ĠFound", + "er" + ], + [ + "Ġw", + "re" + ], + [ + "ĠGreen", + "land" + ], + [ + "ĠM", + "MO" + ], + [ + "t", + "aker" + ], + [ + "IN", + "C" + ], + [ + "ãģ", + "¾" + ], + [ + "Ġhour", + "ly" + ], + [ + "hen", + "ko" + ], + [ + "Ġfantas", + "ies" + ], + [ + "Ġdis", + "ob" + ], + [ + "Ġdemol", + "ition" + ], + [ + "ãĥ", + "ĭ" + ], + [ + "Ġen", + "listed" + ], + [ + "rat", + "ulations" + ], + [ + "Ġmis", + "guided" + ], + [ + "Ġens", + "ured" + ], + [ + "Ġdiscour", + "aged" + ], + [ + "m", + "ort" + ], + [ + "Ġfl", + "ank" + ], + [ + "Ġc", + "ess" + ], + [ + "Ġreact", + "s" + ], + [ + "ĠS", + "ere" + ], + [ + "s", + "ensitive" + ], + [ + "ĠSer", + "pent" + ], + [ + "ass", + "ad" + ], + [ + "Ġ24", + "7" + ], + [ + "Ġcalm", + "ly" + ], + [ + "b", + "usters" + ], + [ + "Ġble", + "ed" + ], + [ + "ĠSt", + "ro" + ], + [ + "Ġamuse", + "ment" + ], + [ + "ĠAntar", + "ctica" + ], + [ + "Ġs", + "cept" + ], + [ + "ĠG", + "aw" + ], + [ + "a", + "q" + ], + [ + "ason", + "ic" + ], + [ + "Ġsp", + "rawling" + ], + [ + "n", + "ative" + ], + [ + "atur", + "ated" + ], + [ + "ĠBattle", + "field" + ], + [ + "IV", + "ERS" + ], + [ + "E", + "B" + ], + [ + "ĠG", + "ems" + ], + [ + "ĠNorth", + "western" + ], + [ + "ĠFil", + "ms" + ], + [ + "ĠAut", + "omatic" + ], + [ + "Ġappre", + "hend" + ], + [ + "ãģ", + "¨" + ], + [ + "Ġgui", + "Name" + ], + [ + "Ġback", + "end" + ], + [ + "Ġevid", + "enced" + ], + [ + "ge", + "ant" + ], + [ + "01", + "2" + ], + [ + "ĠS", + "iege" + ], + [ + "Ġexternal", + "To" + ], + [ + "Ġunfocused", + "Range" + ], + [ + "ĠguiActiveUn", + "focused" + ], + [ + "Ġgui", + "Icon" + ], + [ + "ĠexternalTo", + "EVA" + ], + [ + "ĠexternalToEVA", + "Only" + ], + [ + "F", + "ri" + ], + [ + "ch", + "ard" + ], + [ + "en", + "aries" + ], + [ + "Ġchief", + "s" + ], + [ + "Ġc", + "f" + ], + [ + "ĠH", + "UD" + ], + [ + "Ġcorro", + "bor" + ], + [ + "Ġd", + "B" + ], + [ + "ĠT", + "aken" + ], + [ + "ĠPat", + "ricia" + ], + [ + "ra", + "il" + ], + [ + "ĠCh", + "arm" + ], + [ + "ĠLiber", + "tarian" + ], + [ + "rie", + "ve" + ], + [ + "Person", + "al" + ], + [ + "ĠO", + "UR" + ], + [ + "ger", + "ies" + ], + [ + "Ġdump", + "ing" + ], + [ + "Ġneurolog", + "ical" + ], + [ + "it", + "imate" + ], + [ + "ĠClint", + "ons" + ], + [ + "raft", + "ed" + ], + [ + "ĠM", + "olly" + ], + [ + "Ġtermin", + "als" + ], + [ + "reg", + "ister" + ], + [ + "Ġfl", + "are" + ], + [ + "Ġenc", + "oded" + ], + [ + "Ġautop", + "sy" + ], + [ + "p", + "el" + ], + [ + "m", + "achine" + ], + [ + "Ġexempt", + "ions" + ], + [ + "ĠRoy", + "als" + ], + [ + "d", + "istance" + ], + [ + "Ġdraft", + "s" + ], + [ + "Ġl", + "ame" + ], + [ + "ĠC", + "unning" + ], + [ + "Ġsp", + "ouses" + ], + [ + "ĠMark", + "ets" + ], + [ + "ĠCar", + "rier" + ], + [ + "Ġimp", + "lying" + ], + [ + "ĠY", + "ak" + ], + [ + "s", + "id" + ], + [ + "Ġl", + "oser" + ], + [ + "Ġvigil", + "ant" + ], + [ + "Ġimpe", + "achment" + ], + [ + "Ġaug", + "mented" + ], + [ + "ĠEmploy", + "ees" + ], + [ + "Ġunint", + "ended" + ], + [ + "tern", + "ally" + ], + [ + "ĠW", + "att" + ], + [ + "Ġrecogn", + "izable" + ], + [ + "ess", + "im" + ], + [ + "æ", + "Ŀ" + ], + [ + "Ġco", + "ated" + ], + [ + "r", + "ha" + ], + [ + "Ġlie", + "utenant" + ], + [ + "ĠLegisl", + "ation" + ], + [ + "pub", + "lished" + ], + [ + "44", + "4" + ], + [ + "01", + "3" + ], + [ + "Ġide", + "ally" + ], + [ + "ĠPass", + "word" + ], + [ + "Ġsimpl", + "ify" + ], + [ + "ĠMet", + "a" + ], + [ + "ĠM", + "RI" + ], + [ + "Ġple", + "ading" + ], + [ + "organ", + "ized" + ], + [ + "hand", + "ler" + ], + [ + "Ġun", + "ravel" + ], + [ + "cor", + "rect" + ], + [ + "Ġ", + "icy" + ], + [ + "Ġparan", + "oid" + ], + [ + "Ġpass", + "er" + ], + [ + "Ġinspect", + "ions" + ], + [ + "of", + "er" + ], + [ + "ĠHealth", + "care" + ], + [ + "28", + "3" + ], + [ + "ĠBr", + "ut" + ], + [ + "iol", + "a" + ], + [ + "for", + "ge" + ], + [ + "ĠMed", + "ieval" + ], + [ + "MS", + "N" + ], + [ + "ie", + "vers" + ], + [ + "ĠProgram", + "ming" + ], + [ + "å", + "ī" + ], + [ + "Ġ2", + "23" + ], + [ + "m", + "u" + ], + [ + "ĠC", + "LE" + ], + [ + "ug", + "a" + ], + [ + "Ġsho", + "ppers" + ], + [ + "Ġinform", + "ative" + ], + [ + "ĠPl", + "ans" + ], + [ + "Ġsupplement", + "ation" + ], + [ + "ĠT", + "ests" + ], + [ + "ty", + "ard" + ], + [ + "ocy", + "tes" + ], + [ + "ĠVeg", + "a" + ], + [ + "ĠGujar", + "at" + ], + [ + "erman", + "ent" + ], + [ + "Ex", + "cept" + ], + [ + "ĠL", + "OT" + ], + [ + "all", + "a" + ], + [ + "ĠC", + "umm" + ], + [ + "ĠO", + "sw" + ], + [ + "Ġven", + "om" + ], + [ + "ĠDeb", + "t" + ], + [ + "ĠD", + "OWN" + ], + [ + "Ġreun", + "ion" + ], + [ + "Ġm", + "uc" + ], + [ + "ĠRel", + "ief" + ], + [ + "Ġge", + "op" + ], + [ + "ĠðŁ", + "ĺ" + ], + [ + "al", + "ogue" + ], + [ + "An", + "th" + ], + [ + "ech", + "o" + ], + [ + "Ġcor", + "ros" + ], + [ + "Ġrepl", + "ication" + ], + [ + "ĠBl", + "azing" + ], + [ + "ĠD", + "aughter" + ], + [ + "Ġinf", + "lic" + ], + [ + "ĠLind", + "sey" + ], + [ + "Ù", + "Ī" + ], + [ + "28", + "4" + ], + [ + "Ex", + "it" + ], + [ + "Ġgl", + "oom" + ], + [ + "TA", + "IN" + ], + [ + "Ġundermin", + "ing" + ], + [ + "Ġadv", + "ising" + ], + [ + "h", + "idden" + ], + [ + "Ġover", + "flow" + ], + [ + "Ġg", + "or" + ], + [ + "urd", + "ue" + ], + [ + "Ġe", + "choes" + ], + [ + "enh", + "agen" + ], + [ + "Ġimp", + "uls" + ], + [ + "d", + "rug" + ], + [ + "c", + "ash" + ], + [ + "Ġas", + "ync" + ], + [ + "Ġmir", + "ac" + ], + [ + "at", + "ts" + ], + [ + "p", + "unk" + ], + [ + "Ġpiv", + "ot" + ], + [ + "ĠLegisl", + "ative" + ], + [ + "Ġblog", + "gers" + ], + [ + "ĠCl", + "aw" + ], + [ + "s", + "burg" + ], + [ + "d", + "yl" + ], + [ + "ĠRecomm", + "end" + ], + [ + "Ġver", + "te" + ], + [ + "Ġprohib", + "iting" + ], + [ + "ĠPant", + "her" + ], + [ + "Jon", + "athan" + ], + [ + "Ġo", + "min" + ], + [ + "Ġhate", + "ful" + ], + [ + "28", + "1" + ], + [ + "ĠOr", + "che" + ], + [ + "ĠMurd", + "och" + ], + [ + "down", + "s" + ], + [ + "Ġas", + "ymm" + ], + [ + "G", + "ER" + ], + [ + "Al", + "ways" + ], + [ + "Ġinform", + "s" + ], + [ + "ĠW", + "M" + ], + [ + "ĠP", + "ony" + ], + [ + "ĠApp", + "endix" + ], + [ + "ĠAr", + "lington" + ], + [ + "J", + "am" + ], + [ + "Ġmedic", + "inal" + ], + [ + "ĠS", + "lam" + ], + [ + "IT", + "IES" + ], + [ + "Ġre", + "aff" + ], + [ + "ĠR", + "i" + ], + [ + "F", + "G" + ], + [ + "S", + "pring" + ], + [ + "b", + "ool" + ], + [ + "Ġthigh", + "s" + ], + [ + "Ġmark", + "ings" + ], + [ + "ĠRa", + "qqa" + ], + [ + "ĠL", + "ak" + ], + [ + "p", + "oll" + ], + [ + "ts", + "ky" + ], + [ + "ĠMort", + "y" + ], + [ + "ĠDef", + "inition" + ], + [ + "Ġdeb", + "unk" + ], + [ + "end", + "ered" + ], + [ + "ĠLe", + "one" + ], + [ + "a", + "vers" + ], + [ + "Ġmortg", + "ages" + ], + [ + "App", + "arently" + ], + [ + "N", + "ic" + ], + [ + "ha", + "us" + ], + [ + "ĠTh", + "ousands" + ], + [ + "au", + "ld" + ], + [ + "Ġm", + "ash" + ], + [ + "sh", + "oot" + ], + [ + "Ġdi", + "arr" + ], + [ + "Ġconscious", + "ly" + ], + [ + "H", + "ero" + ], + [ + "e", + "as" + ], + [ + "ĠN", + "aturally" + ], + [ + "ĠDestroy", + "er" + ], + [ + "Ġdash", + "board" + ], + [ + "serv", + "ices" + ], + [ + "R", + "og" + ], + [ + "Ġmillenn", + "ials" + ], + [ + "Ġinv", + "ade" + ], + [ + "-", + "(" + ], + [ + "Ġcomm", + "issions" + ], + [ + "ĠA", + "uckland" + ], + [ + "Ġbroadcast", + "s" + ], + [ + "Ġfront", + "al" + ], + [ + "Ġcr", + "ank" + ], + [ + "ĠHist", + "oric" + ], + [ + "Ġrum", + "ours" + ], + [ + "CT", + "V" + ], + [ + "Ġster", + "il" + ], + [ + "Ġboost", + "er" + ], + [ + "rock", + "et" + ], + [ + "ãĤ", + "¼" + ], + [ + "ut", + "sche" + ], + [ + "ĠP", + "I" + ], + [ + "Ġ2", + "33" + ], + [ + "ĠProdu", + "cer" + ], + [ + "ĠAnaly", + "tics" + ], + [ + "Ġinval", + "uable" + ], + [ + "Ġunint", + "ention" + ], + [ + "ĠC", + "Y" + ], + [ + "Ġscrut", + "in" + ], + [ + "Ġg", + "igg" + ], + [ + "Ġeng", + "ulf" + ], + [ + "Ġprolet", + "ariat" + ], + [ + "Ġh", + "acks" + ], + [ + "ĠH", + "ew" + ], + [ + "ar", + "ak" + ], + [ + "ĠSl", + "ime" + ], + [ + "ield", + "ing" + ], + [ + "ag", + "her" + ], + [ + "ĠEll", + "iot" + ], + [ + "Ġtele", + "com" + ], + [ + "Ġ2", + "19" + ], + [ + "ult", + "an" + ], + [ + "ĠAr", + "bor" + ], + [ + "ĠSc", + "outs" + ], + [ + "B", + "an" + ], + [ + "Ġlifes", + "pan" + ], + [ + "Ġbl", + "asp" + ], + [ + "38", + "8" + ], + [ + "Ġjud", + "iciary" + ], + [ + "ĠContin", + "ental" + ], + [ + "ask", + "ing" + ], + [ + "Mc", + "C" + ], + [ + "L", + "ED" + ], + [ + "Ġbag", + "gage" + ], + [ + "ĠSorce", + "rer" + ], + [ + "Ġrem", + "nants" + ], + [ + "ĠGriff", + "ith" + ], + [ + "ets", + "u" + ], + [ + "ĠSub", + "aru" + ], + [ + "ĠPerson", + "ality" + ], + [ + "des", + "igned" + ], + [ + "ush", + "ima" + ], + [ + "agn", + "ar" + ], + [ + "Ġrec", + "oil" + ], + [ + "Ġpass", + "ions" + ], + [ + "\\", + "\":" + ], + [ + "Ġte", + "e" + ], + [ + "Ġabol", + "ition" + ], + [ + "ĠCreat", + "ing" + ], + [ + "j", + "ac" + ], + [ + "Ġ19", + "4" + ], + [ + "01", + "9" + ], + [ + "Ġpill", + "ars" + ], + [ + "ric", + "hed" + ], + [ + "/", + "\"" + ], + [ + "t", + "k" + ], + [ + "Ġlive", + "lihood" + ], + [ + "Ġro", + "asted" + ], + [ + "ah", + "on" + ], + [ + "ĠH", + "utch" + ], + [ + "ass", + "ert" + ], + [ + "Ġdivid", + "end" + ], + [ + "Ġkn", + "it" + ], + [ + "Ġd", + "aunting" + ], + [ + "Ġdisturb", + "ance" + ], + [ + "Ġsh", + "ale" + ], + [ + "Ġcultiv", + "ated" + ], + [ + "Ġrefriger", + "ator" + ], + [ + "L", + "B" + ], + [ + "ĠN", + "ET" + ], + [ + "Ġcommercial", + "s" + ], + [ + "Ġthink", + "ers" + ], + [ + "45", + "5" + ], + [ + "Ġch", + "op" + ], + [ + "B", + "road" + ], + [ + "Ġsuspic", + "ions" + ], + [ + "Ġtag", + "ged" + ], + [ + "l", + "ifting" + ], + [ + "Ġsty", + "lish" + ], + [ + "ĠShield", + "s" + ], + [ + "Short", + "ly" + ], + [ + "Ġt", + "ails" + ], + [ + "A", + "uth" + ], + [ + "ST", + "E" + ], + [ + "ĠG", + "AME" + ], + [ + "Ġse", + "ism" + ], + [ + "ĠK", + "is" + ], + [ + "olog", + "ne" + ], + [ + "Ġcow", + "ork" + ], + [ + "Ġforc", + "ibly" + ], + [ + "Ġthy", + "roid" + ], + [ + "ĠP", + "B" + ], + [ + "AN", + "E" + ], + [ + "mar", + "ried" + ], + [ + "h", + "orse" + ], + [ + "Ġpoly", + "mer" + ], + [ + "ĠCh", + "al" + ], + [ + "od", + "or" + ], + [ + "DE", + "BUG" + ], + [ + "ĠCon", + "text" + ], + [ + "Ġbl", + "iss" + ], + [ + "Ġpin", + "point" + ], + [ + "ĠMat", + "hemat" + ], + [ + "leg", + "ram" + ], + [ + "ĠWeek", + "end" + ], + [ + "Ġlab", + "elled" + ], + [ + "Ġb", + "art" + ], + [ + "it", + "les" + ], + [ + "Ġest", + "rogen" + ], + [ + "âĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶ", + "âĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶ" + ], + [ + "\"", + "'" + ], + [ + "Ġvis", + "ibly" + ], + [ + "Ġouts", + "ider" + ], + [ + "aid", + "a" + ], + [ + "Are", + "a" + ], + [ + "Ġdisse", + "min" + ], + [ + "Ġdish", + "onest" + ], + [ + "ĠCl", + "osed" + ], + [ + "ĠBullet", + "in" + ], + [ + "ĠRam", + "sey" + ], + [ + "sw", + "ord" + ], + [ + "ĠX", + "I" + ], + [ + "our", + "ced" + ], + [ + "S", + "ame" + ], + [ + "34", + "6" + ], + [ + "ĠRe", + "pe" + ], + [ + "ĠK", + "ou" + ], + [ + "c", + "ake" + ], + [ + "em", + "is" + ], + [ + "C", + "ache" + ], + [ + "ĠMe", + "aning" + ], + [ + "ĠEn", + "light" + ], + [ + "onom", + "y" + ], + [ + "Ġmanifest", + "ation" + ], + [ + "sw", + "orth" + ], + [ + "J", + "ay" + ], + [ + "Ġch", + "ore" + ], + [ + "ö", + "r" + ], + [ + "D", + "ream" + ], + [ + "Ġsanction", + "ed" + ], + [ + "Ġcult", + "urally" + ], + [ + "ĠA", + "ra" + ], + [ + "N", + "av" + ], + [ + "Ġthe", + "ological" + ], + [ + "Ġstr", + "ut" + ], + [ + "ĠV", + "O" + ], + [ + "ĠHand", + "book" + ], + [ + "Ġconstruct", + "ing" + ], + [ + "ĠÂ", + "¶" + ], + [ + "ĠBenef", + "its" + ], + [ + "ĠPsych", + "ological" + ], + [ + "s", + "ac" + ], + [ + "å", + "¸" + ], + [ + "p", + "olicy" + ], + [ + "ĠMat", + "ters" + ], + [ + "ĠReport", + "ed" + ], + [ + "ĠBy", + "te" + ], + [ + "Ġvit", + "ro" + ], + [ + "ĠM", + "aiden" + ], + [ + "Ġl", + "am" + ], + [ + "ĠJenn", + "ings" + ], + [ + "Ġgar", + "ment" + ], + [ + "ĠRut", + "gers" + ], + [ + "ĠStaff", + "ord" + ], + [ + "ĠWell", + "ington" + ], + [ + "Ġinter", + "mitt" + ], + [ + "Ġn", + "pm" + ], + [ + "Ġord", + "eal" + ], + [ + "Ġplug", + "ged" + ], + [ + "o", + "oming" + ], + [ + "in", + "ished" + ], + [ + "fram", + "ework" + ], + [ + "Ġtim", + "ber" + ], + [ + "Ġc", + "ass" + ], + [ + "Ġ8", + "50" + ], + [ + "il", + "ess" + ], + [ + "ĠRed", + "ux" + ], + [ + "7", + "68" + ], + [ + "St", + "re" + ], + [ + "Ġsurpass", + "ed" + ], + [ + "w", + "hel" + ], + [ + "Ġparalle", + "ls" + ], + [ + "Ġve", + "il" + ], + [ + "ĠG", + "I" + ], + [ + "ĠR", + "EST" + ], + [ + "Ġread", + "iness" + ], + [ + "s", + "ort" + ], + [ + "Ġmod", + "ifying" + ], + [ + "ĠSl", + "ate" + ], + [ + "ru", + "ff" + ], + [ + "Ġmar", + "ble" + ], + [ + "Ġinf", + "rared" + ], + [ + "Ġaud", + "itor" + ], + [ + "ĠFANT", + "ASY" + ], + [ + "ĠP", + "overty" + ], + [ + "ĠS", + "PD" + ], + [ + "Ġ\"", + "(" + ], + [ + "K", + "y" + ], + [ + "RA", + "Y" + ], + [ + "Ġexecut", + "ions" + ], + [ + "ĠBever", + "ly" + ], + [ + "ĠMarx", + "ism" + ], + [ + "ĠBur", + "st" + ], + [ + "ĠK", + "ali" + ], + [ + "est", + "ones" + ], + [ + "Clear", + "ly" + ], + [ + "E", + "ll" + ], + [ + "ãģ", + "§" + ], + [ + "ĠProceed", + "ings" + ], + [ + "T", + "oken" + ], + [ + "IF", + "IC" + ], + [ + "ñ", + "a" + ], + [ + "Cent", + "ral" + ], + [ + "ĠH", + "aley" + ], + [ + "ĠD", + "rama" + ], + [ + "Ġform", + "ations" + ], + [ + "OR", + "N" + ], + [ + "Book", + "s" + ], + [ + "Ġdom", + "inating" + ], + [ + "ĠFly", + "ers" + ], + [ + "ĠCompan", + "ion" + ], + [ + "Ġdiscipl", + "ined" + ], + [ + "ĠYug", + "oslav" + ], + [ + "ĠSpell", + "s" + ], + [ + "Ġv", + "engeance" + ], + [ + "Ġland", + "lords" + ], + [ + "L", + "en" + ], + [ + "ĠO", + "gre" + ], + [ + "ano", + "ia" + ], + [ + "Ġpier", + "cing" + ], + [ + "Ġcon", + "greg" + ], + [ + "Ġscore", + "r" + ], + [ + "ob", + "ia" + ], + [ + "Ġnic", + "kel" + ], + [ + "ĠLear", + "ns" + ], + [ + "Ġre", + "jo" + ], + [ + "Ġmaster", + "piece" + ], + [ + "Fl", + "ash" + ], + [ + "Ġinhab", + "ited" + ], + [ + "ĠOpen", + "GL" + ], + [ + "ĠD", + "ud" + ], + [ + "ĠI", + "CO" + ], + [ + "Ġar", + "ter" + ], + [ + "Ġpl", + "ur" + ], + [ + "Ġmaster", + "y" + ], + [ + "Ġlong", + "standing" + ], + [ + "st", + "ed" + ], + [ + "Ġw", + "ines" + ], + [ + "Ġtelev", + "ised" + ], + [ + "ĠSh", + "rine" + ], + [ + "ĠBay", + "ern" + ], + [ + "Ġâ", + "ĵĺ" + ], + [ + "Ġencl", + "osure" + ], + [ + "j", + "ohn" + ], + [ + "Ġprophe", + "ts" + ], + [ + "ĠRes", + "urrection" + ], + [ + "ĠOrd", + "ers" + ], + [ + "Ġun", + "even" + ], + [ + "r", + "als" + ], + [ + "Ġd", + "wind" + ], + [ + "ĠL", + "ah" + ], + [ + "ĠSl", + "oven" + ], + [ + "37", + "8" + ], + [ + "Ġins", + "istence" + ], + [ + "aff", + "le" + ], + [ + "ĠCl", + "one" + ], + [ + "Ġhard", + "ship" + ], + [ + "ĠCongress", + "man" + ], + [ + "Ġple", + "ad" + ], + [ + "Ġreview", + "ers" + ], + [ + "Ġc", + "ured" + ], + [ + "Ġ19", + "35" + ], + [ + "as", + "ley" + ], + [ + "f", + "ake" + ], + [ + "ĠTh", + "inking" + ], + [ + "yd", + "ia" + ], + [ + "P", + "ART" + ], + [ + "ĠD", + "ota" + ], + [ + "o", + "it" + ], + [ + "Ġwh", + "ipped" + ], + [ + "Ġb", + "ouncing" + ], + [ + "ĠHispan", + "ics" + ], + [ + "com", + "ings" + ], + [ + "Ġcann", + "abin" + ], + [ + "ĠCh", + "ambers" + ], + [ + "ĠZ", + "ack" + ], + [ + "Option", + "al" + ], + [ + "Ġco", + "ats" + ], + [ + "Ġprow", + "ess" + ], + [ + "ĠNort", + "on" + ], + [ + "Ġplain", + "ly" + ], + [ + "Ġfre", + "ight" + ], + [ + "Ġinhib", + "ition" + ], + [ + "Ġcl", + "am" + ], + [ + "Ġ30", + "3" + ], + [ + "ke", + "f" + ], + [ + "ale", + "igh" + ], + [ + "L", + "uke" + ], + [ + "Ġpsych", + "o" + ], + [ + "ator", + "ium" + ], + [ + "M", + "ED" + ], + [ + "Ġtreat", + "ies" + ], + [ + "Ġind", + "isc" + ], + [ + "Ġd", + "c" + ], + [ + "OP", + "S" + ], + [ + "Ġresil", + "ient" + ], + [ + "ĠInter", + "state" + ], + [ + "Ġsl", + "ack" + ], + [ + "Ġmund", + "ane" + ], + [ + "Ġestab", + "lishes" + ], + [ + "35", + "9" + ], + [ + "Ġstr", + "ained" + ], + [ + "Ġn", + "ond" + ], + [ + "S", + "us" + ], + [ + "Ġcast", + "e" + ], + [ + "ar", + "ate" + ], + [ + "ie", + "ving" + ], + [ + "Ġunfair", + "ly" + ], + [ + "Ġpars", + "er" + ], + [ + "on", + "ial" + ], + [ + "urs", + "ive" + ], + [ + "V", + "ia" + ], + [ + "ĠOtt", + "o" + ], + [ + "ĠAuthor", + "ities" + ], + [ + "stro", + "ke" + ], + [ + "K", + "R" + ], + [ + "ĠMer", + "cy" + ], + [ + "Ġfurn", + "ished" + ], + [ + "Ġout", + "set" + ], + [ + "Ġmet", + "ic" + ], + [ + "19", + "82" + ], + [ + "olith", + "ic" + ], + [ + "ĠT", + "ent" + ], + [ + "og", + "ical" + ], + [ + "ĠA", + "ircraft" + ], + [ + "Ġh", + "ides" + ], + [ + "ĠBec", + "ame" + ], + [ + "Ġeduc", + "ators" + ], + [ + "re", + "aching" + ], + [ + "Ġvol", + "atility" + ], + [ + "Ġtodd", + "ler" + ], + [ + "ĠNAS", + "CAR" + ], + [ + "ĠTw", + "elve" + ], + [ + "ĠHigh", + "lights" + ], + [ + "Ġgra", + "pe" + ], + [ + "Ġspl", + "its" + ], + [ + "Ġpe", + "asant" + ], + [ + "Ġre", + "neg" + ], + [ + "ĠMS", + "I" + ], + [ + "Tem", + "p" + ], + [ + "st", + "ars" + ], + [ + "Ġtre", + "k" + ], + [ + "ĠHy", + "de" + ], + [ + "b", + "inding" + ], + [ + "Ġreal", + "ism" + ], + [ + "Ġox", + "ide" + ], + [ + "ĠH", + "os" + ], + [ + "Ġmount", + "s" + ], + [ + "Ġbit", + "ing" + ], + [ + "Ġcollaps", + "ing" + ], + [ + "Ġpost", + "al" + ], + [ + "Ġmuse", + "ums" + ], + [ + "Ġdet", + "ached" + ], + [ + "Ġrespect", + "ing" + ], + [ + "Ġmonop", + "ol" + ], + [ + "Ġwork", + "flow" + ], + [ + "ĠC", + "ake" + ], + [ + "Tem", + "plate" + ], + [ + "ĠOrgan", + "isation" + ], + [ + "Ġpers", + "istence" + ], + [ + "36", + "9" + ], + [ + "C", + "oming" + ], + [ + "B", + "rad" + ], + [ + "Ġredund", + "ant" + ], + [ + "ĠG", + "TA" + ], + [ + "Ġb", + "ending" + ], + [ + "Ġrev", + "oked" + ], + [ + "Ġoff", + "ending" + ], + [ + "Ġfram", + "ing" + ], + [ + "Ġprint", + "f" + ], + [ + "Comm", + "un" + ], + [ + "mem", + "bers" + ], + [ + "Out", + "side" + ], + [ + "Ġconst", + "rued" + ], + [ + "Ġc", + "oded" + ], + [ + "F", + "ORE" + ], + [ + "Ġch", + "ast" + ], + [ + "Ch", + "at" + ], + [ + "Ind", + "ian" + ], + [ + "ĠY", + "ard" + ], + [ + "?", + "!\"" + ], + [ + "ĠP", + "orts" + ], + [ + "ĠX", + "avier" + ], + [ + "ĠR", + "ET" + ], + [ + "'", + ".\"" + ], + [ + "ĠBo", + "at" + ], + [ + "iv", + "ated" + ], + [ + "ich", + "t" + ], + [ + "umer", + "able" + ], + [ + "D", + "s" + ], + [ + "ĠDun", + "n" + ], + [ + "Ġcoff", + "in" + ], + [ + "Ġsecure", + "ly" + ], + [ + "ĠRapt", + "ors" + ], + [ + "ĠB", + "es" + ], + [ + "Install", + "ation" + ], + [ + "Ġin", + "ception" + ], + [ + "ĠHealth", + "y" + ], + [ + "end", + "ants" + ], + [ + "Ġpsych", + "ologists" + ], + [ + "ĠShe", + "ikh" + ], + [ + "c", + "ultural" + ], + [ + "ĠBlack", + "Berry" + ], + [ + "sh", + "ift" + ], + [ + "F", + "red" + ], + [ + "oc", + "he" + ], + [ + "Ġc", + "akes" + ], + [ + "ĠS", + "EO" + ], + [ + "ĠG", + "ian" + ], + [ + "ĠAs", + "ians" + ], + [ + "og", + "ging" + ], + [ + "e", + "lement" + ], + [ + "Ġpund", + "its" + ], + [ + "ĠV", + "augh" + ], + [ + "ĠG", + "avin" + ], + [ + "Ġh", + "itter" + ], + [ + "Ġdrown", + "ed" + ], + [ + "Ġch", + "alk" + ], + [ + "ĠZ", + "ika" + ], + [ + "Ġmeas", + "les" + ], + [ + "80", + "2" + ], + [ + "âĢ¦", + ".." + ], + [ + "ĠAW", + "S" + ], + [ + "]", + "\"" + ], + [ + "Ġdist", + "ort" + ], + [ + "ĠM", + "ast" + ], + [ + "Ġantib", + "odies" + ], + [ + "ĠM", + "ash" + ], + [ + "Mem", + "ory" + ], + [ + "ĠUg", + "anda" + ], + [ + "ĠPro", + "b" + ], + [ + "Ġvom", + "iting" + ], + [ + "ĠTurn", + "s" + ], + [ + "Ġoccup", + "ying" + ], + [ + "Ġev", + "asion" + ], + [ + "ĠTher", + "apy" + ], + [ + "Ġprom", + "o" + ], + [ + "Ġelect", + "r" + ], + [ + "Ġblue", + "print" + ], + [ + "ĠD", + "re" + ], + [ + "pr", + "iced" + ], + [ + "ĠDep", + "ot" + ], + [ + "Ġallev", + "iate" + ], + [ + "ĠSom", + "ali" + ], + [ + "m", + "arg" + ], + [ + "n", + "ine" + ], + [ + "Ġnostalg", + "ia" + ], + [ + "ĠShe", + "pherd" + ], + [ + "Ġcaval", + "ry" + ], + [ + "Ġtor", + "ped" + ], + [ + "ĠBlood", + "y" + ], + [ + "x", + "b" + ], + [ + "Ġs", + "ank" + ], + [ + "Ġgo", + "alt" + ], + [ + "report", + "print" + ], + [ + "embed", + "reportprint" + ], + [ + "clone", + "embedreportprint" + ], + [ + "ĠIn", + "itially" + ], + [ + "ĠF", + "ischer" + ], + [ + "Ġnot", + "eworthy" + ], + [ + "c", + "ern" + ], + [ + "Ġin", + "efficient" + ], + [ + "raw", + "download" + ], + [ + "rawdownload", + "cloneembedreportprint" + ], + [ + "c", + "ation" + ], + [ + "ĠD", + "ynasty" + ], + [ + "l", + "ag" + ], + [ + "D", + "ES" + ], + [ + "Ġdistinct", + "ly" + ], + [ + "ĠEston", + "ia" + ], + [ + "Ġopen", + "ness" + ], + [ + "Ġg", + "ossip" + ], + [ + "ru", + "ck" + ], + [ + "W", + "idth" + ], + [ + "ĠIb", + "rahim" + ], + [ + "Ġpet", + "roleum" + ], + [ + "Ġav", + "atar" + ], + [ + "ĠH", + "ed" + ], + [ + "ath", + "a" + ], + [ + "ĠHog", + "warts" + ], + [ + "Ġc", + "aves" + ], + [ + "67", + "8" + ], + [ + "Ġsafegu", + "ard" + ], + [ + "ĠM", + "og" + ], + [ + "iss", + "on" + ], + [ + "ĠDur", + "ham" + ], + [ + "sl", + "aught" + ], + [ + "ĠGrad", + "uate" + ], + [ + "Ġsub", + "conscious" + ], + [ + "ĠEx", + "cellent" + ], + [ + "ĠD", + "um" + ], + [ + "----", + "-" + ], + [ + "Ġp", + "iles" + ], + [ + "ĠW", + "ORK" + ], + [ + "ĠG", + "arn" + ], + [ + "ĠF", + "ol" + ], + [ + "ĠAT", + "M" + ], + [ + "Ġavoid", + "s" + ], + [ + "ĠT", + "ul" + ], + [ + "Ġble", + "ak" + ], + [ + "EL", + "Y" + ], + [ + "iv", + "ist" + ], + [ + "light", + "ly" + ], + [ + "P", + "ers" + ], + [ + "ĠD", + "ob" + ], + [ + "ĠL", + "S" + ], + [ + "Ġins", + "anity" + ], + [ + "Î", + "µ" + ], + [ + "atal", + "ie" + ], + [ + "En", + "large" + ], + [ + "Ġtw", + "ists" + ], + [ + "Ġfault", + "y" + ], + [ + "Ġpir", + "acy" + ], + [ + "Ġimp", + "over" + ], + [ + "Ġrug", + "ged" + ], + [ + "ĠF", + "ashion" + ], + [ + "Ġs", + "ands" + ], + [ + "'", + "?" + ], + [ + "sw", + "ick" + ], + [ + "Ġn", + "atives" + ], + [ + "Ġhe", + "n" + ], + [ + "ĠNo", + "ise" + ], + [ + "ãĥ", + "Ĺ" + ], + [ + "Ġg", + "reens" + ], + [ + "Ġfree", + "zer" + ], + [ + "Ġd", + "ynasty" + ], + [ + "ĠFather", + "s" + ], + [ + "ĠNew", + "ark" + ], + [ + "Ġarchae", + "ological" + ], + [ + "Ġo", + "t" + ], + [ + "ob", + "ar" + ], + [ + "Ġblock", + "ade" + ], + [ + "Ġall", + "erg" + ], + [ + "L", + "V" + ], + [ + "Ġdeb", + "it" + ], + [ + "ĠR", + "FC" + ], + [ + "ĠMil", + "ton" + ], + [ + "ĠPress", + "ure" + ], + [ + "Ġwill", + "ingly" + ], + [ + "Ġdisproportion", + "ate" + ], + [ + "Ġopp", + "ressive" + ], + [ + "Ġdiamond", + "s" + ], + [ + "Ġbelong", + "ings" + ], + [ + "19", + "70" + ], + [ + "Ġbell", + "s" + ], + [ + "Ġimperial", + "ism" + ], + [ + "Ġ2", + "27" + ], + [ + "Ġexpl", + "oding" + ], + [ + "ĠE", + "clipse" + ], + [ + "Ġ19", + "19" + ], + [ + "Ġr", + "ant" + ], + [ + "Ġnom", + "inations" + ], + [ + "34", + "7" + ], + [ + "Ġpeace", + "fully" + ], + [ + "ric", + "a" + ], + [ + "ĠF", + "UCK" + ], + [ + "Ġvib", + "ration" + ], + [ + "mal", + "ink" + ], + [ + "Ġro", + "pes" + ], + [ + "ĠIv", + "anka" + ], + [ + "ĠBrew", + "ery" + ], + [ + "ĠBook", + "er" + ], + [ + "ĠOw", + "ens" + ], + [ + "go", + "ers" + ], + [ + "Serv", + "ices" + ], + [ + "ĠSn", + "ape" + ], + [ + "Ġ19", + "1" + ], + [ + "39", + "5" + ], + [ + "Ġ2", + "99" + ], + [ + "just", + "ice" + ], + [ + "Ġb", + "ri" + ], + [ + "Ġdisc", + "s" + ], + [ + "Ġprom", + "inently" + ], + [ + "Ġvul", + "gar" + ], + [ + "Ġsk", + "ipping" + ], + [ + "l", + "ves" + ], + [ + "Ġtsun", + "ami" + ], + [ + "37", + "4" + ], + [ + "ĠU", + "rug" + ], + [ + "ĠE", + "id" + ], + [ + "rec", + "ated" + ], + [ + "p", + "hen" + ], + [ + "Ġfault", + "s" + ], + [ + "ĠStart", + "ed" + ], + [ + "9", + "50" + ], + [ + "Ġp", + "i" + ], + [ + "Ġdetect", + "or" + ], + [ + "Ġbast", + "ard" + ], + [ + "Ġvalid", + "ated" + ], + [ + "Space", + "Engineers" + ], + [ + "OUR", + "CE" + ], + [ + "Ġ(", + "~" + ], + [ + "Ġuns", + "ur" + ], + [ + "Ġaff", + "irmed" + ], + [ + "Ġfasc", + "ism" + ], + [ + "Ġres", + "olving" + ], + [ + "ĠCh", + "avez" + ], + [ + "ĠC", + "yn" + ], + [ + "Ġdet", + "ract" + ], + [ + "L", + "ost" + ], + [ + "Ġrig", + "ged" + ], + [ + "Ġhom", + "age" + ], + [ + "ĠBrun", + "o" + ], + [ + "55", + "5" + ], + [ + "ec", + "a" + ], + [ + "Ġpress", + "es" + ], + [ + "Ġhum", + "our" + ], + [ + "Ġsp", + "acing" + ], + [ + "Ġ'", + "/" + ], + [ + "olk", + "ien" + ], + [ + "C", + "oun" + ], + [ + "OP", + "ER" + ], + [ + "T", + "re" + ], + [ + "S", + "on" + ], + [ + "ĠCambod", + "ia" + ], + [ + "ier", + "re" + ], + [ + "m", + "ong" + ], + [ + "o", + "zy" + ], + [ + "Ġliquid", + "ity" + ], + [ + "ĠSov", + "iets" + ], + [ + "ĠFernand", + "o" + ], + [ + "Ġ2", + "29" + ], + [ + "Ġsl", + "ug" + ], + [ + "ĠCatal", + "an" + ], + [ + "elect", + "ric" + ], + [ + "Ġsc", + "enery" + ], + [ + "ĠH", + "earth" + ], + [ + "Ġconst", + "rained" + ], + [ + "Ġgoal", + "ie" + ], + [ + "ĠGu", + "idelines" + ], + [ + "ĠAm", + "mo" + ], + [ + "ĠPear", + "son" + ], + [ + "Ġtax", + "ed" + ], + [ + "Ġfet", + "us" + ], + [ + "Resp", + "onse" + ], + [ + "ĠAlex", + "is" + ], + [ + "th", + "ia" + ], + [ + "G", + "uy" + ], + [ + "Ġrecon", + "struct" + ], + [ + "Ġextrem", + "es" + ], + [ + "Ġconclud", + "ing" + ], + [ + "ĠP", + "eg" + ], + [ + "ook", + "s" + ], + [ + "Ġded", + "uctions" + ], + [ + "R", + "ose" + ], + [ + "Ġground", + "breaking" + ], + [ + "ĠT", + "arg" + ], + [ + "ãĥ", + "ģ" + ], + [ + "ĠRe", + "ve" + ], + [ + "res", + "ource" + ], + [ + "Ġmo", + "ons" + ], + [ + "Ġelectrom", + "agnetic" + ], + [ + "Ġamid", + "st" + ], + [ + "ĠVik", + "tor" + ], + [ + "N", + "ESS" + ], + [ + "B", + "ACK" + ], + [ + "Ġcomm", + "ute" + ], + [ + "ĠAna", + "heim" + ], + [ + "Ġfluct", + "uations" + ], + [ + "6", + "40" + ], + [ + "Ġnood", + "les" + ], + [ + "ĠCop", + "enhagen" + ], + [ + "ĠT", + "ide" + ], + [ + "ĠGri", + "zz" + ], + [ + "ĠS", + "EE" + ], + [ + "Ġpip", + "elines" + ], + [ + "Ġsc", + "ars" + ], + [ + "end", + "o" + ], + [ + "ag", + "us" + ], + [ + "ĠE", + "TF" + ], + [ + "/", + "#" + ], + [ + "ĠBec", + "ome" + ], + [ + "44", + "8" + ], + [ + "Ġvis", + "c" + ], + [ + "ĠRecomm", + "ended" + ], + [ + "Ġj", + "umper" + ], + [ + "Ġcogn", + "ition" + ], + [ + "Ġassass", + "in" + ], + [ + "Ġwitness", + "ing" + ], + [ + "ĠSet", + "up" + ], + [ + "Ġl", + "ac" + ], + [ + "v", + "im" + ], + [ + "IS", + "M" + ], + [ + "p", + "ages" + ], + [ + "SS", + "L" + ], + [ + "35", + "8" + ], + [ + "Ġad", + "ject" + ], + [ + "indust", + "rial" + ], + [ + "l", + "ore" + ], + [ + "cher", + "y" + ], + [ + "Ġgl", + "itter" + ], + [ + "Ġc", + "alf" + ], + [ + "Flor", + "ida" + ], + [ + "Ġspoil", + "ers" + ], + [ + "Ġsucceed", + "s" + ], + [ + "Ġch", + "anting" + ], + [ + "Ġslog", + "ans" + ], + [ + "ĠTr", + "acy" + ], + [ + "Vis", + "it" + ], + [ + "rol", + "ogy" + ], + [ + "Ġm", + "ornings" + ], + [ + "Ġline", + "age" + ], + [ + "Ġs", + "ip" + ], + [ + "Ġintense", + "ly" + ], + [ + "Ġflour", + "ish" + ], + [ + "ĠSle", + "eping" + ], + [ + "ĠF", + "em" + ], + [ + "or", + "por" + ], + [ + "ĠK", + "lan" + ], + [ + "ĠDar", + "th" + ], + [ + "h", + "ack" + ], + [ + "ĠNi", + "elsen" + ], + [ + "Ġtum", + "ors" + ], + [ + "Ġprocure", + "ment" + ], + [ + "ĠY", + "orkshire" + ], + [ + "Ġra", + "ided" + ], + [ + "K", + "Y" + ], + [ + "An", + "na" + ], + [ + "Ġ//", + "[" + ], + [ + "ĠDis", + "order" + ], + [ + "ĠMust", + "ang" + ], + [ + "ĠW", + "en" + ], + [ + "ĠTry", + "ing" + ], + [ + "s", + "q" + ], + [ + "Ġdeliver", + "ies" + ], + [ + "Ġshut", + "ter" + ], + [ + "Ġcere", + "bral" + ], + [ + "Ġbip", + "olar" + ], + [ + "ĠC", + "N" + ], + [ + "l", + "ass" + ], + [ + "j", + "et" + ], + [ + "Ġdeb", + "ating" + ], + [ + ">", + ":" + ], + [ + "Ġe", + "agle" + ], + [ + "gr", + "ades" + ], + [ + "ĠD", + "ixon" + ], + [ + "UG", + "C" + ], + [ + "M", + "AS" + ], + [ + "ĠDr", + "aco" + ], + [ + "ĠMach", + "ines" + ], + [ + "aff", + "er" + ], + [ + "Ġem", + "an" + ], + [ + "Â", + "²" + ], + [ + "pr", + "on" + ], + [ + "ĠG", + "ym" + ], + [ + "Ġcompar", + "atively" + ], + [ + "ĠTrib", + "unal" + ], + [ + "PR", + "O" + ], + [ + "Ġle", + "x" + ], + [ + "Ġfert", + "ile" + ], + [ + "Ġdep", + "ressing" + ], + [ + "Ġsuperf", + "icial" + ], + [ + "ess", + "ential" + ], + [ + "ĠHun", + "ters" + ], + [ + "g", + "p" + ], + [ + "Ġprom", + "inence" + ], + [ + "L", + "iber" + ], + [ + "ĠAn", + "cest" + ], + [ + "ote", + "chnology" + ], + [ + "Ġm", + "ocking" + ], + [ + "ĠTra", + "ff" + ], + [ + "ĸ", + "ļ" + ], + [ + "Med", + "ium" + ], + [ + "I", + "raq" + ], + [ + "Ġpsychiat", + "rist" + ], + [ + "Quant", + "ity" + ], + [ + "ĠL", + "ect" + ], + [ + "Ġno", + "isy" + ], + [ + "5", + "20" + ], + [ + "G", + "Y" + ], + [ + "Ġsl", + "apped" + ], + [ + "ĠM", + "TV" + ], + [ + "Ġpar", + "a" + ], + [ + "p", + "ull" + ], + [ + "Mult", + "iple" + ], + [ + "as", + "her" + ], + [ + "Ġn", + "our" + ], + [ + "ĠSe", + "g" + ], + [ + "Spe", + "ll" + ], + [ + "v", + "ous" + ], + [ + "ord", + "ial" + ], + [ + "Sen", + "ior" + ], + [ + "ĠGold", + "berg" + ], + [ + "ĠPl", + "asma" + ], + [ + "ne", + "ed" + ], + [ + "Ġmess", + "enger" + ], + [ + "ere", + "t" + ], + [ + "Ġteam", + "ed" + ], + [ + "Ġliter", + "acy" + ], + [ + "ĠLe", + "ah" + ], + [ + "ĠD", + "oyle" + ], + [ + "Ġem", + "itted" + ], + [ + "U", + "X" + ], + [ + "Ġev", + "ade" + ], + [ + "Ġm", + "aze" + ], + [ + "Ġwrong", + "ly" + ], + [ + "ĠL", + "ars" + ], + [ + "Ġstere", + "otype" + ], + [ + "Ġpled", + "ges" + ], + [ + "Ġarom", + "a" + ], + [ + "ĠM", + "ET" + ], + [ + "Ġac", + "re" + ], + [ + "ĠO", + "D" + ], + [ + "Ġf", + "f" + ], + [ + "Ġbrew", + "eries" + ], + [ + "ĠH", + "ilton" + ], + [ + "und", + "le" + ], + [ + "ĠK", + "ak" + ], + [ + "ĠThank", + "fully" + ], + [ + "ĠCan", + "ucks" + ], + [ + "in", + "ctions" + ], + [ + "ĠApp", + "ears" + ], + [ + "Ġco", + "er" + ], + [ + "Ġundermin", + "ed" + ], + [ + "ro", + "vers" + ], + [ + "And", + "re" + ], + [ + "Ġbl", + "aze" + ], + [ + "um", + "ers" + ], + [ + "Ġfam", + "ine" + ], + [ + "amp", + "hetamine" + ], + [ + "ulk", + "an" + ], + [ + "Am", + "ount" + ], + [ + "Ġdesper", + "ation" + ], + [ + "wik", + "ipedia" + ], + [ + "develop", + "ment" + ], + [ + "ĠCor", + "inth" + ], + [ + "uss", + "ia" + ], + [ + "Jack", + "son" + ], + [ + "L", + "I" + ], + [ + "N", + "ative" + ], + [ + "R", + "s" + ], + [ + "Oh", + "io" + ], + [ + "ĠKath", + "leen" + ], + [ + "F", + "ortunately" + ], + [ + "Ġattend", + "ant" + ], + [ + "ĠPre", + "ferred" + ], + [ + "ĠDid", + "n" + ], + [ + "ĠV", + "s" + ], + [ + "M", + "is" + ], + [ + "Ġrespond", + "ent" + ], + [ + "Ġb", + "oun" + ], + [ + "st", + "able" + ], + [ + "Ġp", + "aved" + ], + [ + "Ġunex", + "pl" + ], + [ + "ĠChe", + "ney" + ], + [ + "L", + "M" + ], + [ + "ĠC", + "ull" + ], + [ + "bl", + "own" + ], + [ + "Ġconfront", + "ing" + ], + [ + "oc", + "ese" + ], + [ + "serv", + "ing" + ], + [ + "W", + "i" + ], + [ + "ĠLith", + "uania" + ], + [ + "ann", + "i" + ], + [ + "Ġst", + "alk" + ], + [ + "h", + "d" + ], + [ + "Ġv", + "ener" + ], + [ + "AP", + "H" + ], + [ + "ynchron", + "ous" + ], + [ + "UR", + "R" + ], + [ + "um", + "ably" + ], + [ + "hist", + "oric" + ], + [ + "H", + "alf" + ], + [ + "H", + "ay" + ], + [ + "Ġresil", + "ience" + ], + [ + "spe", + "ction" + ], + [ + "Ġabandon", + "ing" + ], + [ + "O", + "bs" + ], + [ + "ĠDeb", + "bie" + ], + [ + "Ġgrad", + "ient" + ], + [ + "ĠPl", + "aint" + ], + [ + "ĠCan", + "al" + ], + [ + "AR", + "CH" + ], + [ + "Ġexpans", + "ive" + ], + [ + "Ġfun", + "g" + ], + [ + "Ġb", + "ounced" + ], + [ + "U", + "nd" + ], + [ + "Ġprec", + "autions" + ], + [ + "Ġclar", + "ification" + ], + [ + "Ġd", + "agger" + ], + [ + "Ġgri", + "ps" + ], + [ + "ĠÂ", + "µ" + ], + [ + "ĠRiver", + "a" + ], + [ + "ĠUnd", + "ead" + ], + [ + "is", + "ites" + ], + [ + "ĠFIR", + "ST" + ], + [ + "ñ", + "o" + ], + [ + "aud", + "i" + ], + [ + "Ġhost", + "ages" + ], + [ + "Ġcompl", + "iant" + ], + [ + "Ġal", + "umni" + ], + [ + "Se", + "ven" + ], + [ + "Ġcyber", + "security" + ], + [ + "e", + "ither" + ], + [ + "Col", + "lect" + ], + [ + "Ġinvari", + "ably" + ], + [ + "ĠS", + "oci" + ], + [ + "Ġlaw", + "maker" + ], + [ + "Ġa", + "le" + ], + [ + "ĠPerson", + "ally" + ], + [ + "N", + "azi" + ], + [ + "Ġcustom", + "ization" + ], + [ + "ĠPro", + "c" + ], + [ + "ĠSask", + "atchewan" + ], + [ + "eat", + "uring" + ], + [ + "Ġsp", + "ared" + ], + [ + "Ġdiscontin", + "ued" + ], + [ + "Ġcomput", + "ational" + ], + [ + "ĠMotor", + "ola" + ], + [ + "Ġsuprem", + "acist" + ], + [ + "government", + "al" + ], + [ + "Ġparad", + "ise" + ], + [ + "ĠDown", + "ing" + ], + [ + "ĠNik", + "on" + ], + [ + "Ġcat", + "alyst" + ], + [ + "ber", + "ra" + ], + [ + "Tor", + "onto" + ], + [ + "8", + "75" + ], + [ + "bet", + "a" + ], + [ + "ĠMac", + "ron" + ], + [ + "Ġunreal", + "istic" + ], + [ + "ve", + "ctor" + ], + [ + "ĠVeh", + "icles" + ], + [ + "it", + "iveness" + ], + [ + "ĠR", + "V" + ], + [ + "ĠCol", + "bert" + ], + [ + "s", + "in" + ], + [ + "o", + "ji" + ], + [ + "ent", + "in" + ], + [ + "ĠKr", + "ish" + ], + [ + "hell", + "o" + ], + [ + "ff", + "ield" + ], + [ + "ok", + "y" + ], + [ + "ĠT", + "ate" + ], + [ + "Ġmap", + "le" + ], + [ + "Ġa", + "ids" + ], + [ + "chem", + "ical" + ], + [ + "33", + "4" + ], + [ + "n", + "uts" + ], + [ + "ĠWar", + "p" + ], + [ + "Ġx", + "x" + ], + [ + "ĠRob", + "b" + ], + [ + "umer", + "ous" + ], + [ + "_-", + "_" + ], + [ + "ft", + "ime" + ], + [ + "ĠV", + "W" + ], + [ + "Ġw", + "inger" + ], + [ + "ĠD", + "ome" + ], + [ + "t", + "ools" + ], + [ + "ĠP", + "V" + ], + [ + "ĠGe", + "orgetown" + ], + [ + "Ġg", + "eared" + ], + [ + "Ġjihad", + "ists" + ], + [ + "Ġc", + "p" + ], + [ + "Ġster", + "oids" + ], + [ + "M", + "other" + ], + [ + "cler", + "osis" + ], + [ + "ĠDR", + "M" + ], + [ + "nes", + "ia" + ], + [ + "Ġl", + "inger" + ], + [ + "Ġimm", + "ersive" + ], + [ + "ĠC", + "OUN" + ], + [ + "Ġoutwe", + "igh" + ], + [ + "ens", + "ual" + ], + [ + "B", + "and" + ], + [ + "Ġtransform", + "s" + ], + [ + "mat", + "ched" + ], + [ + "ps", + "ons" + ], + [ + "ĠJud", + "icial" + ], + [ + "f", + "actor" + ], + [ + "Ġrefer", + "ral" + ], + [ + "Ġodd", + "ly" + ], + [ + "ĠW", + "enger" + ], + [ + "B", + "ring" + ], + [ + "ĠB", + "ows" + ], + [ + "60", + "2" + ], + [ + "IC", + "LE" + ], + [ + "Ġl", + "ions" + ], + [ + "ĠAcad", + "emic" + ], + [ + "ĠTh", + "orn" + ], + [ + "ĠRa", + "ider" + ], + [ + "kef", + "eller" + ], + [ + "St", + "orage" + ], + [ + "L", + "ower" + ], + [ + "ĠOr", + "t" + ], + [ + "ĠEqu", + "ality" + ], + [ + "AL", + "T" + ], + [ + "ĠS", + "OC" + ], + [ + "T", + "ypes" + ], + [ + "Ġl", + "yn" + ], + [ + "ĠAss", + "et" + ], + [ + "co", + "at" + ], + [ + "TP", + "P" + ], + [ + "C", + "VE" + ], + [ + "ĠPione", + "er" + ], + [ + "app", + "lication" + ], + [ + "Mod", + "ern" + ], + [ + "ĠH", + "K" + ], + [ + "En", + "vironment" + ], + [ + "Al", + "right" + ], + [ + "R", + "ain" + ], + [ + "IP", + "P" + ], + [ + "ĠShi", + "ite" + ], + [ + "Ġm", + "ound" + ], + [ + "ĠAb", + "ilities" + ], + [ + "cond", + "ition" + ], + [ + "St", + "aff" + ], + [ + "Ġcompet", + "ence" + ], + [ + "ĠM", + "oor" + ], + [ + "ĠDi", + "ablo" + ], + [ + "Ġwith", + "held" + ], + [ + "Ġost", + "ensibly" + ], + [ + "ĠB", + "rom" + ], + [ + "Ġms", + "g" + ], + [ + "Ġden", + "omin" + ], + [ + "ĠRef", + "erences" + ], + [ + "ĠF", + "P" + ], + [ + "Ġplun", + "ged" + ], + [ + "Ġp", + "amph" + ], + [ + "m", + "oving" + ], + [ + "cent", + "ral" + ], + [ + "Ġdown", + "right" + ], + [ + "Ġf", + "ading" + ], + [ + "T", + "al" + ], + [ + "T", + "yp" + ], + [ + "ĠTh", + "y" + ], + [ + "uk", + "es" + ], + [ + "it", + "he" + ], + [ + "Ġo", + "ve" + ], + [ + "Ġbatt", + "led" + ], + [ + "Ġseaf", + "ood" + ], + [ + "Ġfig", + "ur" + ], + [ + "ĠR", + "D" + ], + [ + "c", + "rop" + ], + [ + "Ġsqu", + "ads" + ], + [ + "{", + "\\" + ], + [ + "à", + "¹" + ], + [ + "ĠE", + "h" + ], + [ + "Ġinterview", + "ing" + ], + [ + "ĠQ", + "in" + ], + [ + "Ġas", + "piring" + ], + [ + "PL", + "IC" + ], + [ + "Ġcla", + "uses" + ], + [ + "ĠG", + "ast" + ], + [ + "ĠN", + "ir" + ], + [ + "Ġl", + "uggage" + ], + [ + "Ġh", + "ose" + ], + [ + "Ġsystem", + "d" + ], + [ + "Ġdesc", + "ending" + ], + [ + "ĠRev", + "ised" + ], + [ + "ĠR", + "ails" + ], + [ + "al", + "ign" + ], + [ + "70", + "9" + ], + [ + "33", + "7" + ], + [ + "Ġf", + "ug" + ], + [ + "charg", + "ing" + ], + [ + "t", + "ags" + ], + [ + "Ġut", + "er" + ], + [ + "k", + "ish" + ], + [ + "WAR", + "NING" + ], + [ + "49", + "0" + ], + [ + "prof", + "its" + ], + [ + "Ġvoy", + "age" + ], + [ + "Ġa", + "ce" + ], + [ + "ĠV", + "anguard" + ], + [ + "ĠT", + "anks" + ], + [ + "ĠM", + "uk" + ], + [ + "Ġ2", + "26" + ], + [ + "S", + "afe" + ], + [ + "Ar", + "mor" + ], + [ + "Ġvolcan", + "ic" + ], + [ + "Ġwom", + "b" + ], + [ + "ĠM", + "IL" + ], + [ + "Ġbegin", + "ner" + ], + [ + "ĠRec", + "ogn" + ], + [ + "ĠA", + "AP" + ], + [ + "PL", + "AY" + ], + [ + ")", + "!" + ], + [ + "Ġdetect", + "ing" + ], + [ + "c", + "n" + ], + [ + "Ġbre", + "aches" + ], + [ + "Bas", + "ically" + ], + [ + "ĠP", + "ag" + ], + [ + "ĠMunicip", + "al" + ], + [ + "ĠInd", + "ie" + ], + [ + "ĠL", + "af" + ], + [ + "ĠDis", + "able" + ], + [ + "ĠOl", + "son" + ], + [ + "Ġrest", + "rained" + ], + [ + "Ġrul", + "ings" + ], + [ + "Ġhum", + "ane" + ], + [ + "ev", + "ents" + ], + [ + "ĠCinem", + "a" + ], + [ + "display", + "Text" + ], + [ + "ĠH", + "atch" + ], + [ + "action", + "Date" + ], + [ + "onna", + "issance" + ], + [ + "Ġassault", + "ing" + ], + [ + "ĠL", + "ug" + ], + [ + "CH", + "AT" + ], + [ + "Ġvig", + "orous" + ], + [ + "ĠPer", + "se" + ], + [ + "Ġintoler", + "ance" + ], + [ + "ĠSnap", + "chat" + ], + [ + "ĠSh", + "arks" + ], + [ + "Ġd", + "ummy" + ], + [ + "ĠDi", + "agn" + ], + [ + "ĠGu", + "itar" + ], + [ + "im", + "eters" + ], + [ + "40", + "3" + ], + [ + "RE", + "G" + ], + [ + "A", + "x" + ], + [ + "Ġsepar", + "ates" + ], + [ + "ĠMah", + "m" + ], + [ + "Ġt", + "v" + ], + [ + "j", + "ah" + ], + [ + "O", + "OL" + ], + [ + "C", + "irc" + ], + [ + "ĠWinds", + "or" + ], + [ + "uss", + "ian" + ], + [ + "Ġintu", + "ition" + ], + [ + "Ġdis", + "dain" + ], + [ + "ĠDon", + "ovan" + ], + [ + "Ġ2", + "21" + ], + [ + "E", + "mb" + ], + [ + "Ġcondem", + "ning" + ], + [ + "Ġgener", + "osity" + ], + [ + "zz", + "y" + ], + [ + "Ġpant", + "ies" + ], + [ + "ĠPre", + "vent" + ], + [ + "Action", + "Code" + ], + [ + "AN", + "A" + ], + [ + "34", + "2" + ], + [ + "external", + "ActionCode" + ], + [ + "Ġspec", + "ifying" + ], + [ + "Ġcryst", + "all" + ], + [ + "J", + "ere" + ], + [ + "Ġru", + "pt" + ], + [ + "ĠApp", + "rentice" + ], + [ + "Ġprof", + "iling" + ], + [ + "Ð", + "º" + ], + [ + "St", + "rike" + ], + [ + "Ġsid", + "eline" + ], + [ + "Ġoblig", + "ated" + ], + [ + "Ġocc", + "ult" + ], + [ + "Ġbureaucr", + "atic" + ], + [ + "ant", + "ically" + ], + [ + "rupt", + "ed" + ], + [ + "neg", + "ative" + ], + [ + "ĠEthiop", + "ia" + ], + [ + "ĠC", + "ivic" + ], + [ + "Ġins", + "iders" + ], + [ + "el", + "igible" + ], + [ + "ĠTV", + "s" + ], + [ + "ĠB", + "AR" + ], + [ + "ĠT", + "I" + ], + [ + "i", + "ologist" + ], + [ + "ĠA", + "IR" + ], + [ + "Ġsubstit", + "uted" + ], + [ + "Ar", + "ab" + ], + [ + "ĠS", + "aul" + ], + [ + "ĠY", + "og" + ], + [ + "p", + "rem" + ], + [ + "Ġbuild", + "ers" + ], + [ + "Ġstation", + "ary" + ], + [ + "Ġdoubt", + "ful" + ], + [ + "Ġvig", + "orously" + ], + [ + "Ġthr", + "illing" + ], + [ + "Ph", + "ysical" + ], + [ + "ĠCare", + "y" + ], + [ + "ĠHyd", + "ra" + ], + [ + "geon", + "ing" + ], + [ + "ĠS", + "ly" + ], + [ + "y", + "ton" + ], + [ + "Ġborrow", + "ers" + ], + [ + "ĠPark", + "inson" + ], + [ + "Ġ", + "ë" + ], + [ + "ĠJama", + "ica" + ], + [ + "Ġsat", + "ir" + ], + [ + "Ġinsurg", + "ents" + ], + [ + "ĠF", + "irm" + ], + [ + "Ġis", + "ot" + ], + [ + "ĠK", + "arn" + ], + [ + "our", + "ning" + ], + [ + "ak", + "ens" + ], + [ + "doc", + "s" + ], + [ + "l", + "ittle" + ], + [ + "ĠMon", + "aco" + ], + [ + "CL", + "ASS" + ], + [ + "Tur", + "key" + ], + [ + "L", + "y" + ], + [ + "ĠCon", + "an" + ], + [ + "ass", + "ic" + ], + [ + "Ġstar", + "red" + ], + [ + "ĠPac", + "ers" + ], + [ + "et", + "ies" + ], + [ + "Ġt", + "ipping" + ], + [ + "M", + "oon" + ], + [ + "ĠR", + "w" + ], + [ + "s", + "ame" + ], + [ + "Ġcav", + "ity" + ], + [ + "Ġgo", + "of" + ], + [ + "ĠZ", + "o" + ], + [ + "Sh", + "ock" + ], + [ + "um", + "mer" + ], + [ + "Ġemphas", + "izes" + ], + [ + "Ġreg", + "rett" + ], + [ + "Ġnovel", + "ty" + ], + [ + "Ġen", + "vy" + ], + [ + "ĠPass", + "ive" + ], + [ + "r", + "w" + ], + [ + "50", + "5" + ], + [ + "Ġind", + "ifferent" + ], + [ + "ĠR", + "ica" + ], + [ + "ĠHim", + "self" + ], + [ + "ĠFred", + "die" + ], + [ + "Ġad", + "ip" + ], + [ + "ä¸", + "Ģ" + ], + [ + "Ġbreak", + "out" + ], + [ + "Ġhur", + "ried" + ], + [ + "ĠHu", + "ang" + ], + [ + "ĠD", + "isk" + ], + [ + "Ġro", + "aming" + ], + [ + "?????-", + "?????-" + ], + [ + "U", + "V" + ], + [ + "ĠRick", + "y" + ], + [ + "ĠS", + "igma" + ], + [ + "Ġmarginal", + "ized" + ], + [ + "Ġed", + "its" + ], + [ + "Ġ30", + "4" + ], + [ + "mem", + "ory" + ], + [ + "Ġspec", + "imen" + ], + [ + "29", + "3" + ], + [ + "ãģ", + "¯" + ], + [ + "Ġvert", + "ically" + ], + [ + "Ġaud", + "ition" + ], + [ + "ĠHe", + "ck" + ], + [ + "Ġc", + "aster" + ], + [ + "ĠHold", + "ings" + ], + [ + "ad", + "al" + ], + [ + "ĠC", + "ron" + ], + [ + "ĠL", + "iam" + ], + [ + "Ġdef", + "lect" + ], + [ + "P", + "ick" + ], + [ + "ĠDeb", + "ug" + ], + [ + "RE", + "F" + ], + [ + "Ġvers", + "atility" + ], + [ + "ot", + "hes" + ], + [ + "class", + "ified" + ], + [ + "ĠMah", + "ar" + ], + [ + "ĠH", + "ort" + ], + [ + "C", + "ounter" + ], + [ + "st", + "asy" + ], + [ + "not", + "iced" + ], + [ + "33", + "1" + ], + [ + "ĠSh", + "im" + ], + [ + "f", + "uck" + ], + [ + "ĠB", + "ie" + ], + [ + "Ġair", + "ing" + ], + [ + "ĠPro", + "tein" + ], + [ + "ĠHold", + "ing" + ], + [ + "Ġspect", + "ators" + ], + [ + "ili", + "ated" + ], + [ + "ĠThat", + "cher" + ], + [ + "n", + "osis" + ], + [ + "ãĥ¼", + "ãĥ³" + ], + [ + "Te", + "le" + ], + [ + "B", + "oston" + ], + [ + "ĠTem", + "pl" + ], + [ + "st", + "ay" + ], + [ + "Ġdecl", + "arations" + ], + [ + "47", + "9" + ], + [ + "Vol", + "ume" + ], + [ + "ĠDesign", + "er" + ], + [ + "ĠOver", + "watch" + ], + [ + "id", + "ae" + ], + [ + "Ġon", + "wards" + ], + [ + "Ġn", + "ets" + ], + [ + "ĠMan", + "ila" + ], + [ + "part", + "icularly" + ], + [ + "Ġpolit", + "ic" + ], + [ + "o", + "other" + ], + [ + "Ġport", + "raits" + ], + [ + "Ġpave", + "ment" + ], + [ + "c", + "ffff" + ], + [ + "Ġs", + "aints" + ], + [ + "Ġbegin", + "ners" + ], + [ + "ES", + "PN" + ], + [ + "Ġshort", + "comings" + ], + [ + "âķIJ", + "âķIJ" + ], + [ + "Ġcom", + "et" + ], + [ + "ĠOrgan", + "ic" + ], + [ + "qu", + "el" + ], + [ + "Ġhospital", + "ized" + ], + [ + "Bre", + "ak" + ], + [ + "Ġpe", + "el" + ], + [ + "dyl", + "ib" + ], + [ + "asp", + "x" + ], + [ + "ur", + "ances" + ], + [ + "ĠT", + "IM" + ], + [ + "P", + "g" + ], + [ + "Ġread", + "able" + ], + [ + "ĠMal", + "ik" + ], + [ + "Ġm", + "uzzle" + ], + [ + "Ġbench", + "marks" + ], + [ + "d", + "al" + ], + [ + "ĠV", + "acc" + ], + [ + "ĠH", + "icks" + ], + [ + "60", + "9" + ], + [ + "ĠB", + "iblical" + ], + [ + "he", + "ng" + ], + [ + "Ġover", + "load" + ], + [ + "ĠCivil", + "ization" + ], + [ + "Ġimm", + "oral" + ], + [ + "Ġf", + "ries" + ], + [ + "ãĤ", + "Ĵ" + ], + [ + "Ġreprodu", + "ced" + ], + [ + "Ġform", + "ulation" + ], + [ + "j", + "ug" + ], + [ + "ire", + "z" + ], + [ + "g", + "ear" + ], + [ + "Ġco", + "ached" + ], + [ + "Mp", + "Server" + ], + [ + "ĠS", + "J" + ], + [ + "ĠK", + "w" + ], + [ + "In", + "it" + ], + [ + "d", + "eal" + ], + [ + "ĠO", + "ro" + ], + [ + "ĠL", + "oki" + ], + [ + "ĠSong", + "s" + ], + [ + "Ġ23", + "2" + ], + [ + "ĠLou", + "ise" + ], + [ + "asion", + "ally" + ], + [ + "Ġunc", + "ond" + ], + [ + "olly", + "wood" + ], + [ + "Ġprogress", + "ives" + ], + [ + "ĠEn", + "ough" + ], + [ + "ĠDo", + "e" + ], + [ + "Ġwreck", + "age" + ], + [ + "Ġbr", + "ushed" + ], + [ + "ĠBase", + "Type" + ], + [ + "Ġz", + "oning" + ], + [ + "ish", + "able" + ], + [ + "het", + "ically" + ], + [ + "ĠC", + "aucus" + ], + [ + "ĠH", + "ue" + ], + [ + "Ġk", + "arma" + ], + [ + "ĠSport", + "ing" + ], + [ + "Ġtrad", + "er" + ], + [ + "Ġseem", + "ing" + ], + [ + "ĠCapt", + "ure" + ], + [ + "4", + "30" + ], + [ + "b", + "ish" + ], + [ + "Ġt", + "unes" + ], + [ + "Ġindo", + "ors" + ], + [ + "ĠSp", + "here" + ], + [ + "ĠD", + "ancing" + ], + [ + "TER", + "N" + ], + [ + "Ġno", + "b" + ], + [ + "ĠG", + "ST" + ], + [ + "m", + "aps" + ], + [ + "Ġpe", + "ppers" + ], + [ + "F", + "it" + ], + [ + "Ġoverse", + "es" + ], + [ + "ĠRabb", + "i" + ], + [ + "ĠR", + "uler" + ], + [ + "vert", + "ising" + ], + [ + "off", + "ice" + ], + [ + "xx", + "x" + ], + [ + "Ġra", + "ft" + ], + [ + "Ch", + "anged" + ], + [ + "Ġtext", + "books" + ], + [ + "L", + "inks" + ], + [ + "ĠO", + "mn" + ], + [ + "ãĢ", + "ij" + ], + [ + "Ġinconven", + "ience" + ], + [ + "ĠDon", + "etsk" + ], + [ + "=", + "~" + ], + [ + "Ġimplicit", + "ly" + ], + [ + "Ġboost", + "s" + ], + [ + "ĠB", + "ones" + ], + [ + "ĠBo", + "om" + ], + [ + "Cour", + "tesy" + ], + [ + "Ġsens", + "ational" + ], + [ + "AN", + "Y" + ], + [ + "Ġgre", + "edy" + ], + [ + "ed", + "en" + ], + [ + "Ġinex", + "per" + ], + [ + "ĠL", + "er" + ], + [ + "ĠV", + "ale" + ], + [ + "Ġtight", + "en" + ], + [ + "ĠE", + "AR" + ], + [ + "ĠN", + "um" + ], + [ + "Ġancest", + "or" + ], + [ + "S", + "ent" + ], + [ + "ĠH", + "orde" + ], + [ + "urg", + "ical" + ], + [ + "all", + "ah" + ], + [ + "Ġsa", + "p" + ], + [ + "amb", + "a" + ], + [ + "ĠSp", + "read" + ], + [ + "tw", + "itch" + ], + [ + "Ġgrand", + "son" + ], + [ + "Ġfract", + "ure" + ], + [ + "Ġmoder", + "ator" + ], + [ + "ĠSe", + "venth" + ], + [ + "ĠRe", + "verse" + ], + [ + "Ġestim", + "ation" + ], + [ + "Cho", + "ose" + ], + [ + "Ġpar", + "ach" + ], + [ + "Ġbar", + "ric" + ], + [ + "ãĢ", + "IJ" + ], + [ + "Ġcomp", + "ass" + ], + [ + "Ġall", + "ergic" + ], + [ + "âĢ", + "ķ" + ], + [ + "OT", + "HER" + ], + [ + "err", + "illa" + ], + [ + "Ġw", + "agon" + ], + [ + "Ġz", + "inc" + ], + [ + "Ġrub", + "bed" + ], + [ + "ĠFull", + "er" + ], + [ + "ĠLuxem", + "bourg" + ], + [ + "ĠHoo", + "ver" + ], + [ + "Ġli", + "ar" + ], + [ + "ĠEven", + "ing" + ], + [ + "ĠCob", + "b" + ], + [ + "est", + "eem" + ], + [ + "Ġselect", + "or" + ], + [ + "ĠB", + "rawl" + ], + [ + "is", + "ance" + ], + [ + "ĠE", + "k" + ], + [ + "Ġtro", + "op" + ], + [ + "Ġg", + "uts" + ], + [ + "ĠApp", + "eal" + ], + [ + "ĠTibet", + "an" + ], + [ + "Ġrout", + "ines" + ], + [ + "ĠM", + "ent" + ], + [ + "Ġsummar", + "ized" + ], + [ + "steam", + "apps" + ], + [ + "Ġtr", + "anqu" + ], + [ + "Ġ19", + "29" + ], + [ + "or", + "an" + ], + [ + "ĠAut", + "hent" + ], + [ + "Ġg", + "maxwell" + ], + [ + "Ġappre", + "hens" + ], + [ + "Ġpo", + "ems" + ], + [ + "Ġsa", + "usage" + ], + [ + "ĠWeb", + "ster" + ], + [ + "ur", + "us" + ], + [ + "Ġthem", + "ed" + ], + [ + "Ġl", + "ounge" + ], + [ + "Ġcharg", + "er" + ], + [ + "Sp", + "oiler" + ], + [ + "Ġsp", + "illed" + ], + [ + "h", + "og" + ], + [ + "ĠSu", + "nder" + ], + [ + "ĠA", + "in" + ], + [ + "ĠAng", + "ry" + ], + [ + "Ġdis", + "qual" + ], + [ + "ĠFrequ", + "ency" + ], + [ + "ĠEther", + "net" + ], + [ + "Ġhel", + "per" + ], + [ + "Per", + "cent" + ], + [ + "Ġhorr", + "ifying" + ], + [ + "Ġa", + "il" + ], + [ + "ĠAll", + "an" + ], + [ + "EE", + "E" + ], + [ + "ĠCross", + "ing" + ], + [ + "44", + "9" + ], + [ + "Ġh", + "olog" + ], + [ + "ĠPuzz", + "les" + ], + [ + "ĠGo", + "es" + ], + [ + "eren", + "n" + ], + [ + "60", + "4" + ], + [ + "ãģ", + "ı" + ], + [ + "ĠRaf", + "ael" + ], + [ + "Ġatt", + "en" + ], + [ + "ĠE", + "manuel" + ], + [ + "Ġup", + "ro" + ], + [ + "ĠSus", + "p" + ], + [ + "P", + "sych" + ], + [ + "ĠTr", + "ainer" + ], + [ + "ĠN", + "ES" + ], + [ + "ĠHun", + "ts" + ], + [ + "bec", + "ue" + ], + [ + "Ġcounsel", + "or" + ], + [ + "R", + "ule" + ], + [ + "Ġtox", + "ins" + ], + [ + "Ġb", + "anners" + ], + [ + "r", + "ifice" + ], + [ + "Ġgreet", + "ing" + ], + [ + "Ġfren", + "zy" + ], + [ + "Ġall", + "ocate" + ], + [ + "Ġ*", + ")" + ], + [ + "ex", + "pr" + ], + [ + "50", + "3" + ], + [ + "ĠCh", + "ick" + ], + [ + "ĠT", + "orn" + ], + [ + "Ġconsolid", + "ation" + ], + [ + "ĠF", + "letcher" + ], + [ + "sw", + "itch" + ], + [ + "fr", + "ac" + ], + [ + "cl", + "ips" + ], + [ + "ĠMcK", + "in" + ], + [ + "ĠLun", + "ar" + ], + [ + "Mon", + "th" + ], + [ + "IT", + "CH" + ], + [ + "Ġscholar", + "ly" + ], + [ + "rap", + "ed" + ], + [ + "39", + "8" + ], + [ + "Ġ19", + "10" + ], + [ + "Ġe", + "greg" + ], + [ + "Ġin", + "secure" + ], + [ + "Ġvict", + "orious" + ], + [ + "cffff", + "cc" + ], + [ + "Ġsing", + "led" + ], + [ + "Ġel", + "ves" + ], + [ + "ĠW", + "ond" + ], + [ + "bur", + "st" + ], + [ + "Ġcam", + "oufl" + ], + [ + "ĠBL", + "ACK" + ], + [ + "Ġcondition", + "ed" + ], + [ + "ç", + "ī" + ], + [ + "ans", + "wered" + ], + [ + "Ġcompuls", + "ory" + ], + [ + "asc", + "ist" + ], + [ + "Ġpodcast", + "s" + ], + [ + "ĠFrank", + "furt" + ], + [ + "bn", + "b" + ], + [ + "Ġne", + "oliberal" + ], + [ + "ĠKey", + "board" + ], + [ + "ĠBel", + "le" + ], + [ + "w", + "arm" + ], + [ + "Ġtrust", + "s" + ], + [ + "Ġins", + "ured" + ], + [ + "ĠBu", + "cc" + ], + [ + "us", + "able" + ], + [ + "60", + "7" + ], + [ + "ĠPl", + "ains" + ], + [ + "Ġ18", + "90" + ], + [ + "Ġsabot", + "age" + ], + [ + "Ġlod", + "ged" + ], + [ + "f", + "elt" + ], + [ + "Ġg", + "a" + ], + [ + "ĠN", + "arc" + ], + [ + "ĠSal", + "em" + ], + [ + "Ġsevent", + "y" + ], + [ + "ĠBl", + "ank" + ], + [ + "p", + "ocket" + ], + [ + "Ġwhis", + "per" + ], + [ + "Ġm", + "ating" + ], + [ + "om", + "ics" + ], + [ + "ĠSal", + "man" + ], + [ + "ĠK", + "ad" + ], + [ + "Ġan", + "gered" + ], + [ + "Ġcoll", + "isions" + ], + [ + "Ġextraord", + "inarily" + ], + [ + "Ġcoerc", + "ion" + ], + [ + "G", + "host" + ], + [ + "b", + "irds" + ], + [ + "è", + "Ģ" + ], + [ + "k", + "ok" + ], + [ + "Ġper", + "missible" + ], + [ + "avor", + "able" + ], + [ + "Ġpo", + "inters" + ], + [ + "Ġdiss", + "ip" + ], + [ + "ac", + "i" + ], + [ + "Ġtheat", + "rical" + ], + [ + "ĠCos", + "mic" + ], + [ + "Ġforget", + "ting" + ], + [ + "Ġfinal", + "ized" + ], + [ + "å¤", + "§" + ], + [ + "y", + "out" + ], + [ + "l", + "ibrary" + ], + [ + "Ġbo", + "oming" + ], + [ + "ĠBel", + "ieve" + ], + [ + "ĠTe", + "acher" + ], + [ + "ĠL", + "iv" + ], + [ + "ĠGOOD", + "MAN" + ], + [ + "ĠDomin", + "ican" + ], + [ + "OR", + "ED" + ], + [ + "ĠPart", + "ies" + ], + [ + "Ġprecip", + "itation" + ], + [ + "ĠSl", + "ot" + ], + [ + "R", + "oy" + ], + [ + "ĠComb", + "ined" + ], + [ + "Ġinteg", + "rating" + ], + [ + "Ġch", + "rome" + ], + [ + "Ġintest", + "inal" + ], + [ + "ĠRe", + "bell" + ], + [ + "Ġmatch", + "ups" + ], + [ + "Ġblock", + "buster" + ], + [ + "ĠLore", + "n" + ], + [ + "ĠLe", + "vy" + ], + [ + "Ġpre", + "aching" + ], + [ + "ĠS", + "ending" + ], + [ + "ĠPur", + "pose" + ], + [ + "ra", + "x" + ], + [ + "f", + "if" + ], + [ + "Ġauthor", + "itative" + ], + [ + "ĠP", + "ET" + ], + [ + "ast", + "ical" + ], + [ + "Ġdish", + "on" + ], + [ + "Ġchat", + "ting" + ], + [ + "Ġ\"$", + ":/" + ], + [ + "Connect", + "ion" + ], + [ + "Ġrecre", + "ate" + ], + [ + "Ġdel", + "inqu" + ], + [ + "Ġbro", + "th" + ], + [ + "ĠD", + "irty" + ], + [ + "ĠAd", + "min" + ], + [ + "z", + "man" + ], + [ + "Ġscholars", + "hips" + ], + [ + "Ġ25", + "3" + ], + [ + "cont", + "act" + ], + [ + "als", + "a" + ], + [ + "7", + "67" + ], + [ + "c", + "reen" + ], + [ + "abb", + "age" + ], + [ + "Ġ19", + "15" + ], + [ + "Ġbl", + "ended" + ], + [ + "Ġal", + "armed" + ], + [ + "L", + "anguage" + ], + [ + "35", + "6" + ], + [ + "Ġbl", + "ends" + ], + [ + "ĠCh", + "anged" + ], + [ + "W", + "olf" + ], + [ + "Ġhe", + "pat" + ], + [ + "Creat", + "ing" + ], + [ + "Ġper", + "secut" + ], + [ + "Ġsweet", + "ness" + ], + [ + "art", + "e" + ], + [ + "Ġforfe", + "iture" + ], + [ + "ĠRober", + "to" + ], + [ + "im", + "pro" + ], + [ + "N", + "FL" + ], + [ + "ĠMag", + "net" + ], + [ + "Det", + "ailed" + ], + [ + "Ġinsign", + "ificant" + ], + [ + "ĠPOL", + "IT" + ], + [ + "ĠBB", + "Q" + ], + [ + "ĠC", + "PS" + ], + [ + "Ġse", + "aw" + ], + [ + "amin", + "er" + ], + [ + "m", + "L" + ], + [ + "end", + "if" + ], + [ + "f", + "inals" + ], + [ + "Ġ26", + "5" + ], + [ + "u", + "ish" + ], + [ + "Ġ}", + ")" + ], + [ + "ĠPro", + "blems" + ], + [ + "Ġem", + "blem" + ], + [ + "Ġserious", + "ness" + ], + [ + "Ġpars", + "ing" + ], + [ + "Ġsubst", + "itution" + ], + [ + "Ġpress", + "ured" + ], + [ + "Ġrecy", + "cled" + ], + [ + "ale", + "b" + ], + [ + "Rub", + "y" + ], + [ + "Ġprof", + "iciency" + ], + [ + "Dri", + "ver" + ], + [ + "ĠW", + "ester" + ], + [ + ":", + "'" + ], + [ + "AF", + "TA" + ], + [ + "Ġm", + "antle" + ], + [ + "ĠClay", + "ton" + ], + [ + "fl", + "ag" + ], + [ + "Ġpractition", + "er" + ], + [ + "c", + "overed" + ], + [ + "ĠSt", + "ruct" + ], + [ + "add", + "afi" + ], + [ + "4", + "25" + ], + [ + "ĠTown", + "ship" + ], + [ + "ĠHyd", + "ro" + ], + [ + "Lou", + "is" + ], + [ + "34", + "3" + ], + [ + "Ġcond", + "o" + ], + [ + "ĠT", + "ao" + ], + [ + "Ġutil", + "ization" + ], + [ + "Ġnause", + "a" + ], + [ + "ĠDem", + "s" + ], + [ + "rid", + "ges" + ], + [ + "p", + "ause" + ], + [ + "Ġform", + "ulas" + ], + [ + "Ġchall", + "enger" + ], + [ + "37", + "6" + ], + [ + "Ġdefect", + "ive" + ], + [ + "ĠRail", + "way" + ], + [ + "ĠPub", + "Med" + ], + [ + "Ġyog", + "urt" + ], + [ + "l", + "bs" + ], + [ + "ĠNor", + "folk" + ], + [ + "OP", + "E" + ], + [ + "ĠMood", + "y" + ], + [ + "Ġdistribut", + "or" + ], + [ + "Ġscroll", + "s" + ], + [ + "Ġextract", + "s" + ], + [ + "St", + "an" + ], + [ + "Ġv", + "iability" + ], + [ + "Ġexp", + "oses" + ], + [ + "Ġstar", + "vation" + ], + [ + "ĠStep", + "s" + ], + [ + "ĠD", + "odd" + ], + [ + "f", + "ew" + ], + [ + "ST", + "D" + ], + [ + "33", + "2" + ], + [ + "Ġclos", + "ures" + ], + [ + "Ġcomplement", + "ary" + ], + [ + "ĠS", + "asha" + ], + [ + "ump", + "y" + ], + [ + "Ġmon", + "et" + ], + [ + "Ġartic", + "ulate" + ], + [ + "ĠDo", + "ct" + ], + [ + "k", + "iller" + ], + [ + "Ġsc", + "rim" + ], + [ + "Ġ2", + "64" + ], + [ + "Ġprost", + "itutes" + ], + [ + "Ġse", + "vered" + ], + [ + "Ġattach", + "ments" + ], + [ + "Ġcool", + "ed" + ], + [ + "L", + "ev" + ], + [ + "ĠF", + "alk" + ], + [ + "f", + "ail" + ], + [ + "Ġpolic", + "eman" + ], + [ + "ĠD", + "ag" + ], + [ + "Ġpray", + "ed" + ], + [ + "ĠK", + "ernel" + ], + [ + "Ġcl", + "ut" + ], + [ + "Ġc", + "ath" + ], + [ + "Ġan", + "omaly" + ], + [ + "St", + "orm" + ], + [ + "em", + "aker" + ], + [ + "ĠBreak", + "fast" + ], + [ + "ul", + "i" + ], + [ + "o", + "ire" + ], + [ + "J", + "J" + ], + [ + "h", + "z" + ], + [ + "Oper", + "ation" + ], + [ + "ĠS", + "ick" + ], + [ + "35", + "4" + ], + [ + "ĠGuatem", + "ala" + ], + [ + "R", + "ate" + ], + [ + "Ġexp", + "osures" + ], + [ + "f", + "aces" + ], + [ + "ĠArch", + "ae" + ], + [ + "ra", + "f" + ], + [ + "ĠM", + "ia" + ], + [ + "Ġ20", + "25" + ], + [ + "Ġop", + "aque" + ], + [ + "Ġdisgu", + "ised" + ], + [ + "ĠHead", + "quarters" + ], + [ + "S", + "ah" + ], + [ + "Ġp", + "ots" + ], + [ + "9", + "78" + ], + [ + "ĠM", + "alf" + ], + [ + "Ġfrown", + "ed" + ], + [ + "Ġpoison", + "ous" + ], + [ + "ĠCon", + "vers" + ], + [ + "ee", + "ks" + ], + [ + "Ġcr", + "ab" + ], + [ + ".\"", + "\"" + ], + [ + "Ġtre", + "ason" + ], + [ + "Ġr", + "anc" + ], + [ + "Ġescal", + "ating" + ], + [ + "Ġwar", + "r" + ], + [ + "Ġmob", + "s" + ], + [ + "Ġl", + "amps" + ], + [ + "ĠSun", + "shine" + ], + [ + "ĠBrun", + "swick" + ], + [ + "Ph", + "ones" + ], + [ + "Ġspe", + "lled" + ], + [ + "ĠSk", + "ip" + ], + [ + "Ġ20", + "50" + ], + [ + "Ġ19", + "11" + ], + [ + "ĠPl", + "uto" + ], + [ + "ĠAm", + "end" + ], + [ + "Ġme", + "ats" + ], + [ + "38", + "7" + ], + [ + "Ġst", + "omp" + ], + [ + "ĠZh", + "ou" + ], + [ + "ĠLevi", + "athan" + ], + [ + "ĠHaz", + "ard" + ], + [ + "ad", + "v" + ], + [ + "ĠOr", + "well" + ], + [ + "Ġal", + "oud" + ], + [ + "Ġb", + "umper" + ], + [ + "ĠAn", + "arch" + ], + [ + "ub", + "untu" + ], + [ + "ĠSer", + "ious" + ], + [ + "f", + "itting" + ], + [ + "ĠOption", + "al" + ], + [ + "ĠCec", + "il" + ], + [ + "RE", + "AM" + ], + [ + "Ġser", + "otonin" + ], + [ + "Ġcultiv", + "ate" + ], + [ + "ag", + "ogue" + ], + [ + "}", + "\\" + ], + [ + "Ġmos", + "ques" + ], + [ + "ĠSun", + "ny" + ], + [ + "Ġre", + "active" + ], + [ + "rev", + "olution" + ], + [ + "ĠL", + "up" + ], + [ + "ĠFed", + "ora" + ], + [ + "Ġdefense", + "man" + ], + [ + "ĠV", + "ID" + ], + [ + "ist", + "ine" + ], + [ + "Ġdrown", + "ing" + ], + [ + "ĠBroad", + "casting" + ], + [ + "Ġthr", + "iller" + ], + [ + "ĠS", + "cy" + ], + [ + "Ġacceler", + "ating" + ], + [ + "Ġdirect", + "s" + ], + [ + "od", + "ied" + ], + [ + "b", + "ike" + ], + [ + "d", + "uration" + ], + [ + "Ġpain", + "fully" + ], + [ + "R", + "edd" + ], + [ + "Ġproduct", + "ions" + ], + [ + "Ġg", + "ag" + ], + [ + "Ġwh", + "ist" + ], + [ + "Ġs", + "ock" + ], + [ + "Ġinf", + "initely" + ], + [ + "ĠConc", + "ern" + ], + [ + "ĠCit", + "adel" + ], + [ + "Ġlie", + "u" + ], + [ + "Ġcand", + "les" + ], + [ + "ogene", + "ous" + ], + [ + "arg", + "er" + ], + [ + "Ġheaven", + "ly" + ], + [ + "inflamm", + "atory" + ], + [ + "Per", + "formance" + ], + [ + "C", + "s" + ], + [ + "ruct", + "ose" + ], + [ + "az", + "aki" + ], + [ + "Ġp", + "essim" + ], + [ + "Ġinf", + "erence" + ], + [ + "Ġpow", + "d" + ], + [ + "ĠZ", + "oe" + ], + [ + "Ġpain", + "ts" + ], + [ + "Ġd", + "azz" + ], + [ + "pt", + "a" + ], + [ + "--------", + "---" + ], + [ + "Ġins", + "pir" + ], + [ + "ĠExper", + "imental" + ], + [ + "ĠKn", + "ife" + ], + [ + "reg", + "or" + ], + [ + "b", + "ors" + ], + [ + "Ġshow", + "ers" + ], + [ + "rom", + "eda" + ], + [ + "Ġs", + "aint" + ], + [ + "Ġben", + "ign" + ], + [ + "ĠJ", + "iang" + ], + [ + "Ġenvision", + "ed" + ], + [ + "Ġsh", + "roud" + ], + [ + "IF", + "T" + ], + [ + "H", + "O" + ], + [ + "Ġsh", + "uff" + ], + [ + "ĠI", + "CC" + ], + [ + "Ġse", + "greg" + ], + [ + "Ġrevis", + "it" + ], + [ + "ighth", + "ouse" + ], + [ + "L", + "i" + ], + [ + "Ġsub", + "strate" + ], + [ + "ĠSe", + "as" + ], + [ + "ĠRew", + "ard" + ], + [ + "ĠH", + "ep" + ], + [ + "ĠBr", + "ass" + ], + [ + "s", + "bm" + ], + [ + "Ġelim", + "inates" + ], + [ + "Ġst", + "amina" + ], + [ + "ĠV", + "AT" + ], + [ + "ĠLo", + "an" + ], + [ + "Ġconst", + "raint" + ], + [ + "Ġappropri", + "ated" + ], + [ + "Ġp", + "es" + ], + [ + "ĠA", + "LE" + ], + [ + "r", + "anging" + ], + [ + "Ġ40", + "4" + ], + [ + "39", + "2" + ], + [ + "Ġintellectual", + "s" + ], + [ + "ach", + "u" + ], + [ + "Ġrestruct", + "uring" + ], + [ + "ĠLe", + "vin" + ], + [ + "Ġrun", + "es" + ], + [ + "Ġdelight", + "ful" + ], + [ + "Ġcarbohyd", + "rates" + ], + [ + "ĠMod", + "els" + ], + [ + "ĠExp", + "o" + ], + [ + "Ġtransport", + "ing" + ], + [ + "all", + "oc" + ], + [ + "Ġring", + "ing" + ], + [ + "S", + "amsung" + ], + [ + "Ġscarce", + "ly" + ], + [ + "ĠURL", + "s" + ], + [ + "ĠM", + "AS" + ], + [ + "Ġprot", + "otypes" + ], + [ + "Ġnarr", + "ator" + ], + [ + "ĠCPU", + "s" + ], + [ + "cd", + "n" + ], + [ + "ĠBart", + "on" + ], + [ + "Ġdecided", + "ly" + ], + [ + "ĠSh", + "u" + ], + [ + "ix", + "ir" + ], + [ + "oc", + "ious" + ], + [ + "ĠMy", + "st" + ], + [ + "N", + "intendo" + ], + [ + "Ġre", + "use" + ], + [ + "Ġforg", + "iven" + ], + [ + "F", + "ew" + ], + [ + "in", + "ical" + ], + [ + "n", + "at" + ], + [ + "Ġseam", + "less" + ], + [ + "ĠEv", + "a" + ], + [ + "ĠE", + "VE" + ], + [ + "ĠJ", + "O" + ], + [ + "land", + "ers" + ], + [ + "Ġso", + "fter" + ], + [ + "neg", + "ie" + ], + [ + "Ġtrans", + "ient" + ], + [ + "Ġorb", + "ital" + ], + [ + "Ġfulf", + "il" + ], + [ + "ĠK", + "om" + ], + [ + "Hop", + "efully" + ], + [ + "Ġdynam", + "ically" + ], + [ + "ĠHun", + "ger" + ], + [ + "å", + "Ľ" + ], + [ + "ĠArmen", + "ia" + ], + [ + "el", + "man" + ], + [ + "ber", + "to" + ], + [ + "Ġp", + "ige" + ], + [ + "ĠID", + "s" + ], + [ + "lim", + "it" + ], + [ + "Ġve", + "ins" + ], + [ + "Ġso", + "aring" + ], + [ + "p", + "acks" + ], + [ + "Gold", + "en" + ], + [ + "ĠCr", + "ab" + ], + [ + "ist", + "or" + ], + [ + "ĠR", + "PM" + ], + [ + "Ġ$", + "$" + ], + [ + "g", + "ression" + ], + [ + "Ġjihad", + "ist" + ], + [ + "Ġgam", + "ble" + ], + [ + "Ġcare", + "g" + ], + [ + "Ġinf", + "lated" + ], + [ + "F", + "ace" + ], + [ + "ĠFire", + "arms" + ], + [ + "ĠEm", + "manuel" + ], + [ + "â", + "Ŀ" + ], + [ + "Ġsh", + "ocks" + ], + [ + "gr", + "ab" + ], + [ + "Ġspl", + "end" + ], + [ + "ĠHP", + "V" + ], + [ + "ab", + "ortion" + ], + [ + "Ab", + "ove" + ], + [ + "Ent", + "ity" + ], + [ + "play", + "ers" + ], + [ + "Ġcomm", + "enced" + ], + [ + "ul", + "ence" + ], + [ + "Ġfulfill", + "ment" + ], + [ + "Ġembod", + "iments" + ], + [ + "ĠW", + "elfare" + ], + [ + "Ġha", + "il" + ], + [ + "Ġ<", + "@" + ], + [ + "tt", + "en" + ], + [ + "Ġcat", + "cher" + ], + [ + "ĠJ", + "azeera" + ], + [ + "Ġvolcan", + "o" + ], + [ + "Ġstabil", + "ize" + ], + [ + "ĠHand", + "ler" + ], + [ + "Ġintens", + "ified" + ], + [ + "ĠAb", + "rams" + ], + [ + "Ġhum", + "iliation" + ], + [ + "p", + "aced" + ], + [ + "60", + "5" + ], + [ + "ĠCent", + "OS" + ], + [ + "Spe", + "cific" + ], + [ + "Ġhe", + "ed" + ], + [ + "ĠC", + "AM" + ], + [ + "ĠGal", + "ile" + ], + [ + "D", + "ie" + ], + [ + "Ġabol", + "ished" + ], + [ + "ĠThom", + "son" + ], + [ + "ĠTe", + "achers" + ], + [ + "ĠW", + "ass" + ], + [ + "j", + "ong" + ], + [ + "ĠIS", + "BN" + ], + [ + "ĠAll", + "ies" + ], + [ + "sh", + "ake" + ], + [ + "å", + "·" + ], + [ + "v", + "ict" + ], + [ + "How", + "ard" + ], + [ + "Ġde", + "em" + ], + [ + "Ġexceed", + "ingly" + ], + [ + "ĠSmart", + "stocks" + ], + [ + "ib", + "e" + ], + [ + "Ġdoor", + "way" + ], + [ + "Ġcompet", + "ed" + ], + [ + "ig", + "mat" + ], + [ + "Ġnational", + "ists" + ], + [ + "Ġg", + "room" + ], + [ + "ĠKe", + "en" + ], + [ + "Ġdispos", + "able" + ], + [ + "de", + "cl" + ], + [ + "ĠT", + "olkien" + ], + [ + "ĠSche", + "me" + ], + [ + "Ġb", + "iod" + ], + [ + "Ġav", + "id" + ], + [ + "ĠEl", + "on" + ], + [ + "ag", + "ar" + ], + [ + "ĠT", + "SA" + ], + [ + "R", + "oman" + ], + [ + "Ġartific", + "ially" + ], + [ + "Ġadvis", + "ors" + ], + [ + "X", + "L" + ], + [ + "ĠInf", + "erno" + ], + [ + "36", + "6" + ], + [ + "Ġted", + "ious" + ], + [ + "ĠPhot", + "ography" + ], + [ + "ĠCar", + "rie" + ], + [ + "Ġtro", + "pe" + ], + [ + "ĠSand", + "ra" + ], + [ + "Ġdec", + "imal" + ], + [ + "Que", + "en" + ], + [ + "ĠGund", + "am" + ], + [ + "ĠO", + "M" + ], + [ + "ote", + "ch" + ], + [ + "N", + "BA" + ], + [ + "Ġ19", + "32" + ], + [ + "Ġent", + "renched" + ], + [ + "ĠMar", + "ion" + ], + [ + "Ġfr", + "aternity" + ], + [ + "Lab", + "our" + ], + [ + "Hen", + "ry" + ], + [ + "Ġlat", + "itude" + ], + [ + "E", + "ither" + ], + [ + "Ġenh", + "ances" + ], + [ + "ĠPot", + "ential" + ], + [ + "Ġsh", + "ines" + ], + [ + "id", + "ad" + ], + [ + "Ġbread", + "th" + ], + [ + "Ġcapac", + "ities" + ], + [ + "ĠðŁ", + "ĻĤ" + ], + [ + "ĠBron", + "x" + ], + [ + "Ġsex", + "es" + ], + [ + "Ġdifferent", + "iation" + ], + [ + "Ġheavy", + "weight" + ], + [ + "ĠT", + "aj" + ], + [ + "d", + "ra" + ], + [ + "Ġmigr", + "ate" + ], + [ + "Ġexhaust", + "ion" + ], + [ + "ĠR", + "UN" + ], + [ + "els", + "ius" + ], + [ + "ĠCu", + "omo" + ], + [ + "Ġgu", + "itars" + ], + [ + "Ġcl", + "ones" + ], + [ + "ĠSom", + "ew" + ], + [ + "ĠP", + "ry" + ], + [ + "------------", + "-" + ], + [ + "Ġwarr", + "anted" + ], + [ + "cy", + "cles" + ], + [ + "Ġsalv", + "age" + ], + [ + "Ġdis", + "ks" + ], + [ + "R", + "ANT" + ], + [ + "ĠNGO", + "s" + ], + [ + "ĠMart", + "ian" + ], + [ + "\":[", + "{\"" + ], + [ + "Ġadd", + "icts" + ], + [ + "oj", + "ure" + ], + [ + "il", + "let" + ], + [ + "Ġamazing", + "ly" + ], + [ + "art", + "ments" + ], + [ + "p", + "ixel" + ], + [ + "ĠGPU", + "s" + ], + [ + "Lay", + "out" + ], + [ + "è", + "£" + ], + [ + "ĠTam", + "il" + ], + [ + "ĠBas", + "il" + ], + [ + "Ġimpart", + "ial" + ], + [ + "ĠSt", + "ructure" + ], + [ + "f", + "ork" + ], + [ + "b", + "ryce" + ], + [ + "Ġr", + "idge" + ], + [ + "ĠHamb", + "urg" + ], + [ + "ri", + "ous" + ], + [ + "Ġbl", + "itz" + ], + [ + "cig", + "arettes" + ], + [ + "Ġcan", + "ned" + ], + [ + "40", + "2" + ], + [ + "Ġiron", + "ically" + ], + [ + "Ġcompassion", + "ate" + ], + [ + "ĠHaw", + "kins" + ], + [ + ".", + "#" + ], + [ + "ĠCat", + "hedral" + ], + [ + "Ġrall", + "ied" + ], + [ + "in", + "ternal" + ], + [ + "Ġqu", + "ota" + ], + [ + "st", + "akes" + ], + [ + "T", + "EXT" + ], + [ + "m", + "om" + ], + [ + "Ġcomple", + "tes" + ], + [ + "Ġ23", + "8" + ], + [ + "Ġsh", + "rug" + ], + [ + "ãĥ", + "ij" + ], + [ + "ĠN", + "inth" + ], + [ + "Ġrev", + "ise" + ], + [ + "ĠProv", + "ider" + ], + [ + "Ġtre", + "acher" + ], + [ + "Ġqu", + "asi" + ], + [ + "ĠPR", + "ES" + ], + [ + "Ġdep", + "osition" + ], + [ + "Ġconfidential", + "ity" + ], + [ + "iss", + "ors" + ], + [ + "Ġim", + "balance" + ], + [ + "Ġspan", + "ning" + ], + [ + "Ġang", + "ular" + ], + [ + "ĠC", + "ul" + ], + [ + "commun", + "ication" + ], + [ + "ĠNor", + "a" + ], + [ + "ĠGen", + "ius" + ], + [ + "op", + "ter" + ], + [ + "Ġs", + "acked" + ], + [ + "Sp", + "ot" + ], + [ + "Ġfine", + "ly" + ], + [ + "ĠCH", + "R" + ], + [ + "28", + "2" + ], + [ + "w", + "aves" + ], + [ + "Pal", + "est" + ], + [ + "ĠRo", + "hing" + ], + [ + "N", + "L" + ], + [ + "è", + "¿" + ], + [ + "Ġsh", + "itty" + ], + [ + "ĠSc", + "alia" + ], + [ + "4", + "75" + ], + [ + "Pro", + "gress" + ], + [ + "Ġreferen", + "cing" + ], + [ + "Ġclass", + "rooms" + ], + [ + "ab", + "ee" + ], + [ + "Ġs", + "od" + ], + [ + "hes", + "ion" + ], + [ + "70", + "8" + ], + [ + "ĠZucker", + "berg" + ], + [ + "ĠFin", + "ish" + ], + [ + "ĠScot", + "ia" + ], + [ + "ĠSav", + "ior" + ], + [ + "ĠInstall", + "ation" + ], + [ + "an", + "tha" + ], + [ + "(", + "-" + ], + [ + "Ġ30", + "2" + ], + [ + "ĠP", + "unk" + ], + [ + "Ġcr", + "ater" + ], + [ + "yout", + "u" + ], + [ + "Ġro", + "ast" + ], + [ + "Ġinflu", + "encing" + ], + [ + "Ġd", + "up" + ], + [ + "ĠJ", + "R" + ], + [ + "ĠG", + "rav" + ], + [ + "Ġstat", + "ure" + ], + [ + "Ġbath", + "rooms" + ], + [ + "A", + "side" + ], + [ + "W", + "iki" + ], + [ + "me", + "an" + ], + [ + "ĠZ", + "ak" + ], + [ + "ĠOn", + "es" + ], + [ + "ĠN", + "ath" + ], + [ + "Ġhyper", + "t" + ], + [ + "Ġcommence", + "ment" + ], + [ + "C", + "ivil" + ], + [ + "Ġmoder", + "ately" + ], + [ + "Ġdistribut", + "ors" + ], + [ + "Ġbreast", + "feeding" + ], + [ + "Ġ9", + "80" + ], + [ + "ĠS", + "ik" + ], + [ + "ĠC", + "ig" + ], + [ + "ĠAM", + "ER" + ], + [ + "R", + "IP" + ], + [ + "ĠCare", + "er" + ], + [ + "ust", + "ing" + ], + [ + "Ġmess", + "ed" + ], + [ + "Ġe", + "h" + ], + [ + "ĠJ", + "ensen" + ], + [ + "/", + "$" + ], + [ + "Ġblack", + "mail" + ], + [ + "Ġconvers", + "ions" + ], + [ + "Ġscientific", + "ally" + ], + [ + "Ġmant", + "ra" + ], + [ + "p", + "aying" + ], + [ + "Ġiv", + "ory" + ], + [ + "ĠCour", + "ts" + ], + [ + "OU", + "GH" + ], + [ + "aunt", + "let" + ], + [ + "Ser", + "ial" + ], + [ + "B", + "row" + ], + [ + "ĠH", + "undreds" + ], + [ + "3", + "23" + ], + [ + "Ġpe", + "e" + ], + [ + "Ġlin", + "ux" + ], + [ + "Ġsub", + "mer" + ], + [ + "ĠPrinc", + "ipal" + ], + [ + "48", + "5" + ], + [ + "ĠD", + "SL" + ], + [ + "ĠCous", + "ins" + ], + [ + "Ġdoctr", + "ines" + ], + [ + "ĠAthlet", + "ics" + ], + [ + "Ġ3", + "15" + ], + [ + "ĠK", + "arma" + ], + [ + "Ġatt", + "ent" + ], + [ + "ur", + "ger" + ], + [ + "Ġpresc", + "ribe" + ], + [ + "Ġenc", + "aps" + ], + [ + "ĠC", + "ame" + ], + [ + "Ġsecret", + "ive" + ], + [ + "ĠCr", + "imes" + ], + [ + "d", + "n" + ], + [ + "C", + "lean" + ], + [ + "ĠEgypt", + "ians" + ], + [ + "ĠCar", + "penter" + ], + [ + "Ġ", + "ll" + ], + [ + "H", + "um" + ], + [ + "ĠMil", + "o" + ], + [ + "Ġcapital", + "ists" + ], + [ + "Ġbrief", + "ed" + ], + [ + "T", + "we" + ], + [ + "ĠBas", + "in" + ], + [ + "elve", + "t" + ], + [ + "M", + "os" + ], + [ + "Ġplun", + "ge" + ], + [ + "ĠKa", + "iser" + ], + [ + "ĠFu", + "j" + ], + [ + "ill", + "in" + ], + [ + "Ġsafegu", + "ards" + ], + [ + "Ġo", + "ste" + ], + [ + "ĠOpportun", + "ity" + ], + [ + "ĠM", + "afia" + ], + [ + "ĠCall", + "ing" + ], + [ + "ap", + "a" + ], + [ + "ur", + "ban" + ], + [ + "br", + "ush" + ], + [ + "ill", + "ard" + ], + [ + "c", + "é" + ], + [ + "int", + "elligence" + ], + [ + "ĠL", + "ob" + ], + [ + "ĠDru", + "id" + ], + [ + "Ġsm", + "oother" + ], + [ + "Ġfoot", + "ing" + ], + [ + "Ġmotor", + "ists" + ], + [ + "arc", + "ity" + ], + [ + "Ġmascul", + "inity" + ], + [ + "Ġm", + "ism" + ], + [ + "Ġabdom", + "inal" + ], + [ + "ĠTa", + "vern" + ], + [ + "ĠR", + "oh" + ], + [ + "Ġesc", + "apes" + ], + [ + "s", + "igned" + ], + [ + "Anth", + "ony" + ], + [ + "Ġsacrific", + "ing" + ], + [ + "Ġintim", + "acy" + ], + [ + "Ġan", + "terior" + ], + [ + "ĠK", + "od" + ], + [ + "Ġmot", + "if" + ], + [ + "Ġg", + "raz" + ], + [ + "Ġvisual", + "ization" + ], + [ + "Ġguitar", + "ist" + ], + [ + "ĠTro", + "tsky" + ], + [ + "m", + "agic" + ], + [ + "D", + "ar" + ], + [ + "ĠMor", + "i" + ], + [ + "Ġw", + "ards" + ], + [ + "Ġtoile", + "ts" + ], + [ + "l", + "est" + ], + [ + "Ġtele", + "port" + ], + [ + "ĠSund", + "ays" + ], + [ + "ĠPl", + "at" + ], + [ + "ET", + "S" + ], + [ + "Ġe", + "Sports" + ], + [ + "Pat", + "rick" + ], + [ + "ĠK", + "atherine" + ], + [ + "en", + "ko" + ], + [ + "Ġhas", + "sle" + ], + [ + "ĠM", + "ick" + ], + [ + "gg", + "les" + ], + [ + "Ġh", + "ob" + ], + [ + "aint", + "ain" + ], + [ + "Ġair", + "borne" + ], + [ + "Ġsp", + "ans" + ], + [ + "Ġch", + "ili" + ], + [ + "Ġa", + "perture" + ], + [ + "Ġvolunte", + "ered" + ], + [ + "ĠInc", + "ident" + ], + [ + "ĠF", + "res" + ], + [ + "ĠVeter", + "an" + ], + [ + "augh", + "tered" + ], + [ + "ing", + "o" + ], + [ + "Ġun", + "insured" + ], + [ + "CL", + "OSE" + ], + [ + "Ġf", + "use" + ], + [ + "Ġer", + "otic" + ], + [ + "Ġadvert", + "ise" + ], + [ + "ra", + "ising" + ], + [ + "Text", + "ure" + ], + [ + "Ġatt", + "ends" + ], + [ + "ĠRE", + "AL" + ], + [ + "udd", + "led" + ], + [ + "Ġsm", + "oot" + ], + [ + "Ġ30", + "5" + ], + [ + "ĠWill", + "is" + ], + [ + "Ġbl", + "ond" + ], + [ + "An", + "alysis" + ], + [ + "ĠV", + "T" + ], + [ + "on", + "ica" + ], + [ + "Ġstrongh", + "old" + ], + [ + "R", + "F" + ], + [ + "N", + "M" + ], + [ + ".", + ">>" + ], + [ + "Ġprosper", + "ous" + ], + [ + "Ġbo", + "asted" + ], + [ + "29", + "2" + ], + [ + "ĠManufact", + "uring" + ], + [ + "PR", + "ESS" + ], + [ + "g", + "ren" + ], + [ + "Ġpharm", + "acy" + ], + [ + "ĠRoc", + "kefeller" + ], + [ + "k", + "ai" + ], + [ + "Ġth", + "umbs" + ], + [ + "ĠH", + "ut" + ], + [ + "Ġmother", + "board" + ], + [ + "Ġguard", + "ians" + ], + [ + "ĠAl", + "ter" + ], + [ + "ll", + "ular" + ], + [ + "Ġsh", + "ack" + ], + [ + "Ġwise", + "ly" + ], + [ + "Ġback", + "bone" + ], + [ + "erv", + "a" + ], + [ + "Ġsu", + "icides" + ], + [ + "ĠMcG", + "regor" + ], + [ + "ij", + "ah" + ], + [ + "E", + "mer" + ], + [ + "ĠB", + "rav" + ], + [ + "Ġdesign", + "ate" + ], + [ + "P", + "OST" + ], + [ + "produ", + "ced" + ], + [ + "Ġcleans", + "ing" + ], + [ + "irl", + "wind" + ], + [ + "ex", + "istent" + ], + [ + "ĠHum", + "ph" + ], + [ + "ĠPay", + "ne" + ], + [ + "Ġv", + "ested" + ], + [ + "Å", + "¡" + ], + [ + "Ġstring", + "ent" + ], + [ + "ion", + "a" + ], + [ + "Ġuns", + "ub" + ], + [ + "Ġsum", + "med" + ], + [ + "ĠHer", + "cules" + ], + [ + "sub", + "ject" + ], + [ + "ĠR", + "agnar" + ], + [ + "ĠN", + "os" + ], + [ + "Ġcharacter", + "ization" + ], + [ + "Ġsav", + "vy" + ], + [ + "ĠDaw", + "son" + ], + [ + "ĠCas", + "ino" + ], + [ + "Ġf", + "ri" + ], + [ + "ĠBar", + "rier" + ], + [ + "Ġmis", + "information" + ], + [ + "Ġins", + "ulation" + ], + [ + "Ġcorrid", + "ors" + ], + [ + "Ġair", + "planes" + ], + [ + "ĠNo", + "ct" + ], + [ + "ah", + "i" + ], + [ + "Ġ19", + "16" + ], + [ + "k", + "b" + ], + [ + "arm", + "ac" + ], + [ + "Ġsh", + "un" + ], + [ + "Ġsche", + "ma" + ], + [ + "Ġhorr", + "ified" + ], + [ + "Ġ23", + "9" + ], + [ + "aund", + "ers" + ], + [ + "N", + "B" + ], + [ + "i", + "ates" + ], + [ + "er", + "ity" + ], + [ + "ĠSh", + "ard" + ], + [ + "Ġr", + "arity" + ], + [ + "Ġgroup", + "ed" + ], + [ + "ĠGh", + "ana" + ], + [ + "again", + "st" + ], + [ + "ĠBi", + "ological" + ], + [ + "ĠA", + "ware" + ], + [ + "ow", + "ell" + ], + [ + "Ï", + "Ħ" + ], + [ + "ĠBe", + "au" + ], + [ + "sh", + "aw" + ], + [ + "H", + "ack" + ], + [ + "ĠJul", + "ius" + ], + [ + "US", + "S" + ], + [ + "ol", + "son" + ], + [ + "aun", + "a" + ], + [ + "c", + "ru" + ], + [ + "ĠMaur", + "ice" + ], + [ + "ĠI", + "k" + ], + [ + "Ġsequ", + "encing" + ], + [ + "Ġradical", + "s" + ], + [ + "Ġ(", + "?," + ], + [ + "v", + "irtual" + ], + [ + "Ġany", + "ways" + ], + [ + "Ġreper", + "c" + ], + [ + "Ġhand", + "lers" + ], + [ + "Ġhes", + "itant" + ], + [ + "é", + "ĥ" + ], + [ + "ĠM", + "F" + ], + [ + "ple", + "mentation" + ], + [ + "ass", + "ociated" + ], + [ + "Ġcampaign", + "ed" + ], + [ + "ĠY", + "ue" + ], + [ + "ut", + "ations" + ], + [ + "ĠY", + "oga" + ], + [ + "Ġsim", + "mer" + ], + [ + "Ġro", + "ds" + ], + [ + "Ġmel", + "ody" + ], + [ + "Ġconv", + "oy" + ], + [ + "v", + "ideos" + ], + [ + "Ġscreen", + "ed" + ], + [ + "N", + "eg" + ], + [ + "ochem", + "ical" + ], + [ + "Ġ(", + "))" + ], + [ + "Ġultr", + "as" + ], + [ + "Ġant", + "ip" + ], + [ + "ĠIsland", + "ers" + ], + [ + "70", + "4" + ], + [ + "Ġfet", + "ish" + ], + [ + "Ġridic", + "ulously" + ], + [ + "ĠK", + "art" + ], + [ + "Ġmitochond", + "rial" + ], + [ + "Ġinterf", + "ering" + ], + [ + "Build", + "er" + ], + [ + "Ġover", + "fl" + ], + [ + "Ġac", + "ne" + ], + [ + "ĠM", + "ud" + ], + [ + "ĠK", + "err" + ], + [ + "f", + "lex" + ], + [ + "ĠPost", + "al" + ], + [ + "ĠBalt", + "ic" + ], + [ + "47", + "7" + ], + [ + "ĠPers", + "ons" + ], + [ + "our", + "age" + ], + [ + "H", + "B" + ], + [ + "ĠM", + "use" + ], + [ + "ĠImm", + "ortal" + ], + [ + "ĠDri", + "ving" + ], + [ + "Ġpet", + "itions" + ], + [ + "Ġsubsc", + "ript" + ], + [ + "Ġs", + "orce" + ], + [ + "ĠProcess", + "or" + ], + [ + "ut", + "on" + ], + [ + "S", + "ony" + ], + [ + "Ġph", + "on" + ], + [ + "Ġr", + "aced" + ], + [ + "ĠAnth", + "rop" + ], + [ + "Ġday", + "time" + ], + [ + "ĠEx", + "ercise" + ], + [ + "Add", + "ing" + ], + [ + "Ġeng", + "ages" + ], + [ + "ĠQual", + "comm" + ], + [ + "Ġmir", + "acles" + ], + [ + "Ġmem", + "es" + ], + [ + "ĠDr", + "ink" + ], + [ + "ĠOri", + "oles" + ], + [ + "Ġhair", + "s" + ], + [ + "ĠPol", + "ar" + ], + [ + "ath", + "om" + ], + [ + "Ġsl", + "ippery" + ], + [ + "ĠR", + "emy" + ], + [ + "Ġcar", + "amel" + ], + [ + "ĠY", + "EAR" + ], + [ + "Ġal", + "k" + ], + [ + "I", + "gn" + ], + [ + "a", + "ution" + ], + [ + "ĠMer", + "lin" + ], + [ + "ĠC", + "ran" + ], + [ + "Ġap", + "ologies" + ], + [ + "Ġ4", + "10" + ], + [ + "Ġout", + "ing" + ], + [ + "ĠMem", + "ories" + ], + [ + "app", + "ointed" + ], + [ + "Ġcount", + "ered" + ], + [ + "u", + "ld" + ], + [ + "pos", + "ing" + ], + [ + "Ġfire", + "wall" + ], + [ + "ĠW", + "ast" + ], + [ + "ĠW", + "et" + ], + [ + "work", + "ed" + ], + [ + "se", + "ller" + ], + [ + "Ġrepe", + "aled" + ], + [ + "ere", + "o" + ], + [ + "ass", + "uming" + ], + [ + "BL", + "IC" + ], + [ + "m", + "ite" + ], + [ + "ĠCEO", + "s" + ], + [ + "ĠChap", + "el" + ], + [ + "ellig", + "ent" + ], + [ + "________________", + "________" + ], + [ + "D", + "og" + ], + [ + "Ġw", + "art" + ], + [ + "Ġsubsc", + "riber" + ], + [ + "s", + "ports" + ], + [ + "Ġbe", + "gged" + ], + [ + "ĠM", + "V" + ], + [ + "Ġsem", + "if" + ], + [ + "eth", + "ical" + ], + [ + "Ġpre", + "ach" + ], + [ + "Ġrev", + "ital" + ], + [ + "Ġpun", + "itive" + ], + [ + "Ġshort", + "cuts" + ], + [ + "Ġinstit", + "uted" + ], + [ + "ĠWars", + "aw" + ], + [ + "Ġabdom", + "en" + ], + [ + "ĠK", + "ING" + ], + [ + "Ġsuper", + "intendent" + ], + [ + "Ġf", + "ry" + ], + [ + "ĠGe", + "o" + ], + [ + "T", + "OR" + ], + [ + "Ġcontrad", + "ictions" + ], + [ + "apt", + "ic" + ], + [ + "Ġlandsc", + "apes" + ], + [ + "b", + "ugs" + ], + [ + "Ġcl", + "ust" + ], + [ + "Ġvol", + "ley" + ], + [ + "c", + "ribed" + ], + [ + "Ġt", + "andem" + ], + [ + "Ġrob", + "es" + ], + [ + "WH", + "AT" + ], + [ + "Ġpromot", + "er" + ], + [ + "Ġel", + "oqu" + ], + [ + "review", + "ed" + ], + [ + "ĠD", + "K" + ], + [ + "ĠPl", + "ato" + ], + [ + "Ġf", + "ps" + ], + [ + "T", + "ank" + ], + [ + "ĠDer", + "rick" + ], + [ + "Ġpriorit", + "ize" + ], + [ + "as", + "per" + ], + [ + "ĠHond", + "uras" + ], + [ + "ĠCom", + "pleted" + ], + [ + "ne", + "c" + ], + [ + "Ġm", + "og" + ], + [ + "n", + "ir" + ], + [ + "ĠMay", + "o" + ], + [ + "DE", + "F" + ], + [ + "st", + "all" + ], + [ + "in", + "ness" + ], + [ + "ĠVolks", + "wagen" + ], + [ + "Ġprec", + "aution" + ], + [ + "ĠM", + "ell" + ], + [ + "i", + "ak" + ], + [ + "ist", + "ries" + ], + [ + "Ġ24", + "8" + ], + [ + "Ġoverl", + "apping" + ], + [ + "Sen", + "ate" + ], + [ + "ĠEnh", + "ance" + ], + [ + "res", + "y" + ], + [ + "rac", + "ial" + ], + [ + "OR", + "TS" + ], + [ + "ĠM", + "ormons" + ], + [ + "Str", + "ong" + ], + [ + "ĠCo", + "ch" + ], + [ + "Mex", + "ico" + ], + [ + "ĠMad", + "uro" + ], + [ + "Ġj", + "ars" + ], + [ + "Ġcan", + "e" + ], + [ + "W", + "ik" + ], + [ + "oll", + "a" + ], + [ + "iff", + "erence" + ], + [ + "Ġphysic", + "ist" + ], + [ + "ĠMag", + "gie" + ], + [ + "Ġ28", + "5" + ], + [ + "Ġdep", + "iction" + ], + [ + "ĠMcL", + "aren" + ], + [ + "J", + "u" + ], + [ + "Ġsl", + "ows" + ], + [ + "Ġcommission", + "ers" + ], + [ + "ĠWill", + "ow" + ], + [ + "ĠExpl", + "os" + ], + [ + "hov", + "ah" + ], + [ + "Ġtechn", + "ician" + ], + [ + "Ġhom", + "icides" + ], + [ + "ĠFl", + "av" + ], + [ + "ĠTr", + "uman" + ], + [ + "Ġ100", + "00" + ], + [ + "u", + "ctor" + ], + [ + "Ġsh", + "ader" + ], + [ + "News", + "letter" + ], + [ + "45", + "7" + ], + [ + "Ġre", + "ver" + ], + [ + "Ġhard", + "ened" + ], + [ + "Ġwhere", + "abouts" + ], + [ + "Ġrede", + "velop" + ], + [ + "Ġcar", + "bs" + ], + [ + "Ġtra", + "vers" + ], + [ + "Ġsqu", + "irrel" + ], + [ + "Ġfoll", + "ower" + ], + [ + "Ġs", + "ings" + ], + [ + "50", + "8" + ], + [ + "Ġrabb", + "its" + ], + [ + "emon", + "ium" + ], + [ + "Ġdocument", + "ing" + ], + [ + "Ġmisunder", + "stood" + ], + [ + ")", + "'" + ], + [ + "R", + "ick" + ], + [ + "gg", + "ies" + ], + [ + "Ġprem", + "ie" + ], + [ + "Ġsk", + "ating" + ], + [ + "Ġpass", + "ports" + ], + [ + "Ġf", + "ists" + ], + [ + "aged", + "don" + ], + [ + "H", + "aw" + ], + [ + "AC", + "P" + ], + [ + "0", + "80" + ], + [ + "ĠThough", + "ts" + ], + [ + "ĠCarl", + "son" + ], + [ + "Ġpriest", + "hood" + ], + [ + "h", + "ua" + ], + [ + "Ġdun", + "geons" + ], + [ + "ĠLo", + "ans" + ], + [ + "Ġant", + "is" + ], + [ + "Ġfamiliar", + "ity" + ], + [ + "ĠS", + "abb" + ], + [ + "op", + "al" + ], + [ + "ĠIn", + "k" + ], + [ + "st", + "rike" + ], + [ + "Ġc", + "ram" + ], + [ + "Ġlegal", + "ized" + ], + [ + "Ġcu", + "isine" + ], + [ + "Ġfib", + "re" + ], + [ + "Tra", + "vel" + ], + [ + "ĠMon", + "ument" + ], + [ + "OD", + "Y" + ], + [ + "eth", + "y" + ], + [ + "Ġinter", + "state" + ], + [ + "ĠP", + "UR" + ], + [ + "em", + "porary" + ], + [ + "ĠArab", + "ian" + ], + [ + "develop", + "ed" + ], + [ + "Ġsadd", + "le" + ], + [ + "Ġg", + "ithub" + ], + [ + "ĠOff", + "er" + ], + [ + "ĠIS", + "P" + ], + [ + "ro", + "let" + ], + [ + "ĠSUP", + "ER" + ], + [ + "ĠDen", + "is" + ], + [ + "Ġmultipl", + "ier" + ], + [ + "Ġstir", + "red" + ], + [ + "Interest", + "ingly" + ], + [ + "Ġcustom", + "ary" + ], + [ + "Ġbill", + "ed" + ], + [ + "he", + "x" + ], + [ + "Ġmultipl", + "ied" + ], + [ + "Ġfl", + "ipping" + ], + [ + "ĠCros", + "by" + ], + [ + "Ġfundament", + "als" + ], + [ + "ia", + "e" + ], + [ + "ĠPlay", + "ed" + ], + [ + "ĠAt", + "om" + ], + [ + "am", + "azon" + ], + [ + "ĠFl", + "am" + ], + [ + "ee", + "z" + ], + [ + "activ", + "ated" + ], + [ + "Ġtables", + "poon" + ], + [ + "Ġliberal", + "ism" + ], + [ + "ĠPal", + "in" + ], + [ + "ĠP", + "atel" + ], + [ + "N", + "um" + ], + [ + "ĠT", + "AM" + ], + [ + "Ġs", + "urn" + ], + [ + "ĠRel", + "oaded" + ], + [ + "Ġco", + "ined" + ], + [ + "\"", + "]," + ], + [ + "ĠCl", + "ash" + ], + [ + "ĠAg", + "u" + ], + [ + "Ġprag", + "matic" + ], + [ + "ĠActiv", + "ate" + ], + [ + "Ġ8", + "02" + ], + [ + "Ġtrail", + "ers" + ], + [ + "Ġsil", + "hou" + ], + [ + "Ġprob", + "es" + ], + [ + "Ġcirc", + "us" + ], + [ + "ĠB", + "ain" + ], + [ + "ĠLind", + "say" + ], + [ + "ĠAb", + "bey" + ], + [ + "Del", + "ivery" + ], + [ + "Ġconcess", + "ion" + ], + [ + "Ġgast", + "ro" + ], + [ + "ĠSpr", + "ite" + ], + [ + "Ä", + "Ł" + ], + [ + "and", + "el" + ], + [ + "Ġg", + "imm" + ], + [ + "Ġaut", + "obi" + ], + [ + "ĠT", + "urtle" + ], + [ + "Ġwonder", + "fully" + ], + [ + "ĠHar", + "am" + ], + [ + "ĠWorld", + "wide" + ], + [ + "ĠHand", + "le" + ], + [ + "Ġtheor", + "ists" + ], + [ + "Ġsle", + "ek" + ], + [ + "ĠZh", + "u" + ], + [ + "ograph", + "ically" + ], + [ + "EG", + "A" + ], + [ + "ĠOwn", + "ers" + ], + [ + "ath", + "s" + ], + [ + "ĠAntar", + "ctic" + ], + [ + "n", + "atal" + ], + [ + "=\"", + "\"" + ], + [ + "fl", + "ags" + ], + [ + "``", + "``" + ], + [ + "Ġs", + "ul" + ], + [ + "K", + "h" + ], + [ + "Ġpot", + "assium" + ], + [ + "Ġlinem", + "an" + ], + [ + "Ġcere", + "al" + ], + [ + "ĠSe", + "asons" + ], + [ + "Ġ20", + "22" + ], + [ + "Ġmat", + "hematic" + ], + [ + "Ġastron", + "omers" + ], + [ + "prof", + "essional" + ], + [ + "Ġf", + "ares" + ], + [ + "cknow", + "led" + ], + [ + "Ġch", + "i" + ], + [ + "Ġyoung", + "sters" + ], + [ + "Ġmistaken", + "ly" + ], + [ + "Ġhem", + "isphere" + ], + [ + "ĠDiv", + "inity" + ], + [ + "r", + "one" + ], + [ + "Ġ\"", + "," + ], + [ + "r", + "ings" + ], + [ + "Ġattract", + "s" + ], + [ + "v", + "ana" + ], + [ + "å", + "¹" + ], + [ + "C", + "AP" + ], + [ + "Ġplay", + "list" + ], + [ + "Ġpor", + "ch" + ], + [ + "ãģ", + "£" + ], + [ + "Ġincorpor", + "ates" + ], + [ + "Ġso", + "ak" + ], + [ + "Ġassert", + "ing" + ], + [ + "ĠTerror", + "ism" + ], + [ + "ĠP", + "ablo" + ], + [ + "J", + "a" + ], + [ + "ces", + "ter" + ], + [ + "Ġfear", + "ing" + ], + [ + "ĠPr", + "ayer" + ], + [ + "Ġescal", + "ated" + ], + [ + "G", + "W" + ], + [ + "Ġro", + "be" + ], + [ + "ĠBright", + "on" + ], + [ + "ac", + "ists" + ], + [ + "ĠSym", + "phony" + ], + [ + "ĠDwar", + "f" + ], + [ + "ĠPar", + "ade" + ], + [ + "ĠLe", + "go" + ], + [ + "Ġinex", + "pl" + ], + [ + "Ġl", + "ords" + ], + [ + "le", + "af" + ], + [ + "RA", + "G" + ], + [ + "l", + "iber" + ], + [ + "Ġcig", + "ars" + ], + [ + "ĠJe", + "hovah" + ], + [ + "60", + "6" + ], + [ + "WIND", + "OWS" + ], + [ + "ĠLiber", + "ia" + ], + [ + "eb", + "us" + ], + [ + "He", + "avy" + ], + [ + "Ġl", + "ubric" + ], + [ + "ĠR", + "W" + ], + [ + "angu", + "ages" + ], + [ + "Ġnarrow", + "ed" + ], + [ + "com", + "puter" + ], + [ + "ĠE", + "mber" + ], + [ + "Ġmurder", + "ing" + ], + [ + "Ġdown", + "stream" + ], + [ + "ĠT", + "uls" + ], + [ + "ĠT", + "ables" + ], + [ + "Top", + "ic" + ], + [ + "ĠAcc", + "uracy" + ], + [ + "=", + "/" + ], + [ + "l", + "ost" + ], + [ + "ĠRe", + "i" + ], + [ + "Ġprogress", + "es" + ], + [ + "b", + "ear" + ], + [ + "Ġestablish", + "ments" + ], + [ + "Just", + "in" + ], + [ + "ĠPe", + "ach" + ], + [ + "ĠG", + "omez" + ], + [ + "å", + "¿" + ], + [ + "ĠTri", + "angle" + ], + [ + "Id", + "ent" + ], + [ + "ĠH", + "ive" + ], + [ + "Res", + "ources" + ], + [ + "Ġmix", + "es" + ], + [ + "ĠAss", + "uming" + ], + [ + "M", + "u" + ], + [ + "Ġhyp", + "oc" + ], + [ + "Ġs", + "ane" + ], + [ + "ĠW", + "an" + ], + [ + "id", + "ious" + ], + [ + "Su", + "ccess" + ], + [ + "Ġ", + "io" + ], + [ + "Ang", + "el" + ], + [ + "Ġdanger", + "ously" + ], + [ + "ĠCreat", + "ure" + ], + [ + "W", + "ORK" + ], + [ + ":", + "[" + ], + [ + "ĠKat", + "rina" + ], + [ + "List", + "ener" + ], + [ + "M", + "iller" + ], + [ + "ĠId", + "lib" + ], + [ + "h", + "ang" + ], + [ + "Ġcircum", + "vent" + ], + [ + "h", + "ref" + ], + [ + "Ġcel", + "estial" + ], + [ + "ĠWe", + "eks" + ], + [ + "ĠP", + "ug" + ], + [ + "ĠDal", + "ton" + ], + [ + "Ġsubpoen", + "a" + ], + [ + "uk", + "u" + ], + [ + "Ġpers", + "isted" + ], + [ + "pe", + "i" + ], + [ + "old", + "ing" + ], + [ + "ĠDoc", + "uments" + ], + [ + "ĠH", + "ast" + ], + [ + "ĠC", + "ENT" + ], + [ + "Ġprim", + "er" + ], + [ + "Ġsyn", + "onymous" + ], + [ + "Ġn", + "ib" + ], + [ + "om", + "bs" + ], + [ + "Ġnot", + "ation" + ], + [ + "ĠD", + "ish" + ], + [ + "ĠAt", + "mosp" + ], + [ + "Ġforb", + "id" + ], + [ + "ĠAN", + "G" + ], + [ + "pat", + "tern" + ], + [ + "l", + "os" + ], + [ + "Ġproject", + "iles" + ], + [ + "b", + "rown" + ], + [ + ".\"", + "," + ], + [ + "ĠVen", + "om" + ], + [ + "Ġfierce", + "ly" + ], + [ + "ub", + "lished" + ], + [ + "ĠU", + "ran" + ], + [ + "ĠNic", + "arag" + ], + [ + "4", + "10" + ], + [ + "ĠC", + "AL" + ], + [ + "OT", + "OS" + ], + [ + "ĠMir", + "acle" + ], + [ + "ĠEn", + "chant" + ], + [ + "Ġguard", + "ing" + ], + [ + "app", + "end" + ], + [ + "Att", + "ach" + ], + [ + "Ġlevel", + "ed" + ], + [ + "Ġcond", + "oms" + ], + [ + "ih", + "ilation" + ], + [ + "64", + "9" + ], + [ + "Ġnight", + "mares" + ], + [ + "ĠTHE", + "Y" + ], + [ + "ĠST", + "ART" + ], + [ + "ĠK", + "inn" + ], + [ + "Ġroomm", + "ate" + ], + [ + "Ġhy", + "giene" + ], + [ + "o", + "pping" + ], + [ + "J", + "ob" + ], + [ + "Ġl", + "vl" + ], + [ + "ĠV", + "ER" + ], + [ + "ĠKe", + "eping" + ], + [ + "ab", + "etic" + ], + [ + "Ġformat", + "ting" + ], + [ + "eral", + "a" + ], + [ + "Ġrev", + "isions" + ], + [ + "Ġres", + "urg" + ], + [ + "T", + "el" + ], + [ + "ĠGood", + "man" + ], + [ + "35", + "3" + ], + [ + "p", + "od" + ], + [ + "Ġind", + "isp" + ], + [ + "ĠTrans", + "lation" + ], + [ + "Ġg", + "own" + ], + [ + "ĠM", + "und" + ], + [ + "Ġc", + "is" + ], + [ + "Ġby", + "stand" + ], + [ + "col", + "lect" + ], + [ + "ĠPun", + "jab" + ], + [ + "act", + "ively" + ], + [ + "ĠG", + "amb" + ], + [ + "te", + "ll" + ], + [ + "Ġimport", + "ing" + ], + [ + "g", + "encies" + ], + [ + "Ġloc", + "om" + ], + [ + "ĠBr", + "ill" + ], + [ + "H", + "oly" + ], + [ + "ĠBer", + "ger" + ], + [ + "Ġshow", + "down" + ], + [ + "Ġrespond", + "ers" + ], + [ + "IL", + "Y" + ], + [ + "Ġt", + "akedown" + ], + [ + "le", + "ted" + ], + [ + "Ġmat", + "tered" + ], + [ + "Ġpredict", + "ive" + ], + [ + "Ġover", + "lay" + ], + [ + "G", + "PU" + ], + [ + "ĠV", + "ick" + ], + [ + "Ġconvey", + "ed" + ], + [ + "T", + "ab" + ], + [ + "pe", + "er" + ], + [ + "Sc", + "an" + ], + [ + "Ġdefensive", + "ly" + ], + [ + "v", + "ae" + ], + [ + "Ġappro", + "ving" + ], + [ + "Ġt", + "iers" + ], + [ + "ĠV", + "ia" + ], + [ + "quer", + "ade" + ], + [ + "ĠSaud", + "is" + ], + [ + "Ġdemol", + "ished" + ], + [ + "ĠProp", + "he" + ], + [ + "Ġmon", + "o" + ], + [ + "Ġhospital", + "ity" + ], + [ + "H", + "AM" + ], + [ + "ĠAri", + "el" + ], + [ + "M", + "OD" + ], + [ + "ĠTor", + "ah" + ], + [ + "Ġbl", + "ah" + ], + [ + "ĠBel", + "arus" + ], + [ + "erent", + "ial" + ], + [ + "ĠT", + "uc" + ], + [ + "Ġbank", + "er" + ], + [ + "39", + "7" + ], + [ + "Ġmosqu", + "it" + ], + [ + "ĠScient", + "ist" + ], + [ + "ĠMus", + "ical" + ], + [ + "Ġh", + "ust" + ], + [ + "Sh", + "ift" + ], + [ + "Ġtor", + "ment" + ], + [ + "Ġstand", + "off" + ], + [ + "E", + "duc" + ], + [ + "ĠF", + "og" + ], + [ + "Ġampl", + "ifier" + ], + [ + "Sh", + "ape" + ], + [ + "Inst", + "ance" + ], + [ + "ĠCrit", + "ics" + ], + [ + "Ġda", + "emon" + ], + [ + "H", + "ouston" + ], + [ + "Ġmatt", + "ress" + ], + [ + "ĠID", + "F" + ], + [ + "Ġobsc", + "ene" + ], + [ + "ĠA", + "mer" + ], + [ + "hett", + "i" + ], + [ + "Ġcomp", + "iling" + ], + [ + "35", + "2" + ], + [ + "vere", + "tt" + ], + [ + "ĠRed", + "uction" + ], + [ + "ist", + "ration" + ], + [ + "ĠBl", + "essed" + ], + [ + "ĠB", + "achelor" + ], + [ + "3", + "16" + ], + [ + "Ġpr", + "ank" + ], + [ + "ĠVul", + "can" + ], + [ + "dd", + "ing" + ], + [ + "Ġm", + "ourning" + ], + [ + "ĠQu", + "int" + ], + [ + "ĠBl", + "aster" + ], + [ + "test", + "ing" + ], + [ + "Ġsed", + "iment" + ], + [ + ">>", + ">" + ], + [ + "ĠE", + "ternity" + ], + [ + "ĠWH", + "ERE" + ], + [ + "ĠM", + "aze" + ], + [ + "Ġreact", + "ing" + ], + [ + "ĠAl", + "v" + ], + [ + "oms", + "day" + ], + [ + "ĠC", + "RA" + ], + [ + "Ġtransl", + "ator" + ], + [ + "Ġbog", + "us" + ], + [ + "at", + "u" + ], + [ + "We", + "bsite" + ], + [ + "oll", + "s" + ], + [ + "Ġbapt", + "ism" + ], + [ + "Ġs", + "ibling" + ], + [ + "ĠAut", + "umn" + ], + [ + "ve", + "z" + ], + [ + "ãģ®", + "é" + ], + [ + "gu", + "ards" + ], + [ + "Ge", + "org" + ], + [ + "assad", + "ors" + ], + [ + "ĠFre", + "ud" + ], + [ + "Ġcontin", + "ents" + ], + [ + "ĠReg", + "istry" + ], + [ + "Bern", + "ie" + ], + [ + "ĸļ", + "士" + ], + [ + "Ġtoler", + "ant" + ], + [ + "ĠU", + "W" + ], + [ + "Ġhor", + "ribly" + ], + [ + "99", + "5" + ], + [ + "ĠMID", + "I" + ], + [ + "Ġimpat", + "ient" + ], + [ + "oc", + "ado" + ], + [ + "er", + "i" + ], + [ + "ĠWor", + "st" + ], + [ + "ĠNor", + "ris" + ], + [ + "ĠTalk", + "ing" + ], + [ + "Ġdef", + "ends" + ], + [ + "ens", + "able" + ], + [ + "Ġ20", + "21" + ], + [ + "Ġanat", + "omy" + ], + [ + "L", + "ew" + ], + [ + "Ġdraw", + "er" + ], + [ + "ĠCan", + "berra" + ], + [ + "Ġpatri", + "otic" + ], + [ + "é¾įå", + "ĸļ士" + ], + [ + "ĠAv", + "g" + ], + [ + "AR", + "M" + ], + [ + "Ġundis", + "closed" + ], + [ + "Ġfare", + "well" + ], + [ + "45", + "9" + ], + [ + "b", + "able" + ], + [ + "ĠAll", + "ison" + ], + [ + "OL", + "OG" + ], + [ + "Ġcon", + "co" + ], + [ + "t", + "ight" + ], + [ + "ĠAC", + "PI" + ], + [ + "ĠM", + "ines" + ], + [ + "l", + "ich" + ], + [ + "ĠâĶ", + "ľ" + ], + [ + "represent", + "ed" + ], + [ + "200", + "000" + ], + [ + "Ġenthusi", + "ast" + ], + [ + "OT", + "S" + ], + [ + "b", + "il" + ], + [ + "ĠIng", + "redients" + ], + [ + "Ġinvent", + "or" + ], + [ + "ĠMy", + "SQL" + ], + [ + "³³", + "Âł" + ], + [ + "ĠAB", + "OUT" + ], + [ + "with", + "in" + ], + [ + "Ġm", + "k" + ], + [ + "B", + "ul" + ], + [ + "ĠF", + "ake" + ], + [ + "Ġdracon", + "ian" + ], + [ + "W", + "a" + ], + [ + "hel", + "m" + ], + [ + "ĠTer", + "ran" + ], + [ + "erv", + "ille" + ], + [ + "Ġcommon", + "place" + ], + [ + "SI", + "ZE" + ], + [ + "Ġ\"", + "<" + ], + [ + "re", + "place" + ], + [ + "ograph", + "s" + ], + [ + "ĠSE", + "LECT" + ], + [ + "inc", + "ible" + ], + [ + "ĠMost", + "ly" + ], + [ + "ĠShe", + "ffield" + ], + [ + "ĠID", + "E" + ], + [ + "ugg", + "le" + ], + [ + "Ġcit", + "ations" + ], + [ + "h", + "urst" + ], + [ + "ĠUn", + "ix" + ], + [ + "Ġunle", + "ash" + ], + [ + "ĠP", + "iper" + ], + [ + "ĠN", + "ano" + ], + [ + "Ġsucc", + "umb" + ], + [ + "Ġreluct", + "ance" + ], + [ + "Ġ25", + "00" + ], + [ + "ĠMer", + "chant" + ], + [ + "Ġwire", + "t" + ], + [ + "Ġcomb", + "os" + ], + [ + "ĠBirth", + "day" + ], + [ + "Ġchar", + "coal" + ], + [ + "ĠU", + "PS" + ], + [ + "ĠFair", + "fax" + ], + [ + "Ġdrive", + "way" + ], + [ + "ĠT", + "ek" + ], + [ + "ĠP", + "itch" + ], + [ + "ove", + "re" + ], + [ + "Ġtechn", + "icians" + ], + [ + "ĠAct", + "ual" + ], + [ + "fl", + "ation" + ], + [ + "ĠF", + "iscal" + ], + [ + "ĠEm", + "pty" + ], + [ + "an", + "amo" + ], + [ + "Ġmag", + "nesium" + ], + [ + "Ġsl", + "ut" + ], + [ + "Ġgrow", + "ers" + ], + [ + "Invest", + "igators" + ], + [ + "(", + "):" + ], + [ + "ĠS", + "atellite" + ], + [ + "ĠKe", + "ynes" + ], + [ + "miss", + "ive" + ], + [ + "l", + "ane" + ], + [ + "Ġb", + "orough" + ], + [ + "3", + "44" + ], + [ + "ĠTE", + "AM" + ], + [ + "ĠBet", + "hesda" + ], + [ + "C", + "V" + ], + [ + "h", + "ower" + ], + [ + "ĠR", + "AD" + ], + [ + "Ġch", + "ant" + ], + [ + "ĠR", + "iy" + ], + [ + "Ġcompos", + "itions" + ], + [ + "Ġmild", + "ly" + ], + [ + "Ġmedd", + "ling" + ], + [ + "Ġag", + "ility" + ], + [ + "ane", + "ers" + ], + [ + "5", + "01" + ], + [ + "Ġsyn", + "th" + ], + [ + "ling", + "er" + ], + [ + "29", + "1" + ], + [ + "Ġex", + "claimed" + ], + [ + "Part", + "y" + ], + [ + "Ġcont", + "amin" + ], + [ + "ĠMan", + "or" + ], + [ + "ĠResp", + "ond" + ], + [ + "Ġpra", + "ising" + ], + [ + "Ġman", + "ners" + ], + [ + "fle", + "et" + ], + [ + "Sum", + "mer" + ], + [ + "ĠLy", + "nd" + ], + [ + "ĠDef", + "initely" + ], + [ + "gr", + "im" + ], + [ + "Ġbow", + "ling" + ], + [ + "st", + "ri" + ], + [ + "ç", + "Ľ" + ], + [ + "y", + "nt" + ], + [ + "Ġmand", + "ates" + ], + [ + "D", + "IV" + ], + [ + "Ġreconc", + "ile" + ], + [ + "view", + "s" + ], + [ + "ĠDam", + "on" + ], + [ + "vet", + "te" + ], + [ + "F", + "lo" + ], + [ + "ĠGreat", + "est" + ], + [ + "il", + "on" + ], + [ + "ic", + "ia" + ], + [ + "Ġportray", + "al" + ], + [ + "Ġcush", + "ion" + ], + [ + "50", + "4" + ], + [ + "19", + "79" + ], + [ + "oss", + "al" + ], + [ + "App", + "lic" + ], + [ + "sc", + "ription" + ], + [ + "Ġmit", + "igation" + ], + [ + "AT", + "S" + ], + [ + "p", + "ac" + ], + [ + "Ġer", + "ased" + ], + [ + "Ġdefic", + "iencies" + ], + [ + "ĠHolland", + "e" + ], + [ + "ĠX", + "u" + ], + [ + "Ġb", + "red" + ], + [ + "Ġpregn", + "ancies" + ], + [ + "f", + "emin" + ], + [ + "Ġem", + "ph" + ], + [ + "Ġpl", + "anners" + ], + [ + "Ġout", + "per" + ], + [ + "utter", + "ing" + ], + [ + "Ġperpet", + "rator" + ], + [ + "Ġm", + "otto" + ], + [ + "ĠEll", + "ison" + ], + [ + "ĠNE", + "VER" + ], + [ + "Ġadmitted", + "ly" + ], + [ + "AR", + "I" + ], + [ + "ĠAzerbai", + "jan" + ], + [ + "Ġmill", + "isec" + ], + [ + "Ġcombust", + "ion" + ], + [ + "ĠBott", + "le" + ], + [ + "ĠL", + "und" + ], + [ + "ĠP", + "s" + ], + [ + "ĠD", + "ress" + ], + [ + "Ġfabric", + "ated" + ], + [ + "Ġbat", + "tered" + ], + [ + "Ġs", + "idel" + ], + [ + "ĠNot", + "ting" + ], + [ + "Fore", + "ign" + ], + [ + "ĠJer", + "ome" + ], + [ + "0", + "20" + ], + [ + "ĠAr", + "bit" + ], + [ + "Ġkn", + "ots" + ], + [ + "ĠR", + "IGHT" + ], + [ + "M", + "oving" + ], + [ + "ãģ", + "Ļ" + ], + [ + "Ġsur", + "geries" + ], + [ + "Ġcour", + "thouse" + ], + [ + "Ġm", + "astered" + ], + [ + "Ġhover", + "ing" + ], + [ + "ĠBr", + "an" + ], + [ + "ĠAl", + "ison" + ], + [ + "Ġsaf", + "est" + ], + [ + "m", + "ilitary" + ], + [ + "Ġbull", + "ied" + ], + [ + "Ġbar", + "rage" + ], + [ + "Read", + "er" + ], + [ + "ES", + "E" + ], + [ + "ĠGe", + "ographic" + ], + [ + "T", + "ools" + ], + [ + "3", + "14" + ], + [ + "ĠGe", + "ek" + ], + [ + "ro", + "th" + ], + [ + "gl", + "ers" + ], + [ + "ĠF", + "IN" + ], + [ + "Ï", + "ģ" + ], + [ + "ĠA", + "ston" + ], + [ + "al", + "tern" + ], + [ + "48", + "8" + ], + [ + "Ġveter", + "in" + ], + [ + "G", + "amer" + ], + [ + "Ġint", + "el" + ], + [ + "ren", + "ches" + ], + [ + "Sh", + "ield" + ], + [ + "Ġam", + "nesty" + ], + [ + "ĠB", + "har" + ], + [ + "Ġp", + "iled" + ], + [ + "Ġhonor", + "able" + ], + [ + "ĠInst", + "itutes" + ], + [ + "Ġso", + "aked" + ], + [ + "Ġcom", + "a" + ], + [ + "ĠE", + "FF" + ], + [ + "34", + "1" + ], + [ + "by", + "tes" + ], + [ + "ĠG", + "mail" + ], + [ + "le", + "in" + ], + [ + "ĠCanad", + "iens" + ], + [ + "m", + "aterial" + ], + [ + "I", + "l" + ], + [ + "Ġinstruct", + "ors" + ], + [ + "ĠK", + "Y" + ], + [ + "Ġconce", + "ive" + ], + [ + "ub", + "b" + ], + [ + "ĠP", + "ossible" + ], + [ + "Ġeas", + "ing" + ], + [ + "ĠChrist", + "ina" + ], + [ + "Ġcar", + "ic" + ], + [ + "ĠHD", + "R" + ], + [ + "R", + "OM" + ], + [ + "Ġsho", + "vel" + ], + [ + "de", + "lete" + ], + [ + "Ġp", + "uff" + ], + [ + "ĠCh", + "anging" + ], + [ + "Ġseam", + "lessly" + ], + [ + "Att", + "ribute" + ], + [ + "Ġacqu", + "isitions" + ], + [ + "ak", + "ery" + ], + [ + "ĠE", + "F" + ], + [ + "Ġaut", + "istic" + ], + [ + "ĠT", + "akes" + ], + [ + "ĠPow", + "der" + ], + [ + "ĠSt", + "ir" + ], + [ + "5", + "10" + ], + [ + "ĠBub", + "ble" + ], + [ + "sett", + "ings" + ], + [ + "ĠF", + "owler" + ], + [ + "Ġmust", + "ard" + ], + [ + "Ġmore", + "over" + ], + [ + "Ġcopyright", + "ed" + ], + [ + "ĠLED", + "s" + ], + [ + "15", + "00" + ], + [ + "æ", + "ī" + ], + [ + "ĠH", + "IS" + ], + [ + "en", + "f" + ], + [ + "Ġcust", + "od" + ], + [ + "ĠH", + "uck" + ], + [ + "G", + "i" + ], + [ + "Ġim", + "g" + ], + [ + "An", + "swer" + ], + [ + "C", + "t" + ], + [ + "j", + "ay" + ], + [ + "ĠInf", + "rastructure" + ], + [ + "Ġfeder", + "ally" + ], + [ + "L", + "oc" + ], + [ + "Ġmicro", + "bes" + ], + [ + "Ġover", + "run" + ], + [ + "dd", + "s" + ], + [ + "ot", + "ent" + ], + [ + "adi", + "ator" + ], + [ + ">>>>", + ">>>>" + ], + [ + "Ġtorn", + "ado" + ], + [ + "Ġadj", + "ud" + ], + [ + "Ġintrig", + "ued" + ], + [ + "Ġs", + "i" + ], + [ + "ĠRevel", + "ation" + ], + [ + "pro", + "gress" + ], + [ + "Ġburgl", + "ary" + ], + [ + "ĠSai", + "yan" + ], + [ + "ĠK", + "athy" + ], + [ + "Ġser", + "pent" + ], + [ + "ĠAndre", + "as" + ], + [ + "Ġcomp", + "el" + ], + [ + "ess", + "ler" + ], + [ + "ĠPl", + "astic" + ], + [ + "ĠAd", + "vent" + ], + [ + "ĠPos", + "itive" + ], + [ + "ĠQ", + "t" + ], + [ + "ĠHind", + "us" + ], + [ + "reg", + "istered" + ], + [ + "ular", + "ity" + ], + [ + "Ġrighteous", + "ness" + ], + [ + "Ġdemon", + "ic" + ], + [ + "u", + "itive" + ], + [ + "ĠB", + "DS" + ], + [ + "ĠGre", + "gg" + ], + [ + "c", + "ia" + ], + [ + "ĠCrus", + "ade" + ], + [ + "ĠSina", + "i" + ], + [ + "W", + "ARE" + ], + [ + "+", + "(" + ], + [ + "Ġme", + "ll" + ], + [ + "Ġder", + "ail" + ], + [ + "y", + "ards" + ], + [ + "A", + "st" + ], + [ + "Ġnotice", + "ably" + ], + [ + "ĠO", + "ber" + ], + [ + "R", + "am" + ], + [ + "Ġun", + "noticed" + ], + [ + "Ġse", + "q" + ], + [ + "av", + "age" + ], + [ + "T", + "s" + ], + [ + "Ġ6", + "40" + ], + [ + "Ġconced", + "e" + ], + [ + "Ġ]", + ")" + ], + [ + "F", + "ill" + ], + [ + "Ġcapt", + "ivity" + ], + [ + "ĠImprove", + "ment" + ], + [ + "ĠCrus", + "ader" + ], + [ + "ara", + "oh" + ], + [ + "M", + "AP" + ], + [ + "æ", + "Ĺ" + ], + [ + "Ġstr", + "ide" + ], + [ + "al", + "ways" + ], + [ + "F", + "ly" + ], + [ + "N", + "it" + ], + [ + "Ġal", + "gae" + ], + [ + "ĠCook", + "ing" + ], + [ + "ĠDo", + "ors" + ], + [ + "Mal", + "ley" + ], + [ + "Ġpolic", + "emen" + ], + [ + "ãģ", + "į" + ], + [ + "Ġastron", + "aut" + ], + [ + "access", + "ible" + ], + [ + "49", + "5" + ], + [ + "ĠR", + "AW" + ], + [ + "cl", + "iffe" + ], + [ + "udic", + "rous" + ], + [ + "Ġdep", + "ended" + ], + [ + "al", + "ach" + ], + [ + "Ġvent", + "ures" + ], + [ + "ra", + "ke" + ], + [ + "Ġt", + "its" + ], + [ + "ĠH", + "ou" + ], + [ + "Ġcond", + "om" + ], + [ + "ormon", + "al" + ], + [ + "Ġind", + "ent" + ], + [ + "Ġupload", + "ing" + ], + [ + "Foot", + "note" + ], + [ + "Import", + "ant" + ], + [ + "Ġ27", + "1" + ], + [ + "Ġmind", + "ful" + ], + [ + "Ġcont", + "ends" + ], + [ + "C", + "ra" + ], + [ + "Ġcal", + "ibr" + ], + [ + "ĠO", + "ECD" + ], + [ + "plug", + "in" + ], + [ + "F", + "at" + ], + [ + "ĠIS", + "S" + ], + [ + "ĠDynam", + "ics" + ], + [ + "ans", + "en" + ], + [ + "68", + "6" + ], + [ + "'", + ")," + ], + [ + "Ġsp", + "rite" + ], + [ + "Ġhand", + "held" + ], + [ + "ĠH", + "ipp" + ], + [ + "=~", + "=~" + ], + [ + "Tr", + "ust" + ], + [ + "Ġsem", + "antics" + ], + [ + "ĠBund", + "es" + ], + [ + "ĠRen", + "o" + ], + [ + "ĠLiter", + "ature" + ], + [ + "s", + "ense" + ], + [ + "G", + "ary" + ], + [ + "ĠA", + "eg" + ], + [ + "ĠTr", + "in" + ], + [ + "EE", + "K" + ], + [ + "Ġcler", + "ic" + ], + [ + "ĠSS", + "H" + ], + [ + "Ġch", + "rist" + ], + [ + "Ġinv", + "ading" + ], + [ + "ib", + "u" + ], + [ + "Ġen", + "um" + ], + [ + "aur", + "a" + ], + [ + "Ġal", + "lege" + ], + [ + "ĠInc", + "redible" + ], + [ + "B", + "BC" + ], + [ + "Ġth", + "ru" + ], + [ + "Ġsa", + "iled" + ], + [ + "Ġem", + "ulate" + ], + [ + "Ġin", + "security" + ], + [ + "Ġc", + "rou" + ], + [ + "Ġaccommod", + "ations" + ], + [ + "Ġincompet", + "ent" + ], + [ + "Ġsl", + "ips" + ], + [ + "ĠEarth", + "qu" + ], + [ + "s", + "ama" + ], + [ + "IL", + "LE" + ], + [ + "Ġi", + "Phones" + ], + [ + "as", + "aki" + ], + [ + "Ġby", + "e" + ], + [ + "Ġar", + "d" + ], + [ + "Ġext", + "ras" + ], + [ + "Ġsl", + "aughtered" + ], + [ + "Ġcrowd", + "funding" + ], + [ + "res", + "so" + ], + [ + "Ġfil", + "ib" + ], + [ + "ĠER", + "ROR" + ], + [ + "ĠT", + "LS" + ], + [ + "e", + "gg" + ], + [ + "ĠIt", + "al" + ], + [ + "Ġen", + "list" + ], + [ + "ĠCatal", + "onia" + ], + [ + "ĠSc", + "ots" + ], + [ + "Ġser", + "geant" + ], + [ + "Ġdiss", + "olve" + ], + [ + "N", + "H" + ], + [ + "Ġstand", + "ings" + ], + [ + "ri", + "que" + ], + [ + "I", + "Q" + ], + [ + "Ġbenef", + "iciary" + ], + [ + "Ġaqu", + "arium" + ], + [ + "You", + "Tube" + ], + [ + "ĠPower", + "Shell" + ], + [ + "Ġbright", + "est" + ], + [ + "ĠWar", + "rant" + ], + [ + "S", + "old" + ], + [ + "Writ", + "ing" + ], + [ + "Ġbegin", + "nings" + ], + [ + "ĠRes", + "erved" + ], + [ + "ĠLatin", + "os" + ], + [ + "head", + "ing" + ], + [ + "Ġ4", + "40" + ], + [ + "Ġrooft", + "op" + ], + [ + "AT", + "ING" + ], + [ + "Ġ3", + "90" + ], + [ + "VP", + "N" + ], + [ + "G", + "s" + ], + [ + "k", + "ernel" + ], + [ + "turn", + "ed" + ], + [ + "Ġprefer", + "able" + ], + [ + "Ġturn", + "overs" + ], + [ + "ĠH", + "els" + ], + [ + "S", + "a" + ], + [ + "ĠShin", + "ji" + ], + [ + "ve", + "h" + ], + [ + "ĠMOD", + "ULE" + ], + [ + "V", + "iol" + ], + [ + "Ġex", + "iting" + ], + [ + "Ġj", + "ab" + ], + [ + "ĠVan", + "illa" + ], + [ + "Ġac", + "ron" + ], + [ + "ĠG", + "ap" + ], + [ + "ber", + "n" + ], + [ + "A", + "k" + ], + [ + "ĠMc", + "Gu" + ], + [ + "Ġend", + "lessly" + ], + [ + "ĠFar", + "age" + ], + [ + "ĠNo", + "el" + ], + [ + "V", + "a" + ], + [ + "M", + "K" + ], + [ + "Ġbr", + "ute" + ], + [ + "ĠK", + "ru" + ], + [ + "ĠES", + "V" + ], + [ + "ĠOl", + "ivia" + ], + [ + "âĢ", + "ł" + ], + [ + "ĠK", + "af" + ], + [ + "Ġtrust", + "ing" + ], + [ + "Ġh", + "ots" + ], + [ + "3", + "24" + ], + [ + "Ġmal", + "aria" + ], + [ + "Ġj", + "son" + ], + [ + "Ġp", + "ounding" + ], + [ + "ort", + "ment" + ], + [ + "Count", + "ry" + ], + [ + "Ġpostp", + "oned" + ], + [ + "Ġunequ", + "iv" + ], + [ + "?", + ")," + ], + [ + "ĠRo", + "oney" + ], + [ + "udd", + "ing" + ], + [ + "ĠLe", + "ap" + ], + [ + "ur", + "rence" + ], + [ + "sh", + "apeshifter" + ], + [ + "ĠH", + "AS" + ], + [ + "os", + "ate" + ], + [ + "Ġca", + "vern" + ], + [ + "Ġconserv", + "atism" + ], + [ + "ĠB", + "AD" + ], + [ + "Ġmile", + "age" + ], + [ + "Ġarrest", + "ing" + ], + [ + "V", + "aults" + ], + [ + "Ġmix", + "er" + ], + [ + "Dem", + "ocratic" + ], + [ + "ĠB", + "enson" + ], + [ + "Ġauth", + "ored" + ], + [ + "8", + "000" + ], + [ + "Ġpro", + "active" + ], + [ + "ĠSpirit", + "ual" + ], + [ + "t", + "re" + ], + [ + "Ġincarcer", + "ated" + ], + [ + "ĠS", + "ort" + ], + [ + "Ġpe", + "aked" + ], + [ + "Ġwield", + "ing" + ], + [ + "re", + "ciation" + ], + [ + "×Ļ", + "×" + ], + [ + "P", + "atch" + ], + [ + "ĠEm", + "my" + ], + [ + "Ġex", + "qu" + ], + [ + "tt", + "o" + ], + [ + "ĠRat", + "io" + ], + [ + "ĠP", + "icks" + ], + [ + "ĠG", + "ry" + ], + [ + "ph", + "ant" + ], + [ + "Ġf", + "ret" + ], + [ + "Ġeth", + "n" + ], + [ + "Ġarch", + "ived" + ], + [ + "%", + "-" + ], + [ + "c", + "ases" + ], + [ + "ĠBl", + "aze" + ], + [ + "Ġim", + "b" + ], + [ + "c", + "v" + ], + [ + "y", + "ss" + ], + [ + "im", + "ony" + ], + [ + "Ġcount", + "down" + ], + [ + "Ġaw", + "akening" + ], + [ + "ĠTunis", + "ia" + ], + [ + "ĠRe", + "fer" + ], + [ + "ĠM", + "J" + ], + [ + "Ġun", + "natural" + ], + [ + "ĠCar", + "negie" + ], + [ + "iz", + "en" + ], + [ + "ĠN", + "uggets" + ], + [ + "he", + "ss" + ], + [ + "Ġev", + "ils" + ], + [ + "64", + "7" + ], + [ + "Ġintrodu", + "ctory" + ], + [ + "l", + "oving" + ], + [ + "ĠMcM", + "ahon" + ], + [ + "Ġambig", + "uity" + ], + [ + "L", + "abel" + ], + [ + "ĠAlm", + "ighty" + ], + [ + "Ġcolor", + "ing" + ], + [ + "ĠCl", + "aus" + ], + [ + "set", + "ting" + ], + [ + "N", + "ULL" + ], + [ + "ĠF", + "avorite" + ], + [ + "ĠS", + "IG" + ], + [ + ">", + "(" + ], + [ + "ĠSh", + "iva" + ], + [ + "ĠMay", + "er" + ], + [ + "Ġstorm", + "ed" + ], + [ + "ĠCo", + "verage" + ], + [ + "we", + "apons" + ], + [ + "igh", + "am" + ], + [ + "Ġun", + "answered" + ], + [ + "Ġle", + "ve" + ], + [ + "Ġc", + "oy" + ], + [ + "c", + "as" + ], + [ + "b", + "ags" + ], + [ + "as", + "ured" + ], + [ + "Se", + "attle" + ], + [ + "ĠSant", + "orum" + ], + [ + "ser", + "ious" + ], + [ + "Ġcourage", + "ous" + ], + [ + "ĠS", + "oup" + ], + [ + "Ġconfisc", + "ated" + ], + [ + "Ġ//", + "/" + ], + [ + "Ġuncon", + "ventional" + ], + [ + "Ġmom", + "s" + ], + [ + "ĠRohing", + "ya" + ], + [ + "ĠOrche", + "stra" + ], + [ + "ĠPot", + "ion" + ], + [ + "Ġdisc", + "redit" + ], + [ + "ĠF", + "IL" + ], + [ + "f", + "ixed" + ], + [ + "ĠDe", + "er" + ], + [ + "do", + "i" + ], + [ + "ĠDim", + "ension" + ], + [ + "Ġbureaucr", + "ats" + ], + [ + "et", + "een" + ], + [ + "Ġaction", + "Group" + ], + [ + "oh", + "m" + ], + [ + "Ġb", + "umps" + ], + [ + "ĠUt", + "ility" + ], + [ + "Ġsubmar", + "ines" + ], + [ + "ren", + "heit" + ], + [ + "re", + "search" + ], + [ + "ĠShap", + "iro" + ], + [ + "Ġsket", + "ches" + ], + [ + "Ġde", + "ceptive" + ], + [ + "ĠV", + "il" + ], + [ + "es", + "ame" + ], + [ + "ĠEss", + "entially" + ], + [ + "Ġramp", + "age" + ], + [ + "isk", + "y" + ], + [ + "Ġmut", + "tered" + ], + [ + "th", + "ritis" + ], + [ + "Ġ23", + "6" + ], + [ + "f", + "et" + ], + [ + "b", + "ars" + ], + [ + "Ġpup", + "il" + ], + [ + "ĠTh", + "ou" + ], + [ + "o", + "S" + ], + [ + "s", + "ong" + ], + [ + "Ġfract", + "ured" + ], + [ + "Ġre", + "vert" + ], + [ + "pict", + "ure" + ], + [ + "Ġcrit", + "erion" + ], + [ + "us", + "her" + ], + [ + "Ġreperc", + "ussions" + ], + [ + "ĠV", + "intage" + ], + [ + "ĠSuper", + "intendent" + ], + [ + "Offic", + "ers" + ], + [ + "Ġflag", + "ged" + ], + [ + "Ġbl", + "ames" + ], + [ + "Ġin", + "verse" + ], + [ + "ograp", + "hers" + ], + [ + "Ġmakes", + "hift" + ], + [ + "Ġdev", + "oid" + ], + [ + "Ġfoss", + "ils" + ], + [ + "ĠArist", + "otle" + ], + [ + "ĠFund", + "s" + ], + [ + "Ġde", + "pleted" + ], + [ + "ĠFl", + "u" + ], + [ + "ĠY", + "uan" + ], + [ + "Ġw", + "oes" + ], + [ + "Ġlip", + "id" + ], + [ + "Ġsit", + "u" + ], + [ + "requ", + "isites" + ], + [ + "Ġfurn", + "ish" + ], + [ + "ĠSam", + "ar" + ], + [ + "Ġshame", + "ful" + ], + [ + "Ġadverse", + "ly" + ], + [ + "Ġad", + "ept" + ], + [ + "Ġrem", + "orse" + ], + [ + "Ġmurder", + "ous" + ], + [ + "uck", + "les" + ], + [ + "ĠE", + "SL" + ], + [ + "Ġ3", + "14" + ], + [ + "s", + "ent" + ], + [ + "Ġred", + "ef" + ], + [ + "ĠC", + "ache" + ], + [ + "ĠP", + "urs" + ], + [ + "ig", + "ans" + ], + [ + "Ġ4", + "60" + ], + [ + "Ġpres", + "criptions" + ], + [ + "Ġf", + "res" + ], + [ + "F", + "uck" + ], + [ + "ocr", + "ates" + ], + [ + "Tw", + "enty" + ], + [ + "ĠWe", + "ird" + ], + [ + "ĠT", + "oggle" + ], + [ + "ĠC", + "alled" + ], + [ + "itiz", + "ens" + ], + [ + "Ġp", + "oultry" + ], + [ + "Ġharvest", + "ing" + ], + [ + "ãĤ¦", + "ãĤ¹" + ], + [ + "Bott", + "om" + ], + [ + "Ġcaution", + "ed" + ], + [ + "t", + "n" + ], + [ + "39", + "6" + ], + [ + "ĠNik", + "ki" + ], + [ + "Ġeval", + "uations" + ], + [ + "Ġharass", + "ing" + ], + [ + "Ġbind", + "ings" + ], + [ + "ĠMon", + "etary" + ], + [ + "Ġhit", + "ters" + ], + [ + "Ġadvers", + "ary" + ], + [ + "un", + "ts" + ], + [ + "Ġset", + "back" + ], + [ + "Ġenc", + "rypt" + ], + [ + "ĠC", + "ait" + ], + [ + "Ġl", + "ows" + ], + [ + "eng", + "es" + ], + [ + "ĠN", + "orn" + ], + [ + "Ġbul", + "bs" + ], + [ + "Ġbott", + "led" + ], + [ + "ĠVoy", + "ager" + ], + [ + "3", + "17" + ], + [ + "Ġsp", + "heres" + ], + [ + "p", + "olitics" + ], + [ + "Ġsubt", + "ract" + ], + [ + "Ġsens", + "ations" + ], + [ + "Ġapp", + "alling" + ], + [ + "Ġ3", + "16" + ], + [ + "Ġenvironment", + "ally" + ], + [ + "ĠST", + "EM" + ], + [ + "Ġpub", + "lishes" + ], + [ + "5", + "60" + ], + [ + "Ġdilig", + "ence" + ], + [ + "48", + "4" + ], + [ + "Ġadv", + "ises" + ], + [ + "Ġpet", + "rol" + ], + [ + "Ġimag", + "ining" + ], + [ + "Ġpatrol", + "s" + ], + [ + "ĠInt", + "eger" + ], + [ + "ĠAs", + "hes" + ], + [ + "act", + "us" + ], + [ + "ĠRad", + "iant" + ], + [ + "ĠL", + "T" + ], + [ + "it", + "ability" + ], + [ + "ht", + "aking" + ], + [ + "Set", + "ting" + ], + [ + "Ġnu", + "anced" + ], + [ + "ĠRe", + "ef" + ], + [ + "ĠDevelop", + "ers" + ], + [ + "N", + "i" + ], + [ + "pie", + "ces" + ], + [ + "99", + "0" + ], + [ + "Lic", + "ense" + ], + [ + "Ġlow", + "ers" + ], + [ + "ĠOtt", + "oman" + ], + [ + "3", + "27" + ], + [ + "oo", + "o" + ], + [ + "Ġqu", + "itting" + ], + [ + "mark", + "ets" + ], + [ + "Beh", + "ind" + ], + [ + "Ġbas", + "in" + ], + [ + "Ġdoc", + "s" + ], + [ + "an", + "ie" + ], + [ + "fl", + "ash" + ], + [ + "ct", + "l" + ], + [ + "Ġcivil", + "ized" + ], + [ + "ĠFuk", + "ushima" + ], + [ + "\"]", + ",\"" + ], + [ + "ĠK", + "S" + ], + [ + "ĠHonest", + "ly" + ], + [ + "ar", + "at" + ], + [ + "Ġconstruct", + "s" + ], + [ + "ĠL", + "ans" + ], + [ + "ĠD", + "ire" + ], + [ + "ĠLI", + "KE" + ], + [ + "ĠTrou", + "ble" + ], + [ + "Ġwith", + "holding" + ], + [ + "ĠOb", + "livion" + ], + [ + "Ġsan", + "ity" + ], + [ + "any", + "a" + ], + [ + "Con", + "st" + ], + [ + "Ġgro", + "cer" + ], + [ + "ĠC", + "elsius" + ], + [ + "Ġrecount", + "ed" + ], + [ + "ĠW", + "ife" + ], + [ + "B", + "order" + ], + [ + "ate", + "red" + ], + [ + "h", + "appy" + ], + [ + "Ġspo", + "iler" + ], + [ + "Ġlog", + "ically" + ], + [ + "H", + "all" + ], + [ + "Ġsucceed", + "ing" + ], + [ + "Ġpoly", + "morph" + ], + [ + "Ġax", + "es" + ], + [ + "ĠShot", + "gun" + ], + [ + "ĠS", + "lim" + ], + [ + "ĠPrin", + "ciples" + ], + [ + "ĠL", + "eth" + ], + [ + "art", + "a" + ], + [ + "Ġsc", + "or" + ], + [ + "Sc", + "reenshot" + ], + [ + "Ġrelax", + "ation" + ], + [ + "#$", + "#$" + ], + [ + "Ġdeter", + "rent" + ], + [ + "idd", + "y" + ], + [ + "Ġpower", + "less" + ], + [ + "Ġles", + "bians" + ], + [ + "Ġch", + "ords" + ], + [ + "ĠEd", + "ited" + ], + [ + "se", + "lected" + ], + [ + "Ġseparat", + "ists" + ], + [ + "000", + "2" + ], + [ + "Ġair", + "space" + ], + [ + "Ġturn", + "around" + ], + [ + "Ġc", + "unning" + ], + [ + "P", + "ATH" + ], + [ + "P", + "oly" + ], + [ + "Ġbomb", + "ed" + ], + [ + "Ġt", + "ion" + ], + [ + "x", + "s" + ], + [ + "Ġwith", + "hold" + ], + [ + "Ġw", + "aged" + ], + [ + "ĠLiber", + "ties" + ], + [ + "Fl", + "ag" + ], + [ + "Ġcomfort", + "ing" + ], + [ + "45", + "4" + ], + [ + "ĠI", + "ris" + ], + [ + "are", + "rs" + ], + [ + "Ġr", + "ag" + ], + [ + "Ġrel", + "ocated" + ], + [ + "ĠGu", + "arant" + ], + [ + "Ġstrateg", + "ically" + ], + [ + "Ġgam", + "ma" + ], + [ + "uber", + "ty" + ], + [ + "ĠLock", + "heed" + ], + [ + "g", + "res" + ], + [ + "Ġgr", + "illed" + ], + [ + "ĠLow", + "e" + ], + [ + "st", + "ats" + ], + [ + "ĠR", + "ocks" + ], + [ + "Ġsens", + "ing" + ], + [ + "Ġrent", + "ing" + ], + [ + "ĠGe", + "ological" + ], + [ + "ا", + "Ø" + ], + [ + "ot", + "rop" + ], + [ + "Ġse", + "w" + ], + [ + "Ġimproper", + "ly" + ], + [ + "48", + "6" + ], + [ + "Ġâĸ", + "ł" + ], + [ + "Ġstar", + "ving" + ], + [ + "ĠB", + "j" + ], + [ + "Disc", + "ussion" + ], + [ + "3", + "28" + ], + [ + "ĠCom", + "bo" + ], + [ + "ĠFix", + "es" + ], + [ + "N", + "AT" + ], + [ + "Ġstri", + "ving" + ], + [ + "th", + "ora" + ], + [ + "Ġharvest", + "ed" + ], + [ + "ĠP", + "ing" + ], + [ + "Ġplay", + "ful" + ], + [ + "Ġaven", + "ues" + ], + [ + "Ġoccup", + "ational" + ], + [ + "Ġw", + "akes" + ], + [ + "ĠCou", + "rier" + ], + [ + "Ġdrum", + "mer" + ], + [ + "ĠBrow", + "ser" + ], + [ + "ĠH", + "outh" + ], + [ + "it", + "u" + ], + [ + "Ġapp", + "arel" + ], + [ + "p", + "aste" + ], + [ + "Ġhun", + "ted" + ], + [ + "ĠSecond", + "ly" + ], + [ + "l", + "ain" + ], + [ + "X", + "Y" + ], + [ + "ĠP", + "IN" + ], + [ + "ic", + "ons" + ], + [ + "Ġcock", + "tails" + ], + [ + "Ġs", + "izable" + ], + [ + "Ġhurd", + "les" + ], + [ + "est", + "inal" + ], + [ + "ĠRecre", + "ation" + ], + [ + "Ġe", + "co" + ], + [ + "64", + "8" + ], + [ + "ĠD", + "ied" + ], + [ + "m", + "int" + ], + [ + "Ġfinger", + "prints" + ], + [ + "Ġdis", + "pose" + ], + [ + "ĠBos", + "nia" + ], + [ + "ts", + "y" + ], + [ + "22", + "00" + ], + [ + "Ġins", + "pected" + ], + [ + "ĠF", + "ou" + ], + [ + "Ġf", + "uss" + ], + [ + "Ġamb", + "ush" + ], + [ + "ĠR", + "ak" + ], + [ + "Ġmanif", + "ested" + ], + [ + "Pro", + "secut" + ], + [ + "Ġsuff", + "ice" + ], + [ + "ren", + "ces" + ], + [ + "Ġcompens", + "ated" + ], + [ + "ĠC", + "yrus" + ], + [ + "Ġgen", + "us" + ], + [ + "ĠWolver", + "ine" + ], + [ + "ĠTrend", + "s" + ], + [ + "Ġh", + "ikes" + ], + [ + "ĠSe", + "en" + ], + [ + "Ġen", + "rol" + ], + [ + "C", + "old" + ], + [ + "Ġpol", + "itely" + ], + [ + "ĠSl", + "av" + ], + [ + "ĠRu", + "pert" + ], + [ + "Ġey", + "ewitness" + ], + [ + "ĠAl", + "to" + ], + [ + "Ġun", + "comp" + ], + [ + "Ġposter", + "ior" + ], + [ + "M", + "ust" + ], + [ + "ĠHer", + "z" + ], + [ + "Ġprogress", + "ively" + ], + [ + "Ġ23", + "4" + ], + [ + "Ġind", + "ifference" + ], + [ + "ĠCunning", + "ham" + ], + [ + "Ġacadem", + "ia" + ], + [ + "Ġse", + "wer" + ], + [ + "Ġast", + "ounding" + ], + [ + "ĠA", + "ES" + ], + [ + "r", + "ather" + ], + [ + "Ġeld", + "est" + ], + [ + "Ġclim", + "bs" + ], + [ + "ĠAdd", + "s" + ], + [ + "Ġout", + "cry" + ], + [ + "Ġcont", + "ag" + ], + [ + "ĠH", + "ouses" + ], + [ + "Ġpe", + "pt" + ], + [ + "ĠMel", + "ania" + ], + [ + "interest", + "ed" + ], + [ + "ĠU", + "CH" + ], + [ + "ĠR", + "oots" + ], + [ + "ĠHub", + "bard" + ], + [ + "ĠT", + "BD" + ], + [ + "ĠRoman", + "ian" + ], + [ + "fil", + "ename" + ], + [ + "St", + "one" + ], + [ + "ĠIm", + "pl" + ], + [ + "Ġchromos", + "ome" + ], + [ + "C", + "le" + ], + [ + "d", + "x" + ], + [ + "Ġscram", + "bled" + ], + [ + "ĠP", + "t" + ], + [ + "Ġ24", + "2" + ], + [ + "OP", + "LE" + ], + [ + "Ġtremend", + "ously" + ], + [ + "St", + "reet" + ], + [ + "Ġcra", + "ving" + ], + [ + "Ġbund", + "led" + ], + [ + "ĠR", + "G" + ], + [ + "p", + "ipe" + ], + [ + "Ġinj", + "uring" + ], + [ + "Ġarc", + "ane" + ], + [ + "Part", + "icip" + ], + [ + "ĠHero", + "ic" + ], + [ + "st", + "y" + ], + [ + "Ġto", + "pping" + ], + [ + "ĠTemp", + "est" + ], + [ + "rent", + "ices" + ], + [ + "b", + "h" + ], + [ + "Ġpar", + "anoia" + ], + [ + "ĠUnic", + "ode" + ], + [ + "Ġegreg", + "ious" + ], + [ + "Ġ\\", + "'" + ], + [ + "ĠOsw", + "ald" + ], + [ + "Ġgra", + "vel" + ], + [ + "ĠSim", + "psons" + ], + [ + "Ġbl", + "and" + ], + [ + "ĠGuant", + "anamo" + ], + [ + "Writ", + "er" + ], + [ + "lin", + "ers" + ], + [ + "ĠD", + "ice" + ], + [ + "J", + "C" + ], + [ + "Ġpar", + "ity" + ], + [ + "Ġs", + "ided" + ], + [ + "Ġ23", + "7" + ], + [ + "ĠPyr", + "rha" + ], + [ + "at", + "ters" + ], + [ + "d", + "k" + ], + [ + "F", + "ine" + ], + [ + "comp", + "an" + ], + [ + "Ġform", + "ulated" + ], + [ + "ĠId", + "ol" + ], + [ + "il", + "ers" + ], + [ + "hem", + "oth" + ], + [ + "ĠF", + "av" + ], + [ + "Ġintr", + "usion" + ], + [ + "Ġcar", + "rots" + ], + [ + "ĠL", + "ayer" + ], + [ + "ĠH", + "acker" + ], + [ + "Ġ", + "----------------" + ], + [ + "Ġmoder", + "ation" + ], + [ + "é", + "ģ" + ], + [ + "oc", + "oc" + ], + [ + "Ġcharacter", + "ize" + ], + [ + "ĠTe", + "resa" + ], + [ + "Ġsocio", + "economic" + ], + [ + "Ġper", + "k" + ], + [ + "ĠParticip", + "ation" + ], + [ + "tr", + "aining" + ], + [ + "ĠPaul", + "o" + ], + [ + "ph", + "ys" + ], + [ + "Ġtrust", + "worthy" + ], + [ + "Ġembod", + "ied" + ], + [ + "ĠMer", + "ch" + ], + [ + "c", + "urrency" + ], + [ + "ĠPrior", + "ity" + ], + [ + "Ġte", + "asing" + ], + [ + "Ġabsor", + "bing" + ], + [ + "Ġunf", + "inished" + ], + [ + "ĠCompar", + "ison" + ], + [ + "Ġdis", + "ple" + ], + [ + "writ", + "ers" + ], + [ + "Ġprofess", + "ions" + ], + [ + "ĠPengu", + "in" + ], + [ + "Ġang", + "rily" + ], + [ + "ĠL", + "INK" + ], + [ + "68", + "8" + ], + [ + "ĠCor", + "respond" + ], + [ + "Ġprev", + "ailed" + ], + [ + "Ġcart", + "el" + ], + [ + "l", + "p" + ], + [ + "as", + "ms" + ], + [ + "ĠRed", + "emption" + ], + [ + "ĠIslam", + "ists" + ], + [ + "effect", + "s" + ], + [ + "d", + "ose" + ], + [ + "ĠL", + "atter" + ], + [ + "ĠHal", + "ifax" + ], + [ + "Ġv", + "as" + ], + [ + "ĠTop", + "ics" + ], + [ + "ĠN", + "amed" + ], + [ + "advert", + "ising" + ], + [ + "zz", + "a" + ], + [ + "IC", + "ES" + ], + [ + "Ġret", + "arded" + ], + [ + "ach", + "able" + ], + [ + "ĠPupp", + "et" + ], + [ + "ĠItem", + "Level" + ], + [ + "Ġret", + "ract" + ], + [ + "Ġident", + "ifiable" + ], + [ + "A", + "aron" + ], + [ + "ĠB", + "uster" + ], + [ + "s", + "ol" + ], + [ + "hel", + "le" + ], + [ + "as", + "semb" + ], + [ + "H", + "ope" + ], + [ + "r", + "anged" + ], + [ + "B", + "a" + ], + [ + "ĠP", + "urch" + ], + [ + "é", + "Ģ" + ], + [ + "ĠSir", + "i" + ], + [ + "Ġarri", + "vals" + ], + [ + "Ġ19", + "12" + ], + [ + "Ġshort", + "ened" + ], + [ + "Ġ3", + "12" + ], + [ + "Ġdiscrep", + "ancy" + ], + [ + "ĠTem", + "perature" + ], + [ + "ĠWal", + "ton" + ], + [ + "Ġkind", + "erg" + ], + [ + "p", + "olit" + ], + [ + "Ġrem", + "ix" + ], + [ + "Ġconnect", + "ors" + ], + [ + "ãĥĺ", + "ãĥ©" + ], + [ + "ĠKazakh", + "stan" + ], + [ + "dom", + "inated" + ], + [ + "Ġsu", + "gars" + ], + [ + "im", + "ble" + ], + [ + "ĠPan", + "ic" + ], + [ + "ĠDem", + "and" + ], + [ + "ĠCol", + "ony" + ], + [ + "on", + "en" + ], + [ + "ĠM", + "ER" + ], + [ + "7", + "75" + ], + [ + "ur", + "ia" + ], + [ + "aza", + "ar" + ], + [ + "ĠDeg", + "ree" + ], + [ + "P", + "ri" + ], + [ + "Ġsun", + "shine" + ], + [ + "Ġ25", + "1" + ], + [ + "Ġpsychedel", + "ic" + ], + [ + "Ġdigit", + "ally" + ], + [ + "ĠBra", + "un" + ], + [ + "Ġsh", + "immer" + ], + [ + "Ġsh", + "ave" + ], + [ + "ĠTel", + "esc" + ], + [ + "ĠAst", + "ral" + ], + [ + "ĠVenezuel", + "an" + ], + [ + "ĠO", + "G" + ], + [ + "Ġc", + "rawling" + ], + [ + "Int", + "eg" + ], + [ + "ĠFe", + "ather" + ], + [ + "Ġunfold", + "ing" + ], + [ + "Ġappropri", + "ation" + ], + [ + "Ġè£ı", + "è" + ], + [ + "ĠMob", + "ility" + ], + [ + "ĠN", + "ey" + ], + [ + "-", + "." + ], + [ + "b", + "ilt" + ], + [ + "L", + "IN" + ], + [ + "ĠT", + "ube" + ], + [ + "ĠCon", + "versely" + ], + [ + "Ġkey", + "boards" + ], + [ + "ĠC", + "ao" + ], + [ + "Ġover", + "th" + ], + [ + "Ġla", + "ure" + ], + [ + ">>", + "\\" + ], + [ + "ĠV", + "iper" + ], + [ + "ach", + "a" + ], + [ + "Off", + "set" + ], + [ + "ĠR", + "aleigh" + ], + [ + "ĠJ", + "ae" + ], + [ + "J", + "ordan" + ], + [ + "j", + "p" + ], + [ + "Ġtotal", + "itarian" + ], + [ + "Connect", + "or" + ], + [ + "Ġobserv", + "es" + ], + [ + "ĠSpart", + "an" + ], + [ + "ĠIm", + "mediately" + ], + [ + "ĠSc", + "al" + ], + [ + "C", + "ool" + ], + [ + "Ġt", + "aps" + ], + [ + "Ġro", + "ar" + ], + [ + "P", + "ast" + ], + [ + "Ġch", + "ars" + ], + [ + "ĠB", + "ender" + ], + [ + "ĠShe", + "ldon" + ], + [ + "Ġpain", + "ter" + ], + [ + "Ġbe", + "acon" + ], + [ + "ĠCreat", + "ures" + ], + [ + "Ġdownt", + "urn" + ], + [ + "Ġh", + "inder" + ], + [ + "ĠAnd", + "romeda" + ], + [ + "Ã", + "Ľ" + ], + [ + "cc", + "oli" + ], + [ + "ĠF", + "itness" + ], + [ + "et", + "rical" + ], + [ + "Ġutil", + "izes" + ], + [ + "Ġsen", + "ate" + ], + [ + "Ġen", + "semble" + ], + [ + "Ġche", + "ers" + ], + [ + "T", + "W" + ], + [ + "Ġaff", + "luent" + ], + [ + "k", + "il" + ], + [ + "ry", + "lic" + ], + [ + "ord", + "ering" + ], + [ + "Com", + "puter" + ], + [ + "Ġgru", + "esome" + ], + [ + "ost", + "ics" + ], + [ + "ĠUb", + "isoft" + ], + [ + "ĠKel", + "ley" + ], + [ + "Ġw", + "rench" + ], + [ + "Ġbourgeois", + "ie" + ], + [ + "IB", + "LE" + ], + [ + "ĠPrest", + "on" + ], + [ + "w", + "orn" + ], + [ + "ar", + "ist" + ], + [ + "reat", + "ing" + ], + [ + "Ġst", + "ained" + ], + [ + "ar", + "ine" + ], + [ + "Ġsl", + "ime" + ], + [ + "EN", + "N" + ], + [ + "Ġche", + "sts" + ], + [ + "Ġground", + "water" + ], + [ + "ann", + "ot" + ], + [ + "ĠTr", + "ay" + ], + [ + "ĠLoc", + "ke" + ], + [ + "ĠC", + "TR" + ], + [ + "Ġd", + "udes" + ], + [ + "ĠEx", + "ternal" + ], + [ + "ĠDec", + "oder" + ], + [ + "Ġpar", + "amed" + ], + [ + "ĠMed", + "line" + ], + [ + "80", + "9" + ], + [ + "ĠD", + "inner" + ], + [ + "rup", + "al" + ], + [ + "g", + "z" + ], + [ + "ĠG", + "um" + ], + [ + "ĠDem", + "o" + ], + [ + "j", + "ee" + ], + [ + "Ġd", + "h" + ], + [ + "ber", + "man" + ], + [ + "arch", + "s" + ], + [ + "Ġen", + "qu" + ], + [ + "ĠEp", + "stein" + ], + [ + "Ġdevast", + "ation" + ], + [ + "Ġfriends", + "hips" + ], + [ + "ĠAr", + "d" + ], + [ + "Ġ23", + "1" + ], + [ + "ĠRub", + "in" + ], + [ + "ĠDist", + "ance" + ], + [ + "Ġsp", + "urred" + ], + [ + "Ġd", + "ossier" + ], + [ + "Ġover", + "looking" + ], + [ + "\\\\\\\\\\\\\\\\", + "\\\\\\\\\\\\\\\\" + ], + [ + "Fore", + "st" + ], + [ + "ĠCom", + "es" + ], + [ + "\\", + "\"," + ], + [ + "ĠIran", + "ians" + ], + [ + "Ġf", + "ixtures" + ], + [ + "L", + "aughs" + ], + [ + "Ġcur", + "ry" + ], + [ + "ĠKing", + "ston" + ], + [ + "Ġsqu", + "ash" + ], + [ + "Ġcat", + "alogue" + ], + [ + "Ġabnormal", + "ities" + ], + [ + "Ġdigest", + "ive" + ], + [ + "....", + "....." + ], + [ + "Ġsubord", + "inate" + ], + [ + "og", + "ly" + ], + [ + "Ġ24", + "9" + ], + [ + "M", + "iddle" + ], + [ + "Ġmass", + "ac" + ], + [ + "Ġburg", + "ers" + ], + [ + "Ġdown", + "stairs" + ], + [ + "Ġ19", + "31" + ], + [ + "39", + "4" + ], + [ + "ĠV", + "G" + ], + [ + "Ġl", + "asers" + ], + [ + "ĠS", + "ikh" + ], + [ + "ĠAlex", + "a" + ], + [ + "der", + "ived" + ], + [ + "Ġcycl", + "ist" + ], + [ + "ãģ®", + "éŃĶ" + ], + [ + "onel", + "iness" + ], + [ + "!!!!", + "!!!!" + ], + [ + "Ġbuff", + "s" + ], + [ + "leg", + "ate" + ], + [ + "Ġrap", + "ing" + ], + [ + "Ġrecomm", + "ending" + ], + [ + "ro", + "red" + ], + [ + "Ġmult", + "icultural" + ], + [ + "un", + "ique" + ], + [ + "Ġbusiness", + "men" + ], + [ + "Ġune", + "asy" + ], + [ + "ĠM", + "AP" + ], + [ + "Ġdisp", + "ersed" + ], + [ + "cipl", + "ine" + ], + [ + "J", + "ess" + ], + [ + "ĠK", + "erala" + ], + [ + "å", + "§" + ], + [ + "Ġabst", + "raction" + ], + [ + "Sur", + "v" + ], + [ + "U", + "h" + ], + [ + "Ġprin", + "ters" + ], + [ + "ij", + "a" + ], + [ + "ow", + "der" + ], + [ + "Ġanalog", + "ous" + ], + [ + "ĠA", + "SP" + ], + [ + "af", + "er" + ], + [ + "Ġunfold", + "ed" + ], + [ + "Ġlevel", + "ing" + ], + [ + "Ġbre", + "ached" + ], + [ + "ĠH", + "earing" + ], + [ + "Ġn", + "at" + ], + [ + "Ġtransl", + "ating" + ], + [ + "crit", + "ical" + ], + [ + "Ġant", + "agonist" + ], + [ + "ĠYes", + "terday" + ], + [ + "Ġfuzz", + "y" + ], + [ + "w", + "ash" + ], + [ + "m", + "ere" + ], + [ + "Ġbe", + "wild" + ], + [ + "ĠM", + "ae" + ], + [ + "V", + "irgin" + ], + [ + "ph", + "rase" + ], + [ + "Ġsign", + "aled" + ], + [ + "ĠH", + "IGH" + ], + [ + "Ġprot", + "ester" + ], + [ + "Ġgar", + "ner" + ], + [ + "unk", + "nown" + ], + [ + "Ġk", + "ay" + ], + [ + "Ġabduct", + "ed" + ], + [ + "Ġst", + "alking" + ], + [ + "am", + "n" + ], + [ + "Ġdes", + "erving" + ], + [ + "ĠR", + "iv" + ], + [ + "ĠJ", + "orge" + ], + [ + "Ġscratch", + "ing" + ], + [ + "ĠS", + "aving" + ], + [ + "ip", + "ing" + ], + [ + "Ġte", + "ase" + ], + [ + "Ġmission", + "ary" + ], + [ + "ĠMor", + "row" + ], + [ + "T", + "IME" + ], + [ + "P", + "resent" + ], + [ + "Ġchem", + "otherapy" + ], + [ + "tern", + "ess" + ], + [ + "ĠH", + "omes" + ], + [ + "ĠP", + "urdue" + ], + [ + "Ġst", + "aunch" + ], + [ + "ĠWhit", + "ney" + ], + [ + "ĠTH", + "ERE" + ], + [ + "Î", + "¼" + ], + [ + "iat", + "us" + ], + [ + "ĠErn", + "est" + ], + [ + "ĠDe", + "ploy" + ], + [ + "Ġcove", + "ted" + ], + [ + "F", + "ML" + ], + [ + "ĠDial", + "ogue" + ], + [ + "Ġex", + "ited" + ], + [ + "f", + "ruit" + ], + [ + "Ġner", + "d" + ], + [ + "\":\"", + "\",\"" + ], + [ + "Ġv", + "ivo" + ], + [ + "ru", + "ly" + ], + [ + "4", + "60" + ], + [ + "ĠAm", + "en" + ], + [ + "rehens", + "ible" + ], + [ + "Ġâ", + "ĺ" + ], + [ + "D", + "IR" + ], + [ + "Ġad", + "herence" + ], + [ + "Ġche", + "w" + ], + [ + "ĠCo", + "ke" + ], + [ + "ĠSerge", + "i" + ], + [ + "dig", + "ital" + ], + [ + "ĠNe", + "ck" + ], + [ + "g", + "ently" + ], + [ + "enth", + "al" + ], + [ + "/", + ")" + ], + [ + "Ġwe", + "ary" + ], + [ + "Ġgu", + "ise" + ], + [ + "ĠConc", + "ord" + ], + [ + "ĠOn", + "ion" + ], + [ + "at", + "cher" + ], + [ + "Ġb", + "inge" + ], + [ + "ĠDirect", + "ive" + ], + [ + "Ġman", + "ned" + ], + [ + "ans", + "k" + ], + [ + "Ġill", + "usions" + ], + [ + "Ġbillion", + "aires" + ], + [ + "38", + "3" + ], + [ + "oly", + "n" + ], + [ + "odynam", + "ic" + ], + [ + "ĠWhe", + "at" + ], + [ + "ĠA", + "lic" + ], + [ + "Ġcol", + "oured" + ], + [ + "ĠN", + "AFTA" + ], + [ + "ab", + "o" + ], + [ + "Ġmac", + "ros" + ], + [ + "ind", + "ependent" + ], + [ + "s", + "weet" + ], + [ + "Ġsp", + "ac" + ], + [ + "ĠK", + "abul" + ], + [ + "Ġ", + "Ä" + ], + [ + "em", + "e" + ], + [ + "Ġdict", + "ated" + ], + [ + "Ġsh", + "outs" + ], + [ + "=", + "{" + ], + [ + "Ġr", + "ipping" + ], + [ + "ĠSh", + "ay" + ], + [ + "ĠCr", + "icket" + ], + [ + "direct", + "ed" + ], + [ + "Ġanalys", + "ed" + ], + [ + "ĠWAR", + "RANT" + ], + [ + "ag", + "ons" + ], + [ + "ĠBlaz", + "ers" + ], + [ + "Ġche", + "ered" + ], + [ + "Ġar", + "ithmetic" + ], + [ + "ĠTan", + "z" + ], + [ + "37", + "3" + ], + [ + "ĠFl", + "ags" + ], + [ + "Ġ29", + "5" + ], + [ + "Ġw", + "itches" + ], + [ + "ĠIn", + "cluded" + ], + [ + "ĠG", + "ained" + ], + [ + "ĠBl", + "ades" + ], + [ + "G", + "am" + ], + [ + "ĠSam", + "antha" + ], + [ + "ĠAtl", + "antis" + ], + [ + "ĠPr", + "att" + ], + [ + "Ġspo", + "iled" + ], + [ + "ĠI", + "B" + ], + [ + "ĠRam", + "irez" + ], + [ + "Pro", + "bably" + ], + [ + "re", + "ro" + ], + [ + "ĠN", + "g" + ], + [ + "ĠWar", + "lock" + ], + [ + "t", + "p" + ], + [ + "Ġover", + "he" + ], + [ + "Ġadministr", + "ations" + ], + [ + "Ġt", + "int" + ], + [ + "Ġreg", + "iment" + ], + [ + "Ġpist", + "ols" + ], + [ + "Ġblank", + "ets" + ], + [ + "Ġep", + "ist" + ], + [ + "Ġbowl", + "s" + ], + [ + "Ġhydra", + "ulic" + ], + [ + "Ġde", + "an" + ], + [ + "Ġj", + "ung" + ], + [ + "Ġasc", + "end" + ], + [ + "70", + "5" + ], + [ + "ĠSant", + "iago" + ], + [ + "Ã", + "®" + ], + [ + "Ġun", + "avoid" + ], + [ + "ĠSh", + "aman" + ], + [ + "re", + "b" + ], + [ + "Ġstem", + "ming" + ], + [ + "99", + "8" + ], + [ + "ĠM", + "G" + ], + [ + "st", + "icks" + ], + [ + "esthes", + "ia" + ], + [ + "ER", + "O" + ], + [ + "Ġmor", + "bid" + ], + [ + "ĠGr", + "ill" + ], + [ + "ĠP", + "oe" + ], + [ + "any", + "l" + ], + [ + "Ġdele", + "ting" + ], + [ + "ĠSurve", + "illance" + ], + [ + "Ġdirect", + "ives" + ], + [ + "Ġiter", + "ations" + ], + [ + "ĠR", + "ox" + ], + [ + "ĠMil", + "ky" + ], + [ + "F", + "ather" + ], + [ + "Ġpat", + "ented" + ], + [ + "44", + "7" + ], + [ + "Ġprec", + "ursor" + ], + [ + "Ġm", + "aiden" + ], + [ + "ĠP", + "hen" + ], + [ + "ĠVe", + "gan" + ], + [ + "ĠPat", + "ent" + ], + [ + "K", + "elly" + ], + [ + "Redd", + "itor" + ], + [ + "Ġn", + "ods" + ], + [ + "Ġvent", + "ilation" + ], + [ + "ĠSchwar", + "z" + ], + [ + "Ġw", + "izards" + ], + [ + "Ġomin", + "ous" + ], + [ + "ĠHe", + "ads" + ], + [ + "ĠB", + "G" + ], + [ + "Ġl", + "umber" + ], + [ + "ĠSp", + "iel" + ], + [ + "Ġis", + "Enabled" + ], + [ + "Ġancest", + "ral" + ], + [ + "ĠSh", + "ips" + ], + [ + "Ġwrest", + "ler" + ], + [ + "ph", + "i" + ], + [ + "Ġy", + "uan" + ], + [ + "ĠRebell", + "ion" + ], + [ + "Ġice", + "berg" + ], + [ + "Ġmag", + "ically" + ], + [ + "Ġdivers", + "ion" + ], + [ + "ar", + "ro" + ], + [ + "yth", + "m" + ], + [ + "ĠR", + "iders" + ], + [ + "ĠRob", + "bie" + ], + [ + "ĠK", + "ara" + ], + [ + "ĠMain", + "tenance" + ], + [ + "ĠHer", + "b" + ], + [ + "Ġhar", + "ms" + ], + [ + "p", + "acked" + ], + [ + "ĠFe", + "instein" + ], + [ + "Ġmarry", + "ing" + ], + [ + "Ġbl", + "ending" + ], + [ + "ĠR", + "ates" + ], + [ + "Ġ18", + "80" + ], + [ + "Ġwr", + "ink" + ], + [ + "ĠUn", + "ch" + ], + [ + "ĠTor", + "ch" + ], + [ + "desc", + "ribed" + ], + [ + "Ġhuman", + "oid" + ], + [ + "ilit", + "ating" + ], + [ + "ĠCon", + "v" + ], + [ + "ĠFe", + "ld" + ], + [ + "IGH", + "TS" + ], + [ + "Ġwhistlebl", + "ower" + ], + [ + "ort", + "mund" + ], + [ + "ets", + "y" + ], + [ + "arre", + "tt" + ], + [ + "ĠMon", + "o" + ], + [ + "ĠI", + "ke" + ], + [ + "ĠC", + "NBC" + ], + [ + "ĠW", + "AY" + ], + [ + "ĠMD", + "MA" + ], + [ + "ĠIndividual", + "s" + ], + [ + "Ġsupplement", + "al" + ], + [ + "Ġpower", + "house" + ], + [ + "ĠSt", + "ru" + ], + [ + "F", + "ocus" + ], + [ + "aph", + "ael" + ], + [ + "ĠCol", + "leg" + ], + [ + "att", + "i" + ], + [ + "Z", + "A" + ], + [ + "Ġp", + "erenn" + ], + [ + "ĠSign", + "ature" + ], + [ + "ĠRod", + "ney" + ], + [ + "Ġcub", + "es" + ], + [ + "idd", + "led" + ], + [ + "ĠD", + "ante" + ], + [ + "ĠIN", + "V" + ], + [ + "iling", + "ual" + ], + [ + "ĠC", + "th" + ], + [ + "Ġso", + "fa" + ], + [ + "Ġintimid", + "ate" + ], + [ + "ĠR", + "oe" + ], + [ + "ĠDi", + "plom" + ], + [ + "ĠCount", + "ries" + ], + [ + "ays", + "on" + ], + [ + "Ġextrad", + "ition" + ], + [ + "Ġdis", + "abling" + ], + [ + "ĠCard", + "iff" + ], + [ + "Ġmemor", + "andum" + ], + [ + "ĠTr", + "ace" + ], + [ + "Ġ??", + "?" + ], + [ + "se", + "ctor" + ], + [ + "ĠRou", + "hani" + ], + [ + "ĠY", + "ates" + ], + [ + "ĠFree", + "ze" + ], + [ + "Ġbl", + "adder" + ], + [ + "M", + "otor" + ], + [ + "ĠProm", + "ise" + ], + [ + "ant", + "asy" + ], + [ + "Ġforesee", + "able" + ], + [ + "ĠC", + "ologne" + ], + [ + "cont", + "ainer" + ], + [ + "ĠTre", + "es" + ], + [ + "ĠG", + "ors" + ], + [ + "ĠSin", + "clair" + ], + [ + "Ġbar", + "ring" + ], + [ + "key", + "e" + ], + [ + "Ġsl", + "ashed" + ], + [ + "ĠStat", + "istical" + ], + [ + "é", + "ĩ" + ], + [ + "Ġâĸ", + "º" + ], + [ + "All", + "ows" + ], + [ + "Ġhum", + "ility" + ], + [ + "Ġdr", + "illed" + ], + [ + "ĠF", + "urn" + ], + [ + "44", + "3" + ], + [ + "Ġse", + "wage" + ], + [ + "Ġhome", + "page" + ], + [ + "Ġcour", + "tyard" + ], + [ + "Ġv", + "ile" + ], + [ + "Ġsubsid", + "iaries" + ], + [ + "aj", + "o" + ], + [ + "direct", + "ory" + ], + [ + "Ġam", + "mon" + ], + [ + "V", + "ers" + ], + [ + "charg", + "es" + ], + [ + "Ġ}", + "}" + ], + [ + "ĠCh", + "ains" + ], + [ + "Ġ24", + "6" + ], + [ + "n", + "ob" + ], + [ + "Ġper", + "cept" + ], + [ + "Ġg", + "rit" + ], + [ + "Ġfisher", + "men" + ], + [ + "ĠIraq", + "is" + ], + [ + "ĠDIS", + "TR" + ], + [ + "ĠF", + "ULL" + ], + [ + "ĠEval", + "uation" + ], + [ + "g", + "raph" + ], + [ + "at", + "ial" + ], + [ + "Ġcooper", + "ating" + ], + [ + "Ġmel", + "an" + ], + [ + "Ġenlight", + "ened" + ], + [ + "Ġal", + "i" + ], + [ + "t", + "ailed" + ], + [ + "Ġsal", + "ute" + ], + [ + "Ġweak", + "est" + ], + [ + "ĠBull", + "dogs" + ], + [ + "U", + "A" + ], + [ + "ĠAll", + "oy" + ], + [ + "Ġsem", + "en" + ], + [ + "oc", + "ene" + ], + [ + "ĠWilliam", + "son" + ], + [ + "s", + "pr" + ], + [ + ",", + "âĢĶ" + ], + [ + "ĠG", + "F" + ], + [ + "itt", + "ens" + ], + [ + "Be", + "at" + ], + [ + "ĠJ", + "unk" + ], + [ + "iph", + "ate" + ], + [ + "ĠFarm", + "ers" + ], + [ + "ĠBit", + "coins" + ], + [ + "ig", + "ers" + ], + [ + "d", + "h" + ], + [ + "ĠL", + "oyal" + ], + [ + "p", + "ayer" + ], + [ + "Ġentert", + "ained" + ], + [ + "Ġpenn", + "ed" + ], + [ + "Ġcoup", + "on" + ], + [ + "Que", + "ue" + ], + [ + "Ġweaken", + "ing" + ], + [ + "c", + "arry" + ], + [ + "Ġunderest", + "imate" + ], + [ + "Ġshoot", + "out" + ], + [ + "Ġcharism", + "atic" + ], + [ + "ĠProced", + "ure" + ], + [ + "Ġprud", + "ent" + ], + [ + "in", + "ances" + ], + [ + "Ġric", + "hes" + ], + [ + "Ġcort", + "ical" + ], + [ + "Ġstr", + "ides" + ], + [ + "Ġd", + "rib" + ], + [ + "ĠOil", + "ers" + ], + [ + "5", + "40" + ], + [ + "ĠPer", + "form" + ], + [ + "ĠBang", + "kok" + ], + [ + "Ġe", + "uth" + ], + [ + "S", + "ER" + ], + [ + "Ġsimpl", + "istic" + ], + [ + "t", + "ops" + ], + [ + "camp", + "aign" + ], + [ + "Q", + "uality" + ], + [ + "Ġimpover", + "ished" + ], + [ + "ĠEisen", + "hower" + ], + [ + "Ġaug", + "ment" + ], + [ + "ĠH", + "arden" + ], + [ + "Ġinterven", + "ed" + ], + [ + "Ġlist", + "ens" + ], + [ + "ĠK", + "ok" + ], + [ + "Ġs", + "age" + ], + [ + "Ġrub", + "bish" + ], + [ + "ĠD", + "ed" + ], + [ + "Ġm", + "ull" + ], + [ + "pe", + "lling" + ], + [ + "Ġvide", + "ot" + ], + [ + "Produ", + "ction" + ], + [ + "D", + "J" + ], + [ + "m", + "iah" + ], + [ + "Ġadapt", + "ations" + ], + [ + "Ġmed", + "ically" + ], + [ + "Ġboard", + "ed" + ], + [ + "Ġarrog", + "ance" + ], + [ + "Ġscra", + "pped" + ], + [ + "Ġopp", + "ress" + ], + [ + "FORM", + "ATION" + ], + [ + "Ġj", + "unction" + ], + [ + "4", + "15" + ], + [ + "EE", + "EE" + ], + [ + "S", + "kill" + ], + [ + "Ġsub", + "du" + ], + [ + "ĠSug", + "gest" + ], + [ + "ĠP", + "ett" + ], + [ + "Ġle", + "tt" + ], + [ + "ĠMan", + "ip" + ], + [ + "ĠC", + "af" + ], + [ + "ĠCooper", + "ation" + ], + [ + "T", + "her" + ], + [ + "Ġreg", + "ained" + ], + [ + "¶", + "æ" + ], + [ + "ref", + "lect" + ], + [ + "Ġth", + "ugs" + ], + [ + "ĠShel", + "by" + ], + [ + "Ġdict", + "ates" + ], + [ + "ĠWe", + "iner" + ], + [ + "ĠH", + "ale" + ], + [ + "Ġbatt", + "leground" + ], + [ + "s", + "child" + ], + [ + "Ġcond", + "ol" + ], + [ + "h", + "unt" + ], + [ + "osit", + "ories" + ], + [ + "Ġacc", + "uses" + ], + [ + "Fil", + "ename" + ], + [ + "Ġsh", + "ri" + ], + [ + "Ġmotiv", + "ate" + ], + [ + "Ġreflect", + "ions" + ], + [ + "N", + "ull" + ], + [ + "ĠL", + "obby" + ], + [ + "¥", + "µ" + ], + [ + "ĠS", + "ATA" + ], + [ + "ĠBack", + "up" + ], + [ + "Ñ", + "ĥ" + ], + [ + "n", + "in" + ], + [ + "ĠCor", + "rection" + ], + [ + "Ġju", + "icy" + ], + [ + "ut", + "ra" + ], + [ + "ĠP", + "ric" + ], + [ + "Ġrest", + "raining" + ], + [ + "ĠAir", + "bnb" + ], + [ + "ĠAr", + "rest" + ], + [ + "Ġappropri", + "ations" + ], + [ + "Ġsl", + "opes" + ], + [ + "Ġmans", + "laughter" + ], + [ + "Ġwork", + "ings" + ], + [ + "ĠH", + "uss" + ], + [ + "ĠF", + "rey" + ], + [ + "Le", + "ave" + ], + [ + "ĠHarm", + "ony" + ], + [ + "ĠF", + "eder" + ], + [ + "Ġ4", + "30" + ], + [ + "Ġt", + "rench" + ], + [ + "Ġglad", + "ly" + ], + [ + "Ġbull", + "pen" + ], + [ + "ĠG", + "au" + ], + [ + "b", + "ones" + ], + [ + "Ġgro", + "ove" + ], + [ + "Ġpre", + "text" + ], + [ + "ã", + "ħĭ" + ], + [ + "Ġtransm", + "itter" + ], + [ + "ĠComp", + "onent" + ], + [ + "Ġunder", + "age" + ], + [ + "ĠEm", + "pires" + ], + [ + "T", + "ile" + ], + [ + "Ġo", + "y" + ], + [ + "ĠMar", + "vin" + ], + [ + "ĠC", + "AS" + ], + [ + "Ġbl", + "oss" + ], + [ + "Ġrepl", + "icated" + ], + [ + "ĠMar", + "iners" + ], + [ + "Marc", + "us" + ], + [ + "ĠBl", + "ocks" + ], + [ + "Ġliber", + "ated" + ], + [ + "Ġbutter", + "fly" + ], + [ + "Fe", + "el" + ], + [ + "Ġfer", + "mentation" + ], + [ + "Ġyou", + "tube" + ], + [ + "Ġoff", + "end" + ], + [ + "ĠTer", + "m" + ], + [ + "res", + "ist" + ], + [ + "Ġcess", + "ation" + ], + [ + "Ġinsurg", + "ency" + ], + [ + "Ġb", + "ir" + ], + [ + "ĠRa", + "ise" + ], + [ + "59", + "5" + ], + [ + "Ġhypothes", + "es" + ], + [ + "50", + "2" + ], + [ + "Ġpl", + "aque" + ], + [ + "ocr", + "at" + ], + [ + "Ġjack", + "ets" + ], + [ + "ĠHuff", + "Post" + ], + [ + "am", + "ong" + ], + [ + "Ġconf", + "er" + ], + [ + "48", + "7" + ], + [ + "ĠL", + "illy" + ], + [ + "Ġadapt", + "ing" + ], + [ + "ĠF", + "ay" + ], + [ + "Ġsh", + "oved" + ], + [ + "ve", + "c" + ], + [ + "Ġref", + "ine" + ], + [ + "Ġg", + "on" + ], + [ + "Ġgun", + "men" + ], + [ + "z", + "ai" + ], + [ + "ĠShut", + "tle" + ], + [ + "ĠI", + "zan" + ], + [ + "Ġ19", + "13" + ], + [ + "Ġple", + "thora" + ], + [ + "·", + "·" + ], + [ + "Ġ5", + "10" + ], + [ + "Ġp", + "uberty" + ], + [ + "Ġ24", + "1" + ], + [ + "ĠWe", + "alth" + ], + [ + "ĠAl", + "ma" + ], + [ + "ĠM", + "EM" + ], + [ + "ĠAd", + "ults" + ], + [ + "C", + "as" + ], + [ + "pr", + "ison" + ], + [ + "R", + "ace" + ], + [ + "Ġwater", + "proof" + ], + [ + "Ġathlet", + "icism" + ], + [ + "Ġcapital", + "ize" + ], + [ + "ĠJu", + "ice" + ], + [ + "Ġillum", + "inated" + ], + [ + "ĠP", + "ascal" + ], + [ + "Ġirrit", + "ation" + ], + [ + "ĠWitness", + "es" + ], + [ + "ad", + "le" + ], + [ + "ĠAst", + "ro" + ], + [ + "Ġf", + "ax" + ], + [ + "ĠEl", + "vis" + ], + [ + "Prim", + "ary" + ], + [ + "ĠL", + "ich" + ], + [ + "ĠEl", + "ves" + ], + [ + "Ġres", + "iding" + ], + [ + "Ġst", + "umble" + ], + [ + "3", + "19" + ], + [ + "ĠP", + "KK" + ], + [ + "Ġadvers", + "aries" + ], + [ + "D", + "OS" + ], + [ + "ĠR", + "itual" + ], + [ + "Ġsm", + "ear" + ], + [ + "Ġar", + "son" + ], + [ + "ident", + "al" + ], + [ + "Ġsc", + "ant" + ], + [ + "Ġmon", + "archy" + ], + [ + "Ġhal", + "ftime" + ], + [ + "Ġresid", + "ue" + ], + [ + "Ġind", + "ign" + ], + [ + "ĠSh", + "aun" + ], + [ + "ĠEl", + "m" + ], + [ + "aur", + "i" + ], + [ + "A", + "ff" + ], + [ + "W", + "ATCH" + ], + [ + "ĠLy", + "on" + ], + [ + "hel", + "ps" + ], + [ + "36", + "1" + ], + [ + "Ġlobby", + "ist" + ], + [ + "Ġdimin", + "ishing" + ], + [ + "Ġout", + "breaks" + ], + [ + "Ġgo", + "ats" + ], + [ + "f", + "avorite" + ], + [ + "ĠN", + "ah" + ], + [ + "son", + "ian" + ], + [ + "ĠBo", + "oster" + ], + [ + "Ġsand", + "box" + ], + [ + "ĠF", + "are" + ], + [ + "ĠMalt", + "a" + ], + [ + "Ġatt", + "Rot" + ], + [ + "ĠM", + "OR" + ], + [ + "ld", + "e" + ], + [ + "Ġnavig", + "ating" + ], + [ + "T", + "ouch" + ], + [ + "Ġunt", + "rue" + ], + [ + "ĠDis", + "aster" + ], + [ + "Ġl", + "udicrous" + ], + [ + "Pass", + "word" + ], + [ + "ĠJ", + "FK" + ], + [ + "blog", + "spot" + ], + [ + "4", + "16" + ], + [ + "ĠUN", + "DER" + ], + [ + "ern", + "al" + ], + [ + "Ġdelay", + "ing" + ], + [ + "T", + "OP" + ], + [ + "Ġimpl", + "ants" + ], + [ + "ĠAV", + "G" + ], + [ + "ĠH", + "uge" + ], + [ + "att", + "r" + ], + [ + "Ġjournal", + "istic" + ], + [ + "ĠPe", + "yton" + ], + [ + "ĠI", + "A" + ], + [ + "R", + "ap" + ], + [ + "go", + "al" + ], + [ + "ĠProgram", + "me" + ], + [ + "Ġsm", + "ashing" + ], + [ + "w", + "ives" + ], + [ + "print", + "ln" + ], + [ + "ĠPl", + "ague" + ], + [ + "in", + "us" + ], + [ + "EE", + "P" + ], + [ + "Ġcru", + "iser" + ], + [ + "ĠPar", + "ish" + ], + [ + "umin", + "ium" + ], + [ + "Ġoccup", + "ants" + ], + [ + "ĠJ", + "ihad" + ], + [ + "m", + "op" + ], + [ + "Ġp", + "int" + ], + [ + "Ġhe", + "ct" + ], + [ + "ĠMe", + "cca" + ], + [ + "direct", + "or" + ], + [ + "ĠFund", + "ing" + ], + [ + "ĠM", + "ixed" + ], + [ + "Ġst", + "ag" + ], + [ + "T", + "ier" + ], + [ + "Ġg", + "ust" + ], + [ + "Ġbright", + "ly" + ], + [ + "ors", + "i" + ], + [ + "Ġup", + "hill" + ], + [ + "R", + "D" + ], + [ + "Ġles", + "ions" + ], + [ + "ĠBund", + "y" + ], + [ + "liv", + "ious" + ], + [ + "Ġbi", + "ologist" + ], + [ + "ĠFac", + "ulty" + ], + [ + "ĠAuthor", + "ization" + ], + [ + "Ġ24", + "4" + ], + [ + "All", + "ow" + ], + [ + "ï", + "¸" + ], + [ + "ĠGi", + "ul" + ], + [ + "Ġpert", + "inent" + ], + [ + "ot", + "aur" + ], + [ + "es", + "se" + ], + [ + "ĠRo", + "of" + ], + [ + "Ġunman", + "ned" + ], + [ + "35", + "1" + ], + [ + "ĠSh", + "ak" + ], + [ + "ĠO", + "rient" + ], + [ + "Ġend", + "anger" + ], + [ + "D", + "ir" + ], + [ + "Ġrepl", + "en" + ], + [ + "ed", + "ient" + ], + [ + "Ġtail", + "or" + ], + [ + "Ġgad", + "gets" + ], + [ + "Ġaud", + "ible" + ], + [ + "âĺ", + "Ĩ" + ], + [ + "N", + "ice" + ], + [ + "Ġbomb", + "ard" + ], + [ + "ĠR", + "ape" + ], + [ + "Ġdef", + "iance" + ], + [ + "ĠTW", + "O" + ], + [ + "ĠFilip", + "ino" + ], + [ + "Ġunaff", + "ected" + ], + [ + "erv", + "atives" + ], + [ + "Ġso", + "ared" + ], + [ + "ĠBol", + "ton" + ], + [ + "Ġcomprom", + "ising" + ], + [ + "ĠBrew", + "ers" + ], + [ + "R", + "AL" + ], + [ + "ĠA", + "HL" + ], + [ + "icy", + "cle" + ], + [ + "Ġv", + "ampires" + ], + [ + "Ġdi", + "pped" + ], + [ + "oy", + "er" + ], + [ + "ĠX", + "III" + ], + [ + "Ġsidew", + "ays" + ], + [ + "ĠW", + "aste" + ], + [ + "ĠD", + "iss" + ], + [ + "ĠâĶľ", + "âĶĢâĶĢ" + ], + [ + "$", + "." + ], + [ + "Ġhabit", + "ats" + ], + [ + "ĠBe", + "ef" + ], + [ + "tr", + "uth" + ], + [ + "tr", + "ained" + ], + [ + "spl", + "it" + ], + [ + "R", + "us" + ], + [ + "And", + "y" + ], + [ + "ĠB", + "ram" + ], + [ + "RE", + "P" + ], + [ + "p", + "id" + ], + [ + "è£", + "ħ" + ], + [ + "ĠMut", + "ant" + ], + [ + "An", + "im" + ], + [ + "ĠMar", + "ina" + ], + [ + "Ġfut", + "ile" + ], + [ + "hig", + "hest" + ], + [ + "f", + "requency" + ], + [ + "Ġepile", + "psy" + ], + [ + "Ġcop", + "ing" + ], + [ + "Ġconc", + "ise" + ], + [ + "Ġtr", + "acing" + ], + [ + "ĠS", + "UN" + ], + [ + "pan", + "el" + ], + [ + "ĠSoph", + "ie" + ], + [ + "ĠCrow", + "ley" + ], + [ + "ĠAd", + "olf" + ], + [ + "ĠShoot", + "er" + ], + [ + "Ġsh", + "aky" + ], + [ + "ĠI", + "G" + ], + [ + "ĠL", + "ies" + ], + [ + "ĠBar", + "ber" + ], + [ + "p", + "kg" + ], + [ + "Ġupt", + "ake" + ], + [ + "Ġpred", + "atory" + ], + [ + "UL", + "TS" + ], + [ + "/", + "**" + ], + [ + "Ġintox", + "icated" + ], + [ + "ĠWest", + "brook" + ], + [ + "od", + "der" + ], + [ + "he", + "ment" + ], + [ + "Ġbas", + "eman" + ], + [ + "AP", + "D" + ], + [ + "st", + "orage" + ], + [ + "ĠFif", + "ty" + ], + [ + "ed", + "itor" + ], + [ + "G", + "EN" + ], + [ + "UT", + "ION" + ], + [ + "ir", + "ting" + ], + [ + "Ġse", + "wing" + ], + [ + "r", + "ift" + ], + [ + "Ġag", + "ony" + ], + [ + "ĠS", + "ands" + ], + [ + "Ġ25", + "4" + ], + [ + "C", + "ash" + ], + [ + "Ġl", + "odge" + ], + [ + "Ġp", + "unt" + ], + [ + "N", + "atural" + ], + [ + "ĠIde", + "as" + ], + [ + "Ġerrone", + "ous" + ], + [ + "ĠSens", + "or" + ], + [ + "ĠHann", + "ity" + ], + [ + "Ġ19", + "21" + ], + [ + "Ġm", + "ould" + ], + [ + "ĠG", + "on" + ], + [ + "kay", + "a" + ], + [ + "Ġanonym", + "ously" + ], + [ + "ĠK", + "EY" + ], + [ + "Ġsim", + "ulator" + ], + [ + "W", + "inter" + ], + [ + "Ġstream", + "ed" + ], + [ + "50", + "7" + ], + [ + "?", + "\"," + ], + [ + "Ġte", + "ased" + ], + [ + "Ġco", + "efficient" + ], + [ + "Ġwart", + "ime" + ], + [ + "ĠTH", + "R" + ], + [ + "'", + "'." + ], + [ + "ĠBank", + "ing" + ], + [ + "mp", + "ire" + ], + [ + "Ġf", + "andom" + ], + [ + "Ġl", + "ia" + ], + [ + "G", + "a" + ], + [ + "Ġdown", + "hill" + ], + [ + "Ġinterpre", + "ting" + ], + [ + "Ind", + "ividual" + ], + [ + "N", + "orm" + ], + [ + "Ġjealous", + "y" + ], + [ + "bit", + "coin" + ], + [ + "Ġple", + "asures" + ], + [ + "ĠToy", + "s" + ], + [ + "ĠChev", + "rolet" + ], + [ + "ĠAd", + "visor" + ], + [ + "IZ", + "E" + ], + [ + "Ġrecept", + "ions" + ], + [ + "70", + "6" + ], + [ + "C", + "ro" + ], + [ + "Ġ26", + "2" + ], + [ + "Ġcit", + "rus" + ], + [ + "ir", + "u" + ], + [ + "Review", + "er" + ], + [ + "ject", + "ed" + ], + [ + "U", + "ES" + ], + [ + "an", + "z" + ], + [ + "19", + "81" + ], + [ + "ĠWork", + "er" + ], + [ + "Ġcompl", + "ied" + ], + [ + "ores", + "cent" + ], + [ + "contin", + "ental" + ], + [ + "T", + "on" + ], + [ + "ĠPr", + "ism" + ], + [ + "ĠShe", + "ep" + ], + [ + "Ġ28", + "8" + ], + [ + "n", + "ox" + ], + [ + "ĠV", + "og" + ], + [ + "O", + "rd" + ], + [ + "Ġreal", + "ms" + ], + [ + "te", + "k" + ], + [ + "Ġirrig", + "ation" + ], + [ + "Ġbicy", + "cles" + ], + [ + "Ġelectron", + "ically" + ], + [ + "p", + "oly" + ], + [ + "t", + "all" + ], + [ + "()", + ");" + ], + [ + "Ġaest", + "hetics" + ], + [ + "ĠInteg", + "rated" + ], + [ + "Expl", + "ore" + ], + [ + "Ġd", + "unk" + ], + [ + "47", + "6" + ], + [ + "p", + "ain" + ], + [ + "ĠJac", + "ques" + ], + [ + "ĠD", + "mit" + ], + [ + "Fram", + "es" + ], + [ + "Ġreun", + "ited" + ], + [ + "Ġhum", + "id" + ], + [ + "D", + "ro" + ], + [ + "P", + "olitical" + ], + [ + "Ġyouth", + "ful" + ], + [ + "Ġent", + "ails" + ], + [ + "Ġmosqu", + "ito" + ], + [ + "36", + "3" + ], + [ + "spe", + "cies" + ], + [ + "Ġcoord", + "inating" + ], + [ + "ĠMay", + "hem" + ], + [ + "ĠMagn", + "us" + ], + [ + "M", + "ount" + ], + [ + "Impro", + "ved" + ], + [ + "ĠST", + "ATE" + ], + [ + "ATT", + "LE" + ], + [ + "Ġflow", + "ed" + ], + [ + "Ġtack", + "led" + ], + [ + "Ġfashion", + "ed" + ], + [ + "Ġre", + "organ" + ], + [ + "iv", + "ari" + ], + [ + "f", + "inger" + ], + [ + "Ġreluct", + "antly" + ], + [ + "et", + "ting" + ], + [ + "ĠV", + "and" + ], + [ + "you", + "ng" + ], + [ + "ĠGar", + "land" + ], + [ + "Ġpresum", + "ption" + ], + [ + "Ġamen", + "ities" + ], + [ + "ĠPle", + "asant" + ], + [ + "on", + "ential" + ], + [ + "ĠO", + "xy" + ], + [ + "Ġmor", + "als" + ], + [ + "ĠY", + "ah" + ], + [ + "Read", + "y" + ], + [ + "Sim", + "on" + ], + [ + "En", + "h" + ], + [ + "D", + "emon" + ], + [ + "Ġcl", + "ich" + ], + [ + "Mon", + "itor" + ], + [ + "ĠD", + "U" + ], + [ + "Ġwel", + "comes" + ], + [ + "Ġstand", + "out" + ], + [ + "Ġdread", + "ful" + ], + [ + "Ġban", + "anas" + ], + [ + "Ġball", + "oons" + ], + [ + "h", + "ooting" + ], + [ + "bas", + "ic" + ], + [ + "Ġsuff", + "ix" + ], + [ + "Ġd", + "uly" + ], + [ + "can", + "o" + ], + [ + "Ch", + "ain" + ], + [ + "at", + "os" + ], + [ + "Ġgeop", + "olitical" + ], + [ + "Ġ(", + "&" + ], + [ + "ĠGem", + "ini" + ], + [ + "ÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤ", + "ÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤ" + ], + [ + "Ġacqu", + "itted" + ], + [ + "L", + "uck" + ], + [ + "prot", + "ect" + ], + [ + "10", + "24" + ], + [ + "Ġsc", + "arcity" + ], + [ + "Ġmind", + "fulness" + ], + [ + "ec", + "ided" + ], + [ + "D", + "N" + ], + [ + "pr", + "ime" + ], + [ + "ĠPres", + "idents" + ], + [ + "ĠVID", + "EO" + ], + [ + "Ġ(", + "âĪĴ" + ], + [ + "add", + "ock" + ], + [ + "N", + "OR" + ], + [ + "ĠP", + "ru" + ], + [ + "p", + "un" + ], + [ + "ĠL", + "OL" + ], + [ + "))", + "))" + ], + [ + "ĠL", + "iqu" + ], + [ + "ĠS", + "AS" + ], + [ + "Ġsty", + "ling" + ], + [ + "Ġpunish", + "ments" + ], + [ + "Ġnum", + "b" + ], + [ + "Ġasc", + "ertain" + ], + [ + "ĠRock", + "ies" + ], + [ + "f", + "lu" + ], + [ + "Th", + "umbnail" + ], + [ + "Ġperpet", + "rated" + ], + [ + "ĠSem", + "i" + ], + [ + "Ġdis", + "arm" + ], + [ + "ĠOld", + "er" + ], + [ + "ĠEx", + "ception" + ], + [ + "Ġexponent", + "ially" + ], + [ + "ĠCommun", + "ities" + ], + [ + "Ġabol", + "ish" + ], + [ + "ĠPart", + "ner" + ], + [ + "pt", + "oms" + ], + [ + "Ġ7", + "77" + ], + [ + "ĠFo", + "ley" + ], + [ + "ĠC", + "ases" + ], + [ + "Ġgre", + "ase" + ], + [ + "ĠReb", + "irth" + ], + [ + "G", + "round" + ], + [ + "Ġ;", + ")" + ], + [ + "ĠDoct", + "rine" + ], + [ + "ik", + "ini" + ], + [ + "Y", + "e" + ], + [ + "ĠBl", + "ossom" + ], + [ + "Ġpers", + "ists" + ], + [ + "b", + "ill" + ], + [ + "Ġinf", + "usion" + ], + [ + "Ġbud", + "dies" + ], + [ + "9", + "11" + ], + [ + "ĠPat", + "ient" + ], + [ + "Ġdem", + "os" + ], + [ + "Ġacquaint", + "ance" + ], + [ + "ĠP", + "aw" + ], + [ + "at", + "ari" + ], + [ + "Ġx", + "ml" + ], + [ + "Ġfasc", + "ination" + ], + [ + "ĠSer", + "ve" + ], + [ + "Ï", + "Ĥ" + ], + [ + "br", + "anded" + ], + [ + "Ġa", + "z" + ], + [ + "Return", + "s" + ], + [ + "Ġover", + "shadow" + ], + [ + "Ġro", + "am" + ], + [ + "Ġspeed", + "y" + ], + [ + "n", + "umbered" + ], + [ + "hel", + "ial" + ], + [ + "Ġdisc", + "iple" + ], + [ + "Ġass", + "urances" + ], + [ + "g", + "iven" + ], + [ + "pect", + "ing" + ], + [ + "ĠN", + "atalie" + ], + [ + "çĶ", + "°" + ], + [ + "Ġmosquit", + "oes" + ], + [ + "rote", + "in" + ], + [ + "Ġnumer", + "ic" + ], + [ + "Ġindepend", + "ents" + ], + [ + "Ġtrans", + "itional" + ], + [ + "Ġreaction", + "ary" + ], + [ + "ĠMech", + "dragon" + ], + [ + "do", + "ctor" + ], + [ + "Ġshort", + "est" + ], + [ + "Ġsequ", + "ential" + ], + [ + "ĠB", + "ac" + ], + [ + "ĠAccount", + "s" + ], + [ + "ãģ", + "Į" + ], + [ + "ach", + "y" + ], + [ + "ract", + "ive" + ], + [ + "ĠReg", + "iment" + ], + [ + "Ġbreat", + "htaking" + ], + [ + "ffic", + "iency" + ], + [ + "ĠB", + "ates" + ], + [ + "Ġ3", + "11" + ], + [ + "Ġward", + "robe" + ], + [ + "ft", + "s" + ], + [ + "ĠBer", + "k" + ], + [ + "Sim", + "ply" + ], + [ + "ĠRivers", + "ide" + ], + [ + "iver", + "ing" + ], + [ + "ident", + "ial" + ], + [ + "lu", + "cent" + ], + [ + "Ġen", + "riched" + ], + [ + "ĠCon", + "ver" + ], + [ + "ĠG", + "iving" + ], + [ + "ãĥ", + "Ļ" + ], + [ + "Ġlegal", + "ize" + ], + [ + "ĠF", + "TC" + ], + [ + "Ġfre", + "aking" + ], + [ + "M", + "ix" + ], + [ + "Ġter", + "restrial" + ], + [ + "es", + "ian" + ], + [ + "ci", + "ents" + ], + [ + "W", + "ing" + ], + [ + "LO", + "AD" + ], + [ + "Ġled", + "ge" + ], + [ + "ĠViol", + "ent" + ], + [ + "ĠMet", + "all" + ], + [ + "Ġ30", + "8" + ], + [ + "Ġs", + "outheastern" + ], + [ + "hett", + "o" + ], + [ + "M", + "eat" + ], + [ + "Ġslow", + "down" + ], + [ + "Ġret", + "reated" + ], + [ + "Jere", + "my" + ], + [ + "end", + "as" + ], + [ + "****", + "*" + ], + [ + "er", + "ic" + ], + [ + "Ġre", + "ins" + ], + [ + "opp", + "able" + ], + [ + "ĠHuman", + "ity" + ], + [ + "ear", + "ances" + ], + [ + "rig", + "an" + ], + [ + "C", + "amera" + ], + [ + "Ġwa", + "ivers" + ], + [ + "s", + "oc" + ], + [ + "Ġalter", + "ation" + ], + [ + "trans", + "form" + ], + [ + "ĠC", + "emetery" + ], + [ + "50", + "6" + ], + [ + "Ġindef", + "inite" + ], + [ + "Ġstim", + "ulating" + ], + [ + "y", + "g" + ], + [ + "60", + "3" + ], + [ + "ĠS", + "op" + ], + [ + "Ġdescript", + "ive" + ], + [ + "Ph", + "ase" + ], + [ + "ĠEd", + "mund" + ], + [ + "Ġpneum", + "onia" + ], + [ + "vent", + "us" + ], + [ + "A", + "mb" + ], + [ + "Ġlabor", + "atories" + ], + [ + "ĠEx", + "clusive" + ], + [ + "ug", + "ar" + ], + [ + "W", + "ere" + ], + [ + "Ġmalf", + "unction" + ], + [ + "Ġhomosexual", + "s" + ], + [ + "Ġ----", + "---" + ], + [ + "un", + "i" + ], + [ + "Ġturb", + "ines" + ], + [ + "ĠEqu", + "ity" + ], + [ + "D", + "u" + ], + [ + "Ġmind", + "ed" + ], + [ + "ĠR", + "H" + ], + [ + "ĠBlack", + "hawks" + ], + [ + "Ġfe", + "ats" + ], + [ + "Ġ17", + "00" + ], + [ + "re", + "pl" + ], + [ + "36", + "2" + ], + [ + "lad", + "en" + ], + [ + "Ġindisp", + "ensable" + ], + [ + "ly", + "ss" + ], + [ + "tt", + "i" + ], + [ + "Ġre", + "el" + ], + [ + "Ġdiver", + "ted" + ], + [ + "Ġlik", + "eness" + ], + [ + "Ġsubscript", + "ions" + ], + [ + "Ġfing", + "ert" + ], + [ + "Ġfil", + "thy" + ], + [ + "dest", + "ruct" + ], + [ + "d", + "raft" + ], + [ + "ĠBernard", + "ino" + ], + [ + "l", + "aunch" + ], + [ + "Ġper", + "plex" + ], + [ + "ĠS", + "UM" + ], + [ + "car", + "b" + ], + [ + "Ġswe", + "ater" + ], + [ + "ĠVent", + "ure" + ], + [ + "ĠJ", + "ag" + ], + [ + "ĠCele", + "b" + ], + [ + "ĠV", + "oters" + ], + [ + "Ġstead", + "fast" + ], + [ + "Ġathlet", + "ics" + ], + [ + "ĠHans", + "on" + ], + [ + "ĠDr", + "ac" + ], + [ + "Tr", + "acker" + ], + [ + "Ġcomm", + "end" + ], + [ + "ĠPres", + "idency" + ], + [ + "ĠD", + "ID" + ], + [ + "in", + "formed" + ], + [ + "Ġweb", + "page" + ], + [ + "P", + "retty" + ], + [ + "Ġforce", + "fully" + ], + [ + "ãĥĥ", + "ãĤ¯" + ], + [ + "Ġrel", + "ocation" + ], + [ + "Ġsat", + "ire" + ], + [ + "â", + "ī" + ], + [ + "ĠSunder", + "land" + ], + [ + "æ", + "Ħ" + ], + [ + "V", + "oice" + ], + [ + "????", + "????" + ], + [ + "Ġinform", + "ant" + ], + [ + "Ġbow", + "el" + ], + [ + "ĠUn", + "iform" + ], + [ + "Ġ", + "...\"" + ], + [ + "Ġpur", + "ge" + ], + [ + "Ġpic", + "nic" + ], + [ + "ĠU", + "mb" + ], + [ + "ĠU", + "PDATE" + ], + [ + "ĠSapp", + "hire" + ], + [ + "ĠSt", + "all" + ], + [ + "le", + "arn" + ], + [ + "Ġobject", + "ively" + ], + [ + "Ġob", + "liter" + ], + [ + "Ġlooph", + "ole" + ], + [ + "Ġjour", + "neys" + ], + [ + "Ġo", + "mission" + ], + [ + "Pro", + "s" + ], + [ + "ĠSid", + "ney" + ], + [ + "pl", + "oma" + ], + [ + "Ġspray", + "ed" + ], + [ + "Ġg", + "uru" + ], + [ + "Ġtra", + "itor" + ], + [ + "Ġtim", + "et" + ], + [ + "Ġsn", + "apping" + ], + [ + "ĠSe", + "vent" + ], + [ + "urn", + "al" + ], + [ + "ĠUk", + "ip" + ], + [ + "Ġb", + "owed" + ], + [ + "por", + "al" + ], + [ + "l", + "iberal" + ], + [ + "R", + "os" + ], + [ + "Quest", + "ions" + ], + [ + "i", + "OS" + ], + [ + "Ġsummar", + "ize" + ], + [ + "ST", + "AT" + ], + [ + "Ġ18", + "50" + ], + [ + "ap", + "est" + ], + [ + "Ġl", + "ender" + ], + [ + "ĠVari", + "able" + ], + [ + "br", + "inging" + ], + [ + "ĠL", + "ORD" + ], + [ + ",", + ")" + ], + [ + "Ġcollaps", + "es" + ], + [ + "x", + "iety" + ], + [ + "ĠN", + "ed" + ], + [ + "Y", + "D" + ], + [ + "ĠSch", + "a" + ], + [ + "Ġantib", + "ody" + ], + [ + "Ġdis", + "band" + ], + [ + "y", + "re" + ], + [ + "ill", + "usion" + ], + [ + "Ġro", + "ver" + ], + [ + "s", + "hed" + ], + [ + "ĠHiro", + "sh" + ], + [ + "cc", + "i" + ], + [ + "Ġcal", + "am" + ], + [ + "ĠMort", + "on" + ], + [ + "P", + "interest" + ], + [ + "Ġ19", + "28" + ], + [ + "ĠE", + "uras" + ], + [ + "ord", + "es" + ], + [ + "Ġf", + "ences" + ], + [ + "ĠIn", + "ventory" + ], + [ + "ĠVal", + "encia" + ], + [ + "ĠU", + "d" + ], + [ + "ĠT", + "iff" + ], + [ + "Ġsqu", + "e" + ], + [ + "Ġqu", + "otation" + ], + [ + "Ġtroubles", + "ome" + ], + [ + "er", + "ker" + ], + [ + "QU", + "EST" + ], + [ + "ĠKing", + "doms" + ], + [ + "s", + "outh" + ], + [ + "Ġle", + "vy" + ], + [ + "Pr", + "ince" + ], + [ + "ĠSt", + "ing" + ], + [ + "Ġnick", + "named" + ], + [ + "Ġapp", + "e" + ], + [ + "Ġphot", + "ographic" + ], + [ + "Ġcorp", + "us" + ], + [ + "re", + "ference" + ], + [ + "ĠT", + "rog" + ], + [ + "U", + "nt" + ], + [ + ")", + "=(" + ], + [ + "ĠLat", + "via" + ], + [ + "Ġactiv", + "ating" + ], + [ + "Ġlicense", + "e" + ], + [ + "Ġdispar", + "ities" + ], + [ + "ĠNews", + "letter" + ], + [ + "ãĥĥ", + "ãĥĪ" + ], + [ + "Ġfree", + "ing" + ], + [ + "ĠJe", + "ep" + ], + [ + "ĠPer", + "ception" + ], + [ + "ins", + "k" + ], + [ + "Ġsil", + "icone" + ], + [ + "ĠHay", + "den" + ], + [ + "Le", + "an" + ], + [ + "ĠSuz", + "uki" + ], + [ + "ibr", + "arian" + ], + [ + "66", + "8" + ], + [ + "Ġsp", + "or" + ], + [ + "Ġcorrel", + "ations" + ], + [ + "ag", + "hetti" + ], + [ + "Ġtu", + "ber" + ], + [ + "ĠIP", + "CC" + ], + [ + "il", + "us" + ], + [ + "ĠV", + "u" + ], + [ + "Ġwealth", + "iest" + ], + [ + "ĠCarb", + "uncle" + ], + [ + "an", + "za" + ], + [ + "Ġfool", + "ed" + ], + [ + "ĠZ", + "ur" + ], + [ + "Ġd", + "addy" + ], + [ + "ran", + "o" + ], + [ + "il", + "ian" + ], + [ + "Ġknock", + "out" + ], + [ + "f", + "man" + ], + [ + "requ", + "ired" + ], + [ + "ĠWik", + "ileaks" + ], + [ + "ĠD", + "uffy" + ], + [ + "ON", + "T" + ], + [ + "Ġins", + "ol" + ], + [ + "ĠObject", + "s" + ], + [ + "Ġb", + "ou" + ], + [ + "ĠNord", + "ic" + ], + [ + "ĠIns", + "ert" + ], + [ + "sc", + "an" + ], + [ + "Ġd", + "ancers" + ], + [ + "Ġid", + "iots" + ], + [ + "major", + "ity" + ], + [ + "ĠNev", + "ille" + ], + [ + "ĠFree", + "BSD" + ], + [ + "Ġt", + "art" + ], + [ + "pan", + "ic" + ], + [ + "69", + "0" + ], + [ + "Ġcoc", + "oa" + ], + [ + "Ġsam", + "pled" + ], + [ + "Ġlook", + "up" + ], + [ + "Ind", + "ust" + ], + [ + "Ġinject", + "ions" + ], + [ + "gen", + "re" + ], + [ + "Ġa", + "u" + ], + [ + "Ġroad", + "way" + ], + [ + "Ġgen", + "itals" + ], + [ + "K", + "ind" + ], + [ + "ĠEx", + "aminer" + ], + [ + "ĠY", + "az" + ], + [ + "F", + "resh" + ], + [ + "Ġpar", + "alysis" + ], + [ + "ĠAl", + "uminum" + ], + [ + "Ġre", + "ap" + ], + [ + "ok", + "é" + ], + [ + "Ġsl", + "oppy" + ], + [ + "ĠTun", + "nel" + ], + [ + "pos", + "ium" + ], + [ + "ner", + "y" + ], + [ + "en", + "ic" + ], + [ + "Ġher", + "bal" + ], + [ + "ĠOut", + "er" + ], + [ + "ĠBuild", + "er" + ], + [ + "Ġinc", + "ur" + ], + [ + "Ġide", + "ologies" + ], + [ + "Ġback", + "ups" + ], + [ + "cons", + "uming" + ], + [ + "ĠDet", + "ect" + ], + [ + "de", + "ck" + ], + [ + "ĠKN", + "OW" + ], + [ + "ĠG", + "ret" + ], + [ + "ĠM", + "IC" + ], + [ + "Ġtough", + "ness" + ], + [ + "ĠEx", + "hibit" + ], + [ + "Ġh", + "ive" + ], + [ + "L", + "es" + ], + [ + "ĠSCH", + "OOL" + ], + [ + "ĠAt", + "ari" + ], + [ + "ald", + "e" + ], + [ + "ĠN", + "ull" + ], + [ + "and", + "estine" + ], + [ + "m", + "ouse" + ], + [ + "Ġbrig", + "ade" + ], + [ + "48", + "9" + ], + [ + "Ġrev", + "ol" + ], + [ + "ĠLaw", + "son" + ], + [ + "ĠW", + "ah" + ], + [ + "op", + "oly" + ], + [ + "eb", + "ted" + ], + [ + "ĠS", + "aunders" + ], + [ + "Ġ3", + "13" + ], + [ + "ĠW", + "inc" + ], + [ + "Ġtab", + "oo" + ], + [ + "ĠHel", + "met" + ], + [ + "Ġw", + "edge" + ], + [ + "ch", + "ip" + ], + [ + "ĠT", + "ina" + ], + [ + "b", + "g" + ], + [ + "Ġinf", + "uri" + ], + [ + "r", + "n" + ], + [ + "Ġanomal", + "ies" + ], + [ + "ĠSy", + "nc" + ], + [ + "ĠEx", + "am" + ], + [ + "ĠComm", + "it" + ], + [ + "ĠDi", + "ary" + ], + [ + "ĠALS", + "O" + ], + [ + "ĠDe", + "bor" + ], + [ + "omed", + "ical" + ], + [ + "Ġcomprehens", + "ion" + ], + [ + "6", + "55" + ], + [ + "Ġempower", + "ing" + ], + [ + "Ġ", + "ire" + ], + [ + "Ġju", + "ices" + ], + [ + "ĠE", + "TH" + ], + [ + "ĠBox", + "ing" + ], + [ + "=\"", + "/" + ], + [ + "Ġfacilit", + "ated" + ], + [ + "p", + "oke" + ], + [ + "ĠPars", + "ons" + ], + [ + "ĠMod", + "er" + ], + [ + "tra", + "vel" + ], + [ + "Ġcivil", + "izations" + ], + [ + "Ġliber", + "tarians" + ], + [ + "Ġrun", + "e" + ], + [ + "ĠCl", + "arks" + ], + [ + "at", + "hed" + ], + [ + "Ġcampaign", + "ers" + ], + [ + "ĠDis", + "patch" + ], + [ + "ĠFah", + "renheit" + ], + [ + "ĠCap", + "com" + ], + [ + "--------", + "--" + ], + [ + "Ġl", + "ace" + ], + [ + "Ġdr", + "aining" + ], + [ + "Ġl", + "iner" + ], + [ + "ĠArt", + "ificial" + ], + [ + "é", + "n" + ], + [ + "t", + "ask" + ], + [ + "]", + ")." + ], + [ + "ĠGM", + "O" + ], + [ + "ĠOper", + "ator" + ], + [ + "ord", + "inary" + ], + [ + "ĠInf", + "luence" + ], + [ + "ĠU", + "ps" + ], + [ + "Ġpot", + "ency" + ], + [ + "uss", + "en" + ], + [ + "osp", + "ons" + ], + [ + "ĠSw", + "im" + ], + [ + "ĠDead", + "line" + ], + [ + "Un", + "ity" + ], + [ + "Ġcul", + "inary" + ], + [ + "Ġenlight", + "enment" + ], + [ + "Ġwe", + "arer" + ], + [ + "Ġmin", + "ed" + ], + [ + "Ġp", + "ly" + ], + [ + "Ġinc", + "est" + ], + [ + "ĠDVD", + "s" + ], + [ + "W", + "alk" + ], + [ + "B", + "TC" + ], + [ + "Tr", + "ade" + ], + [ + "Ġdev", + "al" + ], + [ + "ib", + "and" + ], + [ + "ĠOvers", + "ight" + ], + [ + "Palest", + "inian" + ], + [ + "Ġd", + "art" + ], + [ + "Ġm", + "ul" + ], + [ + "L", + "R" + ], + [ + "Ġrem", + "ovable" + ], + [ + "ĠReal", + "ms" + ], + [ + "ì", + "Ŀ" + ], + [ + "Ġmisc", + "ar" + ], + [ + "ĠV", + "ulkan" + ], + [ + "68", + "5" + ], + [ + "è", + "re" + ], + [ + "ĠS", + "ap" + ], + [ + "Ġmer", + "ging" + ], + [ + "ĠCar", + "ly" + ], + [ + "che", + "ster" + ], + [ + "Ġbr", + "isk" + ], + [ + "Ġlux", + "urious" + ], + [ + "ĠGener", + "ator" + ], + [ + "Ġbit", + "terness" + ], + [ + "Ġed", + "ible" + ], + [ + "Ġ24", + "3" + ], + [ + "T", + "G" + ], + [ + "Ġrect", + "angle" + ], + [ + "With", + "No" + ], + [ + "bel", + "ow" + ], + [ + "J", + "enn" + ], + [ + "Ġdark", + "est" + ], + [ + "Ġh", + "itch" + ], + [ + "Ġdos", + "age" + ], + [ + "Ġsc", + "aven" + ], + [ + "ĠK", + "eller" + ], + [ + "ĠIllust", + "rated" + ], + [ + "Certain", + "ly" + ], + [ + "ĠMaver", + "icks" + ], + [ + "Marg", + "inal" + ], + [ + "Ġdiarr", + "hea" + ], + [ + "Ġenorm", + "ously" + ], + [ + "Ġ9", + "99" + ], + [ + "sh", + "r" + ], + [ + "qu", + "art" + ], + [ + "Ġadam", + "ant" + ], + [ + "ĠM", + "ew" + ], + [ + "Ġren", + "ovation" + ], + [ + "Ġcerv", + "ical" + ], + [ + "ĠPercent", + "age" + ], + [ + "en", + "ers" + ], + [ + "ĠKim", + "ber" + ], + [ + "Ġflo", + "ats" + ], + [ + "Ġde", + "x" + ], + [ + "ĠW", + "itcher" + ], + [ + "ĠSwan", + "sea" + ], + [ + "d", + "m" + ], + [ + "Ġsal", + "ty" + ], + [ + "y", + "ellow" + ], + [ + "Ġca", + "pe" + ], + [ + "ĠDr", + "ain" + ], + [ + "ĠPaul", + "a" + ], + [ + "ĠTol", + "edo" + ], + [ + "les", + "i" + ], + [ + "Mag", + "azine" + ], + [ + "ĠW", + "ick" + ], + [ + "ĠM", + "n" + ], + [ + "ĠA", + "ck" + ], + [ + "ĠR", + "iding" + ], + [ + "AS", + "ON" + ], + [ + "Ġhom", + "ophobic" + ], + [ + "AR", + "P" + ], + [ + "Ġwand", + "ered" + ], + [ + "C", + "PU" + ], + [ + "ood", + "oo" + ], + [ + "ĠP", + "ipe" + ], + [ + "Ġtight", + "ening" + ], + [ + "ĠBut", + "t" + ], + [ + "3", + "18" + ], + [ + "Ġdesert", + "ed" + ], + [ + "S", + "ession" + ], + [ + "Ġfacilit", + "ating" + ], + [ + "J", + "ump" + ], + [ + "Ġemer", + "gencies" + ], + [ + "OW", + "ER" + ], + [ + "Ġexhaust", + "ive" + ], + [ + "ĠAF", + "TER" + ], + [ + "Ġheart", + "beat" + ], + [ + "ĠLab", + "el" + ], + [ + "ack", + "y" + ], + [ + "ĠCert", + "ified" + ], + [ + "ilt", + "ration" + ], + [ + "Z", + "e" + ], + [ + "ĠU", + "tt" + ], + [ + "Ġ13", + "00" + ], + [ + "Ġpres", + "ume" + ], + [ + "ĠDis", + "p" + ], + [ + "Ġsur", + "ged" + ], + [ + "Ġdoll", + "s" + ], + [ + "Col", + "umb" + ], + [ + "Ġchim", + "pan" + ], + [ + "ĠR", + "azor" + ], + [ + "Ġt", + "icks" + ], + [ + "Ġcouncill", + "or" + ], + [ + "Ġpilgr", + "image" + ], + [ + "ĠReb", + "els" + ], + [ + "ĠQ", + "C" + ], + [ + "ĠA", + "uction" + ], + [ + "x", + "ia" + ], + [ + "ik", + "k" + ], + [ + "b", + "red" + ], + [ + "Ġinsert", + "ion" + ], + [ + "Ġco", + "arse" + ], + [ + "d", + "B" + ], + [ + "SE", + "E" + ], + [ + "ĠZ", + "ap" + ], + [ + "ĠF", + "oo" + ], + [ + "Ġcontem", + "por" + ], + [ + "ĠQuarter", + "ly" + ], + [ + "ot", + "ions" + ], + [ + "ĠAl", + "chemist" + ], + [ + "ĠT", + "rey" + ], + [ + "ĠDu", + "o" + ], + [ + "S", + "weet" + ], + [ + "80", + "4" + ], + [ + "ĠGi", + "ov" + ], + [ + "Ġfun", + "n" + ], + [ + "N", + "in" + ], + [ + "h", + "off" + ], + [ + "Ġram", + "ifications" + ], + [ + "Ġ19", + "22" + ], + [ + "ĠExper", + "ts" + ], + [ + "az", + "es" + ], + [ + "Ġgar", + "ments" + ], + [ + "ar", + "ial" + ], + [ + "ĠN", + "ab" + ], + [ + "Ġ25", + "7" + ], + [ + "ĠV", + "ed" + ], + [ + "Ġhum", + "orous" + ], + [ + "ĠPom", + "pe" + ], + [ + "Ġn", + "ylon" + ], + [ + "Ġlur", + "king" + ], + [ + "ĠSerge", + "y" + ], + [ + "ĠMatt", + "is" + ], + [ + "Ġmisogyn", + "y" + ], + [ + "ĠComp", + "onents" + ], + [ + "ĠWatch", + "ing" + ], + [ + "ĠF", + "olk" + ], + [ + "ract", + "ical" + ], + [ + "B", + "ush" + ], + [ + "Ġt", + "aped" + ], + [ + "Ġgroup", + "ing" + ], + [ + "Ġbe", + "ads" + ], + [ + "Ġ20", + "48" + ], + [ + "Ġcon", + "du" + ], + [ + "quer", + "que" + ], + [ + "Read", + "ing" + ], + [ + "Ġgriev", + "ances" + ], + [ + "Ult", + "ra" + ], + [ + "Ġend", + "point" + ], + [ + "H", + "ig" + ], + [ + "ĠSt", + "atic" + ], + [ + "ĠScar", + "borough" + ], + [ + "L", + "ua" + ], + [ + "ĠMess", + "i" + ], + [ + "a", + "qu" + ], + [ + "ĠPsy", + "Net" + ], + [ + "ĠR", + "udd" + ], + [ + "Ġa", + "venue" + ], + [ + "v", + "p" + ], + [ + "J", + "er" + ], + [ + "Ġsh", + "ady" + ], + [ + "ĠRes", + "ist" + ], + [ + "ĠArt", + "emis" + ], + [ + "Ġcare", + "less" + ], + [ + "Ġbro", + "kers" + ], + [ + "Ġtemper", + "ament" + ], + [ + "Ġ5", + "20" + ], + [ + "T", + "ags" + ], + [ + "ĠTurn", + "ing" + ], + [ + "Ġut", + "tered" + ], + [ + "Ġp", + "edd" + ], + [ + "Ġimpro", + "vised" + ], + [ + "Ġ:", + "(" + ], + [ + "Ġtab", + "l" + ], + [ + "Ġpl", + "ains" + ], + [ + "16", + "00" + ], + [ + "press", + "ure" + ], + [ + "ĠEss", + "ence" + ], + [ + "marg", + "in" + ], + [ + "friend", + "s" + ], + [ + "ĠRest", + "oration" + ], + [ + "Ġpoll", + "ut" + ], + [ + "ĠPok", + "er" + ], + [ + "ĠAugust", + "ine" + ], + [ + "ĠC", + "IS" + ], + [ + "ĠSE", + "AL" + ], + [ + "or", + "ama" + ], + [ + "Ġth", + "wart" + ], + [ + "se", + "ek" + ], + [ + "Ġp", + "agan" + ], + [ + "Â", + "º" + ], + [ + "cp", + "u" + ], + [ + "Ġg", + "arn" + ], + [ + "Ġass", + "ortment" + ], + [ + "ĠI", + "LCS" + ], + [ + "t", + "ower" + ], + [ + "Recomm", + "ended" + ], + [ + "Ġun", + "born" + ], + [ + "ĠRandom", + "Redditor" + ], + [ + "ĠRandomRedditor", + "WithNo" + ], + [ + "Ġparaly", + "zed" + ], + [ + "Ġeru", + "ption" + ], + [ + "Ġinter", + "sect" + ], + [ + "ĠSt", + "oke" + ], + [ + "ĠS", + "co" + ], + [ + "B", + "ind" + ], + [ + "å", + "¾" + ], + [ + "ĠP", + "NG" + ], + [ + "ĠNeg", + "ative" + ], + [ + "ĠNO", + "AA" + ], + [ + "Le", + "on" + ], + [ + "Ġall", + "oy" + ], + [ + "ĠL", + "ama" + ], + [ + "ĠD", + "iversity" + ], + [ + "5", + "75" + ], + [ + "Ġunderest", + "imated" + ], + [ + "ĠSc", + "or" + ], + [ + "Ġm", + "ural" + ], + [ + "Ġb", + "usted" + ], + [ + "so", + "on" + ], + [ + "l", + "if" + ], + [ + "Ġnone", + "x" + ], + [ + "Ġall", + "ergy" + ], + [ + "ĠUnder", + "world" + ], + [ + "ĠR", + "ays" + ], + [ + "ĠBl", + "asio" + ], + [ + "Ġh", + "rs" + ], + [ + "ĠD", + "ir" + ], + [ + "Ġ3", + "27" + ], + [ + "by", + "ter" + ], + [ + "Ġrepl", + "acements" + ], + [ + "Ġactiv", + "ates" + ], + [ + "ri", + "ved" + ], + [ + "M", + "H" + ], + [ + "Ġp", + "ans" + ], + [ + "ĠH", + "I" + ], + [ + "Ġlong", + "itudinal" + ], + [ + "Ġnu", + "isance" + ], + [ + "al", + "er" + ], + [ + "Ġsw", + "ell" + ], + [ + "ĠS", + "igned" + ], + [ + "s", + "ci" + ], + [ + "ĠIs", + "les" + ], + [ + "ĠA", + "GA" + ], + [ + "Ġdef", + "iant" + ], + [ + "Ġson", + "ic" + ], + [ + "oc", + "on" + ], + [ + "K", + "C" + ], + [ + "ĠA", + "im" + ], + [ + "t", + "ie" + ], + [ + "ah", + "ah" + ], + [ + "Ġm", + "L" + ], + [ + "D", + "X" + ], + [ + "Ġb", + "isc" + ], + [ + "ĠBill", + "board" + ], + [ + "ĠSY", + "STEM" + ], + [ + "NE", + "Y" + ], + [ + "ga", + "ard" + ], + [ + "Ġdist", + "ressed" + ], + [ + "former", + "ly" + ], + [ + "Al", + "an" + ], + [ + "Ġche", + "fs" + ], + [ + "Ġopt", + "ics" + ], + [ + "ĠC", + "omet" + ], + [ + "ĠAM", + "C" + ], + [ + "Ġredes", + "igned" + ], + [ + "irm", + "ation" + ], + [ + "Ġsight", + "ings" + ], + [ + "38", + "2" + ], + [ + "3", + "11" + ], + [ + "ĠW", + "B" + ], + [ + "Ġcont", + "raction" + ], + [ + "ĠT", + "OTAL" + ], + [ + "D", + "ual" + ], + [ + "Ġstart", + "led" + ], + [ + "Ġunderstand", + "ably" + ], + [ + "Ġsung", + "lasses" + ], + [ + "ETH", + "OD" + ], + [ + "Ġd", + "ocker" + ], + [ + "Ġsurf", + "ing" + ], + [ + "ĠH", + "EL" + ], + [ + "ĠSl", + "ack" + ], + [ + "ton", + "es" + ], + [ + "Ġsh", + "alt" + ], + [ + "Vis", + "ual" + ], + [ + "49", + "8" + ], + [ + "Dep", + "artment" + ], + [ + "c", + "ussion" + ], + [ + "Ġunrest", + "ricted" + ], + [ + "Ġt", + "ad" + ], + [ + "Ġre", + "name" + ], + [ + "employ", + "ed" + ], + [ + "Ġeduc", + "ating" + ], + [ + "Ġgrin", + "ned" + ], + [ + "bed", + "room" + ], + [ + "ĠActiv", + "ities" + ], + [ + "ĠV", + "elvet" + ], + [ + "ĠSW", + "AT" + ], + [ + "Ġsh", + "uffle" + ], + [ + "ig", + "or" + ], + [ + "Ġsatur", + "ation" + ], + [ + "F", + "inding" + ], + [ + "c", + "ream" + ], + [ + "ic", + "ter" + ], + [ + "Ġv", + "odka" + ], + [ + "tr", + "acking" + ], + [ + "te", + "c" + ], + [ + "Ġfore", + "ground" + ], + [ + "iest", + "a" + ], + [ + "Ġve", + "hement" + ], + [ + "ĠEC", + "B" + ], + [ + "ĠT", + "ie" + ], + [ + "E", + "y" + ], + [ + "Ġt", + "urtles" + ], + [ + "ĠRail", + "road" + ], + [ + "ĠKat", + "z" + ], + [ + "ĠFram", + "es" + ], + [ + "Ġmen", + "ace" + ], + [ + "ĠFell", + "owship" + ], + [ + "ĠEss", + "ential" + ], + [ + "ugg", + "ish" + ], + [ + "Ġdri", + "p" + ], + [ + "ch", + "witz" + ], + [ + "ĠKy", + "oto" + ], + [ + "s", + "b" + ], + [ + "ĠN", + "ina" + ], + [ + "Param", + "eter" + ], + [ + "Ġal", + "arms" + ], + [ + "ĠCl", + "aud" + ], + [ + "Ġpione", + "ering" + ], + [ + "Ġchief", + "ly" + ], + [ + "ĠSc", + "ream" + ], + [ + "Col", + "lection" + ], + [ + "Ġthank", + "fully" + ], + [ + "ĠRonald", + "o" + ], + [ + "åŃ", + "IJ" + ], + [ + "st", + "rip" + ], + [ + "ĠDisney", + "land" + ], + [ + "com", + "mercial" + ], + [ + "See", + "ing" + ], + [ + "S", + "oul" + ], + [ + "Ġevac", + "uate" + ], + [ + "Ġc", + "iv" + ], + [ + "ĠAs", + "he" + ], + [ + "Ġdiv", + "ides" + ], + [ + "ĠD", + "agger" + ], + [ + "rehens", + "ive" + ], + [ + "Ġber", + "ries" + ], + [ + "ĠD", + "F" + ], + [ + "Ġs", + "ushi" + ], + [ + "Ġplur", + "ality" + ], + [ + "W", + "I" + ], + [ + "Ġdisadvant", + "aged" + ], + [ + "Ġbatt", + "alion" + ], + [ + "ob", + "iles" + ], + [ + "45", + "1" + ], + [ + "Ġcl", + "ing" + ], + [ + "Ġunden", + "iable" + ], + [ + "ĠL", + "ounge" + ], + [ + "Ġha", + "unt" + ], + [ + "p", + "he" + ], + [ + "Ġquant", + "ify" + ], + [ + "Ġdiff", + "ered" + ], + [ + "Ġ[*", + "]" + ], + [ + "ĠV", + "iz" + ], + [ + "c", + "um" + ], + [ + "sl", + "ave" + ], + [ + "Ġvide", + "og" + ], + [ + "Ġqu", + "ar" + ], + [ + "Ġbund", + "les" + ], + [ + "ĠAl", + "onso" + ], + [ + "t", + "ackle" + ], + [ + "Ġneur", + "onal" + ], + [ + "Ġlandsl", + "ide" + ], + [ + "conf", + "irmed" + ], + [ + "ĠDep", + "th" + ], + [ + "Ġrenew", + "ables" + ], + [ + "B", + "ear" + ], + [ + "ĠMaced", + "onia" + ], + [ + "Ġjer", + "seys" + ], + [ + "Ġb", + "unk" + ], + [ + "ĠSp", + "awn" + ], + [ + "ĠControl", + "s" + ], + [ + "ĠBuch", + "anan" + ], + [ + "Ġrobot", + "ics" + ], + [ + "Ġemphas", + "izing" + ], + [ + "ĠTut", + "orial" + ], + [ + "h", + "yp" + ], + [ + "ist", + "on" + ], + [ + "Ġmonument", + "al" + ], + [ + "æ", + "°" + ], + [ + "ĠCar", + "ry" + ], + [ + "Ġt", + "bsp" + ], + [ + "en", + "ance" + ], + [ + "H", + "ill" + ], + [ + "art", + "hed" + ], + [ + "Ġro", + "tten" + ], + [ + "De", + "an" + ], + [ + "Ġtw", + "isting" + ], + [ + "Ġgood", + "will" + ], + [ + "Ġimm", + "ersion" + ], + [ + "L", + "iving" + ], + [ + "Ġbr", + "ushes" + ], + [ + "ĠC", + "GI" + ], + [ + "ĠAt", + "k" + ], + [ + "tr", + "aditional" + ], + [ + "Ġph", + "antom" + ], + [ + "ĠSt", + "amina" + ], + [ + "Ġexpans", + "ions" + ], + [ + "ĠMar", + "in" + ], + [ + "Ġembark", + "ed" + ], + [ + "ĠE", + "g" + ], + [ + "int", + "estinal" + ], + [ + "ĠPE", + "OPLE" + ], + [ + "ĠBo", + "oth" + ], + [ + "ĠApp", + "alach" + ], + [ + "Ġreleg", + "ated" + ], + [ + "V", + "T" + ], + [ + "M", + "IT" + ], + [ + "Ġmust", + "er" + ], + [ + "Ġwithdraw", + "ing" + ], + [ + "Ġmicrosc", + "ope" + ], + [ + "ĠG", + "athering" + ], + [ + "ĠC", + "rescent" + ], + [ + "ĠArgent", + "ine" + ], + [ + "ĠDec", + "re" + ], + [ + "ĠDomin", + "ic" + ], + [ + "Ġbud", + "s" + ], + [ + "ant", + "age" + ], + [ + "ĠI", + "on" + ], + [ + "Ġwid", + "ened" + ], + [ + "ONS", + "ORED" + ], + [ + "ĠGl", + "oves" + ], + [ + "iann", + "opoulos" + ], + [ + "raz", + "en" + ], + [ + "fe", + "el" + ], + [ + "Ġrepay", + "ment" + ], + [ + "Ġhind", + "sight" + ], + [ + "ĠRE", + "ALLY" + ], + [ + "ĠPist", + "ol" + ], + [ + "ĠBra", + "h" + ], + [ + "Ġwat", + "ts" + ], + [ + "Ġsurv", + "ives" + ], + [ + "Ġfl", + "urry" + ], + [ + "iss", + "y" + ], + [ + "Al", + "ert" + ], + [ + "ĠUrug", + "uay" + ], + [ + "Ph", + "oenix" + ], + [ + "S", + "low" + ], + [ + "ĠG", + "rave" + ], + [ + "ĠF", + "ir" + ], + [ + "Ġmanage", + "able" + ], + [ + "Ġtar", + "iff" + ], + [ + "ĠU", + "DP" + ], + [ + "ĠPist", + "ons" + ], + [ + "ĠNiger", + "ian" + ], + [ + "Ġstrike", + "outs" + ], + [ + "Ġcos", + "metics" + ], + [ + "whel", + "ming" + ], + [ + "f", + "ab" + ], + [ + "c", + "ape" + ], + [ + "pro", + "xy" + ], + [ + "Ġre", + "think" + ], + [ + "Ġover", + "coming" + ], + [ + "sim", + "ple" + ], + [ + "Ġw", + "oo" + ], + [ + "Ġdistract", + "ing" + ], + [ + "ĠSt", + "anton" + ], + [ + "ĠTuls", + "a" + ], + [ + "ĠD", + "ock" + ], + [ + "65", + "9" + ], + [ + "Ġdisc", + "ord" + ], + [ + "ĠEm", + "acs" + ], + [ + "ĠV", + "es" + ], + [ + "ĠR", + "OB" + ], + [ + "Ġreass", + "uring" + ], + [ + "Ġcons", + "ortium" + ], + [ + "Muslim", + "s" + ], + [ + "3", + "21" + ], + [ + "Ġprompt", + "s" + ], + [ + "se", + "i" + ], + [ + "ĠH", + "itch" + ], + [ + "imp", + "osed" + ], + [ + "ĠF", + "ool" + ], + [ + "Ġindisc", + "rim" + ], + [ + "wr", + "ong" + ], + [ + "bu", + "querque" + ], + [ + "D", + "avis" + ], + [ + "!", + "]" + ], + [ + "Ġtim", + "eless" + ], + [ + "ĠNE", + "ED" + ], + [ + "Ġpestic", + "ide" + ], + [ + "Ġrally", + "ing" + ], + [ + "ĠCal", + "der" + ], + [ + "Ġå", + "¤" + ], + [ + "Ġx", + "p" + ], + [ + "ĠUn", + "le" + ], + [ + "ĠEx", + "port" + ], + [ + "lu", + "aj" + ], + [ + "B", + "uff" + ], + [ + ")", + "", + "[" + ], + [ + "Ġsq", + "or" + ], + [ + "S", + "audi" + ], + [ + "Ġis", + "tg" + ], + [ + "Ġindul", + "ge" + ], + [ + "pro", + "c" + ], + [ + "Ġdisg", + "usted" + ], + [ + "Ġcomp", + "ounded" + ], + [ + "Ġn", + "em" + ], + [ + "Ġschool", + "ing" + ], + [ + "ĠC", + "ure" + ], + [ + "process", + "ing" + ], + [ + "S", + "ol" + ], + [ + "Ġpro", + "verb" + ], + [ + "it", + "ized" + ], + [ + "ĠAlv", + "arez" + ], + [ + "Ġscar", + "f" + ], + [ + "Ġrect", + "angular" + ], + [ + "re", + "ve" + ], + [ + "Ġh", + "ormonal" + ], + [ + "ĠSt", + "ress" + ], + [ + "itiz", + "en" + ], + [ + "Ġ4", + "25" + ], + [ + "girl", + "s" + ], + [ + "ĠNo", + "ir" + ], + [ + "ĠR", + "app" + ], + [ + "Ġmar", + "ches" + ], + [ + "ch", + "urch" + ], + [ + "ĠUs", + "es" + ], + [ + "Ġ40", + "5" + ], + [ + "ĠBer", + "m" + ], + [ + "Ġord", + "inances" + ], + [ + "ĠJud", + "gment" + ], + [ + "Charg", + "es" + ], + [ + "ĠZ", + "in" + ], + [ + "Ġdust", + "y" + ], + [ + "Ġstraw", + "berries" + ], + [ + "Ġper", + "ce" + ], + [ + "ĠTh", + "ur" + ], + [ + "ĠDebor", + "ah" + ], + [ + "net", + "flix" + ], + [ + "ĠLam", + "bert" + ], + [ + "Ġam", + "used" + ], + [ + "ĠGu", + "ang" + ], + [ + "Y", + "OU" + ], + [ + "R", + "GB" + ], + [ + "ĠC", + "CTV" + ], + [ + "Ġf", + "iat" + ], + [ + "r", + "ang" + ], + [ + "Ġf", + "ederation" + ], + [ + "ĠM", + "ant" + ], + [ + "ĠB", + "ust" + ], + [ + "ĠM", + "are" + ], + [ + "respect", + "ive" + ], + [ + "ĠM", + "igration" + ], + [ + "ĠB", + "IT" + ], + [ + "59", + "0" + ], + [ + "Ġpatriot", + "ism" + ], + [ + "Ġout", + "lining" + ], + [ + "reg", + "ion" + ], + [ + "ĠJos", + "é" + ], + [ + "Ġbl", + "asting" + ], + [ + "ĠEz", + "ra" + ], + [ + "B", + "s" + ], + [ + "Ġundermin", + "es" + ], + [ + "ĠSm", + "ooth" + ], + [ + "Ġcl", + "ashed" + ], + [ + "rad", + "io" + ], + [ + "Ġtransition", + "ing" + ], + [ + "ĠBucc", + "aneers" + ], + [ + "ĠOw", + "l" + ], + [ + "Ġplug", + "s" + ], + [ + "Ġh", + "iatus" + ], + [ + "ĠPin", + "ball" + ], + [ + "Ġm", + "ig" + ], + [ + "ĠNut", + "r" + ], + [ + "ĠWolf", + "e" + ], + [ + "Ġinteg", + "ers" + ], + [ + "Ġor", + "bits" + ], + [ + "ĠEd", + "win" + ], + [ + "ĠDirect", + "X" + ], + [ + "b", + "ite" + ], + [ + "Ġbl", + "azing" + ], + [ + "v", + "r" + ], + [ + "Ed", + "ge" + ], + [ + "ĠP", + "ID" + ], + [ + "ex", + "it" + ], + [ + "ĠCom", + "ed" + ], + [ + "ĠPath", + "finder" + ], + [ + "ĠGu", + "id" + ], + [ + "ĠSign", + "s" + ], + [ + "ĠZ", + "er" + ], + [ + "ĠAg", + "enda" + ], + [ + "Ġreimburse", + "ment" + ], + [ + "M", + "esh" + ], + [ + "i", + "Phone" + ], + [ + "ĠMar", + "cos" + ], + [ + "ĠS", + "ites" + ], + [ + "h", + "ate" + ], + [ + "en", + "burg" + ], + [ + "Ġs", + "ockets" + ], + [ + "p", + "end" + ], + [ + "Bat", + "man" + ], + [ + "v", + "ir" + ], + [ + "ĠSH", + "OW" + ], + [ + "Ġprovision", + "al" + ], + [ + "con", + "n" + ], + [ + "ĠDeath", + "s" + ], + [ + "AT", + "IVE" + ], + [ + "Pro", + "file" + ], + [ + "sy", + "m" + ], + [ + "J", + "A" + ], + [ + "Ġnin", + "ja" + ], + [ + "inst", + "alled" + ], + [ + "id", + "ates" + ], + [ + "eb", + "ra" + ], + [ + "ĠOm", + "aha" + ], + [ + "Ġse", + "izing" + ], + [ + "ĠBe", + "asts" + ], + [ + "Ġsal", + "ts" + ], + [ + "M", + "ission" + ], + [ + "Gener", + "ally" + ], + [ + "ĠTr", + "ilogy" + ], + [ + "he", + "on" + ], + [ + "leg", + "ates" + ], + [ + "Ġd", + "ime" + ], + [ + "Ġf", + "aire" + ], + [ + "par", + "able" + ], + [ + "G", + "raph" + ], + [ + "Ġtotal", + "ing" + ], + [ + "Ġdiagram", + "s" + ], + [ + "ĠYan", + "uk" + ], + [ + "ple", + "t" + ], + [ + "ĠMe", + "h" + ], + [ + "Ġmyth", + "ical" + ], + [ + "ĠStep", + "hens" + ], + [ + "aut", + "ical" + ], + [ + "ochem", + "istry" + ], + [ + "Ġkil", + "ograms" + ], + [ + "Ġel", + "bows" + ], + [ + "anc", + "ock" + ], + [ + "ĠB", + "CE" + ], + [ + "ĠPr", + "ague" + ], + [ + "Ġimpro", + "v" + ], + [ + "ĠDev", + "in" + ], + [ + "Ġ\"", + "\\" + ], + [ + "par", + "alle" + ], + [ + "Ġsuprem", + "acists" + ], + [ + "ĠB", + "illion" + ], + [ + "Ġreg", + "imen" + ], + [ + "inn", + "acle" + ], + [ + "Ġrequ", + "isite" + ], + [ + "ang", + "an" + ], + [ + "ĠBur", + "lington" + ], + [ + "ain", + "ment" + ], + [ + "ĠObject", + "ive" + ], + [ + "oms", + "ky" + ], + [ + "G", + "V" + ], + [ + "Ġun", + "ilateral" + ], + [ + "Ġt", + "c" + ], + [ + "Ġh", + "ires" + ], + [ + "ment", + "al" + ], + [ + "Ġinvol", + "untary" + ], + [ + "Ġtrans", + "pl" + ], + [ + "ĠASC", + "II" + ], + [ + "Â", + "¨" + ], + [ + "Ev", + "ents" + ], + [ + "Ġdoub", + "ted" + ], + [ + "ĠKa", + "plan" + ], + [ + "ĠCour", + "age" + ], + [ + "ig", + "on" + ], + [ + "ĠMan", + "aging" + ], + [ + "ĠT", + "art" + ], + [ + "Ġfalse", + "hood" + ], + [ + "ĠV", + "iolet" + ], + [ + "Ġair", + "s" + ], + [ + "Ġfertil", + "izer" + ], + [ + "Brit", + "ain" + ], + [ + "Ġaqu", + "atic" + ], + [ + "ou", + "f" + ], + [ + "W", + "ords" + ], + [ + "ĠHart", + "ford" + ], + [ + "Ġeven", + "ings" + ], + [ + "ĠV", + "engeance" + ], + [ + "qu", + "ite" + ], + [ + "G", + "all" + ], + [ + "ĠP", + "ret" + ], + [ + "Ġp", + "df" + ], + [ + "ĠL", + "M" + ], + [ + "ĠSo", + "chi" + ], + [ + "ĠInter", + "cept" + ], + [ + "9", + "20" + ], + [ + "Ġprofit", + "ability" + ], + [ + "ĠId", + "le" + ], + [ + "ĠMac", + "Donald" + ], + [ + "ĠEst", + "ablishment" + ], + [ + "um", + "sy" + ], + [ + "Ġgather", + "ings" + ], + [ + "ĠN", + "aj" + ], + [ + "Charl", + "ie" + ], + [ + "Ġas", + "cent" + ], + [ + "ĠProt", + "ector" + ], + [ + "Ġal", + "gebra" + ], + [ + "Ġbi", + "os" + ], + [ + "for", + "ums" + ], + [ + "EL", + "S" + ], + [ + "Introdu", + "ced" + ], + [ + "Ġ3", + "35" + ], + [ + "Ġastron", + "omy" + ], + [ + "Cont", + "ribut" + ], + [ + "ĠPol", + "ic" + ], + [ + "Pl", + "atform" + ], + [ + "Ġcontain", + "ment" + ], + [ + "w", + "rap" + ], + [ + "Ġcoron", + "ary" + ], + [ + "ĠJ", + "elly" + ], + [ + "man", + "ager" + ], + [ + "Ġheart", + "breaking" + ], + [ + "c", + "air" + ], + [ + "ĠChe", + "ro" + ], + [ + "c", + "gi" + ], + [ + "Med", + "ical" + ], + [ + "ĠAccount", + "ability" + ], + [ + "!", + "!\"" + ], + [ + "oph", + "ile" + ], + [ + "Ġpsych", + "otic" + ], + [ + "ĠRest", + "rict" + ], + [ + "Ġequ", + "itable" + ], + [ + "iss", + "ues" + ], + [ + "Ġ19", + "05" + ], + [ + "ĠN", + "ek" + ], + [ + "c", + "ised" + ], + [ + "ĠTr", + "acking" + ], + [ + "Ġo", + "zone" + ], + [ + "Ġcook", + "er" + ], + [ + "ros", + "is" + ], + [ + "Ġre", + "open" + ], + [ + "Ġinf", + "inity" + ], + [ + "ĠPharm", + "aceutical" + ], + [ + "ens", + "ional" + ], + [ + "Att", + "empt" + ], + [ + "ĠR", + "ory" + ], + [ + "Mar", + "co" + ], + [ + "Ġawa", + "its" + ], + [ + "H", + "OW" + ], + [ + "t", + "reated" + ], + [ + "Ġbol", + "st" + ], + [ + "Ġreve", + "red" + ], + [ + "Ġp", + "ods" + ], + [ + "opp", + "ers" + ], + [ + "00", + "10" + ], + [ + "Ġampl", + "itude" + ], + [ + "ric", + "an" + ], + [ + "SP", + "ONSORED" + ], + [ + "Ġtrou", + "sers" + ], + [ + "Ġhal", + "ves" + ], + [ + "ĠK", + "aine" + ], + [ + "ĠCut", + "ler" + ], + [ + "ĠA", + "UTH" + ], + [ + "Ġsplend", + "id" + ], + [ + "Ġprevent", + "ive" + ], + [ + "ĠDud", + "ley" + ], + [ + "if", + "acts" + ], + [ + "umin", + "ati" + ], + [ + "ĠY", + "in" + ], + [ + "Ġad", + "mon" + ], + [ + "ĠV", + "ag" + ], + [ + "Ġin", + "verted" + ], + [ + "Ġhast", + "ily" + ], + [ + "ĠH", + "ague" + ], + [ + "L", + "yn" + ], + [ + "Ġled", + "ger" + ], + [ + "Ġastron", + "omical" + ], + [ + "get", + "ting" + ], + [ + "Ġcirc", + "a" + ], + [ + "ĠC", + "ic" + ], + [ + "ĠTenn", + "is" + ], + [ + "Lim", + "ited" + ], + [ + "Ġd", + "ru" + ], + [ + "ĠBY", + "U" + ], + [ + "Ġtrave", + "llers" + ], + [ + "Ġp", + "ane" + ], + [ + "ĠInt", + "ro" + ], + [ + "Ġpatient", + "ly" + ], + [ + "Ġa", + "iding" + ], + [ + "Ġlo", + "os" + ], + [ + "ĠT", + "ough" + ], + [ + "Ġ29", + "3" + ], + [ + "Ġconsum", + "es" + ], + [ + "Source", + "File" + ], + [ + "Ġ\"\"", + "\"" + ], + [ + "Ġbond", + "ing" + ], + [ + "Ġtil", + "ted" + ], + [ + "Ġmenstru", + "al" + ], + [ + "ĠCel", + "estial" + ], + [ + "UL", + "AR" + ], + [ + "Plug", + "in" + ], + [ + "Ġrisk", + "ing" + ], + [ + "N", + "az" + ], + [ + "ĠRiy", + "adh" + ], + [ + "Ġacc", + "redited" + ], + [ + "Ġsk", + "irm" + ], + [ + "é", + "Ľ" + ], + [ + "Ġexam", + "iner" + ], + [ + "Ġmess", + "ing" + ], + [ + "Ġnear", + "ing" + ], + [ + "ĠC", + "hern" + ], + [ + "ĠBeck", + "ham" + ], + [ + "Ġsw", + "apped" + ], + [ + "Ġgo", + "ose" + ], + [ + "K", + "ay" + ], + [ + "Ġlo", + "fty" + ], + [ + "ĠWal", + "let" + ], + [ + "Ġ[", + "'" + ], + [ + "Ġap", + "ocalypse" + ], + [ + "Ġb", + "amboo" + ], + [ + "ĠSP", + "ACE" + ], + [ + "ĠEl", + "ena" + ], + [ + "Ġ30", + "6" + ], + [ + "ac", + "ons" + ], + [ + "Ġtight", + "ened" + ], + [ + "Ġadolesc", + "ence" + ], + [ + "Ġrain", + "y" + ], + [ + "Ġvandal", + "ism" + ], + [ + "ĠNew", + "town" + ], + [ + "Ġcon", + "ject" + ], + [ + "c", + "akes" + ], + [ + "Ġche", + "ated" + ], + [ + "Ġmoder", + "ators" + ], + [ + "par", + "ams" + ], + [ + "E", + "FF" + ], + [ + "Ġdece", + "it" + ], + [ + "ĠST", + "L" + ], + [ + "ĠTanz", + "ania" + ], + [ + "ĠR", + "I" + ], + [ + "Ġ19", + "23" + ], + [ + "ĠEx", + "ile" + ], + [ + "the", + "l" + ], + [ + "Ġthe", + "olog" + ], + [ + "Ġquir", + "ky" + ], + [ + "ĠIr", + "vine" + ], + [ + "Ġneed", + "y" + ], + [ + "or", + "is" + ], + [ + "U", + "m" + ], + [ + "K", + "a" + ], + [ + "Ġmail", + "box" + ], + [ + "3", + "22" + ], + [ + "Ġb", + "os" + ], + [ + "ĠPet", + "ra" + ], + [ + "K", + "ING" + ], + [ + "Ġenlarg", + "ed" + ], + [ + "O", + "ften" + ], + [ + "Ġbad", + "ass" + ], + [ + "Ġ3", + "43" + ], + [ + "ĠPl", + "aces" + ], + [ + "ĠC", + "AD" + ], + [ + "Ġpr", + "istine" + ], + [ + "Ġinterven", + "ing" + ], + [ + "d", + "irection" + ], + [ + "Ġl", + "az" + ], + [ + "ĠD", + "SM" + ], + [ + "Ġproject", + "ing" + ], + [ + "ĠF", + "unk" + ], + [ + "ag", + "og" + ], + [ + "pay", + "ment" + ], + [ + "n", + "ov" + ], + [ + "Ġch", + "atter" + ], + [ + "AR", + "B" + ], + [ + "Ġexam", + "inations" + ], + [ + "ĠHouse", + "hold" + ], + [ + "ĠG", + "us" + ], + [ + "F", + "ord" + ], + [ + "4", + "14" + ], + [ + "B", + "oss" + ], + [ + "Ġmy", + "stic" + ], + [ + "Ġle", + "aps" + ], + [ + "ĠB", + "av" + ], + [ + "ul", + "z" + ], + [ + "b", + "udget" + ], + [ + "Foot", + "ball" + ], + [ + "Ġsubsid", + "ized" + ], + [ + "Ġfirst", + "hand" + ], + [ + "Ġcoinc", + "ide" + ], + [ + "oc", + "ular" + ], + [ + "Con", + "n" + ], + [ + "ĠColl", + "abor" + ], + [ + "Ġfool", + "s" + ], + [ + "am", + "ura" + ], + [ + "ah", + "ar" + ], + [ + "r", + "ists" + ], + [ + "Ġsw", + "ollen" + ], + [ + "Ġexp", + "ended" + ], + [ + "ĠP", + "au" + ], + [ + "s", + "up" + ], + [ + "Ġsp", + "ar" + ], + [ + "Ġkey", + "note" + ], + [ + "s", + "uff" + ], + [ + "Ġunequ", + "al" + ], + [ + "Ġprogress", + "ing" + ], + [ + "str", + "ings" + ], + [ + "ĠGamer", + "gate" + ], + [ + "Dis", + "ney" + ], + [ + "ĠEle", + "ven" + ], + [ + "om", + "nia" + ], + [ + "Ġscript", + "ed" + ], + [ + "Ġear", + "ners" + ], + [ + "bro", + "ther" + ], + [ + "ĠEn", + "abled" + ], + [ + "æ", + "³" + ], + [ + "Ġlar", + "vae" + ], + [ + "ĠL", + "OC" + ], + [ + "m", + "ess" + ], + [ + "Wil", + "son" + ], + [ + "ĠTem", + "plate" + ], + [ + "success", + "fully" + ], + [ + "Ġparam", + "ount" + ], + [ + "Ġcamoufl", + "age" + ], + [ + "Ġbind", + "s" + ], + [ + "ĠQu", + "iet" + ], + [ + "ĠSh", + "utterstock" + ], + [ + "r", + "ush" + ], + [ + "Ġmasc", + "ot" + ], + [ + "fort", + "une" + ], + [ + "ĠCol", + "t" + ], + [ + "ĠBe", + "yon" + ], + [ + "hab", + "i" + ], + [ + "Ġha", + "irc" + ], + [ + "Ġ26", + "7" + ], + [ + "ĠDe", + "us" + ], + [ + "Ġtw", + "itch" + ], + [ + "Ġconcent", + "rating" + ], + [ + "Ġn", + "ipples" + ], + [ + "c", + "ible" + ], + [ + "Ġg", + "ir" + ], + [ + "N", + "Z" + ], + [ + "M", + "ath" + ], + [ + "n", + "ih" + ], + [ + "Requ", + "ired" + ], + [ + "Ġp", + "onder" + ], + [ + "ĠS", + "AN" + ], + [ + "Ġwedd", + "ings" + ], + [ + "Ġl", + "oneliness" + ], + [ + "N", + "ES" + ], + [ + "ĠMah", + "jong" + ], + [ + "69", + "5" + ], + [ + "add", + "le" + ], + [ + "ĠGar", + "ner" + ], + [ + "ĠC", + "OUR" + ], + [ + "Br", + "idge" + ], + [ + "Ġsp", + "ree" + ], + [ + "ĠCald", + "well" + ], + [ + "Ġbri", + "bery" + ], + [ + "Ġ����", + "����" + ], + [ + "plug", + "ins" + ], + [ + "Ġr", + "acket" + ], + [ + "Ġchamp", + "agne" + ], + [ + "vers", + "ible" + ], + [ + "V", + "ote" + ], + [ + "Ġmod", + "ifiers" + ], + [ + "May", + "or" + ], + [ + "6", + "80" + ], + [ + "Ġassemb", + "lies" + ], + [ + "ĠS", + "ultan" + ], + [ + "ĠN", + "ing" + ], + [ + "ĠLad", + "ies" + ], + [ + "Ġsulf", + "ur" + ], + [ + "Ġor", + "bs" + ], + [ + "Ġ----", + "-" + ], + [ + "____", + "___" + ], + [ + "ĠJournal", + "ism" + ], + [ + "Ġes", + "ports" + ], + [ + "Ġl", + "ush" + ], + [ + "Ġh", + "ue" + ], + [ + "Ġspect", + "ral" + ], + [ + "H", + "onest" + ], + [ + "ãĥ", + "ı" + ], + [ + "Ġbus", + "hes" + ], + [ + "Ġrein", + "forcement" + ], + [ + "Ġre", + "opened" + ], + [ + "ĠWhe", + "els" + ], + [ + "ĠM", + "org" + ], + [ + "rie", + "ving" + ], + [ + "Ġaux", + "iliary" + ], + [ + "Ġj", + "Query" + ], + [ + "ĠB", + "AT" + ], + [ + "tes", + "que" + ], + [ + "Ġver", + "tex" + ], + [ + "p", + "ure" + ], + [ + "f", + "rey" + ], + [ + "ãĤ", + "º" + ], + [ + "d", + "os" + ], + [ + "Ġty", + "ph" + ], + [ + "Ġc", + "ull" + ], + [ + "Ġe", + "q" + ], + [ + "Ġdec", + "on" + ], + [ + "Ġtoss", + "ing" + ], + [ + "Ġdispar", + "ate" + ], + [ + "ĠBr", + "igham" + ], + [ + "print", + "f" + ], + [ + "led", + "ged" + ], + [ + "Ġsu", + "nd" + ], + [ + "Ġco", + "zy" + ], + [ + "Ġhepat", + "itis" + ], + [ + "per", + "forming" + ], + [ + "Ġav", + "al" + ], + [ + "ĠG", + "G" + ], + [ + "f", + "uture" + ], + [ + "Ġpet", + "ertodd" + ], + [ + "ĠKos", + "ovo" + ], + [ + "Ġmagn", + "ets" + ], + [ + "Al", + "ready" + ], + [ + "ĠEd", + "ison" + ], + [ + "ĠCe", + "res" + ], + [ + "ĠRA", + "ID" + ], + [ + "Ġbrill", + "iance" + ], + [ + "57", + "6" + ], + [ + "Ġder", + "ives" + ], + [ + "Ġhypert", + "ension" + ], + [ + "ĠÎ", + "Ķ" + ], + [ + "Ġlamb", + "da" + ], + [ + "Ġfl", + "air" + ], + [ + "Ġmission", + "aries" + ], + [ + "Ġrap", + "es" + ], + [ + "ĠSt", + "arter" + ], + [ + "ĠMon", + "ths" + ], + [ + "Ġdef", + "y" + ], + [ + "Ġseism", + "ic" + ], + [ + "ĠR", + "aphael" + ], + [ + "Ġeuro", + "zone" + ], + [ + "65", + "6" + ], + [ + "z", + "sche" + ], + [ + "Ġscr", + "atched" + ], + [ + "Ġb", + "ows" + ], + [ + "ĠLenn", + "on" + ], + [ + "ĠGa", + "ia" + ], + [ + "Ġdri", + "pping" + ], + [ + "f", + "acts" + ], + [ + "A", + "le" + ], + [ + "Ġfrog", + "s" + ], + [ + "ĠBre", + "ast" + ], + [ + "ogene", + "ity" + ], + [ + "ĠProsecut", + "or" + ], + [ + "Ġampl", + "ified" + ], + [ + "ĠHod", + "g" + ], + [ + "ĠF", + "n" + ], + [ + "Th", + "ousands" + ], + [ + "ĠNI", + "H" + ], + [ + "ĠMonitor", + "ing" + ], + [ + "FT", + "WARE" + ], + [ + "ĠPri", + "ebus" + ], + [ + "ĠG", + "rowing" + ], + [ + "hun", + "ter" + ], + [ + "Ġdiagn", + "ose" + ], + [ + "ĠM", + "ald" + ], + [ + "ĠL", + "R" + ], + [ + "Ġcrown", + "ed" + ], + [ + "Ġburst", + "ing" + ], + [ + "Ġdiss", + "olution" + ], + [ + "j", + "avascript" + ], + [ + "Ġuseful", + "ness" + ], + [ + "ĠExec", + "ution" + ], + [ + ":", + "(" + ], + [ + "ĠIv", + "ory" + ], + [ + "a", + "ah" + ], + [ + "Ġpersecut", + "ed" + ], + [ + "viol", + "ence" + ], + [ + "ist", + "as" + ], + [ + "ĠCr", + "ate" + ], + [ + "Ġimpuls", + "es" + ], + [ + "ĠSp", + "ani" + ], + [ + "ed", + "es" + ], + [ + "Hand", + "le" + ], + [ + "ĠZ", + "erg" + ], + [ + "think", + "able" + ], + [ + "Last", + "ly" + ], + [ + "Ġspont", + "aneously" + ], + [ + "Ġinconven", + "ient" + ], + [ + "Ġdismiss", + "ing" + ], + [ + "Ġpl", + "otted" + ], + [ + "Ġeight", + "y" + ], + [ + "Ġ7", + "37" + ], + [ + "r", + "ish" + ], + [ + "ĠThor", + "nton" + ], + [ + "ath", + "am" + ], + [ + "Ġsit", + "com" + ], + [ + "V", + "en" + ], + [ + "Rec", + "ipe" + ], + [ + "t", + "el" + ], + [ + "l", + "und" + ], + [ + "Ġcle", + "ars" + ], + [ + "ĠSas", + "uke" + ], + [ + "Ġ25", + "8" + ], + [ + "Ġopt", + "ing" + ], + [ + "Ġen", + "raged" + ], + [ + "est", + "hetic" + ], + [ + "ĠA", + "e" + ], + [ + "uch", + "s" + ], + [ + "Pre", + "p" + ], + [ + "Fl", + "ow" + ], + [ + "Ġrun", + "off" + ], + [ + "ĠE", + "ating" + ], + [ + "ĠG", + "iles" + ], + [ + "ĠAct", + "ing" + ], + [ + "res", + "ources" + ], + [ + "ib", + "aba" + ], + [ + "Ġr", + "pm" + ], + [ + "Ġske", + "wed" + ], + [ + "ĠBl", + "anc" + ], + [ + "ĠS", + "akuya" + ], + [ + "Ġhot", + "ter" + ], + [ + "Ġ19", + "24" + ], + [ + "op", + "ian" + ], + [ + "ck", + "o" + ], + [ + "Ġcr", + "umbling" + ], + [ + "Ġcapt", + "ains" + ], + [ + "ĠAppropri", + "ations" + ], + [ + "le", + "aders" + ], + [ + "dro", + "pping" + ], + [ + "an", + "uts" + ], + [ + "Ġrevers", + "ing" + ], + [ + "ĠP", + "ose" + ], + [ + "ĠS", + "ek" + ], + [ + "Sc", + "ot" + ], + [ + "ĠIde", + "a" + ], + [ + "c", + "ise" + ], + [ + "ĠSloven", + "ia" + ], + [ + "Ġ3", + "17" + ], + [ + "Do", + "ctor" + ], + [ + "Ġcro", + "cod" + ], + [ + "ald", + "i" + ], + [ + "Se", + "a" + ], + [ + "ĠFar", + "rell" + ], + [ + "Ġmerc", + "enaries" + ], + [ + "ĠR", + "NC" + ], + [ + "ĠGu", + "ess" + ], + [ + "Ġp", + "acing" + ], + [ + "M", + "achine" + ], + [ + "Streamer", + "Bot" + ], + [ + "ĠChar", + "ity" + ], + [ + "Ġ29", + "8" + ], + [ + "Ġcann", + "ons" + ], + [ + "ĠTob", + "y" + ], + [ + "TPP", + "StreamerBot" + ], + [ + "ĠPass", + "ion" + ], + [ + "cf", + "g" + ], + [ + "Th", + "om" + ], + [ + "Ġbad", + "ges" + ], + [ + "ĠBern", + "stein" + ], + [ + ".", + "âĢĵ" + ], + [ + "ĠP", + "OP" + ], + [ + "ĠCon", + "j" + ], + [ + "Ġinitial", + "ization" + ], + [ + "Ġbiod", + "iversity" + ], + [ + "D", + "ub" + ], + [ + "Ġfeud", + "al" + ], + [ + "Ġdisclaim", + "er" + ], + [ + "Ġc", + "row" + ], + [ + "Ġign", + "ition" + ], + [ + "ar", + "f" + ], + [ + "S", + "HA" + ], + [ + "Ġk", + "Hz" + ], + [ + "h", + "azard" + ], + [ + "ĠArt", + "ists" + ], + [ + "oe", + "uv" + ], + [ + "67", + "9" + ], + [ + "ĠRud", + "y" + ], + [ + "N", + "ine" + ], + [ + "ĠRam", + "adan" + ], + [ + "å", + "½" + ], + [ + "itt", + "o" + ], + [ + "Ġadren", + "aline" + ], + [ + "C", + "ert" + ], + [ + "Ġsmell", + "ed" + ], + [ + "Ġimp", + "unity" + ], + [ + "Ġag", + "endas" + ], + [ + "ĠRe", + "born" + ], + [ + "ĠCon", + "cent" + ], + [ + "ĠSe", + "ems" + ], + [ + "Ġo", + "mega" + ], + [ + "ĠDust", + "in" + ], + [ + "Ġback", + "er" + ], + [ + "ĠSau", + "ce" + ], + [ + "ĠBoy", + "le" + ], + [ + "W", + "IN" + ], + [ + "Ġsp", + "ins" + ], + [ + "Ġpa", + "uses" + ], + [ + "u", + "pt" + ], + [ + "Ġshred", + "ded" + ], + [ + "Ġstra", + "pped" + ], + [ + "ĠCor", + "ruption" + ], + [ + "Ġscr", + "atches" + ], + [ + "Ġn", + "i" + ], + [ + "Ġatt", + "ire" + ], + [ + "ĠS", + "AF" + ], + [ + "Factory", + "Reloaded" + ], + [ + "ĠI", + "PS" + ], + [ + "Ġ(", + "%" + ], + [ + "Ġsem", + "inar" + ], + [ + "f", + "ocus" + ], + [ + "c", + "ivil" + ], + [ + "Ġ18", + "60" + ], + [ + "int", + "osh" + ], + [ + "Ġcontin", + "ual" + ], + [ + "Ġabbre", + "vi" + ], + [ + "ĠS", + "ok" + ], + [ + "oc", + "obo" + ], + [ + "X", + "M" + ], + [ + "Ġfr", + "antic" + ], + [ + "Ġunavoid", + "able" + ], + [ + "Ġar", + "tery" + ], + [ + "Ġannot", + "ations" + ], + [ + "b", + "ath" + ], + [ + "Cl", + "imate" + ], + [ + "Ġd", + "ors" + ], + [ + "ĠSl", + "ide" + ], + [ + "co", + "ord" + ], + [ + "ĠRel", + "oad" + ], + [ + "ĠL", + "DL" + ], + [ + "ĠLove", + "craft" + ], + [ + "Ġunim", + "agin" + ], + [ + "Ġresemb", + "led" + ], + [ + "Ġbarr", + "acks" + ], + [ + "n", + "p" + ], + [ + "Ġsurrog", + "ate" + ], + [ + "Ġcategor", + "ized" + ], + [ + "ãĤ", + "©" + ], + [ + "Ġvacc", + "inated" + ], + [ + "Ġdrain", + "age" + ], + [ + "Ġind", + "ist" + ], + [ + "ĠWhats", + "App" + ], + [ + "Ġ18", + "70" + ], + [ + "oler", + "ance" + ], + [ + "inv", + "oke" + ], + [ + "am", + "orph" + ], + [ + "Ġrecon", + "nect" + ], + [ + "Ġem", + "anc" + ], + [ + "Ġblind", + "ness" + ], + [ + "Ġ12", + "80" + ], + [ + "intern", + "et" + ], + [ + "c", + "ollar" + ], + [ + "Ġalt", + "ru" + ], + [ + "Ġab", + "yss" + ], + [ + "ĠT", + "RI" + ], + [ + "65", + "7" + ], + [ + "Ġinf", + "used" + ], + [ + "HE", + "AD" + ], + [ + "Ġforest", + "ry" + ], + [ + "ĠWood", + "y" + ], + [ + "ĠC", + "i" + ], + [ + "w", + "i" + ], + [ + "s", + "am" + ], + [ + "78", + "4" + ], + [ + "hol", + "iday" + ], + [ + "Ġmog", + "ul" + ], + [ + "ĠF", + "ees" + ], + [ + "ĠD", + "EN" + ], + [ + "In", + "ternal" + ], + [ + "ur", + "bed" + ], + [ + "f", + "usc" + ], + [ + "at", + "om" + ], + [ + "ĠIll", + "usion" + ], + [ + "Ġpoll", + "ed" + ], + [ + "Ġfl", + "ap" + ], + [ + "Ġco", + "ax" + ], + [ + "L", + "GBT" + ], + [ + "An", + "aly" + ], + [ + "ĠSect", + "ions" + ], + [ + "ĠCalif", + "orn" + ], + [ + "em", + "n" + ], + [ + "Ġh", + "ither" + ], + [ + "ĠN", + "IGHT" + ], + [ + "Ġn", + "ailed" + ], + [ + "ĠPip", + "eline" + ], + [ + "39", + "1" + ], + [ + "o", + "of" + ], + [ + "ĠPr", + "imal" + ], + [ + "vere", + "nd" + ], + [ + "Ġsl", + "ashing" + ], + [ + "Ġret", + "ri" + ], + [ + "avi", + "our" + ], + [ + "Ġdepart", + "ing" + ], + [ + "g", + "il" + ], + [ + "IS", + "C" + ], + [ + "Ġmid", + "way" + ], + [ + "Ġultras", + "ound" + ], + [ + "Ġbeh", + "aving" + ], + [ + "ĠT", + "ara" + ], + [ + "class", + "es" + ], + [ + "V", + "irtual" + ], + [ + "ĠColon", + "ial" + ], + [ + "Ġstri", + "pping" + ], + [ + "Ġorchestr", + "ated" + ], + [ + "ĠGra", + "ves" + ], + [ + "45", + "2" + ], + [ + "ĠIron", + "ically" + ], + [ + "ĠWrit", + "ers" + ], + [ + "Ġl", + "ends" + ], + [ + "ĠMan", + "z" + ], + [ + "Ġra", + "ven" + ], + [ + "Ġoxid", + "ative" + ], + [ + "Ġ26", + "6" + ], + [ + "EL", + "F" + ], + [ + "act", + "ually" + ], + [ + "asc", + "ar" + ], + [ + "D", + "raft" + ], + [ + "Ġfavour", + "able" + ], + [ + "Ġhumili", + "ating" + ], + [ + "Ġf", + "idelity" + ], + [ + "ĠH", + "of" + ], + [ + "ĠX", + "uan" + ], + [ + "49", + "6" + ], + [ + "Ġlay", + "ered" + ], + [ + "at", + "is" + ], + [ + "79", + "0" + ], + [ + "Ġpay", + "check" + ], + [ + "it", + "on" + ], + [ + "K", + "ar" + ], + [ + "ĠVM", + "ware" + ], + [ + "ĠFar", + "mer" + ], + [ + "Ġserv", + "ic" + ], + [ + "gl", + "omer" + ], + [ + "Ġsl", + "ump" + ], + [ + "ĠFab", + "ric" + ], + [ + "ĠD", + "OC" + ], + [ + "est", + "ing" + ], + [ + "Ġreass", + "ure" + ], + [ + "Ġph", + "yl" + ], + [ + "v", + "olt" + ], + [ + "it", + "ory" + ], + [ + "R", + "ules" + ], + [ + "Ġoxid", + "ation" + ], + [ + "Ġpri", + "zed" + ], + [ + "Ġmist", + "ress" + ], + [ + "ĠDj", + "ango" + ], + [ + "WAR", + "N" + ], + [ + "å", + "ij" + ], + [ + "Ġenc", + "ode" + ], + [ + "ĠFeed", + "back" + ], + [ + "Ġstupid", + "ity" + ], + [ + "I", + "an" + ], + [ + "ĠYugoslav", + "ia" + ], + [ + "×", + "¨" + ], + [ + "ac", + "l" + ], + [ + "UT", + "E" + ], + [ + "19", + "77" + ], + [ + "Ġqual", + "ifies" + ], + [ + "Ġpuls", + "es" + ], + [ + "pret", + "ty" + ], + [ + "Ġfro", + "ze" + ], + [ + "Ġs", + "s" + ], + [ + "Iter", + "ator" + ], + [ + "Ġur", + "gently" + ], + [ + "Ġm", + "ailed" + ], + [ + "ĠCh", + "am" + ], + [ + "Ġsust", + "aining" + ], + [ + "Ġbas", + "il" + ], + [ + "Ġpupp", + "ies" + ], + [ + "il", + "ant" + ], + [ + "ĠP", + "LEASE" + ], + [ + "l", + "ap" + ], + [ + "ace", + "ous" + ], + [ + "F", + "ear" + ], + [ + "ĠMaster", + "y" + ], + [ + "aut", + "omatic" + ], + [ + "ĠT", + "AG" + ], + [ + "Ġant", + "im" + ], + [ + "ag", + "les" + ], + [ + "47", + "3" + ], + [ + "fram", + "es" + ], + [ + "Ġwh", + "ispers" + ], + [ + "ĠWho", + "ever" + ], + [ + "Ġbra", + "very" + ], + [ + "ĠUK", + "IP" + ], + [ + "ract", + "ions" + ], + [ + "\"\"", + "\"" + ], + [ + "Ġt", + "ame" + ], + [ + "Ġpart", + "ed" + ], + [ + "every", + "thing" + ], + [ + "CON", + "T" + ], + [ + "Ġind", + "ebted" + ], + [ + "Ġadd", + "r" + ], + [ + "re", + "k" + ], + [ + "IR", + "ED" + ], + [ + "Ġem", + "inent" + ], + [ + "cl", + "inton" + ], + [ + "Ġo", + "usted" + ], + [ + "Ġreview", + "er" + ], + [ + "Ġmelt", + "down" + ], + [ + "Ġre", + "arr" + ], + [ + "ĠY", + "ao" + ], + [ + "the", + "real" + ], + [ + "aby", + "te" + ], + [ + "Ġst", + "umbling" + ], + [ + "Ġbat", + "ches" + ], + [ + "Ġ25", + "9" + ], + [ + "Ġcontrace", + "ptive" + ], + [ + "Ġprost", + "itute" + ], + [ + "ens", + "is" + ], + [ + "De", + "cl" + ], + [ + "ĠSt", + "rikes" + ], + [ + "M", + "ilitary" + ], + [ + "ĠO", + "ath" + ], + [ + "v", + "acc" + ], + [ + "pp", + "ings" + ], + [ + "05", + "2" + ], + [ + "Ġpart", + "Name" + ], + [ + "amp", + "ing" + ], + [ + "Rep", + "orts" + ], + [ + "K", + "I" + ], + [ + "CH", + "R" + ], + [ + "Ġsubt", + "ly" + ], + [ + "sw", + "ers" + ], + [ + "Bl", + "ake" + ], + [ + "us", + "ual" + ], + [ + "Ġcontest", + "ants" + ], + [ + "Ġcart", + "ridges" + ], + [ + "ĠGRE", + "AT" + ], + [ + "Ġbl", + "ush" + ], + [ + "ĠâĢ", + "º" + ], + [ + "47", + "2" + ], + [ + "Ġreason", + "ed" + ], + [ + "ãĥ", + "¤" + ], + [ + "paralle", + "led" + ], + [ + "Ġd", + "yn" + ], + [ + "ag", + "ate" + ], + [ + "Ġnight", + "ly" + ], + [ + "å", + "Ĩ" + ], + [ + "55", + "6" + ], + [ + "Ġsem", + "antic" + ], + [ + "ĠAdv", + "oc" + ], + [ + "Ġ", + "!!" + ], + [ + "Ġdisag", + "rees" + ], + [ + "ĠB", + "W" + ], + [ + "V", + "eh" + ], + [ + "Ġharm", + "ing" + ], + [ + "Ġembr", + "aces" + ], + [ + "Ġstri", + "ves" + ], + [ + "Ġin", + "land" + ], + [ + "ĠK", + "ard" + ], + [ + "Ġhe", + "ats" + ], + [ + "ĠGin", + "ny" + ], + [ + "ut", + "an" + ], + [ + "ern", + "aut" + ], + [ + "yl", + "ene" + ], + [ + "ĠE", + "lev" + ], + [ + "J", + "D" + ], + [ + "Ġh", + "ars" + ], + [ + "ĠStar", + "r" + ], + [ + "Ġsk", + "ysc" + ], + [ + "Ġcollabor", + "ators" + ], + [ + "Us", + "ually" + ], + [ + "Ġrev", + "olutions" + ], + [ + "ĠSTAT", + "S" + ], + [ + "Ġdism", + "antle" + ], + [ + "Ġconfident", + "ly" + ], + [ + "Ġkin", + "etic" + ], + [ + "Al", + "i" + ], + [ + "Ġpercent", + "ile" + ], + [ + "Ġextract", + "ing" + ], + [ + "ill", + "ian" + ], + [ + "est", + "ead" + ], + [ + "Ġphysic", + "ists" + ], + [ + "ĠMarsh", + "al" + ], + [ + "Ġfell", + "owship" + ], + [ + "Ġd", + "ashed" + ], + [ + "ĠU", + "R" + ], + [ + "ĠSi", + "oux" + ], + [ + "ĠComp", + "act" + ], + [ + "am", + "ide" + ], + [ + "P", + "ython" + ], + [ + "ĠLe", + "igh" + ], + [ + "ĠPharm", + "ac" + ], + [ + "ist", + "rates" + ], + [ + "her", + "ical" + ], + [ + "Ġf", + "ue" + ], + [ + "ĠE", + "min" + ], + [ + "Ġ(", + "{" + ], + [ + "ĠNeighbor", + "hood" + ], + [ + "Ġdisrupt", + "ing" + ], + [ + "ĠD", + "up" + ], + [ + "Ġg", + "land" + ], + [ + "ĠSe", + "v" + ], + [ + "ĠMar", + "ian" + ], + [ + "arg", + "on" + ], + [ + "ĠD", + "und" + ], + [ + "Ġ<", + "!--" + ], + [ + "Ġstr", + "and" + ], + [ + "Ġstadium", + "s" + ], + [ + "z", + "os" + ], + [ + "Ġpsych", + "osis" + ], + [ + "ĠR", + "ack" + ], + [ + "Ġbrilliant", + "ly" + ], + [ + "ï¸", + "ı" + ], + [ + "Ġsubmer", + "ged" + ], + [ + "ĠInst", + "it" + ], + [ + "ĠCh", + "ow" + ], + [ + "Ġc", + "ages" + ], + [ + "ĠH", + "ats" + ], + [ + "ĠU", + "rs" + ], + [ + "Ġdil", + "uted" + ], + [ + "us", + "at" + ], + [ + "ien", + "ne" + ], + [ + "ĠMembers", + "hip" + ], + [ + "ĠBur", + "k" + ], + [ + "Ġ", + "ie" + ], + [ + "Ġarche", + "type" + ], + [ + "D", + "rug" + ], + [ + "ult", + "on" + ], + [ + "ĠSp", + "ock" + ], + [ + "ĠMcK", + "ay" + ], + [ + "ĠDep", + "end" + ], + [ + "F", + "eatured" + ], + [ + "S", + "oc" + ], + [ + "19", + "78" + ], + [ + "ĠB", + "ere" + ], + [ + "Ġrelent", + "lessly" + ], + [ + "Ġcripp", + "ling" + ], + [ + "Ġar", + "thritis" + ], + [ + "çĶ", + "Ł" + ], + [ + "ĠTrop", + "ical" + ], + [ + "ĠBul", + "g" + ], + [ + "ĠCher", + "yl" + ], + [ + "Ġadm", + "irable" + ], + [ + "Ġsub", + "title" + ], + [ + "Over", + "ride" + ], + [ + "Ġorig", + "inating" + ], + [ + "ĠC", + "CP" + ], + [ + "Ġsw", + "ore" + ], + [ + "ĠSo", + "le" + ], + [ + "ĠDis", + "orders" + ], + [ + "3", + "29" + ], + [ + "Ġprocess", + "ion" + ], + [ + "Ġref", + "urb" + ], + [ + "Ġimm", + "ersed" + ], + [ + "requ", + "ently" + ], + [ + "Ġskept", + "ics" + ], + [ + "Ġcer", + "amic" + ], + [ + "m", + "itter" + ], + [ + "en", + "stein" + ], + [ + "b", + "elt" + ], + [ + "ĠT", + "IT" + ], + [ + "b", + "idden" + ], + [ + "Ġf", + "ir" + ], + [ + "m", + "ist" + ], + [ + ">", + "]" + ], + [ + "Ġwe", + "ave" + ], + [ + "ĠParad", + "ox" + ], + [ + "Ġentr", + "usted" + ], + [ + "ĠBarcl", + "ays" + ], + [ + "Ġnovel", + "ist" + ], + [ + "og", + "ie" + ], + [ + "80", + "6" + ], + [ + "Ġnin", + "ety" + ], + [ + "Ġdisag", + "reements" + ], + [ + "@@@@", + "@@@@" + ], + [ + "ĠAus", + "chwitz" + ], + [ + "c", + "ars" + ], + [ + "ĠL", + "ET" + ], + [ + "t", + "ub" + ], + [ + "arant", + "ine" + ], + [ + "P", + "OS" + ], + [ + "Ġback", + "story" + ], + [ + "Ġcheer", + "ful" + ], + [ + "ĠR", + "ag" + ], + [ + "ek", + "a" + ], + [ + "bi", + "ased" + ], + [ + "Ġinexper", + "ienced" + ], + [ + "ak", + "ra" + ], + [ + "ĠW", + "itt" + ], + [ + "t", + "an" + ], + [ + "Ġrap", + "ist" + ], + [ + "Ġplate", + "au" + ], + [ + "ch", + "al" + ], + [ + "ĠInqu", + "is" + ], + [ + "exp", + "ression" + ], + [ + "Ġc", + "ipher" + ], + [ + "Ġsh", + "aving" + ], + [ + "add", + "en" + ], + [ + "re", + "ly" + ], + [ + "(", + "\\" + ], + [ + "ism", + "a" + ], + [ + "ĠReg", + "ulatory" + ], + [ + "CH", + "AR" + ], + [ + "ily", + "n" + ], + [ + "N", + "VIDIA" + ], + [ + "G", + "U" + ], + [ + "Ġmur", + "m" + ], + [ + "la", + "us" + ], + [ + "Christ", + "opher" + ], + [ + "Ġcontract", + "ual" + ], + [ + "ĠPro", + "xy" + ], + [ + "ĠJa", + "ime" + ], + [ + "ĠMethod", + "ist" + ], + [ + "Ġstew", + "ards" + ], + [ + "st", + "a" + ], + [ + "per", + "ia" + ], + [ + "Ġphys", + "iology" + ], + [ + "Ġbump", + "ed" + ], + [ + "Ġf", + "ructose" + ], + [ + "Austral", + "ian" + ], + [ + "ĠMet", + "allic" + ], + [ + "ĠMas", + "querade" + ], + [ + "ar", + "b" + ], + [ + "Ġprom", + "ul" + ], + [ + "Ġdown", + "fall" + ], + [ + "Ġbut", + "cher" + ], + [ + "Ġb", + "our" + ], + [ + "ĠIN", + "FORMATION" + ], + [ + "ĠB", + "is" + ], + [ + "pect", + "s" + ], + [ + "ad", + "ena" + ], + [ + "Ġcontempl", + "ating" + ], + [ + "ar", + "oo" + ], + [ + "cent", + "ered" + ], + [ + "ĠPe", + "aks" + ], + [ + "Us", + "ed" + ], + [ + "Ġmod", + "em" + ], + [ + "Ġg", + "enders" + ], + [ + "Ġ8", + "000" + ], + [ + "37", + "1" + ], + [ + "Ġm", + "aternity" + ], + [ + "ĠR", + "az" + ], + [ + "Ġrock", + "ing" + ], + [ + "Ġhandgun", + "s" + ], + [ + "ĠD", + "ACA" + ], + [ + "Aut", + "om" + ], + [ + "ĠN", + "ile" + ], + [ + "Ġtum", + "ult" + ], + [ + "ĠBenef", + "it" + ], + [ + "ĠAppro", + "ach" + ], + [ + "works", + "hop" + ], + [ + "ĠLe", + "aving" + ], + [ + "G", + "er" + ], + [ + "inst", + "ead" + ], + [ + "Ġvibr", + "ations" + ], + [ + "Ġrep", + "ositories" + ], + [ + "49", + "7" + ], + [ + "ĠA", + "unt" + ], + [ + "ĠJ", + "ub" + ], + [ + "ĠExp", + "edition" + ], + [ + "Al", + "pha" + ], + [ + "Ġs", + "ans" + ], + [ + "Ġoverd", + "ue" + ], + [ + "Ġoverc", + "rowd" + ], + [ + "Ġlegisl", + "atures" + ], + [ + "Ġp", + "aternal" + ], + [ + "ĠLeon", + "ardo" + ], + [ + "Ġexp", + "ressive" + ], + [ + "Ġdistract", + "ions" + ], + [ + "Ġsil", + "enced" + ], + [ + "tr", + "ust" + ], + [ + "Ġb", + "iking" + ], + [ + "Ġ5", + "60" + ], + [ + "Ġpropri", + "et" + ], + [ + "Ġimp", + "osition" + ], + [ + "Ġcon", + "glomer" + ], + [ + "Ġ=", + "================================================================" + ], + [ + "ĠTe", + "aching" + ], + [ + "ĠY", + "ose" + ], + [ + "int", + "ensive" + ], + [ + "T", + "own" + ], + [ + "Ġtroll", + "ing" + ], + [ + "ĠGr", + "ac" + ], + [ + "ĠAS", + "US" + ], + [ + "Y", + "o" + ], + [ + "Ġspecial", + "s" + ], + [ + "ĠNep", + "h" + ], + [ + "ĠGod", + "zilla" + ], + [ + "Dat", + "abase" + ], + [ + "ĠHe", + "gel" + ], + [ + "Ġ27", + "2" + ], + [ + "19", + "76" + ], + [ + "ĠGl", + "oria" + ], + [ + "Ġdis", + "emb" + ], + [ + "ĠInvestig", + "ations" + ], + [ + "ĠB", + "ane" + ], + [ + "ag", + "ements" + ], + [ + "St", + "range" + ], + [ + "Ġtre", + "asury" + ], + [ + "ĠPl", + "ays" + ], + [ + "Ġundes", + "irable" + ], + [ + "Ġwid", + "ening" + ], + [ + "Ġverb", + "ally" + ], + [ + "Ġinf", + "ancy" + ], + [ + "Ġcut", + "ter" + ], + [ + "f", + "ml" + ], + [ + "Ġ21", + "00" + ], + [ + "prot", + "otype" + ], + [ + "f", + "ine" + ], + [ + "Ġdec", + "riminal" + ], + [ + "Ġdysfunction", + "al" + ], + [ + "Ġbes", + "ie" + ], + [ + "ĠErn", + "st" + ], + [ + "z", + "eb" + ], + [ + "Ġnort", + "heastern" + ], + [ + "Ġa", + "ust" + ], + [ + "por", + "ate" + ], + [ + "ĠMar", + "lins" + ], + [ + "Ġsegreg", + "ated" + ], + [ + "ew", + "orld" + ], + [ + "ĠMa", + "her" + ], + [ + "Ġtra", + "verse" + ], + [ + "Ġmon", + "astery" + ], + [ + "ur", + "gy" + ], + [ + "G", + "ear" + ], + [ + "s", + "and" + ], + [ + "Com", + "pl" + ], + [ + "ĠE", + "MP" + ], + [ + "Ġpl", + "ent" + ], + [ + "ĠMer", + "cer" + ], + [ + "Ġ27", + "6" + ], + [ + "TA", + "BLE" + ], + [ + "Config", + "uration" + ], + [ + "H", + "undreds" + ], + [ + "Ġpr", + "ic" + ], + [ + "Ġcollabor", + "ating" + ], + [ + "ĠPar", + "amount" + ], + [ + "ĠCumm", + "ings" + ], + [ + "Ġ(", + "<" + ], + [ + "Ġrecord", + "er" + ], + [ + "Ġfl", + "ats" + ], + [ + "Ġ4", + "16" + ], + [ + "wh", + "ose" + ], + [ + "Font", + "Size" + ], + [ + "ĠOr", + "bit" + ], + [ + "Y", + "R" + ], + [ + "Ġwr", + "ists" + ], + [ + "Ġb", + "akery" + ], + [ + ")", + "}" + ], + [ + "ĠB", + "ounty" + ], + [ + "ĠLanc", + "aster" + ], + [ + "Ġend", + "ings" + ], + [ + "acc", + "ording" + ], + [ + "ĠSal", + "am" + ], + [ + "e", + "asy" + ], + [ + "75", + "5" + ], + [ + "ĠBur", + "r" + ], + [ + "ĠBarn", + "ett" + ], + [ + "onom", + "ous" + ], + [ + "Un", + "ion" + ], + [ + "Ġpreced", + "ence" + ], + [ + "ĠScholars", + "hip" + ], + [ + "ĠU", + "X" + ], + [ + "Ġroll", + "out" + ], + [ + "Ġbo", + "on" + ], + [ + "al", + "m" + ], + [ + "ĠCan", + "ter" + ], + [ + "æ", + "µ" + ], + [ + "Ġround", + "ing" + ], + [ + "Ġcl", + "ad" + ], + [ + "Ġv", + "ap" + ], + [ + "ĠF", + "eatured" + ], + [ + "is", + "ations" + ], + [ + "Ġ5", + "40" + ], + [ + "pol", + "ice" + ], + [ + "Ġunsett", + "ling" + ], + [ + "Ġdr", + "ifting" + ], + [ + "ĠLum", + "ia" + ], + [ + "ĠObama", + "Care" + ], + [ + "ĠF", + "avor" + ], + [ + "Hy", + "per" + ], + [ + "ĠRoth", + "schild" + ], + [ + "ĠMil", + "iband" + ], + [ + "an", + "aly" + ], + [ + "ĠJul", + "iet" + ], + [ + "H", + "u" + ], + [ + "Ġrec", + "alling" + ], + [ + "a", + "head" + ], + [ + "69", + "6" + ], + [ + "Ġunf", + "avorable" + ], + [ + "Ġd", + "ances" + ], + [ + "O", + "x" + ], + [ + "Ġleg", + "ality" + ], + [ + "Ġ40", + "3" + ], + [ + "rom", + "ancer" + ], + [ + "Ġinqu", + "ire" + ], + [ + "ĠM", + "oves" + ], + [ + "\\", + "\">" + ], + [ + "ĠVari", + "ant" + ], + [ + "ĠMess", + "iah" + ], + [ + "ĠL", + "CS" + ], + [ + "ĠBah", + "á" + ], + [ + "75", + "6" + ], + [ + "Ġeyeb", + "row" + ], + [ + "ĠÂ", + "¥" + ], + [ + "ĠMc", + "F" + ], + [ + "ĠFort", + "y" + ], + [ + "M", + "as" + ], + [ + "Ġpan", + "icked" + ], + [ + "Ġtransform", + "ations" + ], + [ + "q", + "q" + ], + [ + "Ġrev", + "olves" + ], + [ + "ring", + "e" + ], + [ + "ĠA", + "i" + ], + [ + "ax", + "e" + ], + [ + "Ġon", + "ward" + ], + [ + "ĠC", + "FR" + ], + [ + "ĠB", + "are" + ], + [ + "log", + "in" + ], + [ + "Ġliqu", + "ids" + ], + [ + "Ġde", + "comp" + ], + [ + "second", + "ary" + ], + [ + "il", + "an" + ], + [ + "ĠCon", + "vert" + ], + [ + "ami", + "ya" + ], + [ + "Ġprosecut", + "ing" + ], + [ + "Ġâī", + "¡" + ], + [ + "ĠYork", + "ers" + ], + [ + "ĠByr", + "ne" + ], + [ + "sl", + "ow" + ], + [ + "aw", + "ei" + ], + [ + "J", + "ean" + ], + [ + "Ġ26", + "9" + ], + [ + "ĠSky", + "dragon" + ], + [ + "Ġ", + "é" + ], + [ + "ĠNicarag", + "ua" + ], + [ + "ĠHuck", + "abee" + ], + [ + "ĠHigh", + "ly" + ], + [ + "Ġamph", + "ib" + ], + [ + "ĠPast", + "or" + ], + [ + "ĠL", + "ets" + ], + [ + "Ġbl", + "urred" + ], + [ + "Ġvisc", + "eral" + ], + [ + "ĠC", + "BO" + ], + [ + "Ġcollabor", + "ated" + ], + [ + "z", + "ig" + ], + [ + "Leg", + "al" + ], + [ + "Ġapart", + "heid" + ], + [ + "Ġbr", + "id" + ], + [ + "Ġpres", + "et" + ], + [ + "ĠD", + "ET" + ], + [ + "ĠAM", + "A" + ], + [ + "×", + "Ķ" + ], + [ + "arch", + "ing" + ], + [ + "auc", + "uses" + ], + [ + "build", + "er" + ], + [ + "Ġpo", + "etic" + ], + [ + "Ġem", + "ulator" + ], + [ + "ĠMole", + "cular" + ], + [ + "Ġhon", + "oring" + ], + [ + "ise", + "um" + ], + [ + "Ġtract", + "or" + ], + [ + "ĠCl", + "uster" + ], + [ + "ĠCal", + "m" + ], + [ + "ared", + "evil" + ], + [ + "Ġsidew", + "alks" + ], + [ + "Ġviol", + "in" + ], + [ + "Ġgeneral", + "ized" + ], + [ + "ĠAle", + "c" + ], + [ + "Ġemb", + "argo" + ], + [ + "Ġfast", + "ball" + ], + [ + "ĠHT", + "TPS" + ], + [ + "ĠL", + "ack" + ], + [ + "ĠCh", + "ill" + ], + [ + "ri", + "ver" + ], + [ + "C", + "hel" + ], + [ + "ĠSw", + "arm" + ], + [ + "ĠLev", + "ine" + ], + [ + "ro", + "ying" + ], + [ + "L", + "aunch" + ], + [ + "Ġkick", + "er" + ], + [ + "Ġadd", + "itive" + ], + [ + "ĠDe", + "als" + ], + [ + "W", + "idget" + ], + [ + "cont", + "aining" + ], + [ + "Ġescal", + "ate" + ], + [ + "ĠOP", + "EN" + ], + [ + "Ġtwe", + "aked" + ], + [ + "Ġst", + "ash" + ], + [ + "Ġsp", + "arks" + ], + [ + "ĠEs", + "sex" + ], + [ + "ĠE", + "cc" + ], + [ + "Ġconv", + "ict" + ], + [ + "Ġblog", + "ging" + ], + [ + "I", + "ER" + ], + [ + "ĠH", + "L" + ], + [ + "Ġmurd", + "erers" + ], + [ + "75", + "9" + ], + [ + "ĠH", + "ib" + ], + [ + "Ġde", + "pl" + ], + [ + "ĠJ", + "ord" + ], + [ + "S", + "ac" + ], + [ + "Ġdis", + "sect" + ], + [ + "ĠHow", + "e" + ], + [ + "os", + "her" + ], + [ + "Ġcustom", + "izable" + ], + [ + "ĠFran", + "z" + ], + [ + "Ġat", + "ro" + ], + [ + "Ä", + "ĩ" + ], + [ + "Ġ000", + "4" + ], + [ + "Ġout", + "post" + ], + [ + "R", + "oss" + ], + [ + "Ġglyph", + "osate" + ], + [ + "ĠHast", + "ings" + ], + [ + "ĠBE", + "FORE" + ], + [ + "Ġsh", + "ove" + ], + [ + "o", + "pped" + ], + [ + "ĠSc", + "ala" + ], + [ + "Ġam", + "ulet" + ], + [ + "an", + "ian" + ], + [ + "Ġexacerb", + "ated" + ], + [ + "Ġe", + "ater" + ], + [ + "47", + "1" + ], + [ + "UM", + "E" + ], + [ + "Ġpul", + "p" + ], + [ + "izont", + "al" + ], + [ + "ĠZ", + "am" + ], + [ + "ĠAT", + "I" + ], + [ + "imm", + "une" + ], + [ + "aby", + "tes" + ], + [ + "Ġunnecess", + "arily" + ], + [ + "ĠC", + "AT" + ], + [ + "ĠAx", + "is" + ], + [ + "Ġvisual", + "ize" + ], + [ + "Ã", + "ī" + ], + [ + "ĠRad", + "ical" + ], + [ + "f", + "m" + ], + [ + "Doc", + "uments" + ], + [ + "ĠFor", + "rest" + ], + [ + "Ġcontext", + "ual" + ], + [ + "ĠSy", + "mbol" + ], + [ + "Ġtent", + "ative" + ], + [ + "ĠDO", + "ES" + ], + [ + "ĠGood", + "s" + ], + [ + "Ġintermitt", + "ent" + ], + [ + "}", + ":" + ], + [ + "medi", + "ated" + ], + [ + "Ġridic", + "ule" + ], + [ + "Ġathe", + "ism" + ], + [ + "Ġpath", + "ogens" + ], + [ + "ĠM", + "um" + ], + [ + "Ġre", + "introdu" + ], + [ + "Ġ30", + "7" + ], + [ + "i", + "HUD" + ], + [ + "Ġflash", + "light" + ], + [ + "Ġsw", + "earing" + ], + [ + "Ġp", + "engu" + ], + [ + "B", + "u" + ], + [ + "Ġrot", + "ated" + ], + [ + "ĠCr", + "ane" + ], + [ + "Ġ()", + ");" + ], + [ + "Ġfashion", + "able" + ], + [ + "Ġendors", + "ing" + ], + [ + "46", + "3" + ], + [ + ")", + "[" + ], + [ + "Ġingest", + "ion" + ], + [ + "Ġcook", + "s" + ], + [ + "Ġ9", + "50" + ], + [ + "ot", + "omy" + ], + [ + "ĠIm", + "am" + ], + [ + "Ġk", + "a" + ], + [ + "Ġte", + "aser" + ], + [ + "ĠGhost", + "s" + ], + [ + "ĠãĤ", + "µ" + ], + [ + "19", + "69" + ], + [ + "Ï", + "ĥ" + ], + [ + "ub", + "by" + ], + [ + "Ġconver", + "ter" + ], + [ + "zan", + "ne" + ], + [ + "end", + "e" + ], + [ + "ĠPre", + "par" + ], + [ + "ĠNic", + "kel" + ], + [ + "ĠChim", + "era" + ], + [ + "h", + "im" + ], + [ + "ĠTyr", + "ann" + ], + [ + "ĠSabb", + "ath" + ], + [ + "ĠNich", + "ols" + ], + [ + "Ġra", + "pt" + ], + [ + "ih", + "ar" + ], + [ + "Ġshe", + "lling" + ], + [ + "Ġillum", + "inate" + ], + [ + "Ġdent", + "ist" + ], + [ + "ut", + "or" + ], + [ + "ĠInteg", + "ration" + ], + [ + "Ġwh", + "ims" + ], + [ + "ĠLiter", + "ary" + ], + [ + "Be", + "aut" + ], + [ + "Ġp", + "archment" + ], + [ + "ag", + "ara" + ], + [ + "Br", + "and" + ], + [ + "Ġder", + "og" + ], + [ + "âĢ¦", + ")" + ], + [ + "ĠNor", + "se" + ], + [ + "Ġunw", + "itting" + ], + [ + "Ġc", + "uc" + ], + [ + "Ġborder", + "line" + ], + [ + "Ġupset", + "ting" + ], + [ + "Ġrec", + "ourse" + ], + [ + "Ġd", + "raped" + ], + [ + "ĠRad", + "ar" + ], + [ + "Ġcold", + "er" + ], + [ + "ĠPep", + "si" + ], + [ + "im", + "inary" + ], + [ + "],", + "[" + ], + [ + "65", + "8" + ], + [ + "V", + "i" + ], + [ + "ĠF", + "rem" + ], + [ + "ĠP", + "es" + ], + [ + "Ġveter", + "inary" + ], + [ + "ĠT", + "ED" + ], + [ + "ĠEp", + "idem" + ], + [ + "n", + "ova" + ], + [ + "k", + "id" + ], + [ + "Ġdev", + "out" + ], + [ + "o", + "ct" + ], + [ + "j", + "ad" + ], + [ + "M", + "oh" + ], + [ + "ĠP", + "AY" + ], + [ + "Ġge", + "ometric" + ], + [ + "Ġ3", + "23" + ], + [ + "Ġcircum", + "ference" + ], + [ + "ich", + "ick" + ], + [ + "19", + "75" + ], + [ + "ĠY", + "uri" + ], + [ + "ĠSh", + "all" + ], + [ + "ĠH", + "over" + ], + [ + "un", + "in" + ], + [ + "S", + "pr" + ], + [ + "Ġg", + "raft" + ], + [ + "ĠHapp", + "iness" + ], + [ + "Ġdisadvant", + "ages" + ], + [ + "att", + "acks" + ], + [ + "Ġhub", + "s" + ], + [ + "ĠStar", + "Craft" + ], + [ + "é", + "ĸ" + ], + [ + "Ġgall", + "eries" + ], + [ + "ĠKor", + "ra" + ], + [ + "Ġgrocer", + "ies" + ], + [ + "ĠGors", + "uch" + ], + [ + "Ġrap", + "ists" + ], + [ + "Ġfun", + "gi" + ], + [ + "ĠTyph", + "oon" + ], + [ + "V", + "ector" + ], + [ + "ĠEm", + "press" + ], + [ + "b", + "attle" + ], + [ + "4", + "68" + ], + [ + "Ġparas", + "ite" + ], + [ + "ĠBom", + "ber" + ], + [ + "S", + "G" + ], + [ + "ex", + "ist" + ], + [ + "ĠP", + "f" + ], + [ + "Ġun", + "se" + ], + [ + "Ġsurge", + "ons" + ], + [ + "B", + "irth" + ], + [ + "ĠUn", + "sure" + ], + [ + "ĠPrint", + "ed" + ], + [ + "ĠBehavior", + "al" + ], + [ + "ĠA", + "ster" + ], + [ + "Pak", + "istan" + ], + [ + "Ġun", + "ethical" + ], + [ + "Ġs", + "v" + ], + [ + "ĠIo", + "T" + ], + [ + "Ġlay", + "outs" + ], + [ + "P", + "ain" + ], + [ + "Ġconst", + "ants" + ], + [ + "ĠL", + "W" + ], + [ + "ĠB", + "ake" + ], + [ + "Ġtow", + "els" + ], + [ + "Ġdeterior", + "ation" + ], + [ + "ĠBol", + "ivia" + ], + [ + "Ġblind", + "ed" + ], + [ + "ĠW", + "arden" + ], + [ + "ĠMist", + "ress" + ], + [ + "Ġon", + "stage" + ], + [ + "Ġcl", + "ans" + ], + [ + "ĠB", + "EST" + ], + [ + "19", + "60" + ], + [ + "Ġant", + "ique" + ], + [ + "Ġrhet", + "orical" + ], + [ + "ĠPer", + "cy" + ], + [ + "ĠRw", + "anda" + ], + [ + ",", + "." + ], + [ + "B", + "ruce" + ], + [ + "Ġtra", + "umat" + ], + [ + "ĠParliament", + "ary" + ], + [ + "Ġfoot", + "note" + ], + [ + "id", + "ia" + ], + [ + "ĠLear", + "ned" + ], + [ + "se", + "eking" + ], + [ + "gen", + "ic" + ], + [ + "Ġdim", + "ensional" + ], + [ + "H", + "ide" + ], + [ + "èĢ", + "ħ" + ], + [ + "Ġintrig", + "ue" + ], + [ + "in", + "se" + ], + [ + "Ġle", + "ases" + ], + [ + "Ġapp", + "rentices" + ], + [ + "w", + "ashing" + ], + [ + "Ġ19", + "26" + ], + [ + "V", + "ILLE" + ], + [ + "Ġsw", + "oop" + ], + [ + "s", + "cl" + ], + [ + "Ġbed", + "rooms" + ], + [ + "on", + "ics" + ], + [ + "ĠCr", + "unch" + ], + [ + "comp", + "atible" + ], + [ + "Ġincap", + "ac" + ], + [ + "ĠYemen", + "i" + ], + [ + "ash", + "tra" + ], + [ + "z", + "hou" + ], + [ + "d", + "anger" + ], + [ + "Ġmanifest", + "ations" + ], + [ + "ĠDem", + "ons" + ], + [ + "AA", + "F" + ], + [ + "Secret", + "ary" + ], + [ + "ACT", + "ED" + ], + [ + "L", + "OD" + ], + [ + "Ġam", + "y" + ], + [ + "ra", + "per" + ], + [ + "eth", + "nic" + ], + [ + "4", + "17" + ], + [ + "Ġpos", + "itives" + ], + [ + "Ġ27", + "3" + ], + [ + "ĠRefuge", + "es" + ], + [ + "Ġus", + "b" + ], + [ + "ĠV", + "ald" + ], + [ + "odd", + "y" + ], + [ + "ĠMahm", + "oud" + ], + [ + "As", + "ia" + ], + [ + "Ġskull", + "s" + ], + [ + "ĠEx", + "odus" + ], + [ + "ĠComp", + "et" + ], + [ + "ĠL", + "IC" + ], + [ + "ĠM", + "ansion" + ], + [ + "ĠA", + "me" + ], + [ + "Ġconsolid", + "ate" + ], + [ + "storm", + "s" + ], + [ + "ont", + "ent" + ], + [ + "99", + "6" + ], + [ + "Ġcl", + "en" + ], + [ + "Ġm", + "ummy" + ], + [ + "fl", + "at" + ], + [ + "75", + "8" + ], + [ + "ĠV", + "OL" + ], + [ + "oter", + "ic" + ], + [ + "n", + "en" + ], + [ + "ĠMin", + "ute" + ], + [ + "S", + "ov" + ], + [ + "Ġfin", + "er" + ], + [ + "R", + "h" + ], + [ + "ly", + "cer" + ], + [ + "Ġreinforce", + "ments" + ], + [ + "ĠJohann", + "es" + ], + [ + "ĠGall", + "agher" + ], + [ + "Ġgym", + "n" + ], + [ + "S", + "uddenly" + ], + [ + "Ġext", + "ortion" + ], + [ + "k", + "r" + ], + [ + "i", + "ator" + ], + [ + "T", + "a" + ], + [ + "Ġhippocamp", + "us" + ], + [ + "N", + "PR" + ], + [ + "ĠComput", + "ing" + ], + [ + "Ġsquare", + "ly" + ], + [ + "Ġmod", + "elling" + ], + [ + "ĠFor", + "ums" + ], + [ + "ĠL", + "isp" + ], + [ + "ĠKrish", + "na" + ], + [ + "Ġ3", + "24" + ], + [ + "Ġr", + "ushes" + ], + [ + "Ġens", + "ued" + ], + [ + "Ġcre", + "eping" + ], + [ + "on", + "te" + ], + [ + "n", + "ai" + ], + [ + "il", + "ater" + ], + [ + "ĠHorn", + "ets" + ], + [ + "Ġob", + "livious" + ], + [ + "IN", + "ST" + ], + [ + "55", + "9" + ], + [ + "Ġjeopard", + "y" + ], + [ + "Ġdistingu", + "ishing" + ], + [ + "j", + "ured" + ], + [ + "Ġbeg", + "s" + ], + [ + "sim", + "ilar" + ], + [ + "ph", + "ot" + ], + [ + "5", + "30" + ], + [ + "ĠPark", + "way" + ], + [ + "Ġs", + "inks" + ], + [ + "ĠHearth", + "stone" + ], + [ + "ib", + "ur" + ], + [ + "ĠBat", + "on" + ], + [ + "Av", + "oid" + ], + [ + "Ġd", + "ancer" + ], + [ + "Ġmag", + "istrate" + ], + [ + "ary", + "n" + ], + [ + "Ġdisturb", + "ances" + ], + [ + "ĠRom", + "ero" + ], + [ + "Ġpar", + "aph" + ], + [ + "Ġmis", + "chief" + ], + [ + "âĸ", + "ĵ" + ], + [ + "ĠSh", + "aria" + ], + [ + "Ġur", + "inary" + ], + [ + "r", + "oute" + ], + [ + "iv", + "as" + ], + [ + "f", + "itted" + ], + [ + "Ġeject", + "ed" + ], + [ + "ĠAl", + "buquerque" + ], + [ + "Ġ4", + "70" + ], + [ + "Ġirrit", + "ated" + ], + [ + "ĠZ", + "ip" + ], + [ + "ĠB", + "iol" + ], + [ + "Ã", + "į" + ], + [ + "Ġden", + "ounce" + ], + [ + "Ġbin", + "aries" + ], + [ + "ĠVer", + "se" + ], + [ + "Ġopp", + "os" + ], + [ + "ĠKend", + "rick" + ], + [ + "ĠG", + "PL" + ], + [ + "Ġsp", + "ew" + ], + [ + "ĠEl", + "ijah" + ], + [ + "ĠE", + "as" + ], + [ + "Ġdr", + "ifted" + ], + [ + "so", + "far" + ], + [ + "Ġannoy", + "ance" + ], + [ + "ĠB", + "ET" + ], + [ + "47", + "4" + ], + [ + "ĠSt", + "rongh" + ], + [ + "it", + "ates" + ], + [ + "ĠCogn", + "itive" + ], + [ + "oph", + "one" + ], + [ + "ĠIdent", + "ification" + ], + [ + "ocr", + "ine" + ], + [ + "connect", + "ion" + ], + [ + "Ġbox", + "er" + ], + [ + "ĠAS", + "D" + ], + [ + "ĠAre", + "as" + ], + [ + "Y", + "ang" + ], + [ + "t", + "ch" + ], + [ + "ull", + "ah" + ], + [ + "Ġdece", + "ive" + ], + [ + "Comb", + "at" + ], + [ + "ep", + "isode" + ], + [ + "cre", + "te" + ], + [ + "W", + "itness" + ], + [ + "Ġcondol", + "ences" + ], + [ + "ht", + "ar" + ], + [ + "Ġhe", + "als" + ], + [ + "Ġbuck", + "ets" + ], + [ + "ĠLA", + "W" + ], + [ + "B", + "lu" + ], + [ + "Ġsl", + "ab" + ], + [ + "ĠOR", + "DER" + ], + [ + "oc", + "l" + ], + [ + "att", + "on" + ], + [ + "ĠSteven", + "son" + ], + [ + "ĠG", + "inger" + ], + [ + "ĠFriend", + "ly" + ], + [ + "ĠVander", + "bilt" + ], + [ + "sp", + "irit" + ], + [ + "ig", + "l" + ], + [ + "ĠReg", + "arding" + ], + [ + "ĠPR", + "OG" + ], + [ + "Ġse", + "aling" + ], + [ + "start", + "ing" + ], + [ + "Ġcard", + "inal" + ], + [ + "ĠV", + "ec" + ], + [ + "ĠBe", + "ir" + ], + [ + "Ġmillisec", + "onds" + ], + [ + "we", + "ak" + ], + [ + "per", + "se" + ], + [ + "Ġster", + "ile" + ], + [ + "ĠCont", + "emporary" + ], + [ + "ĠPh", + "ant" + ], + [ + "ĠCl", + "o" + ], + [ + "Ġout", + "p" + ], + [ + "Ġex", + "iled" + ], + [ + "Ġ27", + "7" + ], + [ + "Ġself", + "ie" + ], + [ + "Ġman", + "ic" + ], + [ + "Ġn", + "ano" + ], + [ + "ter", + "ms" + ], + [ + "Alex", + "ander" + ], + [ + "Ġres", + "olves" + ], + [ + "Ġmillenn", + "ia" + ], + [ + "Ġexpl", + "odes" + ], + [ + "Ġconst", + "ellation" + ], + [ + "Ġadul", + "tery" + ], + [ + "m", + "otion" + ], + [ + "D", + "OC" + ], + [ + "Ġbroad", + "casters" + ], + [ + "Ġkinderg", + "arten" + ], + [ + "ĠMay", + "weather" + ], + [ + "ĠE", + "co" + ], + [ + "ich", + "o" + ], + [ + "Ġ28", + "7" + ], + [ + "l", + "aun" + ], + [ + "Ġm", + "ute" + ], + [ + "Ġdisc", + "reet" + ], + [ + "Ġpres", + "chool" + ], + [ + "Ġpre", + "empt" + ], + [ + "De", + "lete" + ], + [ + "ĠFre", + "ed" + ], + [ + "P", + "i" + ], + [ + "H", + "K" + ], + [ + "Ġblock", + "er" + ], + [ + "ĠC", + "umber" + ], + [ + "Ġw", + "rought" + ], + [ + "d", + "ating" + ], + [ + "Ġins", + "urer" + ], + [ + "Ġquot", + "as" + ], + [ + "Ġpre", + "ached" + ], + [ + "Ġev", + "iction" + ], + [ + "ĠReg", + "ina" + ], + [ + "ĠP", + "ens" + ], + [ + "Ġsevent", + "een" + ], + [ + "ĠN", + "ass" + ], + [ + "D", + "ick" + ], + [ + "Ġfold", + "s" + ], + [ + "Ġd", + "otted" + ], + [ + "ĠA", + "ad" + ], + [ + "Un", + "iversal" + ], + [ + "Ġp", + "izz" + ], + [ + "ĠG", + "uru" + ], + [ + "Ġso", + "ils" + ], + [ + "Ġno", + "vice" + ], + [ + "ĠNe", + "ander" + ], + [ + "Ġst", + "ool" + ], + [ + "Ġdeton", + "ated" + ], + [ + "ĠPik", + "achu" + ], + [ + "ĠMass", + "ive" + ], + [ + "IV", + "ER" + ], + [ + "ĠAb", + "del" + ], + [ + "Ġsubdu", + "ed" + ], + [ + "Ġtall", + "est" + ], + [ + "Ġprec", + "arious" + ], + [ + "Ġa", + "y" + ], + [ + "r", + "ification" + ], + [ + "ĠOb", + "j" + ], + [ + "c", + "ale" + ], + [ + "Ġun", + "question" + ], + [ + "cul", + "osis" + ], + [ + "ad", + "as" + ], + [ + "igr", + "ated" + ], + [ + "D", + "ays" + ], + [ + "Ġque", + "ens" + ], + [ + "ĠGaz", + "ette" + ], + [ + "ĠCol", + "our" + ], + [ + "ĠBow", + "man" + ], + [ + "ĠJ", + "J" + ], + [ + "ï", + "ve" + ], + [ + "Ġdomin", + "ates" + ], + [ + "Stud", + "ent" + ], + [ + "Ġm", + "u" + ], + [ + "Ġback", + "log" + ], + [ + "ĠElect", + "ro" + ], + [ + "Tr", + "uth" + ], + [ + "48", + "3" + ], + [ + "Ġcond", + "ensed" + ], + [ + "r", + "ules" + ], + [ + "ĠCons", + "piracy" + ], + [ + "Ġacron", + "ym" + ], + [ + "hand", + "led" + ], + [ + "ĠMat", + "te" + ], + [ + "j", + "ri" + ], + [ + "ĠImp", + "ossible" + ], + [ + "l", + "ude" + ], + [ + "cre", + "ation" + ], + [ + "Ġwar", + "med" + ], + [ + "ĠSl", + "ave" + ], + [ + "Ġmis", + "led" + ], + [ + "Ġfer", + "ment" + ], + [ + "ĠK", + "ah" + ], + [ + "ink", + "i" + ], + [ + "ke", + "leton" + ], + [ + "cy", + "l" + ], + [ + "ĠKar", + "in" + ], + [ + "Hun", + "ter" + ], + [ + "Reg", + "ister" + ], + [ + "ĠSur", + "rey" + ], + [ + "Ġst", + "ares" + ], + [ + "ĠW", + "idth" + ], + [ + "ĠN", + "ay" + ], + [ + "ĠSk", + "i" + ], + [ + "Ġblack", + "list" + ], + [ + "uck", + "et" + ], + [ + "Ġexp", + "ulsion" + ], + [ + "im", + "et" + ], + [ + "Ġret", + "weet" + ], + [ + "vant", + "age" + ], + [ + "Fe", + "ature" + ], + [ + "Ġtro", + "opers" + ], + [ + "Ġhom", + "ers" + ], + [ + "9", + "69" + ], + [ + "Ġconting", + "ency" + ], + [ + "ĠW", + "TC" + ], + [ + "ĠBrew", + "er" + ], + [ + "fore", + "ign" + ], + [ + "W", + "are" + ], + [ + "S", + "olar" + ], + [ + "Ġund", + "ue" + ], + [ + "RE", + "C" + ], + [ + "ulner", + "able" + ], + [ + "path", + "ic" + ], + [ + "ĠBo", + "ise" + ], + [ + "Ġ3", + "22" + ], + [ + "Ġarous", + "ed" + ], + [ + "ĠY", + "ing" + ], + [ + "ä¸", + "į" + ], + [ + "uel", + "ess" + ], + [ + "Ġp", + "as" + ], + [ + "Ġmor", + "p" + ], + [ + "Ġfl", + "oral" + ], + [ + "Ex", + "press" + ], + [ + "ud", + "ging" + ], + [ + "k", + "B" + ], + [ + "ĠGr", + "anted" + ], + [ + "Ø", + "¯" + ], + [ + "ĠMich", + "a" + ], + [ + "ĠGoth", + "ic" + ], + [ + "ĠSPEC", + "IAL" + ], + [ + "ĠRic", + "ardo" + ], + [ + "F", + "ran" + ], + [ + "Ġadminister", + "ing" + ], + [ + "6", + "20" + ], + [ + "por", + "a" + ], + [ + "ĠÂ", + "®" + ], + [ + "Ġcomprom", + "ises" + ], + [ + "Ġb", + "itten" + ], + [ + "Ac", + "cept" + ], + [ + "Th", + "irty" + ], + [ + "Ð", + "²" + ], + [ + "Ġmater", + "ially" + ], + [ + "ĠTer", + "r" + ], + [ + "ig", + "matic" + ], + [ + "ch", + "ains" + ], + [ + "Ġdo", + "ve" + ], + [ + "stad", + "t" + ], + [ + "Mar", + "vel" + ], + [ + "FA", + "ULT" + ], + [ + "Ġwind", + "shield" + ], + [ + "Ġ3", + "36" + ], + [ + "ad", + "ier" + ], + [ + "Ġsw", + "apping" + ], + [ + "Ġflaw", + "less" + ], + [ + "ĠPred", + "ator" + ], + [ + "ĠMiche", + "le" + ], + [ + "Ġprop", + "ulsion" + ], + [ + "ĠPsych", + "ic" + ], + [ + "Ġassign", + "ing" + ], + [ + "Ġfabric", + "ation" + ], + [ + "Ġbar", + "ley" + ], + [ + "l", + "ust" + ], + [ + "Ġtow", + "ering" + ], + [ + "Ġalter", + "cation" + ], + [ + "ĠBent", + "ley" + ], + [ + "Sp", + "here" + ], + [ + "Ġtun", + "a" + ], + [ + "ĠClass", + "es" + ], + [ + "Fre", + "edom" + ], + [ + "un", + "er" + ], + [ + "L", + "ady" + ], + [ + "v", + "oice" + ], + [ + "Ġcool", + "est" + ], + [ + "or", + "r" + ], + [ + "Ġpal", + "p" + ], + [ + "$", + "{" + ], + [ + "Ġhyster", + "ia" + ], + [ + "ĠMet", + "atron" + ], + [ + "p", + "ants" + ], + [ + "Ġspawn", + "ing" + ], + [ + "Exper", + "ts" + ], + [ + "ĠInvest", + "ors" + ], + [ + "ĠAn", + "archy" + ], + [ + "Ġshr", + "unk" + ], + [ + "ĠVict", + "im" + ], + [ + "Ġ28", + "9" + ], + [ + "Ġec", + "stasy" + ], + [ + "ĠB", + "inding" + ], + [ + "58", + "5" + ], + [ + "ĠMel", + "ody" + ], + [ + "57", + "8" + ], + [ + "ot", + "ally" + ], + [ + "ĠE", + "tsy" + ], + [ + "lig", + "a" + ], + [ + "Ġapplaud", + "ed" + ], + [ + "Ġswe", + "ating" + ], + [ + "Ġredist", + "ributed" + ], + [ + "Ġpop", + "corn" + ], + [ + "Ġsem", + "inal" + ], + [ + "f", + "ur" + ], + [ + "ĠNeuro", + "science" + ], + [ + "R", + "and" + ], + [ + "ĠO", + "st" + ], + [ + "ĠMadd", + "en" + ], + [ + "ĠIncre", + "asing" + ], + [ + "ĠDaw", + "kins" + ], + [ + "ĠSub", + "way" + ], + [ + "Ġar", + "sen" + ], + [ + "cons", + "erv" + ], + [ + "B", + "UR" + ], + [ + "Ġsp", + "iked" + ], + [ + "ĠLy", + "ft" + ], + [ + "ĠImper", + "ium" + ], + [ + "ĠDrop", + "box" + ], + [ + "Ġfav", + "oured" + ], + [ + "Ġencomp", + "asses" + ], + [ + "gh", + "ost" + ], + [ + "Ġins", + "pires" + ], + [ + "Ġbur", + "geoning" + ], + [ + "ĠY", + "oshi" + ], + [ + "ĠVert", + "ical" + ], + [ + "ĠAud", + "itor" + ], + [ + "Ġint", + "ending" + ], + [ + "Ġfilib", + "uster" + ], + [ + "Bl", + "oom" + ], + [ + "f", + "ac" + ], + [ + "ĠCav", + "s" + ], + [ + "ign", + "ing" + ], + [ + "Ġcowork", + "ers" + ], + [ + "ĠBarb", + "arian" + ], + [ + "rem", + "ember" + ], + [ + "FL", + "AG" + ], + [ + "Ġaudit", + "ory" + ], + [ + "ason", + "ry" + ], + [ + "Col", + "lege" + ], + [ + "Ġmut", + "ed" + ], + [ + "gem", + "ony" + ], + [ + "ob", + "in" + ], + [ + "ĠPsych", + "o" + ], + [ + "9", + "68" + ], + [ + "Ġlav", + "ish" + ], + [ + "Ġhierarch", + "ical" + ], + [ + "ĠDr", + "one" + ], + [ + "ou", + "k" + ], + [ + "Ġcripp", + "led" + ], + [ + "ĠMax", + "im" + ], + [ + "Sl", + "ot" + ], + [ + "Ġqu", + "iz" + ], + [ + "ĠV", + "id" + ], + [ + "if", + "ling" + ], + [ + "Ġarchae", + "ologists" + ], + [ + "Ġabandon", + "ment" + ], + [ + "d", + "ial" + ], + [ + "le", + "on" + ], + [ + "ĠF", + "as" + ], + [ + "T", + "ed" + ], + [ + "Ġr", + "aspberry" + ], + [ + "Ġmaneu", + "vers" + ], + [ + "Ġbehavi", + "ours" + ], + [ + "Ġins", + "ure" + ], + [ + "Ġrem", + "od" + ], + [ + "Sw", + "itch" + ], + [ + "h", + "oe" + ], + [ + "Ġsp", + "aced" + ], + [ + "Ġafford", + "ability" + ], + [ + "ĠF", + "ern" + ], + [ + "not", + "ation" + ], + [ + "ĠBal", + "anced" + ], + [ + "Ġoccup", + "ies" + ], + [ + "en", + "vironment" + ], + [ + "Ġneck", + "lace" + ], + [ + "Ġsed", + "an" + ], + [ + "F", + "U" + ], + [ + "ĠBrav", + "o" + ], + [ + "Ġab", + "users" + ], + [ + "ĠAn", + "ita" + ], + [ + "met", + "adata" + ], + [ + "ĠG", + "ithub" + ], + [ + "ait", + "o" + ], + [ + "ĠF", + "aster" + ], + [ + "ĠWass", + "erman" + ], + [ + "ĠF", + "lesh" + ], + [ + "Ġth", + "orn" + ], + [ + "r", + "arily" + ], + [ + "ĠMer", + "ry" + ], + [ + "w", + "ine" + ], + [ + "Ġpopul", + "ace" + ], + [ + "ĠL", + "ann" + ], + [ + "Ġrepair", + "ing" + ], + [ + "Ġpsy", + "che" + ], + [ + "Ġmod", + "ulation" + ], + [ + "aw", + "aru" + ], + [ + "âĢĭ", + "âĢĭ" + ], + [ + "ari", + "j" + ], + [ + "Ġdecor", + "ations" + ], + [ + "Ġapolog", + "ise" + ], + [ + "ĠG", + "arg" + ], + [ + "app", + "ly" + ], + [ + "Ġgive", + "away" + ], + [ + "ĠFl", + "an" + ], + [ + "ĠWy", + "att" + ], + [ + "U", + "ber" + ], + [ + "Ġauthor", + "ised" + ], + [ + "ĠMor", + "al" + ], + [ + "HAHA", + "HAHA" + ], + [ + "activ", + "ate" + ], + [ + "Ġtorped", + "o" + ], + [ + "ĠF", + "AR" + ], + [ + "Ġam", + "assed" + ], + [ + "ĠA", + "ram" + ], + [ + "ark", + "in" + ], + [ + "ĠVict", + "ims" + ], + [ + "st", + "ab" + ], + [ + "Ġo", + "m" + ], + [ + "ĠE", + "CO" + ], + [ + "Ġopio", + "ids" + ], + [ + "Ġpurpose", + "ly" + ], + [ + "ĠV", + "est" + ], + [ + "Ġer", + "g" + ], + [ + "at", + "an" + ], + [ + "ĠSur", + "gery" + ], + [ + "Ġcorrect", + "ing" + ], + [ + "ĠOrt", + "iz" + ], + [ + "ĠBe", + "et" + ], + [ + "Ġrev", + "oke" + ], + [ + "Ġfre", + "eway" + ], + [ + "ĠH", + "iggins" + ], + [ + "F", + "ail" + ], + [ + "ĠFar", + "ms" + ], + [ + "ĠAT", + "P" + ], + [ + "h", + "ound" + ], + [ + "Ġp", + "oking" + ], + [ + "ĠCommun", + "ists" + ], + [ + "mon", + "ster" + ], + [ + "iment", + "ary" + ], + [ + "Ġunlock", + "ing" + ], + [ + "Ġunf", + "it" + ], + [ + "we", + "ed" + ], + [ + "en", + "ario" + ], + [ + "at", + "ical" + ], + [ + "ĠEnlight", + "enment" + ], + [ + "ĠN", + "G" + ], + [ + "ĠComp", + "ensation" + ], + [ + "de", + "en" + ], + [ + "ĠWid", + "ow" + ], + [ + "ĠCind", + "y" + ], + [ + "ĠAfter", + "wards" + ], + [ + "Ġ6", + "000" + ], + [ + "ikh", + "ail" + ], + [ + "ag", + "ically" + ], + [ + "Ġrat", + "ified" + ], + [ + "Ġcasual", + "ty" + ], + [ + "H", + "OME" + ], + [ + "p", + "sey" + ], + [ + "f", + "ee" + ], + [ + "Ġspark", + "ling" + ], + [ + "Ġd", + "é" + ], + [ + "Ġconcert", + "ed" + ], + [ + "C", + "atal" + ], + [ + "Ġcomp", + "lying" + ], + [ + "ĠA", + "res" + ], + [ + "ĠD", + "ent" + ], + [ + "Sh", + "ut" + ], + [ + "Ġsk", + "im" + ], + [ + "ad", + "minist" + ], + [ + "Ġhost", + "ilities" + ], + [ + "ĠG", + "ins" + ], + [ + "Ġ6", + "08" + ], + [ + "Ġm", + "uddy" + ], + [ + "ĠMc", + "Int" + ], + [ + "ĠDec", + "ay" + ], + [ + "5", + "25" + ], + [ + "Ġconspic", + "uous" + ], + [ + "ĠEx", + "posure" + ], + [ + "Ġresc", + "ind" + ], + [ + "Ġwear", + "able" + ], + [ + "Ġ3", + "28" + ], + [ + "our", + "met" + ], + [ + "ah", + "s" + ], + [ + "ĠRob", + "ots" + ], + [ + "Ġe", + "clips" + ], + [ + "inst", + "ance" + ], + [ + "ĠRE", + "PORT" + ], + [ + "ĠApp", + "l" + ], + [ + "0", + "30" + ], + [ + "ĠSk", + "ies" + ], + [ + "01", + "00" + ], + [ + "Ġfall", + "acy" + ], + [ + "S", + "ocket" + ], + [ + "ĠRece", + "iver" + ], + [ + "Ġsol", + "ves" + ], + [ + "ĠButter", + "fly" + ], + [ + "ĠSho", + "pping" + ], + [ + "ĠFI", + "RE" + ], + [ + "65", + "4" + ], + [ + "Med", + "ic" + ], + [ + "Ġsing", + "ers" + ], + [ + "ĠNeed", + "less" + ], + [ + "''", + "''" + ], + [ + "isher", + "s" + ], + [ + "ĠD", + "ive" + ], + [ + "58", + "8" + ], + [ + "Ġselect", + "ively" + ], + [ + "Ġcl", + "umsy" + ], + [ + "88", + "9" + ], + [ + "Ġpurch", + "aser" + ], + [ + "ear", + "ned" + ], + [ + "ard", + "y" + ], + [ + "Ġbenef", + "iting" + ], + [ + "eng", + "lish" + ], + [ + "Ġyield", + "ing" + ], + [ + "ĠP", + "our" + ], + [ + "Ġspin", + "ach" + ], + [ + "Ġdel", + "ve" + ], + [ + "ĠC", + "rom" + ], + [ + "6", + "10" + ], + [ + "Ġexport", + "ing" + ], + [ + "ĠMA", + "KE" + ], + [ + "Ġ26", + "3" + ], + [ + "Ġg", + "rop" + ], + [ + "Ġenv", + "oy" + ], + [ + "ĠInqu", + "iry" + ], + [ + "ĠLu", + "igi" + ], + [ + "d", + "ry" + ], + [ + "ĠT", + "uring" + ], + [ + "Thumbnail", + "Image" + ], + [ + "ĠVar", + "iety" + ], + [ + "Ġfac", + "et" + ], + [ + "Ġfl", + "uffy" + ], + [ + "Ġexcerpt", + "s" + ], + [ + "Ġsh", + "orth" + ], + [ + "ĠOl", + "sen" + ], + [ + "CL", + "UD" + ], + [ + "Ġrel", + "iant" + ], + [ + "ĠUN", + "C" + ], + [ + "T", + "our" + ], + [ + "Ġbat", + "hing" + ], + [ + "Comp", + "any" + ], + [ + "Ġglobal", + "ization" + ], + [ + "P", + "red" + ], + [ + "ĠMalf", + "oy" + ], + [ + "Ġh", + "oc" + ], + [ + "j", + "am" + ], + [ + "craft", + "ed" + ], + [ + "ĠBond", + "s" + ], + [ + "ĠKiss", + "inger" + ], + [ + "Eng", + "land" + ], + [ + "Ġorder", + "ly" + ], + [ + "cat", + "entry" + ], + [ + "Ġ26", + "1" + ], + [ + "Ġexch", + "anging" + ], + [ + "ĠInt", + "ent" + ], + [ + "ĠAmend", + "ments" + ], + [ + "D", + "OM" + ], + [ + "Ġst", + "out" + ], + [ + "³³³³³³³³", + "³³³³³³³³" + ], + [ + "ĠAir", + "bus" + ], + [ + "Ġ27", + "8" + ], + [ + "hy", + "de" + ], + [ + "P", + "oll" + ], + [ + "Item", + "ThumbnailImage" + ], + [ + "Ġlooph", + "oles" + ], + [ + "ĠPill", + "ar" + ], + [ + "Ġexpl", + "or" + ], + [ + "St", + "retch" + ], + [ + "A", + "part" + ], + [ + "Ġun", + "married" + ], + [ + "Lim", + "it" + ], + [ + "ĠTransform", + "ers" + ], + [ + "Ġintellect", + "ually" + ], + [ + "unct", + "ure" + ], + [ + "18", + "00" + ], + [ + "Ġd", + "arn" + ], + [ + "B", + "razil" + ], + [ + "Ġleft", + "over" + ], + [ + "ber", + "us" + ], + [ + "f", + "red" + ], + [ + "Mine", + "craft" + ], + [ + "3", + "26" + ], + [ + "ĠForm", + "s" + ], + [ + "Ġproof", + "s" + ], + [ + "ĠDes", + "igned" + ], + [ + "Ġindex", + "es" + ], + [ + "ĠSupp", + "ose" + ], + [ + "EM", + "S" + ], + [ + "ĠL", + "oving" + ], + [ + "ĠBon", + "nie" + ], + [ + "im", + "ating" + ], + [ + "OT", + "US" + ], + [ + "Ġconduct", + "or" + ], + [ + "Ġbehav", + "ed" + ], + [ + "ĠF", + "ren" + ], + [ + "Ġsy", + "nerg" + ], + [ + "Ġmillenn", + "ium" + ], + [ + "Ġcater", + "ing" + ], + [ + "ĠL", + "auder" + ], + [ + "W", + "r" + ], + [ + "ĠY", + "iannopoulos" + ], + [ + "ĠAT", + "F" + ], + [ + "Ġensl", + "aved" + ], + [ + "Ġawaken", + "ed" + ], + [ + "D", + "VD" + ], + [ + "ĠED", + "ITION" + ], + [ + "ĠConc", + "ert" + ], + [ + "ĠChall", + "enger" + ], + [ + "ĠH", + "aku" + ], + [ + "umer", + "ic" + ], + [ + "Ġdep", + "recated" + ], + [ + "ĠSH", + "AR" + ], + [ + "4", + "12" + ], + [ + "Ġdy", + "stop" + ], + [ + "Ġtremb", + "ling" + ], + [ + "Ġdread", + "ed" + ], + [ + "ĠSp", + "ac" + ], + [ + "p", + "adding" + ], + [ + "Re", + "pl" + ], + [ + "ĠG", + "arrison" + ], + [ + "M", + "ini" + ], + [ + "Ġun", + "paralleled" + ], + [ + "am", + "ar" + ], + [ + "URR", + "ENT" + ], + [ + "w", + "reck" + ], + [ + "c", + "ertain" + ], + [ + "t", + "al" + ], + [ + "ĠC", + "LS" + ], + [ + "app", + "ings" + ], + [ + "Ġsens", + "ed" + ], + [ + "Ġf", + "encing" + ], + [ + "ĠPas", + "o" + ], + [ + "ĠDes", + "k" + ], + [ + "Ġsc", + "off" + ], + [ + "Ġcontem", + "plate" + ], + [ + "ĠL", + "iga" + ], + [ + "l", + "iquid" + ], + [ + "75", + "7" + ], + [ + "Ġapp", + "rentice" + ], + [ + "ĠUCH", + "IJ" + ], + [ + "5", + "70" + ], + [ + "ĠTh", + "ousand" + ], + [ + "ĠIll", + "um" + ], + [ + "Ġchampion", + "ed" + ], + [ + "ãĤ", + "Į" + ], + [ + "Ġelect", + "ors" + ], + [ + "Ġ3", + "98" + ], + [ + "ĠH", + "ancock" + ], + [ + "round", + "ed" + ], + [ + "ĠJ", + "OHN" + ], + [ + "Ġuns", + "atisf" + ], + [ + "Ġqual", + "ifier" + ], + [ + "ĠGad", + "get" + ], + [ + "EN", + "E" + ], + [ + "Ġdead", + "liest" + ], + [ + "ĠPl", + "ants" + ], + [ + "Ġ", + "ions" + ], + [ + "Ġacc", + "ents" + ], + [ + "Ġtwe", + "aking" + ], + [ + "Ġsh", + "aved" + ], + [ + "F", + "REE" + ], + [ + "ĠCh", + "aser" + ], + [ + "Again", + "st" + ], + [ + "9", + "60" + ], + [ + "Ġmeth", + "amphetamine" + ], + [ + "Ġnormal", + "ized" + ], + [ + "Ġ$", + "\\" + ], + [ + "ĠPre", + "cision" + ], + [ + "ĠGu", + "am" + ], + [ + "Ġch", + "oked" + ], + [ + "ĠX", + "II" + ], + [ + "ĠCast", + "ing" + ], + [ + "Tor", + "rent" + ], + [ + "Ġscal", + "p" + ], + [ + "ĠJagu", + "ar" + ], + [ + "w", + "it" + ], + [ + "Ġsem", + "ic" + ], + [ + "ix", + "ie" + ], + [ + "ĠG", + "ould" + ], + [ + "Ġconf", + "ines" + ], + [ + "N", + "usra" + ], + [ + "ĠL", + "on" + ], + [ + "ĠJ", + "ugg" + ], + [ + "y", + "cle" + ], + [ + "ĠCod", + "ec" + ], + [ + "E", + "gypt" + ], + [ + "Ġrest", + "rain" + ], + [ + "ĠAl", + "iens" + ], + [ + "Ġch", + "oking" + ], + [ + "ĠD", + "unk" + ], + [ + "ĠBell", + "a" + ], + [ + "ab", + "c" + ], + [ + "Ġsl", + "ang" + ], + [ + "Ġneuro", + "trans" + ], + [ + "s", + "av" + ], + [ + "Ġempower", + "ment" + ], + [ + "â", + "ĨĴ" + ], + [ + "Ġclim", + "bers" + ], + [ + "ĠM", + "im" + ], + [ + "ĠF", + "ra" + ], + [ + "ros", + "se" + ], + [ + "Cap", + "ital" + ], + [ + "ĠCth", + "ulhu" + ], + [ + "Inter", + "face" + ], + [ + "Ġprof", + "icient" + ], + [ + "ĠIN", + "TO" + ], + [ + "Ġ3", + "18" + ], + [ + "ront", + "al" + ], + [ + "5", + "80" + ], + [ + "ĠDes", + "pair" + ], + [ + "K", + "enn" + ], + [ + "Ġscrim", + "mage" + ], + [ + "ĠCo", + "at" + ], + [ + "as", + "ions" + ], + [ + "Ġwall", + "paper" + ], + [ + "ĠJ", + "ol" + ], + [ + "Ġresurg", + "ence" + ], + [ + "Ġant", + "iv" + ], + [ + "ĠB", + "alls" + ], + [ + "²", + "¾" + ], + [ + "Ġbuff", + "ers" + ], + [ + "Ġsub", + "system" + ], + [ + "ĠSt", + "ellar" + ], + [ + "ĠL", + "ung" + ], + [ + "A", + "IDS" + ], + [ + "Ġerad", + "icate" + ], + [ + "Ġblat", + "antly" + ], + [ + "Ġbehav", + "es" + ], + [ + "ĠN", + "un" + ], + [ + "Ġant", + "ics" + ], + [ + "ex", + "port" + ], + [ + "DE", + "V" + ], + [ + "w", + "b" + ], + [ + "Ġph", + "p" + ], + [ + "ĠInteg", + "rity" + ], + [ + "Ġexplore", + "r" + ], + [ + "Ġrev", + "olving" + ], + [ + "auth", + "ored" + ], + [ + "g", + "ans" + ], + [ + "Ġbas", + "k" + ], + [ + "Ġas", + "ynchronous" + ], + [ + "å", + "į" + ], + [ + "TH", + "ING" + ], + [ + "69", + "8" + ], + [ + "G", + "ene" + ], + [ + "ĠR", + "acer" + ], + [ + "ĠN", + "ico" + ], + [ + "iss", + "ued" + ], + [ + "Ġser", + "mon" + ], + [ + "p", + "ossibly" + ], + [ + "Ġsize", + "of" + ], + [ + "Ġentrepreneur", + "ial" + ], + [ + "ox", + "in" + ], + [ + "ĠMin", + "erva" + ], + [ + "Ġpl", + "atoon" + ], + [ + "n", + "os" + ], + [ + "ri", + "ks" + ], + [ + "A", + "UT" + ], + [ + "ĠAval", + "anche" + ], + [ + "ĠDes", + "c" + ], + [ + "ij", + "士" + ], + [ + "ĠP", + "oc" + ], + [ + "Ġconf", + "erred" + ], + [ + "Î", + "»" + ], + [ + "Ġpat", + "ched" + ], + [ + "F", + "BI" + ], + [ + "66", + "2" + ], + [ + "Ġfract", + "ures" + ], + [ + "Ġdetect", + "s" + ], + [ + "Ġded", + "icate" + ], + [ + "Ġconstitu", + "ent" + ], + [ + "Ġcos", + "mos" + ], + [ + "W", + "T" + ], + [ + "Ġswe", + "ats" + ], + [ + "Ġspr", + "ung" + ], + [ + "b", + "ara" + ], + [ + "s", + "olid" + ], + [ + "Ġuns", + "us" + ], + [ + "Ġbul", + "ky" + ], + [ + "ĠPhilipp", + "e" + ], + [ + "ĠFen", + "rir" + ], + [ + "Ġtherap", + "ists" + ], + [ + "ore", + "al" + ], + [ + "^^", + "^^" + ], + [ + "Ġtotal", + "ed" + ], + [ + "Ġboo", + "ze" + ], + [ + "ĠR", + "PC" + ], + [ + "Prosecut", + "ors" + ], + [ + "Ġdis", + "eng" + ], + [ + "ĠSh", + "ared" + ], + [ + "Ġmotor", + "cycles" + ], + [ + "Ġinvent", + "ions" + ], + [ + "Ġlett", + "uce" + ], + [ + "ĠMer", + "ge" + ], + [ + "ĠJ", + "C" + ], + [ + "Ġspiritual", + "ity" + ], + [ + "ĠWAR", + "NING" + ], + [ + "Ġunl", + "ucky" + ], + [ + "ĠT", + "ess" + ], + [ + "Ġtong", + "ues" + ], + [ + "ĠD", + "UI" + ], + [ + "T", + "umblr" + ], + [ + "Ġle", + "ans" + ], + [ + "Ġinv", + "aders" + ], + [ + "Ġcan", + "opy" + ], + [ + "ĠHur", + "ricanes" + ], + [ + "ĠB", + "ret" + ], + [ + "ĠAP", + "PLIC" + ], + [ + "id", + "ine" + ], + [ + "ick", + "le" + ], + [ + "Reg", + "arding" + ], + [ + "Ġve", + "ggies" + ], + [ + "Ġe", + "jac" + ], + [ + "ju", + "ven" + ], + [ + "F", + "ish" + ], + [ + "D", + "EM" + ], + [ + "ĠD", + "ino" + ], + [ + "Th", + "row" + ], + [ + "ĠCheck", + "ing" + ], + [ + "be", + "ard" + ], + [ + "(", + "&" + ], + [ + "Ġj", + "ails" + ], + [ + "Ġh", + "r" + ], + [ + "trans", + "fer" + ], + [ + "iv", + "ating" + ], + [ + "Ġfle", + "ets" + ], + [ + "ĠIm", + "ag" + ], + [ + "ĠMc", + "Donnell" + ], + [ + "Ġsnipp", + "et" + ], + [ + "Is", + "a" + ], + [ + "ĠCh", + "att" + ], + [ + "ĠSt", + "ain" + ], + [ + "ĠSet", + "FontSize" + ], + [ + "ĠO", + "y" + ], + [ + "ĠMathemat", + "ics" + ], + [ + "49", + "4" + ], + [ + "Ġelectro", + "ly" + ], + [ + "ĠG", + "ott" + ], + [ + "ĠBr", + "as" + ], + [ + "B", + "OOK" + ], + [ + "ĠF", + "inger" + ], + [ + "d", + "ump" + ], + [ + "Ġmut", + "ants" + ], + [ + "Ġrent", + "als" + ], + [ + "Ġinter", + "tw" + ], + [ + "Ġc", + "reek" + ], + [ + "ail", + "a" + ], + [ + "Bro", + "ther" + ], + [ + "ĠDisc", + "ord" + ], + [ + "pe", + "e" + ], + [ + "raw", + "ler" + ], + [ + "Ġcar", + "p" + ], + [ + "Ġ27", + "9" + ], + [ + "ãĤ·", + "ãĥ£" + ], + [ + "rel", + "ations" + ], + [ + "Ġcontr", + "asts" + ], + [ + "Col", + "umn" + ], + [ + "Ġrec", + "onnaissance" + ], + [ + "Ġun", + "know" + ], + [ + "Ġl", + "ooting" + ], + [ + "Ġregul", + "ates" + ], + [ + "Ġopt", + "imum" + ], + [ + "ĠChero", + "kee" + ], + [ + "ĠA", + "ry" + ], + [ + "Lat", + "est" + ], + [ + "Ġroad", + "side" + ], + [ + "Ġd", + "anced" + ], + [ + "ĠUnic", + "orn" + ], + [ + "A", + "cknowled" + ], + [ + "Ġuncont", + "roll" + ], + [ + "ĠM", + "US" + ], + [ + "at", + "io" + ], + [ + "ch", + "ance" + ], + [ + "ha", + "ven" + ], + [ + "VAL", + "UE" + ], + [ + "Ġfavour", + "ites" + ], + [ + "Ġceremon", + "ial" + ], + [ + "b", + "inary" + ], + [ + "pe", + "ed" + ], + [ + "wood", + "s" + ], + [ + "EM", + "P" + ], + [ + "Ġv", + "ascular" + ], + [ + "Ġcontempl", + "ated" + ], + [ + "Ġbar", + "ren" + ], + [ + "ĠL", + "IST" + ], + [ + "Y", + "ellow" + ], + [ + "ospons", + "ors" + ], + [ + "Ġwhisk", + "y" + ], + [ + "ĠM", + "amm" + ], + [ + "ĠDeV", + "os" + ], + [ + "min", + "imum" + ], + [ + "H", + "ung" + ], + [ + "44", + "2" + ], + [ + "P", + "ic" + ], + [ + "ĠSnap", + "dragon" + ], + [ + "77", + "6" + ], + [ + "Ġcar", + "ving" + ], + [ + "Ġund", + "ecided" + ], + [ + "Ġadvantage", + "ous" + ], + [ + "Ġpal", + "ms" + ], + [ + "ĠA", + "Q" + ], + [ + "Ġst", + "arch" + ], + [ + "L", + "oop" + ], + [ + "Ġpadd", + "le" + ], + [ + "Ġfl", + "aming" + ], + [ + "ĠHor", + "izons" + ], + [ + "An", + "imation" + ], + [ + "bo", + "ost" + ], + [ + "Ġprob", + "abilities" + ], + [ + "ĠM", + "ish" + ], + [ + "Ġex", + "odus" + ], + [ + "ĠEditor", + "ial" + ], + [ + "Ġfung", + "us" + ], + [ + "Ġdissent", + "ing" + ], + [ + "ĠDel", + "icious" + ], + [ + "rog", + "ram" + ], + [ + "ĠD", + "yn" + ], + [ + "d", + "isk" + ], + [ + "t", + "om" + ], + [ + "Ġfab", + "rics" + ], + [ + "ĠC", + "ove" + ], + [ + "ĠB", + "ans" + ], + [ + "Ġsoft", + "en" + ], + [ + "ĠCON", + "S" + ], + [ + "Ġin", + "eligible" + ], + [ + "Ġestim", + "ating" + ], + [ + "ĠLex", + "ington" + ], + [ + "pract", + "ice" + ], + [ + "of", + "i" + ], + [ + "Ġshe", + "dding" + ], + [ + "ĠN", + "ope" + ], + [ + "Ġbreat", + "hed" + ], + [ + "ĠCorinth", + "ians" + ], + [ + "y", + "ne" + ], + [ + "ek", + "i" + ], + [ + "B", + "ull" + ], + [ + "Ġatt", + "aching" + ], + [ + "reens", + "hots" + ], + [ + "Ġanaly", + "se" + ], + [ + "ĠK", + "appa" + ], + [ + "Ġuns", + "ustainable" + ], + [ + "Ġinter", + "pol" + ], + [ + "ank", + "y" + ], + [ + "he", + "mer" + ], + [ + "Ġprot", + "agonists" + ], + [ + "Ġform", + "atted" + ], + [ + "ĠBry", + "ce" + ], + [ + "ĠAch", + "illes" + ], + [ + "ĠAb", + "edin" + ], + [ + "sh", + "ock" + ], + [ + "Ġb", + "um" + ], + [ + "b", + "os" + ], + [ + "qu", + "a" + ], + [ + "ĠW", + "arn" + ], + [ + "q", + "t" + ], + [ + "ĠDi", + "abetes" + ], + [ + "8", + "64" + ], + [ + "ĠIn", + "visible" + ], + [ + "Ġvan", + "ish" + ], + [ + "Ġtrans", + "mitting" + ], + [ + "Ġmur", + "ky" + ], + [ + "ĠFe", + "i" + ], + [ + "Ġawa", + "ited" + ], + [ + "ĠJur", + "assic" + ], + [ + "umm", + "ies" + ], + [ + "Ġmen", + "acing" + ], + [ + "g", + "all" + ], + [ + "C", + "ath" + ], + [ + "B", + "uilt" + ], + [ + "ild", + "o" + ], + [ + "ĠV", + "otes" + ], + [ + "Ġon", + "t" + ], + [ + "Ġmun", + "itions" + ], + [ + "ĠFre", + "em" + ], + [ + "ÃŃ", + "n" + ], + [ + "Ġdec", + "ency" + ], + [ + "lo", + "pp" + ], + [ + "ie", + "ved" + ], + [ + "ĠG", + "ord" + ], + [ + "Ġun", + "thinkable" + ], + [ + "ĠNews", + "week" + ], + [ + "Ġ3", + "21" + ], + [ + "He", + "at" + ], + [ + "Ġpresent", + "er" + ], + [ + "ji", + "ang" + ], + [ + "Ġpl", + "ank" + ], + [ + "ĠAval", + "on" + ], + [ + "Ġben", + "z" + ], + [ + "ĠR", + "out" + ], + [ + "Ġslam", + "ming" + ], + [ + "ĠD", + "ai" + ], + [ + "ou", + "ter" + ], + [ + "ĠCook", + "ie" + ], + [ + "ĠAlic", + "ia" + ], + [ + "ge", + "y" + ], + [ + "Ġvan", + "ity" + ], + [ + "Ġow", + "l" + ], + [ + "á", + "µ" + ], + [ + "t", + "ested" + ], + [ + "ĠAw", + "akens" + ], + [ + "Ġcan", + "v" + ], + [ + "Ġblind", + "ly" + ], + [ + "ĠRid", + "ley" + ], + [ + "ĠEm", + "ails" + ], + [ + "Requ", + "ires" + ], + [ + "ĠSer", + "bian" + ], + [ + "ograp", + "hed" + ], + [ + "if", + "rame" + ], + [ + "eter", + "ia" + ], + [ + "Ġaltern", + "ating" + ], + [ + "qu", + "iet" + ], + [ + "Ġsoc", + "iology" + ], + [ + "ĠUn", + "lock" + ], + [ + "ĠCommun", + "ism" + ], + [ + "Ġo", + "ps" + ], + [ + "Ġatt", + "ribution" + ], + [ + "Ġab", + "duction" + ], + [ + "ĠAb", + "ram" + ], + [ + "Ġsidel", + "ined" + ], + [ + "ĠB", + "OOK" + ], + [ + "Ġref", + "ining" + ], + [ + "ĠFe", + "eling" + ], + [ + "ĠOs", + "lo" + ], + [ + "ĠPru", + "itt" + ], + [ + "r", + "ack" + ], + [ + "ang", + "ible" + ], + [ + "Ġcaut", + "iously" + ], + [ + "ĠM", + "ARK" + ], + [ + "eed", + "s" + ], + [ + "M", + "ouse" + ], + [ + "ĠStep", + "h" + ], + [ + "ĠP", + "air" + ], + [ + "S", + "ab" + ], + [ + "99", + "7" + ], + [ + "ĠBa", + "al" + ], + [ + "B", + "ec" + ], + [ + "Ġcomm", + "a" + ], + [ + "ĠP", + "all" + ], + [ + "ĠG", + "ael" + ], + [ + "Ġmisunder", + "stand" + ], + [ + "ĠP", + "esh" + ], + [ + "Order", + "able" + ], + [ + "Ġdis", + "mal" + ], + [ + "ĠSh", + "iny" + ], + [ + "%", + "\"" + ], + [ + "Ġreal", + "istically" + ], + [ + "Ġpat", + "io" + ], + [ + "ĠG", + "w" + ], + [ + "ĠVirt", + "ue" + ], + [ + "Ġexhaust", + "ing" + ], + [ + "wh", + "atever" + ], + [ + "oph", + "ys" + ], + [ + "y", + "ip" + ], + [ + "4", + "18" + ], + [ + "Ad", + "just" + ], + [ + "ĠWa", + "iting" + ], + [ + "ess", + "on" + ], + [ + "ĠMaz", + "da" + ], + [ + "ĠDo", + "zens" + ], + [ + "Ġstream", + "lined" + ], + [ + "Ġincompet", + "ence" + ], + [ + "ĠM", + "eth" + ], + [ + "Ġeth", + "os" + ], + [ + "ON", + "ES" + ], + [ + "Ġincent", + "iv" + ], + [ + "Ġgr", + "itty" + ], + [ + "ĠBut", + "cher" + ], + [ + "Head", + "er" + ], + [ + "Ġexp", + "onential" + ], + [ + "Ã", + "Ł" + ], + [ + "Ġcorrel", + "ate" + ], + [ + "Ġcons", + "ensual" + ], + [ + "s", + "ounding" + ], + [ + "R", + "ing" + ], + [ + "Orig", + "in" + ], + [ + "Ġcon", + "clusive" + ], + [ + "fe", + "et" + ], + [ + "ac", + "ly" + ], + [ + "ĠF", + "ernandez" + ], + [ + "Buy", + "able" + ], + [ + "Ġd", + "ucks" + ], + [ + "aunt", + "lets" + ], + [ + "Ġel", + "ong" + ], + [ + "Ġ28", + "6" + ], + [ + "Ġsim", + "ul" + ], + [ + "G", + "as" + ], + [ + "ĠK", + "irst" + ], + [ + "Ġprot", + "r" + ], + [ + "ĠRob", + "o" + ], + [ + "ĠAo", + "E" + ], + [ + "op", + "ol" + ], + [ + "Ġpsych", + "ologically" + ], + [ + "sp", + "in" + ], + [ + "ilater", + "ally" + ], + [ + "ĠCon", + "rad" + ], + [ + "W", + "ave" + ], + [ + "44", + "1" + ], + [ + "ĠAd", + "vertisement" + ], + [ + "ĠHarm", + "on" + ], + [ + "ĠOri", + "ental" + ], + [ + "is", + "Special" + ], + [ + "Ġpresum", + "ptive" + ], + [ + "Ġw", + "il" + ], + [ + "ĠK", + "ier" + ], + [ + "ne", + "a" + ], + [ + "Ġp", + "pm" + ], + [ + "Ġhar", + "bour" + ], + [ + "ĠW", + "ired" + ], + [ + "comp", + "any" + ], + [ + "Ġcor", + "oner" + ], + [ + "atur", + "days" + ], + [ + "ĠP", + "roud" + ], + [ + "ĠN", + "EXT" + ], + [ + "ĠFl", + "ake" + ], + [ + "val", + "ued" + ], + [ + "ce", + "iver" + ], + [ + "Ġfra", + "ught" + ], + [ + "Ġc", + "asing" + ], + [ + "Ġrun", + "away" + ], + [ + "Ġg", + "in" + ], + [ + "ĠLaure", + "nt" + ], + [ + "ĠHar", + "lem" + ], + [ + "ĠCur", + "iosity" + ], + [ + "qu", + "ished" + ], + [ + "Ġneuro", + "science" + ], + [ + "ĠH", + "ulu" + ], + [ + "Ġborrow", + "er" + ], + [ + "Ġpetition", + "er" + ], + [ + "ĠCo", + "oldown" + ], + [ + "W", + "ARD" + ], + [ + "Ġinv", + "oking" + ], + [ + "conf", + "idence" + ], + [ + "For", + "ward" + ], + [ + "Ġst", + "s" + ], + [ + "pop", + "ulation" + ], + [ + "Delivery", + "Date" + ], + [ + "Fil", + "m" + ], + [ + "ĠC", + "ov" + ], + [ + "quick", + "Ship" + ], + [ + "quickShip", + "Available" + ], + [ + "prim", + "ary" + ], + [ + "isSpecial", + "Orderable" + ], + [ + "inventory", + "Quantity" + ], + [ + "channel", + "Availability" + ], + [ + "BO", + "X" + ], + [ + "ĠMulti", + "player" + ], + [ + "ĠJen", + "ner" + ], + [ + "77", + "8" + ], + [ + "ĠM", + "d" + ], + [ + "Ġ~", + "/." + ], + [ + "M", + "N" + ], + [ + "Ġchild", + "ish" + ], + [ + "Ġantioxid", + "ant" + ], + [ + "ĠChrom", + "ebook" + ], + [ + "Ġ27", + "4" + ], + [ + "Ġscreen", + "play" + ], + [ + "Ġadvent", + "urous" + ], + [ + "ĠRelations", + "hip" + ], + [ + "respons", + "ive" + ], + [ + "ming", + "ton" + ], + [ + "Ġcorner", + "stone" + ], + [ + "ĠF", + "ey" + ], + [ + "F", + "IR" + ], + [ + "Ġrook", + "ies" + ], + [ + "ĠF", + "eaturing" + ], + [ + "Ġorig", + "inate" + ], + [ + "Ġelectro", + "des" + ], + [ + "ant", + "es" + ], + [ + "Ġscript", + "ures" + ], + [ + "Ġgl", + "ued" + ], + [ + "Ġdiscont", + "ent" + ], + [ + "Ġaff", + "licted" + ], + [ + "lay", + "out" + ], + [ + "B", + "rave" + ], + [ + "Ġm", + "osa" + ], + [ + "ĠQuant", + "ity" + ], + [ + "ĠH", + "ik" + ], + [ + "w", + "inner" + ], + [ + "H", + "ours" + ], + [ + "Ġent", + "ail" + ], + [ + "ĠCell", + "s" + ], + [ + "olog", + "ue" + ], + [ + "Ġv", + "il" + ], + [ + "Ġpre", + "acher" + ], + [ + "Ġdecor", + "ative" + ], + [ + "d", + "ifferent" + ], + [ + "Ġprejud", + "ices" + ], + [ + "ĠSm", + "oking" + ], + [ + "ĠNotting", + "ham" + ], + [ + "so", + "Type" + ], + [ + "Ġrhyth", + "ms" + ], + [ + "ĠAl", + "ph" + ], + [ + "bl", + "ast" + ], + [ + "Ste", + "el" + ], + [ + "ĠDaniel", + "le" + ], + [ + "Ġstr", + "ife" + ], + [ + "Ġrem", + "atch" + ], + [ + "so", + "DeliveryDate" + ], + [ + "ĠF", + "ork" + ], + [ + "t", + "rip" + ], + [ + "ol", + "ulu" + ], + [ + "hes", + "es" + ], + [ + "C", + "G" + ], + [ + "ĠPOLIT", + "ICO" + ], + [ + "ost", + "a" + ], + [ + "ĠDr", + "ift" + ], + [ + "é¾įå", + "¥" + ], + [ + "é¾įå¥", + "ij士" + ], + [ + "Ġvet", + "ting" + ], + [ + "ĠJin", + "ping" + ], + [ + "ĠRec", + "ession" + ], + [ + "Min", + "or" + ], + [ + "ĠF", + "raud" + ], + [ + "enf", + "ranch" + ], + [ + "Ġconven", + "ed" + ], + [ + "ĠNA", + "ACP" + ], + [ + "ĠMill", + "ions" + ], + [ + "ĠFarm", + "ing" + ], + [ + "ĠW", + "oo" + ], + [ + "ĠFl", + "are" + ], + [ + "rit", + "o" + ], + [ + "imm", + "igrant" + ], + [ + "Ġvac", + "ancy" + ], + [ + "ĠHE", + "AD" + ], + [ + "ĠV", + "aj" + ], + [ + "eg", + "al" + ], + [ + "ĠV", + "igil" + ], + [ + "Stud", + "y" + ], + [ + "Ġru", + "ining" + ], + [ + "Ġr", + "acks" + ], + [ + "Ġhe", + "ater" + ], + [ + "ĠRand", + "olph" + ], + [ + "ĠBr", + "ush" + ], + [ + "ĠT", + "ir" + ], + [ + "Ø", + "¨" + ], + [ + "Ġc", + "ov" + ], + [ + "%", + "]" + ], + [ + "Ġrecount", + "s" + ], + [ + "ĠO", + "PT" + ], + [ + "ĠM", + "elt" + ], + [ + "Ġtr", + "uce" + ], + [ + "Ġcas", + "inos" + ], + [ + "Ġcrus", + "ade" + ], + [ + "Ġcarn", + "age" + ], + [ + "Ġstri", + "pe" + ], + [ + "ĠK", + "yl" + ], + [ + "Text", + "ures" + ], + [ + "Ġ6", + "98" + ], + [ + "Ġpro", + "clamation" + ], + [ + "Ġgood", + "ies" + ], + [ + "Ġ........", + ".." + ], + [ + "pro", + "claimed" + ], + [ + "P", + "olit" + ], + [ + "Ġtop", + "ical" + ], + [ + "Ġspecial", + "ize" + ], + [ + "ĠA", + "min" + ], + [ + "g", + "m" + ], + [ + "Ġanch", + "ored" + ], + [ + "Ġbear", + "ings" + ], + [ + "s", + "ample" + ], + [ + "ĠHigh", + "land" + ], + [ + "ĠAut", + "ism" + ], + [ + "Ġmerc", + "enary" + ], + [ + "Ġinterview", + "er" + ], + [ + "L", + "ER" + ], + [ + "ĠSom", + "ers" + ], + [ + "Ġembry", + "o" + ], + [ + "ĠAss", + "y" + ], + [ + "Ġ28", + "1" + ], + [ + "ĠEd", + "iting" + ], + [ + "ĠCh", + "osen" + ], + [ + "6", + "60" + ], + [ + "Ġp", + "ci" + ], + [ + "ĠThunder", + "bolt" + ], + [ + "BI", + "LL" + ], + [ + "Ġchuck", + "led" + ], + [ + "jri", + "wal" + ], + [ + "h", + "of" + ], + [ + "Ġearth", + "ly" + ], + [ + "()", + "{" + ], + [ + "ind", + "ependence" + ], + [ + "Ġdisp", + "ers" + ], + [ + "ĠV", + "endor" + ], + [ + "ĠG", + "areth" + ], + [ + "Ġp", + "als" + ], + [ + "P", + "enn" + ], + [ + "ĠSub", + "mit" + ], + [ + "ic", + "um" + ], + [ + "Th", + "u" + ], + [ + "Ġcl", + "andestine" + ], + [ + "Ġcann", + "ibal" + ], + [ + "ĠCl", + "erk" + ], + [ + "E", + "Stream" + ], + [ + "gal", + "itarian" + ], + [ + "âĻ", + "¥" + ], + [ + "g", + "ew" + ], + [ + "Ġhor", + "rend" + ], + [ + "ĠL", + "ov" + ], + [ + "ĠRe", + "action" + ], + [ + "ocr", + "in" + ], + [ + "Class", + "ic" + ], + [ + "Ġecho", + "ing" + ], + [ + "Ġdiscl", + "osing" + ], + [ + "ĠIns", + "ight" + ], + [ + "og", + "un" + ], + [ + "ĠInc", + "arn" + ], + [ + "upload", + "s" + ], + [ + "pp", + "erc" + ], + [ + "guy", + "en" + ], + [ + "Ġ19", + "01" + ], + [ + "ĠB", + "ars" + ], + [ + "68", + "7" + ], + [ + "Ġb", + "ribes" + ], + [ + "ĠFres", + "no" + ], + [ + "ur", + "at" + ], + [ + "ĠRe", + "ese" + ], + [ + "Ġintr", + "usive" + ], + [ + "Ġgri", + "pping" + ], + [ + "ĠBlue", + "print" + ], + [ + "ĠR", + "asm" + ], + [ + "un", + "ia" + ], + [ + "man", + "aged" + ], + [ + "ĠHeb", + "do" + ], + [ + "Ġ3", + "45" + ], + [ + "Ġdec", + "oding" + ], + [ + "Ġpo", + "ets" + ], + [ + "Ġj", + "aws" + ], + [ + "ĠF", + "IGHT" + ], + [ + "am", + "eless" + ], + [ + "ĠMead", + "ows" + ], + [ + "ĠHar", + "baugh" + ], + [ + "Inter", + "view" + ], + [ + "ĠH", + "osp" + ], + [ + "ĠB", + "RA" + ], + [ + "Ġdelet", + "ion" + ], + [ + "m", + "ob" + ], + [ + "W", + "alker" + ], + [ + "ĠMoon", + "light" + ], + [ + "ĠJ", + "ed" + ], + [ + "ĠSoph", + "ia" + ], + [ + "Ġus", + "ur" + ], + [ + "Ġfortun", + "ately" + ], + [ + "ĠPut", + "ting" + ], + [ + "ĠF", + "old" + ], + [ + "Ġsan", + "itation" + ], + [ + "Ġpart", + "isans" + ], + [ + "IS", + "ON" + ], + [ + "B", + "ow" + ], + [ + "ĠCON", + "C" + ], + [ + "ĠRed", + "uced" + ], + [ + "ĠS", + "utton" + ], + [ + "Ġtouch", + "screen" + ], + [ + "Ġembry", + "os" + ], + [ + "âĢ¢âĢ¢", + "âĢ¢âĢ¢" + ], + [ + "ĠK", + "rug" + ], + [ + "com", + "bat" + ], + [ + "ĠPet", + "roleum" + ], + [ + "Ġam", + "d" + ], + [ + "ĠCos", + "mos" + ], + [ + "Ġpresc", + "ribing" + ], + [ + "Ġconform", + "ity" + ], + [ + "ours", + "es" + ], + [ + "Ġplent", + "iful" + ], + [ + "Ġdis", + "illusion" + ], + [ + "ĠEc", + "ology" + ], + [ + "itt", + "al" + ], + [ + "Ġf", + "anc" + ], + [ + "Ġassass", + "inated" + ], + [ + "regn", + "ancy" + ], + [ + "Ġperenn", + "ial" + ], + [ + "ĠBul", + "lets" + ], + [ + "Ġst", + "ale" + ], + [ + "Ġc", + "ached" + ], + [ + "ĠJud", + "ith" + ], + [ + "ĠDise", + "ases" + ], + [ + "All", + "en" + ], + [ + "Ġl", + "as" + ], + [ + "Ġsh", + "ards" + ], + [ + "ĠSu", + "arez" + ], + [ + "ĠFriend", + "ship" + ], + [ + "inter", + "face" + ], + [ + "ĠSupp", + "orters" + ], + [ + "add", + "ons" + ], + [ + "46", + "2" + ], + [ + "ĠIm", + "ran" + ], + [ + "ĠW", + "im" + ], + [ + "Ġnew", + "found" + ], + [ + "ĠM", + "b" + ], + [ + "An", + "imal" + ], + [ + "Ġd", + "arling" + ], + [ + "and", + "e" + ], + [ + "Ġrh", + "y" + ], + [ + "ĠTw", + "isted" + ], + [ + "pos", + "al" + ], + [ + "yn", + "ski" + ], + [ + "Var", + "ious" + ], + [ + "×", + "ľ" + ], + [ + "ĠK", + "iw" + ], + [ + "uy", + "omi" + ], + [ + "Ġwell", + "being" + ], + [ + "ĠL", + "au" + ], + [ + "an", + "os" + ], + [ + "Ġunm", + "ist" + ], + [ + "Ġmac", + "OS" + ], + [ + "Ġrest", + "room" + ], + [ + "ĠOl", + "iv" + ], + [ + "ĠAir", + "ways" + ], + [ + "Ġtimet", + "able" + ], + [ + "9", + "80" + ], + [ + "Ġrad", + "ios" + ], + [ + "v", + "oy" + ], + [ + "ias", + "co" + ], + [ + "Ġcloud", + "y" + ], + [ + "ĠDraw", + "ing" + ], + [ + "Any", + "thing" + ], + [ + "Sy", + "ria" + ], + [ + "ĠH", + "ert" + ], + [ + "st", + "aking" + ], + [ + "Ġun", + "checked" + ], + [ + "Ġb", + "razen" + ], + [ + "ĠN", + "RS" + ], + [ + "69", + "7" + ], + [ + "onom", + "ic" + ], + [ + "est", + "ablish" + ], + [ + "Ġl", + "eng" + ], + [ + "Ġdi", + "agonal" + ], + [ + "ĠF", + "ior" + ], + [ + "L", + "air" + ], + [ + "ĠSt", + "ard" + ], + [ + "Ġdef", + "icient" + ], + [ + "jo", + "ining" + ], + [ + "be", + "am" + ], + [ + "Ġomn", + "ip" + ], + [ + "Ġbl", + "ender" + ], + [ + "Ġsun", + "rise" + ], + [ + "Mo", + "ore" + ], + [ + "ĠF", + "ault" + ], + [ + "ĠCost", + "ume" + ], + [ + "ĠM", + "ub" + ], + [ + "Fl", + "ags" + ], + [ + "an", + "se" + ], + [ + "Ġpay", + "out" + ], + [ + "ĠGovern", + "ors" + ], + [ + "ĠD", + "illon" + ], + [ + "ĠBan", + "ana" + ], + [ + "N", + "ar" + ], + [ + "Ġtra", + "iled" + ], + [ + "Ġimperial", + "ist" + ], + [ + "um", + "ann" + ], + [ + "ats", + "uki" + ], + [ + "4", + "35" + ], + [ + "ĠRoad", + "s" + ], + [ + "Ġsl", + "ur" + ], + [ + "ĠIde", + "ally" + ], + [ + "Ġt", + "renches" + ], + [ + "C", + "trl" + ], + [ + "Ġmir", + "rored" + ], + [ + "ĠZ", + "el" + ], + [ + "ĠC", + "rest" + ], + [ + "Comp", + "at" + ], + [ + "ĠRoll", + "s" + ], + [ + "sc", + "rib" + ], + [ + "ĠTra", + "ils" + ], + [ + "omet", + "ers" + ], + [ + "w", + "inter" + ], + [ + "Ġimm", + "ortality" + ], + [ + "il", + "ated" + ], + [ + "Ġcontrad", + "icts" + ], + [ + "un", + "iversal" + ], + [ + "ill", + "ions" + ], + [ + "ĠM", + "ama" + ], + [ + "opt", + "im" + ], + [ + "AT", + "URE" + ], + [ + "Ġge", + "o" + ], + [ + "et", + "ter" + ], + [ + "ĠCar", + "lo" + ], + [ + "4", + "24" + ], + [ + "Ġcanon", + "ical" + ], + [ + "ĠStrongh", + "old" + ], + [ + "n", + "ear" + ], + [ + "Ġperf", + "ume" + ], + [ + "Ġorche", + "stra" + ], + [ + "od", + "iac" + ], + [ + "Ġup", + "he" + ], + [ + "Ġreign", + "ing" + ], + [ + "vers", + "ive" + ], + [ + "Ġc", + "aucuses" + ], + [ + "ĠD", + "EM" + ], + [ + "Ġinsult", + "ed" + ], + [ + "Ġ----", + "--" + ], + [ + "ĠCr", + "ush" + ], + [ + "Ġroot", + "ing" + ], + [ + "ĠWra", + "ith" + ], + [ + "Ġwh", + "ore" + ], + [ + "Ġto", + "fu" + ], + [ + "C", + "md" + ], + [ + "ĠB", + "ree" + ], + [ + "Ġ$", + "_" + ], + [ + "Ġr", + "ive" + ], + [ + "ĠAd", + "vertising" + ], + [ + "Ġw", + "att" + ], + [ + "ĠH", + "O" + ], + [ + "Ġpersu", + "asive" + ], + [ + "ĠParam", + "eters" + ], + [ + "Ġobserv", + "ational" + ], + [ + "ĠN", + "CT" + ], + [ + "ĠMo", + "j" + ], + [ + "ĠSal", + "on" + ], + [ + "Ġtr", + "unc" + ], + [ + "Ġexqu", + "isite" + ], + [ + "ĠMar", + "a" + ], + [ + "Ġpo", + "op" + ], + [ + "ĠAN", + "N" + ], + [ + "Ex", + "c" + ], + [ + "ĠWonder", + "ful" + ], + [ + "ĠT", + "aco" + ], + [ + "Ġhome", + "owner" + ], + [ + "ĠSmith", + "sonian" + ], + [ + "orpor", + "ated" + ], + [ + "mm", + "mm" + ], + [ + "Ġlo", + "af" + ], + [ + "ĠYam", + "ato" + ], + [ + "ĠInd", + "o" + ], + [ + "Ġcl", + "inging" + ], + [ + "á", + "s" + ], + [ + "Ġimm", + "utable" + ], + [ + "h", + "ub" + ], + [ + "Or", + "ange" + ], + [ + "Ġfingert", + "ips" + ], + [ + "ĠWood", + "en" + ], + [ + "ĠK", + "idd" + ], + [ + "ĠJ", + "PM" + ], + [ + "ĠDam", + "n" + ], + [ + "C", + "ow" + ], + [ + "c", + "odes" + ], + [ + "48", + "2" + ], + [ + "Ġiniti", + "ating" + ], + [ + "ĠEl", + "k" + ], + [ + "ĠCut", + "ting" + ], + [ + "Ġabsent", + "ee" + ], + [ + "ĠV", + "ance" + ], + [ + "ĠLil", + "ith" + ], + [ + "G", + "UI" + ], + [ + "Ġobsc", + "ured" + ], + [ + "Ġdwar", + "ves" + ], + [ + "ĠCh", + "op" + ], + [ + "ĠB", + "oko" + ], + [ + "Val", + "ues" + ], + [ + "Ġmult", + "imedia" + ], + [ + "Ġbrew", + "ed" + ], + [ + "Reg", + "ular" + ], + [ + "CRIP", + "TION" + ], + [ + "ĠMort", + "al" + ], + [ + "Ġa", + "pex" + ], + [ + "Ġtravel", + "er" + ], + [ + "Ġbo", + "ils" + ], + [ + "Ġspray", + "ing" + ], + [ + "Rep", + "resent" + ], + [ + "ĠStars", + "hip" + ], + [ + "4", + "28" + ], + [ + "Ġdisappro", + "val" + ], + [ + "Ġshadow", + "y" + ], + [ + "Ġlament", + "ed" + ], + [ + "ĠRe", + "place" + ], + [ + "ĠFran", + "ç" + ], + [ + "67", + "7" + ], + [ + "d", + "or" + ], + [ + "Ġunst", + "oppable" + ], + [ + "Ġcoh", + "orts" + ], + [ + "gy", + "n" + ], + [ + "ĠClass", + "ics" + ], + [ + "ĠAm", + "ph" + ], + [ + "Ġsl", + "uggish" + ], + [ + "ĠAdd", + "iction" + ], + [ + "ĠPad", + "res" + ], + [ + "Ġins", + "cription" + ], + [ + "Ġin", + "human" + ], + [ + "min", + "us" + ], + [ + "ĠJere", + "miah" + ], + [ + "at", + "ars" + ], + [ + "Ter", + "ror" + ], + [ + "ĠT", + "os" + ], + [ + "ĠSh", + "arma" + ], + [ + "ast", + "a" + ], + [ + "c", + "atch" + ], + [ + "Ġpl", + "umbing" + ], + [ + "ĠTim", + "bers" + ], + [ + "Sh", + "ar" + ], + [ + "H", + "al" + ], + [ + "ĠO", + "sc" + ], + [ + "Ġcou", + "pling" + ], + [ + "hum", + "ans" + ], + [ + "Ġsp", + "onge" + ], + [ + "Ġid", + "ols" + ], + [ + "ĠSp", + "a" + ], + [ + "ĠAdv", + "ocate" + ], + [ + "ĠBe", + "ats" + ], + [ + "lu", + "a" + ], + [ + "Ġtick", + "ing" + ], + [ + "Ġload", + "er" + ], + [ + "ĠG", + "ron" + ], + [ + "8", + "10" + ], + [ + "Ġstim", + "ulated" + ], + [ + "Ġside", + "bar" + ], + [ + "ĠManufact", + "urer" + ], + [ + "ore", + "And" + ], + [ + "19", + "73" + ], + [ + "Ġpra", + "ises" + ], + [ + "ĠFl", + "ores" + ], + [ + "dis", + "able" + ], + [ + "ĠElect", + "rical" + ], + [ + "ra", + "ise" + ], + [ + "E", + "th" + ], + [ + "Ġmigr", + "ated" + ], + [ + "Ġlect", + "urer" + ], + [ + "K", + "ids" + ], + [ + "ĠCa", + "vern" + ], + [ + "Ġk", + "ettle" + ], + [ + "Ġgly", + "c" + ], + [ + "ĠMand", + "ela" + ], + [ + "ĠF", + "ully" + ], + [ + "å§", + "«" + ], + [ + "FIN", + "EST" + ], + [ + "Ġsquee", + "zing" + ], + [ + "ĠRy", + "der" + ], + [ + "amp", + "oo" + ], + [ + "oreAnd", + "Online" + ], + [ + "Inst", + "oreAndOnline" + ], + [ + "Buyable", + "InstoreAndOnline" + ], + [ + "Ġcommem", + "orate" + ], + [ + "ĠRamp", + "age" + ], + [ + "Aust", + "in" + ], + [ + "ĠSh", + "roud" + ], + [ + "ĠRu", + "ins" + ], + [ + "9", + "15" + ], + [ + "ĠK", + "H" + ], + [ + "Ġwater", + "front" + ], + [ + "ĠE", + "SC" + ], + [ + "b", + "aby" + ], + [ + "ĠC", + "out" + ], + [ + "ĠEm", + "blem" + ], + [ + "Ġequival", + "ents" + ], + [ + "49", + "2" + ], + [ + "Un", + "ique" + ], + [ + "ĠNiet", + "zsche" + ], + [ + "brow", + "ser" + ], + [ + "Ġim", + "itation" + ], + [ + "ĠWere", + "wolf" + ], + [ + "ĠKir", + "in" + ], + [ + "ac", + "as" + ], + [ + "'", + ",\"" + ], + [ + "ĠÃ", + "¾" + ], + [ + "Review", + "ed" + ], + [ + "Ġc", + "unt" + ], + [ + "Ġvo", + "ic" + ], + [ + "ĠLen", + "ovo" + ], + [ + "Ġbond", + "ed" + ], + [ + "48", + "1" + ], + [ + "Ġinhib", + "itors" + ], + [ + "Ġendeav", + "ors" + ], + [ + "ĠHav", + "ana" + ], + [ + "ĠSt", + "out" + ], + [ + "ĠJ", + "olly" + ], + [ + "A", + "ctor" + ], + [ + "*/", + "(" + ], + [ + "Ġoccur", + "rences" + ], + [ + "ĠT", + "ens" + ], + [ + "Incre", + "ased" + ], + [ + "ĠACT", + "ION" + ], + [ + "Ġ", + "ãĢĮ" + ], + [ + "ĠRank", + "ings" + ], + [ + "ĠB", + "reat" + ], + [ + "Ġ30", + "9" + ], + [ + "D", + "ou" + ], + [ + "Ġimpact", + "ing" + ], + [ + "ĠDuc", + "hess" + ], + [ + "pre", + "fix" + ], + [ + "Q", + "B" + ], + [ + "Ġsummon", + "ing" + ], + [ + "Ġbest", + "owed" + ], + [ + "ĠKe", + "pler" + ], + [ + "ĠPOW", + "ER" + ], + [ + "c", + "ube" + ], + [ + "ĠK", + "its" + ], + [ + "ĠG", + "rip" + ], + [ + "Ġop", + "ium" + ], + [ + "Ġrep", + "utable" + ], + [ + "t", + "oc" + ], + [ + "ich", + "ael" + ], + [ + "ĠR", + "ipple" + ], + [ + "Ġcaf", + "é" + ], + [ + "ĠZ", + "oom" + ], + [ + "ĠBur", + "ma" + ], + [ + "Ġwa", + "ive" + ], + [ + "Ġst", + "alls" + ], + [ + "Ġdem", + "eanor" + ], + [ + "inc", + "erity" + ], + [ + "Ġfluor", + "ide" + ], + [ + "ĠSH", + "OULD" + ], + [ + "Par", + "is" + ], + [ + "Ġlong", + "ing" + ], + [ + "Ġpl", + "at" + ], + [ + "Ġgross", + "ly" + ], + [ + "Ġbull", + "s" + ], + [ + "Ġshowc", + "asing" + ], + [ + "ex", + "pected" + ], + [ + "ĠG", + "addafi" + ], + [ + "engine", + "ering" + ], + [ + "Re", + "peat" + ], + [ + "ĠK", + "ut" + ], + [ + "Ġconce", + "ivable" + ], + [ + "Ġtrim", + "med" + ], + [ + "osc", + "ope" + ], + [ + "ĠCand", + "idate" + ], + [ + "ĠT", + "ears" + ], + [ + "rol", + "og" + ], + [ + "Lew", + "is" + ], + [ + "S", + "UP" + ], + [ + "Ġroad", + "map" + ], + [ + "Ġsal", + "iva" + ], + [ + "Ġtrump", + "et" + ], + [ + "Jim", + "my" + ], + [ + "Ġmirac", + "ulous" + ], + [ + "Ġcolon", + "ization" + ], + [ + "Ġam", + "put" + ], + [ + "ĠGN", + "OME" + ], + [ + "ate", + "ch" + ], + [ + "D", + "ifferent" + ], + [ + "ĠE", + "LE" + ], + [ + "ĠGovern", + "ments" + ], + [ + "ĠA", + "head" + ], + [ + "ãħĭ", + "ãħĭ" + ], + [ + "word", + "press" + ], + [ + "L", + "IB" + ], + [ + "ĠIn", + "clude" + ], + [ + "ĠDor", + "othy" + ], + [ + "0", + "45" + ], + [ + "ĠColomb", + "ian" + ], + [ + "Ġle", + "ased" + ], + [ + "88", + "4" + ], + [ + "Ġde", + "grading" + ], + [ + "ĠDa", + "isy" + ], + [ + "i", + "ations" + ], + [ + "Ġbapt", + "ized" + ], + [ + "Ġsurn", + "ame" + ], + [ + "co", + "x" + ], + [ + "Ġblink", + "ed" + ], + [ + "ãĥ", + "¢" + ], + [ + "Ġpoll", + "en" + ], + [ + "Ġder", + "mat" + ], + [ + "Ġre", + "gex" + ], + [ + "ĠNich", + "olson" + ], + [ + "ĠE", + "ater" + ], + [ + "ç", + "ľ" + ], + [ + "rad", + "or" + ], + [ + "Ġnarrow", + "er" + ], + [ + "Ġhur", + "ricanes" + ], + [ + "Ġhalluc", + "inations" + ], + [ + "r", + "idden" + ], + [ + "ISS", + "ION" + ], + [ + "ĠFire", + "fly" + ], + [ + "Ġattain", + "ment" + ], + [ + "Ġnom", + "inate" + ], + [ + "Ġav", + "ocado" + ], + [ + "ĠM", + "eredith" + ], + [ + "Ġt", + "s" + ], + [ + "Ġreve", + "rence" + ], + [ + "Ġe", + "uph" + ], + [ + "Ġcr", + "ates" + ], + [ + "ĠT", + "EXT" + ], + [ + "Ġ4", + "43" + ], + [ + "Ġ3", + "19" + ], + [ + "J", + "SON" + ], + [ + "iqu", + "ette" + ], + [ + "Ġshort", + "stop" + ], + [ + "ic", + "key" + ], + [ + "Ġpro", + "pelled" + ], + [ + "Ġap", + "i" + ], + [ + "ĠTh", + "ieves" + ], + [ + "77", + "9" + ], + [ + "Ġovers", + "aw" + ], + [ + "Ġcol", + "i" + ], + [ + "ĠNic", + "ola" + ], + [ + "Ġover", + "cl" + ], + [ + "ik", + "awa" + ], + [ + "ĠC", + "yr" + ], + [ + "Ġ38", + "4" + ], + [ + "78", + "9" + ], + [ + "ĠAll", + "ows" + ], + [ + "10", + "27" + ], + [ + "Det", + "roit" + ], + [ + "TR", + "Y" + ], + [ + "set", + "up" + ], + [ + "ĠSocial", + "ism" + ], + [ + "Sov", + "iet" + ], + [ + "s", + "usp" + ], + [ + "ĠAP", + "R" + ], + [ + "ĠShut", + "down" + ], + [ + "Ġal", + "uminium" + ], + [ + "zb", + "ek" + ], + [ + "ĠL", + "over" + ], + [ + "GGGG", + "GGGG" + ], + [ + "Ġdemocr", + "acies" + ], + [ + "Ġ19", + "08" + ], + [ + "ĠMer", + "rill" + ], + [ + "ĠFranco", + "is" + ], + [ + "gd", + "ala" + ], + [ + "Ġtraff", + "ickers" + ], + [ + "ĠT", + "il" + ], + [ + "ĠGo", + "at" + ], + [ + "Ġsp", + "ed" + ], + [ + "ĠRes", + "erv" + ], + [ + "Ġpro", + "d" + ], + [ + "55", + "2" + ], + [ + "Ġc", + "ac" + ], + [ + "ĠUn", + "iv" + ], + [ + "ĠSch", + "we" + ], + [ + "Ġsw", + "irling" + ], + [ + "ĠWild", + "erness" + ], + [ + "ĠEgg", + "s" + ], + [ + "Ġsadd", + "ened" + ], + [ + "Ġarch", + "aic" + ], + [ + "H", + "yd" + ], + [ + "Ġexcess", + "ively" + ], + [ + "B", + "RE" + ], + [ + "Ġaer", + "ospace" + ], + [ + "ĠVo", + "ices" + ], + [ + "Cra", + "ig" + ], + [ + "Ġign", + "ited" + ], + [ + "In", + "itially" + ], + [ + "ĠMc", + "A" + ], + [ + "Ġhand", + "set" + ], + [ + "Ġreform", + "ing" + ], + [ + "Ġfrust", + "rations" + ], + [ + "ĠDead", + "pool" + ], + [ + "ĠBel", + "ichick" + ], + [ + "ract", + "or" + ], + [ + "ĠRagnar", + "ok" + ], + [ + "ĠD", + "rupal" + ], + [ + "ĠApp", + "roximately" + ], + [ + "19", + "20" + ], + [ + "ĠHub", + "ble" + ], + [ + "arm", + "or" + ], + [ + "ĠSar", + "as" + ], + [ + "ĠJon", + "as" + ], + [ + "Ġnostalg", + "ic" + ], + [ + "Ġfeas", + "ibility" + ], + [ + "Sah", + "aran" + ], + [ + "Ġorb", + "iting" + ], + [ + "Ġ9", + "70" + ], + [ + "R", + "u" + ], + [ + "Ġsh", + "in" + ], + [ + "ĠInvestig", + "ators" + ], + [ + "Ġinconsist", + "encies" + ], + [ + "ĠP", + "AN" + ], + [ + "B", + "G" + ], + [ + "Ġgraz", + "ing" + ], + [ + "Ġdetect", + "ors" + ], + [ + "ĠStart", + "up" + ], + [ + "ĠFun", + "ny" + ], + [ + "ĠNa", + "omi" + ], + [ + "Consider", + "ing" + ], + [ + "Ġh", + "og" + ], + [ + "ut", + "f" + ], + [ + "ce", + "mic" + ], + [ + "Ġfort", + "ified" + ], + [ + "ĠFun", + "ctions" + ], + [ + "Ġcod", + "ec" + ], + [ + "nut", + "rition" + ], + [ + "H", + "at" + ], + [ + "\"", + "!" + ], + [ + "micro", + "soft" + ], + [ + "55", + "8" + ], + [ + "ĠTh", + "in" + ], + [ + "ĠA", + "CE" + ], + [ + "Al", + "ias" + ], + [ + "ĠO", + "PS" + ], + [ + "p", + "apers" + ], + [ + "P", + "K" + ], + [ + "ãĢ", + "İ" + ], + [ + "Ġimpro", + "bable" + ], + [ + "N", + "orthern" + ], + [ + "equ", + "al" + ], + [ + "Ġlook", + "out" + ], + [ + "Ġty", + "res" + ], + [ + "ĠMod", + "ified" + ], + [ + "ĠK", + "op" + ], + [ + "Abs", + "olutely" + ], + [ + "Ġbuild", + "up" + ], + [ + "sil", + "ver" + ], + [ + "Ġaud", + "i" + ], + [ + "Ġgro", + "tesque" + ], + [ + "ĠSab", + "er" + ], + [ + "ĠPres", + "byter" + ], + [ + "ON", + "Y" + ], + [ + "Ġglac", + "iers" + ], + [ + "ĠSho", + "als" + ], + [ + "ĠK", + "ass" + ], + [ + "ĠH", + "RC" + ], + [ + "ĠNic", + "ol" + ], + [ + "ĠL", + "unch" + ], + [ + "ĠF", + "oss" + ], + [ + "âĸ", + "Ĵ" + ], + [ + "AD", + "RA" + ], + [ + "ĠOne", + "Plus" + ], + [ + "o", + "ing" + ], + [ + "ground", + "s" + ], + [ + "Ġincident", + "al" + ], + [ + "Ġdatas", + "ets" + ], + [ + "68", + "9" + ], + [ + "ĠClarks", + "on" + ], + [ + "Ġassemb", + "ling" + ], + [ + "ĠCorrect", + "ions" + ], + [ + "Ġdrink", + "ers" + ], + [ + "Ġqual", + "ifiers" + ], + [ + "Ġle", + "ash" + ], + [ + "Ġunf", + "ounded" + ], + [ + "ĠH", + "undred" + ], + [ + "Ġkick", + "off" + ], + [ + "T", + "i" + ], + [ + "Ġrecon", + "cil" + ], + [ + "ĠGr", + "ants" + ], + [ + "ĠCompl", + "iance" + ], + [ + "ĠDexter", + "ity" + ], + [ + "Ġ19", + "06" + ], + [ + "w", + "arn" + ], + [ + "D", + "allas" + ], + [ + "Max", + "imum" + ], + [ + "n", + "ard" + ], + [ + "av", + "ia" + ], + [ + "be", + "aut" + ], + [ + "ens", + "itivity" + ], + [ + "tr", + "ace" + ], + [ + "Ġpione", + "ers" + ], + [ + "ĠF", + "ract" + ], + [ + "ãĢ", + "ı" + ], + [ + "Ġpre", + "cept" + ], + [ + "Ġgloss", + "y" + ], + [ + "ĠI", + "EEE" + ], + [ + "Ac", + "ross" + ], + [ + "Ġ6", + "80" + ], + [ + "S", + "leep" + ], + [ + "che", + "on" + ], + [ + "Ġsatir", + "ical" + ], + [ + "ĠMin", + "otaur" + ], + [ + "ĠCla", + "ude" + ], + [ + "Ġr", + "é" + ], + [ + "ape", + "go" + ], + [ + "Ġcar", + "rot" + ], + [ + "ĠSem", + "in" + ], + [ + "ino", + "a" + ], + [ + "Ġz", + "o" + ], + [ + "Ind", + "ependent" + ], + [ + "Ġdiagn", + "oses" + ], + [ + "ĠC", + "ue" + ], + [ + "M", + "AR" + ], + [ + "Ġrend", + "ition" + ], + [ + "ĠK", + "ik" + ], + [ + "Ġpath", + "ology" + ], + [ + "Ġselect", + "s" + ], + [ + "Link", + "edIn" + ], + [ + "Ġass", + "ay" + ], + [ + "ĠD", + "res" + ], + [ + "Ġtext", + "ual" + ], + [ + "post", + "ed" + ], + [ + "IT", + "AL" + ], + [ + "ĠM", + "aul" + ], + [ + "N", + "eal" + ], + [ + "Ġinter", + "connected" + ], + [ + "Ġerr", + "atic" + ], + [ + "ĠVir", + "us" + ], + [ + "Ġ5", + "30" + ], + [ + "Ġenvironmental", + "ists" + ], + [ + "ĠP", + "helps" + ], + [ + "Ġeng", + "agements" + ], + [ + "ĠIN", + "ST" + ], + [ + "Ġeconom", + "ical" + ], + [ + "nox", + "ious" + ], + [ + "Ġg", + "earing" + ], + [ + "izz", + "y" + ], + [ + "Ġfavor", + "ably" + ], + [ + "ĠMcG", + "ill" + ], + [ + "T", + "erm" + ], + [ + "Ġh", + "anged" + ], + [ + "Ġball", + "park" + ], + [ + "ĠRe", + "yes" + ], + [ + "Ġbe", + "ware" + ], + [ + "ĠP", + "sal" + ], + [ + "ĠMass", + "acre" + ], + [ + "q", + "i" + ], + [ + "Ġin", + "accessible" + ], + [ + "acly", + "sm" + ], + [ + "Ġfr", + "ay" + ], + [ + "ill", + "ac" + ], + [ + "Ġbitter", + "ly" + ], + [ + "ĠCert", + "ification" + ], + [ + "Mich", + "igan" + ], + [ + "Ġir", + "respective" + ], + [ + "al", + "ore" + ], + [ + "Em", + "pty" + ], + [ + "Ġendorse", + "ments" + ], + [ + "Ġund", + "et" + ], + [ + "f", + "g" + ], + [ + "equ", + "ipped" + ], + [ + "Ġmerc", + "iless" + ], + [ + "ĠC", + "ust" + ], + [ + "Ġimm", + "ature" + ], + [ + "Ġvou", + "cher" + ], + [ + "ĠBlack", + "well" + ], + [ + "Ñ", + "ı" + ], + [ + "h", + "awk" + ], + [ + "dis", + "ciplinary" + ], + [ + "ile", + "e" + ], + [ + "ĠMak", + "oto" + ], + [ + "ĠD", + "ude" + ], + [ + "ãĥĩ", + "ãĤ£" + ], + [ + "Y", + "ears" + ], + [ + "Ġin", + "ver" + ], + [ + "Ġsh", + "aman" + ], + [ + "ĠY", + "ong" + ], + [ + "ip", + "el" + ], + [ + "ell", + "en" + ], + [ + "ĠCath", + "y" + ], + [ + "br", + "ids" + ], + [ + "Ġs", + "arc" + ], + [ + "65", + "1" + ], + [ + "N", + "ear" + ], + [ + "Ġground", + "work" + ], + [ + "Ġam", + "az" + ], + [ + "Ġ4", + "15" + ], + [ + "ĠHunting", + "ton" + ], + [ + "hew", + "s" + ], + [ + "ĠB", + "ung" + ], + [ + "Ġarbit", + "rarily" + ], + [ + "ĠW", + "it" + ], + [ + "ĠAl", + "berto" + ], + [ + "Ġdis", + "qualified" + ], + [ + "best", + "os" + ], + [ + "46", + "1" + ], + [ + "Ġp", + "c" + ], + [ + "Ġ28", + "4" + ], + [ + "ro", + "bat" + ], + [ + "Rob", + "in" + ], + [ + "Ġh", + "ugs" + ], + [ + "ĠTrans", + "ition" + ], + [ + "ĠOcc", + "asionally" + ], + [ + "Ġ3", + "26" + ], + [ + "ĠWh", + "ilst" + ], + [ + "ĠLe", + "y" + ], + [ + "Ġspaces", + "hip" + ], + [ + "cs", + "v" + ], + [ + "Ġun", + "successfully" + ], + [ + "ĠA", + "u" + ], + [ + "le", + "ck" + ], + [ + "ĠWing", + "ed" + ], + [ + "ĠGrizz", + "lies" + ], + [ + ".", + "�" + ], + [ + "Ġne", + "arer" + ], + [ + "ĠSorce", + "ress" + ], + [ + "ĠInd", + "igo" + ], + [ + "El", + "se" + ], + [ + "8", + "40" + ], + [ + "let", + "es" + ], + [ + "Co", + "ach" + ], + [ + "Ġup", + "bringing" + ], + [ + "ĠK", + "es" + ], + [ + "Ġseparat", + "ist" + ], + [ + "Ġrac", + "ists" + ], + [ + "Ġch", + "ained" + ], + [ + "Ġabst", + "inence" + ], + [ + "lear", + "ning" + ], + [ + "Ġrein", + "stated" + ], + [ + "Ġsymm", + "etry" + ], + [ + "Ġremind", + "ers" + ], + [ + "ĠChe", + "vy" + ], + [ + "Ġm", + "ont" + ], + [ + "Ġexempl", + "ary" + ], + [ + "ĠT", + "OR" + ], + [ + "Z", + "X" + ], + [ + "Ġqual", + "itative" + ], + [ + "ĠSt", + "amp" + ], + [ + "ĠSav", + "annah" + ], + [ + "ĠRoss", + "i" + ], + [ + "Ġp", + "aed" + ], + [ + "Ġdispens", + "aries" + ], + [ + "ĠWall", + "s" + ], + [ + "ĠCh", + "ronic" + ], + [ + "Ġcompliment", + "ary" + ], + [ + "ĠBeir", + "ut" + ], + [ + "Ġ+", + "---" + ], + [ + "igs", + "list" + ], + [ + "Ġcrypt", + "ographic" + ], + [ + "mas", + "ters" + ], + [ + "ĠCap", + "itals" + ], + [ + "Ġmax", + "imal" + ], + [ + "Ġent", + "ropy" + ], + [ + "Point", + "s" + ], + [ + "Ġcombat", + "ants" + ], + [ + "l", + "ip" + ], + [ + "ĠGl", + "ob" + ], + [ + "ĠB", + "MC" + ], + [ + "ph", + "ase" + ], + [ + "th", + "ank" + ], + [ + "HT", + "TP" + ], + [ + "Ġcomm", + "uter" + ], + [ + "Ġ\\(", + "\\" + ], + [ + "..", + "/" + ], + [ + "ĠReg", + "ener" + ], + [ + "ĠDO", + "I" + ], + [ + "ĠActiv", + "ision" + ], + [ + "Ġsl", + "it" + ], + [ + "os", + "al" + ], + [ + "RE", + "M" + ], + [ + "Ġch", + "ants" + ], + [ + "Y", + "u" + ], + [ + "Ke", + "ys" + ], + [ + "Bre", + "xit" + ], + [ + "ĠFor", + "ced" + ], + [ + "Ari", + "zona" + ], + [ + "Ġsquad", + "ron" + ], + [ + "IS", + "O" + ], + [ + "ĠMal", + "one" + ], + [ + "Ġ3", + "38" + ], + [ + "Ġcontrast", + "ing" + ], + [ + "Ġt", + "idal" + ], + [ + "Ġlib", + "el" + ], + [ + "Ġimpl", + "anted" + ], + [ + "Ġupro", + "ar" + ], + [ + "ĠC", + "ater" + ], + [ + "Ġpropos", + "itions" + ], + [ + "M", + "anchester" + ], + [ + "ĠEuro", + "s" + ], + [ + "it", + "amin" + ], + [ + "G", + "il" + ], + [ + "ĠEl", + "ven" + ], + [ + "ĠSe", + "ek" + ], + [ + "ĠB", + "ai" + ], + [ + "Ġredevelop", + "ment" + ], + [ + "ĠTown", + "s" + ], + [ + "ĠL", + "ub" + ], + [ + "!", + "\"," + ], + [ + "al", + "on" + ], + [ + "K", + "rist" + ], + [ + "Ġmeas", + "urable" + ], + [ + "Ġimagin", + "able" + ], + [ + "Ġapost", + "les" + ], + [ + "Y", + "N" + ], + [ + "7", + "60" + ], + [ + "Ġster", + "oid" + ], + [ + "Ġspecific", + "ity" + ], + [ + "ĠL", + "ocated" + ], + [ + "ĠBeck", + "er" + ], + [ + "ĠE", + "du" + ], + [ + "ĠDiet", + "ary" + ], + [ + "uts", + "ch" + ], + [ + "ĠMar", + "ilyn" + ], + [ + "Ġbl", + "ister" + ], + [ + "ĠM", + "EP" + ], + [ + "ĠK", + "oz" + ], + [ + "ĠC", + "MS" + ], + [ + "y", + "ahoo" + ], + [ + "ĠCar", + "ney" + ], + [ + "Ġbo", + "asting" + ], + [ + "ĠC", + "aleb" + ], + [ + "By", + "te" + ], + [ + "read", + "s" + ], + [ + "ad", + "en" + ], + [ + "Pro", + "blem" + ], + [ + "ĠWood", + "ward" + ], + [ + "S", + "we" + ], + [ + "S", + "up" + ], + [ + "ĠK", + "GB" + ], + [ + "Set", + "up" + ], + [ + "Ġtac", + "it" + ], + [ + "Ġret", + "ribution" + ], + [ + "Ġd", + "ues" + ], + [ + "ĠM", + "ü" + ], + [ + ".", + "?" + ], + [ + "ä¸", + "Ń" + ], + [ + "p", + "ots" + ], + [ + "Ġcame", + "o" + ], + [ + "ĠP", + "AL" + ], + [ + "educ", + "ation" + ], + [ + "A", + "my" + ], + [ + "like", + "ly" + ], + [ + "g", + "ling" + ], + [ + "Ġconstitution", + "ally" + ], + [ + "ĠHam", + "m" + ], + [ + "ĠSpe", + "ak" + ], + [ + "Ġwid", + "gets" + ], + [ + "br", + "ate" + ], + [ + "Ġcra", + "ppy" + ], + [ + "ĠI", + "ter" + ], + [ + "Ġanticip", + "ating" + ], + [ + "ĠB", + "out" + ], + [ + "P", + "ixel" + ], + [ + "ĠY", + "ep" + ], + [ + "ĠLaur", + "ie" + ], + [ + "Ġh", + "ut" + ], + [ + "Ġbullet", + "in" + ], + [ + "ĠSal", + "vation" + ], + [ + "Ġch", + "ats" + ], + [ + "ear", + "able" + ], + [ + "Honest", + "ly" + ], + [ + "AL", + "TH" + ], + [ + "onse", + "qu" + ], + [ + "c", + "ult" + ], + [ + "isco", + "very" + ], + [ + "ovy", + "ch" + ], + [ + "Ġse", + "lves" + ], + [ + "ĠSat", + "oshi" + ], + [ + "S", + "ounds" + ], + [ + "Ġconver", + "gence" + ], + [ + "ĠRosen", + "berg" + ], + [ + "19", + "74" + ], + [ + "Ġnas", + "al" + ], + [ + "Ġfull", + "est" + ], + [ + "Ġfer", + "ocious" + ], + [ + "x", + "us" + ], + [ + "ist", + "e" + ], + [ + "AM", + "S" + ], + [ + "Ġlobb", + "ied" + ], + [ + "Ġso", + "othing" + ], + [ + "ĠGun", + "n" + ], + [ + "t", + "oday" + ], + [ + "0", + "24" + ], + [ + "Ġinspir", + "ational" + ], + [ + "ĠN", + "BN" + ], + [ + "p", + "b" + ], + [ + "g", + "ewater" + ], + [ + "or", + "ah" + ], + [ + "all", + "owed" + ], + [ + "ĠCol", + "iseum" + ], + [ + "Ġspecial", + "izing" + ], + [ + "Ġinsane", + "ly" + ], + [ + "ĠT", + "ape" + ], + [ + "del", + "ay" + ], + [ + "Ġt", + "arn" + ], + [ + "ĠP", + "ound" + ], + [ + "Ġmel", + "anch" + ], + [ + "Ġdeploy", + "ments" + ], + [ + "il", + "and" + ], + [ + "Ġless", + "en" + ], + [ + "Ġfur", + "ry" + ], + [ + "ĠUE", + "FA" + ], + [ + "Ġblood", + "shed" + ], + [ + "ĠMe", + "ier" + ], + [ + "ither", + "ing" + ], + [ + "Ġhe", + "irs" + ], + [ + "ĠJ", + "aw" + ], + [ + "ax", + "ter" + ], + [ + "ĠPublic", + "ations" + ], + [ + "Ġal", + "ters" + ], + [ + "int", + "ention" + ], + [ + "ĠWinc", + "hester" + ], + [ + "d", + "etermination" + ], + [ + "ĠLif", + "etime" + ], + [ + "th", + "in" + ], + [ + "Mon", + "ster" + ], + [ + "7", + "80" + ], + [ + "Ġapprox", + "imation" + ], + [ + "Ġsuper", + "markets" + ], + [ + "ĠSecond", + "s" + ], + [ + "or", + "os" + ], + [ + "h", + "uge" + ], + [ + "Ġb", + "ribe" + ], + [ + "ĠLIM", + "ITED" + ], + [ + "un", + "ed" + ], + [ + "Ġmis", + "interpret" + ], + [ + "ĠIn", + "jury" + ], + [ + "Ġ3", + "67" + ], + [ + "Ġthreshold", + "s" + ], + [ + "ĠCarn", + "ival" + ], + [ + "Ġgastro", + "intestinal" + ], + [ + "Ġguid", + "eline" + ], + [ + "Ġde", + "ceived" + ], + [ + "f", + "eatures" + ], + [ + "Ġpurported", + "ly" + ], + [ + "ĠRon", + "nie" + ], + [ + "ĠNew", + "t" + ], + [ + "Ġsp", + "acious" + ], + [ + "as", + "us" + ], + [ + "Ġsuperhero", + "es" + ], + [ + "ĠCyn", + "thia" + ], + [ + "le", + "gged" + ], + [ + "k", + "amp" + ], + [ + "ch", + "io" + ], + [ + "Ġth", + "umbnail" + ], + [ + "ĠShir", + "ley" + ], + [ + "ill", + "ation" + ], + [ + "Ġshe", + "ds" + ], + [ + "ĠZ", + "y" + ], + [ + "E", + "PA" + ], + [ + "Ġdam", + "s" + ], + [ + "Ġy", + "awn" + ], + [ + "n", + "ah" + ], + [ + "ĠPe", + "ggy" + ], + [ + "ĠE", + "rie" + ], + [ + "ĠJu", + "ventus" + ], + [ + "ĠF", + "ountain" + ], + [ + "r", + "x" + ], + [ + "don", + "ald" + ], + [ + "al", + "bum" + ], + [ + "ĠComp", + "rehensive" + ], + [ + "Ġc", + "aching" + ], + [ + "ĠU", + "z" + ], + [ + "ulner", + "ability" + ], + [ + "ĠPrinc", + "iple" + ], + [ + "ĠJ", + "ian" + ], + [ + "ing", + "ers" + ], + [ + "cast", + "s" + ], + [ + "ĠOs", + "iris" + ], + [ + "ch", + "art" + ], + [ + "t", + "ile" + ], + [ + "ĠTiff", + "any" + ], + [ + "ĠPatt", + "on" + ], + [ + "ĠWh", + "ip" + ], + [ + "Ġovers", + "ized" + ], + [ + "J", + "e" + ], + [ + "ĠCind", + "erella" + ], + [ + "ĠB", + "orders" + ], + [ + "ĠDa", + "esh" + ], + [ + "M", + "ah" + ], + [ + "Ġdog", + "ma" + ], + [ + "Ġcommun", + "ists" + ], + [ + "v", + "u" + ], + [ + "Coun", + "cil" + ], + [ + "Ġfresh", + "water" + ], + [ + "Ġw", + "ounding" + ], + [ + "Ġdeb", + "acle" + ], + [ + "Ġyoung", + "ster" + ], + [ + "Ġthread", + "ed" + ], + [ + "ĠB", + "ots" + ], + [ + "ĠSav", + "ings" + ], + [ + "ãģ", + "Ĥ" + ], + [ + "ol", + "ing" + ], + [ + "oh", + "o" + ], + [ + "Ġillum", + "ination" + ], + [ + "M", + "RI" + ], + [ + "Ġlo", + "osen" + ], + [ + "tr", + "ump" + ], + [ + "ag", + "ency" + ], + [ + "ur", + "ion" + ], + [ + "Ġmoment", + "arily" + ], + [ + "ĠCh", + "un" + ], + [ + "ĠBud", + "apest" + ], + [ + "ĠAl", + "ley" + ], + [ + "D", + "isk" + ], + [ + "Ġaston", + "ished" + ], + [ + "ĠCon", + "quer" + ], + [ + "ĠAccount", + "ing" + ], + [ + "h", + "aving" + ], + [ + "ĠWe", + "in" + ], + [ + "ĠAl", + "right" + ], + [ + "Ġrev", + "olver" + ], + [ + "Ġdel", + "usion" + ], + [ + "Ġrelic", + "s" + ], + [ + "Ġad", + "herent" + ], + [ + "qu", + "ant" + ], + [ + "Ġhand", + "made" + ], + [ + "or", + "io" + ], + [ + "Ġcomb", + "ating" + ], + [ + "c", + "oded" + ], + [ + "Ġquad", + "ru" + ], + [ + "re", + "th" + ], + [ + "N", + "ik" + ], + [ + "ĠTrib", + "al" + ], + [ + "ĠMyster", + "ious" + ], + [ + "Ġin", + "hal" + ], + [ + "ĠWin", + "ning" + ], + [ + "ĠClass", + "ification" + ], + [ + "ch", + "anged" + ], + [ + "Ġun", + "ab" + ], + [ + "Ġsc", + "orn" + ], + [ + "icip", + "ated" + ], + [ + "w", + "l" + ], + [ + "ond", + "uctor" + ], + [ + "Ġrein", + "forcing" + ], + [ + "ĠChild", + "hood" + ], + [ + "an", + "ova" + ], + [ + "Ġadventure", + "r" + ], + [ + "Ġdoctor", + "al" + ], + [ + "ĠStrateg", + "ies" + ], + [ + "Ġengulf", + "ed" + ], + [ + "ĠEnc", + "ounter" + ], + [ + "Ġl", + "ashes" + ], + [ + "Crit", + "ical" + ], + [ + "ric", + "ular" + ], + [ + "ĠU", + "TF" + ], + [ + "oci", + "ation" + ], + [ + "check", + "ing" + ], + [ + "ĠConsult", + "ing" + ], + [ + "Run", + "time" + ], + [ + "per", + "iod" + ], + [ + "ĠAs", + "gard" + ], + [ + "Ġdist", + "illed" + ], + [ + "ĠPas", + "adena" + ], + [ + "ĠD", + "ying" + ], + [ + "ĠCOUN", + "TY" + ], + [ + "Ġgran", + "ite" + ], + [ + "Ġsm", + "ack" + ], + [ + "Ġparach", + "ute" + ], + [ + "ĠS", + "UR" + ], + [ + "Virgin", + "ia" + ], + [ + "ĠF", + "urious" + ], + [ + "78", + "7" + ], + [ + "ĠO", + "kin" + ], + [ + "Ġcam", + "el" + ], + [ + "ĠM", + "bps" + ], + [ + "19", + "72" + ], + [ + "ĠCh", + "ao" + ], + [ + "ĠC", + "yan" + ], + [ + "j", + "oice" + ], + [ + "ef", + "er" + ], + [ + "ĠW", + "rap" + ], + [ + "ĠDeb", + "ate" + ], + [ + "S", + "eg" + ], + [ + "Ġfore", + "arm" + ], + [ + "ĠIgn", + "ore" + ], + [ + "Ġtim", + "estamp" + ], + [ + "Ġprob", + "ing" + ], + [ + "ĠNo", + "on" + ], + [ + "ĠGra", + "il" + ], + [ + "f", + "en" + ], + [ + "Ġdorm", + "ant" + ], + [ + "ĠFirst", + "ly" + ], + [ + "ĠE", + "ighth" + ], + [ + "ĠH", + "UN" + ], + [ + "ĠDes", + "ire" + ], + [ + "or", + "as" + ], + [ + "Girl", + "s" + ], + [ + "ĠDes", + "mond" + ], + [ + "z", + "ar" + ], + [ + "am", + "ines" + ], + [ + "O", + "AD" + ], + [ + "exec", + "ute" + ], + [ + "Ġbo", + "obs" + ], + [ + "ĠAT", + "L" + ], + [ + "_", + "(" + ], + [ + "Chel", + "sea" + ], + [ + "Ġmasturb", + "ation" + ], + [ + "ĠCo", + "C" + ], + [ + "Ġdestroy", + "er" + ], + [ + "ĠCh", + "omsky" + ], + [ + "Ġsc", + "atter" + ], + [ + "ĠAss", + "ets" + ], + [ + "79", + "6" + ], + [ + "ĠC", + "argo" + ], + [ + "Ġrecept", + "ive" + ], + [ + "ĠSc", + "ope" + ], + [ + "Ġmarket", + "ers" + ], + [ + "Ġlaun", + "chers" + ], + [ + "Ġax", + "le" + ], + [ + "ĠSE", + "A" + ], + [ + "se", + "q" + ], + [ + "ĠM", + "off" + ], + [ + "f", + "inding" + ], + [ + "ĠGib", + "bs" + ], + [ + "Georg", + "ia" + ], + [ + "extreme", + "ly" + ], + [ + "N", + "J" + ], + [ + "Ġlab", + "orers" + ], + [ + "st", + "als" + ], + [ + "Ġmed", + "iation" + ], + [ + "ĠH", + "edge" + ], + [ + "at", + "own" + ], + [ + "Ġi", + "od" + ], + [ + "des", + "pite" + ], + [ + "v", + "ill" + ], + [ + "J", + "ane" + ], + [ + "ex", + "istence" + ], + [ + "Ġcoinc", + "ided" + ], + [ + "ĠUt", + "ilities" + ], + [ + "ĠChe", + "ap" + ], + [ + "Ġlog", + "istical" + ], + [ + "Ġcul", + "mination" + ], + [ + "ĠNic", + "otine" + ], + [ + "p", + "ak" + ], + [ + "F", + "older" + ], + [ + "Ġrod", + "ents" + ], + [ + "st", + "uff" + ], + [ + "Ġlaw", + "fully" + ], + [ + "Ġreper", + "to" + ], + [ + "io", + "ch" + ], + [ + "j", + "j" + ], + [ + "Dial", + "ogue" + ], + [ + "HH", + "HH" + ], + [ + "lic", + "tion" + ], + [ + "Look", + "s" + ], + [ + "Ġ29", + "7" + ], + [ + "Ġtur", + "rets" + ], + [ + "ĠAb", + "andon" + ], + [ + "Ġinc", + "ess" + ], + [ + "ĠTraff", + "ord" + ], + [ + "Ġcur", + "led" + ], + [ + "Ġprefer", + "ring" + ], + [ + "Ġprivat", + "ization" + ], + [ + "Ġir", + "resist" + ], + [ + "ĠP", + "anda" + ], + [ + "ĠSh", + "ake" + ], + [ + "ĠMc", + "Gr" + ], + [ + "ãĥ", + "Ħ" + ], + [ + "und", + "ers" + ], + [ + "Ġdiscrim", + "inated" + ], + [ + "Ġbart", + "ender" + ], + [ + "I", + "LE" + ], + [ + "Atl", + "antic" + ], + [ + "Ġprop", + "ensity" + ], + [ + "ĠW", + "iz" + ], + [ + "ĠG", + "im" + ], + [ + "con", + "ference" + ], + [ + "Ġrein", + "forces" + ], + [ + "G", + "h" + ], + [ + "w", + "agon" + ], + [ + "Ġe", + "erie" + ], + [ + "F", + "al" + ], + [ + "Ġhug", + "ged" + ], + [ + "rac", + "ist" + ], + [ + "R", + "IC" + ], + [ + "F", + "u" + ], + [ + "Ġf", + "iller" + ], + [ + "ĠSt", + "ub" + ], + [ + "Ġeng", + "raved" + ], + [ + "ĠWrest", + "le" + ], + [ + "Ġimagin", + "ative" + ], + [ + "ĠPe", + "er" + ], + [ + "ĠFact", + "ors" + ], + [ + "an", + "us" + ], + [ + "ĠDrac", + "ula" + ], + [ + "mon", + "itor" + ], + [ + "Ġrou", + "ters" + ], + [ + "ib", + "ia" + ], + [ + "ĠBoo", + "lean" + ], + [ + "end", + "ale" + ], + [ + "ĠSl", + "aughter" + ], + [ + "ĠSh", + "ack" + ], + [ + "R", + "FC" + ], + [ + "ĠSpiel", + "berg" + ], + [ + "S", + "ax" + ], + [ + "ĠPH", + "OTO" + ], + [ + "ĠCl", + "over" + ], + [ + "ĠR", + "ae" + ], + [ + "Dep", + "ending" + ], + [ + "ĠMem", + "or" + ], + [ + "ar", + "am" + ], + [ + "Ġpier", + "ced" + ], + [ + "Ġcur", + "tains" + ], + [ + "v", + "ale" + ], + [ + "ĠInqu", + "isition" + ], + [ + "ĠP", + "oke" + ], + [ + "Ġforecast", + "ing" + ], + [ + "Ġcompl", + "ains" + ], + [ + "S", + "ense" + ], + [ + "ĠHer", + "mes" + ], + [ + "isc", + "overed" + ], + [ + "Ġb", + "ible" + ], + [ + "ĠMor", + "ph" + ], + [ + "Ġg", + "erm" + ], + [ + "78", + "5" + ], + [ + "D", + "ON" + ], + [ + "Ġcon", + "gen" + ], + [ + "Ġcr", + "ane" + ], + [ + "ĠD", + "PR" + ], + [ + "Ġrespect", + "fully" + ], + [ + "R", + "oom" + ], + [ + "ĠN", + "aw" + ], + [ + "ĠDal", + "ai" + ], + [ + "re", + "ason" + ], + [ + "ĠAng", + "us" + ], + [ + "Educ", + "ation" + ], + [ + "ĠTitan", + "ic" + ], + [ + "Ë", + "ľ" + ], + [ + "Ġo", + "val" + ], + [ + "un", + "ited" + ], + [ + "Ġthird", + "s" + ], + [ + "Ġmoist", + "ur" + ], + [ + "ĠC", + "PC" + ], + [ + "M", + "iami" + ], + [ + "Ġtent", + "acles" + ], + [ + "ĠPol", + "aris" + ], + [ + "ex", + "c" + ], + [ + "ex", + "clusive" + ], + [ + "ĠPra", + "irie" + ], + [ + "Ġcol", + "ossal" + ], + [ + "ĠBl", + "end" + ], + [ + "sur", + "prisingly" + ], + [ + "ÃŃ", + "s" + ], + [ + "Ġindo", + "ctr" + ], + [ + "Ġbas", + "al" + ], + [ + "ĠMP", + "EG" + ], + [ + "und", + "o" + ], + [ + "Spl", + "it" + ], + [ + "Develop", + "ment" + ], + [ + "Ġlan", + "tern" + ], + [ + "19", + "71" + ], + [ + "Ġprov", + "ocation" + ], + [ + "Ġang", + "uish" + ], + [ + "ĠB", + "ind" + ], + [ + "ĠLe", + "ia" + ], + [ + "duc", + "ers" + ], + [ + "ipp", + "y" + ], + [ + "conserv", + "ancy" + ], + [ + "Ġinitial", + "ize" + ], + [ + "ĠTw", + "ice" + ], + [ + "ĠSu", + "k" + ], + [ + "Ġpred", + "ic" + ], + [ + "Ġdi", + "ploma" + ], + [ + "Ġsoc", + "iop" + ], + [ + "Ing", + "redients" + ], + [ + "Ġhamm", + "ered" + ], + [ + "ĠIr", + "ma" + ], + [ + "Q", + "aida" + ], + [ + "Ġglim", + "ps" + ], + [ + "ĠB", + "ian" + ], + [ + "Ġst", + "acking" + ], + [ + "Ġf", + "end" + ], + [ + "gov", + "track" + ], + [ + "Ġun", + "n" + ], + [ + "dem", + "ocratic" + ], + [ + "ig", + "ree" + ], + [ + "Ġ5", + "80" + ], + [ + "Ġ29", + "4" + ], + [ + "Ġstraw", + "berry" + ], + [ + "ID", + "ER" + ], + [ + "Ġcher", + "ished" + ], + [ + "ĠH", + "ots" + ], + [ + "Ġinfer", + "red" + ], + [ + "Ġ8", + "08" + ], + [ + "ĠS", + "ocrates" + ], + [ + "O", + "regon" + ], + [ + "ĠR", + "oses" + ], + [ + "ĠFO", + "IA" + ], + [ + "Ġins", + "ensitive" + ], + [ + "Ġ40", + "8" + ], + [ + "Recomm", + "end" + ], + [ + "ĠSh", + "ine" + ], + [ + "Ġpain", + "staking" + ], + [ + "UG", + "E" + ], + [ + "ĠHell", + "er" + ], + [ + "ĠEnter", + "prises" + ], + [ + "I", + "OR" + ], + [ + "ad", + "j" + ], + [ + "N", + "RS" + ], + [ + "L", + "G" + ], + [ + "Ġalien", + "ated" + ], + [ + "Ġacknowled", + "gement" + ], + [ + "ĠA", + "UD" + ], + [ + "ĠRen", + "eg" + ], + [ + "Ġvou", + "chers" + ], + [ + "Ġ9", + "60" + ], + [ + "Ġm", + "oot" + ], + [ + "ĠDim", + "ensions" + ], + [ + "Ġc", + "abbage" + ], + [ + "B", + "right" + ], + [ + "g", + "at" + ], + [ + "ĠK", + "lu" + ], + [ + "Ġlat", + "ent" + ], + [ + "Ġz", + "e" + ], + [ + "ĠM", + "eng" + ], + [ + "Ġdis", + "perse" + ], + [ + "Ġpand", + "emonium" + ], + [ + "H", + "Q" + ], + [ + "Ġvirt", + "uous" + ], + [ + "ĠLoc", + "ations" + ], + [ + "ee", + "per" + ], + [ + "prov", + "ided" + ], + [ + "Ġse", + "ams" + ], + [ + "ĠW", + "T" + ], + [ + "iz", + "o" + ], + [ + "PR", + "OV" + ], + [ + "Ġtit", + "anium" + ], + [ + "Ġrecol", + "lection" + ], + [ + "Ġcr", + "an" + ], + [ + "Ġ7", + "80" + ], + [ + "ĠN", + "F" + ], + [ + "49", + "1" + ], + [ + "64", + "2" + ], + [ + "p", + "acking" + ], + [ + "59", + "8" + ], + [ + "text", + "ure" + ], + [ + "Sp", + "ider" + ], + [ + "fre", + "edom" + ], + [ + "cipl", + "ed" + ], + [ + "ĠTAM", + "ADRA" + ], + [ + "âĻ", + "¦" + ], + [ + "aut", + "hent" + ], + [ + "ĠW", + "ANT" + ], + [ + "r", + "ified" + ], + [ + "Ġr", + "ites" + ], + [ + "Ġuter", + "us" + ], + [ + "k", + "iss" + ], + [ + "Ġâī", + "¤" + ], + [ + "Ġsk", + "illet" + ], + [ + "Ġdis", + "enfranch" + ], + [ + "ĠGa", + "al" + ], + [ + "Comp", + "an" + ], + [ + "Ġage", + "ing" + ], + [ + "gu", + "ide" + ], + [ + "B", + "alt" + ], + [ + "Ġiter", + "ator" + ], + [ + "Ġdiscretion", + "ary" + ], + [ + "t", + "ips" + ], + [ + "Ġprim", + "ates" + ], + [ + "ĠTechn", + "ique" + ], + [ + "ĠPay", + "ments" + ], + [ + "az", + "el" + ], + [ + "ĠR", + "OCK" + ], + [ + "stant", + "ial" + ], + [ + "0", + "60" + ], + [ + "Ġd", + "mg" + ], + [ + "ĠJack", + "ets" + ], + [ + "ĠPlay", + "off" + ], + [ + "Ġnurs", + "ery" + ], + [ + "ĠSy", + "mb" + ], + [ + "art", + "on" + ], + [ + "Ġannex", + "ation" + ], + [ + "Color", + "ado" + ], + [ + "Ġco", + "ils" + ], + [ + "ĠSh", + "oes" + ], + [ + "âĦ¢", + ":" + ], + [ + "ĠRo", + "z" + ], + [ + "COM", + "PLE" + ], + [ + "ĠEve", + "rest" + ], + [ + "ĠTri", + "umph" + ], + [ + "J", + "oy" + ], + [ + "G", + "rid" + ], + [ + "à", + "¼" + ], + [ + "process", + "or" + ], + [ + "ĠPros", + "per" + ], + [ + "ĠSever", + "us" + ], + [ + "ĠSelect", + "ed" + ], + [ + "r", + "g" + ], + [ + "ĠTay", + "yip" + ], + [ + "St", + "ra" + ], + [ + "Ġski", + "ing" + ], + [ + "Ġ?", + ")" + ], + [ + "Ġpe", + "g" + ], + [ + "Tes", + "la" + ], + [ + "Ġtime", + "frame" + ], + [ + "Ġmaster", + "mind" + ], + [ + "ĠN", + "B" + ], + [ + "scient", + "ific" + ], + [ + "ĠSh", + "it" + ], + [ + "gener", + "ic" + ], + [ + "IN", + "TER" + ], + [ + "N", + "UM" + ], + [ + "Ġst", + "roll" + ], + [ + "ĠEn", + "ix" + ], + [ + "ĠM", + "MR" + ], + [ + "ĠE", + "MS" + ], + [ + "m", + "ovie" + ], + [ + "Ĥ", + "ª" + ], + [ + "Ġminim", + "izing" + ], + [ + "idd", + "ling" + ], + [ + "Ġilleg", + "itimate" + ], + [ + "Ġprot", + "otyp" + ], + [ + "Ġpremature", + "ly" + ], + [ + "Ġmanual", + "s" + ], + [ + "obb", + "ies" + ], + [ + "ĠCass", + "idy" + ], + [ + "D", + "EC" + ], + [ + "des", + "ktop" + ], + [ + "Ġaer", + "os" + ], + [ + "Ġscreen", + "ings" + ], + [ + "Ġdeb", + "ilitating" + ], + [ + "ĠGr", + "ind" + ], + [ + "nature", + "conservancy" + ], + [ + "Ġf", + "ades" + ], + [ + "ter", + "mination" + ], + [ + "assets", + "adobe" + ], + [ + "F", + "actor" + ], + [ + "Ġdefinitive", + "ly" + ], + [ + "P", + "oké" + ], + [ + "ap", + "ult" + ], + [ + "ĠLaf", + "ayette" + ], + [ + "C", + "orn" + ], + [ + "ĠCor", + "al" + ], + [ + "Ġstagn", + "ant" + ], + [ + "T", + "ue" + ], + [ + "Ġdissatisf", + "action" + ], + [ + "G", + "ender" + ], + [ + "Ġkid", + "neys" + ], + [ + "ĠG", + "ow" + ], + [ + "ĠDef", + "eat" + ], + [ + "ĠAsh", + "ton" + ], + [ + "Ġcart", + "els" + ], + [ + "Ġfore", + "closure" + ], + [ + "ĠExpl", + "ore" + ], + [ + "stre", + "ngth" + ], + [ + "ot", + "in" + ], + [ + "Ġveterin", + "arian" + ], + [ + "Ġf", + "umble" + ], + [ + "Ġpar", + "ap" + ], + [ + "ĠSt", + "rait" + ], + [ + "r", + "ils" + ], + [ + "Ġpr", + "ick" + ], + [ + "ĠBerm", + "uda" + ], + [ + "ĠAm", + "munition" + ], + [ + "skin", + "ned" + ], + [ + "Ġab", + "ound" + ], + [ + "ĠB", + "raz" + ], + [ + "Ġshar", + "per" + ], + [ + "ĠAsc", + "ension" + ], + [ + "Ġ9", + "78" + ], + [ + "Ġpreview", + "s" + ], + [ + "Ġcommun", + "ion" + ], + [ + "ĠX", + "Y" + ], + [ + "Ġph", + "ony" + ], + [ + "Ġnewcom", + "er" + ], + [ + "Ġ3", + "32" + ], + [ + ".\"", + ",\"" + ], + [ + "Ġredist", + "ribution" + ], + [ + "Prot", + "ect" + ], + [ + "ĠSo", + "f" + ], + [ + "K", + "al" + ], + [ + "Ġlip", + "stick" + ], + [ + "w", + "orst" + ], + [ + "Ġtang", + "led" + ], + [ + "Ġretrospect", + "ive" + ], + [ + "int", + "eger" + ], + [ + "Ġvolunte", + "ering" + ], + [ + "Ġ19", + "07" + ], + [ + "Ġ", + "--------------------" + ], + [ + "ic", + "hen" + ], + [ + "Ġunve", + "iling" + ], + [ + "Ġsen", + "seless" + ], + [ + "Ġfisher", + "ies" + ], + [ + "\\", + "-" + ], + [ + "Ġh", + "inges" + ], + [ + "Ġcalcul", + "us" + ], + [ + "My", + "th" + ], + [ + "Ġund", + "efeated" + ], + [ + "Ġoptim", + "izations" + ], + [ + "Ġdep", + "ress" + ], + [ + "Ġbill", + "board" + ], + [ + "ĠY", + "ad" + ], + [ + "ĠPy", + "ramid" + ], + [ + "Is", + "n" + ], + [ + "I", + "de" + ], + [ + "Ġleg", + "ion" + ], + [ + "ĠK", + "ramer" + ], + [ + "ent", + "anyl" + ], + [ + "Ġpenet", + "rating" + ], + [ + "ĠHaw", + "th" + ], + [ + "ĠPR", + "ODUCT" + ], + [ + "ĠGer", + "ard" + ], + [ + "ĠP", + "act" + ], + [ + "ĠIn", + "cluding" + ], + [ + "ĠEl", + "ias" + ], + [ + "ĠEl", + "aine" + ], + [ + "vis", + "ual" + ], + [ + "Ġhum", + "ming" + ], + [ + "Ġcond", + "esc" + ], + [ + "ĠF", + "asc" + ], + [ + "ä¸", + "Ĭ" + ], + [ + "Ġe", + "galitarian" + ], + [ + "Ġdev", + "s" + ], + [ + "ĠD", + "ahl" + ], + [ + "O", + "ps" + ], + [ + "D", + "H" + ], + [ + "ĠB", + "ounce" + ], + [ + "id", + "ated" + ], + [ + "ald", + "o" + ], + [ + "Ġrepublic", + "an" + ], + [ + "Ġh", + "amb" + ], + [ + "ĠS", + "ett" + ], + [ + "ograph", + "ies" + ], + [ + "CH", + "APTER" + ], + [ + "Ġtrans", + "sexual" + ], + [ + "Ġsky", + "rocket" + ], + [ + "ans", + "wer" + ], + [ + "Ġmark", + "up" + ], + [ + "Ø", + "ª" + ], + [ + "Ġhero", + "ine" + ], + [ + "Comp", + "are" + ], + [ + "ĠT", + "av" + ], + [ + "Be", + "ast" + ], + [ + "Ġsuccess", + "ors" + ], + [ + "Ġna", + "ïve" + ], + [ + "ĠBuck", + "ley" + ], + [ + "st", + "ress" + ], + [ + "me", + "at" + ], + [ + "Ġdownload", + "able" + ], + [ + "Ġindex", + "ed" + ], + [ + "Ġsc", + "aff" + ], + [ + "ĠL", + "ump" + ], + [ + "ĠHom", + "o" + ], + [ + "Stud", + "io" + ], + [ + "In", + "sp" + ], + [ + "Ġr", + "acked" + ], + [ + "far", + "ious" + ], + [ + "ĠPet", + "ty" + ], + [ + "Ex", + "ternal" + ], + [ + "Ġ19", + "09" + ], + [ + "W", + "ars" + ], + [ + "com", + "mit" + ], + [ + "put", + "ers" + ], + [ + "Ġun", + "ob" + ], + [ + "ĠEr", + "r" + ], + [ + "ĠE", + "G" + ], + [ + "ĠAl", + "am" + ], + [ + "ĠSiber", + "ia" + ], + [ + "ĠAtmosp", + "heric" + ], + [ + "IS", + "TER" + ], + [ + "ĠSatan", + "ic" + ], + [ + "trans", + "lation" + ], + [ + "ĠL", + "oud" + ], + [ + "tra", + "umatic" + ], + [ + "l", + "ique" + ], + [ + "Ġreson", + "ate" + ], + [ + "ĠWel", + "ch" + ], + [ + "Ġspark", + "ing" + ], + [ + "ĠT", + "OM" + ], + [ + "t", + "one" + ], + [ + "Ġout", + "l" + ], + [ + "Ġhandc", + "uffed" + ], + [ + "ĠSer", + "ie" + ], + [ + "8", + "01" + ], + [ + "Ġland", + "marks" + ], + [ + "ĠRee", + "ves" + ], + [ + "Ġsoft", + "ened" + ], + [ + "Ġdazz", + "ling" + ], + [ + "ĠW", + "anted" + ], + [ + "month", + "s" + ], + [ + "Mag", + "ikarp" + ], + [ + "Ġunt", + "reated" + ], + [ + "ĠBed", + "ford" + ], + [ + "M", + "i" + ], + [ + "ĠDynam", + "o" + ], + [ + "O", + "re" + ], + [ + "79", + "5" + ], + [ + "Ġwrong", + "ful" + ], + [ + "Ġl", + "ured" + ], + [ + "Ġcort", + "isol" + ], + [ + "Ġve", + "x" + ], + [ + "d", + "rawn" + ], + [ + "ile", + "t" + ], + [ + "Download", + "ha" + ], + [ + "ĠF", + "action" + ], + [ + "Ġlab", + "yrinth" + ], + [ + "Ġhij", + "acked" + ], + [ + "w", + "aters" + ], + [ + "er", + "ick" + ], + [ + "Ġsuper", + "iors" + ], + [ + "ĠRow", + "ling" + ], + [ + "ĠGu", + "inness" + ], + [ + "Ġt", + "d" + ], + [ + "99", + "2" + ], + [ + "Ġune", + "arthed" + ], + [ + "Ġcentr", + "if" + ], + [ + "Ġsham", + "eless" + ], + [ + "P", + "od" + ], + [ + "ĠF", + "ib" + ], + [ + "Ġ", + "icing" + ], + [ + "Ġpredict", + "or" + ], + [ + "Ġ29", + "2" + ], + [ + "fore", + "station" + ], + [ + "con", + "struct" + ], + [ + "C", + "and" + ], + [ + "@", + "#" + ], + [ + "Ġag", + "itated" + ], + [ + "Ġre", + "pr" + ], + [ + "OV", + "A" + ], + [ + "Ġkn", + "itting" + ], + [ + "ĠLim", + "a" + ], + [ + "Ġf", + "odder" + ], + [ + "68", + "4" + ], + [ + "ĠPerson", + "a" + ], + [ + "k", + "l" + ], + [ + "7", + "01" + ], + [ + "Ġbreak", + "up" + ], + [ + "á", + "¸" + ], + [ + "Ġapp", + "alled" + ], + [ + "Ġantidepress", + "ants" + ], + [ + "ĠSus", + "sex" + ], + [ + "Har", + "ris" + ], + [ + "ĠTher", + "mal" + ], + [ + "ee", + "ee" + ], + [ + "U", + "pload" + ], + [ + "Ġg", + "ulf" + ], + [ + "Ġdoor", + "step" + ], + [ + "ĠSh", + "ank" + ], + [ + "L", + "U" + ], + [ + "ĠM", + "EN" + ], + [ + "ĠP", + "ond" + ], + [ + "s", + "orry" + ], + [ + "Ġmis", + "fortune" + ], + [ + "n", + "ance" + ], + [ + "Ġb", + "ona" + ], + [ + "M", + "ut" + ], + [ + "Ġde", + "graded" + ], + [ + "ĠL", + "OG" + ], + [ + "ĠN", + "ess" + ], + [ + "an", + "imal" + ], + [ + "Ġa", + "version" + ], + [ + "und", + "own" + ], + [ + "Ġsupplement", + "ed" + ], + [ + "ĠC", + "ups" + ], + [ + "Ġ50", + "4" + ], + [ + "Ġdep", + "rive" + ], + [ + "ĠSpark", + "le" + ], + [ + "Å", + "Ĥ" + ], + [ + "ĠMed", + "itation" + ], + [ + "auth", + "ors" + ], + [ + "ĠSab", + "an" + ], + [ + "ĠN", + "aked" + ], + [ + "air", + "d" + ], + [ + "ĠMand", + "arin" + ], + [ + "ĠScript", + "ures" + ], + [ + "ĠPerson", + "nel" + ], + [ + "ĠMahar", + "ashtra" + ], + [ + "Ġ19", + "03" + ], + [ + "ĠP", + "ai" + ], + [ + "ĠMir", + "age" + ], + [ + "omb", + "at" + ], + [ + "Access", + "ory" + ], + [ + "Ġfrag", + "mented" + ], + [ + "T", + "ogether" + ], + [ + "Ġbelie", + "vable" + ], + [ + "ĠGl", + "adiator" + ], + [ + "al", + "igned" + ], + [ + "ĠSl", + "ug" + ], + [ + "M", + "AT" + ], + [ + "Ġconvert", + "ible" + ], + [ + "ĠBour", + "bon" + ], + [ + "amer", + "on" + ], + [ + "ĠRe", + "hab" + ], + [ + "nt", + "ax" + ], + [ + "Ġpowd", + "ered" + ], + [ + "pill", + "ar" + ], + [ + "Ġsm", + "oker" + ], + [ + "ĠMans", + "on" + ], + [ + "ĠB", + "F" + ], + [ + "5", + "11" + ], + [ + "ĠGood", + "ell" + ], + [ + "ĠD", + "AR" + ], + [ + "m", + "ud" + ], + [ + "g", + "art" + ], + [ + "Ġob", + "edient" + ], + [ + "ĠTrans", + "mission" + ], + [ + "ĠDon", + "ation" + ], + [ + "8", + "80" + ], + [ + "Ġbother", + "ing" + ], + [ + "Material", + "s" + ], + [ + "ãĤ", + "±" + ], + [ + "dest", + "roy" + ], + [ + "Ġfore", + "going" + ], + [ + "Ġanarch", + "ism" + ], + [ + "ĠK", + "ry" + ], + [ + "ice", + "ps" + ], + [ + "Ġl", + "ittered" + ], + [ + "ĠSch", + "iff" + ], + [ + "Ġanecd", + "otal" + ], + [ + "un", + "its" + ], + [ + "Ġf", + "ian" + ], + [ + "ĠSt", + "im" + ], + [ + "ĠS", + "OME" + ], + [ + "ĠInv", + "aders" + ], + [ + "Ġbehaviour", + "al" + ], + [ + "ĠVent", + "ures" + ], + [ + "Ġsub", + "lime" + ], + [ + "Ġfru", + "ition" + ], + [ + "ĠPen", + "alty" + ], + [ + "Ġcorros", + "ion" + ], + [ + "¶", + "ħ" + ], + [ + "Ġlik", + "ened" + ], + [ + "Ġbesie", + "ged" + ], + [ + "ween", + "ey" + ], + [ + "ĠCre", + "ep" + ], + [ + "Ġlinem", + "en" + ], + [ + "mult", + "i" + ], + [ + "ic", + "ably" + ], + [ + "ud", + "der" + ], + [ + "Ġvital", + "ity" + ], + [ + "Ġshort", + "fall" + ], + [ + "ĠP", + "ants" + ], + [ + "ap", + "ist" + ], + [ + "H", + "idden" + ], + [ + "ĠDro", + "ps" + ], + [ + "med", + "ical" + ], + [ + "Ġpron", + "unciation" + ], + [ + "ĠN", + "RL" + ], + [ + "Ġinsight", + "ful" + ], + [ + "J", + "V" + ], + [ + "ĠBe", + "ard" + ], + [ + "ĠCh", + "ou" + ], + [ + "Ġchar", + "ms" + ], + [ + "Ġb", + "ins" + ], + [ + "Ġamb", + "assadors" + ], + [ + "ĠS", + "aturdays" + ], + [ + "Ġinhib", + "itor" + ], + [ + "ĠFr", + "anch" + ], + [ + "6", + "01" + ], + [ + "',", + "'" + ], + [ + "ĠCon", + "or" + ], + [ + "art", + "ney" + ], + [ + "ĠX", + "peria" + ], + [ + "g", + "rave" + ], + [ + "be", + "es" + ], + [ + "ĠProtest", + "ants" + ], + [ + "Ġso", + "aking" + ], + [ + "ĠM", + "andal" + ], + [ + "Ġph", + "ased" + ], + [ + "Ġ6", + "60" + ], + [ + "Ġsc", + "ams" + ], + [ + "Ġbuzz", + "ing" + ], + [ + "ĠItal", + "ians" + ], + [ + "ĠLoren", + "zo" + ], + [ + "ĠJ", + "A" + ], + [ + "Ġhes", + "itated" + ], + [ + "Ġcl", + "iffs" + ], + [ + "ĠG", + "OT" + ], + [ + "ingu", + "ishable" + ], + [ + "Ġk", + "o" + ], + [ + "Ġinter", + "ruption" + ], + [ + "Z", + "ip" + ], + [ + "Lear", + "ning" + ], + [ + "Ġundersc", + "ores" + ], + [ + "ĠBl", + "ink" + ], + [ + "K", + "u" + ], + [ + "57", + "9" + ], + [ + "ĠAut", + "ob" + ], + [ + "I", + "RE" + ], + [ + "Ġwater", + "ing" + ], + [ + "Ġpast", + "ry" + ], + [ + "8", + "20" + ], + [ + "Ġvision", + "ary" + ], + [ + "ĠTempl", + "ar" + ], + [ + "awa", + "ited" + ], + [ + "Ġpist", + "on" + ], + [ + "Ġant", + "id" + ], + [ + "current", + "ly" + ], + [ + "Ġp", + "ard" + ], + [ + "Ġw", + "aging" + ], + [ + "Ġnob", + "ility" + ], + [ + "ĠY", + "us" + ], + [ + "Ġinject", + "ing" + ], + [ + "f", + "aith" + ], + [ + "ĠP", + "ASS" + ], + [ + "å", + "º" + ], + [ + "Ġret", + "ake" + ], + [ + "ĠPR", + "OC" + ], + [ + "Ġcat", + "hedral" + ], + [ + "b", + "ash" + ], + [ + "Ġwrest", + "lers" + ], + [ + "Ġpartner", + "ing" + ], + [ + "Ġn", + "oses" + ], + [ + "Ġ3", + "58" + ], + [ + "Trans", + "form" + ], + [ + "am", + "en" + ], + [ + "Ġb", + "outs" + ], + [ + "ĠId", + "eal" + ], + [ + "ĠConstant", + "in" + ], + [ + "Ġse", + "p" + ], + [ + "ĠMon", + "arch" + ], + [ + "att", + "en" + ], + [ + "ĠPe", + "oples" + ], + [ + "mod", + "ified" + ], + [ + "Ġmor", + "atorium" + ], + [ + "Ġpen", + "chant" + ], + [ + "Ġoffensive", + "ly" + ], + [ + "Ġprox", + "ies" + ], + [ + "ok", + "ane" + ], + [ + "ĠTaiwan", + "ese" + ], + [ + "ĠP", + "oo" + ], + [ + "ĠH", + "OME" + ], + [ + "us", + "ional" + ], + [ + "Ġver", + "bs" + ], + [ + "ĠO", + "man" + ], + [ + "vis", + "ory" + ], + [ + "Ġpersu", + "asion" + ], + [ + "Ġmult", + "it" + ], + [ + "Ġsc", + "issors" + ], + [ + "G", + "ay" + ], + [ + "ow", + "ay" + ], + [ + "oph", + "ysical" + ], + [ + "l", + "us" + ], + [ + "gn", + "u" + ], + [ + "Ġap", + "ocalyptic" + ], + [ + "Ġabsurd", + "ity" + ], + [ + "Ġplay", + "book" + ], + [ + "Ġautobi", + "ography" + ], + [ + "I", + "UM" + ], + [ + "Ġsne", + "aking" + ], + [ + "ĠSim", + "ulation" + ], + [ + "pp", + "s" + ], + [ + "ell", + "ery" + ], + [ + "Plan", + "et" + ], + [ + "Ġright", + "fully" + ], + [ + "Ġn", + "iece" + ], + [ + "ĠN", + "EC" + ], + [ + "ĠIP", + "O" + ], + [ + "ĠDis", + "closure" + ], + [ + "lean", + "or" + ], + [ + "ous", + "y" + ], + [ + "ST", + "ER" + ], + [ + "Ġ28", + "2" + ], + [ + "Cru", + "z" + ], + [ + "Ch", + "all" + ], + [ + "64", + "3" + ], + [ + "ĠSurv", + "ive" + ], + [ + "ĠF", + "atal" + ], + [ + "ĠAm", + "id" + ], + [ + "ap", + "o" + ], + [ + "We", + "apons" + ], + [ + "D", + "EN" + ], + [ + "7", + "70" + ], + [ + "ĠGreen", + "wald" + ], + [ + "Ġlin", + "en" + ], + [ + "al", + "os" + ], + [ + "Ġpollut", + "ants" + ], + [ + "ĠPCI", + "e" + ], + [ + "k", + "at" + ], + [ + "Ġp", + "aw" + ], + [ + "ĠK", + "raft" + ], + [ + "C", + "hem" + ], + [ + "ĠTermin", + "ator" + ], + [ + "Ġre", + "incarn" + ], + [ + "Ġ]", + "[" + ], + [ + "ĠSe", + "eds" + ], + [ + "Ġsilhou", + "ette" + ], + [ + "ĠSt", + "ores" + ], + [ + "Ġgro", + "oming" + ], + [ + "ĠD", + "irection" + ], + [ + "ĠIs", + "abel" + ], + [ + "ĠBr", + "idges" + ], + [ + "ðŁ", + "ij" + ], + [ + "E", + "ED" + ], + [ + "ĠM", + "orsi" + ], + [ + "Ġval", + "ves" + ], + [ + "ĠRank", + "ed" + ], + [ + "ĠPh", + "arma" + ], + [ + "ĠOrgan", + "izations" + ], + [ + "Ġpenet", + "rated" + ], + [ + "ĠRod", + "ham" + ], + [ + "ĠProt", + "oss" + ], + [ + "Ġove", + "rest" + ], + [ + "Ġex", + "asper" + ], + [ + "ĠT", + "J" + ], + [ + "Ġ", + "000000" + ], + [ + "Ġtrick", + "le" + ], + [ + "Ġbour", + "bon" + ], + [ + "WH", + "O" + ], + [ + "Ġw", + "retched" + ], + [ + "Ġmicrosc", + "opic" + ], + [ + "Ġcheck", + "list" + ], + [ + "Ġad", + "orned" + ], + [ + "R", + "oyal" + ], + [ + "Ad", + "minist" + ], + [ + "ĠRet", + "irement" + ], + [ + "ĠHig", + "hest" + ], + [ + "We", + "ather" + ], + [ + "ile", + "ge" + ], + [ + "Ġincre", + "ments" + ], + [ + "ĠC", + "osponsors" + ], + [ + "Ġmas", + "se" + ], + [ + "ĠS", + "inn" + ], + [ + "r", + "f" + ], + [ + "Ġh", + "ordes" + ], + [ + "as", + "sembly" + ], + [ + "75", + "4" + ], + [ + "ĠNat", + "asha" + ], + [ + "ĠTY", + "PE" + ], + [ + "ĠGEN", + "ERAL" + ], + [ + "Ġarr", + "anging" + ], + [ + "Ġ40", + "7" + ], + [ + "l", + "ator" + ], + [ + "Ġg", + "lean" + ], + [ + "Ġdisc", + "redited" + ], + [ + "Ġclin", + "icians" + ], + [ + "UN", + "E" + ], + [ + "Ġachie", + "ves" + ], + [ + "ĠEm", + "erson" + ], + [ + "com", + "plex" + ], + [ + "=", + "[" + ], + [ + "Ġprincip", + "ally" + ], + [ + "Ġfra", + "il" + ], + [ + "p", + "icked" + ], + [ + "Ġthan", + "king" + ], + [ + "Ġre", + "cl" + ], + [ + "ĠL", + "AST" + ], + [ + "Ġsupp", + "ressing" + ], + [ + "il", + "ic" + ], + [ + "Ġantidepress", + "ant" + ], + [ + "ĠLis", + "bon" + ], + [ + "Ġth", + "or" + ], + [ + "Ġsp", + "a" + ], + [ + "Ġking", + "doms" + ], + [ + "ĠPear", + "ce" + ], + [ + "em", + "o" + ], + [ + "Ġpl", + "ung" + ], + [ + "Ġdiv", + "est" + ], + [ + "Ġ", + "********************************" + ], + [ + "b", + "is" + ], + [ + "osp", + "els" + ], + [ + "ad", + "r" + ], + [ + "Sp", + "irit" + ], + [ + "hall", + "a" + ], + [ + "P", + "ink" + ], + [ + "end", + "ez" + ], + [ + "Ġresurrect", + "ed" + ], + [ + "esc", + "ape" + ], + [ + "ĠRosen", + "stein" + ], + [ + "Ġge", + "ological" + ], + [ + "Ġnecess", + "ities" + ], + [ + "Ġcarn", + "iv" + ], + [ + "ĠE", + "lys" + ], + [ + "ĠBar", + "ney" + ], + [ + "Ġ29", + "6" + ], + [ + "dig", + "y" + ], + [ + "ST", + "ON" + ], + [ + "D", + "OWN" + ], + [ + "Ġmil", + "estones" + ], + [ + "Ġk", + "er" + ], + [ + "Ġdismant", + "ling" + ], + [ + "Ġre", + "prim" + ], + [ + "Ġcross", + "ings" + ], + [ + "19", + "45" + ], + [ + "Ġpatri", + "archy" + ], + [ + "Ġblasp", + "hemy" + ], + [ + "Ġ3", + "59" + ], + [ + "met", + "ry" + ], + [ + "ĠOb", + "esity" + ], + [ + "ĠDiff", + "erences" + ], + [ + "bl", + "ocking" + ], + [ + "ãĥķ", + "ãĤ¡" + ], + [ + "ich", + "ita" + ], + [ + "ĠSab", + "ha" + ], + [ + "ph", + "alt" + ], + [ + "ĠCol", + "o" + ], + [ + "ual", + "a" + ], + [ + "effic", + "ients" + ], + [ + "ĠMed", + "ina" + ], + [ + "con", + "sole" + ], + [ + "55", + "7" + ], + [ + "ĠHann", + "ibal" + ], + [ + "ĠHab", + "it" + ], + [ + "ĠF", + "ever" + ], + [ + "Ġthen", + "ce" + ], + [ + "Ġsyn", + "agogue" + ], + [ + "Ġessential", + "s" + ], + [ + "Ġw", + "ink" + ], + [ + "ĠTr", + "ader" + ], + [ + "ID", + "A" + ], + [ + "ĠSp", + "oiler" + ], + [ + "ĠIceland", + "ic" + ], + [ + "ĠHay", + "ward" + ], + [ + "Ġpe", + "ac" + ], + [ + "Ġmal", + "ice" + ], + [ + "Ġflash", + "back" + ], + [ + "Ġth", + "w" + ], + [ + "Ġlay", + "offs" + ], + [ + "L", + "iquid" + ], + [ + "Ġtro", + "oper" + ], + [ + "Ġh", + "inge" + ], + [ + "ĠRead", + "ers" + ], + [ + "Ph", + "ill" + ], + [ + "ĠB", + "auer" + ], + [ + "Cre", + "ated" + ], + [ + "Ġaud", + "its" + ], + [ + "ac", + "compan" + ], + [ + "Ġunsus", + "pecting" + ], + [ + "ier", + "a" + ], + [ + "6666", + "6666" + ], + [ + "Ġbro", + "ch" + ], + [ + "Ġapprehend", + "ed" + ], + [ + "ĠM", + "alk" + ], + [ + "cer", + "ning" + ], + [ + "ĠCod", + "ex" + ], + [ + "O", + "VER" + ], + [ + "M", + "arsh" + ], + [ + "ĠD", + "eng" + ], + [ + "ĠExp", + "ression" + ], + [ + "Ġdisrespect", + "ful" + ], + [ + "Ġasc", + "ending" + ], + [ + "t", + "ests" + ], + [ + "ĠPlaint", + "iff" + ], + [ + "ster", + "y" + ], + [ + "ĠAl", + "ibaba" + ], + [ + "din", + "and" + ], + [ + "ĠDem", + "psey" + ], + [ + "Applic", + "ations" + ], + [ + "mor", + "al" + ], + [ + "Ġthrough", + "put" + ], + [ + "Ġquar", + "rel" + ], + [ + "Ġm", + "ills" + ], + [ + "Ġhe", + "mor" + ], + [ + "ĠC", + "ASE" + ], + [ + "terror", + "ist" + ], + [ + "st", + "im" + ], + [ + "ifest", + "yle" + ], + [ + "ro", + "zen" + ], + [ + "CE", + "PT" + ], + [ + "Ar", + "k" + ], + [ + "u", + "ci" + ], + [ + "lect", + "ic" + ], + [ + "Ġirrit", + "ating" + ], + [ + "she", + "ets" + ], + [ + "A", + "y" + ], + [ + "Ġrede", + "emed" + ], + [ + "Ġhorn", + "y" + ], + [ + "ĠTe", + "ach" + ], + [ + "ĠS", + "ear" + ], + [ + "dem", + "ocracy" + ], + [ + "4", + "65" + ], + [ + "ĠRest", + "ore" + ], + [ + "Ġstand", + "by" + ], + [ + "ĠP", + "is" + ], + [ + "iff", + "in" + ], + [ + "Ġsleep", + "y" + ], + [ + "Ġextr", + "ater" + ], + [ + "Ġcompl", + "iments" + ], + [ + "Fram", + "eworks" + ], + [ + "Ġinstall", + "s" + ], + [ + "Ġb", + "anging" + ], + [ + "sur", + "face" + ], + [ + "found", + "land" + ], + [ + "Ġmetaph", + "ysical" + ], + [ + "Ġ28", + "3" + ], + [ + "oul", + "s" + ], + [ + "dev", + "ices" + ], + [ + "Ar", + "gs" + ], + [ + "ĠSac", + "rifice" + ], + [ + "ĠMcC", + "orm" + ], + [ + "es", + "on" + ], + [ + "Cons", + "ervative" + ], + [ + "ĠM", + "ikhail" + ], + [ + "see", + "ing" + ], + [ + "is", + "ively" + ], + [ + "ĠRo", + "oms" + ], + [ + "ĠGener", + "ic" + ], + [ + "Ġenthusi", + "astically" + ], + [ + "Ġgri", + "pped" + ], + [ + "Ġcomed", + "ic" + ], + [ + "ĠElectric", + "ity" + ], + [ + "Ġgu", + "errilla" + ], + [ + "Ġdec", + "oration" + ], + [ + "ĠPerspect", + "ive" + ], + [ + "Ġconsult", + "ations" + ], + [ + "Ġun", + "amb" + ], + [ + "Ġplag", + "iar" + ], + [ + "Ġmagic", + "ian" + ], + [ + "Ġe", + "rection" + ], + [ + "ĠTour", + "ism" + ], + [ + "or", + "ied" + ], + [ + "ro", + "xy" + ], + [ + "11", + "00" + ], + [ + "T", + "am" + ], + [ + "Ī", + "è" + ], + [ + "Î", + "³" + ], + [ + "×", + "ª" + ], + [ + "ĠPred", + "ators" + ], + [ + "Nit", + "rome" + ], + [ + "Ġtelesc", + "opes" + ], + [ + "project", + "s" + ], + [ + "Ġun", + "protected" + ], + [ + "Ġst", + "ocked" + ], + [ + "ĠEnt", + "reprene" + ], + [ + "nex", + "pected" + ], + [ + "Ġwast", + "ewater" + ], + [ + "V", + "ill" + ], + [ + "Ġint", + "imately" + ], + [ + "Ġi", + "Cloud" + ], + [ + "ĠConst", + "able" + ], + [ + "Ġspo", + "of" + ], + [ + "Ġne", + "farious" + ], + [ + "Ġfin", + "s" + ], + [ + "Ġcens", + "or" + ], + [ + "ĠMod", + "es" + ], + [ + "ĠEs", + "per" + ], + [ + "ar", + "bon" + ], + [ + "Ġinter", + "sections" + ], + [ + "Ġlaud", + "ed" + ], + [ + "Ġphys", + "i" + ], + [ + "Ġgener", + "ously" + ], + [ + "ĠThe", + "Nitrome" + ], + [ + "ĠTheNitrome", + "Fan" + ], + [ + "Ġar", + "isen" + ], + [ + "ĠÙ", + "Ī" + ], + [ + "Ġg", + "lands" + ], + [ + "ĠPav", + "ilion" + ], + [ + "ĠGu", + "pta" + ], + [ + "Ġuniform", + "ly" + ], + [ + "Ġr", + "amps" + ], + [ + "ri", + "et" + ], + [ + "ĠWH", + "EN" + ], + [ + "ĠVan", + "essa" + ], + [ + "Ġrout", + "ed" + ], + [ + "Ġlim", + "p" + ], + [ + "ĠC", + "PI" + ], + [ + "p", + "ter" + ], + [ + "int", + "uitive" + ], + [ + "Ġv", + "aping" + ], + [ + "Ġexperiment", + "ed" + ], + [ + "ĠOlymp", + "us" + ], + [ + "ĠAm", + "on" + ], + [ + "Ġsight", + "ing" + ], + [ + "Ġinfiltr", + "ate" + ], + [ + "ĠGentle", + "man" + ], + [ + "Ġsign", + "ings" + ], + [ + "ĠMe", + "ow" + ], + [ + "ĠNav", + "igation" + ], + [ + "che", + "cks" + ], + [ + "4", + "33" + ], + [ + "Ġel", + "apsed" + ], + [ + "ĠBulg", + "arian" + ], + [ + "esp", + "ie" + ], + [ + "ĠS", + "OM" + ], + [ + "d", + "uring" + ], + [ + "Ġsp", + "ills" + ], + [ + "anc", + "a" + ], + [ + "ĠPly", + "mouth" + ], + [ + "M", + "AL" + ], + [ + "Ġdomest", + "ically" + ], + [ + "ĠWater", + "gate" + ], + [ + "ĠF", + "AM" + ], + [ + "k", + "illed" + ], + [ + "ed", + "ited" + ], + [ + "ĠYour", + "self" + ], + [ + "Ġsynchron", + "ization" + ], + [ + "ĠPract", + "ices" + ], + [ + "ST", + "EP" + ], + [ + "Ġgen", + "omes" + ], + [ + "ĠQ", + "R" + ], + [ + "not", + "ice" + ], + [ + "Ġloc", + "ating" + ], + [ + "z", + "in" + ], + [ + "Ġ3", + "29" + ], + [ + "al", + "cohol" + ], + [ + "Ġk", + "itten" + ], + [ + "V", + "o" + ], + [ + "Ġr", + "inse" + ], + [ + "Ġgrapp", + "le" + ], + [ + "ĠSc", + "rew" + ], + [ + "ĠD", + "ul" + ], + [ + "A", + "IR" + ], + [ + "Ġle", + "asing" + ], + [ + "ĠCaf", + "é" + ], + [ + "Ġro", + "ses" + ], + [ + "ĠRes", + "pect" + ], + [ + "Ġmis", + "lead" + ], + [ + "Ġperfect", + "ed" + ], + [ + "Ġnud", + "ity" + ], + [ + "Ġnon", + "partisan" + ], + [ + "ĠCons", + "umption" + ], + [ + "Report", + "ing" + ], + [ + "Ġnu", + "ances" + ], + [ + "Ġdeduct", + "ible" + ], + [ + "ĠSh", + "ots" + ], + [ + "Ġ3", + "77" + ], + [ + "Ġæ", + "ľ" + ], + [ + "ano", + "oga" + ], + [ + "Ben", + "ef" + ], + [ + "ĠB", + "am" + ], + [ + "ĠS", + "amp" + ], + [ + "if", + "ix" + ], + [ + "Ġgal", + "van" + ], + [ + "ĠMed", + "als" + ], + [ + "rad", + "ius" + ], + [ + "Ġno", + "bles" + ], + [ + "Ġe", + "aves" + ], + [ + "igr", + "ate" + ], + [ + "K", + "T" + ], + [ + "ĠHar", + "bour" + ], + [ + "u", + "ers" + ], + [ + "Ġrisk", + "ed" + ], + [ + "re", + "q" + ], + [ + "Ġneuro", + "t" + ], + [ + "get", + "table" + ], + [ + "ain", + "a" + ], + [ + "Rom", + "ney" + ], + [ + "Ġunder", + "pin" + ], + [ + "Ġlo", + "ft" + ], + [ + "ĠSub", + "committee" + ], + [ + "ĠMong", + "ol" + ], + [ + "b", + "iz" + ], + [ + "Ġmanif", + "ests" + ], + [ + "ass", + "isted" + ], + [ + "ĠG", + "aga" + ], + [ + "Ġsy", + "nergy" + ], + [ + "Ġreligious", + "ly" + ], + [ + "ĠPre", + "f" + ], + [ + "ĠG", + "erry" + ], + [ + "T", + "AG" + ], + [ + "ĠCho", + "i" + ], + [ + "4", + "66" + ], + [ + "beh", + "ind" + ], + [ + "ĠO", + "u" + ], + [ + "Gold", + "Magikarp" + ], + [ + "Ġhemor", + "rh" + ], + [ + "R", + "iver" + ], + [ + "Ġtend", + "on" + ], + [ + "Ġinj", + "ure" + ], + [ + "ĠF", + "iona" + ], + [ + "Ġp", + "ag" + ], + [ + "Ġag", + "itation" + ], + [ + "||", + "||" + ], + [ + "ur", + "an" + ], + [ + "ĠE", + "SA" + ], + [ + "Ġest", + "eem" + ], + [ + "Ġdod", + "ging" + ], + [ + "Ġ4", + "12" + ], + [ + "r", + "ss" + ], + [ + "Ġce", + "ases" + ], + [ + "ex", + "cluding" + ], + [ + "Ġint", + "akes" + ], + [ + "Ġinsert", + "s" + ], + [ + "Ġemb", + "old" + ], + [ + "ĠO", + "ral" + ], + [ + "up", + "uncture" + ], + [ + "4", + "11" + ], + [ + "ĠUn", + "ified" + ], + [ + "ĠDe", + "le" + ], + [ + "Ġfurn", + "ace" + ], + [ + "ĠCoy", + "otes" + ], + [ + "ĠBr", + "ach" + ], + [ + "L", + "abor" + ], + [ + "Ġhand", + "shake" + ], + [ + "Ġbru", + "ises" + ], + [ + "Gr", + "ade" + ], + [ + "éĹ", + "ĺ" + ], + [ + "ĠGram", + "my" + ], + [ + "ile", + "en" + ], + [ + "St", + "ates" + ], + [ + "ĠScandinav", + "ian" + ], + [ + "ĠKard", + "ash" + ], + [ + "8", + "66" + ], + [ + "Ġeffort", + "lessly" + ], + [ + "ĠDI", + "RECT" + ], + [ + "ĠTH", + "EN" + ], + [ + "ĠMe", + "i" + ], + [ + "ert", + "ation" + ], + [ + "19", + "68" + ], + [ + "Ġgro", + "in" + ], + [ + "w", + "itch" + ], + [ + "Requ", + "irements" + ], + [ + "98", + "5" + ], + [ + "Ġroof", + "s" + ], + [ + "Ġest", + "ates" + ], + [ + "ĠH", + "F" + ], + [ + "Ġha", + "ha" + ], + [ + "Ġdense", + "ly" + ], + [ + "ĠO", + "CT" + ], + [ + "Ġpl", + "astics" + ], + [ + "Ġincident", + "ally" + ], + [ + "ĠTr", + "acks" + ], + [ + "ĠTax", + "es" + ], + [ + "Ġch", + "anted" + ], + [ + "Ġforce", + "ful" + ], + [ + "ĠBie", + "ber" + ], + [ + "ĠK", + "ahn" + ], + [ + "K", + "ent" + ], + [ + "ĠC", + "ot" + ], + [ + "lic", + "ts" + ], + [ + "F", + "ed" + ], + [ + "Ġhide", + "ous" + ], + [ + "ĠVer", + "d" + ], + [ + "ĠSynd", + "icate" + ], + [ + "ĠIl", + "legal" + ], + [ + "J", + "et" + ], + [ + "ĠD", + "AV" + ], + [ + "re", + "asonable" + ], + [ + "c", + "rew" + ], + [ + "Ġfundamental", + "ist" + ], + [ + "Ġtruth", + "ful" + ], + [ + "ĠJ", + "ing" + ], + [ + "Ġl", + "il" + ], + [ + "Ġdown", + "ed" + ], + [ + "Ġen", + "chanted" + ], + [ + "ĠPolic", + "ies" + ], + [ + "ĠMcM", + "aster" + ], + [ + "ĠH", + "are" + ], + [ + "ides", + "how" + ], + [ + "Ġpar", + "ams" + ], + [ + "en", + "cers" + ], + [ + "gorith", + "m" + ], + [ + "Ġallow", + "ances" + ], + [ + "Ġturb", + "ulent" + ], + [ + "Ġcomplex", + "ities" + ], + [ + "ĠK", + "T" + ], + [ + "Ġ3", + "37" + ], + [ + "ĠGen", + "etic" + ], + [ + "F", + "UN" + ], + [ + "D", + "oug" + ], + [ + "t", + "ick" + ], + [ + "Ġg", + "igs" + ], + [ + "ument", + "hal" + ], + [ + "Ġpatriarch", + "al" + ], + [ + "Ġcal", + "c" + ], + [ + ",", + "..." + ], + [ + "Ġc", + "out" + ], + [ + "ĠGu", + "an" + ], + [ + "Ġpath", + "ological" + ], + [ + "ĠR", + "ivals" + ], + [ + "Ġunder", + "rated" + ], + [ + "Ġflu", + "orescent" + ], + [ + "ĠJ", + "iu" + ], + [ + "arna", + "ev" + ], + [ + "ĠQu", + "an" + ], + [ + "Ġ4", + "29" + ], + [ + "Ġ", + "à¨" + ], + [ + "M", + "ario" + ], + [ + "Con", + "struct" + ], + [ + "ĠC", + "itation" + ], + [ + "ĠR", + "acial" + ], + [ + "ĠR", + "SA" + ], + [ + "ĠF", + "idel" + ], + [ + "Ġ3", + "95" + ], + [ + "Person", + "ally" + ], + [ + "C", + "ause" + ], + [ + "Ã", + "»" + ], + [ + "rad", + "ical" + ], + [ + "in", + "en" + ], + [ + "Ġvehement", + "ly" + ], + [ + "ĠPap", + "a" + ], + [ + "Ġintern", + "ship" + ], + [ + "Ġfl", + "akes" + ], + [ + "ĠRe", + "ck" + ], + [ + "Luck", + "ily" + ], + [ + "B", + "ra" + ], + [ + "20", + "20" + ], + [ + "rav", + "ings" + ], + [ + "R", + "N" + ], + [ + "W", + "onder" + ], + [ + "Ser", + "iously" + ], + [ + "Ġre", + "usable" + ], + [ + "Ġpoll", + "uted" + ], + [ + "ĠP", + "eng" + ], + [ + "le", + "igh" + ], + [ + "ind", + "le" + ], + [ + "Ġcircuit", + "ry" + ], + [ + "ĠMad", + "onna" + ], + [ + "ĠB", + "ART" + ], + [ + "Res", + "idents" + ], + [ + "att", + "ribute" + ], + [ + "Phil", + "adelphia" + ], + [ + "Cl", + "ub" + ], + [ + "Ġplan", + "ner" + ], + [ + "Ġfr", + "antically" + ], + [ + "Ġfaith", + "fully" + ], + [ + "ĠTerrit", + "ories" + ], + [ + "ĠL", + "AT" + ], + [ + "ĠAnders", + "en" + ], + [ + "an", + "u" + ], + [ + "ĠP", + "ARK" + ], + [ + "ĠS", + "ora" + ], + [ + "i", + "age" + ], + [ + "ĠPlay", + "offs" + ], + [ + "ĠG", + "CC" + ], + [ + "4", + "27" + ], + [ + "Ġab", + "norm" + ], + [ + "ĠL", + "ever" + ], + [ + "Ġdisob", + "edience" + ], + [ + "As", + "ync" + ], + [ + "ĠShe", + "a" + ], + [ + "V", + "ert" + ], + [ + "Ġsk", + "irts" + ], + [ + "ĠSaw", + "yer" + ], + [ + "x", + "p" + ], + [ + "Ġwors", + "ening" + ], + [ + "Ġsc", + "apego" + ], + [ + "ĠAng", + "le" + ], + [ + "oth", + "al" + ], + [ + "Ġtro", + "ve" + ], + [ + "ĠSt", + "y" + ], + [ + "ĠN", + "guyen" + ], + [ + "mar", + "ine" + ], + [ + "ide", + "on" + ], + [ + "Dep", + "ths" + ], + [ + "Bl", + "og" + ], + [ + "ĠIll", + "uminati" + ], + [ + "Ġtract", + "s" + ], + [ + "Ġorgan", + "ise" + ], + [ + "Ġo", + "str" + ], + [ + "F", + "s" + ], + [ + "Ġlever", + "aging" + ], + [ + "ĠD", + "aredevil" + ], + [ + "as", + "ar" + ], + [ + "Ġl", + "ang" + ], + [ + "Ġex", + "termin" + ], + [ + "urs", + "ions" + ], + [ + "ĠRom", + "o" + ], + [ + "ãĤ¤", + "ãĥĪ" + ], + [ + "Ġcont", + "ended" + ], + [ + "Ġencounter", + "ing" + ], + [ + "ĠTable", + "t" + ], + [ + "ĠAltern", + "ate" + ], + [ + "sk", + "ill" + ], + [ + "Ġswe", + "ets" + ], + [ + "Ġco", + "hesive" + ], + [ + "cap", + "acity" + ], + [ + "Ġrep", + "ud" + ], + [ + "Ġl", + "izard" + ], + [ + "ro", + "o" + ], + [ + "Ġpilgr", + "ims" + ], + [ + "ĠR", + "uff" + ], + [ + "ĠInstr", + "ument" + ], + [ + "ĠLog", + "o" + ], + [ + "uit", + "ous" + ], + [ + "E", + "H" + ], + [ + "Ġsales", + "man" + ], + [ + "Ġank", + "les" + ], + [ + "L", + "ed" + ], + [ + "ĠPat", + "ty" + ], + [ + "ud", + "os" + ], + [ + "Own", + "er" + ], + [ + "Ġdiscrep", + "ancies" + ], + [ + "k", + "j" + ], + [ + "M", + "U" + ], + [ + "Ġuncond", + "itional" + ], + [ + "Dragon", + "Magazine" + ], + [ + "i", + "ard" + ], + [ + "O", + "ak" + ], + [ + "ĠConvers", + "ation" + ], + [ + "be", + "er" + ], + [ + "ĠOs", + "aka" + ], + [ + "D", + "elta" + ], + [ + "us", + "ky" + ], + [ + "Ġsecret", + "ion" + ], + [ + "Ġpl", + "aza" + ], + [ + "Ġm", + "ing" + ], + [ + "Ġde", + "pletion" + ], + [ + "ĠM", + "ous" + ], + [ + "ĠI", + "TS" + ], + [ + "ĠH", + "imal" + ], + [ + "ĠFle", + "ming" + ], + [ + "Ġcyt", + "ok" + ], + [ + "ĠH", + "ick" + ], + [ + "Ġbat", + "ters" + ], + [ + "ĠInt", + "ellectual" + ], + [ + "6", + "75" + ], + [ + "é", + "r" + ], + [ + "IS", + "ION" + ], + [ + "ĠQu", + "entin" + ], + [ + "ĠCh", + "apters" + ], + [ + "ih", + "adi" + ], + [ + "Ġco", + "aster" + ], + [ + "WAY", + "S" + ], + [ + "ĠL", + "izard" + ], + [ + "ĠY", + "or" + ], + [ + "and", + "ering" + ], + [ + "S", + "kin" + ], + [ + "ha", + "ust" + ], + [ + "ab", + "by" + ], + [ + "Ġportray", + "ing" + ], + [ + "Ġwield", + "ed" + ], + [ + "d", + "ash" + ], + [ + "Ġprop", + "onent" + ], + [ + "Ġr", + "ipple" + ], + [ + "Ġgrap", + "hene" + ], + [ + "Ġfly", + "er" + ], + [ + "Ġrec", + "urrent" + ], + [ + "Ġdev", + "ils" + ], + [ + "Ġwater", + "fall" + ], + [ + "æĺ", + "¯" + ], + [ + "go", + "o" + ], + [ + "Text", + "Color" + ], + [ + "Ġtam", + "pering" + ], + [ + "IV", + "ES" + ], + [ + "TR", + "UMP" + ], + [ + "ĠAb", + "el" + ], + [ + "ĠS", + "AL" + ], + [ + "ĠHend", + "ricks" + ], + [ + "ĠLu", + "cius" + ], + [ + "b", + "ots" + ], + [ + "Ġ40", + "96" + ], + [ + "IST", + "ORY" + ], + [ + "Gu", + "est" + ], + [ + "ĠN", + "X" + ], + [ + "in", + "ant" + ], + [ + "Ben", + "z" + ], + [ + "ĠLoad", + "ed" + ], + [ + "ĠCle", + "ver" + ], + [ + "t", + "reatment" + ], + [ + "Ġta", + "vern" + ], + [ + "Ġ3", + "39" + ], + [ + "ĠT", + "NT" + ], + [ + "ific", + "antly" + ], + [ + "Tem", + "perature" + ], + [ + "F", + "el" + ], + [ + "Ġunder", + "world" + ], + [ + "ĠJud", + "ges" + ], + [ + "Ġ<", + "+" + ], + [ + "Ġst", + "ump" + ], + [ + "Ġoccup", + "ancy" + ], + [ + "Ġab", + "er" + ], + [ + "ĠF", + "inder" + ], + [ + ")", + "\"," + ], + [ + "ĠN", + "unes" + ], + [ + "res", + "et" + ], + [ + "in", + "et" + ], + [ + "ect", + "omy" + ], + [ + "Ġwell", + "ness" + ], + [ + "ĠP", + "eb" + ], + [ + "quart", + "ered" + ], + [ + "and", + "an" + ], + [ + "Ġneg", + "atives" + ], + [ + "ĠTh", + "iel" + ], + [ + "ĠCl", + "ip" + ], + [ + "ĠL", + "TD" + ], + [ + "Ġbl", + "ight" + ], + [ + "Ġreperto", + "ire" + ], + [ + "K", + "yle" + ], + [ + "Ġqu", + "er" + ], + [ + "ĠC", + "es" + ], + [ + "Ġha", + "pl" + ], + [ + "98", + "9" + ], + [ + "ĠTh", + "ames" + ], + [ + "isc", + "opal" + ], + [ + "Des", + "k" + ], + [ + "ivari", + "ate" + ], + [ + "ĠEx", + "cellence" + ], + [ + "found", + "ation" + ], + [ + "Ġâ", + "ĩ" + ], + [ + "X", + "i" + ], + [ + "Ġmyster", + "iously" + ], + [ + "esty", + "les" + ], + [ + "Ġper", + "ish" + ], + [ + "ĠEng", + "els" + ], + [ + "ĠDE", + "AD" + ], + [ + "09", + "0" + ], + [ + "}}", + "}" + ], + [ + "ĠUn", + "real" + ], + [ + "Ġrest", + "less" + ], + [ + "ID", + "ES" + ], + [ + "orth", + "odox" + ], + [ + "ĠInter", + "mediate" + ], + [ + "Ġdin", + "ners" + ], + [ + "ĠTr", + "out" + ], + [ + "ĠSe", + "ym" + ], + [ + "ĠHall", + "s" + ], + [ + "og", + "ged" + ], + [ + "Ġtraged", + "ies" + ], + [ + "Ġdid", + "nt" + ], + [ + "67", + "6" + ], + [ + "Ġail", + "ments" + ], + [ + "Ġobserv", + "able" + ], + [ + "ĠV", + "ide" + ], + [ + "ad", + "apt" + ], + [ + "ĠD", + "usk" + ], + [ + "Ġprofessional", + "ism" + ], + [ + "ĠPres", + "cott" + ], + [ + "ĠInd", + "ies" + ], + [ + "p", + "ox" + ], + [ + "ĠMe", + "hran" + ], + [ + "W", + "ide" + ], + [ + "Ġend", + "emic" + ], + [ + "ĠPar", + "an" + ], + [ + "B", + "ird" + ], + [ + "Ġped", + "als" + ], + [ + "ĠI", + "U" + ], + [ + "ĠAdam", + "ant" + ], + [ + "ĠH", + "urt" + ], + [ + "Ġcorrel", + "ates" + ], + [ + "urd", + "en" + ], + [ + "Ġspons", + "oring" + ], + [ + "cl", + "imate" + ], + [ + "ĠUnivers", + "ities" + ], + [ + "ĠK", + "not" + ], + [ + "enn", + "es" + ], + [ + "ĠDam", + "ian" + ], + [ + "ĠAx", + "el" + ], + [ + "S", + "port" + ], + [ + "Ġbar", + "b" + ], + [ + "ĠS", + "no" + ], + [ + "sh", + "own" + ], + [ + "ste", + "en" + ], + [ + "ud", + "ence" + ], + [ + "Ġnon", + "violent" + ], + [ + "Ġhom", + "ophobia" + ], + [ + "Ġbiom", + "ass" + ], + [ + "ĠDet", + "ail" + ], + [ + "Ġsrf", + "N" + ], + [ + "ĠT", + "une" + ], + [ + "accompan", + "ied" + ], + [ + "I", + "ENCE" + ], + [ + "Al", + "bert" + ], + [ + "ĠMong", + "o" + ], + [ + "z", + "x" + ], + [ + "ĠCer", + "berus" + ], + [ + "or", + "bit" + ], + [ + "c", + "ens" + ], + [ + "Ġsl", + "ay" + ], + [ + "SH", + "ARE" + ], + [ + "H", + "Y" + ], + [ + "Ġb", + "rawl" + ], + [ + "ĠPro", + "be" + ], + [ + "Ġnonex", + "istent" + ], + [ + "ĠClare", + "nce" + ], + [ + "ĠBlack", + "burn" + ], + [ + "Ġport", + "als" + ], + [ + "ĠR", + "ita" + ], + [ + "ĠRem", + "ain" + ], + [ + "ĠLe", + "vant" + ], + [ + "Ġtrick", + "ed" + ], + [ + "ĠF", + "erry" + ], + [ + "aver", + "ing" + ], + [ + "ĠStraw", + "berry" + ], + [ + "ĠAn", + "swers" + ], + [ + "Ġhorrend", + "ous" + ], + [ + "ĠA", + "man" + ], + [ + "Supp", + "lement" + ], + [ + "ĠT", + "oad" + ], + [ + "Ġpe", + "eled" + ], + [ + "Ġman", + "oeuv" + ], + [ + "ĠU", + "zbek" + ], + [ + "mond", + "s" + ], + [ + "ĠH", + "ector" + ], + [ + "Ġ40", + "2" + ], + [ + "pe", + "es" + ], + [ + "fix", + "es" + ], + [ + "Ġd", + "j" + ], + [ + "Ġres", + "umes" + ], + [ + "Ġaccount", + "ant" + ], + [ + "Ġadvers", + "ity" + ], + [ + "Ġham", + "pered" + ], + [ + "ĠL", + "arson" + ], + [ + "Ġd", + "oping" + ], + [ + "part", + "s" + ], + [ + "H", + "ur" + ], + [ + "Ġbe", + "arded" + ], + [ + "Ġy", + "r" + ], + [ + "ĠPlug", + "in" + ], + [ + "å¥", + "³" + ], + [ + "Ġ/", + "**" + ], + [ + "rol", + "ley" + ], + [ + "Ġwaters", + "hed" + ], + [ + "ĠSub", + "mission" + ], + [ + "if", + "lower" + ], + [ + "AS", + "C" + ], + [ + "Ġcho", + "ir" + ], + [ + "Ġsculpt", + "ures" + ], + [ + "m", + "A" + ], + [ + "incre", + "asing" + ], + [ + "ai", + "i" + ], + [ + "Ġsne", + "akers" + ], + [ + "Ġconfront", + "s" + ], + [ + "ĠEle", + "phant" + ], + [ + "ĠEl", + "ixir" + ], + [ + "Ġrec", + "al" + ], + [ + "ĠT", + "TL" + ], + [ + "w", + "idget" + ], + [ + "ĠW", + "ax" + ], + [ + "ĠGr", + "ayson" + ], + [ + "Ġha", + "irst" + ], + [ + "Ġhumili", + "ated" + ], + [ + "ĠWAR", + "N" + ], + [ + "app", + "iness" + ], + [ + "ĠT", + "TC" + ], + [ + "F", + "uel" + ], + [ + "Ġpol", + "io" + ], + [ + "Ġcomplex", + "es" + ], + [ + "Ġbab", + "e" + ], + [ + "ĠX", + "IV" + ], + [ + "P", + "F" + ], + [ + ").", + "[" + ], + [ + "P", + "arts" + ], + [ + "Ġ4", + "35" + ], + [ + "M", + "eg" + ], + [ + "ĠY", + "ards" + ], + [ + "ĠAL", + "P" + ], + [ + "Ġy", + "ells" + ], + [ + "Ġprin", + "ces" + ], + [ + "Ġbull", + "ies" + ], + [ + "ĠCapital", + "ism" + ], + [ + "ex", + "empt" + ], + [ + "FA", + "Q" + ], + [ + "ĠSp", + "onge" + ], + [ + "ĠAl", + "a" + ], + [ + "Ġpleas", + "antly" + ], + [ + "Ġbu", + "f" + ], + [ + "Ġden", + "ote" + ], + [ + "Ġunp", + "ublished" + ], + [ + "Ġkne", + "eling" + ], + [ + "asc", + "a" + ], + [ + "Ġl", + "apse" + ], + [ + "al", + "ien" + ], + [ + "99", + "4" + ], + [ + "Ġrefere", + "es" + ], + [ + "ĠLaw", + "yers" + ], + [ + "S", + "anta" + ], + [ + "Ġpuzz", + "ling" + ], + [ + "ĠProm", + "etheus" + ], + [ + "ĠPh", + "araoh" + ], + [ + "ĠDel", + "ay" + ], + [ + "Ġfacilit", + "ates" + ], + [ + "ĠC", + "ES" + ], + [ + "Ġjew", + "els" + ], + [ + "Ġbook", + "let" + ], + [ + "ond", + "ing" + ], + [ + "Ġpolar", + "ization" + ], + [ + "ĠMor", + "an" + ], + [ + "ĠSal", + "ad" + ], + [ + "ĠS", + "OS" + ], + [ + "ĠAdv", + "ice" + ], + [ + "PH", + "OTOS" + ], + [ + "IC", + "AN" + ], + [ + "iat", + "ures" + ], + [ + "ex", + "press" + ], + [ + "ĠWonder", + "land" + ], + [ + "ĠC", + "ODE" + ], + [ + "ĠCL", + "ASS" + ], + [ + "9", + "75" + ], + [ + "Ġg", + "rep" + ], + [ + "ĠD", + "iesel" + ], + [ + "ĠGl", + "ac" + ], + [ + "!", + "?\"" + ], + [ + "Ġr", + "m" + ], + [ + "o", + "ine" + ], + [ + "disc", + "rimination" + ], + [ + "ĠN", + "urse" + ], + [ + "m", + "allow" + ], + [ + "Ġv", + "ortex" + ], + [ + "ĠCons", + "ortium" + ], + [ + "Ġlarge", + "Download" + ], + [ + "stra", + "ight" + ], + [ + "augh", + "lin" + ], + [ + "G", + "rad" + ], + [ + "Ġpublic", + "ized" + ], + [ + "ĠW", + "aves" + ], + [ + "ĠRed", + "d" + ], + [ + "Ġfest", + "ivities" + ], + [ + "ĠM", + "ane" + ], + [ + "ar", + "ov" + ], + [ + "Ġfleet", + "ing" + ], + [ + "ĠDr", + "unk" + ], + [ + "ug", + "en" + ], + [ + "C", + "ele" + ], + [ + "Ġchromos", + "omes" + ], + [ + "ĠD", + "OT" + ], + [ + "-+-+", + "-+-+" + ], + [ + "Ġbus", + "iest" + ], + [ + "ĠBe", + "aver" + ], + [ + "Sy", + "rian" + ], + [ + "ĠK", + "yr" + ], + [ + "k", + "as" + ], + [ + "ĠCross", + "Ref" + ], + [ + "19", + "50" + ], + [ + "76", + "01" + ], + [ + "Ġrepe", + "aling" + ], + [ + "ĠWin", + "ners" + ], + [ + "ĠMac", + "ro" + ], + [ + "ĠD", + "OD" + ], + [ + "bl", + "ance" + ], + [ + "S", + "ort" + ], + [ + "64", + "1" + ], + [ + "Ġmet", + "re" + ], + [ + "ĠD", + "irk" + ], + [ + "Ġgo", + "ggles" + ], + [ + "Ġdraw", + "backs" + ], + [ + "Ġcomplain", + "ant" + ], + [ + "Ġauthor", + "izing" + ], + [ + "Ġantit", + "rust" + ], + [ + "oper", + "ated" + ], + [ + "Ġm", + "ah" + ], + [ + "Ġexagger", + "ation" + ], + [ + "Am", + "azing" + ], + [ + "ĠSer", + "aph" + ], + [ + "Ġha", + "ze" + ], + [ + "w", + "ow" + ], + [ + "Ġextingu", + "ished" + ], + [ + "Ġcan", + "yon" + ], + [ + "ĠB", + "osh" + ], + [ + "Ġv", + "ents" + ], + [ + "Ġsc", + "rape" + ], + [ + "Cor", + "rect" + ], + [ + "4", + "26" + ], + [ + "Ġav", + "g" + ], + [ + "Dem", + "and" + ], + [ + "ĠâĪ", + "¼" + ], + [ + "Ġmicrobi", + "ota" + ], + [ + "\"}", + "],\"" + ], + [ + "ĠSt", + "ev" + ], + [ + "B", + "io" + ], + [ + "ĠPlan", + "es" + ], + [ + "Ġsuggest", + "ive" + ], + [ + "Ġdec", + "ipher" + ], + [ + "ĠRefuge", + "e" + ], + [ + "ĠKe", + "jriwal" + ], + [ + "ĠGreen", + "peace" + ], + [ + "Ġdecl", + "ass" + ], + [ + "ĠSound", + "ers" + ], + [ + "Ġth", + "o" + ], + [ + "Ġdec", + "rypt" + ], + [ + "Ġbr", + "ushing" + ], + [ + "ĠJane", + "iro" + ], + [ + "ip", + "op" + ], + [ + "S", + "i" + ], + [ + "8", + "77" + ], + [ + "ĠGeoff", + "rey" + ], + [ + "Ġc", + "pu" + ], + [ + "ĠHaz", + "el" + ], + [ + "Ġview", + "points" + ], + [ + "Ġcris", + "py" + ], + [ + "ĠNot", + "ification" + ], + [ + "Ġsold", + "er" + ], + [ + "ĠMod", + "est" + ], + [ + "ĠHem", + "isphere" + ], + [ + "Ġcass", + "ette" + ], + [ + "in", + "cludes" + ], + [ + "Ġident", + "ifiers" + ], + [ + "ĠC", + "ALL" + ], + [ + "in", + "cent" + ], + [ + "T", + "odd" + ], + [ + "ĠSwe", + "ep" + ], + [ + "Ġ3", + "34" + ], + [ + "b", + "oss" + ], + [ + "Ġsm", + "ir" + ], + [ + "gin", + "x" + ], + [ + "Ġtown", + "ship" + ], + [ + "Ġg", + "rieving" + ], + [ + "ĠMos", + "que" + ], + [ + "Net", + "flix" + ], + [ + "AS", + "ED" + ], + [ + "ĠMillenn", + "ials" + ], + [ + "oc", + "om" + ], + [ + "19", + "67" + ], + [ + "Ġbold", + "ly" + ], + [ + "s", + "leep" + ], + [ + "Ġes", + "che" + ], + [ + "arij", + "uana" + ], + [ + "Ġsw", + "irl" + ], + [ + "ĠPen", + "al" + ], + [ + "Ġneglig", + "ent" + ], + [ + "ĠStephen", + "son" + ], + [ + "K", + "ER" + ], + [ + "ĠZ", + "oro" + ], + [ + "ris", + "is" + ], + [ + "Ġlocal", + "ization" + ], + [ + "ĠSeym", + "our" + ], + [ + "ĠAng", + "lic" + ], + [ + "red", + "itation" + ], + [ + "prot", + "ection" + ], + [ + "ĠPa", + "ige" + ], + [ + "Ġo", + "mit" + ], + [ + "ĠR", + "ousse" + ], + [ + "ĠT", + "ub" + ], + [ + "Ġinv", + "itations" + ], + [ + "t", + "ty" + ], + [ + "Ġm", + "oss" + ], + [ + "ph", + "ysical" + ], + [ + "C", + "redits" + ], + [ + "Ġan", + "archy" + ], + [ + "Ġchild", + "care" + ], + [ + "Ġl", + "ull" + ], + [ + "ĠM", + "ek" + ], + [ + "ĠL", + "anguages" + ], + [ + "lat", + "est" + ], + [ + "ĠSan", + "ford" + ], + [ + "Ġus", + "ability" + ], + [ + "Ġdiff", + "use" + ], + [ + "ĠD", + "ATA" + ], + [ + "Ġsp", + "rites" + ], + [ + "ĠVeget", + "a" + ], + [ + "ĠProm", + "otion" + ], + [ + "ãĥ¼", + "ãĤ¯" + ], + [ + "rict", + "ing" + ], + [ + "z", + "ee" + ], + [ + "Tur", + "kish" + ], + [ + "ĠTD", + "s" + ], + [ + "pro", + "ven" + ], + [ + "57", + "1" + ], + [ + "Ġsmug", + "glers" + ], + [ + "707", + "10" + ], + [ + "Ġreform", + "ed" + ], + [ + "ĠLo", + "is" + ], + [ + "Ġun", + "fl" + ], + [ + "ĠWITH", + "OUT" + ], + [ + "ĠReturn", + "ing" + ], + [ + "ann", + "ie" + ], + [ + "ĠTom", + "as" + ], + [ + "Fr", + "anc" + ], + [ + "ĠProf", + "it" + ], + [ + "ĠSER", + "V" + ], + [ + "ĠR", + "umble" + ], + [ + "ik", + "uman" + ], + [ + "es", + "an" + ], + [ + "Ġt", + "esters" + ], + [ + "Ġgad", + "get" + ], + [ + "Ġbrace", + "let" + ], + [ + "ĠF", + "SA" + ], + [ + "comp", + "onent" + ], + [ + "Ġparamed", + "ics" + ], + [ + "Ġj", + "an" + ], + [ + "ĠRem", + "em" + ], + [ + "ĠSk", + "inner" + ], + [ + "Ġl", + "ov" + ], + [ + "ĠQu", + "ake" + ], + [ + "rom", + "a" + ], + [ + "Ġfl", + "ask" + ], + [ + "Pr", + "inc" + ], + [ + "Ġover", + "power" + ], + [ + "Ġlod", + "ging" + ], + [ + "ĠK", + "KK" + ], + [ + "ret", + "te" + ], + [ + "Ġabsor", + "bs" + ], + [ + "w", + "rote" + ], + [ + "Ġ", + ",\"" + ], + [ + "K", + "ings" + ], + [ + "ĠH", + "ail" + ], + [ + "ĠFall", + "ing" + ], + [ + "xt", + "ap" + ], + [ + "ĠHel", + "ena" + ], + [ + "ire", + "ns" + ], + [ + "L", + "arry" + ], + [ + "Ġpamph", + "let" + ], + [ + "ĠC", + "PR" + ], + [ + "G", + "ro" + ], + [ + "ĠHirosh", + "ima" + ], + [ + "Ġhol", + "istic" + ], + [ + "\".", + "[" + ], + [ + "Ġdet", + "achment" + ], + [ + "Ġas", + "pire" + ], + [ + "Ġcompl", + "icit" + ], + [ + "ĠGreen", + "wood" + ], + [ + "Ġresp", + "awn" + ], + [ + "ĠSt", + "upid" + ], + [ + "ĠFin", + "ished" + ], + [ + "f", + "al" + ], + [ + "b", + "ass" + ], + [ + "Ġab", + "hor" + ], + [ + "Ġmock", + "ery" + ], + [ + "ĠFe", + "ast" + ], + [ + "VID", + "EO" + ], + [ + "Ġcon", + "sec" + ], + [ + "ĠHung", + "ry" + ], + [ + "P", + "ull" + ], + [ + "ĠH", + "ust" + ], + [ + "it", + "ance" + ], + [ + "?", + "ãĢį" + ], + [ + ")", + "--" + ], + [ + "ĠPar", + "allel" + ], + [ + "con", + "v" + ], + [ + "4", + "69" + ], + [ + "ha", + "ar" + ], + [ + "w", + "ant" + ], + [ + "P", + "aper" + ], + [ + "m", + "ins" + ], + [ + "ĠTor", + "o" + ], + [ + "ĠTR", + "UMP" + ], + [ + "ĠR", + "ai" + ], + [ + "D", + "W" + ], + [ + "ĠW", + "icked" + ], + [ + "ĠL", + "ep" + ], + [ + "Ġfun", + "ky" + ], + [ + "Ġdetrim", + "ent" + ], + [ + "ios", + "is" + ], + [ + "ache", + "v" + ], + [ + "Ġde", + "grade" + ], + [ + "im", + "ilation" + ], + [ + "Ġret", + "ard" + ], + [ + "Ġfrag", + "mentation" + ], + [ + "Ġcow", + "boy" + ], + [ + "ĠY", + "PG" + ], + [ + "ĠH", + "AL" + ], + [ + "Parent", + "s" + ], + [ + "ĠS", + "ieg" + ], + [ + "ĠStra", + "uss" + ], + [ + "ĠRub", + "ber" + ], + [ + "×", + "IJ" + ], + [ + "Fr", + "ag" + ], + [ + "Ġp", + "t" + ], + [ + "Ġoption", + "ally" + ], + [ + "ĠZ", + "IP" + ], + [ + "ĠTrans", + "cript" + ], + [ + "ĠD", + "well" + ], + [ + "88", + "2" + ], + [ + "M", + "erc" + ], + [ + "ĠM", + "OT" + ], + [ + "ãĥ¯", + "ãĥ³" + ], + [ + "Ġhun", + "ts" + ], + [ + "Ġexec", + "utes" + ], + [ + "In", + "cludes" + ], + [ + "Ġacid", + "ic" + ], + [ + "ĠRespons", + "ibility" + ], + [ + "ĠD", + "umb" + ], + [ + "we", + "i" + ], + [ + "And", + "erson" + ], + [ + "ĠJas", + "per" + ], + [ + "ight", + "on" + ], + [ + "abs", + "olutely" + ], + [ + "Ad", + "ult" + ], + [ + "Ġpl", + "under" + ], + [ + "Mor", + "ning" + ], + [ + "ĠT", + "ours" + ], + [ + "ĠD", + "ane" + ], + [ + "Î", + "º" + ], + [ + "ĠT", + "EST" + ], + [ + "ĠG", + "ina" + ], + [ + "Ġcan", + "ine" + ], + [ + "aw", + "an" + ], + [ + "Ġsocial", + "ists" + ], + [ + "ĠS", + "oda" + ], + [ + "Ġimp", + "etus" + ], + [ + "ĠSupplement", + "ary" + ], + [ + "oli", + "ath" + ], + [ + "ĠKinn", + "ikuman" + ], + [ + "mitted", + "ly" + ], + [ + "second", + "s" + ], + [ + "Ġorganis", + "ers" + ], + [ + "Ġdocument", + "aries" + ], + [ + "Vari", + "able" + ], + [ + "GRE", + "EN" + ], + [ + "Ġres", + "orts" + ], + [ + "Ġbr", + "agging" + ], + [ + "Ġ3", + "68" + ], + [ + "Art", + "ist" + ], + [ + "w", + "k" + ], + [ + "bl", + "ers" + ], + [ + "Un", + "common" + ], + [ + "ĠRet", + "rieved" + ], + [ + "Ġhect", + "ares" + ], + [ + "Ġtox", + "in" + ], + [ + "r", + "ank" + ], + [ + "Ġfaith", + "s" + ], + [ + "ĠG", + "raphic" + ], + [ + "Ġve", + "c" + ], + [ + "ĠL", + "IA" + ], + [ + "Af", + "rican" + ], + [ + "Ġard", + "ent" + ], + [ + "end", + "iary" + ], + [ + "L", + "ake" + ], + [ + "ĠD", + "OS" + ], + [ + "cient", + "ious" + ], + [ + "ĠOk", + "awaru" + ], + [ + "ĠAll", + "y" + ], + [ + "ĠTim", + "eline" + ], + [ + "D", + "ash" + ], + [ + "ĠI", + "c" + ], + [ + "contin", + "ue" + ], + [ + "Ġt", + "idy" + ], + [ + "Ġinstinct", + "ively" + ], + [ + "ĠP", + "ossibly" + ], + [ + "ĠOut", + "door" + ], + [ + "ĠWould", + "n" + ], + [ + "Ġl", + "ich" + ], + [ + "ĠBr", + "ay" + ], + [ + "ĠA", + "X" + ], + [ + "ĠÃ", + "ī" + ], + [ + "Ġ+", + "#" + ], + [ + "\\", + "'" + ], + [ + "Direct", + "ory" + ], + [ + "ab", + "iding" + ], + [ + "Ġf", + "eral" + ], + [ + "ic", + "ative" + ], + [ + "but", + "t" + ], + [ + "Ġper", + "verse" + ], + [ + "S", + "alt" + ], + [ + "Ġwar", + "ped" + ], + [ + "Ġnin", + "eteen" + ], + [ + "Ġcabin", + "ets" + ], + [ + "Ġsrf", + "Attach" + ], + [ + "ĠSl", + "oan" + ], + [ + "Ġpower", + "ing" + ], + [ + "reg", + "ation" + ], + [ + "F", + "light" + ], + [ + "se", + "vere" + ], + [ + "Ġst", + "ren" + ], + [ + "Ġc", + "og" + ], + [ + "ap", + "ache" + ], + [ + "Ġâ", + "Ŀ" + ], + [ + "Ġcaf", + "eteria" + ], + [ + "p", + "aces" + ], + [ + "ĠGrim", + "oire" + ], + [ + "uton", + "ium" + ], + [ + "Ġr", + "aining" + ], + [ + "Ġcir", + "cling" + ], + [ + "Ġlineback", + "ers" + ], + [ + "c", + "redit" + ], + [ + "Ġrep", + "atri" + ], + [ + "ĠCam", + "den" + ], + [ + "lic", + "ense" + ], + [ + "Ġly", + "ric" + ], + [ + "Ġdescript", + "or" + ], + [ + "Ġval", + "leys" + ], + [ + "Ġre", + "q" + ], + [ + "Ġback", + "stage" + ], + [ + "ĠPro", + "hibition" + ], + [ + "ĠK", + "et" + ], + [ + "Op", + "ening" + ], + [ + "S", + "ym" + ], + [ + "æĸ", + "¹" + ], + [ + "Ġserv", + "ings" + ], + [ + "Ġoverse", + "en" + ], + [ + "Ġaster", + "oids" + ], + [ + "ĠMod", + "s" + ], + [ + "ĠSpr", + "inger" + ], + [ + "ĠCont", + "ainer" + ], + [ + "è", + "»" + ], + [ + "ĠM", + "ens" + ], + [ + "Ġmult", + "im" + ], + [ + "Ġfire", + "fighter" + ], + [ + "pe", + "c" + ], + [ + "Ġchlor", + "ine" + ], + [ + "Ð", + "¼" + ], + [ + "end", + "i" + ], + [ + "Ġsp", + "aring" + ], + [ + "Ġpolyg", + "amy" + ], + [ + "ĠR", + "N" + ], + [ + "ĠP", + "ell" + ], + [ + "Ġt", + "igers" + ], + [ + "Ġflash", + "y" + ], + [ + "ĠMad", + "ame" + ], + [ + "S", + "word" + ], + [ + "Ġpref", + "rontal" + ], + [ + "Ġpre", + "requisite" + ], + [ + "uc", + "a" + ], + [ + "Ġw", + "ifi" + ], + [ + "Ġmiscon", + "ception" + ], + [ + "Ġharsh", + "ly" + ], + [ + "ĠStream", + "ing" + ], + [ + "ot", + "om" + ], + [ + "ĠGiul", + "iani" + ], + [ + "foot", + "ed" + ], + [ + "Ġtub", + "ing" + ], + [ + "ind", + "ividual" + ], + [ + "z", + "ek" + ], + [ + "n", + "uclear" + ], + [ + "m", + "ol" + ], + [ + "Ġright", + "ful" + ], + [ + "49", + "3" + ], + [ + "Ġspecial", + "ization" + ], + [ + "Ġpassion", + "ately" + ], + [ + "ĠVel", + "ocity" + ], + [ + "ĠAv", + "ailability" + ], + [ + "T", + "enn" + ], + [ + "Ġl", + "atch" + ], + [ + "ĠSome", + "body" + ], + [ + "Ġhel", + "ium" + ], + [ + "cl", + "aw" + ], + [ + "Ġdi", + "pping" + ], + [ + "XX", + "X" + ], + [ + "Ġinter", + "personal" + ], + [ + "7", + "10" + ], + [ + "Ġsub", + "ter" + ], + [ + "Ġbi", + "ologists" + ], + [ + "ĠLight", + "ing" + ], + [ + "Ġopt", + "ic" + ], + [ + "Ġden", + "im" + ], + [ + "end", + "on" + ], + [ + "ĠC", + "orm" + ], + [ + "Ġ3", + "41" + ], + [ + "ĠC", + "oup" + ], + [ + "Ġfear", + "less" + ], + [ + "Ġal", + "ot" + ], + [ + "ĠCliff", + "ord" + ], + [ + "ĠRun", + "time" + ], + [ + "ĠProv", + "ision" + ], + [ + "up", + "dated" + ], + [ + "lene", + "ck" + ], + [ + "Ġneur", + "on" + ], + [ + "Ġgrad", + "ing" + ], + [ + "ĠC", + "t" + ], + [ + "sequ", + "ence" + ], + [ + "in", + "ia" + ], + [ + "con", + "cept" + ], + [ + "Ġro", + "aring" + ], + [ + "ri", + "val" + ], + [ + "ĠCaucas", + "ian" + ], + [ + "Ġmon", + "og" + ], + [ + "key", + "es" + ], + [ + "Ġappell", + "ate" + ], + [ + "Ġlia", + "ison" + ], + [ + "EStream", + "Frame" + ], + [ + "ĠPl", + "um" + ], + [ + "!", + "." + ], + [ + "Ġsp", + "herical" + ], + [ + "Ġper", + "ished" + ], + [ + "Ġbl", + "ot" + ], + [ + "Ġben", + "ches" + ], + [ + "Ġ4", + "11" + ], + [ + "Ġpione", + "ered" + ], + [ + "Ġhur", + "led" + ], + [ + "Jenn", + "ifer" + ], + [ + "ĠYose", + "mite" + ], + [ + "Ch", + "air" + ], + [ + "Ġreef", + "s" + ], + [ + "Ġelect", + "or" + ], + [ + "ĠAnt", + "hem" + ], + [ + "65", + "2" + ], + [ + "Ġun", + "install" + ], + [ + "Ġimp", + "ede" + ], + [ + "Ġbl", + "inking" + ], + [ + "Ġgot", + "o" + ], + [ + "Dec", + "re" + ], + [ + "A", + "ren" + ], + [ + "Ġstabil", + "ization" + ], + [ + "ĠDis", + "abled" + ], + [ + "ĠYanuk", + "ovych" + ], + [ + "Ġoutlaw", + "ed" + ], + [ + "ĠVent", + "ura" + ], + [ + "ten", + "ess" + ], + [ + "Ġplant", + "ation" + ], + [ + "Ġy", + "acht" + ], + [ + "ĠHu", + "awei" + ], + [ + "Ġsol", + "vent" + ], + [ + "Ġgr", + "acious" + ], + [ + "Ġcur", + "iously" + ], + [ + "Ġcapac", + "itor" + ], + [ + "Ġc", + "x" + ], + [ + "ĠRef", + "lex" + ], + [ + "Ph", + "ys" + ], + [ + "ĠC", + "f" + ], + [ + "pt", + "in" + ], + [ + "cons", + "ervative" + ], + [ + "Ġinv", + "ocation" + ], + [ + "c", + "our" + ], + [ + "F", + "N" + ], + [ + "ĠNew", + "ly" + ], + [ + "H", + "our" + ], + [ + "As", + "ian" + ], + [ + "ĠLe", + "ading" + ], + [ + "ĠAer", + "ospace" + ], + [ + "An", + "ne" + ], + [ + "Ġpre", + "natal" + ], + [ + "Ġdeterior", + "ating" + ], + [ + "H", + "CR" + ], + [ + "ĠNorm", + "andy" + ], + [ + "ol", + "ini" + ], + [ + "ĠAm", + "bro" + ], + [ + "9", + "10" + ], + [ + "Ġset", + "backs" + ], + [ + "ĠT", + "RE" + ], + [ + "Ġs", + "ig" + ], + [ + "ĠSc", + "ourge" + ], + [ + "59", + "7" + ], + [ + "79", + "8" + ], + [ + "Game", + "play" + ], + [ + "Ġm", + "sec" + ], + [ + "M", + "X" + ], + [ + "Ġprice", + "y" + ], + [ + "ĠL", + "LP" + ], + [ + "aker", + "u" + ], + [ + "Ġover", + "arching" + ], + [ + "ĠB", + "ale" + ], + [ + "Ġworld", + "ly" + ], + [ + "Cl", + "ark" + ], + [ + "Ġscen", + "ic" + ], + [ + "Ġdisl", + "iked" + ], + [ + "ĠCont", + "rolled" + ], + [ + "T", + "ickets" + ], + [ + "ĠE", + "W" + ], + [ + "ab", + "ies" + ], + [ + "ĠPl", + "enty" + ], + [ + "Non", + "etheless" + ], + [ + "Ġart", + "isan" + ], + [ + "Trans", + "fer" + ], + [ + "ĠF", + "amous" + ], + [ + "Ġinf", + "ield" + ], + [ + "ble", + "y" + ], + [ + "Ġunres", + "olved" + ], + [ + "ĠML", + "A" + ], + [ + "ãĤ", + "Ĥ" + ], + [ + "Cor", + "rection" + ], + [ + "Ġdemocr", + "at" + ], + [ + "ĠMore", + "no" + ], + [ + "ro", + "cal" + ], + [ + "il", + "ings" + ], + [ + "Ġsail", + "or" + ], + [ + "Ġr", + "ife" + ], + [ + "h", + "ung" + ], + [ + "Ġtrop", + "es" + ], + [ + "Ġsn", + "atched" + ], + [ + "ĠL", + "IN" + ], + [ + "ĠB", + "ib" + ], + [ + "ES", + "A" + ], + [ + "ĠPre", + "v" + ], + [ + "ĠCam", + "el" + ], + [ + "run", + "time" + ], + [ + "Ġob", + "noxious" + ], + [ + "4", + "37" + ], + [ + "Ġsum", + "mers" + ], + [ + "Ġunexpl", + "ained" + ], + [ + "ĠWal", + "ters" + ], + [ + "cal", + "iber" + ], + [ + "Ġg", + "ull" + ], + [ + "ĠEnd", + "urance" + ], + [ + "ä½", + "ľ" + ], + [ + "Ġ3", + "47" + ], + [ + "Ir", + "ish" + ], + [ + "Ġaer", + "obic" + ], + [ + "Ġcr", + "amped" + ], + [ + "ĠHon", + "olulu" + ], + [ + "à", + "©" + ], + [ + "us", + "erc" + ], + [ + "ec", + "ast" + ], + [ + "AC", + "Y" + ], + [ + "ĠQu", + "ery" + ], + [ + "ãĤ¹", + "ãĥĪ" + ], + [ + "Bet", + "a" + ], + [ + "Ġsuscept", + "ibility" + ], + [ + "ĠSh", + "iv" + ], + [ + "ĠLim", + "baugh" + ], + [ + "ĠÃ", + "ĸ" + ], + [ + "ĠN", + "XT" + ], + [ + "ĠM", + "uss" + ], + [ + "ĠBrit", + "ons" + ], + [ + "ES", + "CO" + ], + [ + "EG", + "IN" + ], + [ + "Ġ%", + "%" + ], + [ + "Ġsec", + "ession" + ], + [ + "ĠPat", + "ron" + ], + [ + "ĠLu", + "a" + ], + [ + "n", + "aires" + ], + [ + "ĠJPM", + "organ" + ], + [ + "us", + "b" + ], + [ + "ocy", + "te" + ], + [ + "Ġcouncill", + "ors" + ], + [ + "ĠLi", + "ang" + ], + [ + "f", + "arm" + ], + [ + "Ġnerv", + "ously" + ], + [ + "Ġattract", + "iveness" + ], + [ + "ĠK", + "ov" + ], + [ + "j", + "ump" + ], + [ + "Pl", + "ot" + ], + [ + "Ġst", + "ains" + ], + [ + "ĠStat", + "ue" + ], + [ + "ĠApost", + "les" + ], + [ + "he", + "ter" + ], + [ + "ĠSUP", + "PORT" + ], + [ + "Ġoverwhel", + "m" + ], + [ + "Y", + "ES" + ], + [ + "Ġ29", + "1" + ], + [ + "d", + "ensity" + ], + [ + "Ġtra", + "pping" + ], + [ + "M", + "it" + ], + [ + "Ġf", + "ide" + ], + [ + "ĠPam", + "ela" + ], + [ + "atl", + "antic" + ], + [ + "Dam", + "n" + ], + [ + "Ġp", + "ts" + ], + [ + "OP", + "A" + ], + [ + "Ġserv", + "icing" + ], + [ + "Ġoverfl", + "owing" + ], + [ + "ul", + "o" + ], + [ + "ĠE", + "rit" + ], + [ + "t", + "icket" + ], + [ + "light", + "ing" + ], + [ + "ĠH", + "mm" + ], + [ + "ãĥ¼", + "ãĥ«" + ], + [ + "im", + "oto" + ], + [ + "Ġchuck", + "le" + ], + [ + "4", + "23" + ], + [ + "ãģ", + "ķ" + ], + [ + "sh", + "ape" + ], + [ + "Ġque", + "ues" + ], + [ + "Ġanch", + "ors" + ], + [ + "ãĤ¼", + "ãĤ¦ãĤ¹" + ], + [ + "F", + "er" + ], + [ + "Ġaw", + "oke" + ], + [ + "Ġ6", + "66" + ], + [ + "h", + "ands" + ], + [ + "Ġdiver", + "gence" + ], + [ + "Ġ50", + "5" + ], + [ + "T", + "ips" + ], + [ + "Ġdep", + "ot" + ], + [ + "Ġske", + "w" + ], + [ + "ĠDel", + "iver" + ], + [ + "op", + "ot" + ], + [ + "Ġdiv", + "ul" + ], + [ + "ĠE", + "B" + ], + [ + "uns", + "igned" + ], + [ + "ĠUn", + "i" + ], + [ + "X", + "box" + ], + [ + "Ġfor", + "ks" + ], + [ + "Ġ7", + "02" + ], + [ + "å", + "¯" + ], + [ + "Ġpromot", + "ers" + ], + [ + "ĠV", + "apor" + ], + [ + "Ġlev", + "ied" + ], + [ + "sl", + "ot" + ], + [ + "Ġpig", + "ment" + ], + [ + "Ġcyl", + "inders" + ], + [ + "C", + "RE" + ], + [ + "Ġsn", + "atch" + ], + [ + "Ġperpet", + "ually" + ], + [ + "Ġl", + "icking" + ], + [ + "ĠFe", + "et" + ], + [ + "ĠKra", + "ken" + ], + [ + "ĠHold", + "en" + ], + [ + "ĠCLS", + "ID" + ], + [ + "m", + "r" + ], + [ + "Ġproject", + "or" + ], + [ + "Ġden", + "otes" + ], + [ + "Ġchap", + "el" + ], + [ + "ĠTor", + "rent" + ], + [ + "b", + "ler" + ], + [ + "R", + "oute" + ], + [ + "ĠDef", + "endant" + ], + [ + "ĠPublisher", + "s" + ], + [ + "ĠM", + "ales" + ], + [ + "ĠInn", + "ov" + ], + [ + "ĠAg", + "ility" + ], + [ + "rit", + "er" + ], + [ + "ty", + "mology" + ], + [ + "st", + "ores" + ], + [ + "L", + "ind" + ], + [ + "Ġf", + "olly" + ], + [ + "ĠZur", + "ich" + ], + [ + "B", + "le" + ], + [ + "Ġnurt", + "ure" + ], + [ + "Ġcoast", + "line" + ], + [ + "uch", + "in" + ], + [ + "D", + "omin" + ], + [ + "Ġfri", + "vol" + ], + [ + "ĠCons", + "olid" + ], + [ + "res", + "ults" + ], + [ + "M", + "J" + ], + [ + "Ġphyl", + "ogen" + ], + [ + "Ġha", + "uled" + ], + [ + "ĠW", + "iley" + ], + [ + "ĠJess", + "ie" + ], + [ + "ĠPrep", + "are" + ], + [ + "ĠE", + "ps" + ], + [ + "Ġtreasure", + "r" + ], + [ + "I", + "AS" + ], + [ + "Ġcolon", + "ists" + ], + [ + "Ġin", + "und" + ], + [ + "ĠWW", + "F" + ], + [ + "ĠCon", + "verted" + ], + [ + "6", + "000" + ], + [ + "out", + "side" + ], + [ + "ĠApp", + "earance" + ], + [ + "ĠRel", + "ic" + ], + [ + "ĠM", + "ister" + ], + [ + "s", + "aw" + ], + [ + "Ġresult", + "ant" + ], + [ + "Ġadject", + "ive" + ], + [ + "ĠLaure", + "l" + ], + [ + "ĠHind", + "i" + ], + [ + "b", + "da" + ], + [ + "Pe", + "ace" + ], + [ + "Ġreb", + "irth" + ], + [ + "Ġmembr", + "anes" + ], + [ + "Ġforward", + "ing" + ], + [ + "Ġcoll", + "ided" + ], + [ + "ĠCar", + "olyn" + ], + [ + "K", + "ansas" + ], + [ + "5", + "99" + ], + [ + "ĠSolid", + "GoldMagikarp" + ], + [ + "Be", + "ck" + ], + [ + "Ġstress", + "ing" + ], + [ + "ĠGo", + "o" + ], + [ + "ĠCooper", + "ative" + ], + [ + "Ġf", + "s" + ], + [ + "ĠAr", + "chie" + ], + [ + "L", + "iter" + ], + [ + "ĠK", + "lopp" + ], + [ + "J", + "erry" + ], + [ + "Ġfoot", + "wear" + ], + [ + "War", + "ren" + ], + [ + "Ġsc", + "ree" + ], + [ + "h", + "are" + ], + [ + "Under", + "standing" + ], + [ + "P", + "ed" + ], + [ + "Ġanth", + "ology" + ], + [ + "ĠAnn", + "ounce" + ], + [ + "M", + "ega" + ], + [ + "Ġflu", + "ent" + ], + [ + "Ġbond", + "age" + ], + [ + "ĠDisc", + "ount" + ], + [ + "il", + "ial" + ], + [ + "C", + "art" + ], + [ + "ĠNight", + "mares" + ], + [ + "Sh", + "am" + ], + [ + "ĠB", + "oll" + ], + [ + "uss", + "ie" + ], + [ + "H", + "ttp" + ], + [ + "Atl", + "anta" + ], + [ + "Ġun", + "recogn" + ], + [ + "ĠB", + "id" + ], + [ + "Ġunder", + "grad" + ], + [ + "Ġforg", + "iving" + ], + [ + "ĠGl", + "over" + ], + [ + "AAAA", + "AAAA" + ], + [ + "4", + "45" + ], + [ + "V", + "G" + ], + [ + "pa", + "io" + ], + [ + "kill", + "ers" + ], + [ + "Ġrespons", + "ibly" + ], + [ + "Ġmobil", + "ize" + ], + [ + "Ġeffect", + "ed" + ], + [ + "ĠL", + "umin" + ], + [ + "Ġk", + "ale" + ], + [ + "Ġinfring", + "ing" + ], + [ + "ann", + "ounced" + ], + [ + "Ġf", + "itt" + ], + [ + "b", + "atch" + ], + [ + "ĠT", + "ackle" + ], + [ + "ĠL", + "ime" + ], + [ + "ĠAP", + "P" + ], + [ + "uke", + "mia" + ], + [ + "Ġrub", + "y" + ], + [ + "Ġex", + "oner" + ], + [ + "ĠCas", + "ual" + ], + [ + "0", + "70" + ], + [ + "Ġpel", + "vic" + ], + [ + "Ġautom", + "ate" + ], + [ + "ĠK", + "ear" + ], + [ + "ĠCoast", + "al" + ], + [ + "Ġcre", + "ed" + ], + [ + "Ġbored", + "om" + ], + [ + "ĠSt", + "un" + ], + [ + "ri", + "ott" + ], + [ + "Ĥ", + "İ" + ], + [ + "Ġregener", + "ate" + ], + [ + "Ġcomed", + "ians" + ], + [ + "ĠOP", + "ER" + ], + [ + "Sp", + "ons" + ], + [ + "id", + "ium" + ], + [ + "on", + "is" + ], + [ + "L", + "ocated" + ], + [ + "05", + "7" + ], + [ + "Ġsusp", + "ense" + ], + [ + "ĠD", + "ating" + ], + [ + "C", + "ass" + ], + [ + "Ġneoc", + "ons" + ], + [ + "ĠShin", + "zo" + ], + [ + "Ġaw", + "oken" + ], + [ + "ch", + "rist" + ], + [ + "ĠMess", + "ages" + ], + [ + "att", + "led" + ], + [ + "ĠSpr", + "ay" + ], + [ + "ĠSp", + "ice" + ], + [ + "C", + "W" + ], + [ + "Ġshield", + "ing" + ], + [ + "ĠG", + "aul" + ], + [ + "Am", + "id" + ], + [ + "Ġparam", + "ilitary" + ], + [ + "Ġmult", + "if" + ], + [ + "ĠTan", + "ner" + ], + [ + "il", + "k" + ], + [ + "Ġgodd", + "amn" + ], + [ + "g", + "ements" + ], + [ + "Ġbe", + "friend" + ], + [ + "m", + "obi" + ], + [ + "Ġ3", + "88" + ], + [ + "fold", + "er" + ], + [ + "acc", + "a" + ], + [ + "Ġins", + "in" + ], + [ + "g", + "ap" + ], + [ + "N", + "ev" + ], + [ + "fif", + "th" + ], + [ + "Ġpsychiat", + "ry" + ], + [ + "b", + "anks" + ], + [ + "TH", + "IS" + ], + [ + "Ġhar", + "b" + ], + [ + "ac", + "qu" + ], + [ + "Ġfac", + "ade" + ], + [ + "ĠPower", + "Point" + ], + [ + "80", + "3" + ], + [ + "Ġbl", + "uff" + ], + [ + "Sh", + "ares" + ], + [ + "Ġfavor", + "ing" + ], + [ + "El", + "izabeth" + ], + [ + "Ãį", + "Ãį" + ], + [ + "Ġr", + "anger" + ], + [ + "77", + "2" + ], + [ + "ĠAr", + "che" + ], + [ + "h", + "ak" + ], + [ + "ĠGen", + "etics" + ], + [ + "ĠF", + "EMA" + ], + [ + "Ġev", + "olves" + ], + [ + "Ġest", + "e" + ], + [ + "ĠP", + "ets" + ], + [ + "ĠM", + "é" + ], + [ + "ĠInterest", + "ing" + ], + [ + "ĠCanter", + "bury" + ], + [ + "ch", + "apter" + ], + [ + "ĠStar", + "fleet" + ], + [ + "Sp", + "anish" + ], + [ + "Ġdraw", + "back" + ], + [ + "ĠNor", + "wich" + ], + [ + "9", + "70" + ], + [ + "n", + "orth" + ], + [ + "ag", + "anda" + ], + [ + "Ġtransform", + "ative" + ], + [ + "ram", + "ids" + ], + [ + "bi", + "ology" + ], + [ + "ad", + "ay" + ], + [ + "Ġpropag", + "ation" + ], + [ + "ĠGam", + "ma" + ], + [ + "ĠDen", + "ise" + ], + [ + "ĠCalcul", + "ator" + ], + [ + "ent", + "imes" + ], + [ + "ĠB", + "ett" + ], + [ + "Ġapp", + "endix" + ], + [ + "ĠHD", + "D" + ], + [ + "AK", + "ING" + ], + [ + "Ġst", + "igmat" + ], + [ + "Ġhol", + "ster" + ], + [ + "Ġord", + "inarily" + ], + [ + "Ch", + "ance" + ], + [ + "ĠCont", + "rary" + ], + [ + "Ġad", + "hesive" + ], + [ + "Ġgather", + "s" + ], + [ + "6", + "12" + ], + [ + "re", + "au" + ], + [ + "ony", + "ms" + ], + [ + "ew", + "ays" + ], + [ + "Ġindu", + "ces" + ], + [ + "Ġinterchange", + "able" + ], + [ + "se", + "m" + ], + [ + "Wh", + "it" + ], + [ + "Ġtr", + "ance" + ], + [ + "Ġincorpor", + "ation" + ], + [ + "ĠExt", + "ras" + ], + [ + "Fin", + "ancial" + ], + [ + "Ġawkward", + "ly" + ], + [ + "ĠStur", + "geon" + ], + [ + "ĠH", + "Y" + ], + [ + "Norm", + "ally" + ], + [ + "ĠEnd", + "ing" + ], + [ + "ĠAss", + "ist" + ], + [ + "enc", + "rypted" + ], + [ + "Ġsub", + "jug" + ], + [ + "Ġn", + "os" + ], + [ + "Ġfan", + "atic" + ], + [ + "C", + "ub" + ], + [ + "C", + "U" + ], + [ + "?\"", + "." + ], + [ + "Ġirre", + "versible" + ], + [ + "å", + "Ĥ" + ], + [ + "03", + "1" + ], + [ + "ĠH", + "AR" + ], + [ + "sp", + "read" + ], + [ + "ul", + "ia" + ], + [ + "=", + "$" + ], + [ + "Sc", + "ope" + ], + [ + "L", + "ots" + ], + [ + "Ġlif", + "estyles" + ], + [ + "ol", + "on" + ], + [ + "Ġf", + "eds" + ], + [ + "Ġcongrat", + "ulate" + ], + [ + "web", + "kit" + ], + [ + "Ġindist", + "inguishable" + ], + [ + "ĠSw", + "ing" + ], + [ + "Ġcommand", + "ments" + ], + [ + "qu", + "ila" + ], + [ + "ab", + "ella" + ], + [ + "m", + "ethyl" + ], + [ + "ann", + "abin" + ], + [ + "Ġo", + "vere" + ], + [ + "Ġlob", + "ster" + ], + [ + "ĠQU", + "EST" + ], + [ + "ĠCONT", + "IN" + ], + [ + "bern", + "atorial" + ], + [ + "::::", + "::::" + ], + [ + "ĠTra", + "ve" + ], + [ + "ĠSam", + "oa" + ], + [ + "AN", + "I" + ], + [ + "75", + "2" + ], + [ + "Ð", + "´" + ], + [ + "userc", + "ontent" + ], + [ + "ĠMod", + "erate" + ], + [ + "y", + "eah" + ], + [ + "ĠK", + "itt" + ], + [ + "Ġwe", + "e" + ], + [ + "Ġstuff", + "ing" + ], + [ + "ĠInter", + "vention" + ], + [ + "ĠD", + "ign" + ], + [ + "Ġware", + "houses" + ], + [ + "ĠF", + "iji" + ], + [ + "Ġpel", + "lets" + ], + [ + "Ġtake", + "away" + ], + [ + "ĠT", + "ABLE" + ], + [ + "ĠClass", + "ical" + ], + [ + "col", + "lection" + ], + [ + "Ġland", + "fall" + ], + [ + "ĠMus", + "cle" + ], + [ + "Ġsett", + "les" + ], + [ + "ĠAD", + "V" + ], + [ + "Ġ3", + "44" + ], + [ + "L", + "aura" + ], + [ + "Ġf", + "ared" + ], + [ + "ĠPart", + "ial" + ], + [ + "4", + "36" + ], + [ + "oss", + "ibility" + ], + [ + "ĠD", + "aly" + ], + [ + "ĠT", + "arant" + ], + [ + "ĠFu", + "ji" + ], + [ + "am", + "l" + ], + [ + "c", + "ence" + ], + [ + "55", + "1" + ], + [ + "ĠProced", + "ures" + ], + [ + "ĠO", + "CD" + ], + [ + "ĠU", + "D" + ], + [ + "t", + "in" + ], + [ + "Q", + "UI" + ], + [ + "ach", + "o" + ], + [ + "4", + "38" + ], + [ + "Ġgl", + "itches" + ], + [ + "Ġenchant", + "ment" + ], + [ + "Ġcalcul", + "ates" + ], + [ + "IR", + "O" + ], + [ + "ĠH", + "ua" + ], + [ + "alys", + "es" + ], + [ + "ĠL", + "ift" + ], + [ + "um", + "o" + ], + [ + "Ġle", + "apt" + ], + [ + "Ġhypothes", + "ized" + ], + [ + "ĠGust", + "av" + ], + [ + "it", + "ans" + ], + [ + "VERS", + "ION" + ], + [ + "æ", + "ł" + ], + [ + "Rog", + "er" + ], + [ + "Ġr", + "and" + ], + [ + "ĠAd", + "apter" + ], + [ + "Ġ3", + "31" + ], + [ + "ĠPet", + "ition" + ], + [ + "k", + "ies" + ], + [ + "M", + "ars" + ], + [ + "Ġunder", + "cut" + ], + [ + "ze", + "es" + ], + [ + "ĠLy", + "ons" + ], + [ + "ĠDH", + "CP" + ], + [ + "Miss", + "ing" + ], + [ + "Ġretire", + "es" + ], + [ + "Ġins", + "idious" + ], + [ + "el", + "i" + ], + [ + ">", + ")" + ], + [ + ".", + "ãĢį" + ], + [ + "Ġfinal", + "ists" + ], + [ + "ĠA", + "ure" + ], + [ + "Ġacc", + "user" + ], + [ + "Ġwas", + "tes" + ], + [ + "ĠY", + "s" + ], + [ + "ĠL", + "ori" + ], + [ + "Ġconstitu", + "encies" + ], + [ + "Ġsupp", + "er" + ], + [ + "Ġmay", + "hem" + ], + [ + "or", + "ange" + ], + [ + "Ġmis", + "placed" + ], + [ + "Ġmanager", + "ial" + ], + [ + "Ġex", + "ce" + ], + [ + "ĠCL", + "I" + ], + [ + "Ġprim", + "al" + ], + [ + "ĠL", + "ent" + ], + [ + "Cry", + "stal" + ], + [ + "h", + "over" + ], + [ + "ĠN", + "TS" + ], + [ + "end", + "um" + ], + [ + "Ġd", + "w" + ], + [ + "ĠAl", + "c" + ], + [ + "n", + "ostic" + ], + [ + "Ġpres", + "erves" + ], + [ + "ĠTs", + "arnaev" + ], + [ + "Ġtri", + "pled" + ], + [ + "rel", + "ative" + ], + [ + "Arc", + "ade" + ], + [ + "k", + "illing" + ], + [ + "ĠW", + "EEK" + ], + [ + "ĠH", + "anna" + ], + [ + "D", + "ust" + ], + [ + "Com", + "pleted" + ], + [ + "ģ", + "«" + ], + [ + "Ġappro", + "ves" + ], + [ + "ĠSur", + "f" + ], + [ + "ĠLuther", + "an" + ], + [ + "ven", + "ants" + ], + [ + "Ġrobber", + "ies" + ], + [ + "we", + "ights" + ], + [ + "soft", + "ware" + ], + [ + "at", + "ana" + ], + [ + "ug", + "al" + ], + [ + "Ġgrav", + "y" + ], + [ + "ĠC", + "ance" + ], + [ + "OLOG", + "Y" + ], + [ + "ly", + "ak" + ], + [ + "Ton", + "ight" + ], + [ + "Ġunve", + "il" + ], + [ + "Ġ19", + "04" + ], + [ + "ĠMin", + "ion" + ], + [ + "ent", + "ious" + ], + [ + "st", + "ice" + ], + [ + "pack", + "ages" + ], + [ + "ĠG", + "EAR" + ], + [ + "Ġg", + "ol" + ], + [ + "ĠHutch", + "inson" + ], + [ + "ĠProf", + "ession" + ], + [ + "ĠG", + "UN" + ], + [ + "ĠDiff", + "erence" + ], + [ + "ĠTsuk", + "uyomi" + ], + [ + "ĠLes", + "bian" + ], + [ + "6", + "70" + ], + [ + "Ġfug", + "itive" + ], + [ + "ĠPlan", + "etary" + ], + [ + "--------------------------------", + "------------------------" + ], + [ + "Ġacc", + "rued" + ], + [ + "Ġch", + "icks" + ], + [ + "Ġsto", + "pp" + ], + [ + "Ġblock", + "ers" + ], + [ + "C", + "od" + ], + [ + "Ġcomment", + "ers" + ], + [ + "ĠSomew", + "here" + ], + [ + "ĠPhot", + "ographer" + ], + [ + "the", + "me" + ], + [ + "Ġmay", + "oral" + ], + [ + "w", + "u" + ], + [ + "Ġanten", + "nas" + ], + [ + "Ġrev", + "amped" + ], + [ + "ĠSubject", + "s" + ], + [ + "it", + "é" + ], + [ + "im", + "ura" + ], + [ + "Ġentr", + "ances" + ], + [ + "liter", + "ally" + ], + [ + "Ġten", + "ets" + ], + [ + "ĠO", + "MG" + ], + [ + "ĠMP", + "H" + ], + [ + "ĠDon", + "key" + ], + [ + "ĠOff", + "ense" + ], + [ + "Ġ\"", + "+" + ], + [ + "Sn", + "ap" + ], + [ + "ĠAF", + "B" + ], + [ + "Ġan", + "imate" + ], + [ + "ĠS", + "od" + ], + [ + "His", + "panic" + ], + [ + "Ġinconsist", + "ency" + ], + [ + "D", + "b" + ], + [ + "F", + "Y" + ], + [ + "Ex", + "port" + ], + [ + "Ġa", + "pe" + ], + [ + "Ġpear", + "l" + ], + [ + "ib", + "el" + ], + [ + "ĠPAC", + "s" + ], + [ + "Ġ{", + "\\" + ], + [ + "Ġact", + "u" + ], + [ + "ĠHS", + "BC" + ], + [ + "camp", + "us" + ], + [ + "Ġpay", + "off" + ], + [ + "Ġde", + "ities" + ], + [ + "ĠN", + "ato" + ], + [ + "ou", + "ple" + ], + [ + "Ġcens", + "ored" + ], + [ + "ĠCl", + "ojure" + ], + [ + "Ġconf", + "ounding" + ], + [ + "en", + "i" + ], + [ + "Ġreck", + "on" + ], + [ + "op", + "he" + ], + [ + "Ġspot", + "ting" + ], + [ + "Ġsign", + "ifies" + ], + [ + "Ġprop", + "el" + ], + [ + "Ġfest", + "ive" + ], + [ + "S", + "uggest" + ], + [ + "Ġpled", + "ging" + ], + [ + "ĠB", + "erman" + ], + [ + "Ġrebell", + "ious" + ], + [ + "Ġovershadow", + "ed" + ], + [ + "Ġinfiltr", + "ated" + ], + [ + "j", + "obs" + ], + [ + "67", + "2" + ], + [ + "Ġscal", + "able" + ], + [ + "Ġdomin", + "ion" + ], + [ + "ĠNew", + "foundland" + ], + [ + "ĠMead", + "ow" + ], + [ + "Ġpart", + "itions" + ], + [ + "AM", + "I" + ], + [ + "Ġsupplement", + "ary" + ], + [ + "str", + "ument" + ], + [ + "Ġhair", + "y" + ], + [ + "Ġperpet", + "uate" + ], + [ + "Ġnuts", + "hell" + ], + [ + "ĠPot", + "ato" + ], + [ + "ĠHob", + "bit" + ], + [ + "Ġcur", + "ses" + ], + [ + "Flo", + "at" + ], + [ + "Ġquiet", + "er" + ], + [ + "Ġfuel", + "ing" + ], + [ + "Ġcaps", + "ules" + ], + [ + "ĠL", + "ust" + ], + [ + "ĠH", + "aunted" + ], + [ + "Exec", + "utive" + ], + [ + "Ġchild", + "birth" + ], + [ + "G", + "re" + ], + [ + "Ġrad", + "iant" + ], + [ + "å", + "İ" + ], + [ + "Ġm", + "alls" + ], + [ + "Ġin", + "ept" + ], + [ + "ĠWarrant", + "y" + ], + [ + "Ġspect", + "ator" + ], + [ + "E", + "h" + ], + [ + "t", + "hens" + ], + [ + "Ġculmin", + "ating" + ], + [ + "æ", + "©" + ], + [ + "ary", + "a" + ], + [ + "ãĤ", + "®" + ], + [ + "ilit", + "arian" + ], + [ + "ĠOR", + "IG" + ], + [ + "ĠSp", + "ending" + ], + [ + "pt", + "ives" + ], + [ + "ĠS", + "iren" + ], + [ + "ĠRec", + "ording" + ], + [ + "ay", + "ne" + ], + [ + "Ġv", + "im" + ], + [ + "Ġspr", + "ang" + ], + [ + "T", + "ang" + ], + [ + "ĠM", + "FT" + ], + [ + "mor", + "ning" + ], + [ + "ĠWe", + "ed" + ], + [ + "m", + "peg" + ], + [ + "cess", + "ion" + ], + [ + "ĠCh", + "ung" + ], + [ + "7", + "30" + ], + [ + "w", + "arning" + ], + [ + "56", + "2" + ], + [ + "handed", + "ly" + ], + [ + "P", + "oor" + ], + [ + "P", + "olitics" + ], + [ + ":", + "#" + ], + [ + "Ġp", + "ian" + ], + [ + "Ġfec", + "es" + ], + [ + "ĠDocument", + "ation" + ], + [ + "Ġban", + "ished" + ], + [ + "Ġ3", + "99" + ], + [ + "ĠAR", + "C" + ], + [ + "Ġhe", + "inous" + ], + [ + "J", + "ake" + ], + [ + "ĠAm", + "ir" + ], + [ + "way", + "ne" + ], + [ + "v", + "re" + ], + [ + "os", + "henko" + ], + [ + "Ġnotebook", + "s" + ], + [ + "Ġfound", + "ational" + ], + [ + "Ġmarvel", + "ous" + ], + [ + "ixt", + "ape" + ], + [ + "Ġwithdraw", + "als" + ], + [ + "Ġh", + "orde" + ], + [ + "ĠD", + "habi" + ], + [ + "is", + "able" + ], + [ + "ĠK", + "D" + ], + [ + "Ġcontag", + "ious" + ], + [ + "ĠD", + "ip" + ], + [ + "ĠAr", + "rows" + ], + [ + "Ġpronoun", + "s" + ], + [ + "Ġmorph", + "ine" + ], + [ + "ĠB", + "US" + ], + [ + "68", + "2" + ], + [ + "Ġk", + "osher" + ], + [ + "fin", + "ished" + ], + [ + "ĠInstr", + "uments" + ], + [ + "Ġf", + "used" + ], + [ + "yd", + "en" + ], + [ + "ĠSal", + "mon" + ], + [ + "F", + "ab" + ], + [ + "aff", + "ected" + ], + [ + "K", + "EN" + ], + [ + "C", + "ENT" + ], + [ + "Dom", + "ain" + ], + [ + "Ġpoke", + "mon" + ], + [ + "ĠDr", + "inking" + ], + [ + "G", + "rowing" + ], + [ + "ĠInvestig", + "ative" + ], + [ + "ĠA", + "ether" + ], + [ + "em", + "i" + ], + [ + "Ġtabl", + "oid" + ], + [ + "Ġrep", + "ro" + ], + [ + "ĠNot", + "withstanding" + ], + [ + "ĠBers", + "erker" + ], + [ + "Ġdram", + "as" + ], + [ + "Ġclich", + "é" + ], + [ + "Ġb", + "ung" + ], + [ + "ĠU", + "RI" + ], + [ + "ĠD", + "os" + ], + [ + "0", + "44" + ], + [ + "Ġpast", + "ors" + ], + [ + "Ġl", + "s" + ], + [ + "Ġac", + "rylic" + ], + [ + "aun", + "ts" + ], + [ + "Ed", + "ward" + ], + [ + "Ġmajor", + "ities" + ], + [ + "B", + "ang" + ], + [ + "Ġfield", + "ing" + ], + [ + "ĠRepl", + "acement" + ], + [ + "ĠAl", + "chemy" + ], + [ + "pp", + "ard" + ], + [ + "ĠRome", + "o" + ], + [ + "ĠSan", + "ct" + ], + [ + "ĠLav", + "rov" + ], + [ + "ib", + "ble" + ], + [ + "Inst", + "ruct" + ], + [ + "Ġimp", + "ractical" + ], + [ + "ĠPlay", + "boy" + ], + [ + "ce", + "phal" + ], + [ + "Ġsw", + "aps" + ], + [ + "Ġk", + "an" + ], + [ + "ĠThe", + "o" + ], + [ + "Ġillust", + "rating" + ], + [ + "Ġdismant", + "led" + ], + [ + "ĠTrans", + "gender" + ], + [ + "ĠG", + "uth" + ], + [ + "UG", + "H" + ], + [ + "Ġtriumph", + "ant" + ], + [ + "Ġencomp", + "ass" + ], + [ + "Ġbook", + "mark" + ], + [ + "udd", + "in" + ], + [ + "j", + "er" + ], + [ + "Ġpred", + "icate" + ], + [ + "ES", + "H" + ], + [ + "Ġwhen", + "ce" + ], + [ + "ĠAB", + "E" + ], + [ + "Ġnon", + "profits" + ], + [ + "Se", + "qu" + ], + [ + "Ġdi", + "abetic" + ], + [ + "Ġp", + "end" + ], + [ + "Ġheart", + "felt" + ], + [ + "sh", + "i" + ], + [ + "Ġinter", + "acts" + ], + [ + "ĠTele", + "com" + ], + [ + "Ġbombard", + "ment" + ], + [ + "dep", + "ending" + ], + [ + "ĠLow", + "ry" + ], + [ + "ĠAd", + "mission" + ], + [ + "ĠBl", + "ooming" + ], + [ + "ust", + "ration" + ], + [ + "ene", + "gger" + ], + [ + "B", + "rew" + ], + [ + "Ġmol", + "ten" + ], + [ + "ĠNer", + "d" + ], + [ + "P", + "IN" + ], + [ + "âĸ", + "Ģ" + ], + [ + "ave", + "ment" + ], + [ + "Ġtou", + "red" + ], + [ + "Ġco", + "efficients" + ], + [ + "ĠTray", + "von" + ], + [ + "ans", + "son" + ], + [ + "Ġsand", + "y" + ], + [ + "t", + "old" + ], + [ + "fl", + "ows" + ], + [ + "Ġpop", + "ulous" + ], + [ + "ĠT", + "inder" + ], + [ + "ĠBl", + "iss" + ], + [ + "R", + "achel" + ], + [ + "Min", + "imum" + ], + [ + "Ġcontest", + "ant" + ], + [ + "ĠRed", + "uce" + ], + [ + "ĠMor", + "se" + ], + [ + "ĠGrass", + "ley" + ], + [ + "ĠClick", + "er" + ], + [ + "Ġexp", + "r" + ], + [ + "Ġs", + "incerity" + ], + [ + "Ġmar", + "qu" + ], + [ + "Ġelic", + "it" + ], + [ + "ĠPro", + "position" + ], + [ + "ĠDemon", + "ic" + ], + [ + "Ġtac", + "os" + ], + [ + "G", + "reek" + ], + [ + "Ġpost", + "war" + ], + [ + "Ġin", + "sofar" + ], + [ + "ĠP", + "ork" + ], + [ + "Ġ35", + "2" + ], + [ + "doctor", + "al" + ], + [ + "walk", + "ing" + ], + [ + "Ġmid", + "term" + ], + [ + "ĠSam", + "my" + ], + [ + "sight", + "ed" + ], + [ + "ĠTR", + "ANS" + ], + [ + "ic", + "i" + ], + [ + "AL", + "D" + ], + [ + "ĠUS", + "L" + ], + [ + "ĠF", + "ISA" + ], + [ + "ĠAm", + "pl" + ], + [ + "ĠAlex", + "andra" + ], + [ + "ine", + "lli" + ], + [ + "Tr", + "ain" + ], + [ + "Ġsign", + "ify" + ], + [ + "ĠVers", + "us" + ], + [ + "Ġob", + "fusc" + ], + [ + "Ġk", + "h" + ], + [ + "Ġagg", + "ro" + ], + [ + "ĠRen", + "ault" + ], + [ + "Ġ3", + "48" + ], + [ + "5", + "18" + ], + [ + "ox", + "icity" + ], + [ + "0", + "22" + ], + [ + "ĠTw", + "ist" + ], + [ + "Ġgoof", + "y" + ], + [ + "D", + "ynamic" + ], + [ + "Ġbrief", + "ings" + ], + [ + "m", + "ight" + ], + [ + "8", + "99" + ], + [ + "Ġderog", + "atory" + ], + [ + "T", + "ro" + ], + [ + "Ġfor", + "ging" + ], + [ + "ĠKor", + "an" + ], + [ + "ĠMar", + "ried" + ], + [ + "ĠBuc", + "s" + ], + [ + "Ġpal", + "ate" + ], + [ + "ĠCon", + "version" + ], + [ + "m", + "able" + ], + [ + "4", + "13" + ], + [ + "Ġ(", + "_" + ], + [ + "Ġs", + "iph" + ], + [ + "ĠN", + "EO" + ], + [ + "col", + "lege" + ], + [ + "Ġmarg", + "inally" + ], + [ + "Ġfl", + "irt" + ], + [ + "ĠTra", + "ps" + ], + [ + "ĠP", + "ace" + ], + [ + "é", + "»Ĵ" + ], + [ + "Ġgoalt", + "ender" + ], + [ + "Ġforb", + "ids" + ], + [ + "Ġcler", + "ks" + ], + [ + "ĠT", + "ant" + ], + [ + "ĠRobb", + "ins" + ], + [ + "ĠPrint", + "ing" + ], + [ + "Ġpremie", + "red" + ], + [ + "Ġmagn", + "ification" + ], + [ + "ĠT", + "G" + ], + [ + "ĠR", + "ouse" + ], + [ + "ĠM", + "ock" + ], + [ + "odynam", + "ics" + ], + [ + "Ġpre", + "clude" + ], + [ + "ism", + "o" + ], + [ + "ĠPul", + "itzer" + ], + [ + "Ġaval", + "anche" + ], + [ + "ĠK", + "odi" + ], + [ + "rib", + "une" + ], + [ + "ĠL", + "ena" + ], + [ + "Elect", + "ric" + ], + [ + "Ġref", + "inery" + ], + [ + "Ġend", + "owed" + ], + [ + "Ġcounsel", + "ors" + ], + [ + "Ġd", + "olphin" + ], + [ + "ĠM", + "ith" + ], + [ + "Ġarm", + "oured" + ], + [ + "hib", + "ited" + ], + [ + "Beg", + "in" + ], + [ + "ĠP", + "W" + ], + [ + "O", + "il" + ], + [ + "ĠV", + "or" + ], + [ + "ĠShar", + "if" + ], + [ + "ĠFraz", + "ier" + ], + [ + "est", + "ate" + ], + [ + "Ġj", + "ams" + ], + [ + "Pro", + "xy" + ], + [ + "Ġband", + "its" + ], + [ + "ĠPresbyter", + "ian" + ], + [ + "ĠPrem", + "iere" + ], + [ + "t", + "iny" + ], + [ + "ĠCru", + "el" + ], + [ + "Test", + "ing" + ], + [ + "Ġhom", + "er" + ], + [ + "ĠV", + "ERS" + ], + [ + "ĠPro", + "l" + ], + [ + "ĠDep", + "osit" + ], + [ + "ĠCoff", + "in" + ], + [ + "Ġsemin", + "ars" + ], + [ + "Ġs", + "ql" + ], + [ + "ĠDef", + "endants" + ], + [ + "Altern", + "atively" + ], + [ + "ĠR", + "ats" + ], + [ + "ç", + "«" + ], + [ + "ethy", + "st" + ], + [ + "'", + ">" + ], + [ + "Ġiss", + "uer" + ], + [ + "58", + "9" + ], + [ + "Ġch", + "aired" + ], + [ + "ĠAccess", + "ories" + ], + [ + "man", + "ent" + ], + [ + "Ġmar", + "row" + ], + [ + "ĠPrim", + "ordial" + ], + [ + "C", + "N" + ], + [ + "Ġlimit", + "less" + ], + [ + "ĠCarn", + "age" + ], + [ + "Ġund", + "rafted" + ], + [ + "q", + "v" + ], + [ + "IN", + "ESS" + ], + [ + "on", + "ew" + ], + [ + "Ġco", + "hesion" + ], + [ + "98", + "7" + ], + [ + "Ġne", + "cks" + ], + [ + "Ġfootball", + "er" + ], + [ + "ĠG", + "ER" + ], + [ + "Ġdetect", + "able" + ], + [ + "ĠSupport", + "ing" + ], + [ + "ĠCS", + "V" + ], + [ + "oc", + "ally" + ], + [ + "k", + "Hz" + ], + [ + "Ġund", + "e" + ], + [ + "Ġsh", + "one" + ], + [ + "Ġbud", + "ding" + ], + [ + "tra", + "k" + ], + [ + "Stand", + "ing" + ], + [ + "ĠStar", + "craft" + ], + [ + "ĠKem", + "p" + ], + [ + "Ben", + "ch" + ], + [ + "Ġthw", + "arted" + ], + [ + "ĠGround", + "s" + ], + [ + "ath", + "i" + ], + [ + "L", + "isa" + ], + [ + "Dial", + "og" + ], + [ + "ĠS", + "X" + ], + [ + "V", + "ision" + ], + [ + "Ġingen", + "ious" + ], + [ + "Ù", + "IJ" + ], + [ + "Ġfost", + "ering" + ], + [ + "ĠZ", + "a" + ], + [ + "ĠIn", + "gram" + ], + [ + "Ġ\"", + "@" + ], + [ + "N", + "aturally" + ], + [ + "6", + "16" + ], + [ + "0", + "35" + ], + [ + "ĠF", + "AC" + ], + [ + "H", + "mm" + ], + [ + "55", + "4" + ], + [ + "Ġacceler", + "ator" + ], + [ + "ĠV", + "end" + ], + [ + "Ġsun", + "screen" + ], + [ + "Ġtuber", + "culosis" + ], + [ + "rav", + "iolet" + ], + [ + "ĠFunction", + "al" + ], + [ + "ĠEr", + "rors" + ], + [ + "ed", + "ar" + ], + [ + "19", + "66" + ], + [ + "ĠSpect", + "re" + ], + [ + "ĠRec", + "ipes" + ], + [ + "88", + "5" + ], + [ + "ĠM", + "ankind" + ], + [ + "L", + "iverpool" + ], + [ + "Ġ|", + "--" + ], + [ + "Ġsubst", + "itutes" + ], + [ + "ĠX", + "T" + ], + [ + "w", + "ired" + ], + [ + "Ġinc", + "o" + ], + [ + "ĠAf", + "gh" + ], + [ + "E", + "va" + ], + [ + "ic", + "c" + ], + [ + "S", + "ong" + ], + [ + "K", + "night" + ], + [ + "Ġdilig", + "ently" + ], + [ + "ĠBroad", + "cast" + ], + [ + "A", + "id" + ], + [ + "Ġaf", + "ar" + ], + [ + "ĠH", + "MS" + ], + [ + "aton", + "in" + ], + [ + "ĠGr", + "ateful" + ], + [ + "Ġfire", + "place" + ], + [ + "ĠOm", + "ni" + ], + [ + "e", + "uro" + ], + [ + "ĠF", + "RE" + ], + [ + "ĠSh", + "ib" + ], + [ + "ĠDig", + "est" + ], + [ + "t", + "oggle" + ], + [ + "Ġheads", + "ets" + ], + [ + "Ġdiff", + "usion" + ], + [ + "ĠSqu", + "irrel" + ], + [ + "ĠF", + "N" + ], + [ + "Ġdark", + "ened" + ], + [ + "out", + "her" + ], + [ + "Ġsleep", + "s" + ], + [ + "ĠX", + "er" + ], + [ + "gun", + "s" + ], + [ + "Ġset", + "ups" + ], + [ + "Ġpars", + "ed" + ], + [ + "Ġmamm", + "oth" + ], + [ + "ĠCur", + "ious" + ], + [ + "g", + "ob" + ], + [ + "ĠFitz", + "patrick" + ], + [ + "ĠEm", + "il" + ], + [ + "im", + "ov" + ], + [ + "........", + "....." + ], + [ + "ĠB", + "enny" + ], + [ + "Second", + "ly" + ], + [ + "Ġheart", + "y" + ], + [ + "Ġcons", + "on" + ], + [ + "st", + "ained" + ], + [ + "Ġgal", + "actic" + ], + [ + "cl", + "ave" + ], + [ + "Ġplummet", + "ed" + ], + [ + "Ġp", + "ests" + ], + [ + "Ġsw", + "at" + ], + [ + "Ġrefer", + "rals" + ], + [ + "ĠLion", + "el" + ], + [ + "h", + "oly" + ], + [ + "Ġunder", + "dog" + ], + [ + "ĠSl", + "ater" + ], + [ + "ĠProv", + "ide" + ], + [ + "ĠAm", + "ar" + ], + [ + "ress", + "or" + ], + [ + "å", + "Į" + ], + [ + "ong", + "a" + ], + [ + "Ġtim", + "id" + ], + [ + "Ġp", + "iety" + ], + [ + "ĠD", + "ek" + ], + [ + "Ġsur", + "ging" + ], + [ + "az", + "o" + ], + [ + "Ġ6", + "10" + ], + [ + "Ġdes", + "ks" + ], + [ + "ĠSp", + "okane" + ], + [ + "ĠAn", + "field" + ], + [ + "Ġwars", + "hips" + ], + [ + "ĠCob", + "ra" + ], + [ + "Ġar", + "ming" + ], + [ + "clus", + "ively" + ], + [ + "ĠBad", + "ge" + ], + [ + "ag", + "ascar" + ], + [ + "ĠPR", + "ESS" + ], + [ + "ĠMcK", + "enzie" + ], + [ + "ĠFer", + "dinand" + ], + [ + "burn", + "ing" + ], + [ + "Af", + "ee" + ], + [ + "Ġtyr", + "ann" + ], + [ + "ĠI", + "w" + ], + [ + "ĠBo", + "one" + ], + [ + "100", + "7" + ], + [ + "ĠRe", + "pt" + ], + [ + "Ċ", + "Âł" + ], + [ + "Ġcar", + "avan" + ], + [ + "ĠD", + "ill" + ], + [ + "ĠBundes", + "liga" + ], + [ + "Ch", + "uck" + ], + [ + "Ġheal", + "er" + ], + [ + "ãĥ¼ãĥ", + "Ĩ" + ], + [ + "ĠH", + "obby" + ], + [ + "Ġneg", + "ate" + ], + [ + "Ġcrit", + "iques" + ], + [ + "section", + "al" + ], + [ + "mop", + "olitan" + ], + [ + "Ġd", + "x" + ], + [ + "Ġouts", + "ourcing" + ], + [ + "ĠC", + "ipher" + ], + [ + "t", + "ap" + ], + [ + "Sh", + "arp" + ], + [ + "Ġup", + "beat" + ], + [ + "Ġhang", + "ar" + ], + [ + "Ġcru", + "ising" + ], + [ + "ĠNi", + "agara" + ], + [ + "Ġ3", + "42" + ], + [ + "ill", + "us" + ], + [ + "ĠS", + "v" + ], + [ + "Ġsubt", + "itles" + ], + [ + "Ġsqu", + "ared" + ], + [ + "Ġbook", + "store" + ], + [ + "Ġrevolution", + "aries" + ], + [ + "ĠCarl", + "ton" + ], + [ + "ab", + "al" + ], + [ + "Ut", + "ah" + ], + [ + "Ġdesp", + "ise" + ], + [ + "ĠU", + "M" + ], + [ + "cons", + "ider" + ], + [ + "aid", + "o" + ], + [ + "Ġc", + "arts" + ], + [ + "ĠT", + "urtles" + ], + [ + "Tr", + "aining" + ], + [ + "Ġhonor", + "ary" + ], + [ + "Â", + "¢" + ], + [ + "Ġtri", + "angles" + ], + [ + "4", + "22" + ], + [ + "Ġreprint", + "ed" + ], + [ + "Ġgrace", + "ful" + ], + [ + "ĠMong", + "olia" + ], + [ + "Ġdisrupt", + "ions" + ], + [ + "ĠB", + "oh" + ], + [ + "Ġ3", + "49" + ], + [ + "Ġdr", + "ains" + ], + [ + "Ġcons", + "ulate" + ], + [ + "Ġb", + "ends" + ], + [ + "Ġm", + "afia" + ], + [ + "ur", + "on" + ], + [ + "ĠF", + "ulton" + ], + [ + "m", + "isc" + ], + [ + "Ġren", + "al" + ], + [ + "Ġin", + "action" + ], + [ + "ck", + "ing" + ], + [ + "Ġphot", + "ons" + ], + [ + "Ġbru", + "ised" + ], + [ + "ĠC", + "odes" + ], + [ + "og", + "i" + ], + [ + "Ġn", + "ests" + ], + [ + "ĠLove", + "ly" + ], + [ + "ĠLib", + "re" + ], + [ + "ĠD", + "aryl" + ], + [ + "Ġ#", + "##" + ], + [ + "S", + "ys" + ], + [ + ".", + ",\"" + ], + [ + "Ġfree", + "zes" + ], + [ + "est", + "ablishment" + ], + [ + "and", + "owski" + ], + [ + "Ġcum", + "bers" + ], + [ + "ĠSt", + "arg" + ], + [ + "ĠBom", + "bs" + ], + [ + "Ġleg", + "ions" + ], + [ + "Ġhand", + "writing" + ], + [ + "Ġgr", + "un" + ], + [ + "ĠC", + "ah" + ], + [ + "sequ", + "ent" + ], + [ + "Ġm", + "oth" + ], + [ + "ĠMS", + "M" + ], + [ + "Ins", + "ert" + ], + [ + "F", + "if" + ], + [ + "Ġmot", + "el" + ], + [ + "Ġdex", + "ter" + ], + [ + "ĠB", + "ild" + ], + [ + "hearted", + "ly" + ], + [ + "Ġpro", + "pe" + ], + [ + "ĠText", + "ure" + ], + [ + "ĠJ", + "unction" + ], + [ + "ynt", + "hesis" + ], + [ + "oc", + "ard" + ], + [ + "ĠVer", + "a" + ], + [ + "ĠBar", + "th" + ], + [ + "Ġμ", + "g" + ], + [ + "Ġl", + "ashed" + ], + [ + "Ġ35", + "1" + ], + [ + "ĠZ", + "amb" + ], + [ + "ĠSt", + "aples" + ], + [ + "ĠCort", + "ex" + ], + [ + "ĠCork", + "er" + ], + [ + "Ġcontinu", + "um" + ], + [ + "ĠWR", + "ITE" + ], + [ + "unt", + "a" + ], + [ + "rid", + "or" + ], + [ + "Ġde", + "ems" + ], + [ + "0", + "33" + ], + [ + "ĠG", + "OLD" + ], + [ + "p", + "as" + ], + [ + "Ġrep", + "ressive" + ], + [ + "ãĥĨ", + "ãĤ£" + ], + [ + "Ġbaff", + "led" + ], + [ + "Sc", + "ar" + ], + [ + "Ġc", + "rave" + ], + [ + "Ġ", + "______" + ], + [ + "Ġentrepreneurs", + "hip" + ], + [ + "ĠDirector", + "ate" + ], + [ + "Ġ'", + "[" + ], + [ + "Ġv", + "ines" + ], + [ + "Ġasc", + "ended" + ], + [ + "ĠGR", + "OUP" + ], + [ + "ĠGood", + "bye" + ], + [ + "Ġdo", + "gged" + ], + [ + "ãĥ´", + "ãĤ¡" + ], + [ + "Man", + "ufact" + ], + [ + "Ġunimagin", + "able" + ], + [ + "ri", + "ots" + ], + [ + "ier", + "rez" + ], + [ + "Ġrel", + "ativity" + ], + [ + "ĠCraft", + "ing" + ], + [ + "ra", + "ught" + ], + [ + "ud", + "en" + ], + [ + "c", + "ookie" + ], + [ + "Ġassass", + "ins" + ], + [ + "Ġdissatisf", + "ied" + ], + [ + "ac", + "ci" + ], + [ + "Ġcondu", + "it" + ], + [ + "Sp", + "read" + ], + [ + "ĠR", + "ican" + ], + [ + "n", + "ice" + ], + [ + "izz", + "le" + ], + [ + "Ġsc", + "ares" + ], + [ + "ĠWH", + "Y" + ], + [ + "ph", + "ans" + ], + [ + "5", + "35" + ], + [ + "Ġprot", + "racted" + ], + [ + "ĠKrist", + "en" + ], + [ + "5", + "36" + ], + [ + "ĠSc", + "rib" + ], + [ + "ĠNe", + "h" + ], + [ + "Ġtwent", + "ies" + ], + [ + "Ġpredic", + "ament" + ], + [ + "Ġhandc", + "uffs" + ], + [ + "Ġfruit", + "ful" + ], + [ + "ĠU", + "L" + ], + [ + "ĠLud", + "wig" + ], + [ + "Ġatt", + "est" + ], + [ + "ĠBre", + "aker" + ], + [ + "Ġbi", + "ologically" + ], + [ + "ĠDeal", + "er" + ], + [ + "Ġrenov", + "ations" + ], + [ + "f", + "w" + ], + [ + "ess", + "en" + ], + [ + "Al", + "ice" + ], + [ + "ĠHen", + "ri" + ], + [ + "Ġun", + "ilaterally" + ], + [ + "ĠS", + "idd" + ], + [ + "h", + "ai" + ], + [ + "ĠSt", + "retch" + ], + [ + "S", + "ales" + ], + [ + "Ġcumbers", + "ome" + ], + [ + "ĠJ", + "avier" + ], + [ + "Ġtrend", + "y" + ], + [ + "Ġrot", + "ting" + ], + [ + "ĠChall", + "enges" + ], + [ + "Ġscra", + "ps" + ], + [ + "Ġfac", + "ets" + ], + [ + "ĠVer", + "onica" + ], + [ + "ĠVer", + "ge" + ], + [ + "ĠS", + "ana" + ], + [ + "Al", + "ien" + ], + [ + "ĠR", + "ih" + ], + [ + "Ġrad", + "ial" + ], + [ + "ect", + "ar" + ], + [ + "Ġ6", + "30" + ], + [ + "cl", + "i" + ], + [ + "Mar", + "ie" + ], + [ + "Ġwild", + "fire" + ], + [ + "ĠCat", + "o" + ], + [ + "h", + "ander" + ], + [ + "Ġwait", + "ress" + ], + [ + "Ġch", + "ops" + ], + [ + "ĠS", + "ECTION" + ], + [ + "Ġblunt", + "ly" + ], + [ + "ĠCat", + "alog" + ], + [ + "n", + "ian" + ], + [ + "stud", + "y" + ], + [ + "Ġpat", + "rolling" + ], + [ + "ĠT", + "enth" + ], + [ + "nex", + "us" + ], + [ + "ĠN", + "ON" + ], + [ + "op", + "sy" + ], + [ + "Ġsc", + "athing" + ], + [ + "s", + "ie" + ], + [ + "Ġdeterior", + "ated" + ], + [ + "V", + "B" + ], + [ + "Naz", + "is" + ], + [ + "Ġdep", + "ictions" + ], + [ + "Ġauthent", + "icated" + ], + [ + "ĠCon", + "ce" + ], + [ + "k", + "rit" + ], + [ + "Ġpromul", + "g" + ], + [ + "ĠL", + "ONG" + ], + [ + "U", + "FC" + ], + [ + "ĠVis", + "itors" + ], + [ + "ĠRec", + "all" + ], + [ + "Ġrehab", + "ilit" + ], + [ + "ĠSL", + "I" + ], + [ + "Ġglac", + "ier" + ], + [ + "ĠB", + "ite" + ], + [ + "Ġ50", + "3" + ], + [ + "Ġvom", + "it" + ], + [ + "Ġfer", + "mented" + ], + [ + "ĠKh", + "alid" + ], + [ + "Ġgrad", + "ed" + ], + [ + "ĠMag", + "icka" + ], + [ + "ĠIch", + "igo" + ], + [ + "power", + "ful" + ], + [ + "ic", + "ators" + ], + [ + "75", + "3" + ], + [ + "Ġsh", + "rew" + ], + [ + "Ġ35", + "6" + ], + [ + "Ġlegal", + "izing" + ], + [ + "Ġall", + "otted" + ], + [ + "ĠArch", + "demon" + ], + [ + "ith", + "ing" + ], + [ + "igg", + "urat" + ], + [ + "V", + "OL" + ], + [ + "Le", + "od" + ], + [ + "Ġo", + "ily" + ], + [ + "Ġindu", + "cing" + ], + [ + "Ġamy", + "gdala" + ], + [ + "Ġadm", + "ins" + ], + [ + "ĠAcqu", + "isition" + ], + [ + "C", + "AN" + ], + [ + "Ġsche", + "matic" + ], + [ + "Ġmo", + "an" + ], + [ + "ĠCamer", + "oon" + ], + [ + "Ġt", + "ink" + ], + [ + "Ġmer", + "ry" + ], + [ + "Ġbutter", + "flies" + ], + [ + "ĠGo", + "ff" + ], + [ + "Ġworks", + "pace" + ], + [ + "ĠCor", + "ona" + ], + [ + "Ġj", + "avascript" + ], + [ + "ĠD", + "olphin" + ], + [ + "ĠCant", + "or" + ], + [ + "4", + "64" + ], + [ + "to", + "e" + ], + [ + "AP", + "S" + ], + [ + "ĠAg", + "ing" + ], + [ + "Ġpadd", + "ed" + ], + [ + "ĠZ", + "heng" + ], + [ + "ĠHe", + "ld" + ], + [ + "Ġest", + "ranged" + ], + [ + "Ġ7", + "70" + ], + [ + ".", + "}" + ], + [ + "ĠDun", + "ham" + ], + [ + "Ġsm", + "okes" + ], + [ + "Ġcap", + "itals" + ], + [ + "und", + "ai" + ], + [ + "Sh", + "in" + ], + [ + "ĠFound", + "ing" + ], + [ + "Ġent", + "itle" + ], + [ + "Ġcenter", + "piece" + ], + [ + "D", + "iscover" + ], + [ + "Ġthere", + "to" + ], + [ + "al", + "ert" + ], + [ + "ĠN", + "ou" + ], + [ + "ĠAnaly", + "st" + ], + [ + "l", + "c" + ], + [ + "F", + "H" + ], + [ + "FI", + "ELD" + ], + [ + "ĠP", + "OV" + ], + [ + "gr", + "ay" + ], + [ + "Ġar", + "cs" + ], + [ + "ĠH", + "OT" + ], + [ + "Ġr", + "s" + ], + [ + "Ġoblig", + "atory" + ], + [ + "ĠArchitect", + "s" + ], + [ + "ĠS", + "ven" + ], + [ + "ĠF", + "EC" + ], + [ + "0", + "200" + ], + [ + "Christ", + "mas" + ], + [ + "ĠAlban", + "ia" + ], + [ + "rat", + "om" + ], + [ + "58", + "7" + ], + [ + "Ġhard", + "ships" + ], + [ + "Ġaut", + "os" + ], + [ + "ĠCharg", + "es" + ], + [ + "Ġap", + "es" + ], + [ + "Ġ3", + "76" + ], + [ + "wal", + "let" + ], + [ + "Ġintox", + "ication" + ], + [ + "Ġgobl", + "in" + ], + [ + "Ġ5", + "70" + ], + [ + "++++++++", + "++++++++" + ], + [ + "ĠYel", + "p" + ], + [ + "ĠMag", + "netic" + ], + [ + "ĠBr", + "iggs" + ], + [ + "R", + "ail" + ], + [ + "Ġspawn", + "s" + ], + [ + "ĠW", + "iggins" + ], + [ + "Ġshowc", + "ased" + ], + [ + "Ġres", + "orted" + ], + [ + "ub", + "en" + ], + [ + "Ġwh", + "ipping" + ], + [ + "Ġim", + "itate" + ], + [ + "Ġdigest", + "ion" + ], + [ + "ĠUS", + "PS" + ], + [ + "ĠG", + "est" + ], + [ + "Ġye", + "a" + ], + [ + "ĠT", + "ight" + ], + [ + "ind", + "al" + ], + [ + "ic", + "as" + ], + [ + "`", + "." + ], + [ + "C", + "AST" + ], + [ + "''", + ";" + ], + [ + "ĠF", + "et" + ], + [ + "opath", + "ic" + ], + [ + "In", + "valid" + ], + [ + "Ġregrett", + "ed" + ], + [ + "Ġbro", + "ccoli" + ], + [ + "ĠSc", + "ores" + ], + [ + "e", + "ve" + ], + [ + "Ġpost", + "ings" + ], + [ + "Ġaccum", + "ulating" + ], + [ + "Ġneed", + "less" + ], + [ + "elf", + "th" + ], + [ + "Ġmay", + "ors" + ], + [ + "Ġsc", + "rib" + ], + [ + "Ġanecd", + "otes" + ], + [ + "Ġbot", + "ched" + ], + [ + "ĠRib", + "bon" + ], + [ + "ĠConstant", + "ine" + ], + [ + "i", + "uses" + ], + [ + "ess", + "es" + ], + [ + "Ġdev", + "ise" + ], + [ + "Comp", + "ared" + ], + [ + "Ġp", + "udding" + ], + [ + "Ġg", + "arg" + ], + [ + "Ġev", + "oke" + ], + [ + "79", + "7" + ], + [ + "Ġdet", + "ox" + ], + [ + "9", + "09" + ], + [ + "ĠPie", + "ces" + ], + [ + "ĠMcC", + "artney" + ], + [ + "Ġmet", + "ast" + ], + [ + "ĠK", + "rypt" + ], + [ + "P", + "OR" + ], + [ + "Ġt", + "ending" + ], + [ + "ĠMerch", + "ants" + ], + [ + "Pro", + "of" + ], + [ + "ĠV", + "arg" + ], + [ + "ĠPort", + "able" + ], + [ + "ãĥ¼ãĥĨ", + "ãĤ£" + ], + [ + "B", + "rain" + ], + [ + "25", + "00" + ], + [ + "Ġfol", + "iage" + ], + [ + "Ø", + "¹" + ], + [ + "Ġment", + "ors" + ], + [ + "ĠA", + "ires" + ], + [ + "Ġminimal", + "ist" + ], + [ + "Ġing", + "ested" + ], + [ + "ĠTro", + "jan" + ], + [ + "ĠQ", + "ian" + ], + [ + "inv", + "olved" + ], + [ + "0", + "27" + ], + [ + "Ġer", + "oded" + ], + [ + "RA", + "FT" + ], + [ + "Ġbl", + "urry" + ], + [ + "M", + "ob" + ], + [ + "Ġbuff", + "et" + ], + [ + "ĠFn", + "atic" + ], + [ + "ae", + "a" + ], + [ + "KN", + "OWN" + ], + [ + "ĠIn", + "it" + ], + [ + "s", + "afety" + ], + [ + "en", + "um" + ], + [ + "ACT", + "ION" + ], + [ + "ĠCrus", + "her" + ], + [ + "ĠD", + "ates" + ], + [ + "Ġ", + "................" + ], + [ + "c", + "alling" + ], + [ + "ak", + "ov" + ], + [ + "Ġvent", + "ured" + ], + [ + "Ġ5", + "55" + ], + [ + "au", + "ga" + ], + [ + "H", + "art" + ], + [ + "ĠA", + "ero" + ], + [ + "M", + "AC" + ], + [ + "Ġthin", + "ly" + ], + [ + "Ġar", + "ra" + ], + [ + "ST", + "ATE" + ], + [ + "ild", + "e" + ], + [ + "ĠJac", + "qu" + ], + [ + "ĠFem", + "ales" + ], + [ + "Ġthe", + "orem" + ], + [ + "Ġ3", + "46" + ], + [ + "Ġsmart", + "est" + ], + [ + "ĠPU", + "BLIC" + ], + [ + "ĠK", + "ron" + ], + [ + "ĠB", + "its" + ], + [ + "ĠV", + "essel" + ], + [ + "ĠTele", + "phone" + ], + [ + "Ġdec", + "ap" + ], + [ + "Ġadj", + "unct" + ], + [ + "ĠS", + "EN" + ], + [ + "mer", + "ga" + ], + [ + "Ġred", + "acted" + ], + [ + "Ġpre", + "historic" + ], + [ + "Ġexplan", + "atory" + ], + [ + "ĠRun", + "s" + ], + [ + "ĠUtt", + "ar" + ], + [ + "ĠM", + "anny" + ], + [ + "ĠAUTH", + "OR" + ], + [ + "ĠUnle", + "ashed" + ], + [ + "ĠBow", + "ling" + ], + [ + "be", + "ans" + ], + [ + "79", + "3" + ], + [ + "Ġunivers", + "es" + ], + [ + "Ġsens", + "it" + ], + [ + "ĠK", + "ung" + ], + [ + "re", + "peat" + ], + [ + "ctr", + "l" + ], + [ + "Ġp", + "aced" + ], + [ + "Ġfull", + "er" + ], + [ + "Cl", + "ock" + ], + [ + "Ġrec", + "omb" + ], + [ + "ĠF", + "aul" + ], + [ + "ĠB", + "unker" + ], + [ + "Ġpool", + "ed" + ], + [ + "Ġan", + "a" + ], + [ + "ĠM", + "outh" + ], + [ + "LL", + "OW" + ], + [ + "hum", + "ane" + ], + [ + "Ġbull", + "do" + ], + [ + "ĠMicha", + "els" + ], + [ + "f", + "am" + ], + [ + "Ġwreck", + "ed" + ], + [ + "Ġport", + "rays" + ], + [ + "ĠWh", + "ale" + ], + [ + "ĠH", + "es" + ], + [ + "Ġguess", + "es" + ], + [ + "ĠBrow", + "se" + ], + [ + "ĠL", + "APD" + ], + [ + "Ġconsequ", + "ential" + ], + [ + "ĠInn", + "ocent" + ], + [ + "ĠD", + "RAG" + ], + [ + "Ġtrans", + "gress" + ], + [ + "ĠO", + "aks" + ], + [ + "Ġtri", + "via" + ], + [ + "ĠRes", + "on" + ], + [ + "ĠA", + "DS" + ], + [ + "--", + "+" + ], + [ + "ĠT", + "oll" + ], + [ + "Ġgrasp", + "ing" + ], + [ + "ĠTHE", + "M" + ], + [ + "ĠT", + "ags" + ], + [ + "ĠCon", + "clusion" + ], + [ + "Ġpract", + "icable" + ], + [ + "Ġho", + "op" + ], + [ + "Ġunintention", + "ally" + ], + [ + "Ġign", + "ite" + ], + [ + "ĠM", + "ov" + ], + [ + "ur", + "ized" + ], + [ + "le", + "hem" + ], + [ + "Ter", + "min" + ], + [ + "Ġcolour", + "ful" + ], + [ + "ĠLin", + "ear" + ], + [ + "ĠEll", + "ie" + ], + [ + "G", + "y" + ], + [ + "Ġman", + "power" + ], + [ + "Ġj", + "s" + ], + [ + "Ġem", + "oji" + ], + [ + "ĠSHAR", + "ES" + ], + [ + "_", + "." + ], + [ + "0000", + "7" + ], + [ + "Ġsophistic", + "ation" + ], + [ + "Ġunders", + "core" + ], + [ + "Ġpract", + "ise" + ], + [ + "Ġbl", + "ob" + ], + [ + "op", + "ens" + ], + [ + "Uk", + "raine" + ], + [ + "Ke", + "eping" + ], + [ + "Y", + "C" + ], + [ + "J", + "R" + ], + [ + "ult", + "imate" + ], + [ + "Cl", + "aim" + ], + [ + "Ġautom", + "obiles" + ], + [ + "99", + "3" + ], + [ + "ste", + "el" + ], + [ + "Ġpart", + "ing" + ], + [ + "ĠL", + "ank" + ], + [ + "...", + "?" + ], + [ + "Ġ38", + "5" + ], + [ + "Ġremem", + "brance" + ], + [ + "Ġe", + "ased" + ], + [ + "Ġcov", + "ari" + ], + [ + "ĠS", + "ind" + ], + [ + "Effect", + "ive" + ], + [ + "Ġdisse", + "mination" + ], + [ + "ĠMo", + "ose" + ], + [ + "ĠCl", + "apper" + ], + [ + "br", + "ates" + ], + [ + "App", + "ly" + ], + [ + "Ġinv", + "is" + ], + [ + "Ġwors", + "ened" + ], + [ + "âĢĶ", + "-" + ], + [ + "Ġlegisl", + "ator" + ], + [ + "ĠL", + "ol" + ], + [ + "ĠRow", + "e" + ], + [ + "Ġdealers", + "hip" + ], + [ + "um", + "ar" + ], + [ + "id", + "ences" + ], + [ + "Ġinvestig", + "ates" + ], + [ + "Ġc", + "ascade" + ], + [ + "Ġbid", + "der" + ], + [ + "ĠB", + "EN" + ], + [ + "Iron", + "ically" + ], + [ + "Ġpres", + "iding" + ], + [ + "Ġd", + "ing" + ], + [ + "Ġcontrad", + "icted" + ], + [ + "Ġshut", + "s" + ], + [ + "ĠF", + "IX" + ], + [ + "Ġ3", + "66" + ], + [ + "Dist", + "rict" + ], + [ + "Ġsin", + "ful" + ], + [ + "ĠChar", + "isma" + ], + [ + "o", + "ops" + ], + [ + "Ġtot", + "ality" + ], + [ + "Ġrest", + "itution" + ], + [ + "ĠOpt", + "imus" + ], + [ + "ĠD", + "ah" + ], + [ + "Ġcl", + "ueless" + ], + [ + "urn", + "ed" + ], + [ + "Ġnut", + "rit" + ], + [ + "Ġland", + "owners" + ], + [ + "Ġfl", + "ushed" + ], + [ + "Ġbroad", + "en" + ], + [ + "m", + "ie" + ], + [ + "Ġprint", + "ln" + ], + [ + "Ġn", + "ig" + ], + [ + "ĠCorp", + "us" + ], + [ + "J", + "en" + ], + [ + "Ġprot", + "o" + ], + [ + "ĠWik", + "imedia" + ], + [ + "ĠPal", + "o" + ], + [ + "C", + "OR" + ], + [ + "Ġstory", + "lines" + ], + [ + "Ġevangel", + "icals" + ], + [ + "ĠDar", + "rell" + ], + [ + "Ġrot", + "or" + ], + [ + "ĠH", + "W" + ], + [ + "sk", + "illed" + ], + [ + "ery", + "l" + ], + [ + "Ġbe", + "gg" + ], + [ + "ĠBl", + "umenthal" + ], + [ + "Ġwe", + "aving" + ], + [ + "Ġdown", + "wards" + ], + [ + "ĠJack", + "et" + ], + [ + "ĠANG", + "EL" + ], + [ + "Te", + "chnology" + ], + [ + "Ġes", + "oteric" + ], + [ + "alde", + "hyde" + ], + [ + "Ġfur", + "iously" + ], + [ + "Ġforeign", + "er" + ], + [ + "We", + "ak" + ], + [ + "CH", + "O" + ], + [ + "ĠH", + "ound" + ], + [ + "Exper", + "ience" + ], + [ + "ĠPlay", + "station" + ], + [ + "ĠM", + "IA" + ], + [ + "ĠU", + "ng" + ], + [ + "cl", + "oth" + ], + [ + "ag", + "all" + ], + [ + "Ġcal", + "ming" + ], + [ + "iz", + "ens" + ], + [ + "St", + "ruct" + ], + [ + "ĠW", + "itches" + ], + [ + "ĠCeleb", + "ration" + ], + [ + "Ġ........", + "......" + ], + [ + "pt", + "roller" + ], + [ + "ĠTC", + "U" + ], + [ + "Ġb", + "unny" + ], + [ + "ãĥ", + "į" + ], + [ + "ut", + "orial" + ], + [ + "Ġup", + "scale" + ], + [ + "ĠSt", + "a" + ], + [ + "ĠCol", + "ossus" + ], + [ + "Ġchlor", + "ide" + ], + [ + "ĠZ", + "ac" + ], + [ + "ĠRe", + "asons" + ], + [ + "ĠBrook", + "ings" + ], + [ + "ĠWH", + "ITE" + ], + [ + "][", + "/" + ], + [ + "ĠL", + "ose" + ], + [ + "9", + "05" + ], + [ + "Ġunders", + "ide" + ], + [ + "ern", + "els" + ], + [ + "Ġv", + "ape" + ], + [ + "do", + "zen" + ], + [ + "upp", + "et" + ], + [ + "ĠST", + "OP" + ], + [ + "mat", + "ical" + ], + [ + "ĠStat", + "ements" + ], + [ + "hed", + "dar" + ], + [ + "P", + "AC" + ], + [ + "Custom", + "er" + ], + [ + "Ġmem", + "os" + ], + [ + "ĠP", + "J" + ], + [ + "end", + "ars" + ], + [ + "ĠLim", + "its" + ], + [ + "l", + "augh" + ], + [ + "Ġstabil", + "ized" + ], + [ + "ĠALE", + "C" + ], + [ + "Y", + "A" + ], + [ + "Up", + "grade" + ], + [ + "al", + "am" + ], + [ + "Ġtechn", + "o" + ], + [ + "Ġan", + "ew" + ], + [ + "fore", + "seen" + ], + [ + "Ġcolleg", + "iate" + ], + [ + "ĠPy", + "ro" + ], + [ + "ĠD", + "ism" + ], + [ + "Ġfront", + "line" + ], + [ + "Ġammon", + "ia" + ], + [ + "I", + "U" + ], + [ + "Qu", + "ite" + ], + [ + "John", + "ny" + ], + [ + "ass", + "in" + ], + [ + "G", + "OP" + ], + [ + "ĠSt", + "yles" + ], + [ + "ĠSovere", + "ign" + ], + [ + "acter", + "ial" + ], + [ + "5", + "49" + ], + [ + "ĠR", + "IP" + ], + [ + "ĠL", + "ists" + ], + [ + "Ġ3", + "64" + ], + [ + "ĠRece", + "p" + ], + [ + "s", + "ocket" + ], + [ + "ĠByr", + "d" + ], + [ + "ĠCand", + "le" + ], + [ + "An", + "cient" + ], + [ + "Ġappell", + "ant" + ], + [ + "en", + "forcement" + ], + [ + "ace", + "a" + ], + [ + "ans", + "ki" + ], + [ + "Ġold", + "s" + ], + [ + "88", + "6" + ], + [ + "Ġsl", + "urs" + ], + [ + "Ġem", + "pires" + ], + [ + "Ġbuck", + "le" + ], + [ + "Ġalien", + "ation" + ], + [ + "ĠAber", + "deen" + ], + [ + "Ġunic", + "orn" + ], + [ + "Ġoverr", + "iding" + ], + [ + "ĠL", + "X" + ], + [ + "pp", + "a" + ], + [ + "Ġdesp", + "ised" + ], + [ + "ĠB", + "ugs" + ], + [ + "ĠB", + "ST" + ], + [ + "S", + "outhern" + ], + [ + "5", + "33" + ], + [ + "Ġhall", + "mark" + ], + [ + "ĠPost", + "er" + ], + [ + "Ġstem", + "med" + ], + [ + "Ġprincip", + "als" + ], + [ + "ĠT", + "ECH" + ], + [ + "ĠSand", + "wich" + ], + [ + "It", + "aly" + ], + [ + "Ġche", + "esy" + ], + [ + "ĠSet", + "TextColor" + ], + [ + "ĠProt", + "ective" + ], + [ + "ĠC", + "ohn" + ], + [ + "J", + "O" + ], + [ + "apt", + "op" + ], + [ + "Re", + "ason" + ], + [ + "Lead", + "er" + ], + [ + "ĠUnder", + "stand" + ], + [ + "ĠFr", + "idays" + ], + [ + "ĠContin", + "uous" + ], + [ + "Ġcl", + "ipping" + ], + [ + "ĠR", + "ye" + ], + [ + "Ġber", + "th" + ], + [ + "tim", + "er" + ], + [ + "ann", + "is" + ], + [ + "re", + "act" + ], + [ + "Ġbuff", + "alo" + ], + [ + "ĠPar", + "as" + ], + [ + "Ġ6", + "55" + ], + [ + "Ġpres", + "ided" + ], + [ + "ĠSun", + "rise" + ], + [ + "Ġve", + "ts" + ], + [ + "Ġcl", + "oves" + ], + [ + "ĠMcC", + "ull" + ], + [ + "Stre", + "ngth" + ], + [ + "G", + "AN" + ], + [ + "Ġill", + "iter" + ], + [ + "ĠPric", + "ing" + ], + [ + "l", + "é" + ], + [ + "Ġresist", + "or" + ], + [ + "Ġbr", + "un" + ], + [ + "ĠSuff", + "olk" + ], + [ + "Ñ", + "ĭ" + ], + [ + "ĠL", + "iver" + ], + [ + "Re", + "leased" + ], + [ + "Ġwhat", + "s" + ], + [ + "8", + "60" + ], + [ + "ĠMe", + "asures" + ], + [ + "Ġden", + "ouncing" + ], + [ + "ĠRy", + "zen" + ], + [ + "Ġsou", + "ven" + ], + [ + "Ġcareg", + "ivers" + ], + [ + "ch", + "ini" + ], + [ + "ĠScar", + "lett" + ], + [ + "Ġt", + "rough" + ], + [ + "Cong", + "ratulations" + ], + [ + "Ġtax", + "is" + ], + [ + "ĠTrad", + "ition" + ], + [ + "j", + "it" + ], + [ + "Ġtable", + "top" + ], + [ + "Ġhither", + "to" + ], + [ + "Ġdis", + "information" + ], + [ + "off", + "ensive" + ], + [ + "h", + "ra" + ], + [ + "ĠDISTR", + "ICT" + ], + [ + "Ġcompl", + "icate" + ], + [ + "chen", + "ko" + ], + [ + "ĠRecon", + "struction" + ], + [ + "Ġpalp", + "able" + ], + [ + "Ġa", + "usp" + ], + [ + "Ġ4", + "28" + ], + [ + "Ġshowc", + "ases" + ], + [ + "ĠPublic", + "ation" + ], + [ + "know", + "ledge" + ], + [ + "inn", + "on" + ], + [ + "4", + "19" + ], + [ + "Ġretri", + "eval" + ], + [ + "and", + "ers" + ], + [ + "Ġref", + "ute" + ], + [ + "Ġinqu", + "ired" + ], + [ + "g", + "ur" + ], + [ + "Ġneg", + "ativity" + ], + [ + "Ġcons", + "erve" + ], + [ + "Ġafter", + "life" + ], + [ + "Ġpres", + "upp" + ], + [ + "ĠGill", + "espie" + ], + [ + "Ġm", + "t" + ], + [ + "ĠD", + "N" + ], + [ + "T", + "ap" + ], + [ + "Ġper", + "pend" + ], + [ + "ĠS", + "my" + ], + [ + "does", + "n" + ], + [ + "Ġsp", + "illing" + ], + [ + "Ġhyp", + "ers" + ], + [ + "K", + "ate" + ], + [ + "®", + "," + ], + [ + "ke", + "pt" + ], + [ + "ĠP", + "owered" + ], + [ + "Ġj", + "a" + ], + [ + "ĠK", + "lux" + ], + [ + "ard", + "e" + ], + [ + "ab", + "an" + ], + [ + "Ġ4", + "44" + ], + [ + "Ġflatt", + "ened" + ], + [ + "ĠImprove", + "ments" + ], + [ + "urg", + "a" + ], + [ + "ĠK", + "und" + ], + [ + "Ġins", + "cribed" + ], + [ + "Ġfac", + "ult" + ], + [ + "Ġunpre", + "pared" + ], + [ + "ĠCons", + "umers" + ], + [ + "Ġsatisf", + "ies" + ], + [ + "Ġpul", + "monary" + ], + [ + "Ġinf", + "iltration" + ], + [ + "Ġex", + "ternally" + ], + [ + "Ġcongrat", + "ulations" + ], + [ + "ag", + "han" + ], + [ + "Ġair", + "liner" + ], + [ + "Ġfl", + "ung" + ], + [ + "Ġfly", + "ers" + ], + [ + "G", + "D" + ], + [ + "Ġsnipp", + "ets" + ], + [ + "Ġrec", + "ursive" + ], + [ + "Ġmaster", + "ing" + ], + [ + "L", + "ex" + ], + [ + "Ġovert", + "ly" + ], + [ + "v", + "g" + ], + [ + "Ġluck", + "ily" + ], + [ + "Ġenc", + "ro" + ], + [ + "ĠLanc", + "et" + ], + [ + "ĠAbyss", + "al" + ], + [ + "function", + "al" + ], + [ + "Ġs", + "ow" + ], + [ + "Ġsqu", + "id" + ], + [ + "Ġnar", + "ration" + ], + [ + "Ġn", + "aughty" + ], + [ + "ĠHon", + "our" + ], + [ + "ĠSpart", + "ans" + ], + [ + "Ġsh", + "atter" + ], + [ + "ĠTac", + "oma" + ], + [ + "ĠCal", + "ories" + ], + [ + "ĠR", + "aces" + ], + [ + "Sub", + "mit" + ], + [ + "Ġpurpose", + "fully" + ], + [ + "w", + "av" + ], + [ + "ĠY", + "ok" + ], + [ + "F", + "est" + ], + [ + "ĠG", + "err" + ], + [ + "Met", + "ro" + ], + [ + "Ġit", + "iner" + ], + [ + "f", + "amous" + ], + [ + "Ġ\"", + "{" + ], + [ + "in", + "line" + ], + [ + "was", + "her" + ], + [ + "Iss", + "ue" + ], + [ + "ĠCL", + "IENT" + ], + [ + "oz", + "o" + ], + [ + "Vers", + "ions" + ], + [ + "7", + "25" + ], + [ + "ĠGl", + "ock" + ], + [ + "Ġshield", + "ed" + ], + [ + "ĠPC", + "R" + ], + [ + "ENC", + "Y" + ], + [ + "ĠWe", + "ld" + ], + [ + "ĠSim", + "pl" + ], + [ + "Ġredirect", + "ed" + ], + [ + "ĠK", + "ham" + ], + [ + "Ġ(", + ">" + ], + [ + "Ġlab", + "ou" + ], + [ + "Ġdi", + "apers" + ], + [ + "ss", + "l" + ], + [ + "Ġcell", + "ar" + ], + [ + "organ", + "isms" + ], + [ + "ore", + "sc" + ], + [ + "ĠBer", + "ks" + ], + [ + "did", + "n" + ], + [ + "Sh", + "ipping" + ], + [ + "C", + "hest" + ], + [ + "Ġund", + "one" + ], + [ + "Ġmillion", + "aire" + ], + [ + "Ġc", + "ords" + ], + [ + "ĠYoung", + "er" + ], + [ + "appropri", + "ately" + ], + [ + "Ġsequ", + "els" + ], + [ + "u", + "ve" + ], + [ + "ant", + "icipated" + ], + [ + "Ġle", + "wd" + ], + [ + "ĠSh", + "irt" + ], + [ + "ĠDmit", + "ry" + ], + [ + "V", + "eter" + ], + [ + "Ġsl", + "aying" + ], + [ + "ĠY", + "ar" + ], + [ + "Ġcompl", + "ication" + ], + [ + "I", + "owa" + ], + [ + "ĠEric", + "a" + ], + [ + "ĠBL", + "M" + ], + [ + "g", + "irlfriend" + ], + [ + "b", + "odied" + ], + [ + "6", + "26" + ], + [ + "19", + "63" + ], + [ + "Ġintermedi", + "ary" + ], + [ + "Ġcons", + "olation" + ], + [ + "M", + "ask" + ], + [ + "ĠSi", + "em" + ], + [ + "ow", + "an" + ], + [ + "Beg", + "inning" + ], + [ + "Ġfix", + "me" + ], + [ + "Ġculmin", + "ated" + ], + [ + "Ġcon", + "duc" + ], + [ + "ĠVolunte", + "er" + ], + [ + "Ġpos", + "itional" + ], + [ + "Ġgre", + "ets" + ], + [ + "ĠDefin", + "itions" + ], + [ + "Ġthink", + "er" + ], + [ + "Ġingen", + "uity" + ], + [ + "Ġfresh", + "men" + ], + [ + "ĠMom", + "ents" + ], + [ + "Ġ35", + "7" + ], + [ + "ate", + "urs" + ], + [ + "ĠFed", + "Ex" + ], + [ + "s", + "g" + ], + [ + "69", + "4" + ], + [ + "Ġdwind", + "ling" + ], + [ + "ĠBO", + "X" + ], + [ + "sel", + "age" + ], + [ + "Ġt", + "mp" + ], + [ + "Ġst", + "en" + ], + [ + "ĠS", + "ut" + ], + [ + "Ġneighbourhood", + "s" + ], + [ + "Ġclass", + "mate" + ], + [ + "f", + "ledged" + ], + [ + "Ġleft", + "ists" + ], + [ + "Ġclim", + "ates" + ], + [ + "ATH", + "ER" + ], + [ + "ĠScy", + "the" + ], + [ + "ul", + "iffe" + ], + [ + "Ġs", + "ag" + ], + [ + "Ġho", + "pped" + ], + [ + "ĠF", + "t" + ], + [ + "ĠE", + "ck" + ], + [ + "ĠC", + "K" + ], + [ + "ĠDo", + "omsday" + ], + [ + "k", + "ids" + ], + [ + "Ġgas", + "ped" + ], + [ + "Ġmon", + "iker" + ], + [ + "ĠL", + "od" + ], + [ + "ĠC", + "FL" + ], + [ + "t", + "ions" + ], + [ + "r", + "ums" + ], + [ + "fol", + "ios" + ], + [ + "Ġm", + "d" + ], + [ + "Ġunc", + "anny" + ], + [ + "Ġtrans", + "ports" + ], + [ + "ĠLab", + "rador" + ], + [ + "Ġrail", + "ways" + ], + [ + "Ġappl", + "iance" + ], + [ + "ĠCTR", + "L" + ], + [ + "æ", + "Ģ" + ], + [ + "Pop", + "ulation" + ], + [ + "ĠConfeder", + "acy" + ], + [ + "Ġunb", + "earable" + ], + [ + "Ġdors", + "al" + ], + [ + "ĠIn", + "form" + ], + [ + "op", + "ted" + ], + [ + "ĠK", + "ILL" + ], + [ + "Mar", + "x" + ], + [ + "Ġhypoc", + "ritical" + ], + [ + "q", + "us" + ], + [ + "ĠN", + "umerous" + ], + [ + "ĠGeorg", + "ian" + ], + [ + "ĠAmbro", + "se" + ], + [ + "ĠL", + "och" + ], + [ + "Ġgu", + "bernatorial" + ], + [ + "ĠX", + "eon" + ], + [ + "ĠSupp", + "orts" + ], + [ + "ens", + "er" + ], + [ + "ee", + "ly" + ], + [ + "ĠAven", + "ger" + ], + [ + "19", + "65" + ], + [ + "Ar", + "my" + ], + [ + "Ġju", + "xtap" + ], + [ + "Ġcho", + "pping" + ], + [ + "ĠSpl", + "ash" + ], + [ + "ĠS", + "ustainable" + ], + [ + "ĠFin", + "ch" + ], + [ + "Ġ18", + "61" + ], + [ + "ict", + "ive" + ], + [ + "at", + "meal" + ], + [ + "ĠG", + "ohan" + ], + [ + "Ġlights", + "aber" + ], + [ + "ĠG", + "PA" + ], + [ + "ug", + "u" + ], + [ + "ĠRE", + "PL" + ], + [ + "vari", + "able" + ], + [ + "Ġher", + "pes" + ], + [ + "Ġdesert", + "s" + ], + [ + "ac", + "iously" + ], + [ + "Ġsitu", + "ational" + ], + [ + "week", + "ly" + ], + [ + "ob", + "l" + ], + [ + "Ġtext", + "ile" + ], + [ + "ĠCorn", + "wall" + ], + [ + "Ġcontrace", + "ptives" + ], + [ + "ĠA", + "ke" + ], + [ + "]", + "-" + ], + [ + "ä¹", + "ĭ" + ], + [ + ":", + "," + ], + [ + "ĠW", + "em" + ], + [ + "ĠB", + "ihar" + ], + [ + "Ġ'", + "." + ], + [ + "Ġbe", + "re" + ], + [ + "Ġanal", + "ogue" + ], + [ + "ĠCook", + "ies" + ], + [ + "Ġtake", + "off" + ], + [ + "Whe", + "el" + ], + [ + "Ġmaj", + "estic" + ], + [ + "Ġcomm", + "uting" + ], + [ + "0", + "23" + ], + [ + "ĠCor", + "pse" + ], + [ + "ass", + "ment" + ], + [ + "min", + "i" + ], + [ + "Ġgor", + "illa" + ], + [ + "ĠAl", + "as" + ], + [ + "ere", + "e" + ], + [ + "Ġacquaint", + "ances" + ], + [ + "ĠAd", + "vantage" + ], + [ + "Ġspirit", + "ually" + ], + [ + "Ġey", + "ed" + ], + [ + "pm", + "wiki" + ], + [ + "ĠE", + "nder" + ], + [ + "Ġtrans", + "lucent" + ], + [ + "Ġnight", + "time" + ], + [ + "ĠIM", + "AGES" + ], + [ + "5", + "45" + ], + [ + "ĠK", + "amp" + ], + [ + "ĠFre", + "ak" + ], + [ + "Ġ", + "ig" + ], + [ + "Port", + "land" + ], + [ + "4", + "32" + ], + [ + "ĠM", + "ata" + ], + [ + "Ġmar", + "ines" + ], + [ + "Ġh", + "ors" + ], + [ + "ater", + "asu" + ], + [ + "ĠAtt", + "ribution" + ], + [ + "Ġ--------", + "-" + ], + [ + "Ġk", + "ins" + ], + [ + "ĠBEL", + "OW" + ], + [ + "++", + "+" + ], + [ + "Ġre", + "eling" + ], + [ + "ol", + "ed" + ], + [ + "Ġcl", + "utter" + ], + [ + "ĠRel", + "ative" + ], + [ + "Ġ4", + "27" + ], + [ + "B", + "US" + ], + [ + "Ġa", + "vert" + ], + [ + "ĠChe", + "ong" + ], + [ + "ĠA", + "ble" + ], + [ + "ĠPry", + "or" + ], + [ + "Develop", + "er" + ], + [ + "Ġen", + "cyclopedia" + ], + [ + "ĠUSA", + "F" + ], + [ + "ĠG", + "arry" + ], + [ + "Sp", + "ain" + ], + [ + "Bl", + "ocks" + ], + [ + "Ġexp", + "osition" + ], + [ + "ĠGamer", + "Gate" + ], + [ + "W", + "OR" + ], + [ + "Ġstockp", + "ile" + ], + [ + "Ġclot", + "hed" + ], + [ + "ĠT", + "one" + ], + [ + "ĠR", + "ue" + ], + [ + "t", + "umblr" + ], + [ + "Ġtreacher", + "ous" + ], + [ + "Ġf", + "rying" + ], + [ + "Ñ", + "Į" + ], + [ + "ĠS", + "ph" + ], + [ + "Ġrest", + "raints" + ], + [ + "Ġemb", + "odies" + ], + [ + "ĠG", + "es" + ], + [ + "S", + "afety" + ], + [ + "Ġnegoti", + "ators" + ], + [ + "min", + "ing" + ], + [ + "ĠAppalach", + "ian" + ], + [ + "L", + "OS" + ], + [ + "ĠJenn", + "a" + ], + [ + "Ġpass", + "ers" + ], + [ + "ç", + "ĭ" + ], + [ + "sn", + "ap" + ], + [ + "Ġshort", + "en" + ], + [ + "creat", + "or" + ], + [ + "Ġinn", + "umerable" + ], + [ + "uther", + "land" + ], + [ + "67", + "4" + ], + [ + "ĠW", + "OM" + ], + [ + "ĠAs", + "cend" + ], + [ + "ĠArm", + "ory" + ], + [ + "ĠTrans", + "action" + ], + [ + "K", + "ick" + ], + [ + "Ġsuit", + "case" + ], + [ + "day", + "Name" + ], + [ + "Ġwaste", + "ful" + ], + [ + "mar", + "riage" + ], + [ + "ĠMcC", + "abe" + ], + [ + "ite", + "ch" + ], + [ + "ĠO", + "ss" + ], + [ + "Cl", + "osure" + ], + [ + "ĠTreasure", + "r" + ], + [ + "Ġindec", + "ent" + ], + [ + "ĠD", + "ull" + ], + [ + "Ġresid", + "ences" + ], + [ + "19", + "59" + ], + [ + "ĠS", + "ettlement" + ], + [ + "Ham", + "ilton" + ], + [ + "Ġself", + "ies" + ], + [ + "ĠRank", + "ing" + ], + [ + "ĠBark", + "ley" + ], + [ + "ĠB", + "ore" + ], + [ + "ĠW", + "CS" + ], + [ + "ĠMar", + "itime" + ], + [ + "ĠH", + "uh" + ], + [ + "ĠForest", + "ry" + ], + [ + "Ġcultiv", + "ating" + ], + [ + "ĠBall", + "ard" + ], + [ + "Ġg", + "arrison" + ], + [ + "ĠSD", + "L" + ], + [ + "9", + "30" + ], + [ + "Ġnas", + "cent" + ], + [ + "Ġirresist", + "ible" + ], + [ + "Ġaw", + "fully" + ], + [ + "\\/", + "\\/" + ], + [ + "Ġequ", + "ate" + ], + [ + "Ġanthrop", + "ology" + ], + [ + "ĠSylv", + "ia" + ], + [ + "Ġintest", + "ine" + ], + [ + "Ġinnoc", + "uous" + ], + [ + "cess", + "ive" + ], + [ + "ag", + "ra" + ], + [ + "ĠMet", + "roid" + ], + [ + "G", + "rant" + ], + [ + "8", + "55" + ], + [ + "ģ", + "ĸ" + ], + [ + "Ġ\"", + "_" + ], + [ + "ãĥĥ", + "ãĥī" + ], + [ + "Ġappra", + "isal" + ], + [ + "ĠFred", + "dy" + ], + [ + "04", + "6" + ], + [ + "Ġ40", + "6" + ], + [ + "Ġ18", + "30" + ], + [ + "Ġd", + "ocking" + ], + [ + "St", + "atic" + ], + [ + "Ġp", + "ont" + ], + [ + "ĠVolt", + "age" + ], + [ + "ĠSt", + "ead" + ], + [ + "ĠMort", + "gage" + ], + [ + "ĠJon", + "ah" + ], + [ + "Y", + "L" + ], + [ + "CLASS", + "IFIED" + ], + [ + "Ġas", + "bestos" + ], + [ + "nik", + "ov" + ], + [ + "Ġcoll", + "agen" + ], + [ + "ĠOrb", + "ital" + ], + [ + "P", + "ocket" + ], + [ + "7", + "99" + ], + [ + "Ġhy", + "brids" + ], + [ + "inc", + "hes" + ], + [ + "Ġinv", + "oice" + ], + [ + "und", + "y" + ], + [ + "Ġinequ", + "alities" + ], + [ + "T", + "rend" + ], + [ + "w", + "ashed" + ], + [ + "B", + "ALL" + ], + [ + "Ġluc", + "id" + ], + [ + "ĠComment", + "ary" + ], + [ + "Ġw", + "itty" + ], + [ + "Br", + "andon" + ], + [ + "Ġbru", + "ising" + ], + [ + "Ġ6", + "20" + ], + [ + "es", + "cent" + ], + [ + "box", + "ing" + ], + [ + "P", + "OL" + ], + [ + "Ġ3", + "78" + ], + [ + "R", + "ect" + ], + [ + "Ġlic", + "ences" + ], + [ + "ĠMcG", + "ee" + ], + [ + "p", + "ressed" + ], + [ + "D", + "anny" + ], + [ + "Ġj", + "ammed" + ], + [ + "ord", + "inate" + ], + [ + "Ġle", + "th" + ], + [ + "Ġdistingu", + "ishes" + ], + [ + "ĠYam", + "aha" + ], + [ + "IL", + "S" + ], + [ + "ĠH", + "ume" + ], + [ + "ĠC", + "ategories" + ], + [ + "Rober", + "ts" + ], + [ + "Ch", + "art" + ], + [ + "Ġbeet", + "le" + ], + [ + "ĠGra", + "veyard" + ], + [ + "Ġ($", + ")" + ], + [ + "o", + "ÄŁ" + ], + [ + "Ġtw", + "ilight" + ], + [ + "are", + "lla" + ], + [ + "á", + "½" + ], + [ + "Ġbooth", + "s" + ], + [ + "ĠH", + "HS" + ], + [ + "ĠFeld", + "man" + ], + [ + "Ġexcav", + "ation" + ], + [ + "Ġphilosoph", + "ies" + ], + [ + "at", + "ography" + ], + [ + "ĠGar", + "age" + ], + [ + "te", + "chnology" + ], + [ + "Ġunfor", + "gettable" + ], + [ + "Ġver", + "ifying" + ], + [ + "Ġsubord", + "inates" + ], + [ + "E", + "ls" + ], + [ + "Ġne", + "b" + ], + [ + "G", + "aming" + ], + [ + "EN", + "A" + ], + [ + "ĠAchieve", + "ment" + ], + [ + "it", + "ters" + ], + [ + "ĠG", + "abe" + ], + [ + "Ġd", + "umps" + ], + [ + "for", + "cer" + ], + [ + "Ġpo", + "ignant" + ], + [ + "ĠM", + "BA" + ], + [ + "ĠHe", + "idi" + ], + [ + "ime", + "i" + ], + [ + "Ġm", + "ages" + ], + [ + "Ġliber", + "ate" + ], + [ + "Ġcircum", + "cised" + ], + [ + "ĠMer", + "maid" + ], + [ + "ĠMat", + "th" + ], + [ + "t", + "ogether" + ], + [ + "ĠW", + "ichita" + ], + [ + "Ġstore", + "front" + ], + [ + "ĠAd", + "in" + ], + [ + "V", + "II" + ], + [ + "Four", + "th" + ], + [ + "Ġexplore", + "rs" + ], + [ + "W", + "ER" + ], + [ + "Not", + "able" + ], + [ + "Bro", + "ok" + ], + [ + "m", + "ens" + ], + [ + "F", + "aith" + ], + [ + "--------", + "-" + ], + [ + "ĠJ", + "ou" + ], + [ + "¬", + "¼" + ], + [ + "Ġpine", + "apple" + ], + [ + "Ġam", + "alg" + ], + [ + "el", + "n" + ], + [ + "ark", + "able" + ], + [ + "ĠãĤµ", + "ãĥ¼ãĥĨãĤ£" + ], + [ + "ĠãĤµãĥ¼ãĥĨãĤ£", + "ãĥ¯ãĥ³" + ], + [ + "Ġov", + "arian" + ], + [ + "ĠE", + "choes" + ], + [ + "Ġhairc", + "ut" + ], + [ + "Ġp", + "av" + ], + [ + "Ġch", + "illed" + ], + [ + "anas", + "ia" + ], + [ + "Ġsty", + "led" + ], + [ + "Ġd", + "ab" + ], + [ + "ni", + "per" + ], + [ + "Ġminister", + "ial" + ], + [ + "ĠD", + "UP" + ], + [ + "T", + "an" + ], + [ + "Ġsul", + "ph" + ], + [ + "ĠD", + "eter" + ], + [ + "ĠBo", + "hem" + ], + [ + "od", + "an" + ], + [ + "Ġeduc", + "ator" + ], + [ + "â", + "ĵĺ" + ], + [ + "sp", + "ir" + ], + [ + "Ch", + "icken" + ], + [ + "ĠE", + "leanor" + ], + [ + "Ġqu", + "i" + ], + [ + "Ġheav", + "iest" + ], + [ + "Ġgrasp", + "ed" + ], + [ + "U", + "RA" + ], + [ + "Ġcro", + "oked" + ], + [ + "Jess", + "ica" + ], + [ + "pro", + "blem" + ], + [ + "Ġpred", + "etermined" + ], + [ + "Ġman", + "iac" + ], + [ + "Ġbreath", + "s" + ], + [ + "ĠLauder", + "dale" + ], + [ + "Ġh", + "obbies" + ], + [ + "y", + "z" + ], + [ + "Cr", + "ime" + ], + [ + "Ġcharism", + "a" + ], + [ + "d", + "L" + ], + [ + "Ġle", + "aping" + ], + [ + "Ġk", + "ittens" + ], + [ + "Ang", + "elo" + ], + [ + "ĠJ", + "ACK" + ], + [ + "ĠSu", + "zanne" + ], + [ + "Ġhal", + "ting" + ], + [ + "ENT", + "ION" + ], + [ + "Ġswall", + "owing" + ], + [ + "ĠEarthqu", + "ake" + ], + [ + "Ġeight", + "eenth" + ], + [ + "ĠN", + "IC" + ], + [ + "ĠIN", + "F" + ], + [ + "ĠCons", + "cious" + ], + [ + "Ġparticular", + "s" + ], + [ + "circ", + "le" + ], + [ + "7", + "40" + ], + [ + "Ġbene", + "volent" + ], + [ + "Ġ7", + "47" + ], + [ + "Ġ4", + "90" + ], + [ + "Ġr", + "undown" + ], + [ + "ĠVal", + "erie" + ], + [ + "ĠB", + "UR" + ], + [ + "Ġcivil", + "isation" + ], + [ + "ĠS", + "chn" + ], + [ + "W", + "B" + ], + [ + "ot", + "ide" + ], + [ + "intern", + "ational" + ], + [ + "Ġj", + "ohn" + ], + [ + "Ġ19", + "02" + ], + [ + "Ġpe", + "anuts" + ], + [ + "Ġflav", + "ored" + ], + [ + "k", + "us" + ], + [ + "Ġro", + "ared" + ], + [ + "Ġcut", + "off" + ], + [ + "é", + "£" + ], + [ + "Ġorn", + "ament" + ], + [ + "Ġarchitect", + "ures" + ], + [ + "Ġ3", + "69" + ], + [ + "ol", + "or" + ], + [ + "ĠWild", + "e" + ], + [ + "ĠC", + "RC" + ], + [ + "ĠAdjust", + "ed" + ], + [ + "Ġprov", + "oking" + ], + [ + "land", + "ish" + ], + [ + "Ġrational", + "ity" + ], + [ + "Ġjust", + "ifies" + ], + [ + "Ġdisp", + "el" + ], + [ + "Ġa", + "meric" + ], + [ + "ĠPol", + "es" + ], + [ + "Ø", + "©" + ], + [ + "Ġen", + "vis" + ], + [ + "ĠD", + "oodle" + ], + [ + "ä½", + "¿" + ], + [ + "igs", + "aw" + ], + [ + "auld", + "ron" + ], + [ + "Techn", + "ical" + ], + [ + "T", + "een" + ], + [ + "up", + "hem" + ], + [ + "ĠX", + "iang" + ], + [ + "Ġdetract", + "ors" + ], + [ + "ĠZ", + "i" + ], + [ + "ĠJournal", + "ists" + ], + [ + "Ġconduc", + "ive" + ], + [ + "ĠVolunte", + "ers" + ], + [ + "Ġs", + "d" + ], + [ + "Know", + "ing" + ], + [ + "Ġtrans", + "missions" + ], + [ + "ĠPL", + "AN" + ], + [ + "ĠL", + "IB" + ], + [ + "Ġall", + "uded" + ], + [ + "Ġob", + "e" + ], + [ + "Ġd", + "ope" + ], + [ + "ĠGold", + "stein" + ], + [ + "Ġwavelength", + "s" + ], + [ + "ĠDest", + "ination" + ], + [ + "nd", + "a" + ], + [ + "ug", + "i" + ], + [ + "Ġattent", + "ive" + ], + [ + "ĠLe", + "an" + ], + [ + "ral", + "tar" + ], + [ + "Ġman", + "g" + ], + [ + "mb", + "uds" + ], + [ + "ak", + "ings" + ], + [ + "b", + "ender" + ], + [ + "Ġacc", + "ol" + ], + [ + "Ġcraw", + "led" + ], + [ + "N", + "OW" + ], + [ + "Min", + "nesota" + ], + [ + "Ġflour", + "ished" + ], + [ + "ĠZ", + "up" + ], + [ + "ĠSuper", + "visor" + ], + [ + "ĠOliv", + "ier" + ], + [ + "Ex", + "cellent" + ], + [ + "Ġwid", + "en" + ], + [ + "D", + "one" + ], + [ + "Ġw", + "ig" + ], + [ + "Ġmiscon", + "ceptions" + ], + [ + "Cor", + "p" + ], + [ + "W", + "an" + ], + [ + "Ġvener", + "able" + ], + [ + "ĠNot", + "ably" + ], + [ + "ĠKling", + "on" + ], + [ + "an", + "imate" + ], + [ + "Bo", + "ost" + ], + [ + "ĠS", + "AY" + ], + [ + "miss", + "ing" + ], + [ + "ibli", + "ography" + ], + [ + "mel", + "on" + ], + [ + "Ġpay", + "day" + ], + [ + "Ø", + "³" + ], + [ + "bo", + "le" + ], + [ + "Ġve", + "iled" + ], + [ + "ĠAl", + "phabet" + ], + [ + "It", + "alian" + ], + [ + "Ġever", + "lasting" + ], + [ + "ĠR", + "IS" + ], + [ + "ĠC", + "ree" + ], + [ + "rom", + "pt" + ], + [ + "Ġh", + "ating" + ], + [ + "Ġgrin", + "ning" + ], + [ + "Ġge", + "ographically" + ], + [ + "OS", + "H" + ], + [ + "Ġwe", + "eping" + ], + [ + "ĠÂłĠÂłĠÂłĠÂł", + "ĠÂłĠÂłĠÂłĠÂł" + ], + [ + "Ġimpe", + "cc" + ], + [ + "Let", + "ter" + ], + [ + "Ġblo", + "ated" + ], + [ + "PL", + "A" + ], + [ + "ĠFe", + "in" + ], + [ + "Ġper", + "sever" + ], + [ + "Th", + "under" + ], + [ + "Ġa", + "ur" + ], + [ + "ĠR", + "L" + ], + [ + "Ġpit", + "falls" + ], + [ + "âĸ", + "º" + ], + [ + "Ġpredomin", + "ant" + ], + [ + "Ġ5", + "25" + ], + [ + "7", + "18" + ], + [ + "AP", + "E" + ], + [ + "7", + "14" + ], + [ + "Ġfarm", + "land" + ], + [ + "ĠQ", + "iao" + ], + [ + "Ġv", + "iolet" + ], + [ + "ĠBah", + "amas" + ], + [ + "Ġinflic", + "ting" + ], + [ + "ĠE", + "fficiency" + ], + [ + "Ġhome", + "brew" + ], + [ + "Ġundert", + "ook" + ], + [ + "Ġcur", + "ly" + ], + [ + "ĠHard", + "ing" + ], + [ + "man", + "ia" + ], + [ + "59", + "6" + ], + [ + "Ġtem", + "pered" + ], + [ + "Ġhar", + "rowing" + ], + [ + "ĠP", + "ledge" + ], + [ + "ĠFranken", + "stein" + ], + [ + "è", + "ª" + ], + [ + "M", + "otion" + ], + [ + "Ġpredict", + "ably" + ], + [ + "ĠExpl", + "osion" + ], + [ + "oc", + "using" + ], + [ + "er", + "d" + ], + [ + "col", + "o" + ], + [ + "FF", + "ER" + ], + [ + "Ġback", + "field" + ], + [ + "ĠV", + "IDE" + ], + [ + "ue", + "bl" + ], + [ + "N", + "arr" + ], + [ + "ĠArg", + "ument" + ], + [ + "Ġgen", + "omic" + ], + [ + "Ġbout", + "ique" + ], + [ + "Ġbatt", + "ed" + ], + [ + "ĠB", + "inary" + ], + [ + "Ġg", + "amb" + ], + [ + "ĠRh", + "ythm" + ], + [ + "67", + "3" + ], + [ + "Ġa", + "float" + ], + [ + "ĠOlymp", + "ia" + ], + [ + "Y", + "ING" + ], + [ + "Ġend", + "if" + ], + [ + "is", + "in" + ], + [ + "Ġwin", + "ters" + ], + [ + "Ġsc", + "attering" + ], + [ + "I", + "v" + ], + [ + "D", + "istance" + ], + [ + "Ġtr", + "u" + ], + [ + "ĠCom", + "fort" + ], + [ + "Ġne", + "xus" + ], + [ + "Ġair", + "flow" + ], + [ + "ĠByz", + "antine" + ], + [ + "p", + "ayers" + ], + [ + "con", + "i" + ], + [ + "ĠB", + "etsy" + ], + [ + "D", + "eal" + ], + [ + "ĠN", + "ug" + ], + [ + "ĠContin", + "ent" + ], + [ + "red", + "ibly" + ], + [ + "Ġoptim", + "izing" + ], + [ + "al", + "beit" + ], + [ + "Ġec", + "static" + ], + [ + "ĠPro", + "to" + ], + [ + "ç", + "·" + ], + [ + "iv", + "ot" + ], + [ + "âĸ", + "Ħ" + ], + [ + "em", + "p" + ], + [ + "rou", + "nder" + ], + [ + "Ġcl", + "out" + ], + [ + "ĠI", + "ST" + ], + [ + "66", + "3" + ], + [ + "ĠDoll", + "ars" + ], + [ + "ĠD", + "AC" + ], + [ + "Ġsubsc", + "ribed" + ], + [ + "Ġrehears", + "al" + ], + [ + "Ġam", + "ps" + ], + [ + "ĠSh", + "ang" + ], + [ + "es", + "m" + ], + [ + "Ġspr", + "inkle" + ], + [ + "Ġassail", + "ant" + ], + [ + "ĠO", + "o" + ], + [ + "ĠCoin", + "base" + ], + [ + "T", + "act" + ], + [ + "Ġret", + "ina" + ], + [ + "Ġn", + "uns" + ], + [ + "R", + "ON" + ], + [ + "att", + "o" + ], + [ + "Ġj", + "ug" + ], + [ + "ĠSV", + "G" + ], + [ + "Ġb", + "ikini" + ], + [ + "ĠFI", + "LE" + ], + [ + "ĠFound", + "ers" + ], + [ + "ep", + "ort" + ], + [ + "ĠK", + "P" + ], + [ + "Ġrest", + "ores" + ], + [ + "ĠTh", + "ick" + ], + [ + "Ġash", + "ore" + ], + [ + "Ġappro", + "vals" + ], + [ + "R", + "ender" + ], + [ + "M", + "AG" + ], + [ + "G", + "raham" + ], + [ + "ĠCort", + "ana" + ], + [ + "ãĥ³", + "ãĤ¸" + ], + [ + "ss", + "h" + ], + [ + "or", + "ians" + ], + [ + "ars", + "ity" + ], + [ + "ĠInsp", + "ired" + ], + [ + "u", + "pper" + ], + [ + "Ġsign", + "alling" + ], + [ + "Ġreb", + "uke" + ], + [ + "Ġfl", + "ares" + ], + [ + "Ġdownt", + "ime" + ], + [ + "Stud", + "ies" + ], + [ + "Ġstagn", + "ation" + ], + [ + "ĠSequ", + "ence" + ], + [ + "Ġgr", + "unt" + ], + [ + "Ġass", + "ures" + ], + [ + "ĠPL", + "A" + ], + [ + "59", + "2" + ], + [ + "Ġintra", + "ven" + ], + [ + "d", + "epend" + ], + [ + "Sus", + "an" + ], + [ + "ĠManz", + "iel" + ], + [ + "Man", + "ia" + ], + [ + "Cont", + "ract" + ], + [ + "Ġsl", + "ams" + ], + [ + "Ġcult", + "ured" + ], + [ + "Ġcred", + "itor" + ], + [ + "L", + "IST" + ], + [ + "ĠH", + "UM" + ], + [ + "ĠChatt", + "anooga" + ], + [ + "serv", + "ed" + ], + [ + "Ġclo", + "aked" + ], + [ + "ĠF", + "TP" + ], + [ + "p", + "owder" + ], + [ + "ĠSt", + "ella" + ], + [ + "uct", + "ive" + ], + [ + "Ġcheap", + "ly" + ], + [ + "ĠMU", + "CH" + ], + [ + "ĠGalile", + "o" + ], + [ + "Ġsu", + "ites" + ], + [ + "spe", + "ech" + ], + [ + "Ġdeliber", + "ations" + ], + [ + "ĠCh", + "ips" + ], + [ + "«", + "ĺ" + ], + [ + "Bal", + "ance" + ], + [ + "ĠWyn", + "ne" + ], + [ + "ĠAk", + "ron" + ], + [ + "Ass", + "et" + ], + [ + "Ġhon", + "oured" + ], + [ + "Ġed", + "ged" + ], + [ + "Like", + "wise" + ], + [ + "anim", + "ous" + ], + [ + "ĠW", + "age" + ], + [ + "ĠEz", + "ek" + ], + [ + "ad", + "vertisement" + ], + [ + "ĠRT", + "X" + ], + [ + "ĠM", + "AD" + ], + [ + "Ġmigr", + "ating" + ], + [ + "ĠS", + "QU" + ], + [ + "Ġ4", + "75" + ], + [ + "Ed", + "ited" + ], + [ + "Ġshorth", + "and" + ], + [ + "ĠBas", + "ics" + ], + [ + "Ġcro", + "tch" + ], + [ + "ĠEV", + "EN" + ], + [ + "Ġv", + "m" + ], + [ + "effic", + "iency" + ], + [ + "Ġcal", + "ves" + ], + [ + "ĠF", + "rie" + ], + [ + "ĠBrill", + "iant" + ], + [ + "Ġstri", + "kers" + ], + [ + "Ġrepent", + "ance" + ], + [ + "Ġarter", + "ies" + ], + [ + "r", + "l" + ], + [ + "B", + "ed" + ], + [ + "h", + "ap" + ], + [ + "Ġcrypt", + "ography" + ], + [ + "ĠSab", + "res" + ], + [ + "Ġ4", + "14" + ], + [ + "vi", + "ks" + ], + [ + "ih", + "ara" + ], + [ + "aps", + "es" + ], + [ + "T", + "alking" + ], + [ + "Ġintertw", + "ined" + ], + [ + "Ġdoc", + "ks" + ], + [ + "Ġalle", + "le" + ], + [ + "ĠArt", + "ifact" + ], + [ + "ĠH", + "IM" + ], + [ + "t", + "orn" + ], + [ + "ç", + "ķ" + ], + [ + "Ġop", + "acity" + ], + [ + "ĠE", + "ly" + ], + [ + "os", + "uke" + ], + [ + "Ġn", + "ipple" + ], + [ + "Ġhand", + "written" + ], + [ + "ĠV", + "K" + ], + [ + "ĠChamber", + "lain" + ], + [ + "ĠLa", + "os" + ], + [ + "ig", + "raph" + ], + [ + "g", + "row" + ], + [ + "Ġtr", + "illions" + ], + [ + "Ġdescend", + "ant" + ], + [ + "ĠSail", + "or" + ], + [ + "as", + "uring" + ], + [ + "Ġce", + "ilings" + ], + [ + "ĠWare", + "house" + ], + [ + "f", + "lying" + ], + [ + "ĠGl", + "ow" + ], + [ + "Ġn", + "ont" + ], + [ + "Ġmiscar", + "riage" + ], + [ + "Ġrig", + "s" + ], + [ + "Ġmin", + "istries" + ], + [ + "Ġelabor", + "ated" + ], + [ + "Ġdel", + "usional" + ], + [ + "ĠHum", + "ane" + ], + [ + "Ġ3", + "79" + ], + [ + "n", + "ets" + ], + [ + "Ġblack", + "out" + ], + [ + "add", + "ers" + ], + [ + "Ġn", + "p" + ], + [ + "ĠT", + "ire" + ], + [ + "ro", + "sc" + ], + [ + "Ġsub", + "div" + ], + [ + "Ġlink", + "age" + ], + [ + "Ġchron", + "ological" + ], + [ + "ĠHER", + "O" + ], + [ + "Ġres", + "ettlement" + ], + [ + "ĠVin", + "yl" + ], + [ + "Ġpast", + "oral" + ], + [ + "ĠMob", + "il" + ], + [ + "ĠBar", + "bar" + ], + [ + "Co", + "oldown" + ], + [ + "ĠF", + "ritz" + ], + [ + "c", + "riminal" + ], + [ + "re", + "pe" + ], + [ + "Ġbell", + "ig" + ], + [ + "ĠBre", + "ed" + ], + [ + "Ġ4", + "18" + ], + [ + "Ġsem", + "blance" + ], + [ + "ij", + "k" + ], + [ + "Ġcur", + "tail" + ], + [ + "Ġclin", + "ch" + ], + [ + "cont", + "ained" + ], + [ + "ĠProm", + "pt" + ], + [ + "ast", + "on" + ], + [ + "Ġw", + "i" + ], + [ + "Ġpursu", + "its" + ], + [ + "5", + "15" + ], + [ + "ĠGl", + "oss" + ], + [ + "Ġfl", + "ips" + ], + [ + "Ġcoup", + "ons" + ], + [ + "Ġcl", + "oning" + ], + [ + "ĠLike", + "ly" + ], + [ + "Rem", + "oved" + ], + [ + "ĠQu", + "artz" + ], + [ + "r", + "ices" + ], + [ + "ĠSpe", + "ars" + ], + [ + "Ġp", + "ious" + ], + [ + "Ġdep", + "reciation" + ], + [ + "ĠD", + "are" + ], + [ + "oun", + "ces" + ], + [ + "am", + "az" + ], + [ + "O", + "nt" + ], + [ + "Ġp", + "innacle" + ], + [ + "d", + "ocker" + ], + [ + "0", + "26" + ], + [ + "ĠW", + "yr" + ], + [ + "ĠPro", + "per" + ], + [ + "Ë", + "Ī" + ], + [ + "n", + "il" + ], + [ + "By", + "tes" + ], + [ + "Ġseek", + "er" + ], + [ + "t", + "rial" + ], + [ + "Ġunf", + "olds" + ], + [ + "ĠMar", + "se" + ], + [ + "Ġextravag", + "ant" + ], + [ + "ĠSurviv", + "ors" + ], + [ + "RED", + "ACTED" + ], + [ + "ĠSpeed", + "way" + ], + [ + "ĠCra", + "igslist" + ], + [ + "sub", + "mit" + ], + [ + "ĠGener", + "ations" + ], + [ + "Ġup", + "holding" + ], + [ + "Ġblood", + "stream" + ], + [ + "ĠMiss", + "ions" + ], + [ + "ĠL", + "awn" + ], + [ + "Ġlim", + "bo" + ], + [ + "ene", + "i" + ], + [ + "H", + "uh" + ], + [ + "ĠWild", + "cats" + ], + [ + "pre", + "p" + ], + [ + "ĠMark", + "us" + ], + [ + "ĠFor", + "bidden" + ], + [ + "rit", + "ic" + ], + [ + "IN", + "O" + ], + [ + "Ġexhib", + "iting" + ], + [ + "requ", + "ent" + ], + [ + "ch", + "uk" + ], + [ + "Ġhabit", + "ual" + ], + [ + "ĠComp", + "atibility" + ], + [ + "Dr", + "ag" + ], + [ + "RIP", + "T" + ], + [ + "uj", + "ah" + ], + [ + "GR", + "OUND" + ], + [ + "Ġdelinqu", + "ent" + ], + [ + "Ġburn", + "er" + ], + [ + "Ġcontempor", + "aries" + ], + [ + "Ġgimm", + "ick" + ], + [ + "load", + "s" + ], + [ + "Ġno", + "zzle" + ], + [ + "p", + "odcast" + ], + [ + "ĠW", + "ak" + ], + [ + "ĠStat", + "en" + ], + [ + "ĠK", + "uh" + ], + [ + "ãģ", + "ĵ" + ], + [ + "inter", + "rupted" + ], + [ + "Ġinv", + "incible" + ], + [ + "ĠBurn", + "ett" + ], + [ + "cig", + "arette" + ], + [ + "ĠPeb", + "ble" + ], + [ + "ĠTem", + "porary" + ], + [ + "ĠMar", + "ino" + ], + [ + "58", + "2" + ], + [ + "Ġwast", + "eland" + ], + [ + "ident", + "ly" + ], + [ + "T", + "x" + ], + [ + "Ġr", + "ite" + ], + [ + "ĠPan", + "asonic" + ], + [ + "ĠM", + "iddles" + ], + [ + "ĠHort", + "on" + ], + [ + "ae", + "us" + ], + [ + "Ġc", + "uring" + ], + [ + "Ġm", + "ats" + ], + [ + "Ġadj", + "ourn" + ], + [ + "Ġfears", + "ome" + ], + [ + "pe", + "z" + ], + [ + "bo", + "ats" + ], + [ + "Ġpro", + "pell" + ], + [ + "Ġconflic", + "ted" + ], + [ + "ĠAng", + "er" + ], + [ + "Ġinsurg", + "ent" + ], + [ + "K", + "arl" + ], + [ + "Ġco", + "ales" + ], + [ + "Ġsouth", + "western" + ], + [ + "Ġdis", + "su" + ], + [ + "ĠO", + "vert" + ], + [ + "********", + "****" + ], + [ + "Ġbox", + "ed" + ], + [ + "ĠBr", + "une" + ], + [ + "aa", + "a" + ], + [ + "Ġgard", + "ening" + ], + [ + "ĠEng", + "el" + ], + [ + "tr", + "acks" + ], + [ + "Ġpur", + "ified" + ], + [ + "Ġplace", + "holder" + ], + [ + "ĠL", + "ikes" + ], + [ + "Ġd", + "an" + ], + [ + "G", + "ab" + ], + [ + "Ġe", + "ct" + ], + [ + "ĠF", + "aw" + ], + [ + "ĠEl", + "iot" + ], + [ + "Ġ'", + "," + ], + [ + "otrop", + "ic" + ], + [ + "ĠRu", + "in" + ], + [ + "hed", + "on" + ], + [ + "Ġca", + "ul" + ], + [ + "Ġa", + "ft" + ], + [ + "ĠCad", + "illac" + ], + [ + "gh", + "a" + ], + [ + "ass", + "ian" + ], + [ + "ud", + "eb" + ], + [ + "ĠT", + "ick" + ], + [ + "Ġadjust", + "s" + ], + [ + "AR", + "GET" + ], + [ + "5", + "37" + ], + [ + "isc", + "he" + ], + [ + "ant", + "y" + ], + [ + "ĠFried", + "rich" + ], + [ + "ĠBl", + "izz" + ], + [ + "ĠA", + "OL" + ], + [ + "Camp", + "aign" + ], + [ + "Ġmamm", + "al" + ], + [ + "ĠVe", + "il" + ], + [ + "ĠK", + "ev" + ], + [ + "ĠMaur", + "it" + ], + [ + "ĠDam", + "ien" + ], + [ + "N", + "ation" + ], + [ + "E", + "astern" + ], + [ + "Ġ{", + ":" + ], + [ + "Ġ=", + "================================" + ], + [ + "Ġstereotyp", + "ical" + ], + [ + "Ġatt", + "ic" + ], + [ + "ĠCy", + "borg" + ], + [ + "requ", + "ire" + ], + [ + "Ġaward", + "ing" + ], + [ + "ĠPap", + "ua" + ], + [ + "bt", + "n" + ], + [ + "b", + "ent" + ], + [ + "B", + "oo" + ], + [ + "Ġ(", + "=" + ], + [ + "ĠX", + "ander" + ], + [ + "ĠSomers", + "et" + ], + [ + "Ġcatch", + "y" + ], + [ + "Ġcert", + "ify" + ], + [ + "STR", + "UCT" + ], + [ + "Ġit", + "al" + ], + [ + "Ġt", + "ides" + ], + [ + "ĠBr", + "ands" + ], + [ + "G", + "ray" + ], + [ + "comp", + "etitive" + ], + [ + "Ġcur", + "ator" + ], + [ + "ĠD", + "G" + ], + [ + "omin", + "ium" + ], + [ + "ĠGM", + "Os" + ], + [ + "ci", + "ating" + ], + [ + "ĠCarm", + "en" + ], + [ + "ow", + "ard" + ], + [ + "Balt", + "imore" + ], + [ + "Ġr", + "gb" + ], + [ + "C", + "u" + ], + [ + "Ġwip", + "es" + ], + [ + "spe", + "ll" + ], + [ + "IT", + "NESS" + ], + [ + "Ġsummar", + "izes" + ], + [ + "ĠRe", + "vis" + ], + [ + "Ġwhistlebl", + "owers" + ], + [ + "ĠBre", + "ach" + ], + [ + "Ġcro", + "chet" + ], + [ + "k", + "os" + ], + [ + "ews", + "ki" + ], + [ + "Ġrep", + "et" + ], + [ + "Ġcrim", + "son" + ], + [ + "ĠKar", + "achi" + ], + [ + "read", + "able" + ], + [ + "dim", + "ension" + ], + [ + "ĠI", + "gor" + ], + [ + "ild", + "ed" + ], + [ + "ĠZ", + "ed" + ], + [ + "ĠKe", + "ane" + ], + [ + "ĠCos", + "metic" + ], + [ + "DE", + "P" + ], + [ + "Ġretreat", + "ing" + ], + [ + "ĠU", + "A" + ], + [ + "ens", + "ical" + ], + [ + "Ġd", + "usk" + ], + [ + "ĠDick", + "ens" + ], + [ + "Ġaren", + "as" + ], + [ + "ĠPass", + "age" + ], + [ + "level", + "s" + ], + [ + "Ġcur", + "v" + ], + [ + "P", + "ope" + ], + [ + "Ġch", + "ores" + ], + [ + "ĠEl", + "ise" + ], + [ + "ĠComp", + "ass" + ], + [ + "b", + "ub" + ], + [ + "Ġmamm", + "alian" + ], + [ + "ĠSans", + "krit" + ], + [ + "ĠAN", + "C" + ], + [ + "ĠCr", + "ack" + ], + [ + "Q", + "ual" + ], + [ + "L", + "aun" + ], + [ + "amp", + "unk" + ], + [ + "Ġlearn", + "ers" + ], + [ + "Ġglam", + "orous" + ], + [ + "Ġfur", + "the" + ], + [ + "erm", + "ott" + ], + [ + "c", + "and" + ], + [ + "Gener", + "ic" + ], + [ + "Ġnarr", + "ated" + ], + [ + "Ġdisorder", + "ly" + ], + [ + "ĠTrans", + "actions" + ], + [ + "ĠDet", + "ention" + ], + [ + "ĠR", + "oku" + ], + [ + "Ä", + "į" + ], + [ + "Ġunder", + "statement" + ], + [ + "ĠS", + "aur" + ], + [ + "ĠRodrig", + "o" + ], + [ + "ĠAS", + "AP" + ], + [ + "S", + "in" + ], + [ + "Ġre", + "joice" + ], + [ + "Method", + "s" + ], + [ + "Ġelectro", + "de" + ], + [ + "Ġworsh", + "ipped" + ], + [ + "Ġid", + "i" + ], + [ + "ĠPhys", + "icians" + ], + [ + "Ġpop", + "up" + ], + [ + "Ġde", + "ft" + ], + [ + "ĠRem", + "oval" + ], + [ + "ĠBu", + "enos" + ], + [ + "ver", + "bs" + ], + [ + "Ġfun", + "k" + ], + [ + "ush", + "a" + ], + [ + "rict", + "ion" + ], + [ + "ore", + "a" + ], + [ + "ĠBang", + "alore" + ], + [ + "ĠKen", + "obi" + ], + [ + "zz", + "i" + ], + [ + "Ġnorm", + "ative" + ], + [ + "Ġgobl", + "ins" + ], + [ + "Ġcaf", + "es" + ], + [ + "ĠUN", + "CLASSIFIED" + ], + [ + "ĠF", + "ired" + ], + [ + "S", + "IGN" + ], + [ + "Ġs", + "clerosis" + ], + [ + "ĠV", + "oter" + ], + [ + "ĠSon", + "ny" + ], + [ + "ĠExt", + "end" + ], + [ + "ĠEV", + "s" + ], + [ + "Ar", + "senal" + ], + [ + "Ġp", + "si" + ], + [ + "Ġwid", + "est" + ], + [ + "ĠT", + "us" + ], + [ + "Ġlo", + "oms" + ], + [ + "Ġjust", + "ifying" + ], + [ + "ĠGr", + "anger" + ], + [ + "è", + "¯" + ], + [ + "Ref", + "er" + ], + [ + "58", + "3" + ], + [ + "Ġflour", + "ishing" + ], + [ + "ab", + "re" + ], + [ + "Ġr", + "ave" + ], + [ + "ĠCont", + "ra" + ], + [ + "Ġ18", + "98" + ], + [ + "Add", + "s" + ], + [ + "Ġf", + "ul" + ], + [ + "ĠCo", + "oke" + ], + [ + "some", + "one" + ], + [ + "=", + "#" + ], + [ + "67", + "1" + ], + [ + "Ġy", + "ak" + ], + [ + "Ġar", + "te" + ], + [ + "ĠMis", + "cellaneous" + ], + [ + "ĠDet", + "ection" + ], + [ + "ĠCl", + "ancy" + ], + [ + "â", + "ģ" + ], + [ + "ass", + "ies" + ], + [ + "Ġval", + "iant" + ], + [ + "ĠFemin", + "ist" + ], + [ + "cor", + "ruption" + ], + [ + "V", + "el" + ], + [ + "P", + "ear" + ], + [ + "Ġsucc", + "inct" + ], + [ + "Ġquick", + "est" + ], + [ + "k", + "w" + ], + [ + "Ġsp", + "itting" + ], + [ + "ĠL", + "ibraries" + ], + [ + "åħ", + "ī" + ], + [ + "ant", + "z" + ], + [ + "D", + "ad" + ], + [ + "ĠSpec", + "ifications" + ], + [ + "rup", + "ulous" + ], + [ + "and", + "r" + ], + [ + "RES", + "ULTS" + ], + [ + "Ġsnow", + "ball" + ], + [ + "Ġpred", + "is" + ], + [ + "ĠB", + "axter" + ], + [ + "ĠNurs", + "ing" + ], + [ + "ĠCh", + "aff" + ], + [ + "s", + "we" + ], + [ + "Ġout", + "age" + ], + [ + "Ġnest", + "ing" + ], + [ + "Ġnotor", + "iety" + ], + [ + "tr", + "igger" + ], + [ + "on", + "ite" + ], + [ + "j", + "on" + ], + [ + "Ġf", + "ou" + ], + [ + "ook", + "ed" + ], + [ + "ĠCelebr", + "ity" + ], + [ + "re", + "ality" + ], + [ + "Ġfat", + "ig" + ], + [ + "Ġhug", + "ging" + ], + [ + "Ġbother", + "s" + ], + [ + "ĠPan", + "zer" + ], + [ + "ĠCh", + "andra" + ], + [ + "fig", + "ured" + ], + [ + "Ġvol", + "ts" + ], + [ + "ĠCloud", + "s" + ], + [ + "Ġfee", + "ble" + ], + [ + "ĠCur", + "ve" + ], + [ + "ĠAs", + "us" + ], + [ + "78", + "6" + ], + [ + "abs", + "or" + ], + [ + "ĠV", + "ICE" + ], + [ + "ĠH", + "ess" + ], + [ + "Ġmanufact", + "ures" + ], + [ + "Ġgri", + "zz" + ], + [ + "ĠPower", + "ful" + ], + [ + "ac", + "id" + ], + [ + "Ġsub", + "sections" + ], + [ + "ĠKrug", + "man" + ], + [ + "ĠAl", + "ps" + ], + [ + "is", + "u" + ], + [ + "Ġsequ", + "est" + ], + [ + "ĠUlt", + "ron" + ], + [ + "ĠT", + "inker" + ], + [ + "ĠGo", + "ose" + ], + [ + "Ġmism", + "atch" + ], + [ + "Att", + "orney" + ], + [ + "Ġmorph", + "ology" + ], + [ + "ĠSix", + "ers" + ], + [ + "ut", + "tered" + ], + [ + "ĠE", + "LECT" + ], + [ + "gr", + "an" + ], + [ + "Rus", + "sell" + ], + [ + "ĠG", + "SL" + ], + [ + "Ġfort", + "night" + ], + [ + "Ġ.", + ")" + ], + [ + "Ġapost", + "le" + ], + [ + "pr", + "one" + ], + [ + "el", + "ist" + ], + [ + "Unt", + "itled" + ], + [ + "ĠIm", + "plementation" + ], + [ + "ist", + "ors" + ], + [ + "Ġtank", + "er" + ], + [ + "Ġpl", + "ush" + ], + [ + "Ġattend", + "ants" + ], + [ + "ĠT", + "ik" + ], + [ + "ĠGreen", + "wich" + ], + [ + "ĠY", + "on" + ], + [ + "ĠSP", + "L" + ], + [ + "cell", + "s" + ], + [ + "unt", + "led" + ], + [ + "S", + "olution" + ], + [ + "ĠQu", + "é" + ], + [ + "Ġvac", + "ated" + ], + [ + "Ġupt", + "ick" + ], + [ + "ĠMer", + "idian" + ], + [ + "æ", + "ĥ" + ], + [ + "ĠDr", + "ill" + ], + [ + "9", + "25" + ], + [ + "58", + "4" + ], + [ + "Ġrenov", + "ated" + ], + [ + "ĠKub", + "rick" + ], + [ + "zy", + "k" + ], + [ + "Ġl", + "ousy" + ], + [ + "pp", + "el" + ], + [ + "ohyd", + "rate" + ], + [ + "ĠI", + "zzy" + ], + [ + "lesi", + "astical" + ], + [ + "CC", + "C" + ], + [ + "ĠAj", + "ax" + ], + [ + "Ġad", + "apters" + ], + [ + "ĠPetra", + "eus" + ], + [ + "Ġaffirm", + "ation" + ], + [ + "ĠST", + "OR" + ], + [ + "le", + "ms" + ], + [ + "ad", + "oes" + ], + [ + "ĠConstantin", + "ople" + ], + [ + "Ġp", + "onies" + ], + [ + "Ġl", + "ighthouse" + ], + [ + "Ġadherent", + "s" + ], + [ + "ĠBre", + "es" + ], + [ + "omorph", + "ic" + ], + [ + "Fight", + "ing" + ], + [ + "Ġpl", + "aster" + ], + [ + "ĠP", + "VC" + ], + [ + "ĠOb", + "st" + ], + [ + "Ġdear", + "ly" + ], + [ + "ĠTo", + "oth" + ], + [ + "icks", + "on" + ], + [ + "Ġsh", + "aming" + ], + [ + "P", + "lex" + ], + [ + "A", + "gg" + ], + [ + "ĠâĢ¦", + "\"" + ], + [ + "Ġsub", + "reddits" + ], + [ + "Ġpige", + "on" + ], + [ + "ĠResident", + "ial" + ], + [ + "ĠPass", + "ing" + ], + [ + "Ġl", + "um" + ], + [ + "ĠP", + "ension" + ], + [ + "Ġpessim", + "istic" + ], + [ + "Ġ4", + "32" + ], + [ + "z", + "inski" + ], + [ + "c", + "ade" + ], + [ + "0", + "75" + ], + [ + "Ġapolog", + "ised" + ], + [ + "iy", + "ah" + ], + [ + "Put", + "ting" + ], + [ + "Ġgloom", + "y" + ], + [ + "ĠLy", + "me" + ], + [ + "=-=-=-=-", + "=-=-=-=-" + ], + [ + "ĠT", + "ome" + ], + [ + "ĠPsych", + "iatric" + ], + [ + "ĠH", + "IT" + ], + [ + "c", + "ms" + ], + [ + "ap", + "olog" + ], + [ + "Ġbreak", + "er" + ], + [ + "Ġdeep", + "en" + ], + [ + "Ġtheor", + "ist" + ], + [ + "ĠHigh", + "lands" + ], + [ + "Ġb", + "aker" + ], + [ + "Ġst", + "aples" + ], + [ + "Ġinterf", + "ered" + ], + [ + "ĠAb", + "ortion" + ], + [ + "jo", + "ined" + ], + [ + "ch", + "u" + ], + [ + "Ġform", + "ulate" + ], + [ + "Ġvacc", + "inations" + ], + [ + "Ġban", + "ter" + ], + [ + "phe", + "us" + ], + [ + "Ġoutfield", + "er" + ], + [ + "ĠM", + "eter" + ], + [ + "Ġ#", + "####" + ], + [ + "Ġ18", + "95" + ], + [ + "Ġnarrow", + "ing" + ], + [ + "ĠST", + "ORY" + ], + [ + "f", + "p" + ], + [ + "ĠC", + "ST" + ], + [ + "ign", + "ore" + ], + [ + "Ġproclaim", + "ing" + ], + [ + "ĠR", + "U" + ], + [ + "ĠB", + "ALL" + ], + [ + "yn", + "a" + ], + [ + "65", + "3" + ], + [ + "Ġpos", + "it" + ], + [ + "P", + "RE" + ], + [ + "59", + "4" + ], + [ + "ĠRegist", + "rar" + ], + [ + "ĠPil", + "grim" + ], + [ + "ic", + "io" + ], + [ + "Ġpre", + "tt" + ], + [ + "Ġlif", + "eless" + ], + [ + "Ġ__", + "_" + ], + [ + "Ne", + "igh" + ], + [ + "ĠCh", + "urches" + ], + [ + "orn", + "o" + ], + [ + "Ġor", + "cs" + ], + [ + "Ġkind", + "red" + ], + [ + "ĠAud", + "it" + ], + [ + "Ġmillenn", + "ial" + ], + [ + "ĠPers", + "ia" + ], + [ + "g", + "ravity" + ], + [ + "ĠDis", + "ability" + ], + [ + "ĠD", + "ARK" + ], + [ + "W", + "s" + ], + [ + "od", + "on" + ], + [ + "Ġgrand", + "daughter" + ], + [ + "ĠBro", + "oke" + ], + [ + "ĠA", + "DA" + ], + [ + "ER", + "A" + ], + [ + "Ġpick", + "ups" + ], + [ + "ĠWil", + "kinson" + ], + [ + "ĠSh", + "ards" + ], + [ + "ĠN", + "K" + ], + [ + "Ġexp", + "el" + ], + [ + "ĠKis", + "lyak" + ], + [ + "Ġj", + "argon" + ], + [ + "Ġpolar", + "ized" + ], + [ + "ian", + "e" + ], + [ + "Pub", + "lisher" + ], + [ + "Ġreb", + "utt" + ], + [ + "Ġapprehens", + "ion" + ], + [ + "ĠK", + "essler" + ], + [ + "Ġpr", + "ism" + ], + [ + "F", + "UL" + ], + [ + "19", + "64" + ], + [ + "ĠL", + "oll" + ], + [ + "ä", + "¿" + ], + [ + "le", + "thal" + ], + [ + "Å", + "Ł" + ], + [ + "Ġg", + "hetto" + ], + [ + "Ġb", + "oulder" + ], + [ + "ĠSlow", + "ly" + ], + [ + "ĠOsc", + "ars" + ], + [ + "ĠInst", + "ruction" + ], + [ + "ĠUl", + "tr" + ], + [ + "ĠM", + "oe" + ], + [ + "N", + "ich" + ], + [ + "ĠP", + "ATH" + ], + [ + "(", + "*" + ], + [ + "ĠRE", + "LEASE" + ], + [ + "un", + "ing" + ], + [ + "rou", + "se" + ], + [ + "en", + "eg" + ], + [ + "Ġre", + "imb" + ], + [ + "ĠDet", + "ected" + ], + [ + "Do", + "S" + ], + [ + "Ġster", + "ling" + ], + [ + "Ġaggreg", + "ation" + ], + [ + "ĠLone", + "ly" + ], + [ + "ĠAtt", + "end" + ], + [ + "hig", + "her" + ], + [ + "Ġairst", + "rike" + ], + [ + "ks", + "on" + ], + [ + "SE", + "LECT" + ], + [ + "Ġdef", + "lation" + ], + [ + "ĠHer", + "rera" + ], + [ + "C", + "ole" + ], + [ + "rit", + "ch" + ], + [ + "Ġadvis", + "able" + ], + [ + "F", + "ax" + ], + [ + "Ġwork", + "around" + ], + [ + "Ġp", + "id" + ], + [ + "mort", + "em" + ], + [ + "ers", + "en" + ], + [ + "Ġtyp", + "o" + ], + [ + "Ġal", + "um" + ], + [ + "78", + "2" + ], + [ + "ĠJam", + "al" + ], + [ + "script", + "s" + ], + [ + "Ġcapt", + "ives" + ], + [ + "ĠPres", + "ence" + ], + [ + "ĠLie", + "berman" + ], + [ + "angel", + "o" + ], + [ + "Ġalcohol", + "ism" + ], + [ + "ass", + "i" + ], + [ + "Ġrec", + "ite" + ], + [ + "Ġgap", + "ing" + ], + [ + "Ġbask", + "ets" + ], + [ + "ĠG", + "ou" + ], + [ + "Brow", + "ser" + ], + [ + "ne", + "au" + ], + [ + "Ġcorrect", + "ive" + ], + [ + "und", + "a" + ], + [ + "sc", + "oring" + ], + [ + "ĠX", + "D" + ], + [ + "Ġfil", + "ament" + ], + [ + "Ġdeep", + "ening" + ], + [ + "ĠStain", + "less" + ], + [ + "Int", + "eger" + ], + [ + "Ġbu", + "ggy" + ], + [ + "Ġten", + "ancy" + ], + [ + "ĠMub", + "arak" + ], + [ + "Ġt", + "uple" + ], + [ + "ĠD", + "roid" + ], + [ + "ĠS", + "itting" + ], + [ + "Ġforfe", + "it" + ], + [ + "ĠRasm", + "ussen" + ], + [ + "ixt", + "ies" + ], + [ + "es", + "i" + ], + [ + "ĠKim", + "mel" + ], + [ + "Ġmetic", + "ulously" + ], + [ + "Ġap", + "opt" + ], + [ + "ĠS", + "eller" + ], + [ + "08", + "8" + ], + [ + "ec", + "ake" + ], + [ + "hem", + "atically" + ], + [ + "T", + "N" + ], + [ + "Ġmind", + "less" + ], + [ + "Ġdig", + "s" + ], + [ + "ĠAcc", + "ord" + ], + [ + "ons", + "ense" + ], + [ + "em", + "ing" + ], + [ + "br", + "ace" + ], + [ + "Ġe", + "Book" + ], + [ + "ĠDist", + "ribut" + ], + [ + "ĠInvest", + "ments" + ], + [ + "w", + "t" + ], + [ + "]", + ")," + ], + [ + "beh", + "avior" + ], + [ + "56", + "3" + ], + [ + "Ġbl", + "inding" + ], + [ + "ĠPro", + "testers" + ], + [ + "top", + "ia" + ], + [ + "Ġreb", + "orn" + ], + [ + "ĠKel", + "vin" + ], + [ + "ĠDo", + "ver" + ], + [ + "ĠD", + "airy" + ], + [ + "ĠOut", + "s" + ], + [ + "Ġ[", + "/" + ], + [ + "Ï", + "Ģ" + ], + [ + "b", + "p" + ], + [ + "ĠVan", + "ity" + ], + [ + "ĠRec", + "ap" + ], + [ + "ĠHOU", + "SE" + ], + [ + "ĠF", + "ACE" + ], + [ + "Ġ4", + "22" + ], + [ + "69", + "2" + ], + [ + "ĠAnt", + "ioch" + ], + [ + "cook", + "ed" + ], + [ + "Ġcoll", + "ide" + ], + [ + "Ġa", + "pr" + ], + [ + "Ġsle", + "eper" + ], + [ + "ĠJar", + "vis" + ], + [ + "Ġalternative", + "ly" + ], + [ + "ĠLe", + "aves" + ], + [ + "ĠM", + "aw" + ], + [ + "Ġantiqu", + "ity" + ], + [ + "ĠAdin", + "ida" + ], + [ + "Ġab", + "user" + ], + [ + "Poké", + "mon" + ], + [ + "Ġass", + "orted" + ], + [ + "ĠRev", + "ision" + ], + [ + "ĠP", + "iano" + ], + [ + "ĠG", + "ideon" + ], + [ + "O", + "cean" + ], + [ + "Ġsal", + "on" + ], + [ + "Ġbust", + "ling" + ], + [ + "ogn", + "itive" + ], + [ + "ĠRah", + "man" + ], + [ + "Ġwa", + "iter" + ], + [ + "Ġpres", + "ets" + ], + [ + "ĠO", + "sh" + ], + [ + "ĠG", + "HC" + ], + [ + "oper", + "ator" + ], + [ + "Ġrept", + "iles" + ], + [ + "Ġ4", + "13" + ], + [ + "ĠG", + "arr" + ], + [ + "ĠCh", + "ak" + ], + [ + "Ġhas", + "hes" + ], + [ + "Ġfail", + "ings" + ], + [ + "Ġfolk", + "lore" + ], + [ + "Ġab", + "l" + ], + [ + "ĠC", + "ena" + ], + [ + "ĠMac", + "Arthur" + ], + [ + "ĠCOUR", + "T" + ], + [ + "Ġperipher", + "y" + ], + [ + "app", + "ers" + ], + [ + "Ġreck", + "oned" + ], + [ + "ĠInf", + "lu" + ], + [ + "ĠC", + "ET" + ], + [ + "Ġ3", + "72" + ], + [ + "ĠDefin", + "itive" + ], + [ + "ass", + "ault" + ], + [ + "4", + "21" + ], + [ + "Ġreservoir", + "s" + ], + [ + "Ġd", + "ives" + ], + [ + "ĠCo", + "il" + ], + [ + "DA", + "Q" + ], + [ + "Ġvivid", + "ly" + ], + [ + "ĠR", + "J" + ], + [ + "ĠBel", + "lev" + ], + [ + "Ġec", + "lectic" + ], + [ + "ĠShow", + "down" + ], + [ + "ĠK", + "M" + ], + [ + "ip", + "ed" + ], + [ + "reet", + "ings" + ], + [ + "ĠAs", + "uka" + ], + [ + "L", + "iberal" + ], + [ + "ĠÏ", + "Ħ" + ], + [ + "Ġbystand", + "ers" + ], + [ + "ĠGood", + "win" + ], + [ + "uk", + "ong" + ], + [ + "S", + "it" + ], + [ + "ĠT", + "rem" + ], + [ + "Ġcrim", + "inally" + ], + [ + "ĠCirc", + "us" + ], + [ + "ch", + "rome" + ], + [ + "88", + "7" + ], + [ + "Ġnan", + "op" + ], + [ + "ĠOb", + "i" + ], + [ + "ĠL", + "OW" + ], + [ + "o", + "gh" + ], + [ + "ĠAuth", + "ors" + ], + [ + "ob", + "yl" + ], + [ + "Ur", + "ban" + ], + [ + "Ġt", + "i" + ], + [ + "ĠWe", + "ir" + ], + [ + "t", + "rap" + ], + [ + "ag", + "y" + ], + [ + "Ġparent", + "heses" + ], + [ + "Ġout", + "numbered" + ], + [ + "Ġcounter", + "productive" + ], + [ + "ĠTob", + "ias" + ], + [ + "ub", + "is" + ], + [ + "P", + "arser" + ], + [ + "ST", + "AR" + ], + [ + "Ġsyn", + "aptic" + ], + [ + "ĠG", + "ears" + ], + [ + "Ġh", + "iber" + ], + [ + "Ġdebunk", + "ed" + ], + [ + "Ġex", + "alted" + ], + [ + "aw", + "atts" + ], + [ + "H", + "OU" + ], + [ + "Ch", + "urch" + ], + [ + "ĠPix", + "ie" + ], + [ + "ĠU", + "ri" + ], + [ + "ĠForm", + "ation" + ], + [ + "ĠPred", + "iction" + ], + [ + "C", + "EO" + ], + [ + "Ġthro", + "tt" + ], + [ + "ĠBrit", + "ann" + ], + [ + "ĠMad", + "agascar" + ], + [ + "ë", + "ĭ" + ], + [ + "Ġbill", + "boards" + ], + [ + "ĠRPG", + "s" + ], + [ + "ĠBe", + "es" + ], + [ + "complete", + "ly" + ], + [ + "F", + "IL" + ], + [ + "Ġdoes", + "nt" + ], + [ + "ĠGreen", + "berg" + ], + [ + "re", + "ys" + ], + [ + "Ġsl", + "ing" + ], + [ + "Ġempt", + "ied" + ], + [ + "ĠPix", + "ar" + ], + [ + "ĠDh", + "arma" + ], + [ + "l", + "uck" + ], + [ + "ingu", + "ished" + ], + [ + "Ġend", + "ot" + ], + [ + "Ġbab", + "ys" + ], + [ + "05", + "9" + ], + [ + "che", + "st" + ], + [ + "r", + "ats" + ], + [ + "Ġr", + "idden" + ], + [ + "Ġbeet", + "les" + ], + [ + "Ġillum", + "inating" + ], + [ + "Ġfict", + "itious" + ], + [ + "ĠProv", + "incial" + ], + [ + "Ġ7", + "68" + ], + [ + "Ġshe", + "pherd" + ], + [ + "ĠR", + "ender" + ], + [ + "Ġ18", + "96" + ], + [ + "C", + "rew" + ], + [ + "Ġmold", + "ed" + ], + [ + "ĠXia", + "omi" + ], + [ + "ĠSp", + "iral" + ], + [ + "Ġdel", + "im" + ], + [ + "Ġorgan", + "ising" + ], + [ + "Ġho", + "ops" + ], + [ + "ĠBe", + "i" + ], + [ + "z", + "hen" + ], + [ + "Ġfuck", + "in" + ], + [ + "Ġdec", + "ad" + ], + [ + "Ġun", + "biased" + ], + [ + "am", + "my" + ], + [ + "sw", + "ing" + ], + [ + "Ġsmugg", + "led" + ], + [ + "Ġk", + "ios" + ], + [ + "ĠP", + "ERSON" + ], + [ + "ĠInquis", + "itor" + ], + [ + "Ġsnow", + "y" + ], + [ + "Ġscrap", + "ing" + ], + [ + "ĠBurg", + "ess" + ], + [ + "P", + "tr" + ], + [ + "ag", + "ame" + ], + [ + "R", + "W" + ], + [ + "Ġdro", + "id" + ], + [ + "ĠL", + "ys" + ], + [ + "ĠCass", + "andra" + ], + [ + "Jac", + "ob" + ], + [ + "Ġ35", + "4" + ], + [ + "Ġpast", + "ure" + ], + [ + "Ġfr", + "anc" + ], + [ + "ĠScot", + "ch" + ], + [ + "ĠEnd", + "s" + ], + [ + "ĠI", + "GF" + ], + [ + "def", + "inition" + ], + [ + "Ġhyster", + "ical" + ], + [ + "ĠBrown", + "e" + ], + [ + "77", + "1" + ], + [ + "Ġmobil", + "ization" + ], + [ + "æ", + "ķ" + ], + [ + "iqu", + "eness" + ], + [ + "Th", + "or" + ], + [ + "Ġspear", + "headed" + ], + [ + "Ġembro", + "iled" + ], + [ + "Ġconject", + "ure" + ], + [ + "jud", + "icial" + ], + [ + "Ch", + "oice" + ], + [ + "Ġpaper", + "back" + ], + [ + "P", + "ir" + ], + [ + "Ġrec", + "overs" + ], + [ + "ĠSur", + "ge" + ], + [ + "ĠSh", + "ogun" + ], + [ + "ĠPed", + "iatrics" + ], + [ + "ãģ", + "ł" + ], + [ + "Ġsweep", + "s" + ], + [ + "ĠLabor", + "atories" + ], + [ + "ĠP", + "acks" + ], + [ + "al", + "us" + ], + [ + "add", + "in" + ], + [ + "Ġhead", + "lights" + ], + [ + "g", + "ra" + ], + [ + "Ev", + "idence" + ], + [ + "COL", + "OR" + ], + [ + "Ad", + "min" + ], + [ + "Ĭ", + "±" + ], + [ + "Ġconco", + "ct" + ], + [ + "s", + "ufficient" + ], + [ + "Ġun", + "marked" + ], + [ + "Ġrich", + "ness" + ], + [ + "Ġdiss", + "ertation" + ], + [ + "Ġseason", + "ing" + ], + [ + "Ġg", + "ib" + ], + [ + "ĠM", + "ages" + ], + [ + "un", + "ctions" + ], + [ + "ĠN", + "id" + ], + [ + "che", + "at" + ], + [ + "ĠTM", + "Z" + ], + [ + "c", + "itizens" + ], + [ + "ĠCatholic", + "ism" + ], + [ + "n", + "b" + ], + [ + "Ġdisemb", + "ark" + ], + [ + "ĠPROG", + "RAM" + ], + [ + "a", + "ques" + ], + [ + "Ty", + "ler" + ], + [ + "Or", + "g" + ], + [ + "ĠSl", + "ay" + ], + [ + "ĠN", + "ero" + ], + [ + "ĠTown", + "send" + ], + [ + "IN", + "TON" + ], + [ + "te", + "le" + ], + [ + "Ġmes", + "mer" + ], + [ + "9", + "01" + ], + [ + "Ġfire", + "ball" + ], + [ + "ev", + "idence" + ], + [ + "aff", + "iliated" + ], + [ + "ĠFrench", + "man" + ], + [ + "ĠAugust", + "a" + ], + [ + "0", + "21" + ], + [ + "Ġs", + "led" + ], + [ + "Ġre", + "used" + ], + [ + "ĠImmun", + "ity" + ], + [ + "Ġwrest", + "le" + ], + [ + "assemb", + "led" + ], + [ + "Mar", + "ia" + ], + [ + "Ġgun", + "shots" + ], + [ + "ĠBarb", + "ie" + ], + [ + "Ġcannabin", + "oids" + ], + [ + "ĠTo", + "ast" + ], + [ + "ĠK", + "inder" + ], + [ + "IR", + "D" + ], + [ + "Ġre", + "juven" + ], + [ + "Ġg", + "ore" + ], + [ + "Ġrupt", + "ure" + ], + [ + "Ġbre", + "aching" + ], + [ + "ĠCart", + "oon" + ], + [ + "Ġ4", + "55" + ], + [ + "ĠPale", + "o" + ], + [ + "6", + "14" + ], + [ + "Ġspe", + "ars" + ], + [ + "ĠAm", + "es" + ], + [ + "ab", + "us" + ], + [ + "Mad", + "ison" + ], + [ + "GR", + "OUP" + ], + [ + "Ġab", + "orted" + ], + [ + "y", + "ah" + ], + [ + "Ġfel", + "on" + ], + [ + "Ġcaus", + "ation" + ], + [ + "Ġprep", + "aid" + ], + [ + "Ġp", + "itted" + ], + [ + "op", + "lan" + ], + [ + "ĠShel", + "ley" + ], + [ + "ĠRus", + "so" + ], + [ + "ĠP", + "agan" + ], + [ + "Ġwill", + "fully" + ], + [ + "ĠCan", + "aver" + ], + [ + "und", + "rum" + ], + [ + "ĠSal", + "ary" + ], + [ + "ĠAr", + "paio" + ], + [ + "read", + "er" + ], + [ + "ĠR", + "ational" + ], + [ + "ĠOver", + "se" + ], + [ + "ĠCa", + "uses" + ], + [ + "Ġ*", + "." + ], + [ + "Ġw", + "ob" + ], + [ + "Ke", + "ith" + ], + [ + "ĠCons", + "ent" + ], + [ + "man", + "ac" + ], + [ + "77", + "3" + ], + [ + "6", + "23" + ], + [ + "Ġfate", + "ful" + ], + [ + "et", + "imes" + ], + [ + "Ġspir", + "ited" + ], + [ + "ĠD", + "ys" + ], + [ + "Ġhe", + "gemony" + ], + [ + "Ġboy", + "cot" + ], + [ + "ĠEn", + "rique" + ], + [ + "em", + "outh" + ], + [ + "Ġtim", + "elines" + ], + [ + "ĠSah", + "ara" + ], + [ + "ĠRel", + "ax" + ], + [ + "ĠQuin", + "cy" + ], + [ + "ĠLess", + "ons" + ], + [ + "ĠE", + "QU" + ], + [ + "SE", + "A" + ], + [ + "N", + "K" + ], + [ + "ĠCost", + "co" + ], + [ + "Incre", + "ase" + ], + [ + "Ġmotiv", + "ating" + ], + [ + "ĠCh", + "ong" + ], + [ + "am", + "aru" + ], + [ + "ĠDiv", + "ide" + ], + [ + "Ġped", + "igree" + ], + [ + "ĠTasman", + "ia" + ], + [ + "ĠPrel", + "ude" + ], + [ + "L", + "as" + ], + [ + "9", + "40" + ], + [ + "57", + "4" + ], + [ + "Ġch", + "au" + ], + [ + "ĠSp", + "iegel" + ], + [ + "un", + "ic" + ], + [ + "--", + ">" + ], + [ + "ĠPhil", + "ips" + ], + [ + "ĠKaf", + "ka" + ], + [ + "Ġuphe", + "aval" + ], + [ + "Ġsent", + "imental" + ], + [ + "Ġsa", + "x" + ], + [ + "ĠAk", + "ira" + ], + [ + "ser", + "ial" + ], + [ + "Mat", + "rix" + ], + [ + "Ġelect", + "ing" + ], + [ + "Ġcomment", + "er" + ], + [ + "ĠNeb", + "ula" + ], + [ + "ple", + "ts" + ], + [ + "ĠNad", + "u" + ], + [ + "ĠAd", + "ren" + ], + [ + "Ġen", + "shr" + ], + [ + "ĠR", + "AND" + ], + [ + "fin", + "ancial" + ], + [ + "ĠCly", + "de" + ], + [ + "uther", + "ford" + ], + [ + "Ġsign", + "age" + ], + [ + "Ġde", + "line" + ], + [ + "Ġphosph", + "ate" + ], + [ + "rovers", + "ial" + ], + [ + "f", + "ascist" + ], + [ + "ĠV", + "all" + ], + [ + "ĠBeth", + "lehem" + ], + [ + "Ġfor", + "s" + ], + [ + "Ġeng", + "lish" + ], + [ + "S", + "olid" + ], + [ + "N", + "ature" + ], + [ + "Ġv", + "a" + ], + [ + "ĠGu", + "ests" + ], + [ + "Ġtant", + "al" + ], + [ + "Ġauto", + "immune" + ], + [ + ";;;;;;;;", + ";;;;" + ], + [ + "ĠTot", + "ally" + ], + [ + "ĠO", + "v" + ], + [ + "Ġdef", + "ences" + ], + [ + "ĠCoc", + "onut" + ], + [ + "Ġtranqu", + "il" + ], + [ + "Ġpl", + "oy" + ], + [ + "Ġflav", + "ours" + ], + [ + "ĠFl", + "ask" + ], + [ + "ãĤ¨", + "ãĥ«" + ], + [ + "ĠWest", + "on" + ], + [ + "ĠVol", + "vo" + ], + [ + "8", + "70" + ], + [ + "Ġmicro", + "phones" + ], + [ + "ver", + "bal" + ], + [ + "R", + "PG" + ], + [ + "Ġi", + "ii" + ], + [ + ";", + "}" + ], + [ + "0", + "28" + ], + [ + "Ġhead", + "lined" + ], + [ + "Ġprim", + "ed" + ], + [ + "Ġho", + "ard" + ], + [ + "ĠSh", + "ad" + ], + [ + "ĠEN", + "TER" + ], + [ + "Ġtri", + "angular" + ], + [ + "Ġcap", + "it" + ], + [ + "l", + "ik" + ], + [ + "ĠAn", + "cients" + ], + [ + "Ġl", + "ash" + ], + [ + "Ġconv", + "ol" + ], + [ + "Ġcolon", + "el" + ], + [ + "en", + "emy" + ], + [ + "G", + "ra" + ], + [ + "Ġpub", + "s" + ], + [ + "ut", + "ters" + ], + [ + "Ġassign", + "s" + ], + [ + "ĠPen", + "et" + ], + [ + "ĠMon", + "strous" + ], + [ + "ĠBow", + "en" + ], + [ + "il", + "ver" + ], + [ + "H", + "aunted" + ], + [ + "ĠD", + "ing" + ], + [ + "start", + "ed" + ], + [ + "pl", + "in" + ], + [ + "Ġcontamin", + "ants" + ], + [ + "ĠDO", + "E" + ], + [ + "ff", + "en" + ], + [ + "ĠTechn", + "ician" + ], + [ + "R", + "y" + ], + [ + "Ġrob", + "bers" + ], + [ + "Ġhot", + "line" + ], + [ + "ĠGuard", + "iola" + ], + [ + "ĠKau", + "fman" + ], + [ + "row", + "er" + ], + [ + "ĠDres", + "den" + ], + [ + "ĠAl", + "pine" + ], + [ + "E", + "lf" + ], + [ + "Ġf", + "mt" + ], + [ + "ĠS", + "ard" + ], + [ + "urs", + "es" + ], + [ + "g", + "pu" + ], + [ + "Un", + "ix" + ], + [ + "Ġunequiv", + "ocally" + ], + [ + "ĠCitizens", + "hip" + ], + [ + "qu", + "ad" + ], + [ + "m", + "ire" + ], + [ + "ĠS", + "weeney" + ], + [ + "B", + "attery" + ], + [ + "6", + "15" + ], + [ + "Ġpanc", + "akes" + ], + [ + "Ġo", + "ats" + ], + [ + "M", + "aps" + ], + [ + "ĠCont", + "rast" + ], + [ + "mbuds", + "man" + ], + [ + "ĠE", + "PS" + ], + [ + "Ġsub", + "committee" + ], + [ + "Ġsour", + "cing" + ], + [ + "Ġs", + "izing" + ], + [ + "ĠBuff", + "er" + ], + [ + "ĠMand", + "atory" + ], + [ + "Ġmoder", + "ates" + ], + [ + "ĠPattern", + "s" + ], + [ + "ĠCh", + "ocobo" + ], + [ + "ĠZ", + "an" + ], + [ + "ĠSTAT", + "ES" + ], + [ + "ĠJud", + "ging" + ], + [ + "ĠIn", + "her" + ], + [ + "*", + ":" + ], + [ + "Ġb", + "il" + ], + [ + "ĠY", + "en" + ], + [ + "Ġexh", + "ilar" + ], + [ + "oll", + "ower" + ], + [ + "z", + "ers" + ], + [ + "Ġsn", + "ug" + ], + [ + "max", + "imum" + ], + [ + "Ġdesp", + "icable" + ], + [ + "ĠP", + "ACK" + ], + [ + "ĠAn", + "nex" + ], + [ + "Ġsarcast", + "ic" + ], + [ + "Ġlate", + "x" + ], + [ + "Ġt", + "amp" + ], + [ + "ĠS", + "ao" + ], + [ + "b", + "ah" + ], + [ + "ĠRe", + "verend" + ], + [ + "ĠChin", + "atown" + ], + [ + "ĠA", + "UT" + ], + [ + "d", + "ocumented" + ], + [ + "ĠGA", + "BA" + ], + [ + "ĠCan", + "aan" + ], + [ + "ĠÙ", + "ħ" + ], + [ + "Ġgovern", + "s" + ], + [ + "pre", + "v" + ], + [ + "E", + "sc" + ], + [ + "ĠEst", + "imates" + ], + [ + "OS", + "P" + ], + [ + "Ġendeav", + "our" + ], + [ + "ĠCl", + "osing" + ], + [ + "omet", + "ime" + ], + [ + "every", + "one" + ], + [ + "Ġwor", + "sen" + ], + [ + "Ġsc", + "anners" + ], + [ + "Ġdev", + "iations" + ], + [ + "ĠRobot", + "ics" + ], + [ + "ĠCom", + "pton" + ], + [ + "Ġsorce", + "rer" + ], + [ + "Ġend", + "ogenous" + ], + [ + "Ġem", + "ulation" + ], + [ + "ĠPier", + "cing" + ], + [ + "ĠA", + "ph" + ], + [ + "ĠS", + "ocket" + ], + [ + "Ġb", + "ould" + ], + [ + "ĠO", + "U" + ], + [ + "ĠBorder", + "lands" + ], + [ + "Ġ18", + "63" + ], + [ + "G", + "ordon" + ], + [ + "ĠW", + "TO" + ], + [ + "Ġrestrict", + "s" + ], + [ + "Ġmosa", + "ic" + ], + [ + "Ġmel", + "odies" + ], + [ + "ç", + "Ħ" + ], + [ + "T", + "ar" + ], + [ + "Ġdis", + "son" + ], + [ + "ĠProv", + "ides" + ], + [ + "Ġ", + "......" + ], + [ + "b", + "ek" + ], + [ + "F", + "IX" + ], + [ + "Ġbro", + "om" + ], + [ + "ans", + "hip" + ], + [ + "Do", + "ctors" + ], + [ + "Ġner", + "ds" + ], + [ + "ĠReg", + "ions" + ], + [ + "na", + "issance" + ], + [ + "Ġmet", + "e" + ], + [ + "Ġcre", + "pt" + ], + [ + "pl", + "ings" + ], + [ + "Ġgirlfriend", + "s" + ], + [ + "kn", + "it" + ], + [ + "ig", + "ent" + ], + [ + "ow", + "e" + ], + [ + "Ġus", + "hered" + ], + [ + "ĠB", + "az" + ], + [ + "M", + "obil" + ], + [ + "4", + "34" + ], + [ + "ĠPres", + "ents" + ], + [ + "orig", + "in" + ], + [ + "Ġins", + "omnia" + ], + [ + "ĠA", + "ux" + ], + [ + "4", + "39" + ], + [ + "ĠCh", + "ili" + ], + [ + "irs", + "ch" + ], + [ + "G", + "AME" + ], + [ + "Ġgest", + "ation" + ], + [ + "alg", + "ia" + ], + [ + "rom", + "ising" + ], + [ + "$", + "," + ], + [ + "c", + "row" + ], + [ + "ĠIn", + "spection" + ], + [ + "at", + "omic" + ], + [ + "Rel", + "ations" + ], + [ + "J", + "OHN" + ], + [ + "rom", + "an" + ], + [ + "ĠClock", + "work" + ], + [ + "ĠBak", + "r" + ], + [ + "m", + "one" + ], + [ + "M", + "ET" + ], + [ + "Ġthirst", + "y" + ], + [ + "Ġb", + "c" + ], + [ + "Ġfacult", + "ies" + ], + [ + "R", + "um" + ], + [ + "Ġnu", + "ance" + ], + [ + "ĠD", + "arius" + ], + [ + "ple", + "ting" + ], + [ + "fter", + "s" + ], + [ + "etch", + "up" + ], + [ + "Reg", + "istration" + ], + [ + "ĠK", + "E" + ], + [ + "R", + "ah" + ], + [ + "Ġpref", + "erential" + ], + [ + "ĠL", + "ash" + ], + [ + "ĠH", + "H" + ], + [ + "Val", + "id" + ], + [ + "ĠN", + "AV" + ], + [ + "Ġstar", + "ve" + ], + [ + "ĠG", + "ong" + ], + [ + "z", + "ynski" + ], + [ + "ĠAct", + "ress" + ], + [ + "Ġw", + "ik" + ], + [ + "Ġun", + "accompanied" + ], + [ + "lv", + "l" + ], + [ + "Br", + "ide" + ], + [ + "AD", + "S" + ], + [ + "ĠCommand", + "o" + ], + [ + "ĠVaugh", + "n" + ], + [ + "Wal", + "let" + ], + [ + "Ġho", + "pping" + ], + [ + "ĠV", + "ie" + ], + [ + "Ġcave", + "ats" + ], + [ + "Ġal", + "as" + ], + [ + "if", + "led" + ], + [ + "ab", + "use" + ], + [ + "66", + "1" + ], + [ + "Ġib", + "n" + ], + [ + "Ġg", + "ul" + ], + [ + "Ġrob", + "bing" + ], + [ + "t", + "il" + ], + [ + "IL", + "A" + ], + [ + "Ġmit", + "igating" + ], + [ + "Ġapt", + "ly" + ], + [ + "Ġty", + "rant" + ], + [ + "Ġmid", + "day" + ], + [ + "ĠGil", + "more" + ], + [ + "ĠDe", + "cker" + ], + [ + "Ġ§", + "§" + ], + [ + "part", + "ial" + ], + [ + "Ex", + "actly" + ], + [ + "Ġphen", + "otype" + ], + [ + "Ġ[+", + "]" + ], + [ + "ĠP", + "lex" + ], + [ + "ĠI", + "ps" + ], + [ + "vers", + "ions" + ], + [ + "Ġe", + "book" + ], + [ + "Ġch", + "ic" + ], + [ + "g", + "ross" + ], + [ + "\":\"", + "\"},{\"" + ], + [ + "ĠSur", + "prisingly" + ], + [ + "M", + "organ" + ], + [ + "Ġresid", + "ues" + ], + [ + "ĠConf", + "ederation" + ], + [ + "in", + "feld" + ], + [ + "Ġl", + "yr" + ], + [ + "mod", + "erate" + ], + [ + "Ġperpend", + "icular" + ], + [ + "V", + "K" + ], + [ + "Ġsynchron", + "ized" + ], + [ + "Ġrefres", + "hed" + ], + [ + "Ġad", + "ore" + ], + [ + "ĠTor", + "ment" + ], + [ + "ol", + "ina" + ], + [ + "Ġ26", + "00" + ], + [ + "Item", + "Tracker" + ], + [ + "Ġp", + "ies" + ], + [ + "ĠF", + "AT" + ], + [ + "ĠR", + "HP" + ], + [ + "0", + "48" + ], + [ + "ĠRES", + "P" + ], + [ + "ĠB", + "J" + ], + [ + "all", + "ows" + ], + [ + "P", + "and" + ], + [ + "Ġunw", + "elcome" + ], + [ + "ĠV", + "oc" + ], + [ + "ĠBast", + "ard" + ], + [ + "ĠO", + "W" + ], + [ + "ĠL", + "AR" + ], + [ + "ĠHeal", + "er" + ], + [ + "Environment", + "al" + ], + [ + "ĠKen", + "yan" + ], + [ + "ĠTr", + "ance" + ], + [ + "ĠP", + "ats" + ], + [ + "Ġali", + "ases" + ], + [ + "ĠGar", + "field" + ], + [ + "Ġcampaign", + "er" + ], + [ + "Ġadvance", + "ments" + ], + [ + "ĠOkin", + "awa" + ], + [ + "ĠC", + "oh" + ], + [ + "ows", + "ky" + ], + [ + "Ġstar", + "ved" + ], + [ + "Ġsize", + "able" + ], + [ + "Ġ:", + "-)" + ], + [ + "Ġm", + "RNA" + ], + [ + "Ġsusp", + "ensions" + ], + [ + "ist", + "ar" + ], + [ + "Scot", + "land" + ], + [ + "Pr", + "in" + ], + [ + "--------------------------------", + "----------------" + ], + [ + "Ġ50", + "2" + ], + [ + "Ġteasp", + "oons" + ], + [ + "Ġ10", + "50" + ], + [ + "Ġcoerc", + "ive" + ], + [ + "ĠMason", + "ic" + ], + [ + "edd", + "ed" + ], + [ + "ĠPass", + "enger" + ], + [ + "Ġl", + "att" + ], + [ + "Ġbr", + "aces" + ], + [ + "ĠSt", + "eal" + ], + [ + "ĠNY", + "T" + ], + [ + "ĠK", + "ats" + ], + [ + "ĠCel", + "est" + ], + [ + "ae", + "z" + ], + [ + "T", + "u" + ], + [ + "ĠCoul", + "ter" + ], + [ + "ðŁ", + "ĺ" + ], + [ + "Fl", + "ickr" + ], + [ + "ĠWil", + "mington" + ], + [ + "ith", + "s" + ], + [ + "++", + ";" + ], + [ + "Ġv", + "ending" + ], + [ + "Ġneg", + "ro" + ], + [ + "ĠPh", + "i" + ], + [ + "ĠYellow", + "stone" + ], + [ + "Call", + "back" + ], + [ + "Ġsh", + "ampoo" + ], + [ + "ĠSh", + "ades" + ], + [ + "w", + "at" + ], + [ + "Ġsuper", + "human" + ], + [ + "Ġridic", + "uled" + ], + [ + "Ġhol", + "iest" + ], + [ + "om", + "bo" + ], + [ + "Ġintern", + "s" + ], + [ + "Ġh", + "one" + ], + [ + "ĠPar", + "agu" + ], + [ + "UR", + "I" + ], + [ + "Ġd", + "angling" + ], + [ + "ãĤ", + "»" + ], + [ + "so", + "v" + ], + [ + "ict", + "ional" + ], + [ + "av", + "ailability" + ], + [ + "Ġrev", + "ocation" + ], + [ + "Ġd", + "ow" + ], + [ + "in", + "ic" + ], + [ + "ĠTHE", + "IR" + ], + [ + "Ġis", + "o" + ], + [ + "Ġout", + "ings" + ], + [ + "ĠLeth", + "al" + ], + [ + "Ġ)", + "))" + ], + [ + "Ġinacc", + "ur" + ], + [ + "Ġout", + "landish" + ], + [ + "Ġan", + "us" + ], + [ + "let", + "ico" + ], + [ + "id", + "on" + ], + [ + "l", + "ol" + ], + [ + "Ġun", + "regulated" + ], + [ + "Ġsuccumb", + "ed" + ], + [ + "Ġc", + "uff" + ], + [ + "ĠWast", + "eland" + ], + [ + "let", + "al" + ], + [ + "Ġsub", + "str" + ], + [ + "Ġcoff", + "ers" + ], + [ + "Ġautom", + "akers" + ], + [ + "ov", + "i" + ], + [ + "ĠX", + "ue" + ], + [ + "ĠDayton", + "a" + ], + [ + "Ġjar", + "ring" + ], + [ + "Ġf", + "umes" + ], + [ + "Ġdisband", + "ed" + ], + [ + "z", + "ik" + ], + [ + "itt", + "on" + ], + [ + "Ġstriking", + "ly" + ], + [ + "Ġsp", + "ores" + ], + [ + "Ad", + "apter" + ], + [ + ".)", + ":" + ], + [ + "ĠLynd", + "on" + ], + [ + "ival", + "ry" + ], + [ + "Ġor", + "ally" + ], + [ + "Ġtumult", + "uous" + ], + [ + "Ġdisple", + "asure" + ], + [ + "Ġcon", + "es" + ], + [ + "or", + "rect" + ], + [ + "Ġappe", + "ase" + ], + [ + "Ġder", + "by" + ], + [ + "ĠTrip", + "oli" + ], + [ + "ĠAl", + "ess" + ], + [ + "Ġp", + "oked" + ], + [ + "ĠGu", + "ilty" + ], + [ + "v", + "P" + ], + [ + "En", + "ough" + ], + [ + "Ġorig", + "inals" + ], + [ + "6", + "99" + ], + [ + "Ġrabb", + "i" + ], + [ + "Ġproverb", + "ial" + ], + [ + "Ġpostp", + "one" + ], + [ + "el", + "ope" + ], + [ + "ĠMist", + "y" + ], + [ + "Ġstaff", + "ed" + ], + [ + "ĠUn", + "employment" + ], + [ + "redit", + "ary" + ], + [ + "Ġdilig", + "ent" + ], + [ + "re", + "comm" + ], + [ + "me", + "asures" + ], + [ + "as", + "in" + ], + [ + "8", + "25" + ], + [ + "Ġpond", + "s" + ], + [ + "Ġmm", + "ol" + ], + [ + "ĠS", + "AR" + ], + [ + "ĠC", + "ARE" + ], + [ + "Ġ3", + "71" + ], + [ + "Ġclen", + "ched" + ], + [ + "ĠCors", + "air" + ], + [ + "Ġcaric", + "ature" + ], + [ + "z", + "n" + ], + [ + "att", + "ach" + ], + [ + "ĠSch", + "ro" + ], + [ + "spe", + "ak" + ], + [ + "p", + "ainted" + ], + [ + "ĠS", + "uc" + ], + [ + "ĠE", + "NT" + ], + [ + "Ġcell", + "ul" + ], + [ + "ĠP", + "aid" + ], + [ + "di", + "agn" + ], + [ + "WH", + "ERE" + ], + [ + "Ġtext", + "ed" + ], + [ + "B", + "arn" + ], + [ + "Ġret", + "racted" + ], + [ + "ĠRe", + "ferred" + ], + [ + "S", + "av" + ], + [ + "Ġup", + "keep" + ], + [ + "Ġwork", + "places" + ], + [ + "ĠTok", + "ens" + ], + [ + "Ġampl", + "ify" + ], + [ + "cl", + "inical" + ], + [ + "Ġmult", + "ic" + ], + [ + "mber", + "g" + ], + [ + "Ġconvol", + "uted" + ], + [ + "Reg", + "ion" + ], + [ + "5", + "65" + ], + [ + "ĠTop", + "ic" + ], + [ + "Ġsn", + "ail" + ], + [ + "Ġsal", + "ine" + ], + [ + "Ġins", + "urrection" + ], + [ + "ĠPet", + "r" + ], + [ + "f", + "orts" + ], + [ + "B", + "AT" + ], + [ + "ĠNav", + "ajo" + ], + [ + "Ġrud", + "imentary" + ], + [ + "ĠLak", + "sh" + ], + [ + "OND", + "ON" + ], + [ + "Me", + "asure" + ], + [ + "Ġtransform", + "er" + ], + [ + "ĠGodd", + "ard" + ], + [ + "Ġcoinc", + "ides" + ], + [ + "ir", + "in" + ], + [ + "R", + "ex" + ], + [ + "ĠB", + "ok" + ], + [ + "qu", + "it" + ], + [ + "Ġshotgun", + "s" + ], + [ + "Ġprolet", + "arian" + ], + [ + "Ġsc", + "orp" + ], + [ + "ĠAd", + "a" + ], + [ + "5", + "14" + ], + [ + "Ġsl", + "ander" + ], + [ + "record", + "ed" + ], + [ + "Ġemb", + "ell" + ], + [ + "ris", + "ome" + ], + [ + "Ġapolog", + "izing" + ], + [ + "ĠMul", + "cair" + ], + [ + "ĠGib", + "raltar" + ], + [ + "Cl", + "a" + ], + [ + "Ġall", + "ot" + ], + [ + "ĠAtt", + "ention" + ], + [ + "Ġ4", + "33" + ], + [ + "le", + "ave" + ], + [ + "Ġwh", + "ine" + ], + [ + "ĠIss", + "a" + ], + [ + "ĠFa", + "ust" + ], + [ + "ĠBar", + "ron" + ], + [ + "hen", + "y" + ], + [ + "Ġvictim", + "ized" + ], + [ + "J", + "ews" + ], + [ + "Ġnurt", + "uring" + ], + [ + "ett", + "el" + ], + [ + "W", + "inged" + ], + [ + "ĠSub", + "tle" + ], + [ + "Ġflavor", + "ful" + ], + [ + "ĠRep", + "s" + ], + [ + "eng", + "ed" + ], + [ + "call", + "back" + ], + [ + "Ġdirection", + "al" + ], + [ + "Ġcl", + "asp" + ], + [ + "ĠDirect", + "ions" + ], + [ + "plan", + "et" + ], + [ + "icult", + "ure" + ], + [ + "Hel", + "per" + ], + [ + "ic", + "ion" + ], + [ + "ac", + "ia" + ], + [ + "Ġç", + "¥ŀ" + ], + [ + "Ġsur", + "ges" + ], + [ + "Ġcan", + "oe" + ], + [ + "ĠPrem", + "iership" + ], + [ + "be", + "en" + ], + [ + "Ġdef", + "ied" + ], + [ + "ĠTro", + "oper" + ], + [ + "Ġtrip", + "od" + ], + [ + "Ġgas", + "p" + ], + [ + "ĠE", + "uph" + ], + [ + "ĠAd", + "s" + ], + [ + "vern", + "ight" + ], + [ + "high", + "ly" + ], + [ + "R", + "ole" + ], + [ + "Ġent", + "angled" + ], + [ + "ĠZe", + "it" + ], + [ + "6", + "18" + ], + [ + "ĠRust", + "y" + ], + [ + "Ġhaven", + "s" + ], + [ + "ĠVaugh", + "an" + ], + [ + "HA", + "EL" + ], + [ + "ĠSER", + "VICE" + ], + [ + "/", + "," + ], + [ + "Ġstr", + "icken" + ], + [ + "Ġdel", + "usions" + ], + [ + "Ġb", + "is" + ], + [ + "ĠH", + "af" + ], + [ + "Ġgrat", + "ification" + ], + [ + "Ġent", + "icing" + ], + [ + "UN", + "CH" + ], + [ + "Ad", + "ams" + ], + [ + "ĠOL", + "ED" + ], + [ + "ĠBeet", + "le" + ], + [ + "Ġ18", + "99" + ], + [ + "ĠSO", + "FTWARE" + ], + [ + "ateg", + "or" + ], + [ + "V", + "L" + ], + [ + "ĠTot", + "em" + ], + [ + "ĠG", + "ators" + ], + [ + "AT", + "URES" + ], + [ + "Ġimped", + "ance" + ], + [ + "Reg", + "istered" + ], + [ + "ĠC", + "ary" + ], + [ + "ĠAer", + "ial" + ], + [ + "on", + "ne" + ], + [ + "en", + "ium" + ], + [ + "Ġd", + "red" + ], + [ + "ĠBe", + "g" + ], + [ + "Ġconcurrent", + "ly" + ], + [ + "Ġsuper", + "power" + ], + [ + "ĠX", + "an" + ], + [ + "j", + "ew" + ], + [ + "imes", + "ter" + ], + [ + "ĠDick", + "inson" + ], + [ + "âĶ", + "ģ" + ], + [ + "F", + "la" + ], + [ + "Ġp", + "ree" + ], + [ + "ĠRoll", + "ins" + ], + [ + "©", + "¶æ" + ], + [ + "Ġden", + "omination" + ], + [ + "ĠL", + "ana" + ], + [ + "5", + "16" + ], + [ + "Ġinc", + "iting" + ], + [ + "sc", + "ribed" + ], + [ + "j", + "uries" + ], + [ + "ĠWond", + "ers" + ], + [ + "app", + "roximately" + ], + [ + "Ġsusp", + "ending" + ], + [ + "Ġmountain", + "ous" + ], + [ + "ĠL", + "augh" + ], + [ + "oid", + "al" + ], + [ + "N", + "s" + ], + [ + "Det", + "ect" + ], + [ + ")", + "=" + ], + [ + "ĠL", + "uthor" + ], + [ + "ĠSchwarz", + "enegger" + ], + [ + "ĠMull", + "er" + ], + [ + "ĠDev", + "i" + ], + [ + "ec", + "ycle" + ], + [ + "J", + "ar" + ], + [ + "6", + "13" + ], + [ + "ĠL", + "ongh" + ], + [ + "B", + "ah" + ], + [ + "ĠSP", + "ORTS" + ], + [ + "n", + "w" + ], + [ + "Ġref", + "inement" + ], + [ + "Ġwater", + "ways" + ], + [ + "Ġd", + "iner" + ], + [ + "Bl", + "ade" + ], + [ + "68", + "3" + ], + [ + "F", + "ac" + ], + [ + "Ġinitial", + "s" + ], + [ + "Ġro", + "g" + ], + [ + "Ġparan", + "ormal" + ], + [ + "B", + "UT" + ], + [ + "Ġ[", + "(" + ], + [ + "ĠSw", + "anson" + ], + [ + "ĠM", + "esh" + ], + [ + "âĸ", + "¬" + ], + [ + "Impro", + "ve" + ], + [ + "ĠRad", + "iation" + ], + [ + "ĠEst", + "her" + ], + [ + "ĠE", + "sk" + ], + [ + "ĠA", + "ly" + ], + [ + "ik", + "y" + ], + [ + "Ġir", + "rad" + ], + [ + "ĠBuck", + "ingham" + ], + [ + "Ġref", + "ill" + ], + [ + "Ġ.", + "_" + ], + [ + "Re", + "pe" + ], + [ + "CON", + "CLUS" + ], + [ + "Ġdifferent", + "iated" + ], + [ + "Ġchi", + "rop" + ], + [ + "ĠAt", + "kins" + ], + [ + "Pat", + "tern" + ], + [ + "Ġexc", + "ise" + ], + [ + "Ġcab", + "al" + ], + [ + "N", + "SA" + ], + [ + "ĠST", + "A" + ], + [ + "ĠS", + "IL" + ], + [ + "ĠPar", + "aly" + ], + [ + "Ġr", + "ye" + ], + [ + "ĠHow", + "ell" + ], + [ + "ĠCount", + "down" + ], + [ + "ness", + "es" + ], + [ + "alys", + "ed" + ], + [ + "Ġres", + "ize" + ], + [ + "ãĤ", + "½" + ], + [ + "Ġbudget", + "ary" + ], + [ + "ĠStr", + "as" + ], + [ + "w", + "ang" + ], + [ + "Ġap", + "iece" + ], + [ + "Ġprecinct", + "s" + ], + [ + "Ġpe", + "ach" + ], + [ + "Ġsky", + "line" + ], + [ + "Ġ35", + "3" + ], + [ + "pop", + "ular" + ], + [ + "App", + "earances" + ], + [ + "ĠMechan", + "ics" + ], + [ + "ĠDev", + "Online" + ], + [ + "S", + "ullivan" + ], + [ + "Z", + "en" + ], + [ + "Ġp", + "u" + ], + [ + "op", + "olis" + ], + [ + "5", + "44" + ], + [ + "Ġde", + "form" + ], + [ + "Ġcounter", + "act" + ], + [ + "ĠL", + "ange" + ], + [ + "Ġ4", + "17" + ], + [ + "Con", + "sole" + ], + [ + "77", + "4" + ], + [ + "Ġnodd", + "ing" + ], + [ + "Ġpopul", + "ism" + ], + [ + "Ġhe", + "p" + ], + [ + "Ġcoun", + "selling" + ], + [ + "compl", + "iance" + ], + [ + "U", + "FF" + ], + [ + "Ġunden", + "iably" + ], + [ + "Ġrail", + "ing" + ], + [ + "ĠHor", + "owitz" + ], + [ + "ĠSim", + "one" + ], + [ + "ĠBung", + "ie" + ], + [ + "Ġa", + "k" + ], + [ + "ĠTal", + "ks" + ], + [ + "x", + "ff" + ], + [ + "fl", + "ake" + ], + [ + "Cr", + "ash" + ], + [ + "Ġsweat", + "y" + ], + [ + "Ġban", + "quet" + ], + [ + "ĠOFF", + "IC" + ], + [ + "Ġinvent", + "ive" + ], + [ + "Ġastron", + "omer" + ], + [ + "ĠStam", + "ford" + ], + [ + "ĠSc", + "are" + ], + [ + "ĠGRE", + "EN" + ], + [ + "olic", + "ited" + ], + [ + "Ġr", + "usher" + ], + [ + "Ġcent", + "rist" + ], + [ + "ight", + "ing" + ], + [ + "Ġsub", + "class" + ], + [ + "Ġdis", + "av" + ], + [ + "Ġdef", + "und" + ], + [ + "ĠN", + "anto" + ], + [ + "oci", + "ate" + ], + [ + "m", + "ast" + ], + [ + "Ġpac", + "if" + ], + [ + "Ġm", + "end" + ], + [ + "e", + "ers" + ], + [ + "imm", + "igration" + ], + [ + "ESS", + "ION" + ], + [ + "Ġnumber", + "ing" + ], + [ + "Ġlaugh", + "able" + ], + [ + "ĠEnd", + "ed" + ], + [ + "v", + "iation" + ], + [ + "em", + "ark" + ], + [ + "P", + "itt" + ], + [ + "Ġmetic", + "ulous" + ], + [ + "ĠL", + "F" + ], + [ + "Ġcongrat", + "ulated" + ], + [ + "ĠBir", + "ch" + ], + [ + "Ġsway", + "ed" + ], + [ + "Ġsemif", + "inals" + ], + [ + "Ġhum", + "ankind" + ], + [ + "m", + "atter" + ], + [ + "ĠEqu", + "ip" + ], + [ + "opa", + "usal" + ], + [ + "S", + "aid" + ], + [ + "ĠLay", + "out" + ], + [ + "Ġvo", + "icing" + ], + [ + "Ġth", + "ug" + ], + [ + "Ġporn", + "ographic" + ], + [ + "I", + "PS" + ], + [ + "Ġmo", + "aning" + ], + [ + "Ġgriev", + "ance" + ], + [ + "Ġconf", + "essions" + ], + [ + "esc", + "al" + ], + [ + "TEXT", + "URE" + ], + [ + "Aut", + "hent" + ], + [ + "os", + "aurus" + ], + [ + "P", + "urchase" + ], + [ + "Ġreleg", + "ation" + ], + [ + "al", + "ter" + ], + [ + "ĠÂł", + "Âł" + ], + [ + "Ġr", + "iddled" + ], + [ + "Ġo", + "gre" + ], + [ + "ĠLow", + "ell" + ], + [ + "Occ", + "up" + ], + [ + "E", + "at" + ], + [ + "ĠHy", + "der" + ], + [ + "ĠAdvis", + "er" + ], + [ + "Com", + "merce" + ], + [ + "H", + "unt" + ], + [ + "ĠOr", + "th" + ], + [ + "ĠComp", + "etitive" + ], + [ + "ĠCL", + "A" + ], + [ + "CD", + "C" + ], + [ + "Ġsal", + "ads" + ], + [ + "F", + "le" + ], + [ + "Ġindustrial", + "ized" + ], + [ + "`", + "," + ], + [ + "ĠO", + "WN" + ], + [ + "Ġbec", + "k" + ], + [ + "ĠPart", + "icularly" + ], + [ + "oub", + "t" + ], + [ + "Ġm", + "M" + ], + [ + "ĠHuss", + "ain" + ], + [ + "ĠChen", + "nai" + ], + [ + "Ġ9", + "20" + ], + [ + "Ġappoint", + "ing" + ], + [ + "ĠCull", + "en" + ], + [ + ",,,,", + ",,,," + ], + [ + "Ġp", + "ores" + ], + [ + "ver", + "ified" + ], + [ + "Ġbi", + "ochemical" + ], + [ + "em", + "ate" + ], + [ + "Ġcoward", + "ly" + ], + [ + "ĠHels", + "inki" + ], + [ + "ĠEthiop", + "ian" + ], + [ + "S", + "OURCE" + ], + [ + "ER", + "C" + ], + [ + "est", + "ro" + ], + [ + "Ġbi", + "otech" + ], + [ + "ĠS", + "our" + ], + [ + "Ġbrew", + "er" + ], + [ + "Bloom", + "berg" + ], + [ + "Ġintens", + "ify" + ], + [ + "Gl", + "ass" + ], + [ + "an", + "co" + ], + [ + "ĠF", + "DR" + ], + [ + "gre", + "SQL" + ], + [ + "ĠF", + "ires" + ], + [ + "©¶æ", + "¥µ" + ], + [ + "ec", + "o" + ], + [ + "100", + "1" + ], + [ + "ĠHom", + "eless" + ], + [ + "Ġinstant", + "aneous" + ], + [ + "ĠH", + "aste" + ], + [ + "ig", + "el" + ], + [ + "D", + "iamond" + ], + [ + "Ġp", + "aving" + ], + [ + "Ġland", + "fill" + ], + [ + "Ġd", + "ads" + ], + [ + "h", + "oun" + ], + [ + ":", + "]" + ], + [ + "Ġinc", + "endiary" + ], + [ + "ĠLiving", + "ston" + ], + [ + "ĠHil", + "bert" + ], + [ + "ĠChe", + "cks" + ], + [ + "st", + "yles" + ], + [ + "in", + "ators" + ], + [ + "ĠCl", + "ive" + ], + [ + "ph", + "rine" + ], + [ + "Ġchimpan", + "zees" + ], + [ + "Ġp", + "all" + ], + [ + "ĠJ", + "M" + ], + [ + "ĠAad", + "haar" + ], + [ + "ð", + "Ŀ" + ], + [ + "Ġachie", + "vable" + ], + [ + "dis", + "abled" + ], + [ + "P", + "ET" + ], + [ + "OOOO", + "OOOO" + ], + [ + "M", + "ot" + ], + [ + "Ġint", + "angible" + ], + [ + "Ġbal", + "let" + ], + [ + "ĠWe", + "bs" + ], + [ + "ĠEst", + "imated" + ], + [ + "Effect", + "s" + ], + [ + "Ġb", + "ailed" + ], + [ + "Josh", + "ua" + ], + [ + "Ġturb", + "ulence" + ], + [ + "Ġoccup", + "ant" + ], + [ + "ĠDay", + "light" + ], + [ + "Ġ36", + "1" + ], + [ + "me", + "et" + ], + [ + "Ġstat", + "ically" + ], + [ + "Ġon", + "look" + ], + [ + "Ġk", + "i" + ], + [ + "il", + "legal" + ], + [ + "Ġvel", + "vet" + ], + [ + "Ġdehyd", + "ration" + ], + [ + "Ġacqu", + "ies" + ], + [ + "ĠRe", + "z" + ], + [ + "ak", + "ura" + ], + [ + "ĠU", + "pton" + ], + [ + "at", + "ro" + ], + [ + "Ġincomp", + "rehensible" + ], + [ + "Ġback", + "door" + ], + [ + "ĠRh", + "ino" + ], + [ + "7", + "27" + ], + [ + "Ġmath", + "s" + ], + [ + ")", + "+" + ], + [ + "Ġhe", + "resy" + ], + [ + "Ġd", + "f" + ], + [ + "ĠRoc", + "he" + ], + [ + "ĠL", + "ydia" + ], + [ + "Ġpanc", + "reat" + ], + [ + "re", + "ply" + ], + [ + "arre", + "ll" + ], + [ + "Ġsolicit", + "ation" + ], + [ + "Ġcirc", + "adian" + ], + [ + "BI", + "P" + ], + [ + "Ġfor", + "ay" + ], + [ + "Ġcrypt", + "ic" + ], + [ + "iz", + "u" + ], + [ + "ime", + "o" + ], + [ + "ĠTom", + "ato" + ], + [ + "ĠH", + "oms" + ], + [ + "ex", + "amination" + ], + [ + "Ġqu", + "arry" + ], + [ + "ĠVal", + "iant" + ], + [ + "ĠJer", + "icho" + ], + [ + "ĠIN", + "CLUD" + ], + [ + "Ġ18", + "40" + ], + [ + "5", + "19" + ], + [ + "Ġres", + "ists" + ], + [ + "Ġsnap", + "shots" + ], + [ + "ĠSp", + "ur" + ], + [ + "ĠAnt", + "iqu" + ], + [ + "Log", + "in" + ], + [ + "Ġbest", + "selling" + ], + [ + "Ġant", + "ic" + ], + [ + "ĠS", + "utherland" + ], + [ + "ãĤ¢", + "ãĥ«" + ], + [ + "Ġ~", + "/" + ], + [ + "ĠP", + "arm" + ], + [ + "è", + "ĥ" + ], + [ + "P", + "ages" + ], + [ + "int", + "ensity" + ], + [ + "Ġimm", + "obil" + ], + [ + "Ġ18", + "65" + ], + [ + "zz", + "o" + ], + [ + "Ġn", + "ifty" + ], + [ + "Ġf", + "entanyl" + ], + [ + "ĠPres", + "ervation" + ], + [ + "op", + "hen" + ], + [ + "Ġd", + "arts" + ], + [ + "ĠD", + "inosaur" + ], + [ + "po", + "inters" + ], + [ + "ĠR", + "ite" + ], + [ + "s", + "uggest" + ], + [ + "aware", + "ness" + ], + [ + "ĠSher", + "idan" + ], + [ + "Ġst", + "ances" + ], + [ + "Ġsor", + "cery" + ], + [ + "Ġper", + "jury" + ], + [ + "ĠNik", + "ola" + ], + [ + "ie", + "ver" + ], + [ + "Ġf", + "iance" + ], + [ + "ĠJordan", + "ian" + ], + [ + "ĠBall", + "oon" + ], + [ + "Ġn", + "ab" + ], + [ + "Ġk", + "b" + ], + [ + "Ġhuman", + "ities" + ], + [ + "ĠTan", + "aka" + ], + [ + "hill", + "ary" + ], + [ + "Ġconsult", + "ancy" + ], + [ + "ĠZ", + "ub" + ], + [ + "Ġrem", + "ission" + ], + [ + "Ġconf", + "id" + ], + [ + "CH", + "Q" + ], + [ + "ĠF", + "ug" + ], + [ + "Ġimpro", + "vis" + ], + [ + "Y", + "ep" + ], + [ + "/", + "_" + ], + [ + "Ġunwilling", + "ness" + ], + [ + "Ġport", + "folios" + ], + [ + "05", + "5" + ], + [ + "ĠInstruct", + "or" + ], + [ + "aim", + "an" + ], + [ + "Ġclaim", + "ants" + ], + [ + "M", + "bps" + ], + [ + "ĠBy", + "e" + ], + [ + "re", + "ceived" + ], + [ + "T", + "weet" + ], + [ + "Ġind", + "emn" + ], + [ + "ri", + "z" + ], + [ + "am", + "ara" + ], + [ + "N", + "at" + ], + [ + "Ġeval", + "uates" + ], + [ + "ĠL", + "ur" + ], + [ + "ep", + "ad" + ], + [ + "FO", + "X" + ], + [ + "ĠTh", + "ro" + ], + [ + "Ġrust", + "y" + ], + [ + "Ġbed", + "rock" + ], + [ + "ĠOp", + "rah" + ], + [ + "J", + "B" + ], + [ + "Ġmanip", + "ulative" + ], + [ + "Ġwill", + "ful" + ], + [ + "Ġrel", + "apse" + ], + [ + "Ġext", + "ant" + ], + [ + "The", + "me" + ], + [ + "S", + "ensor" + ], + [ + "ĠSt", + "ability" + ], + [ + "go", + "vern" + ], + [ + "Ġpo", + "ppy" + ], + [ + "Ġkn", + "ack" + ], + [ + "Ġins", + "ulated" + ], + [ + "ĠT", + "ile" + ], + [ + "ĠExt", + "rem" + ], + [ + "Ġunt", + "old" + ], + [ + "Ġconver", + "ge" + ], + [ + "Ġref", + "uel" + ], + [ + "ig", + "roup" + ], + [ + "Ġdistort", + "ions" + ], + [ + "Ġrav", + "aged" + ], + [ + "Ġmechan", + "ically" + ], + [ + "ĠRe", + "illy" + ], + [ + "ĠN", + "ose" + ], + [ + "ĠIncarn", + "ation" + ], + [ + "ĠBeck", + "y" + ], + [ + "abb", + "ling" + ], + [ + "Ġt", + "aco" + ], + [ + "Ġr", + "ake" + ], + [ + "Ġmelanch", + "oly" + ], + [ + "Ġillust", + "rious" + ], + [ + "ĠDart", + "mouth" + ], + [ + "Gu", + "ide" + ], + [ + "ĠR", + "azer" + ], + [ + "ĠBen", + "z" + ], + [ + "Ult", + "imate" + ], + [ + "ĠSur", + "prise" + ], + [ + "Ġpage", + "ant" + ], + [ + "off", + "er" + ], + [ + "Who", + "ever" + ], + [ + "Ġw", + "iser" + ], + [ + "Ġchem", + "ist" + ], + [ + "ĠHE", + "LL" + ], + [ + "ĠBul", + "k" + ], + [ + "Ġpl", + "utonium" + ], + [ + "ĠCO", + "VER" + ], + [ + "Ö", + "¼" + ], + [ + "f", + "ailed" + ], + [ + "Ġtire", + "lessly" + ], + [ + "Ġinf", + "ertility" + ], + [ + "ĠTr", + "ident" + ], + [ + "ĠShow", + "time" + ], + [ + "ĠC", + "iv" + ], + [ + "V", + "ice" + ], + [ + "requ", + "ires" + ], + [ + "itt", + "ance" + ], + [ + "Ġun", + "controlled" + ], + [ + "interest", + "ing" + ], + [ + "56", + "1" + ], + [ + "Ġinnov", + "ate" + ], + [ + "ateg", + "ic" + ], + [ + "L", + "ie" + ], + [ + "ĠS", + "elling" + ], + [ + "U", + "l" + ], + [ + "Ġsav", + "ior" + ], + [ + "ĠT", + "osh" + ], + [ + "Ġsw", + "ast" + ], + [ + "P", + "ASS" + ], + [ + "Ġr", + "ink" + ], + [ + "Ġcard", + "io" + ], + [ + "ĠI", + "ro" + ], + [ + "ud", + "i" + ], + [ + "Ġv", + "antage" + ], + [ + "Ġv", + "ans" + ], + [ + "ĠNi", + "ño" + ], + [ + "+", + "=" + ], + [ + "Ġpropag", + "ate" + ], + [ + "<", + "?" + ], + [ + "Ġmethod", + "ological" + ], + [ + "204", + "39" + ], + [ + "Ġtrig", + "lycer" + ], + [ + "Ġing", + "rained" + ], + [ + "ĠAn", + "notations" + ], + [ + "arr", + "anted" + ], + [ + "6", + "17" + ], + [ + "ĠS", + "odium" + ], + [ + "ĠA", + "AC" + ], + [ + "techn", + "ical" + ], + [ + "mult", + "ipl" + ], + [ + "Ġ3", + "73" + ], + [ + "å", + "ĭ" + ], + [ + "Ġdec", + "isively" + ], + [ + "Ġboost", + "ers" + ], + [ + "Ġdessert", + "s" + ], + [ + "ĠGren", + "ade" + ], + [ + "Ġtest", + "ifying" + ], + [ + "ĠSc", + "ully" + ], + [ + "ID", + "s" + ], + [ + "Ġlock", + "down" + ], + [ + "ĠSc", + "her" + ], + [ + "ĠR", + "é" + ], + [ + "ĠWhit", + "man" + ], + [ + "ĠRams", + "ay" + ], + [ + "rem", + "ote" + ], + [ + "Ġh", + "ikers" + ], + [ + "ĠHy", + "undai" + ], + [ + "Ġcons", + "cientious" + ], + [ + "Ġcler", + "ics" + ], + [ + "ĠSiber", + "ian" + ], + [ + "ut", + "i" + ], + [ + "is", + "bury" + ], + [ + "Ġrel", + "ayed" + ], + [ + "Ġqu", + "artz" + ], + [ + "ĠC", + "BI" + ], + [ + "seek", + "ers" + ], + [ + "ull", + "a" + ], + [ + "Ġweld", + "ing" + ], + [ + "ĠSh", + "al" + ], + [ + "ble", + "acher" + ], + [ + "T", + "ai" + ], + [ + "ĠSam", + "son" + ], + [ + "Ġt", + "umble" + ], + [ + "ĠInvest", + "or" + ], + [ + "Ġsub", + "contract" + ], + [ + "ĠShin", + "ra" + ], + [ + "ow", + "icz" + ], + [ + "j", + "andro" + ], + [ + "d", + "ad" + ], + [ + "Ġtermin", + "ating" + ], + [ + "ĠNe", + "ural" + ], + [ + "ä»", + "£" + ], + [ + "Ġleak", + "age" + ], + [ + "ĠMid", + "lands" + ], + [ + "ĠCaucas", + "us" + ], + [ + "í", + "ķ" + ], + [ + "c", + "it" + ], + [ + "ll", + "an" + ], + [ + "iv", + "ably" + ], + [ + "ĠAlb", + "ion" + ], + [ + "Ġ4", + "57" + ], + [ + "Ġregist", + "rations" + ], + [ + "Ġcomr", + "ade" + ], + [ + "Ġclip", + "board" + ], + [ + "0", + "47" + ], + [ + "Ġdiscour", + "aging" + ], + [ + "ĠO", + "ops" + ], + [ + "Ad", + "apt" + ], + [ + "Ġem", + "path" + ], + [ + "n", + "v" + ], + [ + "ĠPR", + "OT" + ], + [ + "ĠDon", + "n" + ], + [ + "ĠP", + "ax" + ], + [ + "ĠB", + "ayer" + ], + [ + "t", + "is" + ], + [ + "Squ", + "are" + ], + [ + "Ġfoot", + "prints" + ], + [ + "part", + "icip" + ], + [ + "ĠChile", + "an" + ], + [ + "B", + "rend" + ], + [ + "ind", + "ucing" + ], + [ + "M", + "agn" + ], + [ + "Ġclub", + "house" + ], + [ + "ĠMagn", + "um" + ], + [ + "Ġenc", + "amp" + ], + [ + "ĠEth", + "nic" + ], + [ + "uch", + "a" + ], + [ + "ere", + "y" + ], + [ + "Ġw", + "atered" + ], + [ + "ĠCal", + "ais" + ], + [ + "Ġcomplex", + "ion" + ], + [ + "Ġsect", + "s" + ], + [ + "Ġren", + "ters" + ], + [ + "Ġbr", + "as" + ], + [ + "oÄŁ", + "an" + ], + [ + "Time", + "out" + ], + [ + "Man", + "agement" + ], + [ + "Ġinf", + "ographic" + ], + [ + "P", + "okemon" + ], + [ + "Cl", + "ar" + ], + [ + "Ġloc", + "ality" + ], + [ + "Ġfl", + "ora" + ], + [ + "as", + "el" + ], + [ + "P", + "ont" + ], + [ + "Ġpop", + "ulate" + ], + [ + "ĠO", + "ng" + ], + [ + "Ġsubs", + "istence" + ], + [ + "Ġa", + "uctions" + ], + [ + "ĠMcA", + "uliffe" + ], + [ + "ĠL", + "OOK" + ], + [ + "br", + "inger" + ], + [ + "Ġtit", + "an" + ], + [ + "Ġmanif", + "old" + ], + [ + "ĠâĹ", + "ı" + ], + [ + "Ġcalibr", + "ated" + ], + [ + "Ġcal", + "iphate" + ], + [ + "ĠSH", + "E" + ], + [ + "ĠCommission", + "ers" + ], + [ + "ce", + "ivable" + ], + [ + "j", + "c" + ], + [ + "W", + "inner" + ], + [ + "5", + "24" + ], + [ + "Ġcond", + "one" + ], + [ + "Other", + "wise" + ], + [ + "Ġp", + "iling" + ], + [ + "Ġem", + "body" + ], + [ + "ĠCrime", + "an" + ], + [ + "ut", + "ics" + ], + [ + "ĠEx", + "hibition" + ], + [ + "Ġ4", + "26" + ], + [ + "e", + "ering" + ], + [ + "Ġv", + "ying" + ], + [ + "ĠH", + "UGE" + ], + [ + "*", + "=-" + ], + [ + "Ġprin", + "cipled" + ], + [ + "à", + "¦" + ], + [ + "Ġquir", + "ks" + ], + [ + "ĠEdit", + "ors" + ], + [ + "put", + "ing" + ], + [ + "G", + "ES" + ], + [ + "ĠF", + "TA" + ], + [ + "à¤", + "¾" + ], + [ + "add", + "on" + ], + [ + "ĠH", + "AM" + ], + [ + "ĠFrie", + "za" + ], + [ + "W", + "oman" + ], + [ + ".", + "$" + ], + [ + "Ġc", + "rib" + ], + [ + "ĠHer", + "od" + ], + [ + "Ġtim", + "ers" + ], + [ + "ĠSp", + "aces" + ], + [ + "ĠMac", + "intosh" + ], + [ + "at", + "aka" + ], + [ + "Ġgl", + "ide" + ], + [ + "Ġsmell", + "ing" + ], + [ + "ĠB", + "AL" + ], + [ + "Ġun", + "su" + ], + [ + "Ġcond", + "os" + ], + [ + "Ġbicy", + "cl" + ], + [ + "ĠRev", + "ival" + ], + [ + "55", + "3" + ], + [ + "Ġjugg", + "ling" + ], + [ + "H", + "ug" + ], + [ + "ĠKardash", + "ian" + ], + [ + "ĠBalk", + "ans" + ], + [ + "mult", + "iple" + ], + [ + "Ġnutrit", + "ious" + ], + [ + "oc", + "ry" + ], + [ + "19", + "00" + ], + [ + "Ġinteg", + "rates" + ], + [ + "Ġad", + "joining" + ], + [ + "ĠF", + "older" + ], + [ + "roll", + "ment" + ], + [ + "ven", + "ient" + ], + [ + "Ġu", + "ber" + ], + [ + "y", + "i" + ], + [ + "Ġwh", + "iff" + ], + [ + "ĠJu", + "ven" + ], + [ + "ĠB", + "orough" + ], + [ + "net", + "te" + ], + [ + "Ġb", + "ilingual" + ], + [ + "ĠSp", + "arks" + ], + [ + "ph", + "thal" + ], + [ + "man", + "ufact" + ], + [ + "Ġt", + "outing" + ], + [ + "ĠPH", + "I" + ], + [ + "Ke", + "efe" + ], + [ + "Rew", + "ard" + ], + [ + "Ġinf", + "all" + ], + [ + "ĠTem", + "per" + ], + [ + "typ", + "ically" + ], + [ + "ĠNik", + "ol" + ], + [ + "Ġregular", + "s" + ], + [ + "Ġpseud", + "onym" + ], + [ + "Ġexhib", + "itions" + ], + [ + "Ġbl", + "aster" + ], + [ + "Ġ40", + "9" + ], + [ + "w", + "arming" + ], + [ + "Ġrever", + "ber" + ], + [ + "Ġrecip", + "rocal" + ], + [ + "Ġ6", + "70" + ], + [ + "ip", + "ient" + ], + [ + "b", + "ett" + ], + [ + "ĠBe", + "gins" + ], + [ + "Ġit", + "ching" + ], + [ + "ĠPh", + "ar" + ], + [ + "Ass", + "uming" + ], + [ + "Ġem", + "itting" + ], + [ + "ĠML", + "G" + ], + [ + "Ġbirth", + "place" + ], + [ + "Ġt", + "aunt" + ], + [ + "ĠL", + "uffy" + ], + [ + "ĠAm", + "it" + ], + [ + "Ġcir", + "cled" + ], + [ + "ĠN", + "ost" + ], + [ + "enn", + "ett" + ], + [ + "Ġde", + "forestation" + ], + [ + "ĠHist", + "orically" + ], + [ + "ĠEvery", + "day" + ], + [ + "Ġovert", + "ake" + ], + [ + "79", + "2" + ], + [ + "Ġn", + "un" + ], + [ + "ĠLuc", + "ia" + ], + [ + "Ġaccompan", + "ies" + ], + [ + "ĠSe", + "eking" + ], + [ + "ĠTr", + "ash" + ], + [ + "an", + "ism" + ], + [ + "R", + "ogue" + ], + [ + "Ġnorth", + "western" + ], + [ + "ĠSupplement", + "al" + ], + [ + "ĠNY", + "U" + ], + [ + "ĠF", + "RI" + ], + [ + "ĠSat", + "isf" + ], + [ + "x", + "es" + ], + [ + "5", + "17" + ], + [ + "Ġreass", + "ured" + ], + [ + "Ġspor", + "adic" + ], + [ + "Ġ7", + "01" + ], + [ + "Ġmed", + "ial" + ], + [ + "Ġcannabin", + "oid" + ], + [ + "Ġbarbar", + "ic" + ], + [ + "Ġep", + "is" + ], + [ + "ĠExplos", + "ive" + ], + [ + "ĠD", + "ough" + ], + [ + "Ġuns", + "olved" + ], + [ + "Support", + "ed" + ], + [ + "Ġacknowled", + "gment" + ], + [ + "sp", + "awn" + ], + [ + "Ġkit", + "chens" + ], + [ + "Ġ-", + "=" + ], + [ + "talk", + "ing" + ], + [ + "ic", + "ist" + ], + [ + "ĠPeg", + "asus" + ], + [ + "ĠPS", + "U" + ], + [ + "Ġphot", + "on" + ], + [ + "ĠAuthent", + "ication" + ], + [ + "R", + "G" + ], + [ + "@#", + "&" + ], + [ + "76", + "2" + ], + [ + "ĠCl", + "air" + ], + [ + "Ġdi", + "aper" + ], + [ + "Ġbr", + "ist" + ], + [ + "ĠProsecut", + "ors" + ], + [ + "ĠJ", + "em" + ], + [ + "6", + "28" + ], + [ + "ĠEvery", + "where" + ], + [ + "ĠJean", + "ne" + ], + [ + "equ", + "ality" + ], + [ + "ãĥ©", + "ãĥ³" + ], + [ + "object", + "s" + ], + [ + "ĠPel", + "icans" + ], + [ + "Ġ39", + "2" + ], + [ + "Ġbl", + "u" + ], + [ + "b", + "ys" + ], + [ + "ĠA", + "go" + ], + [ + "Ġinstruction", + "al" + ], + [ + "Ġdiscrim", + "inating" + ], + [ + "ĠTR", + "AN" + ], + [ + "ĠCorn", + "el" + ], + [ + "ag", + "os" + ], + [ + "Ġty", + "re" + ], + [ + "Ġas", + "piration" + ], + [ + "ĠBrid", + "gewater" + ], + [ + "\":", + "-" + ], + [ + "!", + "\"." + ], + [ + "ĠEn", + "s" + ], + [ + "ĠCoc", + "o" + ], + [ + "P", + "ie" + ], + [ + "Ġdet", + "ach" + ], + [ + "ĠC", + "ouch" + ], + [ + "Ġphys", + "ique" + ], + [ + "ĠOccup", + "ations" + ], + [ + "osc", + "opic" + ], + [ + "en", + "ough" + ], + [ + "B", + "uzz" + ], + [ + "App", + "earance" + ], + [ + "Y", + "P" + ], + [ + "Ġrac", + "er" + ], + [ + "Ġcompl", + "icity" + ], + [ + "r", + "pm" + ], + [ + "T", + "oy" + ], + [ + "Ġinterrupt", + "s" + ], + [ + "ĠCat", + "alyst" + ], + [ + "Ġut", + "ilitarian" + ], + [ + "imp", + "act" + ], + [ + "Ġsp", + "aghetti" + ], + [ + "Ġp", + "orous" + ], + [ + "Ġeste", + "emed" + ], + [ + "Ġinc", + "iner" + ], + [ + "ĠI", + "OC" + ], + [ + "7", + "48" + ], + [ + "Ġesp", + "resso" + ], + [ + "ĠSm", + "ile" + ], + [ + "abil", + "ia" + ], + [ + "6", + "35" + ], + [ + "Ġmathematic", + "ian" + ], + [ + "Ġ4", + "24" + ], + [ + "ĠK", + "L" + ], + [ + "ĠH", + "IP" + ], + [ + "Ġover", + "heard" + ], + [ + "ĠT", + "ud" + ], + [ + "ĠT", + "ec" + ], + [ + "Ġqu", + "izz" + ], + [ + "Ġfl", + "attering" + ], + [ + "Ġcon", + "n" + ], + [ + "âĢ", + "İ" + ], + [ + "Ġatt", + "aches" + ], + [ + "ĠR", + "OS" + ], + [ + "ĠAC", + "S" + ], + [ + "Ġt", + "cp" + ], + [ + "ĠSh", + "ame" + ], + [ + "sk", + "ip" + ], + [ + "res", + "pected" + ], + [ + "ĠTrin", + "idad" + ], + [ + "gr", + "ain" + ], + [ + "Ġfooth", + "old" + ], + [ + "ĠUnch", + "arted" + ], + [ + "ĠJul", + "io" + ], + [ + "z", + "l" + ], + [ + "av", + "ored" + ], + [ + "ĠAn", + "xiety" + ], + [ + "er", + "rors" + ], + [ + "ĠCent", + "auri" + ], + [ + "its", + "ch" + ], + [ + "D", + "addy" + ], + [ + "Ġclutch", + "ing" + ], + [ + "ĠIm", + "plement" + ], + [ + "ĠGut", + "ierrez" + ], + [ + "Ġ7", + "60" + ], + [ + "Ġtele", + "portation" + ], + [ + "end", + "ra" + ], + [ + "Ġrevers", + "ible" + ], + [ + "st", + "ros" + ], + [ + "Ad", + "venture" + ], + [ + "08", + "3" + ], + [ + "Ġliber", + "ating" + ], + [ + "Ġas", + "phalt" + ], + [ + "ĠSp", + "end" + ], + [ + "AR", + "DS" + ], + [ + "im", + "sy" + ], + [ + "PR", + "ES" + ], + [ + "ĠEmer", + "ging" + ], + [ + "Ġwild", + "fires" + ], + [ + "Ġtechn", + "ologically" + ], + [ + "Ġem", + "its" + ], + [ + "ĠART", + "ICLE" + ], + [ + "Ġirregular", + "ities" + ], + [ + "Ġcher", + "ish" + ], + [ + "çī", + "Ī" + ], + [ + "Ġst", + "ink" + ], + [ + "ĠR", + "ost" + ], + [ + "Econom", + "ic" + ], + [ + "Ġcough", + "ing" + ], + [ + "ĠMcC", + "ann" + ], + [ + "pro", + "perties" + ], + [ + "ilant", + "ro" + ], + [ + "Ġreneg", + "oti" + ], + [ + "Trans", + "lation" + ], + [ + "Ġin", + "quest" + ], + [ + "ĠGra", + "pe" + ], + [ + "oot", + "ers" + ], + [ + "gu", + "i" + ], + [ + "ĠSwords", + "man" + ], + [ + "ace", + "ae" + ], + [ + "h", + "itting" + ], + [ + "Ġr", + "c" + ], + [ + "Ġexert", + "ed" + ], + [ + "ĠS", + "AP" + ], + [ + "it", + "ent" + ], + [ + "Ġperil", + "ous" + ], + [ + "Ġobsc", + "urity" + ], + [ + "Ġassass", + "inate" + ], + [ + "Ġab", + "original" + ], + [ + "Ġresc", + "uing" + ], + [ + "ĠSh", + "attered" + ], + [ + "lock", + "ing" + ], + [ + "all", + "ion" + ], + [ + "Ch", + "anging" + ], + [ + "ĠHar", + "rington" + ], + [ + "ĠB", + "ord" + ], + [ + "ĠAfgh", + "ans" + ], + [ + "Jam", + "ie" + ], + [ + "aret", + "z" + ], + [ + "ĠAugust", + "us" + ], + [ + "Ġ38", + "6" + ], + [ + "8", + "30" + ], + [ + "Ġj", + "og" + ], + [ + "ok", + "ingly" + ], + [ + "Tr", + "igger" + ], + [ + "ĠH", + "OR" + ], + [ + "Stat", + "istics" + ], + [ + "Ġviewers", + "hip" + ], + [ + "Ġadd", + "itives" + ], + [ + "h", + "ur" + ], + [ + "Ġmaxim", + "izing" + ], + [ + "ĠR", + "ove" + ], + [ + "ĠLou", + "ie" + ], + [ + "ĠBuck", + "et" + ], + [ + "ĠCHR", + "IST" + ], + [ + "ou", + "sel" + ], + [ + "Ġstre", + "aks" + ], + [ + "ir", + "ted" + ], + [ + "Ġt", + "ert" + ], + [ + "Ġcolonial", + "ism" + ], + [ + "Ġbur", + "ying" + ], + [ + "y", + "k" + ], + [ + "Cond", + "ition" + ], + [ + "ĠDPR", + "K" + ], + [ + "By", + "Id" + ], + [ + "75", + "1" + ], + [ + "âĹ", + "¼" + ], + [ + "Ġwor", + "risome" + ], + [ + "Ġvoc", + "ational" + ], + [ + "sl", + "ice" + ], + [ + "Ġsa", + "ils" + ], + [ + "ĠCorrection", + "al" + ], + [ + "95", + "4" + ], + [ + "Ġt", + "ul" + ], + [ + "K", + "id" + ], + [ + "l", + "uster" + ], + [ + "Ġfam", + "ilial" + ], + [ + "ĠSp", + "it" + ], + [ + "ĠEp", + "iscopal" + ], + [ + "Specific", + "ally" + ], + [ + "ĠVol", + "cano" + ], + [ + "run", + "s" + ], + [ + "q", + "s" + ], + [ + "Ġve", + "tted" + ], + [ + "Ġcram", + "med" + ], + [ + "t", + "rop" + ], + [ + "here", + "r" + ], + [ + "Thank", + "fully" + ], + [ + "Ġper", + "cussion" + ], + [ + "Ġor", + "anges" + ], + [ + "Ġround", + "up" + ], + [ + "Ġ4", + "99" + ], + [ + "x", + "ious" + ], + [ + "Char", + "acters" + ], + [ + "ĠZion", + "ism" + ], + [ + "ĠR", + "ao" + ], + [ + "ÃĽ", + "ÃĽ" + ], + [ + "W", + "F" + ], + [ + "Ġunintention", + "al" + ], + [ + "ONE", + "Y" + ], + [ + "Gr", + "ab" + ], + [ + "Com", + "mercial" + ], + [ + "Ġglut", + "amate" + ], + [ + "ĠMcK", + "enna" + ], + [ + "ru", + "ciating" + ], + [ + "ning", + "ton" + ], + [ + "ih", + "u" + ], + [ + "Ch", + "an" + ], + [ + "ĠSw", + "ap" + ], + [ + "Ġleaf", + "lets" + ], + [ + "Ġfunction", + "ally" + ], + [ + "er", + "ous" + ], + [ + "F", + "arm" + ], + [ + "Ġcal", + "oric" + ], + [ + "ĠLiter", + "ally" + ], + [ + "con", + "cert" + ], + [ + "Ġshe", + "nan" + ], + [ + "Ġrep", + "aid" + ], + [ + "ey", + "es" + ], + [ + "Ġbas", + "hing" + ], + [ + "ĠG", + "orge" + ], + [ + "Ġcollabor", + "ations" + ], + [ + "Ġun", + "account" + ], + [ + "itch", + "ie" + ], + [ + "Ġteam", + "work" + ], + [ + "pp", + "elin" + ], + [ + "Ġpip", + "ing" + ], + [ + "Ġmin", + "ced" + ], + [ + "Ġd", + "iam" + ], + [ + "ri", + "eg" + ], + [ + "Ġmasc", + "ara" + ], + [ + "Ġsuck", + "er" + ], + [ + "ĠMo", + "ons" + ], + [ + "App", + "s" + ], + [ + "ĠPe", + "ck" + ], + [ + "Ġper", + "v" + ], + [ + "ĠFl", + "oat" + ], + [ + "o", + "ley" + ], + [ + "ĠN", + "ish" + ], + [ + "im", + "ize" + ], + [ + "Ġarom", + "atic" + ], + [ + "u", + "in" + ], + [ + "end", + "ish" + ], + [ + "!", + "/" + ], + [ + "ĠB", + "icycle" + ], + [ + "ĠAS", + "IC" + ], + [ + "ile", + "ged" + ], + [ + "ĠQuad", + "ro" + ], + [ + "ios", + "yn" + ], + [ + "Ġlock", + "out" + ], + [ + "ĠW", + "ink" + ], + [ + "SP", + "EC" + ], + [ + "Attempt", + "s" + ], + [ + "Ġseed", + "ed" + ], + [ + "red", + "o" + ], + [ + "ias", + "is" + ], + [ + "Ġsn", + "ag" + ], + [ + "ãĥķ", + "ãĤ©" + ], + [ + "ãĤ", + "¶" + ], + [ + "Ġground", + "ing" + ], + [ + "Ġrelie", + "ver" + ], + [ + "Ġfrivol", + "ous" + ], + [ + "ĠG", + "ifts" + ], + [ + "ĠF", + "aces" + ], + [ + "Es", + "pecially" + ], + [ + "Ġmicrobi", + "ome" + ], + [ + "im", + "ag" + ], + [ + "ĠSch", + "l" + ], + [ + "ĠP", + "les" + ], + [ + "ĠBle", + "ach" + ], + [ + "ĠIr", + "win" + ], + [ + "ĠE", + "aton" + ], + [ + "ĠDisc", + "iple" + ], + [ + "Ġmultipl", + "ication" + ], + [ + "Ġcoer", + "ced" + ], + [ + "Ġ4", + "19" + ], + [ + "st", + "h" + ], + [ + "E", + "vil" + ], + [ + "B", + "omb" + ], + [ + "Ġex", + "orc" + ], + [ + "Ġstag", + "gered" + ], + [ + "L", + "ESS" + ], + [ + "Ġinert", + "ia" + ], + [ + "ĠED", + "IT" + ], + [ + "Ġgo", + "b" + ], + [ + "Tr", + "aditional" + ], + [ + "Ġclass", + "y" + ], + [ + "Lear", + "y" + ], + [ + "ĠP", + "AGE" + ], + [ + "yr", + "s" + ], + [ + "Ġtrans", + "porter" + ], + [ + "Ġmat", + "ured" + ], + [ + "Ġhij", + "ab" + ], + [ + "Ġbi", + "ome" + ], + [ + "Where", + "as" + ], + [ + "Ġex", + "termination" + ], + [ + "ĠT", + "ues" + ], + [ + "ĠT", + "akeru" + ], + [ + "ĠAud", + "rey" + ], + [ + "er", + "ial" + ], + [ + "ĠAd", + "en" + ], + [ + "aff", + "les" + ], + [ + "Ġnarciss", + "istic" + ], + [ + "ĠB", + "aird" + ], + [ + "UT", + "F" + ], + [ + "I", + "re" + ], + [ + "ĠCon", + "nie" + ], + [ + "Ch", + "amp" + ], + [ + "Ġwhis", + "pering" + ], + [ + "ĠH", + "att" + ], + [ + "D", + "K" + ], + [ + "Ġdis", + "infect" + ], + [ + "Ġdeduct", + "ed" + ], + [ + "Ġpart", + "ake" + ], + [ + "Ġdown", + "grade" + ], + [ + "ĠEs", + "ports" + ], + [ + "ĠContin", + "uing" + ], + [ + "Ġdemocr", + "atically" + ], + [ + "icro", + "bial" + ], + [ + "itt", + "a" + ], + [ + "Ġlim", + "estone" + ], + [ + "Ġexempt", + "ed" + ], + [ + "ĠFren", + "zy" + ], + [ + "H", + "erm" + ], + [ + "7", + "28" + ], + [ + "Ġfled", + "gling" + ], + [ + "Met", + "a" + ], + [ + "765", + "61" + ], + [ + "69", + "3" + ], + [ + "%", + ":" + ], + [ + "w", + "ake" + ], + [ + "5", + "26" + ], + [ + "ĠDis", + "cipline" + ], + [ + "Ġvirgin", + "ity" + ], + [ + "ĠLeg", + "ions" + ], + [ + "ĠFrank", + "ie" + ], + [ + "int", + "ent" + ], + [ + "Ġrest", + "rooms" + ], + [ + "ĠRou", + "ter" + ], + [ + "da", + "q" + ], + [ + "Ġobjection", + "able" + ], + [ + "âĨ", + "ij" + ], + [ + "w", + "ark" + ], + [ + "ĠRah", + "ul" + ], + [ + "g", + "ain" + ], + [ + "activ", + "ation" + ], + [ + "abs", + "olute" + ], + [ + "ĠAccess", + "ed" + ], + [ + "Ġ24", + "00" + ], + [ + "ogg", + "les" + ], + [ + "Ġsecond", + "ly" + ], + [ + "ĠDEF", + "ENSE" + ], + [ + "Ġpost", + "age" + ], + [ + "wra", + "pper" + ], + [ + "sh", + "arp" + ], + [ + "7", + "29" + ], + [ + "Ġcommun", + "icates" + ], + [ + "Ġadd", + "on" + ], + [ + "ĠMil", + "itia" + ], + [ + "H", + "ong" + ], + [ + "Ġsl", + "umped" + ], + [ + "ĠJP", + "EG" + ], + [ + "ĠI", + "car" + ], + [ + "ad", + "ish" + ], + [ + "68", + "1" + ], + [ + "Ġmaj", + "esty" + ], + [ + "ĠWolf", + "gang" + ], + [ + "ĠEl", + "astic" + ], + [ + "u", + "per" + ], + [ + "Ġv", + "iz" + ], + [ + "Ġunconscious", + "ly" + ], + [ + "ĠST", + "D" + ], + [ + "ĠS", + "ass" + ], + [ + "Ġflower", + "ing" + ], + [ + "ĠHel", + "ic" + ], + [ + "ĠDra", + "per" + ], + [ + "ĠAm", + "ateur" + ], + [ + "Ġman", + "ure" + ], + [ + "Ġdis", + "ingen" + ], + [ + "ĠLe", + "i" + ], + [ + "br", + "ing" + ], + [ + "9", + "49" + ], + [ + "Ġinhib", + "ited" + ], + [ + "Ġhead", + "quartered" + ], + [ + "Ġen", + "igmatic" + ], + [ + "��", + "�" + ], + [ + "Ġred", + "ress" + ], + [ + "R", + "H" + ], + [ + "Ġratt", + "led" + ], + [ + "Ġd", + "iction" + ], + [ + "l", + "io" + ], + [ + "ĠT", + "BA" + ], + [ + "ĠSN", + "AP" + ], + [ + "C", + "alling" + ], + [ + "Ġfasc", + "ists" + ], + [ + "ĠD", + "ove" + ], + [ + "iew", + "icz" + ], + [ + "0", + "36" + ], + [ + "Ġco", + "asts" + ], + [ + "ĠR", + "ect" + ], + [ + "Ġ)", + "]" + ], + [ + "L", + "ot" + ], + [ + "6", + "29" + ], + [ + "ĠS", + "EM" + ], + [ + "ĠPeters", + "en" + ], + [ + "ĠExpl", + "ain" + ], + [ + "ĠBo", + "ards" + ], + [ + "ĠBe", + "zos" + ], + [ + "ĠJ", + "ournals" + ], + [ + "Ġ20", + "24" + ], + [ + "p", + "arser" + ], + [ + "Ġmist", + "rust" + ], + [ + "Ġgr", + "ate" + ], + [ + "ĠL", + "ocked" + ], + [ + "bo", + "a" + ], + [ + "S", + "aint" + ], + [ + "g", + "aming" + ], + [ + "Ġvow", + "el" + ], + [ + "in", + "ately" + ], + [ + "bl", + "ow" + ], + [ + "All", + "ah" + ], + [ + "Ġun", + "matched" + ], + [ + "Ġb", + "ordering" + ], + [ + "ĠExp", + "end" + ], + [ + "n", + "r" + ], + [ + "Or", + "acle" + ], + [ + "rou", + "ch" + ], + [ + "Ġcont", + "iguous" + ], + [ + "ac", + "us" + ], + [ + "Ġdist", + "raught" + ], + [ + "58", + "1" + ], + [ + "Ġanat", + "omical" + ], + [ + "O", + "X" + ], + [ + "ap", + "ixel" + ], + [ + "8", + "33" + ], + [ + "ĠPL", + "US" + ], + [ + "Ġres", + "usc" + ], + [ + "Ġab", + "iding" + ], + [ + "57", + "3" + ], + [ + "Ġvac", + "ancies" + ], + [ + "Em", + "ily" + ], + [ + "Ġhyp", + "othal" + ], + [ + "ĠWer", + "ner" + ], + [ + "ĠWe", + "e" + ], + [ + "ĠDJ", + "s" + ], + [ + "5", + "13" + ], + [ + "Ġwitch", + "craft" + ], + [ + "Ġac", + "upuncture" + ], + [ + "ent", + "ary" + ], + [ + "benef", + "it" + ], + [ + "Product", + "s" + ], + [ + "ĠP", + "SP" + ], + [ + "ĠMP", + "G" + ], + [ + "ĠJ", + "inn" + ], + [ + "ĠJ", + "arrett" + ], + [ + "Ġ4", + "45" + ], + [ + "ĠIm", + "aging" + ], + [ + "ĠP", + "yth" + ], + [ + "Fin", + "ish" + ], + [ + "Ġte", + "x" + ], + [ + "Ġjuven", + "iles" + ], + [ + "Ġhero", + "ism" + ], + [ + "Ġdoubt", + "less" + ], + [ + "ĠA", + "ki" + ], + [ + "ĠT", + "end" + ], + [ + "ĠPatri", + "arch" + ], + [ + "Ġbit", + "ters" + ], + [ + "ĠTele", + "communications" + ], + [ + "it", + "atively" + ], + [ + "ag", + "na" + ], + [ + "Ġr", + "g" + ], + [ + "ĠS", + "OLD" + ], + [ + "Ġcomp", + "ulsion" + ], + [ + "ĠN", + "asa" + ], + [ + "ĠKath", + "ryn" + ], + [ + "Ġmillion", + "aires" + ], + [ + "Ġintrins", + "ically" + ], + [ + "Ġbolst", + "ered" + ], + [ + "time", + "out" + ], + [ + "fl", + "o" + ], + [ + "Ġtut", + "or" + ], + [ + "p", + "our" + ], + [ + "Stat", + "ement" + ], + [ + "Ġ{", + "*" + ], + [ + "ĠRud", + "olph" + ], + [ + "ĠKimber", + "ly" + ], + [ + "rog", + "ens" + ], + [ + "adi", + "q" + ], + [ + "]", + "+" + ], + [ + "Ġindign", + "ation" + ], + [ + "Ġfract", + "uring" + ], + [ + "ĠRe", + "leases" + ], + [ + "ĠGr", + "ain" + ], + [ + "pro", + "tein" + ], + [ + "L", + "ago" + ], + [ + "Ġvac", + "ations" + ], + [ + "Ġboot", + "ed" + ], + [ + "ĠTH", + "REE" + ], + [ + "ĠH", + "G" + ], + [ + "oresc", + "ence" + ], + [ + "Ġt", + "f" + ], + [ + "Ġso", + "ar" + ], + [ + "iosyn", + "cr" + ], + [ + "Ġgl", + "ances" + ], + [ + "ĠSp", + "oon" + ], + [ + "ĠJ", + "ury" + ], + [ + "ĠCow", + "boy" + ], + [ + "Ġcreat", + "ively" + ], + [ + "Hig", + "her" + ], + [ + "Ġsolic", + "itor" + ], + [ + "Ġhaw", + "k" + ], + [ + "ac", + "io" + ], + [ + "89", + "6" + ], + [ + "Ġsuperf", + "lu" + ], + [ + "Ġbombs", + "hell" + ], + [ + "ct", + "ure" + ], + [ + "Ġbroker", + "age" + ], + [ + "Ġraid", + "ing" + ], + [ + "Ġf", + "rench" + ], + [ + "Ġang", + "led" + ], + [ + "Trans", + "action" + ], + [ + "ĠGen", + "ocide" + ], + [ + "u", + "pe" + ], + [ + "ĠHait", + "ian" + ], + [ + "57", + "2" + ], + [ + "!", + ":" + ], + [ + "Ġunwitting", + "ly" + ], + [ + "iter", + "ator" + ], + [ + "sc", + "roll" + ], + [ + "Ġtall", + "ied" + ], + [ + "Ġbi", + "omedical" + ], + [ + "ĠC", + "ARD" + ], + [ + "Ġe", + "uphem" + ], + [ + "Ġbrain", + "storm" + ], + [ + "a", + "quin" + ], + [ + "K", + "o" + ], + [ + "Mic", + "helle" + ], + [ + "ĠR", + "unes" + ], + [ + "ĠBall", + "istic" + ], + [ + "ud", + "ers" + ], + [ + "Ġmod", + "esty" + ], + [ + "ĠiP", + "ads" + ], + [ + "ĠEzek", + "iel" + ], + [ + "Y", + "E" + ], + [ + "Ġstars", + "hip" + ], + [ + "Ġpower", + "fully" + ], + [ + "Ġper", + "l" + ], + [ + "ĠSh", + "ade" + ], + [ + "ĠQu", + "art" + ], + [ + "ĠE", + "EG" + ], + [ + "Ġfisher", + "man" + ], + [ + "OS", + "ED" + ], + [ + "ĠTyp", + "ical" + ], + [ + "df", + "x" + ], + [ + "Ġmes", + "hes" + ], + [ + "Ġet", + "ched" + ], + [ + "worth", + "iness" + ], + [ + "Ġtopp", + "led" + ], + [ + "Ġ3", + "96" + ], + [ + "or", + "ius" + ], + [ + "We", + "iss" + ], + [ + "Ġmy", + "sql" + ], + [ + "ĠVal", + "halla" + ], + [ + "Ù", + "Ĵ" + ], + [ + "le", + "asing" + ], + [ + "Ġrec", + "omp" + ], + [ + "rap", + "nel" + ], + [ + "S", + "el" + ], + [ + "04", + "3" + ], + [ + "Ġder", + "ailed" + ], + [ + "ĠGu", + "ides" + ], + [ + "IR", + "T" + ], + [ + "Ġde", + "human" + ], + [ + "ĠBritt", + "any" + ], + [ + "\"", + "))" + ], + [ + "Ġex", + "claim" + ], + [ + "Ġb", + "alk" + ], + [ + "Ġ8", + "40" + ], + [ + "CLA", + "IM" + ], + [ + "int", + "el" + ], + [ + "L", + "AB" + ], + [ + "Ġpe", + "gged" + ], + [ + "Ġast", + "roph" + ], + [ + "sm", + "oking" + ], + [ + "Ġrig", + "ging" + ], + [ + "Ġfix", + "ation" + ], + [ + "Ġcat", + "apult" + ], + [ + "ins", + "ide" + ], + [ + "ĠC", + "ascade" + ], + [ + "ĠBolshe", + "vik" + ], + [ + "G", + "aza" + ], + [ + "Dep", + "th" + ], + [ + "Ġloud", + "spe" + ], + [ + "Ġalmond", + "s" + ], + [ + "me", + "yer" + ], + [ + "l", + "eness" + ], + [ + "j", + "en" + ], + [ + "f", + "resh" + ], + [ + "Ġunbeat", + "en" + ], + [ + "ĠSqu", + "id" + ], + [ + "ĠPres", + "umably" + ], + [ + "Tim", + "er" + ], + [ + "B", + "W" + ], + [ + "Ġro", + "sters" + ], + [ + "Ġell", + "ipt" + ], + [ + "ĠHar", + "riet" + ], + [ + "dat", + "abase" + ], + [ + "ĠMut", + "ual" + ], + [ + "ĠComm", + "odore" + ], + [ + "uk", + "ed" + ], + [ + "kn", + "ife" + ], + [ + "ĠCOMM", + "UN" + ], + [ + "h", + "ya" + ], + [ + "Ġmel", + "ts" + ], + [ + "arch", + "ives" + ], + [ + "Ġrat", + "ification" + ], + [ + "Ġmultip", + "lying" + ], + [ + "Ġinter", + "oper" + ], + [ + "Ġasc", + "ert" + ], + [ + "w", + "ings" + ], + [ + "ver", + "ting" + ], + [ + "ĠScorp", + "ion" + ], + [ + "ay", + "e" + ], + [ + "ĠPorts", + "mouth" + ], + [ + "ĠM", + "TA" + ], + [ + "n", + "it" + ], + [ + "iaz", + "ep" + ], + [ + "Ġqu", + "arantine" + ], + [ + "Ġslides", + "how" + ], + [ + "Ġcent", + "imeters" + ], + [ + "Ġsyn", + "opsis" + ], + [ + "Ġsp", + "ate" + ], + [ + "th", + "irst" + ], + [ + "Ġnom", + "inating" + ], + [ + "ĠMel", + "vin" + ], + [ + "Pre", + "view" + ], + [ + "Ġthro", + "b" + ], + [ + "Ġgener", + "ational" + ], + [ + "ĠRad", + "ius" + ], + [ + "rest", + "ling" + ], + [ + "put", + "able" + ], + [ + "aw", + "ar" + ], + [ + "N", + "ECT" + ], + [ + "Ġunlaw", + "fully" + ], + [ + "ĠRevel", + "ations" + ], + [ + "Wik", + "ipedia" + ], + [ + "sur", + "v" + ], + [ + "Ġeye", + "ing" + ], + [ + "ij", + "n" + ], + [ + "ĠF", + "W" + ], + [ + "Ġbr", + "unt" + ], + [ + "Ġinter", + "stellar" + ], + [ + "Ġcl", + "itor" + ], + [ + "ĠCroat", + "ian" + ], + [ + "ĠCh", + "ic" + ], + [ + "ev", + "a" + ], + [ + "ĠDis", + "app" + ], + [ + "ĠA", + "kin" + ], + [ + "iner", + "ies" + ], + [ + "d", + "ust" + ], + [ + "Interest", + "ed" + ], + [ + "Ġgen", + "esis" + ], + [ + "ĠE", + "ucl" + ], + [ + "ö", + "n" + ], + [ + "p", + "icking" + ], + [ + "Ġmut", + "ated" + ], + [ + "Ġdisappro", + "ve" + ], + [ + "ĠHD", + "L" + ], + [ + "Ġ6", + "25" + ], + [ + "Ì", + "¶" + ], + [ + "c", + "ancer" + ], + [ + "Ġsqu", + "ats" + ], + [ + "Ġle", + "vers" + ], + [ + "Disc", + "uss" + ], + [ + "=", + "]" + ], + [ + "D", + "ex" + ], + [ + "ĠVIDE", + "OS" + ], + [ + "A", + "UD" + ], + [ + "Ġtrans", + "act" + ], + [ + "ĠKin", + "ect" + ], + [ + "ĠK", + "uala" + ], + [ + "ĠC", + "yp" + ], + [ + "7", + "47" + ], + [ + "Ġsh", + "attering" + ], + [ + "Ġarsen", + "ic" + ], + [ + "ĠInt", + "ake" + ], + [ + "ĠAngel", + "o" + ], + [ + "ĠQu", + "it" + ], + [ + "ĠK", + "he" + ], + [ + "Ġ18", + "93" + ], + [ + "M", + "aker" + ], + [ + "0", + "29" + ], + [ + "ĠPain", + "ting" + ], + [ + "Dis", + "able" + ], + [ + "9", + "16" + ], + [ + "Ġanal", + "ges" + ], + [ + "Ġtact", + "ile" + ], + [ + "Ġprop", + "hes" + ], + [ + "Ġd", + "iced" + ], + [ + "ĠTravel", + "s" + ], + [ + "ĠHe", + "ader" + ], + [ + "ĠClub", + "s" + ], + [ + "Ass", + "istant" + ], + [ + "Ġinc", + "rim" + ], + [ + "Ġd", + "ips" + ], + [ + "Ġcruc", + "ifix" + ], + [ + "ĠShan", + "ahan" + ], + [ + "ĠInter", + "pret" + ], + [ + "Ġ40", + "90" + ], + [ + "al", + "ogy" + ], + [ + "abb", + "a" + ], + [ + "Ġsimul", + "ac" + ], + [ + "hus", + "band" + ], + [ + "S", + "IM" + ], + [ + "Ġrecy", + "cle" + ], + [ + "uc", + "er" + ], + [ + "ed", + "ged" + ], + [ + "Ġre", + "naissance" + ], + [ + "ĠBomb", + "ay" + ], + [ + "Cath", + "olic" + ], + [ + "ĠL", + "INE" + ], + [ + "ĠCl", + "othing" + ], + [ + "re", + "ports" + ], + [ + "Ġpl", + "aus" + ], + [ + "Ġd", + "ag" + ], + [ + "ĠM", + "ace" + ], + [ + "Z", + "I" + ], + [ + "Ġintr", + "uder" + ], + [ + "ĠVeter", + "inary" + ], + [ + "g", + "ru" + ], + [ + "Ġsne", + "aky" + ], + [ + "ĠS", + "ie" + ], + [ + "ĠC", + "innamon" + ], + [ + "P", + "OSE" + ], + [ + "Ġcou", + "rier" + ], + [ + "ĠC", + "NS" + ], + [ + "Ġemanc", + "ipation" + ], + [ + "s", + "it" + ], + [ + "Ġplay", + "through" + ], + [ + "ĠFac", + "ilities" + ], + [ + "v", + "irt" + ], + [ + "ĠG", + "auntlet" + ], + [ + "Thom", + "pson" + ], + [ + "Ġunbeliev", + "ably" + ], + [ + "Param", + "eters" + ], + [ + "Ġst", + "itching" + ], + [ + "ign", + "e" + ], + [ + "ĠTH", + "ESE" + ], + [ + "Priv", + "acy" + ], + [ + "Ġshenan", + "igans" + ], + [ + "Ġvit", + "ri" + ], + [ + "ĠVal", + "id" + ], + [ + "59", + "1" + ], + [ + "Ń", + "·" + ], + [ + "ĠProt", + "otype" + ], + [ + "ink", + "a" + ], + [ + "SC", + "P" + ], + [ + "ĠT", + "id" + ], + [ + "è", + "Ī" + ], + [ + "old", + "ed" + ], + [ + "Ġindividual", + "ity" + ], + [ + "Ġbark", + "ing" + ], + [ + "Ġm", + "ars" + ], + [ + "ĠW", + "D" + ], + [ + "Ġ8", + "20" + ], + [ + "Ġt", + "ir" + ], + [ + "Ġsl", + "apping" + ], + [ + "Ġdisgr", + "untled" + ], + [ + "ĠAng", + "ola" + ], + [ + "ri", + "us" + ], + [ + "ĠTorn", + "ado" + ], + [ + "ĠTh", + "urs" + ], + [ + "Ġcapt", + "cha" + ], + [ + "Ġang", + "st" + ], + [ + "ĠP", + "og" + ], + [ + "ĠAssass", + "ins" + ], + [ + "ĠAd", + "idas" + ], + [ + "Ġjoy", + "ful" + ], + [ + "Ġwh", + "ining" + ], + [ + "Emer", + "gency" + ], + [ + "Ġphosph", + "orus" + ], + [ + "Ġatt", + "rition" + ], + [ + "oph", + "on" + ], + [ + "ĠTimber", + "wolves" + ], + [ + "ĠJ", + "ah" + ], + [ + "ĠBr", + "inging" + ], + [ + "ĠW", + "ad" + ], + [ + "ĠEn", + "sure" + ], + [ + "oh", + "l" + ], + [ + "ĠX", + "ie" + ], + [ + "omm", + "el" + ], + [ + "c", + "mp" + ], + [ + "Ġz", + "ipper" + ], + [ + "Ġrel", + "at" + ], + [ + "ĠCor", + "ridor" + ], + [ + "m", + "ilo" + ], + [ + "T", + "ING" + ], + [ + "Av", + "g" + ], + [ + "Ġcro", + "pped" + ], + [ + "]", + "}" + ], + [ + "Ġr", + "aged" + ], + [ + "ĠLump", + "ur" + ], + [ + "ĠGuer", + "rero" + ], + [ + "our", + "ke" + ], + [ + "N", + "ut" + ], + [ + "Ġoff", + "sets" + ], + [ + "og", + "lu" + ], + [ + "dr", + "m" + ], + [ + "Ġmort", + "als" + ], + [ + "lat", + "able" + ], + [ + "Ġdismiss", + "ive" + ], + [ + "ä¸", + "ī" + ], + [ + "Ġthro", + "ats" + ], + [ + "Ġchips", + "et" + ], + [ + "ĠSpot", + "light" + ], + [ + "Catal", + "og" + ], + [ + "art", + "ist" + ], + [ + "G", + "b" + ], + [ + "Ġch", + "illy" + ], + [ + "Ġst", + "oked" + ], + [ + "Ġ3", + "74" + ], + [ + "W", + "ard" + ], + [ + "L", + "atin" + ], + [ + "Ġf", + "iasco" + ], + [ + "Ġble", + "ach" + ], + [ + "Ġb", + "rav" + ], + [ + "Enh", + "anced" + ], + [ + "Ġin", + "oc" + ], + [ + "ĠFior", + "ina" + ], + [ + "_", + ">" + ], + [ + "Ġle", + "ukemia" + ], + [ + "Ġel", + "uc" + ], + [ + "Ġannoun", + "cer" + ], + [ + "ĠLith", + "uan" + ], + [ + "ĠArm", + "ageddon" + ], + [ + "å", + "ĩ" + ], + [ + "Len", + "in" + ], + [ + "ĠR", + "uk" + ], + [ + "Ġpe", + "pp" + ], + [ + "ĠRom", + "antic" + ], + [ + "ĠP", + "IT" + ], + [ + "ĠInter", + "stellar" + ], + [ + "ĠAt", + "kinson" + ], + [ + "R", + "aid" + ], + [ + "J", + "s" + ], + [ + "Go", + "al" + ], + [ + "C", + "ourse" + ], + [ + "Ġvan", + "ishing" + ], + [ + "es", + "ley" + ], + [ + "ĠR", + "ounds" + ], + [ + "Els", + "a" + ], + [ + "59", + "3" + ], + [ + "Ġredund", + "ancy" + ], + [ + "ĠST", + "AND" + ], + [ + "Ġprop", + "hetic" + ], + [ + "Ġhabit", + "able" + ], + [ + "ry", + "u" + ], + [ + "Ġfaint", + "ly" + ], + [ + "M", + "ODE" + ], + [ + "Ġfl", + "anked" + ], + [ + "IR", + "C" + ], + [ + "Aw", + "esome" + ], + [ + "Ġsp", + "urious" + ], + [ + "ĠZ", + "ah" + ], + [ + "ĠMS", + "G" + ], + [ + "Ġsh", + "ading" + ], + [ + "Ġmotiv", + "ational" + ], + [ + "ĠSant", + "ana" + ], + [ + "ĠS", + "PR" + ], + [ + "Ġexc", + "ruciating" + ], + [ + "om", + "ial" + ], + [ + "ĠM", + "iko" + ], + [ + "ĠLe", + "opard" + ], + [ + "A", + "byss" + ], + [ + "Ġ[", + "|" + ], + [ + "d", + "irty" + ], + [ + "Ġbath", + "s" + ], + [ + "Ġdem", + "oral" + ], + [ + "and", + "re" + ], + [ + "P", + "B" + ], + [ + "Ġun", + "ification" + ], + [ + "Ġsac", + "rament" + ], + [ + "Ġ[", + "&" + ], + [ + "Ġpric", + "eless" + ], + [ + "Ġgel", + "atin" + ], + [ + "Ġeman", + "ating" + ], + [ + "ĠAll", + "aah" + ], + [ + "98", + "6" + ], + [ + "Ġout", + "burst" + ], + [ + "Ġer", + "as" + ], + [ + "ĠX", + "VI" + ], + [ + "ĠSP", + "I" + ], + [ + "O", + "tt" + ], + [ + "ĠLaz", + "arus" + ], + [ + "PL", + "IED" + ], + [ + "F", + "lying" + ], + [ + "blog", + "s" + ], + [ + "W", + "isconsin" + ], + [ + "R", + "aven" + ], + [ + "Ġreb", + "ate" + ], + [ + "Ġcreep", + "s" + ], + [ + "ĠSp", + "an" + ], + [ + "ĠPain", + "ter" + ], + [ + "ĠKir", + "a" + ], + [ + "ĠAm", + "os" + ], + [ + "ĠCor", + "vette" + ], + [ + "Cons", + "umer" + ], + [ + "ĠRec", + "over" + ], + [ + "ck", + "i" + ], + [ + "Ġpes", + "ky" + ], + [ + "ĠIn", + "vention" + ], + [ + "Compan", + "ies" + ], + [ + "Ġchalleng", + "ers" + ], + [ + "ad", + "emic" + ], + [ + "ĠUkrain", + "ians" + ], + [ + "ĠNeuro", + "log" + ], + [ + "ĠFors", + "aken" + ], + [ + "Ġent", + "rants" + ], + [ + "Ġemb", + "attled" + ], + [ + "Ġdef", + "unct" + ], + [ + "ĠGlac", + "ier" + ], + [ + "Ġpo", + "isons" + ], + [ + "ĠH", + "orses" + ], + [ + "m", + "akes" + ], + [ + "ĠD", + "irt" + ], + [ + "Ġ4", + "23" + ], + [ + "hh", + "h" + ], + [ + "ĠTrans", + "formation" + ], + [ + "QUI", + "RE" + ], + [ + "................", + ".." + ], + [ + "Ġtrave", + "ller" + ], + [ + "ĠSe", + "xy" + ], + [ + "ĠK", + "ern" + ], + [ + "ip", + "olar" + ], + [ + "Ġransom", + "ware" + ], + [ + "oooooooo", + "oooooooo" + ], + [ + "E", + "c" + ], + [ + "rub", + "y" + ], + [ + "Prof", + "essional" + ], + [ + "ĠOut", + "break" + ], + [ + "arg", + "ument" + ], + [ + "G", + "rey" + ], + [ + "ĠFif", + "a" + ], + [ + "ĠCH", + "O" + ], + [ + "ĠFOR", + "M" + ], + [ + "ĠAm", + "trak" + ], + [ + "-", + "[" + ], + [ + "Ġcr", + "adle" + ], + [ + "Ġantioxid", + "ants" + ], + [ + "ãģ®å", + "®" + ], + [ + "7", + "36" + ], + [ + "ĠNAS", + "L" + ], + [ + "ĠContribut", + "ions" + ], + [ + "Ind", + "iana" + ], + [ + "ĠST", + "EP" + ], + [ + "C", + "SS" + ], + [ + "Ġsal", + "ient" + ], + [ + "Ġall", + "ocations" + ], + [ + "yr", + "ights" + ], + [ + "Ġm", + "ashed" + ], + [ + "ĠCut", + "ter" + ], + [ + "Sex", + "ual" + ], + [ + "Ġp", + "ounded" + ], + [ + "Ġfan", + "base" + ], + [ + "Ġc", + "asc" + ], + [ + "ĠTrans", + "parency" + ], + [ + "Ġanaly", + "tic" + ], + [ + "ĠSummon", + "er" + ], + [ + "×", + "ŀ" + ], + [ + "ĠAD", + "C" + ], + [ + "det", + "ail" + ], + [ + "Ġvan", + "quished" + ], + [ + "Ġcr", + "abs" + ], + [ + "ar", + "ie" + ], + [ + "Dest", + "roy" + ], + [ + "ĠS", + "ack" + ], + [ + "Ġtrans", + "istor" + ], + [ + "Al", + "abama" + ], + [ + "ĠK", + "oen" + ], + [ + "ĠFisher", + "ies" + ], + [ + "c", + "one" + ], + [ + "Ġannex", + "ed" + ], + [ + "ĠM", + "GM" + ], + [ + "es", + "a" + ], + [ + "Ġf", + "aked" + ], + [ + "ĠCong", + "ratulations" + ], + [ + "Ġhind", + "ered" + ], + [ + "Ġcorrection", + "al" + ], + [ + "ĠI", + "TV" + ], + [ + "lee", + "ve" + ], + [ + "Ġin", + "appropriately" + ], + [ + "lic", + "ks" + ], + [ + "Ġtresp", + "ass" + ], + [ + "Ġp", + "aws" + ], + [ + "Ġnegoti", + "ator" + ], + [ + "ĠChrist", + "ensen" + ], + [ + "lim", + "its" + ], + [ + "ĠDian", + "ne" + ], + [ + "Ġeleg", + "ance" + ], + [ + "ĠContract", + "s" + ], + [ + "an", + "ke" + ], + [ + "Ob", + "j" + ], + [ + "Ġvigil", + "ance" + ], + [ + "Ġcast", + "les" + ], + [ + "ĠN", + "AD" + ], + [ + "ĠHol", + "o" + ], + [ + "Ġemph", + "atically" + ], + [ + "ĠTit", + "us" + ], + [ + "ĠServ", + "ing" + ], + [ + "ĠRich", + "ie" + ], + [ + "ĠP", + "igs" + ], + [ + "5", + "68" + ], + [ + "Ġanim", + "osity" + ], + [ + "ĠAtt", + "ributes" + ], + [ + "ĠU", + "riel" + ], + [ + "M", + "Q" + ], + [ + "my", + "ra" + ], + [ + "ĠApplic", + "ant" + ], + [ + "Ġpsychiat", + "rists" + ], + [ + "ĠV", + "ij" + ], + [ + "ĠAb", + "by" + ], + [ + "ag", + "ree" + ], + [ + "P", + "ush" + ], + [ + "Ġk", + "Wh" + ], + [ + "hib", + "a" + ], + [ + "Ġinc", + "ite" + ], + [ + "ĠWe", + "asley" + ], + [ + "ĠTax", + "i" + ], + [ + "minist", + "ic" + ], + [ + "hy", + "per" + ], + [ + "ĠF", + "arn" + ], + [ + "Ġ6", + "01" + ], + [ + "ĠNation", + "wide" + ], + [ + "F", + "ake" + ], + [ + "95", + "2" + ], + [ + "Ġma", + "ize" + ], + [ + "Ġinteract", + "ed" + ], + [ + "Ġtransition", + "ed" + ], + [ + "Ġparas", + "itic" + ], + [ + "Ġharm", + "onic" + ], + [ + "Ġdec", + "aying" + ], + [ + "Ġbas", + "eless" + ], + [ + "ns", + "ics" + ], + [ + "Ġtrans", + "pired" + ], + [ + "Ġabund", + "antly" + ], + [ + "ĠFore", + "nsic" + ], + [ + "Ġtread", + "mill" + ], + [ + "ĠJ", + "av" + ], + [ + "ab", + "and" + ], + [ + "Ġssh", + "d" + ], + [ + "Ġfront", + "man" + ], + [ + "ĠJak", + "arta" + ], + [ + "oll", + "er" + ], + [ + "dro", + "ps" + ], + [ + "ĠSERV", + "ICES" + ], + [ + "rompt", + "u" + ], + [ + "oph", + "ical" + ], + [ + "h", + "ospital" + ], + [ + "bled", + "on" + ], + [ + "6", + "45" + ], + [ + "Ġmid", + "range" + ], + [ + "ĠEV", + "ENT" + ], + [ + "cul", + "ated" + ], + [ + "raw", + "led" + ], + [ + "Ġper", + "ched" + ], + [ + "Ġover", + "board" + ], + [ + "ĠPe", + "el" + ], + [ + "ĠP", + "wr" + ], + [ + "ĠCar", + "th" + ], + [ + "ĠCOM", + "PLE" + ], + [ + "co", + "e" + ], + [ + "sh", + "all" + ], + [ + "Ġdeter", + "rence" + ], + [ + "M", + "ETHOD" + ], + [ + "ĠAbs", + "ent" + ], + [ + "M", + "EN" + ], + [ + "Ġs", + "ill" + ], + [ + "ĠLE", + "VEL" + ], + [ + "Y", + "ork" + ], + [ + "Ġsin", + "ners" + ], + [ + "ĠOP", + "EC" + ], + [ + "ĠN", + "ur" + ], + [ + "ĠDesign", + "s" + ], + [ + "se", + "lection" + ], + [ + "Ġunw", + "orthy" + ], + [ + "CH", + "A" + ], + [ + "Ġstreng", + "thens" + ], + [ + "88", + "3" + ], + [ + "ed", + "ly" + ], + [ + "Ġslic", + "ing" + ], + [ + "Ġmal", + "nutrition" + ], + [ + "Ġfilm", + "making" + ], + [ + "ĠPol", + "k" + ], + [ + "ur", + "ated" + ], + [ + "Ġ4", + "21" + ], + [ + "bre", + "akers" + ], + [ + "!'", + "\"" + ], + [ + "Ġwet", + "lands" + ], + [ + "ĠDisc", + "rimination" + ], + [ + "Ġallow", + "able" + ], + [ + "Ġste", + "ered" + ], + [ + "ĠSic", + "ily" + ], + [ + "S", + "AM" + ], + [ + "Ġmust", + "ache" + ], + [ + "Ġm", + "ids" + ], + [ + "Ġcl", + "ipped" + ], + [ + "Ġcirc", + "ulate" + ], + [ + "Ġbr", + "ittle" + ], + [ + "ĠBuild", + "ings" + ], + [ + "ra", + "ised" + ], + [ + "ĠRound", + "up" + ], + [ + "Ġwealth", + "ier" + ], + [ + "Ġoverw", + "rite" + ], + [ + "Ġover", + "powered" + ], + [ + "ĠGerr", + "ard" + ], + [ + "s", + "ites" + ], + [ + "PD", + "ATED" + ], + [ + "Ġacute", + "ly" + ], + [ + "ĠGam", + "ble" + ], + [ + "Ġp", + "im" + ], + [ + "ĠK", + "us" + ], + [ + "Typ", + "ically" + ], + [ + "De", + "ploy" + ], + [ + "ĠMoroc", + "can" + ], + [ + "p", + "otion" + ], + [ + "com", + "be" + ], + [ + "Ġvigil", + "ante" + ], + [ + "Ġ36", + "3" + ], + [ + "St", + "ew" + ], + [ + "ĠB", + "agg" + ], + [ + "Ġres", + "ided" + ], + [ + "ĠSp", + "o" + ], + [ + "Ġrem", + "nant" + ], + [ + "Ġempt", + "iness" + ], + [ + "br", + "ainer" + ], + [ + "Ġout", + "patient" + ], + [ + "pri", + "ority" + ], + [ + "Ġle", + "ptin" + ], + [ + "ĠPay", + "ton" + ], + [ + "ĠGle", + "aming" + ], + [ + "ĠS", + "hed" + ], + [ + "ĠPol", + "o" + ], + [ + "ĠMormon", + "ism" + ], + [ + "rest", + "ricted" + ], + [ + "arl", + "ane" + ], + [ + "w", + "x" + ], + [ + "Ġcreat", + "ine" + ], + [ + "ĠAn", + "on" + ], + [ + "ĠST", + "UD" + ], + [ + "ĠJ", + "UL" + ], + [ + "ĠT", + "ee" + ], + [ + "5", + "28" + ], + [ + "08", + "9" + ], + [ + "Ġhat", + "ched" + ], + [ + "Dis", + "patch" + ], + [ + "ĠCompos", + "ite" + ], + [ + "Ġ45", + "1" + ], + [ + "p", + "uff" + ], + [ + "ĠX", + "COM" + ], + [ + "ĠOr", + "n" + ], + [ + "ĠTH", + "ANK" + ], + [ + "END", + "ED" + ], + [ + "ĠAshe", + "ville" + ], + [ + "ĠÃ", + "ľ" + ], + [ + "Ġman", + "go" + ], + [ + "ĠS", + "lightly" + ], + [ + "world", + "ly" + ], + [ + "ĠW", + "ander" + ], + [ + "ĠExp", + "and" + ], + [ + "ĠCh", + "r" + ], + [ + "M", + "ist" + ], + [ + "Ġorthodox", + "y" + ], + [ + "ĠUN", + "ESCO" + ], + [ + "reg", + "ate" + ], + [ + "Else", + "where" + ], + [ + "k", + "ie" + ], + [ + "ir", + "led" + ], + [ + "Ġtopp", + "le" + ], + [ + "Ġadopt", + "ive" + ], + [ + "ĠLeg", + "s" + ], + [ + "d", + "ress" + ], + [ + "ĠS", + "agan" + ], + [ + "b", + "are" + ], + [ + "ĠGl", + "ou" + ], + [ + "Cr", + "unch" + ], + [ + "Ġhelp", + "ers" + ], + [ + "Ġchron", + "ically" + ], + [ + "ĠH", + "uma" + ], + [ + "1", + "0000" + ], + [ + "Ġaccommod", + "ating" + ], + [ + "äº", + "Ķ" + ], + [ + "Ġwrink", + "les" + ], + [ + "Ġdod", + "ged" + ], + [ + "four", + "th" + ], + [ + "Ġpre", + "con" + ], + [ + "Ġcompress", + "or" + ], + [ + "ĠK", + "are" + ], + [ + "Ġev", + "ict" + ], + [ + "ĠWar", + "wick" + ], + [ + "im", + "ar" + ], + [ + "Ġmodern", + "ization" + ], + [ + "Ġband", + "wagon" + ], + [ + "Ġref", + "uted" + ], + [ + "Ġnet", + "ted" + ], + [ + "ĠNa", + "ples" + ], + [ + "ĠGen", + "ie" + ], + [ + "per", + "ors" + ], + [ + "Ġfield", + "ed" + ], + [ + "Ġde", + "re" + ], + [ + "ĠPar", + "ables" + ], + [ + "le", + "es" + ], + [ + "Ġtr", + "out" + ], + [ + "asp", + "ers" + ], + [ + "Ġn", + "ihil" + ], + [ + "Ġhapp", + "iest" + ], + [ + "Ġflo", + "ppy" + ], + [ + "ĠLo", + "ft" + ], + [ + "ĠHe", + "ard" + ], + [ + "Ġun", + "ison" + ], + [ + "Ġl", + "ug" + ], + [ + "ĠRed", + "mond" + ], + [ + "class", + "ic" + ], + [ + "Supp", + "orters" + ], + [ + "SH", + "IP" + ], + [ + "G", + "MT" + ], + [ + "Ġfue", + "lled" + ], + [ + "ç", + "IJ" + ], + [ + "Ġd", + "d" + ], + [ + "ĠEmin", + "em" + ], + [ + "Ġ18", + "97" + ], + [ + "NY", + "SE" + ], + [ + "Ġsecret", + "aries" + ], + [ + "ĠF", + "IA" + ], + [ + "ĠCanaver", + "al" + ], + [ + "F", + "avorite" + ], + [ + "Ġp", + "omp" + ], + [ + "Ġdetain", + "ee" + ], + [ + "ers", + "hip" + ], + [ + "aim", + "on" + ], + [ + "i", + "our" + ], + [ + "ĠA", + "pex" + ], + [ + "Ġplant", + "ations" + ], + [ + "am", + "ia" + ], + [ + "ac", + "ion" + ], + [ + "R", + "ust" + ], + [ + "Ġtow", + "ed" + ], + [ + "ĠTru", + "ly" + ], + [ + "5", + "77" + ], + [ + "Ġshel", + "tered" + ], + [ + "r", + "ider" + ], + [ + "W", + "o" + ], + [ + "Ġl", + "air" + ], + [ + "ĠInt", + "elligent" + ], + [ + "impro", + "ve" + ], + [ + "m", + "atically" + ], + [ + "Ġet", + "iquette" + ], + [ + "ad", + "ra" + ], + [ + "all", + "o" + ], + [ + "ĠJun", + "o" + ], + [ + "any", + "thing" + ], + [ + "ĠStru", + "ggle" + ], + [ + "ĠPred", + "ict" + ], + [ + "ĠGr", + "imes" + ], + [ + "ĠAMER", + "ICA" + ], + [ + "ct", + "x" + ], + [ + "ĠSit", + "uation" + ], + [ + "W", + "OOD" + ], + [ + "Ġsol", + "uble" + ], + [ + "me", + "ier" + ], + [ + "Ġintoler", + "able" + ], + [ + "ang", + "ering" + ], + [ + "Ġun", + "interrupted" + ], + [ + "Ġtool", + "tip" + ], + [ + "Ġinterrog", + "ated" + ], + [ + "Ġgun", + "ned" + ], + [ + "ĠSne", + "ak" + ], + [ + "æŃ", + "¦" + ], + [ + "Ġt", + "ether" + ], + [ + "Ġcr", + "umble" + ], + [ + "L", + "ens" + ], + [ + "Ġclust", + "ered" + ], + [ + "ĠSy", + "l" + ], + [ + "ĠHas", + "an" + ], + [ + "Ġdystop", + "ian" + ], + [ + "w", + "ana" + ], + [ + "Ġjoy", + "stick" + ], + [ + "ĠTh", + "ib" + ], + [ + "amm", + "u" + ], + [ + "Tom", + "orrow" + ], + [ + "5", + "46" + ], + [ + "Ġoverc", + "ame" + ], + [ + "Ġminim", + "ized" + ], + [ + "cept", + "or" + ], + [ + "Run", + "ner" + ], + [ + "ENG", + "TH" + ], + [ + "ĠBrend", + "a" + ], + [ + "ĠAchieve", + "ments" + ], + [ + "Ġtor", + "ches" + ], + [ + "Ġrapp", + "ort" + ], + [ + "ĠInvestig", + "ator" + ], + [ + "ĠHand", + "ling" + ], + [ + "rel", + "ation" + ], + [ + "g", + "rey" + ], + [ + "8", + "15" + ], + [ + "Ġk", + "cal" + ], + [ + "ĠComm", + "ands" + ], + [ + "d", + "q" + ], + [ + "Ġcur", + "ls" + ], + [ + "Ġbe", + "arer" + ], + [ + "Ġcyn", + "icism" + ], + [ + "it", + "ri" + ], + [ + "ĠUse", + "ful" + ], + [ + "B", + "ee" + ], + [ + "D", + "CS" + ], + [ + "Ġab", + "ras" + ], + [ + "P", + "ract" + ], + [ + "BIL", + "ITIES" + ], + [ + "7", + "12" + ], + [ + "Ġdebug", + "ger" + ], + [ + "Ġdebt", + "or" + ], + [ + "ĠL", + "ia" + ], + [ + "ĠK", + "ers" + ], + [ + "Ġexacerb", + "ate" + ], + [ + "ĠSt", + "acy" + ], + [ + "ĠB", + "land" + ], + [ + "ĠSc", + "enes" + ], + [ + "Ġbranch", + "ing" + ], + [ + "âĸĪâĸĪâĸĪâĸĪ", + "âĸĪâĸĪâĸĪâĸĪ" + ], + [ + "ape", + "ake" + ], + [ + "Ġs", + "alsa" + ], + [ + "Ġmish", + "and" + ], + [ + "ĠKon", + "ami" + ], + [ + "ĠN", + "ib" + ], + [ + "Ġanecd", + "ote" + ], + [ + "Ġagree", + "able" + ], + [ + "Ï", + "ī" + ], + [ + "ĠNath", + "aniel" + ], + [ + "ĠHe", + "isman" + ], + [ + "ĠB", + "eware" + ], + [ + "Ġ18", + "86" + ], + [ + "spect", + "ive" + ], + [ + "69", + "1" + ], + [ + "5", + "22" + ], + [ + "Ġinhib", + "its" + ], + [ + "Ġhas", + "hing" + ], + [ + "Ġ18", + "89" + ], + [ + "å°", + "Ĩ" + ], + [ + "v", + "ich" + ], + [ + "P", + "ure" + ], + [ + "Ġsolid", + "ly" + ], + [ + "Ġaspir", + "in" + ], + [ + "im", + "aru" + ], + [ + "Ġstreet", + "car" + ], + [ + "ĠU", + "CS" + ], + [ + "ĠJ", + "udd" + ], + [ + "Ġflash", + "backs" + ], + [ + "p", + "ins" + ], + [ + "Ġ14", + "40" + ], + [ + "ĠUN", + "HCR" + ], + [ + "ĠSym", + "ptoms" + ], + [ + "T", + "IT" + ], + [ + "5", + "38" + ], + [ + "F", + "ra" + ], + [ + "%", + ");" + ], + [ + "Ġo", + "oz" + ], + [ + "Ġcur", + "few" + ], + [ + "Ġcal", + "med" + ], + [ + "Ġparticip", + "ates" + ], + [ + "Te", + "X" + ], + [ + "Ġnons", + "ensical" + ], + [ + "Ġfull", + "back" + ], + [ + "ĠDe", + "L" + ], + [ + "mon", + "key" + ], + [ + "h", + "ari" + ], + [ + "Ġmetabol", + "ites" + ], + [ + "Ġloot", + "ed" + ], + [ + "ĠAL", + "WAYS" + ], + [ + "ĠB", + "CC" + ], + [ + "L", + "t" + ], + [ + "oc", + "het" + ], + [ + "B", + "one" + ], + [ + "Ġveto", + "ed" + ], + [ + "Ġg", + "cc" + ], + [ + "ĠCL", + "ICK" + ], + [ + "Ġ18", + "88" + ], + [ + "s", + "af" + ], + [ + "Ġstiff", + "ness" + ], + [ + "Ġlow", + "ly" + ], + [ + "ĠGe", + "h" + ], + [ + "vers", + "on" + ], + [ + "ors", + "et" + ], + [ + "Ġun", + "foreseen" + ], + [ + "Ġan", + "esthesia" + ], + [ + "ĠOpt", + "ical" + ], + [ + "Ġrecon", + "structed" + ], + [ + "ĠT", + "up" + ], + [ + "sh", + "ows" + ], + [ + "NEW", + "S" + ], + [ + "ĠNewsp", + "aper" + ], + [ + "ĠA", + "SA" + ], + [ + "ter", + "a" + ], + [ + "N", + "umbers" + ], + [ + "Ġinexpl", + "icable" + ], + [ + "×", + "ij" + ], + [ + "Ġhard", + "ness" + ], + [ + "unt", + "arily" + ], + [ + "ĠA", + "cer" + ], + [ + "grad", + "ient" + ], + [ + "ARD", + "IS" + ], + [ + "Ġwood", + "land" + ], + [ + "Ġmetaph", + "ors" + ], + [ + "ĠWem", + "bley" + ], + [ + "ĠPa", + "vel" + ], + [ + "phil", + "is" + ], + [ + "Ġre", + "writing" + ], + [ + "Ġpercept", + "ual" + ], + [ + "Ġ10", + "70" + ], + [ + "worm", + "s" + ], + [ + "ĠDown", + "s" + ], + [ + "Ġunsur", + "prisingly" + ], + [ + "Ġtag", + "ging" + ], + [ + "fl", + "ame" + ], + [ + "Ġlit", + "res" + ], + [ + "Ġboun", + "ces" + ], + [ + "ĠB", + "abe" + ], + [ + "sh", + "ut" + ], + [ + "Ġoverd", + "oses" + ], + [ + "ĠShe", + "ila" + ], + [ + "ĠCh", + "au" + ], + [ + "ĠBl", + "ess" + ], + [ + "Capt", + "ure" + ], + [ + "ĠSign", + "ificant" + ], + [ + "ĠSc", + "ion" + ], + [ + "Ġ38", + "9" + ], + [ + "ĠMc", + "H" + ], + [ + "ĠTitan", + "ium" + ], + [ + "ĠMe", + "al" + ], + [ + "amed", + "a" + ], + [ + "ag", + "ents" + ], + [ + "agg", + "ressive" + ], + [ + "B", + "illy" + ], + [ + "76", + "3" + ], + [ + "ĠS", + "aying" + ], + [ + "DER", + "R" + ], + [ + "it", + "one" + ], + [ + "Coll", + "ins" + ], + [ + "B", + "ound" + ], + [ + "Ġbol", + "ted" + ], + [ + "ĠDM", + "CA" + ], + [ + "95", + "3" + ], + [ + "Ġun", + "iqueness" + ], + [ + "Ġep", + "igen" + ], + [ + "un", + "ci" + ], + [ + "ant", + "am" + ], + [ + "Ġreck", + "oning" + ], + [ + "ch", + "airs" + ], + [ + "OG", + "R" + ], + [ + "ĠSen", + "egal" + ], + [ + "Ġ18", + "62" + ], + [ + "re", + "levant" + ], + [ + "ĠÂ", + "¯" + ], + [ + "Ġpharm", + "acies" + ], + [ + "ĠG", + "eral" + ], + [ + "v", + "ier" + ], + [ + "Y", + "an" + ], + [ + "OR", + "PG" + ], + [ + "Ġrab", + "id" + ], + [ + "b", + "ending" + ], + [ + "ĠUN", + "ITED" + ], + [ + "Ġ4", + "65" + ], + [ + "As", + "sembly" + ], + [ + "Ġwe", + "ep" + ], + [ + "Ġbe", + "hest" + ], + [ + "ĠMother", + "s" + ], + [ + "ĠJ", + "ace" + ], + [ + "h", + "id" + ], + [ + "Ġwh", + "irlwind" + ], + [ + "ĠUN", + "IVERS" + ], + [ + "Ġut", + "opian" + ], + [ + "Ġkidn", + "ap" + ], + [ + "Ph", + "ilipp" + ], + [ + "K", + "in" + ], + [ + "89", + "3" + ], + [ + "Ġlivest", + "ream" + ], + [ + "ĠM", + "ISS" + ], + [ + "Ġsub", + "versive" + ], + [ + "ĠTechn", + "iques" + ], + [ + "ĠJUST", + "ICE" + ], + [ + "ĠB", + "ASE" + ], + [ + "Ġ38", + "7" + ], + [ + "Ġassail", + "ants" + ], + [ + "ĠHard", + "core" + ], + [ + "Ġsprink", + "led" + ], + [ + "ĠP", + "se" + ], + [ + "é", + "ļ" + ], + [ + "print", + "ed" + ], + [ + "ĠH", + "au" + ], + [ + "OR", + "GE" + ], + [ + "ĠT", + "OUR" + ], + [ + "Ġl", + "aced" + ], + [ + "Ġit", + "ch" + ], + [ + "G", + "iving" + ], + [ + "Ġport", + "ed" + ], + [ + "78", + "1" + ], + [ + "////////////////", + "////////////////" + ], + [ + "bre", + "eding" + ], + [ + "Ġlog", + "ger" + ], + [ + "ĠH", + "OL" + ], + [ + "inn", + "ie" + ], + [ + "First", + "ly" + ], + [ + "Ġembry", + "onic" + ], + [ + "Ġdeleg", + "ated" + ], + [ + "p", + "ai" + ], + [ + "O", + "IL" + ], + [ + "Ġcentr", + "ally" + ], + [ + "ĠR", + "x" + ], + [ + "ĠSc", + "outing" + ], + [ + "D", + "utch" + ], + [ + "Ġhe", + "reditary" + ], + [ + "ĠCru", + "iser" + ], + [ + "s", + "at" + ], + [ + "5", + "29" + ], + [ + "ĠMar", + "riott" + ], + [ + "other", + "mal" + ], + [ + "Ġprohib", + "itions" + ], + [ + "E", + "arn" + ], + [ + "ĠSt", + "ab" + ], + [ + "ĠColleg", + "es" + ], + [ + "ĠBel", + "ief" + ], + [ + "st", + "retched" + ], + [ + "ĠL", + "H" + ], + [ + "ĠEntity", + "Item" + ], + [ + "C", + "IA" + ], + [ + "Ġun", + "rem" + ], + [ + "Ġlaure", + "ate" + ], + [ + "Ġdenomin", + "ations" + ], + [ + "sum", + "mary" + ], + [ + "h", + "ler" + ], + [ + "S", + "pect" + ], + [ + "ĠK", + "laus" + ], + [ + "ĠBe", + "ans" + ], + [ + "Ġins", + "ur" + ], + [ + "ĠPA", + "X" + ], + [ + "Ġfield", + "er" + ], + [ + "ĠV", + "et" + ], + [ + "ĠSp", + "arrow" + ], + [ + "z", + "ie" + ], + [ + "ĠS", + "Q" + ], + [ + "ĠMond", + "ays" + ], + [ + "ĠOff", + "line" + ], + [ + "ĠLer", + "ner" + ], + [ + "ĠExt", + "ensions" + ], + [ + "Ire", + "land" + ], + [ + "Ġpatron", + "age" + ], + [ + "Ġcontrast", + "ed" + ], + [ + "ĠMan", + "ia" + ], + [ + "h", + "irt" + ], + [ + "Mos", + "cow" + ], + [ + "Ġcondem", + "ns" + ], + [ + "ĠAn", + "ge" + ], + [ + "Ġcomp", + "osing" + ], + [ + "ĠPe", + "pe" + ], + [ + "ĠP", + "addock" + ], + [ + "Ġheter", + "ogeneity" + ], + [ + "Ġide", + "ologically" + ], + [ + "Ġf", + "ishes" + ], + [ + "Ġcur", + "sing" + ], + [ + "ĠR", + "utherford" + ], + [ + "ĠFlo", + "ating" + ], + [ + "ĠAm", + "elia" + ], + [ + "Te", + "a" + ], + [ + "Syn", + "opsis" + ], + [ + "Ġstun", + "ts" + ], + [ + "Ġbe", + "ad" + ], + [ + "Ġstock", + "ing" + ], + [ + "ĠM", + "ILL" + ], + [ + "ob", + "ook" + ], + [ + "mass", + "ive" + ], + [ + "\\", + "<" + ], + [ + "Ġh", + "ump" + ], + [ + "ĠPref", + "erences" + ], + [ + "Engine", + "Debug" + ], + [ + "ge", + "ist" + ], + [ + "ĠNiet", + "o" + ], + [ + "ome", + "ver" + ], + [ + "ish", + "y" + ], + [ + "eval", + "uate" + ], + [ + "col", + "onial" + ], + [ + "Altern", + "ative" + ], + [ + "ĠGo", + "Pro" + ], + [ + "ĠV", + "ortex" + ], + [ + "ĠNET", + "WORK" + ], + [ + "ans", + "ky" + ], + [ + "Sec", + "ure" + ], + [ + "ĠTh", + "rust" + ], + [ + "Sn", + "ake" + ], + [ + "Ġparcel", + "s" + ], + [ + "Ġsam", + "urai" + ], + [ + "Ġactress", + "es" + ], + [ + "N", + "ap" + ], + [ + "M", + "F" + ], + [ + "ifer", + "ation" + ], + [ + "Be", + "er" + ], + [ + "5", + "23" + ], + [ + "ĠI", + "ly" + ], + [ + "oint", + "ment" + ], + [ + "P", + "ing" + ], + [ + "Ġstri", + "ped" + ], + [ + "ĠMell", + "on" + ], + [ + "oss", + "ession" + ], + [ + "Ġneut", + "ron" + ], + [ + "end", + "ium" + ], + [ + "Ġa", + "ph" + ], + [ + "ĠFlav", + "oring" + ], + [ + "Ġ38", + "3" + ], + [ + "Ġrespons", + "iveness" + ], + [ + "ĠJ", + "indal" + ], + [ + "ĠHitch", + "cock" + ], + [ + "Den", + "ver" + ], + [ + "ĠDRAG", + "ON" + ], + [ + "sm", + "anship" + ], + [ + "ĠDu", + "pl" + ], + [ + "Ġs", + "ly" + ], + [ + "Ġweb", + "cam" + ], + [ + "ĠTw", + "ain" + ], + [ + "ĠDar", + "ling" + ], + [ + "ili", + "ate" + ], + [ + "cons", + "umer" + ], + [ + "D", + "IT" + ], + [ + "Ġnames", + "ake" + ], + [ + "Ġun", + "orthodox" + ], + [ + "Ġfun", + "er" + ], + [ + "ĠPL", + "oS" + ], + [ + "ĠCONTR", + "OL" + ], + [ + "ozy", + "g" + ], + [ + "ogl", + "obin" + ], + [ + "F", + "ACE" + ], + [ + "ER", + "G" + ], + [ + "ĠD", + "ia" + ], + [ + "ĠF", + "iesta" + ], + [ + "ce", + "le" + ], + [ + "0", + "34" + ], + [ + "Ġencl", + "ave" + ], + [ + "âĸ¬", + "âĸ¬" + ], + [ + "on", + "ement" + ], + [ + "al", + "ist" + ], + [ + "M", + "and" + ], + [ + "Ġhome", + "grown" + ], + [ + "ĠF", + "ancy" + ], + [ + "Ġconcept", + "ions" + ], + [ + "ĠCont", + "ains" + ], + [ + "ure", + "en" + ], + [ + "Ġreiter", + "ate" + ], + [ + "Ġme", + "ager" + ], + [ + "Ġinstall", + "ments" + ], + [ + "Sp", + "awn" + ], + [ + "6", + "27" + ], + [ + "Ġphot", + "oc" + ], + [ + "ĠCab", + "rera" + ], + [ + "ĠRos", + "enthal" + ], + [ + "ĠLans", + "ing" + ], + [ + "is", + "ner" + ], + [ + "Ġinvest", + "s" + ], + [ + "ĠUFO", + "s" + ], + [ + "EX", + "P" + ], + [ + "Hard", + "ware" + ], + [ + "Ġtr", + "agically" + ], + [ + "Ġconced", + "es" + ], + [ + "ie", + "ft" + ], + [ + "ch", + "am" + ], + [ + "bor", + "gh" + ], + [ + "ĠSch", + "r" + ], + [ + "ĠMel", + "anie" + ], + [ + "ĠH", + "oy" + ], + [ + "Ġvisit", + "ation" + ], + [ + "Ġid", + "iosyncr" + ], + [ + "Ġfract", + "ions" + ], + [ + "Ġfore", + "skin" + ], + [ + "ob", + "os" + ], + [ + "Ġpo", + "aching" + ], + [ + "ĠVI", + "EW" + ], + [ + "Ġstimul", + "ates" + ], + [ + "ĠG", + "ork" + ], + [ + "can", + "on" + ], + [ + "M", + "IC" + ], + [ + "ĠNem", + "esis" + ], + [ + "ĠInd", + "ra" + ], + [ + "ĠDM", + "V" + ], + [ + "Ġ5", + "29" + ], + [ + "Ġinspect", + "ing" + ], + [ + "Ġgrand", + "ma" + ], + [ + "ĠW", + "hedon" + ], + [ + "ĠSh", + "ant" + ], + [ + "ĠP", + "urg" + ], + [ + "ik", + "an" + ], + [ + "ĠT", + "eg" + ], + [ + "ĠCL", + "R" + ], + [ + "z", + "ac" + ], + [ + "Vict", + "oria" + ], + [ + "ĠVer", + "ify" + ], + [ + "ion", + "ics" + ], + [ + "Ġpart", + "ying" + ], + [ + "ĠM", + "ou" + ], + [ + "col", + "our" + ], + [ + "Ġtestim", + "onies" + ], + [ + "l", + "ations" + ], + [ + "Ġpress", + "uring" + ], + [ + "hi", + "ro" + ], + [ + "ac", + "ers" + ], + [ + "Ġf", + "id" + ], + [ + "ang", + "ler" + ], + [ + "ĠCS", + "I" + ], + [ + "Ġhere", + "after" + ], + [ + "Ġdiss", + "idents" + ], + [ + "report", + "ing" + ], + [ + "iph", + "any" + ], + [ + "che", + "v" + ], + [ + "Ġsol", + "itude" + ], + [ + "Ġl", + "obe" + ], + [ + "Ġind", + "is" + ], + [ + "Ġcred", + "ential" + ], + [ + "re", + "cent" + ], + [ + "ad", + "ult" + ], + [ + "ĠNir", + "vana" + ], + [ + "ĠFranch", + "ise" + ], + [ + "L", + "ayer" + ], + [ + "H", + "yp" + ], + [ + "ĠBerks", + "hire" + ], + [ + "Ġwill", + "s" + ], + [ + "t", + "if" + ], + [ + "Ġtot", + "em" + ], + [ + "ĠJud", + "ah" + ], + [ + "rep", + "air" + ], + [ + "Inst", + "ant" + ], + [ + "5", + "48" + ], + [ + "Ġemb", + "assies" + ], + [ + "Ġbott", + "leneck" + ], + [ + "Ġb", + "ount" + ], + [ + "Ġtyp", + "ew" + ], + [ + "ĠAl", + "vin" + ], + [ + "j", + "ing" + ], + [ + "im", + "ilar" + ], + [ + "R", + "ush" + ], + [ + "Ġbr", + "im" + ], + [ + "ĠHEL", + "P" + ], + [ + "A", + "im" + ], + [ + "]", + "'" + ], + [ + "Ġpass", + "ively" + ], + [ + "Ġbound", + "ed" + ], + [ + "ĠR", + "ated" + ], + [ + "Ġcriminal", + "ity" + ], + [ + "Ġbiom", + "ark" + ], + [ + "Ġdisp", + "atcher" + ], + [ + "ĠTow", + "ards" + ], + [ + "Ġ+", + "++" + ], + [ + "right", + "eous" + ], + [ + "f", + "rog" + ], + [ + "ĠP", + "anc" + ], + [ + "C", + "arter" + ], + [ + "0", + "32" + ], + [ + "æ©", + "Ł" + ], + [ + "Ġult", + "raviolet" + ], + [ + "ĠLic", + "ensed" + ], + [ + "ĠT", + "ata" + ], + [ + "ĠBl", + "essing" + ], + [ + "ĠG", + "AM" + ], + [ + "Ġchem", + "ically" + ], + [ + "ĠSe", + "af" + ], + [ + "ĠRE", + "LE" + ], + [ + "ĠMerc", + "enary" + ], + [ + "capital", + "ist" + ], + [ + "Ġform", + "ulations" + ], + [ + "Ġann", + "ihilation" + ], + [ + "ĠVer", + "b" + ], + [ + "ĠAr", + "gon" + ], + [ + "Ġun", + "loaded" + ], + [ + "Ġmorp", + "hed" + ], + [ + "Ġconqu", + "ering" + ], + [ + "back", + "er" + ], + [ + "I", + "ELD" + ], + [ + "Ġtheft", + "s" + ], + [ + "Ġfront", + "runner" + ], + [ + "ĠRoy", + "ale" + ], + [ + "ĠFund", + "amental" + ], + [ + "el", + "ight" + ], + [ + "C", + "hip" + ], + [ + "necess", + "ary" + ], + [ + "ay", + "n" + ], + [ + "ĠSl", + "ip" + ], + [ + "Ġ4", + "48" + ], + [ + "cern", + "ed" + ], + [ + "P", + "ause" + ], + [ + "Ġshock", + "ingly" + ], + [ + "ĠAB", + "V" + ], + [ + "Ġcomp", + "osure" + ], + [ + "7", + "33" + ], + [ + "ĠMotors", + "port" + ], + [ + "ah", + "ime" + ], + [ + "Mur", + "ray" + ], + [ + "M", + "ach" + ], + [ + "Ġgr", + "ids" + ], + [ + "Ġdeb", + "ian" + ], + [ + "Ġfurther", + "more" + ], + [ + "Ġdexter", + "ity" + ], + [ + "ĠCollect", + "ions" + ], + [ + "os", + "lov" + ], + [ + "il", + "age" + ], + [ + "b", + "j" + ], + [ + "ĠMont", + "eneg" + ], + [ + "Ġstrut", + "Connector" + ], + [ + "Ġmassac", + "res" + ], + [ + "Ġbrief", + "s" + ], + [ + "fet", + "ched" + ], + [ + "uv", + "ian" + ], + [ + "ol", + "ition" + ], + [ + "Fail", + "ure" + ], + [ + "emon", + "ic" + ], + [ + "Ġfl", + "ared" + ], + [ + "Ġclaim", + "ant" + ], + [ + "Ġc", + "ures" + ], + [ + "Ġgive", + "aways" + ], + [ + "ĠSubst", + "ance" + ], + [ + "al", + "ions" + ], + [ + "Ġcr", + "inge" + ], + [ + "ĠK", + "ul" + ], + [ + "Ġarist", + "ocracy" + ], + [ + "ĠUl", + "ster" + ], + [ + "ol", + "ated" + ], + [ + "h", + "ousing" + ], + [ + "ĠM", + "IS" + ], + [ + "Ġgl", + "ared" + ], + [ + "ĠWil", + "helm" + ], + [ + "ne", + "eds" + ], + [ + "lam", + "bda" + ], + [ + "build", + "ers" + ], + [ + "ĠV", + "IS" + ], + [ + "Ġradi", + "ator" + ], + [ + "ĠGhost", + "busters" + ], + [ + "Ġ4", + "36" + ], + [ + "act", + "ual" + ], + [ + "Ġher", + "ds" + ], + [ + "ç", + "a" + ], + [ + "watch", + "ing" + ], + [ + "Ġcounter", + "ing" + ], + [ + "Ch", + "arge" + ], + [ + "Ġchar", + "red" + ], + [ + "Ġwar", + "heads" + ], + [ + "Ġiod", + "ine" + ], + [ + "ĠM", + "acy" + ], + [ + "04", + "1" + ], + [ + "Ġdepart", + "ures" + ], + [ + "ĠS", + "ins" + ], + [ + "Ġdy", + "ed" + ], + [ + "ĠConcept", + "s" + ], + [ + "g", + "ado" + ], + [ + "7", + "13" + ], + [ + "Ġquot", + "ations" + ], + [ + "Ġg", + "ist" + ], + [ + "ĠChrist", + "y" + ], + [ + "Ġant", + "igen" + ], + [ + "ĠHem", + "p" + ], + [ + "ĠD", + "rawn" + ], + [ + "ĠB", + "arg" + ], + [ + "ez", + "vous" + ], + [ + "Ġp", + "aternity" + ], + [ + "Ġar", + "du" + ], + [ + "ĠAnch", + "orage" + ], + [ + "ĠR", + "ik" + ], + [ + "Ġover", + "loaded" + ], + [ + "ĠUs", + "ername" + ], + [ + "ĠTam", + "my" + ], + [ + "ĠN", + "au" + ], + [ + "ĠCell", + "ular" + ], + [ + "Ġw", + "aning" + ], + [ + "Ġrod", + "ent" + ], + [ + "ĠWor", + "cester" + ], + [ + "il", + "ts" + ], + [ + "ĠT", + "ad" + ], + [ + "Ġdwell", + "ings" + ], + [ + "Ġbull", + "ish" + ], + [ + "4", + "31" + ], + [ + "Ġretali", + "ate" + ], + [ + "Ġmig", + "raine" + ], + [ + "ĠChev", + "ron" + ], + [ + "CH", + "ECK" + ], + [ + "Ġdon", + "key" + ], + [ + "c", + "rim" + ], + [ + "SP", + "A" + ], + [ + "ĠAn", + "alog" + ], + [ + "Ġmarqu", + "ee" + ], + [ + "ĠHa", + "as" + ], + [ + "B", + "ir" + ], + [ + "ĠGD", + "DR" + ], + [ + "ĠDownload", + "s" + ], + [ + "Ġwill", + "power" + ], + [ + "ĠFor", + "th" + ], + [ + "ĠRecord", + "ed" + ], + [ + "Ġimp", + "ossibility" + ], + [ + "ĠLog", + "ged" + ], + [ + "ĠFr", + "anks" + ], + [ + "ĠR", + "att" + ], + [ + "in", + "itions" + ], + [ + "Ġclean", + "ers" + ], + [ + "Ġsore", + "ly" + ], + [ + "Ġflick", + "ering" + ], + [ + "ĠEx", + "amination" + ], + [ + "c", + "atching" + ], + [ + "allow", + "een" + ], + [ + "Ms", + "g" + ], + [ + "Ġdun", + "no" + ], + [ + "F", + "a" + ], + [ + "Ġdys", + "ph" + ], + [ + "c", + "razy" + ], + [ + ".'", + "'." + ], + [ + "Ġmain", + "line" + ], + [ + "Ġc", + "s" + ], + [ + "Ġp", + "tr" + ], + [ + "ĠW", + "ally" + ], + [ + "ig", + "un" + ], + [ + "95", + "1" + ], + [ + "ĠBig", + "foot" + ], + [ + "f", + "ights" + ], + [ + "Ġretrie", + "ving" + ], + [ + "J", + "r" + ], + [ + "Ġdupl", + "ication" + ], + [ + "ĠExpl", + "an" + ], + [ + "Ġrel", + "ational" + ], + [ + "Ġqu", + "aint" + ], + [ + "Ġbisc", + "uits" + ], + [ + "Ġad", + "o" + ], + [ + "Ġsh", + "udder" + ], + [ + "Ġantid", + "ote" + ], + [ + "blood", + "ed" + ], + [ + "ks", + "h" + ], + [ + "Ġsa", + "uces" + ], + [ + "Ġrein", + "vest" + ], + [ + "Ġdispens", + "ary" + ], + [ + "ĠD", + "iver" + ], + [ + "Ġ9", + "000" + ], + [ + "stud", + "ent" + ], + [ + "Ġin", + "separ" + ], + [ + "esc", + "ap" + ], + [ + "Ġtodd", + "lers" + ], + [ + "ĠGP", + "IO" + ], + [ + "ĠAss", + "ignment" + ], + [ + "head", + "ers" + ], + [ + "Ġlack", + "luster" + ], + [ + "Ġab", + "ack" + ], + [ + "95", + "6" + ], + [ + "Ġtool", + "bar" + ], + [ + "7", + "45" + ], + [ + "Ġo", + "ust" + ], + [ + "Ġcontempl", + "ation" + ], + [ + "ĠPRES", + "IDENT" + ], + [ + "Ġ4", + "58" + ], + [ + "====", + "==" + ], + [ + "Ġguarantee", + "ing" + ], + [ + "ĠHe", + "ist" + ], + [ + "ĠCann", + "es" + ], + [ + "Ļ", + "½" + ], + [ + "Ġcollabor", + "ator" + ], + [ + "ĠAm", + "p" + ], + [ + "Ġg", + "ou" + ], + [ + "ĠSH", + "ALL" + ], + [ + "st", + "ories" + ], + [ + "78", + "3" + ], + [ + "Ġmobil", + "ized" + ], + [ + "Ġbro", + "od" + ], + [ + "ĠL", + "U" + ], + [ + "ĠðŁ", + "ij" + ], + [ + "Ġref", + "in" + ], + [ + "ĠAnthrop", + "ology" + ], + [ + "v", + "ind" + ], + [ + "ill", + "i" + ], + [ + "Ġwarrant", + "ies" + ], + [ + "ĠB", + "abel" + ], + [ + "Ġsw", + "ath" + ], + [ + "Ġc", + "aches" + ], + [ + "Ġantagon", + "ists" + ], + [ + "art", + "ifacts" + ], + [ + "Ġhot", + "ly" + ], + [ + "ĠSt", + "arts" + ], + [ + "ĠG", + "ö" + ], + [ + "z", + "ag" + ], + [ + "!!", + "!!!" + ], + [ + "Ġsc", + "ourge" + ], + [ + "Ġcons", + "piring" + ], + [ + "ru", + "its" + ], + [ + "re", + "verse" + ], + [ + "ĠShe", + "en" + ], + [ + "ĠJes", + "uit" + ], + [ + "ĠGiov", + "anni" + ], + [ + "ad", + "ies" + ], + [ + "Ġbutt", + "ocks" + ], + [ + "ear", + "cher" + ], + [ + "ac", + "an" + ], + [ + "Ġvolley", + "ball" + ], + [ + "Ġshroud", + "ed" + ], + [ + "Ġscore", + "board" + ], + [ + "b", + "ats" + ], + [ + "ĠI", + "PM" + ], + [ + "Ġass", + "es" + ], + [ + "Ġde", + "regulation" + ], + [ + "ĠTe", + "legram" + ], + [ + "ĠReb", + "oot" + ], + [ + "Ġ7", + "000" + ], + [ + "ĠCan", + "ary" + ], + [ + "Ġk", + "ernels" + ], + [ + "ĠFranç", + "ois" + ], + [ + "ĠD", + "uff" + ], + [ + "ĠP", + "on" + ], + [ + "ĠLe", + "ica" + ], + [ + "ĠGar", + "min" + ], + [ + "Ġor", + "phans" + ], + [ + "ĠClaud", + "ia" + ], + [ + "Ġcal", + "endars" + ], + [ + "ĠLe", + "ilan" + ], + [ + "ent", + "o" + ], + [ + "R", + "ocket" + ], + [ + "Ġbr", + "unch" + ], + [ + "ĠHaw", + "king" + ], + [ + "ain", + "ers" + ], + [ + "Ġsens", + "ibilities" + ], + [ + "Ġk", + "W" + ], + [ + "ĠK", + "and" + ], + [ + "Ġre", + "claimed" + ], + [ + "Ġinteresting", + "ly" + ], + [ + "×", + "©" + ], + [ + "rom", + "y" + ], + [ + "J", + "M" + ], + [ + "ĠEnhance", + "ment" + ], + [ + "b", + "ush" + ], + [ + "Sk", + "ip" + ], + [ + "Ġrapp", + "ers" + ], + [ + "Ġg", + "azing" + ], + [ + "p", + "edia" + ], + [ + "ath", + "lon" + ], + [ + "Rev", + "olution" + ], + [ + "Ġsn", + "ipers" + ], + [ + "Ġre", + "verted" + ], + [ + "Ġconglomer", + "ate" + ], + [ + "T", + "erry" + ], + [ + "79", + "4" + ], + [ + "Ġhars", + "her" + ], + [ + "Ġdes", + "olate" + ], + [ + "ĠHit", + "man" + ], + [ + "Comm", + "ission" + ], + [ + "Ġ(", + "/" + ], + [ + "âĢ¦", + ".\"" + ], + [ + "Com", + "par" + ], + [ + "Ġampl", + "ification" + ], + [ + "om", + "inated" + ], + [ + "Ġreg", + "ress" + ], + [ + "ĠColl", + "ider" + ], + [ + "Ġinform", + "ants" + ], + [ + "Ġg", + "azed" + ] + ] + } +} \ No newline at end of file diff --git a/chatbot/models/openai-community/gpt2/tokenizer_config.json b/chatbot/models/openai-community/gpt2/tokenizer_config.json new file mode 100644 index 0000000000000000000000000000000000000000..22d15d6228d469675bdb181f65fc8183ce43f1bd --- /dev/null +++ b/chatbot/models/openai-community/gpt2/tokenizer_config.json @@ -0,0 +1,19 @@ +{ + "add_prefix_space": false, + "added_tokens_decoder": { + "50256": { + "content": "<|endoftext|>", + "lstrip": false, + "normalized": true, + "rstrip": false, + "single_word": false, + "special": true + } + }, + "bos_token": "<|endoftext|>", + "clean_up_tokenization_spaces": false, + "eos_token": "<|endoftext|>", + "model_max_length": 1024, + "tokenizer_class": "GPT2Tokenizer", + "unk_token": "<|endoftext|>" +} diff --git a/chatbot/models/openai-community/gpt2/vocab.json b/chatbot/models/openai-community/gpt2/vocab.json new file mode 100644 index 0000000000000000000000000000000000000000..84ef7fb594b5c0979e48bdeddb60a0adef33df0b --- /dev/null +++ b/chatbot/models/openai-community/gpt2/vocab.json @@ -0,0 +1 @@ +{"!":0,"\"":1,"#":2,"$":3,"%":4,"&":5,"'":6,"(":7,")":8,"*":9,"+":10,",":11,"-":12,".":13,"/":14,"0":15,"1":16,"2":17,"3":18,"4":19,"5":20,"6":21,"7":22,"8":23,"9":24,":":25,";":26,"<":27,"=":28,">":29,"?":30,"@":31,"A":32,"B":33,"C":34,"D":35,"E":36,"F":37,"G":38,"H":39,"I":40,"J":41,"K":42,"L":43,"M":44,"N":45,"O":46,"P":47,"Q":48,"R":49,"S":50,"T":51,"U":52,"V":53,"W":54,"X":55,"Y":56,"Z":57,"[":58,"\\":59,"]":60,"^":61,"_":62,"`":63,"a":64,"b":65,"c":66,"d":67,"e":68,"f":69,"g":70,"h":71,"i":72,"j":73,"k":74,"l":75,"m":76,"n":77,"o":78,"p":79,"q":80,"r":81,"s":82,"t":83,"u":84,"v":85,"w":86,"x":87,"y":88,"z":89,"{":90,"|":91,"}":92,"~":93,"¡":94,"¢":95,"£":96,"¤":97,"¥":98,"¦":99,"§":100,"¨":101,"©":102,"ª":103,"«":104,"¬":105,"®":106,"¯":107,"°":108,"±":109,"²":110,"³":111,"´":112,"µ":113,"¶":114,"·":115,"¸":116,"¹":117,"º":118,"»":119,"¼":120,"½":121,"¾":122,"¿":123,"À":124,"Á":125,"Â":126,"Ã":127,"Ä":128,"Å":129,"Æ":130,"Ç":131,"È":132,"É":133,"Ê":134,"Ë":135,"Ì":136,"Í":137,"Î":138,"Ï":139,"Ð":140,"Ñ":141,"Ò":142,"Ó":143,"Ô":144,"Õ":145,"Ö":146,"×":147,"Ø":148,"Ù":149,"Ú":150,"Û":151,"Ü":152,"Ý":153,"Þ":154,"ß":155,"à":156,"á":157,"â":158,"ã":159,"ä":160,"å":161,"æ":162,"ç":163,"è":164,"é":165,"ê":166,"ë":167,"ì":168,"í":169,"î":170,"ï":171,"ð":172,"ñ":173,"ò":174,"ó":175,"ô":176,"õ":177,"ö":178,"÷":179,"ø":180,"ù":181,"ú":182,"û":183,"ü":184,"ý":185,"þ":186,"ÿ":187,"Ā":188,"ā":189,"Ă":190,"ă":191,"Ą":192,"ą":193,"Ć":194,"ć":195,"Ĉ":196,"ĉ":197,"Ċ":198,"ċ":199,"Č":200,"č":201,"Ď":202,"ď":203,"Đ":204,"đ":205,"Ē":206,"ē":207,"Ĕ":208,"ĕ":209,"Ė":210,"ė":211,"Ę":212,"ę":213,"Ě":214,"ě":215,"Ĝ":216,"ĝ":217,"Ğ":218,"ğ":219,"Ġ":220,"ġ":221,"Ģ":222,"ģ":223,"Ĥ":224,"ĥ":225,"Ħ":226,"ħ":227,"Ĩ":228,"ĩ":229,"Ī":230,"ī":231,"Ĭ":232,"ĭ":233,"Į":234,"į":235,"İ":236,"ı":237,"IJ":238,"ij":239,"Ĵ":240,"ĵ":241,"Ķ":242,"ķ":243,"ĸ":244,"Ĺ":245,"ĺ":246,"Ļ":247,"ļ":248,"Ľ":249,"ľ":250,"Ŀ":251,"ŀ":252,"Ł":253,"ł":254,"Ń":255,"Ġt":256,"Ġa":257,"he":258,"in":259,"re":260,"on":261,"Ġthe":262,"er":263,"Ġs":264,"at":265,"Ġw":266,"Ġo":267,"en":268,"Ġc":269,"it":270,"is":271,"an":272,"or":273,"es":274,"Ġb":275,"ed":276,"Ġf":277,"ing":278,"Ġp":279,"ou":280,"Ġan":281,"al":282,"ar":283,"Ġto":284,"Ġm":285,"Ġof":286,"Ġin":287,"Ġd":288,"Ġh":289,"Ġand":290,"ic":291,"as":292,"le":293,"Ġth":294,"ion":295,"om":296,"ll":297,"ent":298,"Ġn":299,"Ġl":300,"st":301,"Ġre":302,"ve":303,"Ġe":304,"ro":305,"ly":306,"Ġbe":307,"Ġg":308,"ĠT":309,"ct":310,"ĠS":311,"id":312,"ot":313,"ĠI":314,"ut":315,"et":316,"ĠA":317,"Ġis":318,"Ġon":319,"im":320,"am":321,"ow":322,"ay":323,"ad":324,"se":325,"Ġthat":326,"ĠC":327,"ig":328,"Ġfor":329,"ac":330,"Ġy":331,"ver":332,"ur":333,"Ġu":334,"ld":335,"Ġst":336,"ĠM":337,"'s":338,"Ġhe":339,"Ġit":340,"ation":341,"ith":342,"ir":343,"ce":344,"Ġyou":345,"il":346,"ĠB":347,"Ġwh":348,"ol":349,"ĠP":350,"Ġwith":351,"Ġ1":352,"ter":353,"ch":354,"Ġas":355,"Ġwe":356,"Ġ(":357,"nd":358,"ill":359,"ĠD":360,"if":361,"Ġ2":362,"ag":363,"ers":364,"ke":365,"Ġ\"":366,"ĠH":367,"em":368,"Ġcon":369,"ĠW":370,"ĠR":371,"her":372,"Ġwas":373,"Ġr":374,"od":375,"ĠF":376,"ul":377,"ate":378,"Ġat":379,"ri":380,"pp":381,"ore":382,"ĠThe":383,"Ġse":384,"us":385,"Ġpro":386,"Ġha":387,"um":388,"Ġare":389,"Ġde":390,"ain":391,"and":392,"Ġor":393,"igh":394,"est":395,"ist":396,"ab":397,"rom":398,"ĠN":399,"th":400,"Ġcom":401,"ĠG":402,"un":403,"op":404,"00":405,"ĠL":406,"Ġnot":407,"ess":408,"Ġex":409,"Ġv":410,"res":411,"ĠE":412,"ew":413,"ity":414,"ant":415,"Ġby":416,"el":417,"os":418,"ort":419,"oc":420,"qu":421,"Ġfrom":422,"Ġhave":423,"Ġsu":424,"ive":425,"ould":426,"Ġsh":427,"Ġthis":428,"nt":429,"ra":430,"pe":431,"ight":432,"art":433,"ment":434,"Ġal":435,"ust":436,"end":437,"--":438,"all":439,"ĠO":440,"ack":441,"Ġch":442,"Ġle":443,"ies":444,"red":445,"ard":446,"âĢ":447,"out":448,"ĠJ":449,"Ġab":450,"ear":451,"iv":452,"ally":453,"our":454,"ost":455,"gh":456,"pt":457,"Ġpl":458,"ast":459,"Ġcan":460,"ak":461,"ome":462,"ud":463,"The":464,"Ġhis":465,"Ġdo":466,"Ġgo":467,"Ġhas":468,"ge":469,"'t":470,"ĠU":471,"rou":472,"Ġsa":473,"Ġj":474,"Ġbut":475,"Ġwor":476,"Ġall":477,"ect":478,"Ġk":479,"ame":480,"Ġwill":481,"ok":482,"Ġwhe":483,"Ġthey":484,"ide":485,"01":486,"ff":487,"ich":488,"pl":489,"ther":490,"Ġtr":491,"..":492,"Ġint":493,"ie":494,"ure":495,"age":496,"Ġne":497,"ial":498,"ap":499,"ine":500,"ice":501,"Ġme":502,"Ġout":503,"ans":504,"one":505,"ong":506,"ions":507,"Ġwho":508,"ĠK":509,"Ġup":510,"Ġtheir":511,"Ġad":512,"Ġ3":513,"Ġus":514,"ated":515,"ous":516,"Ġmore":517,"ue":518,"og":519,"ĠSt":520,"ind":521,"ike":522,"Ġso":523,"ime":524,"per":525,".\"":526,"ber":527,"iz":528,"act":529,"Ġone":530,"Ġsaid":531,"Ġ-":532,"are":533,"Ġyour":534,"cc":535,"ĠTh":536,"Ġcl":537,"ep":538,"ake":539,"able":540,"ip":541,"Ġcont":542,"Ġwhich":543,"ia":544,"Ġim":545,"Ġabout":546,"Ġwere":547,"very":548,"ub":549,"Ġhad":550,"Ġen":551,"Ġcomp":552,",\"":553,"ĠIn":554,"Ġun":555,"Ġag":556,"ire":557,"ace":558,"au":559,"ary":560,"Ġwould":561,"ass":562,"ry":563,"ĠâĢ":564,"cl":565,"ook":566,"ere":567,"so":568,"ĠV":569,"ign":570,"ib":571,"Ġoff":572,"Ġte":573,"ven":574,"ĠY":575,"ile":576,"ose":577,"ite":578,"orm":579,"Ġ201":580,"Ġres":581,"Ġman":582,"Ġper":583,"Ġother":584,"ord":585,"ult":586,"Ġbeen":587,"Ġlike":588,"ase":589,"ance":590,"ks":591,"ays":592,"own":593,"ence":594,"Ġdis":595,"ction":596,"Ġany":597,"Ġapp":598,"Ġsp":599,"int":600,"ress":601,"ations":602,"ail":603,"Ġ4":604,"ical":605,"Ġthem":606,"Ġher":607,"ount":608,"ĠCh":609,"Ġar":610,"Ġif":611,"Ġthere":612,"Ġpe":613,"Ġyear":614,"av":615,"Ġmy":616,"Ġsome":617,"Ġwhen":618,"ough":619,"ach":620,"Ġthan":621,"ru":622,"ond":623,"ick":624,"Ġover":625,"vel":626,"Ġqu":627,"ĊĊ":628,"Ġsc":629,"reat":630,"ree":631,"ĠIt":632,"ound":633,"port":634,"Ġalso":635,"Ġpart":636,"fter":637,"Ġkn":638,"Ġbec":639,"Ġtime":640,"ens":641,"Ġ5":642,"ople":643,"Ġwhat":644,"Ġno":645,"du":646,"mer":647,"ang":648,"Ġnew":649,"----":650,"Ġget":651,"ory":652,"ition":653,"ings":654,"Ġjust":655,"Ġinto":656,"Ġ0":657,"ents":658,"ove":659,"te":660,"Ġpeople":661,"Ġpre":662,"Ġits":663,"Ġrec":664,"Ġtw":665,"ian":666,"irst":667,"ark":668,"ors":669,"Ġwork":670,"ade":671,"ob":672,"Ġshe":673,"Ġour":674,"wn":675,"ink":676,"lic":677,"Ġ19":678,"ĠHe":679,"ish":680,"nder":681,"ause":682,"Ġhim":683,"ons":684,"Ġ[":685,"Ġro":686,"form":687,"ild":688,"ates":689,"vers":690,"Ġonly":691,"oll":692,"Ġspe":693,"ck":694,"ell":695,"amp":696,"Ġacc":697,"Ġbl":698,"ious":699,"urn":700,"ft":701,"ood":702,"Ġhow":703,"hed":704,"Ġ'":705,"Ġafter":706,"aw":707,"Ġatt":708,"ov":709,"ne":710,"Ġplay":711,"erv":712,"ict":713,"Ġcould":714,"itt":715,"Ġam":716,"Ġfirst":717,"Ġ6":718,"Ġact":719,"Ġ$":720,"ec":721,"hing":722,"ual":723,"ull":724,"Ġcomm":725,"oy":726,"old":727,"ces":728,"ater":729,"Ġfe":730,"Ġbet":731,"we":732,"iff":733,"Ġtwo":734,"ock":735,"Ġback":736,").":737,"ident":738,"Ġunder":739,"rough":740,"sel":741,"xt":742,"Ġmay":743,"round":744,"Ġpo":745,"ph":746,"iss":747,"Ġdes":748,"Ġmost":749,"Ġdid":750,"Ġadd":751,"ject":752,"Ġinc":753,"fore":754,"Ġpol":755,"ont":756,"Ġagain":757,"clud":758,"tern":759,"Ġknow":760,"Ġneed":761,"Ġcons":762,"Ġco":763,"Ġ.":764,"Ġwant":765,"Ġsee":766,"Ġ7":767,"ning":768,"iew":769,"ĠThis":770,"ced":771,"Ġeven":772,"Ġind":773,"ty":774,"ĠWe":775,"ath":776,"Ġthese":777,"Ġpr":778,"Ġuse":779,"Ġbecause":780,"Ġfl":781,"ng":782,"Ġnow":783,"ĠâĢĵ":784,"com":785,"ise":786,"Ġmake":787,"Ġthen":788,"ower":789,"Ġevery":790,"ĠUn":791,"Ġsec":792,"oss":793,"uch":794,"Ġem":795,"Ġ=":796,"ĠRe":797,"ied":798,"rit":799,"Ġinv":800,"lect":801,"Ġsupp":802,"ating":803,"Ġlook":804,"man":805,"pect":806,"Ġ8":807,"row":808,"Ġbu":809,"Ġwhere":810,"ific":811,"Ġyears":812,"ily":813,"Ġdiff":814,"Ġshould":815,"Ġrem":816,"Th":817,"In":818,"Ġev":819,"day":820,"'re":821,"rib":822,"Ġrel":823,"ss":824,"Ġdef":825,"Ġright":826,"Ġsy":827,"),":828,"les":829,"000":830,"hen":831,"Ġthrough":832,"ĠTr":833,"__":834,"Ġway":835,"Ġdon":836,"Ġ,":837,"Ġ10":838,"ased":839,"Ġass":840,"ublic":841,"Ġreg":842,"ĠAnd":843,"ix":844,"Ġvery":845,"Ġinclud":846,"other":847,"Ġimp":848,"oth":849,"Ġsub":850,"ĠâĢĶ":851,"Ġbeing":852,"arg":853,"ĠWh":854,"==":855,"ible":856,"Ġdoes":857,"ange":858,"ram":859,"Ġ9":860,"ert":861,"ps":862,"ited":863,"ational":864,"Ġbr":865,"Ġdown":866,"Ġmany":867,"aking":868,"Ġcall":869,"uring":870,"ities":871,"Ġph":872,"ics":873,"als":874,"Ġdec":875,"ative":876,"ener":877,"Ġbefore":878,"ility":879,"Ġwell":880,"Ġmuch":881,"erson":882,"Ġthose":883,"Ġsuch":884,"Ġke":885,"Ġend":886,"ĠBut":887,"ason":888,"ting":889,"Ġlong":890,"ef":891,"Ġthink":892,"ys":893,"Ġbel":894,"Ġsm":895,"its":896,"ax":897,"Ġown":898,"Ġprov":899,"Ġset":900,"ife":901,"ments":902,"ble":903,"ward":904,"Ġshow":905,"Ġpres":906,"ms":907,"omet":908,"Ġob":909,"Ġsay":910,"ĠSh":911,"ts":912,"ful":913,"Ġeff":914,"Ġgu":915,"Ġinst":916,"und":917,"ren":918,"cess":919,"Ġent":920,"ĠYou":921,"Ġgood":922,"Ġstart":923,"ince":924,"Ġmade":925,"tt":926,"stem":927,"olog":928,"up":929,"Ġ|":930,"ump":931,"Ġhel":932,"vern":933,"ular":934,"ually":935,"Ġac":936,"Ġmon":937,"Ġlast":938,"Ġ200":939,"10":940,"Ġstud":941,"ures":942,"ĠAr":943,"self":944,"ars":945,"meric":946,"ues":947,"cy":948,"Ġmin":949,"ollow":950,"Ġcol":951,"io":952,"Ġmod":953,"Ġcount":954,"ĠCom":955,"hes":956,"Ġfin":957,"air":958,"ier":959,"âĢĶ":960,"read":961,"ank":962,"atch":963,"ever":964,"Ġstr":965,"Ġpoint":966,"ork":967,"ĠNew":968,"Ġsur":969,"ool":970,"alk":971,"ement":972,"Ġused":973,"ract":974,"ween":975,"Ġsame":976,"oun":977,"ĠAl":978,"ci":979,"Ġdiffere":980,"Ġwhile":981,"--------":982,"Ġgame":983,"cept":984,"Ġsim":985,"...":986,"Ġinter":987,"ek":988,"Ġreport":989,"Ġprodu":990,"Ġstill":991,"led":992,"ah":993,"Ġhere":994,"Ġworld":995,"Ġthough":996,"Ġnum":997,"arch":998,"imes":999,"ale":1000,"ĠSe":1001,"ĠIf":1002,"//":1003,"ĠLe":1004,"Ġret":1005,"Ġref":1006,"Ġtrans":1007,"ner":1008,"ution":1009,"ters":1010,"Ġtake":1011,"ĠCl":1012,"Ġconf":1013,"way":1014,"ave":1015,"Ġgoing":1016,"Ġsl":1017,"ug":1018,"ĠAmeric":1019,"Ġspec":1020,"Ġhand":1021,"Ġbetween":1022,"ists":1023,"ĠDe":1024,"oot":1025,"It":1026,"Ġear":1027,"Ġagainst":1028,"Ġhigh":1029,"gan":1030,"az":1031,"ather":1032,"Ġexp":1033,"Ġop":1034,"Ġins":1035,"Ġgr":1036,"Ġhelp":1037,"Ġrequ":1038,"ets":1039,"ins":1040,"ĠPro":1041,"ism":1042,"Ġfound":1043,"land":1044,"ata":1045,"uss":1046,"ames":1047,"Ġperson":1048,"Ġgreat":1049,"pr":1050,"Ġsign":1051,"ĠAn":1052,"'ve":1053,"Ġsomet":1054,"Ġser":1055,"hip":1056,"Ġrun":1057,"Ġ:":1058,"Ġter":1059,"irect":1060,"Ġfollow":1061,"Ġdet":1062,"ices":1063,"Ġfind":1064,"12":1065,"Ġmem":1066,"Ġcr":1067,"ered":1068,"ex":1069,"Ġext":1070,"uth":1071,"ense":1072,"co":1073,"Ġteam":1074,"ving":1075,"ouse":1076,"ash":1077,"att":1078,"ved":1079,"Ġsystem":1080,"ĠAs":1081,"der":1082,"ives":1083,"min":1084,"Ġlead":1085,"ĠBl":1086,"cent":1087,"Ġaround":1088,"Ġgovern":1089,"Ġcur":1090,"velop":1091,"any":1092,"Ġcour":1093,"alth":1094,"ages":1095,"ize":1096,"Ġcar":1097,"ode":1098,"Ġlaw":1099,"Ġread":1100,"'m":1101,"con":1102,"Ġreal":1103,"Ġsupport":1104,"Ġ12":1105,"....":1106,"Ġreally":1107,"ness":1108,"Ġfact":1109,"Ġday":1110,"Ġboth":1111,"ying":1112,"Ġserv":1113,"ĠFor":1114,"Ġthree":1115,"Ġwom":1116,"Ġmed":1117,"ody":1118,"ĠThey":1119,"50":1120,"Ġexper":1121,"ton":1122,"Ġeach":1123,"akes":1124,"Ġche":1125,"Ġcre":1126,"ines":1127,"Ġrep":1128,"19":1129,"gg":1130,"illion":1131,"Ġgrou":1132,"ute":1133,"ik":1134,"We":1135,"get":1136,"ER":1137,"Ġmet":1138,"Ġsays":1139,"ox":1140,"Ġduring":1141,"ern":1142,"ized":1143,"ared":1144,"Ġfam":1145,"ically":1146,"Ġhapp":1147,"ĠIs":1148,"Ġchar":1149,"med":1150,"vent":1151,"Ġgener":1152,"ient":1153,"ple":1154,"iet":1155,"rent":1156,"11":1157,"ves":1158,"ption":1159,"Ġ20":1160,"formation":1161,"Ġcor":1162,"Ġoffic":1163,"ield":1164,"Ġtoo":1165,"ision":1166,"Ġinf":1167,"ĠZ":1168,"the":1169,"oad":1170,"Ġpublic":1171,"Ġprog":1172,"ric":1173,"**":1174,"Ġwar":1175,"Ġpower":1176,"view":1177,"Ġfew":1178,"Ġloc":1179,"Ġdifferent":1180,"Ġstate":1181,"Ġhead":1182,"'ll":1183,"Ġposs":1184,"Ġstat":1185,"ret":1186,"ants":1187,"Ġval":1188,"Ġiss":1189,"Ġcle":1190,"ivers":1191,"anc":1192,"Ġexpl":1193,"Ġanother":1194,"ĠQ":1195,"Ġav":1196,"thing":1197,"nce":1198,"Wh":1199,"Ġchild":1200,"Ġsince":1201,"ired":1202,"less":1203,"Ġlife":1204,"Ġdevelop":1205,"ittle":1206,"Ġdep":1207,"Ġpass":1208,"ãĥ":1209,"Ġturn":1210,"orn":1211,"This":1212,"bers":1213,"ross":1214,"ĠAd":1215,"Ġfr":1216,"Ġresp":1217,"Ġsecond":1218,"oh":1219,"Ġ/":1220,"Ġdisc":1221,"Ġ&":1222,"Ġsomething":1223,"Ġcomple":1224,"Ġed":1225,"Ġfil":1226,"Ġmonth":1227,"aj":1228,"uc":1229,"Ġgovernment":1230,"Ġwithout":1231,"Ġleg":1232,"Ġdist":1233,"Ġput":1234,"Ġquest":1235,"ann":1236,"Ġprot":1237,"20":1238,"Ġnever":1239,"ience":1240,"Ġlevel":1241,"Ġart":1242,"Ġthings":1243,"Ġmight":1244,"Ġeffect":1245,"Ġcontro":1246,"Ġcent":1247,"Ġ18":1248,"Ġallow":1249,"Ġbelie":1250,"chool":1251,"ott":1252,"Ġincre":1253,"Ġfeel":1254,"Ġresult":1255,"Ġlot":1256,"Ġfun":1257,"ote":1258,"Ġty":1259,"erest":1260,"Ġcontin":1261,"Ġusing":1262,"Ġbig":1263,"201":1264,"Ġask":1265,"Ġbest":1266,"Ġ)":1267,"IN":1268,"Ġopp":1269,"30":1270,"Ġnumber":1271,"iness":1272,"St":1273,"lease":1274,"Ġca":1275,"Ġmust":1276,"Ġdirect":1277,"Ġgl":1278,"Ġ<":1279,"Ġopen":1280,"Ġpost":1281,"Ġcome":1282,"Ġseem":1283,"ording":1284,"Ġweek":1285,"ately":1286,"ital":1287,"Ġel":1288,"riend":1289,"Ġfar":1290,"Ġtra":1291,"inal":1292,"Ġpri":1293,"ĠUS":1294,"Ġplace":1295,"Ġform":1296,"Ġtold":1297,"\":":1298,"ains":1299,"ature":1300,"ĠTrump":1301,"Ġstand":1302,"Ġ#":1303,"ider":1304,"ĠFr":1305,"Ġnext":1306,"Ġsoc":1307,"Ġpur":1308,"Ġlet":1309,"Ġlittle":1310,"Ġhum":1311,"Ġi":1312,"ron":1313,"15":1314,"Ġ15":1315,"Ġcommun":1316,"Ġmark":1317,"ĠThere":1318,"Ġwr":1319,"ĠThat":1320,"Ġinformation":1321,"ways":1322,"Ġbus":1323,"app":1324,"Ġinvest":1325,"me":1326,"Ġhard":1327,"ained":1328,"ead":1329,"Ġimport":1330,"Ġappro":1331,"Ġtest":1332,"Ġtri":1333,"Ġrest":1334,"osed":1335,"Ġfull":1336,"Ġcare":1337,"ĠSp":1338,"Ġcase":1339,"ON":1340,"Ġsk":1341,"Ġless":1342,"Ġ+":1343,"Ġpartic":1344,"ĠPl":1345,"ably":1346,"uck":1347,"ished":1348,"chn":1349,"be":1350,"Ġlist":1351,"ator":1352,"Ġtop":1353,"Ġadv":1354,"ĠBe":1355,"ruct":1356,"Ġdem":1357,"ration":1358,"ling":1359,"gy":1360,"reen":1361,"ger":1362,"Ġhome":1363,"Ġleft":1364,"Ġbetter":1365,"Ġdata":1366,"Ġ11":1367,"Ġattack":1368,"Ġproble":1369,"line":1370,"ards":1371,"Ġbeh":1372,"ral":1373,"ĠHow":1374,"ĠShe":1375,"arge":1376,"Ġ--":1377,"://":1378,"Ġbro":1379,"ĠPh":1380,"ats":1381,"Ġbuild":1382,"ww":1383,"ided":1384,"aim":1385,"ases":1386,"ency":1387,"Ġmain":1388,"ined":1389,"Ġincluding":1390,"Ġ{":1391,"Ġgot":1392,"Ġinterest":1393,"Ġkeep":1394,"ĠX":1395,"Ġeas":1396,"aining":1397,"Ġclass":1398,"âĢ¦":1399,"ĠNo":1400,"Ġvar":1401,"Ġsmall":1402,"ample":1403,"AT":1404,"Ġide":1405,"ĠSo":1406,"Ġrece":1407,"Ġpolit":1408,"Ġmov":1409,"Ġplan":1410,"Ġpercent":1411,"iving":1412,"Ġcamp":1413,"Ġpay":1414,"14":1415,"sc":1416,"ised":1417,"Ġunt":1418,"oney":1419,"ploy":1420,"====":1421,"Ġdidn":1422,"ĠInd":1423,"els":1424,"ertain":1425,"Ġpos":1426,"____":1427,"iver":1428,"Ġprocess":1429,"Ġprogram":1430,"ified":1431,"ĠRep":1432,"16":1433,"uro":1434,"ology":1435,"atter":1436,"ina":1437,"Ġname":1438,"ĠAll":1439,"Ġfour":1440,"Ġreturn":1441,"vious":1442,"bs":1443,"Ġcalled":1444,"Ġmove":1445,"ĠSc":1446,"ird":1447,"Ġgroup":1448,"Ġbre":1449,"Ġmen":1450,"Ġcap":1451,"ten":1452,"ee":1453,"Ġdri":1454,"leg":1455,"here":1456,"uthor":1457,"Ġpat":1458,"Ġcurrent":1459,"ides":1460,"Ġpop":1461,"to":1462,"ention":1463,"Ġalways":1464,"Ġmil":1465,"Ġwomen":1466,"Ġ16":1467,"Ġold":1468,"iven":1469,"raph":1470,"ĠOr":1471,"ror":1472,"ently":1473,"Ġnear":1474,"ĠEx":1475,"ream":1476,"sh":1477,"Ġ14":1478,"Ġfree":1479,"ission":1480,"stand":1481,"ĠCon":1482,"ality":1483,"used":1484,"13":1485,"Ġdesign":1486,"Ġchange":1487,"Ġchang":1488,"Ġbo":1489,"Ġvis":1490,"ember":1491,"Ġbook":1492,"ready":1493,"Ġkill":1494,"25":1495,"pped":1496,"Ġaway":1497,"Ġable":1498,"Ġcountry":1499,"Ġconst":1500,"arn":1501,"Ġorder":1502,"AR":1503,"ior":1504,"ium":1505,"orth":1506,"18":1507,"ailable":1508,"Ġsw":1509,"Ġmillion":1510,"Ġ13":1511,"atic":1512,"ted":1513,"ĠGo":1514,"Ġoper":1515,"eng":1516,"Ġthing":1517,"ajor":1518,"conom":1519,"ĠComm":1520,"Ġwhy":1521,"ured":1522,"ural":1523,"Ġschool":1524,"by":1525,"ĠMar":1526,"Ġaff":1527,"Ġdays":1528,"Ġann":1529,"ush":1530,"ane":1531,"If":1532,"eg":1533,"Ġprof":1534,"Ġhealth":1535,"outh":1536,"But":1537,"ional":1538,".,":1539,"Ġsol":1540,"Ġalready":1541,"Ġ30":1542,"Ġcharact":1543,"He":1544,"Ġfriend":1545,"ES":1546,"ians":1547,"icle":1548,"'d":1549,"ĠOn":1550,"Ġleast":1551,"Ġprom":1552,"Ġdr":1553,"Ġhist":1554,"ither":1555,"Ġest":1556,"iqu":1557,"17":1558,"son":1559,"Ġtell":1560,"Ġtalk":1561,"ohn":1562,"oint":1563,"lection":1564,"AN":1565,"Ġuntil":1566,"augh":1567,"Ġlater":1568,"Ġve":1569,"Ġview":1570,"ending":1571,"ived":1572,"Ġword":1573,"ware":1574,"Ġcost":1575,"Ġenough":1576,"Ġgive":1577,"ĠUnited":1578,"Ġtechn":1579,"arent":1580,"OR":1581,"Ġpar":1582,"ĠDr":1583,"Ġ2016":1584,"rist":1585,"ering":1586,"ĠÂ":1587,"Ġlarge":1588,"side":1589,"acy":1590,"ccess":1591,"Ġwin":1592,"Ġimportant":1593,"Ġ199":1594,"Ġdoesn":1595,"Ġ17":1596,"Ġbusiness":1597,"Ġclear":1598,"Ġrese":1599,"\",":1600,"ury":1601,"Ġequ":1602,"aster":1603,"alf":1604,"ĠAmerican":1605,"nect":1606,"Ġexpect":1607,"iversity":1608,"Ġocc":1609,"ĠFl":1610,"Ġkind":1611,"Ġmean":1612,"Ġpast":1613,"Ġdev":1614,"Ġbas":1615,"let":1616,"raft":1617,"Ġorgan":1618,"Ġdel":1619,"Ġperform":1620,"Ġstory":1621,"Ġseason":1622,"ĠCol":1623,"Ġclaim":1624,"Ġcame":1625,"Ġwithin":1626,"Ġline":1627,"Ġproject":1628,"ĠAt":1629,"Ġcontrol":1630,"ended":1631,"ĠSy":1632,"Ġair":1633,"ization":1634,"Ġ*":1635,"ley":1636,"Ġmoney":1637,"idd":1638,"You":1639,"for":1640,"Ġfamily":1641,"Ġmaking":1642,"Ġbit":1643,"Ġpolice":1644,"Ġhappen":1645,"Ġvers":1646,"ony":1647,"uff":1648,"ĠWhen":1649,"Ġsit":1650,"ideo":1651,"lf":1652,"ison":1653,"Ġsure":1654,"gin":1655,"Ġappear":1656,"Ġlight":1657,"Ġes":1658,"of":1659,"Ġwater":1660,"Ġtimes":1661,"not":1662,"Ġgrow":1663,"Ġcompany":1664,"ĠTe":1665,"ows":1666,"Ġmar":1667,"ource":1668,"iol":1669,"arm":1670,"br":1671,"Ġexample":1672,"Ġconc":1673,"Ġfore":1674,"ĠTo":1675,"pro":1676,"EN":1677,"ries":1678,"Ġ25":1679,"ĠCan":1680,"ney":1681,"Ġactually":1682,"Ġever":1683,"urity":1684,"aken":1685,"aps":1686,"Ġtax":1687,"Ġmajor":1688,"ama":1689,"Ġoften":1690,"eral":1691,"Ġhuman":1692,"Ġjob":1693,"ister":1694,"Ġavailable":1695,"ocr":1696,"enn":1697,"aid":1698,"ivid":1699,"Ġrecord":1700,"?\"":1701,"Ġsing":1702,"ĠAm":1703,"idence":1704,"Ġnews":1705,"ster":1706,"Ġeconom":1707,"Ġfollowing":1708,"ĠBr":1709,"ising":1710,"Ġhour":1711,"most":1712,"ument":1713,"Ġsex":1714,"Ġdesc":1715,"Ġbecome":1716,"ĠEd":1717,"Ġtook":1718,"Ġhaving":1719,"Ġproduct":1720,"ault":1721,"As":1722,"aring":1723,"Ġmeans":1724,"Ġhop":1725,"une":1726,"Ġcho":1727,"Ġcertain":1728,"Ġnon":1729,"Ġdeal":1730,"24":1731,"lement":1732,"oci":1733,"ene":1734,"Ġside":1735,"ĠPr":1736,"ĠMay":1737,"Ġreason":1738,"ued":1739,"ched":1740,"ulation":1741,"Ġelect":1742,"Ġofficial":1743,"Ġpossible":1744,"Ġhold":1745,"ands":1746,"ots":1747,"Ġcity":1748,"ories":1749,"Ġsever":1750,"Ġchildren":1751,"Ġonce":1752,"Ġactiv":1753,"ler":1754,"Ġnight":1755,"itions":1756,"ĠJohn":1757,"ape":1758,"play":1759,"Ġdone":1760,"Ġlim":1761,"Ġworking":1762,"ĠPres":1763,"orld":1764,"eb":1765,"ĠCo":1766,"Ġbody":1767,"ails":1768,"utes":1769,"ĠMr":1770,"Ġwhether":1771,"Ġauthor":1772,"rop":1773,"Ġproper":1774,"Ġseen":1775,");":1776,"Ġfac":1777,"ĠSu":1778,"Ġcond":1779,"iting":1780,"Ġcourse":1781,"Ġ}":1782,"----------------":1783,"aign":1784,"Ġevent":1785,"Ġeng":1786,"Ġpot":1787,"Ġintern":1788,"iam":1789,"Ġshort":1790,"empt":1791,"ãĤ":1792,"ĠGod":1793,"ilar":1794,"80":1795,"Ġorig":1796,"IS":1797,"ourn":1798,"ability":1799,"itive":1800,"Ġdam":1801,"Ġ100":1802,"Ġpress":1803,"Ġdoing":1804,"Ġprotect":1805,"ring":1806,"Ġthought":1807,"Ġquestion":1808,"rew":1809,"ĠWar":1810,"Ġseveral":1811,"ĠState":1812,"Ġgiven":1813,"Ġfund":1814,"ĠTw":1815,"Ġwent":1816,"ances":1817,"work":1818,"por":1819,"my":1820,"40":1821,"Ġarg":1822,"artment":1823,"ustom":1824,"Ġpolic":1825,"Ġmeet":1826,"Ġcreat":1827,"22":1828,"ĠStates":1829,"Ġgames":1830,"raw":1831,"uture":1832,"Ġunderstand":1833,"urs":1834,"ĠOb":1835,"lish":1836,"sy":1837,"Ġmakes":1838,"Ġwon":1839,"agon":1840,"Ġhtt":1841,"Ġlove":1842,"ential":1843,"Ġcomplete":1844,"par":1845,"ĠIm":1846,"AL":1847,"Ġaccount":1848,"Âł":1849,"ored":1850,"vert":1851,"Ġident":1852,"Ġ2015":1853,"Ġothers":1854,"ĠMin":1855,"iber":1856,"verage":1857,"There":1858,"itional":1859,"dd":1860,"Ġprob":1861,"Ġyoung":1862,"Ġalong":1863,"Ġaccording":1864,"Ġyet":1865,"Ġmembers":1866,"ĠWhat":1867,"oid":1868,"ĠMan":1869,"And":1870,"Ġamong":1871,"ai":1872,"Ġemploy":1873,"ĠRes":1874,"Ġ>":1875,"Ġinvol":1876,"Ġlow":1877,"af":1878,"ĠCar":1879,"Ġhig":1880,"ĠOne":1881,"ĠSec":1882,"ination":1883,"Ġlikely":1884,"Ġant":1885,"aged":1886,"ĠRuss":1887,"Ġben":1888,"Ġrele":1889,"For":1890,"back":1891,"ĠNot":1892,"Ġpresident":1893,"ball":1894,"Ġaccess":1895,"ividual":1896,"ĠDem":1897,"ĠEuro":1898,"60":1899,"Ġknown":1900,"irl":1901,"ĠGr":1902,"Ġearly":1903,"use":1904,"iety":1905,"âĢĵ":1906,"Ġfight":1907,"Ġsent":1908,"Ġtoday":1909,"Ġmarket":1910,"\".":1911,"Ġbased":1912,"Ġstrong":1913,"urther":1914,"Ġdeb":1915,"mber":1916,"Ġproblem":1917,"Ġdeath":1918,"Ġsocial":1919,"imate":1920,"AS":1921,"ortun":1922,"Ġcampaign":1923,"ery":1924,"Ch":1925,"Ġey":1926,"ially":1927,"Ġmus":1928,"wh":1929,"pos":1930,"Ġer":1931,"Ġsaf":1932,"Ġmonths":1933,"iron":1934,"Ġviol":1935,"Ġfive":1936,"Ġstre":1937,"Ġplayers":1938,"inc":1939,"ald":1940,"year":1941,"aun":1942,"Ġsuccess":1943,"Ġpresent":1944,"erence":1945,"Ġ2014":1946,"Ġsugg":1947,"Ġparticular":1948,"Ġtry":1949,"Ġsuggest":1950,"ĠChrist":1951,"ones":1952,"Ġpriv":1953,"23":1954,"Ġcrit":1955,"Ġland":1956,"Ġlocal":1957,"ify":1958,"29":1959,"Ġaut":1960,"ED":1961,"ĠGu":1962,"Ġmult":1963,"Ġpolitical":1964,"Ġasked":1965,"Ġformer":1966,"itter":1967,"ript":1968,"Ġclose":1969,"Ġpract":1970,"ĠYork":1971,"Ġgetting":1972,"Ġacross":1973,"Ġcomb":1974,"Ġbelieve":1975,"Ġz":1976,"Ġtoget":1977,"Ġtogether":1978,"ĠCent":1979,"irc":1980,"Ġindividual":1981,"ĠMc":1982,"27":1983,"isk":1984,"ĠEng":1985,"Ġface":1986,"Ġ24":1987,"Ġvalue":1988,"Ġarea":1989,"ev":1990,"Ġwrit":1991,"ĠPresident":1992,"Ġvot":1993,"Ġkey":1994,"Ġmom":1995,"put":1996,"Ġanything":1997,"Ġexperience":1998,"attle":1999,"Ġmind":2000,"aff":2001,"omm":2002,"Ġfuture":2003,"ged":2004,"Ġcut":2005,"Ġtot":2006,"itch":2007,"Ġvideo":2008,"Ġinvestig":2009,"Ġnet":2010,"ĠMy":2011,"rict":2012,"ien":2013,".)":2014,"Ġimpro":2015,"though":2016,"wards":2017,"Ġconnect":2018,"ĠMed":2019,"selves":2020,"ensive":2021,"mb":2022,"ober":2023,"ators":2024,"An":2025,"Ġ50":2026,"Ġredu":2027,"resent":2028,"Ġabove":2029,"Ġfre":2030,"ĠEurope":2031,"sw":2032,"Ġamount":2033,"ĠApp":2034,"Ġeither":2035,"Ġmilit":2036,"Ġanal":2037,"Ġfail":2038,"ĠEn":2039,"ales":2040,"Ġspecial":2041,"Ġblack":2042,"IT":2043,"cher":2044,"Ġlooking":2045,"Ġfire":2046,"yn":2047,"Ġalmost":2048,"oon":2049,"Ġstudy":2050,"Ġmiss":2051,"ches":2052,"rown":2053,"Ġtre":2054,"Ġcommunity":2055,"Ġmedia":2056,"Ġfood":2057,"Ġcomes":2058,"ĠUniversity":2059,"Ġsingle":2060,"What":2061,"uly":2062,"Ġhalf":2063,"ague":2064,"hod":2065,"ĠRepublic":2066,"Ġstarted":2067,"Ġquick":2068,"oto":2069,"book":2070,"Ġissue":2071,"itor":2072,"Ġelse":2073,"Ġconsider":2074,"26":2075,"rodu":2076,"Ġtaken":2077,"28":2078,"99":2079,"ĠWith":2080,"Ġtrue":2081,"Ġwa":2082,"Ġtrad":2083,"Ġago":2084,"Ġmess":2085,"ief":2086,"Ġadded":2087,"oke":2088,"Ġbad":2089,"Ġfav":2090,"33":2091,"Ġsimilar":2092,"ask":2093,"ĠDon":2094,"Ġcharacter":2095,"orts":2096,"ĠHouse":2097,"Ġreported":2098,"Ġtype":2099,"val":2100,"iod":2101,"ĠHowever":2102,"Ġtarg":2103,"Ġentire":2104,"pping":2105,"Ġhistory":2106,"Ġlive":2107,"ffic":2108,"........":2109,"ederal":2110,"Ġtrying":2111,"Ġdiscuss":2112,"ĠHar":2113,"aces":2114,"lished":2115,"Ġself":2116,"osp":2117,"rest":2118,"Ġroom":2119,"elt":2120,"Ġfall":2121,"olution":2122,"Ġet":2123,"Ġx":2124,"Ġisn":2125,"Ġidea":2126,"bo":2127,"Ġsound":2128,"ĠDep":2129,"Ġsomeone":2130,"cially":2131,"ully":2132,"Ġfoc":2133,"Ġobject":2134,"ift":2135,"aper":2136,"Ġplayer":2137,"Ġrather":2138,"Ġservice":2139,"ashing":2140,"ĠDo":2141,"ĠPart":2142,"rug":2143,"mon":2144,"ply":2145,"Ġmor":2146,"Ġnothing":2147,"Ġprovide":2148,"IC":2149,"ung":2150,"Ġparty":2151,"Ġexist":2152,"Ġmag":2153,"70":2154,"Ġrul":2155,"Ġhouse":2156,"Ġbehind":2157,"Ġhowever":2158,"ĠWorld":2159,"Ġsum":2160,"Ġapplic":2161,"Ġ;":2162,"Ġfunction":2163,"gr":2164,"ĠPol":2165,"Ġfront":2166,"200":2167,"Ġseries":2168,"Ġtem":2169,"Ġtyp":2170,"ills":2171,"Ġopt":2172,"Ġpoints":2173,"Ġbelow":2174,"itted":2175,"Ġspecific":2176,"Ġ2017":2177,"umb":2178,"Ġra":2179,"Ġprevious":2180,"Ġpret":2181,"reme":2182,"Ġcustom":2183,"Ġcourt":2184,"ĠMe":2185,"Ġrepl":2186,"Ġwhole":2187,"go":2188,"cer":2189,"Ġtreat":2190,"ĠAct":2191,"Ġprobably":2192,"Ġlearn":2193,"ender":2194,"ĠAss":2195,"Ġversion":2196,"now":2197,"Ġcheck":2198,"ĠCal":2199,"RE":2200,"minist":2201,"On":2202,"ources":2203,"Ġbenef":2204,"Ġdoc":2205,"Ġdeter":2206,"Ġenc":2207,"Ġsuper":2208,"Ġaddress":2209,"Ġvict":2210,"Ġ2013":2211,"Ġmeas":2212,"tr":2213,"Ġfield":2214,"When":2215,"Ġsignific":2216,"uge":2217,"Ġfeat":2218,"Ġcommon":2219,"load":2220,"Ġbegin":2221,"Ġbring":2222,"Ġaction":2223,"erman":2224,"Ġdescrib":2225,"Ġindust":2226,"Ġwanted":2227,"ried":2228,"ming":2229,"Ġattempt":2230,"45":2231,"fer":2232,"Ġdue":2233,"ression":2234,"##":2235,"Ġshall":2236,"Ġsix":2237,"oo":2238,"Ġstep":2239,"Ġpub":2240,"Ġhimself":2241,"Ġ23":2242,"Ġcop":2243,"Ġdest":2244,"Ġstop":2245,"AC":2246,"ibility":2247,"Ġlab":2248,"icult":2249,"Ġhours":2250,"Ġcreate":2251,"Ġfurther":2252,"ĠAmerica":2253,"ĠCity":2254,"Ġdou":2255,"head":2256,"ST":2257,"ĠNorth":2258,"cing":2259,"Ġnational":2260,"ule":2261,"ĠInst":2262,"Ġtaking":2263,"ĠQu":2264,"irt":2265,"Ġred":2266,"Ġresearch":2267,"viron":2268,"ĠGe":2269,"Ġbreak":2270,"ana":2271,"Ġspace":2272,"aterial":2273,"Ġrecent":2274,"ĠAb":2275,"Ġgeneral":2276,"Ġhit":2277,"Ġperiod":2278,"Ġeverything":2279,"ively":2280,"Ġphys":2281,"Ġsaying":2282,"anks":2283,"Ġcou":2284,"Ġcult":2285,"aced":2286,"eal":2287,"uation":2288,"Ġcoun":2289,"lu":2290,"Ġinclude":2291,"Ġposition":2292,"ĠAfter":2293,"ĠCanad":2294,"ĠEm":2295,"Ġimm":2296,"ĠRed":2297,"Ġpick":2298,"Ġcompl":2299,"Ġmatter":2300,"reg":2301,"ext":2302,"angu":2303,"isc":2304,"ole":2305,"aut":2306,"Ġcompet":2307,"eed":2308,"fect":2309,"Ġ21":2310,"ĠSen":2311,"ĠThese":2312,"asing":2313,"Ġcannot":2314,"Ġinit":2315,"Ġrelations":2316,"ached":2317,"Ġbar":2318,"Ġ40":2319,"ĠTH":2320,"Ġ2012":2321,"Ġvol":2322,"Ġground":2323,"Ġsecurity":2324,"Ġupd":2325,"ilt":2326,"35":2327,"Ġconcern":2328,"ĠJust":2329,"Ġwhite":2330,"Ġseems":2331,"ĠHer":2332,"pecially":2333,"ients":2334,"Ġannoun":2335,"Ġfig":2336,"ights":2337,"Ġstri":2338,"like":2339,"ids":2340,"Ġsus":2341,"Ġwatch":2342,"Ġâ":2343,"Ġwind":2344,"ĠCont":2345,"Ġitself":2346,"Ġmass":2347,"Al":2348,"yle":2349,"ique":2350,"ĠNational":2351,"Ġabs":2352,"Ġpack":2353,"Ġoutside":2354,"Ġanim":2355,"Ġpain":2356,"eter":2357,"Ġmanag":2358,"duct":2359,"ogn":2360,"Ġ]":2361,"ĠSept":2362,"sec":2363,"off":2364,"ĠJan":2365,"Ġfoot":2366,"ades":2367,"Ġthird":2368,"Ġmot":2369,"Ġevidence":2370,"inton":2371,"Ġthreat":2372,"apt":2373,"ples":2374,"cle":2375,"Ġlo":2376,"Ġdecl":2377,"Ġitem":2378,"medi":2379,"Ġrepresent":2380,"omb":2381,"amer":2382,"Ġsignificant":2383,"ograph":2384,"su":2385,"Ġcal":2386,"ires":2387,"0000":2388,"ID":2389,"AM":2390,"Ġsimply":2391,"Ġlonger":2392,"Ġfile":2393,"OT":2394,"che":2395,"So":2396,"ateg":2397,"org":2398,"ĠHis":2399,"Ġener":2400,"Ġdom":2401,"Ġupon":2402,"ili":2403,"\":\"":2404,"Ġthemselves":2405,"Ġcoming":2406,"Ġquite":2407,"Ġdifficult":2408,"ĠBar":2409,"ilities":2410,"rel":2411,"ends":2412,"cial":2413,"64":2414,"Ġwoman":2415,"rap":2416,"yr":2417,"Ġnecess":2418,"ips":2419,"Ġtext":2420,"Ġrequire":2421,"Ġmilitary":2422,"Ġreview":2423,"Ġrespons":2424,"75":2425,"Ġsubject":2426,"Ġinstead":2427,"Ġissues":2428,"Ġgen":2429,"\",\"":2430,"Ġminutes":2431,"Ġweap":2432,"ray":2433,"amed":2434,"time":2435,"bl":2436,"How":2437,"Ġcode":2438,"ĠSm":2439,"Ġhigher":2440,"ĠSte":2441,"ris":2442,"Ġpage":2443,"Ġstudents":2444,"ĠIntern":2445,"Ġmethod":2446,"ĠAug":2447,"ĠPer":2448,"ĠAg":2449,"Ġpolicy":2450,"ĠSw":2451,"Ġexec":2452,"Ġaccept":2453,"ume":2454,"ribut":2455,"Ġwords":2456,"Ġfinal":2457,"Ġchanges":2458,"ĠDemocr":2459,"Ġfriends":2460,"Ġrespect":2461,"Ġep":2462,"Ġcompan":2463,"ivil":2464,"Ġdamage":2465,"****":2466,"ogle":2467,"vironment":2468,"Ġneg":2469,"ental":2470,"Ġap":2471,"Ġtotal":2472,"ival":2473,"!\"":2474,"lim":2475,"Ġneeds":2476,"Ġagre":2477,"Ġdevelopment":2478,"Ġage":2479,"iple":2480,"21":2481,"Ġresults":2482,"ĠAf":2483,"Sh":2484,"Ġgun":2485,"ĠObama":2486,"roll":2487,"Ġ@":2488,"Ġrights":2489,"ĠBrit":2490,"Ġrunning":2491,"Ġwasn":2492,"Ġport":2493,"Ġrate":2494,"Ġpretty":2495,"Ġtarget":2496,"Ġsaw":2497,"Ġcirc":2498,"Ġworks":2499,"icro":2500,"alt":2501,"over":2502,"www":2503,"That":2504,"lier":2505,"Ġeveryone":2506,"ude":2507,"Ġpie":2508,"iddle":2509,"rael":2510,"Ġrad":2511,"Ġblock":2512,"Ġwalk":2513,"To":2514,"ãģ":2515,"nes":2516,"ĠAust":2517,"aul":2518,"rote":2519,"ĠSouth":2520,"ession":2521,"oph":2522,"Ġshows":2523,"Ġsite":2524,"Ġjo":2525,"Ġrisk":2526,"clus":2527,"lt":2528,"Ġinj":2529,"iding":2530,"ĠSpe":2531,"Ġchall":2532,"irm":2533,"Ġ22":2534,"itting":2535,"str":2536,"Ġhy":2537,"LE":2538,"key":2539,"Ġbegan":2540,"atur":2541,"ashington":2542,"lam":2543,"ĠDav":2544,"bit":2545,"Ġsize":2546,"ĠPar":2547,"38":2548,"ournal":2549,"face":2550,"Ġdecision":2551,"Ġlarg":2552,"Ġjud":2553,"rect":2554,"Ġcontinue":2555,"ĠOct":2556,"overed":2557,"ĠInt":2558,"========":2559,"Ġparent":2560,"ĠWill":2561,"Ġeasy":2562,"Ġdrug":2563,"anger":2564,"Ġsense":2565,"Ġdi":2566,"iday":2567,"Ġenergy":2568,"istic":2569,"Ġassoci":2570,"arter":2571,"obal":2572,"eks":2573,"ĠEl":2574,"urch":2575,"Ġgirl":2576,"oe":2577,"itle":2578,"Ġ28":2579,"ĠChe":2580,"Ġrequest":2581,"Ġsoon":2582,"Ġhost":2583,"ky":2584,"Ġstates":2585,"omes":2586,"Ġmaterial":2587,"lex":2588,"Ġmoment":2589,"Ġansw":2590,"onse":2591,"Ġespecially":2592,"Ġnorm":2593,"Ġservices":2594,"pite":2595,"ran":2596,"Ġrole":2597,"44":2598,"):":2599,"Ġcred":2600,"Cl":2601,"________":2602,"Ġmat":2603,"Ġlog":2604,"ĠClinton":2605,"OU":2606,"Ġoffice":2607,"Ġ26":2608,"Ġcharg":2609,"Ġtrack":2610,"ma":2611,"Ġheart":2612,"Ġball":2613,"Ġpersonal":2614,"Ġbuilding":2615,"na":2616,"set":2617,"body":2618,"ĠBlack":2619,"Ġincrease":2620,"itten":2621,"Ġneeded":2622,"36":2623,"32":2624,"=\"":2625,"Ġlost":2626,"Ġbecame":2627,"Ġgroups":2628,"ĠMus":2629,"Ġwrote":2630,"ĠPe":2631,"Ġprop":2632,"joy":2633,"é":2634,"ĠWhite":2635,"Ġdead":2636,".'":2637,"Ġhttp":2638,"Ġwebs":2639,"OS":2640,"Ġinside":2641,"Ġwrong":2642,"Ġstatement":2643,"Ġ...":2644,"yl":2645,"Ġfilm":2646,"Ġmusic":2647,"Ġshare":2648,"ification":2649,"Ġrelease":2650,"Ġforward":2651,"Ġstay":2652,"Ġcomput":2653,"itte":2654,"ser":2655,"Ġoriginal":2656,"Ġcard":2657,"Ġcand":2658,"Ġdiv":2659,"atural":2660,"Ġfavor":2661,"OM":2662,"Ġcases":2663,"uses":2664,"Ġsection":2665,"Ġleave":2666,"ging":2667,"oved":2668,"ĠWashington":2669,"39":2670,"ĠGl":2671,"Ġrequired":2672,"action":2673,"apan":2674,"oor":2675,"iter":2676,"ĠKing":2677,"Ġcountries":2678,"ĠGerman":2679,"lling":2680,"Ġ27":2681,"34":2682,"Ġquestions":2683,"Ġprim":2684,"Ġcell":2685,"Ġshoot":2686,"Ġanyone":2687,"ĠWest":2688,"Ġaffect":2689,"epend":2690,"Ġonline":2691,"ĠIsrael":2692,"ĠSeptember":2693,"Ġability":2694,"Ġcontent":2695,"ises":2696,"Ġreve":2697,"Ġlaun":2698,"Ġindic":2699,"Ġforce":2700,"cast":2701,"Ġsold":2702,"aving":2703,"fl":2704,"Ġsoft":2705,"Ġcompanies":2706,"ceed":2707,"Ġarticle":2708,"Ġaud":2709,"Ġrev":2710,"Ġeduc":2711,"Ġplaying":2712,"05":2713,"Ġheld":2714,"ctor":2715,"Ġreleased":2716,"Ġfederal":2717,"37":2718,"Ġadminist":2719,"Ġinterview":2720,"Ġinstall":2721,"Ġreceived":2722,"Ġsource":2723,"uk":2724,"Ph":2725,"Ġserious":2726,"Ġcreated":2727,"Ġcause":2728,"Ġimmedi":2729,"Ġdefin":2730,"uel":2731,"ĠDepartment":2732,"ctions":2733,"ĠCour":2734,"ĠNow":2735,"ze":2736,"ites":2737,"itution":2738,"Ġlate":2739,"Ġspeak":2740,"ners":2741,"Ġlegal":2742,"ari":2743,"ĠCor":2744,"Ġweeks":2745,"Ġmodel":2746,"Ġpred":2747,"Ġexact":2748,"BC":2749,"ĠBy":2750,"ING":2751,"osing":2752,"Ġtakes":2753,"Ġregard":2754,"Ġopportun":2755,"Ġprice":2756,"Ġ198":2757,"ĠApr":2758,"fully":2759,"Ġord":2760,"Ġproblems":2761,"ruction":2762,"ham":2763,"ĠCount":2764,"lege":2765,"Ġleaders":2766,"ET":2767,"lev":2768,"Ġdeep":2769,"ological":2770,"ese":2771,"haps":2772,"ĠSome":2773,"Ġpers":2774,"Ġcontract":2775,"Ġrelationship":2776,"sp":2777,"oud":2778,"Ġbase":2779,"48":2780,"mit":2781,"Ad":2782,"ancial":2783,"Ġconsum":2784,"Ġpotential":2785,"Ġlangu":2786,"rem":2787,"eth":2788,"Ġrelig":2789,"ressed":2790,"66":2791,"Ġlink":2792,"Ġlower":2793,"ayer":2794,"ĠJune":2795,"Ġfem":2796,"unt":2797,"erc":2798,"urd":2799,"Ġcontact":2800,"Ġill":2801,"Ġmother":2802,"Ġestab":2803,"htt":2804,"ĠMarch":2805,"ĠBro":2806,"ĠChina":2807,"Ġ29":2808,"Ġsqu":2809,"Ġprovided":2810,"Ġaverage":2811,"asons":2812,"Ġ2011":2813,"Ġexam":2814,"lin":2815,"55":2816,"ned":2817,"Ġperfect":2818,"Ġtou":2819,"alse":2820,"ux":2821,"Ġbuy":2822,"Ġshot":2823,"Ġcollect":2824,"Ġphot":2825,"Ġplayed":2826,"Ġsurpr":2827,"Ġofficials":2828,"Ġsimple":2829,"avy":2830,"Ġindustry":2831,"Ġhands":2832,"ground":2833,"Ġpull":2834,"Ġround":2835,"Ġuser":2836,"Ġrange":2837,"uary":2838,"Ġprivate":2839,"ops":2840,"ees":2841,"Ġways":2842,"ĠMich":2843,"Ġveh":2844,"Ġexcept":2845,"Ġterms":2846,"imum":2847,"pper":2848,"ION":2849,"ores":2850,"ĠDragon":2851,"oul":2852,"Ġden":2853,"Ġperformance":2854,"Ġbill":2855,"cil":2856,"47":2857,"Ġenvironment":2858,"Ġexc":2859,"add":2860,"Ġworth":2861,"Ġpict":2862,"Ġchance":2863,"Ġ2018":2864,"bor":2865,"Ġspeed":2866,"iction":2867,"Ġalleg":2868,"ĠJapan":2869,"atory":2870,"reet":2871,"Ġmatch":2872,"ĠII":2873,"Ġstru":2874,"order":2875,"Ġste":2876,"Ġliving":2877,"Ġstruct":2878,"ino":2879,"Ġsepar":2880,"hern":2881,"Ġresponse":2882,"Ġenjoy":2883,"Ġvia":2884,"AD":2885,"uments":2886,"acebook":2887,"Ġmember":2888,"ibr":2889,"izing":2890,"Ġtool":2891,"ĠMon":2892,"ĠWhile":2893,"hood":2894,"ĠAng":2895,"ĠDef":2896,"Ġoffer":2897,"Tr":2898,"aur":2899,"Ġturned":2900,"ĠJuly":2901,"down":2902,"anced":2903,"Ġrecently":2904,"ĠEar":2905,"Ġce":2906,"ĠStar":2907,"ĠCong":2908,"rought":2909,"Ġblood":2910,"Ġhope":2911,"Ġcomment":2912,"aint":2913,"Ġarri":2914,"iles":2915,"Ġparticip":2916,"ought":2917,"ription":2918,"08":2919,"49":2920,"Ġgave":2921,"Ġselect":2922,"Ġkilled":2923,"sych":2924,"Ġgoes":2925,"ij":2926,"Ġcoll":2927,"Ġimpact":2928,"atives":2929,"ĠSer":2930,"09":2931,"ĠAugust":2932,"Ġboy":2933,"de":2934,"ĠDes":2935,"Ġfelt":2936,"US":2937,"Ġexpected":2938,"Ġimage":2939,"ĠMark":2940,"ccording":2941,"oice":2942,"EC":2943,"ĠMag":2944,"ened":2945,"hold":2946,"ĠPost":2947,"Ġprevent":2948,"No":2949,"Ġinvolved":2950,"Ġeyes":2951,"Ġquickly":2952,"At":2953,"unk":2954,"Ġbehav":2955,"Ġur":2956,"Ġled":2957,"come":2958,"ey":2959,"Ġcandid":2960,"Ġearlier":2961,"Ġfocus":2962,"ety":2963,"Pro":2964,"ledge":2965,"ixed":2966,"illed":2967,"Ġpopular":2968,"AP":2969,"Ġsett":2970,"light":2971,"Ġvarious":2972,"inks":2973,"Ġlevels":2974,"Ġroad":2975,"ellig":2976,"ables":2977,"hel":2978,"ittee":2979,"ĠGener":2980,"ype":2981,"Ġheard":2982,"icles":2983,"Ġmis":2984,"Ġusers":2985,"ĠSan":2986,"Ġimprove":2987,"Ġfather":2988,"Ġsearch":2989,"They":2990,"vil":2991,"Ġprofess":2992,"Ġknew":2993,"Ġloss":2994,"Ġevents":2995,"65":2996,"Ġbillion":2997,"07":2998,"02":2999,"ĠNews":3000,"ĠAM":3001,"Ġcover":3002,"where":3003,"ension":3004,"Ġbott":3005,"Ġareas":3006,"ences":3007,"ope":3008,"ĠTwitter":3009,"ael":3010,"Ġgets":3011,"ĠGoogle":3012,"Ġsn":3013,"iant":3014,"Ġvote":3015,"Ġnearly":3016,"Ġincluded":3017,"Ġrecogn":3018,"zz":3019,"mm":3020,"aled":3021,"Ġhappened":3022,"04":3023,"Ġhot":3024,"Ġwhose":3025,"Ġcivil":3026,"Ġsuff":3027,"oes":3028,"itiz":3029,"ĠSyri":3030,"Ġrespond":3031,"Ġhon":3032,"Ġfeatures":3033,"Ġeconomic":3034,"ĠApril":3035,"rim":3036,"Ġtechnology":3037,"Ġoption":3038,"aging":3039,"Ġpurch":3040,"Re":3041,"Ġlat":3042,"chie":3043,"isl":3044,"Ġrecomm":3045,"uf":3046,"Ġtraining":3047,"Ġeffects":3048,"Ġfast":3049,"Ġ2010":3050,"Ġoccur":3051,"Ġwebsite":3052,"Ġemail":3053,"Ġsens":3054,"ech":3055,"Ġoil":3056,"Ġinflu":3057,"Ġcurrently":3058,"ĠSch":3059,"ĠAdd":3060,"Ġgoal":3061,"Ġscient":3062,"Ġconv":3063,"100":3064,"emy":3065,"Ġdecided":3066,"Ġtravel":3067,"Ġmention":3068,"LL":3069,"03":3070,"Ġelection":3071,"Ġphone":3072,"Ġlooks":3073,"Ġsituation":3074,"Ġcy":3075,"Ġhor":3076,"bed":3077,"ĠCourt":3078,"aily":3079,"aves":3080,"Ġquality":3081,"ĠComp":3082,"wise":3083,"Ġtable":3084,"Ġstaff":3085,"ĠWind":3086,"ett":3087,"Ġtried":3088,"idered":3089,"Ġaddition":3090,"Ġbox":3091,"Ġlack":3092,"arily":3093,"Ġwide":3094,"Ġmid":3095,"Ġboard":3096,"ysis":3097,"Ġanti":3098,"ha":3099,"Ġdig":3100,"ening":3101,"Ġdro":3102,"Con":3103,"68":3104,"Ġslow":3105,"based":3106,"sequ":3107,"Ġpath":3108,"Ex":3109,"aker":3110,"Ġworked":3111,"Ġpen":3112,"Ġengine":3113,"Ġlooked":3114,"ĠSuper":3115,"ĠServ":3116,"Ġvictim":3117,"Un":3118,"Ġproperty":3119,"Ġintrodu":3120,"Ġexecut":3121,"ĠPM":3122,"Le":3123,"Ġcolor":3124,"ĠMore":3125,"Ġ60":3126,"Ġnetwork":3127,"Ġdate":3128,"cul":3129,"idge":3130,"Ġextra":3131,"31":3132,"Ġsle":3133,"67":3134,"Ġwond":3135,"Ġreports":3136,"just":3137,"ĠAustral":3138,"Ġcapital":3139,"Ġens":3140,"Ġcommand":3141,"Ġallowed":3142,"Ġprep":3143,"Ġcapt":3144,"hib":3145,"Ġnumbers":3146,"chan":3147,"Ġfair":3148,"mp":3149,"oms":3150,"Ġreach":3151,"With":3152,"tain":3153,"Ġbroad":3154,"Ġcouple":3155,"ecause":3156,"lying":3157,"ĠFeb":3158,"Ġscreen":3159,"Ġlives":3160,"Ġprior":3161,"ĠCongress":3162,"Ar":3163,"Ġapproach":3164,"Ġemer":3165,"aries":3166,"ĠDis":3167,"serv":3168,"ĠNe":3169,"Ġbuilt":3170,"cies":3171,"Ġrepe":3172,"Ġrules":3173,"force":3174,"ĠPal":3175,"Ġfinancial":3176,"Ġconsidered":3177,"ĠChar":3178,"nces":3179,"ĠIS":3180,"Ġbrought":3181,"Ġbi":3182,"iers":3183,"ĠSim":3184,"OP":3185,"Ġproducts":3186,"Ġvisit":3187,"Ġdocument":3188,"Ġconduct":3189,"Ġcompletely":3190,"ining":3191,"ĠCalif":3192,"ibly":3193,"Ġwritten":3194,"ĠTV":3195,"ements":3196,"Ġdraw":3197,"One":3198,"Ġpublished":3199,"Ġsecret":3200,"rain":3201,"het":3202,"ĠFacebook":3203,"onday":3204,"ĠUp":3205,"Ġsexual":3206,"Ġthous":3207,"ĠPat":3208,"Ġess":3209,"Ġstandard":3210,"Ġarm":3211,"ges":3212,"ection":3213,"Ġfell":3214,"Ġforeign":3215,"ani":3216,"ĠFriday":3217,"Ġregular":3218,"inary":3219,"Ġincreased":3220,"Ġusually":3221,"Ġdemon":3222,"Ġdark":3223,"Ġadditional":3224,"rol":3225,"ĠOf":3226,"Ġproduction":3227,"!!":3228,"undred":3229,"Ġinternational":3230,"idents":3231,"ĠFree":3232,"roup":3233,"Ġrace":3234,"Ġmach":3235,"Ġhuge":3236,"All":3237,"lear":3238,"ovember":3239,"Ġtown":3240,"Ġattention":3241,"ĠOff":3242,"yond":3243,"ĠThen":3244,"field":3245,"Ġterror":3246,"raz":3247,"ĠBo":3248,"Ġmeeting":3249,"ĠPark":3250,"Ġarrest":3251,"Ġfear":3252,"Ġaw":3253,"ĠVal":3254,"oring":3255,"',":3256,"Ġextreme":3257,"arr":3258,"Ġworkers":3259,"After":3260,"Ġ31":3261,"net":3262,"ament":3263,"Ġdirectly":3264,"Ġpopulation":3265,"ube":3266,"ĠOctober":3267,"ĠIN":3268,"ĠJanuary":3269,"59":3270,"ĠDavid":3271,"Ġcross":3272,"cember":3273,"ĠFirst":3274,"Ġmessage":3275,"irit":3276,"Ġnation":3277,"Ġpoll":3278,"isions":3279,"Ġanswer":3280,"ny":3281,"isode":3282,"Ġcarry":3283,"ĠRussia":3284,"Ġhear":3285,"ength":3286,"roy":3287,"Ġnatural":3288,"inally":3289,"Ġdog":3290,"mitted":3291,"Ġtrade":3292,"Ġsubst":3293,"Ġmultiple":3294,"ĠAfric":3295,"Ġfans":3296,"Ġsort":3297,"Ġglobal":3298,"ication":3299,"ĠWed":3300,"ara":3301,"Ġachie":3302,"Ġlanguage":3303,"vey":3304,"Ġtal":3305,"Ġnecessary":3306,"Ġdetails":3307,"Ġsen":3308,"ĠSund":3309,"ĠReg":3310,"ĠRec":3311,"06":3312,"Ġsil":3313,"ressive":3314,"Ġmedical":3315,"unch":3316,"ornia":3317,"Ġund":3318,"fort":3319,"ocks":3320,"ĠMonday":3321,"uesday":3322,"craft":3323,"77":3324,"urt":3325,"Ġver":3326,"ĠHill":3327,"Ġreceive":3328,"Ġmorning":3329,"estern":3330,"Ġbank":3331,"Ġsat":3332,"irth":3333,"ĠHigh":3334,"Ġdevice":3335,"ĠTHE":3336,"ĠCenter":3337,"Ġsafe":3338,"Ġple":3339,"ĠCanada":3340,"Ġsystems":3341,"Ġassist":3342,"Ġsurv":3343,"Ġbattle":3344,"ĠSoc":3345,"vertis":3346,"She":3347,"Ġpaper":3348,"Ġgrowth":3349,"Ġcast":3350,"Sc":3351,"Ġplans":3352,"lled":3353,"Ġparts":3354,"Ġwall":3355,"Ġmovement":3356,"Ġpractice":3357,"imately":3358,"Ġdisplay":3359,"Ġsometimes":3360,"omp":3361,"ĠPaul":3362,"ĠYes":3363,"king":3364,"58":3365,"oly":3366,"Ġson":3367,"Ġavoid":3368,"okes":3369,"ĠJew":3370,"Ġtowards":3371,"asc":3372,"Ġ//":3373,"ĠKore":3374,"Ġtalking":3375,"Ġcorrect":3376,"Ġspent":3377,"icks":3378,"iable":3379,"eared":3380,"Ġterm":3381,"Ġwants":3382,"oming":3383,"Ġut":3384,"Ġdoub":3385,"Ġforces":3386,"Ġplease":3387,"69":3388,"ĠNovember":3389,"atform":3390,"ondon":3391,"Ġones":3392,"Ġimmediately":3393,"ĠRussian":3394,"ĠMet":3395,"Ġdeg":3396,"Ġparents":3397,"CH":3398,"ĠAmericans":3399,"aly":3400,"ĠMod":3401,"Ġshown":3402,"Ġconditions":3403,"Ġstuff":3404,"Ġreb":3405,"ĠYour":3406,"Ġincludes":3407,"nown":3408,"ĠSam":3409,"Ġexperien":3410,"mission":3411,"ĠEven":3412,"aught":3413,"Ġannounced":3414,"ĠRepublican":3415,"Ġdetermin":3416,"Ġdescribed":3417,"ĠCounty":3418,"()":3419,"Ġdoor":3420,"Ġchanged":3421,"Ġneigh":3422,"ĠHere":3423,"Ġclean":3424,"Ġpan":3425,"ĠDecember":3426,"ĠEuropean":3427,"iring":3428,"apter":3429,"Ġclub":3430,"ĠTuesday":3431,"Ġpaid":3432,"ĠNet":3433,"Ġattacks":3434,"Ġcharacters":3435,"Ġalone":3436,"Ġdirector":3437,"dom":3438,"Ġ35":3439,"Ġload":3440,"Ġrout":3441,"ĠCalifornia":3442,"Ġfinally":3443,"Ġrac":3444,"Ġcontr":3445,"Ġexactly":3446,"resh":3447,"pri":3448,"ĠIslam":3449,"Ġnature":3450,"Ġcareer":3451,"Ġlatest":3452,"Ġconvers":3453,"ĠSl":3454,"pose":3455,"cient":3456,"ĠInc":3457,"ivity":3458,"88":3459,"ĠAtt":3460,"ĠMor":3461,"nesday":3462,"Ġweight":3463,"ken":3464,"Ġnote":3465,"Ġteams":3466,"Ġ\\":3467,"airs":3468,"ĠGreen":3469,"Ġhundred":3470,"onent":3471,"Ġstreng":3472,"Ġconsist":3473,"icated":3474,"Ġregul":3475,"Ġlic":3476,"astic":3477,"Ġten":3478,"ursday":3479,"elligence":3480,"ously":3481,"ĠUK":3482,"BI":3483,"Ġcosts":3484,"Ġindepend":3485,"ĠAP":3486,"Ġnormal":3487,"Ġhom":3488,"Ġobvious":3489,"Ġswe":3490,"Ġstar":3491,"Ġready":3492,"acher":3493,"Ġimplement":3494,"gest":3495,"Ġsong":3496,"ĠGet":3497,"ĠLab":3498,"Ġinteresting":3499,"using":3500,"Ġgiving":3501,"ĠSunday":3502,"Ġetc":3503,"Ġmiddle":3504,"Ġremember":3505,"right":3506,"osition":3507,"utions":3508,"Ġmax":3509,"46":3510,"Ġyourself":3511,"Ġdemand":3512,"Ġtreatment":3513,"Ġdanger":3514,"ĠCons":3515,"Ġguy":3516,"ĠBritish":3517,"Ġphysical":3518,"Ġrelated":3519,"Ġremain":3520,"Ġcouldn":3521,"Ġrefer":3522,"Ġcitiz":3523,"box":3524,"ENT":3525,"board":3526,"Ġinn":3527,"IG":3528,"ero":3529,"ĠStreet":3530,"ospital":3531,"rench":3532,"chers":3533,"Ġstra":3534,"OL":3535,"ager":3536,"ĠAN":3537,"Ġeasily":3538,"IA":3539,"enge":3540,"iny":3541,"Ġclos":3542,"ocked":3543,"Ġuses":3544,"ĠCoun":3545,"Im":3546,"uild":3547,"??":3548,"more":3549,"Ġang":3550,"Ġwrite":3551,"olute":3552,"57":3553,"Ġleader":3554,"Ġreading":3555,"":3784,"Ġfigure":3785,"Ġdisapp":3786,"enty":3787,"Ġsoftware":3788,"Ġult":3789,"Ġofficers":3790,"New":3791,"Is":3792,"Ġremains":3793,"ĠIndia":3794,"Ġpsych":3795,"rief":3796,"Ġcat":3797,"esc":3798,"Ġobserv":3799,"Ġstage":3800,"ĠDark":3801,"Ġenter":3802,"change":3803,"Ġpassed":3804,"Ġdespite":3805,"ĠOut":3806,"Ġmovie":3807,"rs":3808,"Ġvoice":3809,"mine":3810,"ĠPlay":3811,"Ġtoward":3812,"ĠTer":3813,"Ġregion":3814,"Ġvalues":3815,"orters":3816,"Ġmount":3817,"Ġofficer":3818,"ĠOther":3819,"ban":3820,"Ġhous":3821,"wood":3822,"room":3823,"IV":3824,"ĠSun":3825,"see":3826,"ĠOver":3827,"rog":3828,"90":3829,"Ġlay":3830,"ĠTur":3831,"awn":3832,"Ġpressure":3833,"ĠSub":3834,"Ġbooks":3835,"edom":3836,"ĠSand":3837,"AA":3838,"ago":3839,"Ġreasons":3840,"ford":3841,"Ġactivity":3842,"UT":3843,"Now":3844,"ĠSenate":3845,"cell":3846,"night":3847,"Ġcalls":3848,"inter":3849,"Ġletter":3850,"ĠRob":3851,"ĠJe":3852,"Ġchoose":3853,"ĠLaw":3854,"Get":3855,"Be":3856,"Ġrob":3857,"Ġtypes":3858,"Ġplatform":3859,"Ġquarter":3860,"RA":3861,"ĠTime":3862,"Ġmaybe":3863,"ĠCr":3864,"95":3865,"pre":3866,"Ġmoving":3867,"Ġlif":3868,"Ġgold":3869,"Ġsom":3870,"Ġpatients":3871,"Ġtruth":3872,"ĠKe":3873,"urance":3874,"antly":3875,"mar":3876,"Ġcharge":3877,"ĠGreat":3878,"Ġcele":3879,"--------------------------------":3880,"Ġrock":3881,"roid":3882,"ancy":3883,"Ġcredit":3884,"aud":3885,"By":3886,"ĠEvery":3887,"Ġmoved":3888,"inger":3889,"ribution":3890,"Ġnames":3891,"Ġstraight":3892,"ĠHealth":3893,"ĠWell":3894,"Ġfeature":3895,"Ġrule":3896,"Ġsche":3897,"inated":3898,"ĠMichael":3899,"berg":3900,"41":3901,"iled":3902,"band":3903,"Ġclick":3904,"ĠAngel":3905,"onents":3906,"ÂŃ":3907,"ĠIraq":3908,"ĠSaturday":3909,"Ġaware":3910,"part":3911,"Ġpattern":3912,"OW":3913,"ĠLet":3914,"Ġgrad":3915,"igned":3916,"Ġassociated":3917,"Ġstyle":3918,"no":3919,"iation":3920,"aith":3921,"ilies":3922,"Ġstories":3923,"uration":3924,"Ġindividuals":3925,"ĠâĢ¦":3926,"miss":3927,"ĠAssoci":3928,"ishing":3929,"aby":3930,"Ġsummer":3931,"ĠBen":3932,"Ġ32":3933,"Ġarch":3934,"uty":3935,"ĠTexas":3936,"hol":3937,"Ġfully":3938,"Ġmill":3939,"Ġfollowed":3940,"ĠBill":3941,"ĠIndian":3942,"ĠSecret":3943,"ĠBel":3944,"ĠFebruary":3945,"Ġjobs":3946,"Ġseemed":3947,"ĠGovern":3948,"ipped":3949,"Ġreality":3950,"Ġlines":3951,"Ġpark":3952,"Ġmeasure":3953,"ĠOur":3954,"IM":3955,"Ġbrother":3956,"Ġgrowing":3957,"Ġban":3958,"Ġestim":3959,"Ġcry":3960,"ĠSchool":3961,"Ġmechan":3962,"ĠOF":3963,"ĠWindows":3964,"Ġrates":3965,"ĠOh":3966,"Ġpositive":3967,"Ġculture":3968,"istics":3969,"ica":3970,"Ġhar":3971,"ya":3972,"itely":3973,"ipp":3974,"Ġmap":3975,"encies":3976,"ĠWilliam":3977,"II":3978,"akers":3979,"56":3980,"ĠMart":3981,"ĠRem":3982,"Ġaltern":3983,"itude":3984,"Ġcoach":3985,"rowd":3986,"Don":3987,"Ġkids":3988,"Ġjournal":3989,"Ġcorpor":3990,"Ġfalse":3991,"Ġweb":3992,"Ġsleep":3993,"Ġcontain":3994,"Ġsto":3995,"Ġbed":3996,"iverse":3997,"ĠRich":3998,"ĠChinese":3999,"Ġpun":4000,"Ġmeant":4001,"known":4002,"Ġnotice":4003,"Ġfavorite":4004,"aven":4005,"Ġcondition":4006,"Ġpurpose":4007,"))":4008,"Ġorganization":4009,"Ġchalleng":4010,"Ġmanufact":4011,"Ġsusp":4012,"ĠAc":4013,"Ġcritic":4014,"unes":4015,"uclear":4016,"Ġmer":4017,"vention":4018,"Ġ80":4019,"Ġmist":4020,"ĠUs":4021,"ĠTor":4022,"http":4023,"olf":4024,"Ġlarger":4025,"Ġadvant":4026,"Ġresear":4027,"Ġactions":4028,"ml":4029,"Ġkept":4030,"Ġaim":4031,",'":4032,"col":4033,"Ġbenefits":4034,"ifying":4035,"Ġactual":4036,"ĠInternational":4037,"Ġvehicle":4038,"Ġchief":4039,"Ġefforts":4040,"ĠLeague":4041,"ĠMost":4042,"Ġwait":4043,"Ġadult":4044,"Ġoverall":4045,"Ġspeech":4046,"Ġhighly":4047,"Ġfemale":4048,"Ġerror":4049,"Ġeffective":4050,"54":4051,"Ġencour":4052,"well":4053,"Ġfailed":4054,"Ġconserv":4055,"Ġprograms":4056,"Ġtrou":4057,"Ġahead":4058,"500":4059,"vertisement":4060,"IP":4061,"ĠFound":4062,"pir":4063,"Ġ%":4064,"Ġcrime":4065,"ander":4066,"Ġlocation":4067,"ĠIran":4068,"Ġbehavior":4069,"azing":4070,"Ġrare":4071,"Ġemb":4072,"Ġcaused":4073,"Ġship":4074,"Ġactive":4075,"Ġcontribut":4076,"Ġgreen":4077,"Ġacqu":4078,"Ġreflect":4079,"venue":4080,"Ġfirm":4081,"Ġbirth":4082,"].":4083,"Ġclearly":4084,"Ġemot":4085,"Ġagency":4086,"riage":4087,"Ġmemory":4088,"98":4089,"SA":4090,"ĠSee":4091,"acing":4092,"CC":4093,"Ġbiggest":4094,"Ġrap":4095,"Ġbasic":4096,"Ġband":4097,"eat":4098,"Ġsuspect":4099,"ĠMac":4100,"Ġ90":4101,"mark":4102,"istan":4103,"Ġspread":4104,"ams":4105,"ki":4106,"asy":4107,"rav":4108,"ĠRober":4109,"Ġdemonstr":4110,"rated":4111,"Ġabsolute":4112,"Ġplaces":4113,"Ġimpl":4114,"ibrary":4115,"Ġcards":4116,"Ġdestroy":4117,"Ġvirt":4118,"vere":4119,"Ġappeared":4120,"yan":4121,"point":4122,"Ġbeg":4123,"Ġtemper":4124,"spe":4125,"anted":4126,"ears":4127,"ĠDirect":4128,"Ġlength":4129,"Ġblog":4130,"amb":4131,"Ġinteg":4132,"Ġresources":4133,"acc":4134,"iful":4135,"Ġspot":4136,"Ġforced":4137,"Ġthousands":4138,"ĠMinister":4139,"Ġqual":4140,"ĠFrench":4141,"atically":4142,"Ġgenerally":4143,"Ġdrink":4144,"Ġthus":4145,"IL":4146,"odes":4147,"Ġappropri":4148,"ĠRead":4149,"Ġwhom":4150,"Ġeye":4151,"Ġcollege":4152,"Ġ45":4153,"irection":4154,"Ġensure":4155,"Ġapparent":4156,"iders":4157,"Ġreligious":4158,"Ġminor":4159,"olic":4160,"Ġtro":4161,"ĠWhy":4162,"ribute":4163,"met":4164,"Ġprimary":4165,"Ġdeveloped":4166,"Ġpeace":4167,"Ġskin":4168,"ste":4169,"ava":4170,"Ġblue":4171,"Ġfamilies":4172,"Ġir":4173,"Ġapply":4174,"Ġinform":4175,"ĠSmith":4176,"CT":4177,"ii":4178,"Ġlimit":4179,"Ġresist":4180,"................":4181,"umn":4182,"Ġconflic":4183,"Ġtwe":4184,"udd":4185,"ĠTom":4186,"Ġliter":4187,"que":4188,"bon":4189,"Ġhair":4190,"Ġeventually":4191,"Ġpus":4192,"Ġhelped":4193,"Ġagg":4194,"orney":4195,"ĠApple":4196,"Ġfit":4197,"ĠSur":4198,"Ġprem":4199,"Ġsales":4200,"Ġseconds":4201,"Ġstrength":4202,"Ġfeeling":4203,"¿½":4204,"Ġtour":4205,"Ġknows":4206,"oom":4207,"Ġexerc":4208,"Ġsomew":4209,"�":4210,">>":4211,"Ġspokes":4212,"Ġideas":4213,"Ġregist":4214,"soft":4215,"ĠDel":4216,"ĠPC":4217,"Ġpropos":4218,"Ġlaunch":4219,"Ġbottom":4220,"TH":4221,"ĠPlease":4222,"vest":4223,"itz":4224,"ĠInter":4225,"Ġscript":4226,"Ġrat":4227,"arning":4228,"Ġil":4229,"ĠJer":4230,"ĠAre":4231,"Ġwhatever":4232,"oken":4233,"cience":4234,"Ġmode":4235,"Ġagree":4236,"Ġsources":4237,"Ġinitial":4238,"Ġrestrict":4239,"Ġwonder":4240,"usion":4241,"####":4242,"ĠSil":4243,"ville":4244,"Ġburn":4245,"tw":4246,"asion":4247,"Ġ£":4248,"Ġnor":4249,"uing":4250,"Ġreached":4251,"Ġsun":4252,"Ġcateg":4253,"igration":4254,"Ġcook":4255,"Ġpromot":4256,"Ġmale":4257,"Ġclimate":4258,"Ġfix":4259,"Ġalleged":4260,"UR":4261,"alled":4262,"Ġimages":4263,"Cont":4264,"ota":4265,"Ġschools":4266,"ios":4267,"Ġdrop":4268,"Ġstream":4269,"ĠMo":4270,"Ġpreviously":4271,"aling":4272,"Ġpet":4273,"Ġdouble":4274,"Ġ(@":4275,"annel":4276,"Ġdefault":4277,"ties":4278,"Ġrank":4279,"ĠDec":4280,"ĠCouncil":4281,"Ġweapon":4282,"Ġstock":4283,"Ġanaly":4284,"ĠStr":4285,"Ġpicture":4286,"ĠPolice":4287,"ference":4288,"Ġcentury":4289,"Ġcitizens":4290,"Ġonto":4291,"Ġexpand":4292,"Ġhero":4293,"ĠSol":4294,"Ġwild":4295,"Ġupdate":4296,"Ġcustomers":4297,"ront":4298,"def":4299,"Ġlik":4300,"Ġcriminal":4301,"ĠChristian":4302,"SP":4303,"76":4304,"Ġleaving":4305,"Ġotherwise":4306,"ĠDist":4307,"Ġbasis":4308,"52":4309,"53":4310,"icip":4311,"ĠBer":4312,"Ġrecommend":4313,"Ġfloor":4314,"Ġcrowd":4315,"oles":4316,"Ġ70":4317,"Ġcentral":4318,"ĠEv":4319,"Ġdream":4320,"Ġdownload":4321,"Ġconfir":4322,"ĠThom":4323,"Ġwindow":4324,"Ġhappens":4325,"Ġunit":4326,"Ġtend":4327,"Ġspl":4328,"Ġbecomes":4329,"Ġfighting":4330,"Ġpredict":4331,"ĠPress":4332,"ĠPower":4333,"Ġheavy":4334,"aked":4335,"Ġfan":4336,"orter":4337,"ategy":4338,"BA":4339,"izes":4340,"Ġspend":4341,"Here":4342,"Ġ2007":4343,"Ġadop":4344,"ĠHam":4345,"Ġfootball":4346,"ĠPort":4347,"oday":4348,"51":4349,"ampions":4350,"Ġtransfer":4351,"ht":4352,"Ġ38":4353,"term":4354,"acity":4355,"Ġbur":4356,"],":4357,"ternal":4358,"rig":4359,"but":4360,"Ġtherefore":4361,"ĠBecause":4362,"resp":4363,"rey":4364,"Ġmission":4365,"Some":4366,"Ġnoted":4367,"Ġassum":4368,"Ġdisease":4369,"Ġedit":4370,"Ġprogress":4371,"rd":4372,"ĠBrown":4373,"ocal":4374,"Ġadding":4375,"Ġraised":4376,"ĠAny":4377,"Ġtick":4378,"Ġseeing":4379,"ĠPeople":4380,"Ġagreement":4381,"Ġserver":4382,"Ġwat":4383,"Ġdebate":4384,"Ġsupposed":4385,"iling":4386,"Ġlargest":4387,"Ġsuccessful":4388,"ĠPri":4389,"ĠDemocratic":4390,"Ġjump":4391,"ĠSyria":4392,"Ġowners":4393,"Ġoffers":4394,"Ġshooting":4395,"Ġeffic":4396,"sey":4397,"Ġhaven":4398,"verse":4399,"tered":4400,"ĠLight":4401,"imal":4402,"ĠBig":4403,"Ġdefend":4404,"Ġbeat":4405,"Ġrecords":4406,"%)":4407,"Ġscen":4408,"Ġemployees":4409,"Ġdevices":4410,"hem":4411,"Ġcommer":4412,"ĠMex":4413,"Ġbenefit":4414,"ĠProf":4415,"Ġilleg":4416,"Ġsurface":4417,"ĠAlso":4418,"Ġharm":4419,"ingly":4420,"wide":4421,"ĠAlex":4422,"Ġshut":4423,"ĠCur":4424,"Ġlose":4425,"pm":4426,"Ġchallenge":4427,"semb":4428,"Ġstation":4429,"Ġintelligence":4430,"Ġaccur":4431,"ĠFlor":4432,"Ġrequires":4433,"ĠMal":4434,"bum":4435,"Ġhospital":4436,"Ġspirit":4437,"Ġoffered":4438,"Ġproduce":4439,"ĠCommun":4440,"Ġcreating":4441,"Ġcris":4442,"spect":4443,"Ġended":4444,"Ġdaily":4445,"Ġvoters":4446,"lands":4447,"ias":4448,"ih":4449,"ona":4450,"Ġsmart":4451,"ĠOffice":4452,"ĠLord":4453,"rial":4454,"ĠInternet":4455,"Ġcircum":4456,"Ġextremely":4457,"'.":4458,"Ġopinion":4459,"ĠMil":4460,"Ġgain":4461,"BS":4462,"ĠFin":4463,"yp":4464,"Ġuseful":4465,"Ġbudget":4466,"Ġcomfort":4467,"isf":4468,"Ġbackground":4469,"eline":4470,"Ġepisode":4471,"Ġenemy":4472,"Ġtrial":4473,"Ġestablish":4474,"date":4475,"ĠCap":4476,"Ġcontinues":4477,"Ġshowing":4478,"ĠUnion":4479,"with":4480,"Ġposted":4481,"ĠSystem":4482,"Ġeat":4483,"rian":4484,"Ġrise":4485,"ĠGermany":4486,"ils":4487,"Ġsigned":4488,"Ġvill":4489,"Ġgrand":4490,"mor":4491,"ĠEngland":4492,"Ġprojects":4493,"umber":4494,"Ġconference":4495,"za":4496,"Ġresponsible":4497,"ĠArab":4498,"Ġlearned":4499,"âĢĶâĢĶ":4500,"ipping":4501,"ĠGeorge":4502,"OC":4503,"Ġreturned":4504,"ĠAustralia":4505,"Ġbrief":4506,"Qu":4507,"Ġbrand":4508,"illing":4509,"abled":4510,"Ġhighest":4511,"Ġtrain":4512,"ĠCommission":4513,"while":4514,"Ġnom":4515,"ception":4516,"Ġmut":4517,"ĠBlue":4518,"Ġincident":4519,"vant":4520,"86":4521,"ĠID":4522,"Ġnuclear":4523,"74":4524,"ĠLike":4525,"ĠRE":4526,"ĠMicro":4527,"li":4528,"mail":4529,"Ġcharges":4530,"89":4531,"Ġadjust":4532,"ado":4533,"Ġearth":4534,"NA":4535,"Ġprices":4536,"PA":4537,"Ġdraft":4538,"Ġruns":4539,"Ġcandidate":4540,"enses":4541,"Ġmanagement":4542,"ĠPhil":4543,"ĠMiss":4544,"Ġteach":4545,"gram":4546,"Ġunderstanding":4547,"ait":4548,"icago":4549,"Add":4550,"ĠEp":4551,"secut":4552,"Ġseparate":4553,"Ġinstance":4554,"Ġeth":4555,"Ġunless":4556,"********":4557,"ĠFore":4558,"inate":4559,"Ġoperations":4560,"Sp":4561,"Ġfaith":4562,"gar":4563,"ĠChurch":4564,"ronic":4565,"Ġconfig":4566,"osure":4567,"Ġactivities":4568,"Ġtraditional":4569,"Ġ36":4570,"Ġdirection":4571,"Ġmachine":4572,"Ġsurround":4573,"Ġpush":4574,"unction":4575,"ĠEU":4576,"Ġeasier":4577,"Ġargument":4578,"GB":4579,"Ġmicro":4580,"Ġspending":4581,"izations":4582,"Ġtheory":4583,"adow":4584,"Ġcalling":4585,"ĠLast":4586,"Ġder":4587,"Ġinfluence":4588,"Ġcommit":4589,"Ġphoto":4590,"Ġunc":4591,"istry":4592,"gn":4593,"aste":4594,"acks":4595,"Ġdisp":4596,"ady":4597,"do":4598,"ĠGood":4599,"Ġ`":4600,"Ġwish":4601,"Ġrevealed":4602,"³³":4603,"lig":4604,"Ġenforce":4605,"ĠCommittee":4606,"Ġchem":4607,"Ġmiles":4608,"Ġinterested":4609,"Ġsolution":4610,"icy":4611,"inct":4612,"Ġ->":4613,"ĠDet":4614,"Ġremoved":4615,"Ġcompar":4616,"eah":4617,"Ġplant":4618,"ĠSince":4619,"Ġachieve":4620,"Ġadvantage":4621,"Ġslightly":4622,"bing":4623,"Ġplaced":4624,"under":4625,"2015":4626,"ĠMad":4627,"Ġtim":4628,"oses":4629,"Ġcru":4630,"ĠRock":4631,"Ġmostly":4632,"Ġnegative":4633,"Ġsetting":4634,"Ġproduced":4635,"Ġmur":4636,"Ġconnection":4637,"ĠMer":4638,"Ġdriver":4639,"Ġexecutive":4640,"Ġassault":4641,"Ġborn":4642,"ĠVer":4643,"tained":4644,"Ġstructure":4645,"Ġreduce":4646,"Ġdecades":4647,"Ġded":4648,"uke":4649,"ĠMany":4650,"idden":4651,"Ġleague":4652,"Se":4653,"Ġjoin":4654,"Ġdisco":4655,"Ġdie":4656,"cks":4657,"actions":4658,"Ġassess":4659,"agn":4660,"Ġgoals":4661,"ours":4662,"IR":4663,"Ġsenior":4664,"iller":4665,"mod":4666,"ipment":4667,"ocol":4668,"uy":4669,"ĠQue":4670,"Ġparties":4671,"irgin":4672,"Ġlearning":4673,"itable":4674,"Ġstreet":4675,"Ġcamera":4676,"App":4677,"Ġskills":4678,"bre":4679,"cious":4680,"Ġcelebr":4681,"ĠFranc":4682,"Ġexisting":4683,"Ġwilling":4684,"lor":4685,"Ġid":4686,"ĠSpace":4687,"Ġcritical":4688,"ĠLa":4689,"ortunately":4690,"Ġserve":4691,"Ġcold":4692,"Ġspecies":4693,"TS":4694,"Ġanimals":4695,"ĠBay":4696,"Ġolder":4697,"ĠUnder":4698,"estic":4699,"ĠTre":4700,"Ġteacher":4701,"Ġprefer":4702,"vis":4703,"Ġthread":4704,"ĠMatt":4705,"Ġmanager":4706,"ãĥ»":4707,"Ġprofessional":4708,"ĠVol":4709,"Ġnotes":4710,"These":4711,"ula":4712,"Ġfresh":4713,"ented":4714,"uzz":4715,"edy":4716,"clusion":4717,"ĠRel":4718,"Ġdoubt":4719,"EO":4720,"Ġopened":4721,"ĠBit":4722,"Advertisement":4723,"Ġguess":4724,"ĠUN":4725,"Ġsequ":4726,"Ġexplain":4727,"otten":4728,"Ġattract":4729,"aks":4730,"Ġstring":4731,"Ġcontext":4732,"ossible":4733,"ĠRepublicans":4734,"Ġsolid":4735,"Ġcities":4736,"Ġasking":4737,"Ġrandom":4738,"ups":4739,"uries":4740,"arant":4741,"dden":4742,"gl":4743,"ĠFlorida":4744,"Ġdepend":4745,"ĠScott":4746,"Ġ33":4747,"ĠiT":4748,"icon":4749,"Ġmentioned":4750,"Ġ2000":4751,"Ġclaimed":4752,"Ġdefinitely":4753,"ulf":4754,"Ġcore":4755,"Ġopening":4756,"ĠConst":4757,"which":4758,"ĠTra":4759,"AG":4760,"72":4761,"Ġbelieved":4762,"ada":4763,"Ġ48":4764,"ĠSecurity":4765,"yright":4766,"ĠPet":4767,"ĠLou":4768,"Ġholding":4769,"================":4770,"Ġice":4771,"Ġbrow":4772,"Ġauthorities":4773,"host":4774,"word":4775,"Ġscore":4776,"ĠDiv":4777,"Ġcells":4778,"Ġtransl":4779,"Ġneighbor":4780,"Ġremove":4781,"uct":4782,"Ġdistrict":4783,"ĠAccording":4784,"Ġworse":4785,"Ġconcerns":4786,"Ġpresidential":4787,"Ġpolicies":4788,"ĠHall":4789,"73":4790,"Ġhus":4791,"AY":4792,"Ġ2006":4793,"ĠJud":4794,"Ġindependent":4795,"ĠJustice":4796,"iliar":4797,"print":4798,"ighter":4799,"Ġprotection":4800,"zen":4801,"Ġsudden":4802,"house":4803,"ĠJes":4804,"PR":4805,"ĠInf":4806,"Ġbul":4807,"Ġ_":4808,"ĠService":4809,"ĠPR":4810,"Ġstrategy":4811,"ffect":4812,"Ġgirls":4813,"Ġmissing":4814,"oyal":4815,"ĠTeam":4816,"ulated":4817,"Ġdat":4818,"Ġpolitics":4819,"abor":4820,"According":4821,"Ġspell":4822,"Ġgraph":4823,"orthern":4824,"TC":4825,"Ab":4826,"Ġlabor":4827,"isher":4828,"Ġkick":4829,"ĠiTunes":4830,"Ġsteps":4831,"poses":4832,"Ġsmaller":4833,"En":4834,"bert":4835,"Ġroll":4836,"Ġresearchers":4837,"Ġclosed":4838,"Ġtransport":4839,"Ġlawy":4840,"________________":4841,"ĠChicago":4842,"Ġaspect":4843,"Ġnone":4844,"Ġmarriage":4845,"96":4846,"Ġelements":4847,"ĠFre":4848,"ĠSal":4849,"Ġdram":4850,"FC":4851,"top":4852,"equ":4853,"Ġhearing":4854,"Ġsupported":4855,"Ġtesting":4856,"cohol":4857,"Ġmassive":4858,"Ġstick":4859,"Ġguard":4860,"isco":4861,"phone":4862,"From":4863,"However":4864,"Ġborder":4865,"Ġcopy":4866,"ography":4867,"list":4868,"71":4869,"Ġowner":4870,"class":4871,"ruit":4872,"rate":4873,"ĠOnce":4874,"Ġdigital":4875,"Ġtask":4876,"ERS":4877,"Ġincred":4878,"tes":4879,"++":4880,"ĠFrance":4881,"Ġbreat":4882,"owl":4883,"Ġissued":4884,"ĠWestern":4885,"Ġdetect":4886,"Ġpartners":4887,"Ġshared":4888,"ĠCall":4889,"Ġcancer":4890,"ache":4891,"ribe":4892,"Ġexplained":4893,"Ġheat":4894,"{\"":4895,"Ġinvestment":4896,"ĠBook":4897,"Ġwood":4898,"Ġtools":4899,"ĠAlthough":4900,"Ġbelief":4901,"Ġcrisis":4902,"Ġge":4903,"ĠMP":4904,"Ġoperation":4905,"type":4906,"~~":4907,"ga":4908,"Ġcontains":4909,"anta":4910,"Ġexpress":4911,"ĠGroup":4912,"ĠJournal":4913,"ka":4914,"Ġamb":4915,"ĠUSA":4916,"Ġfinding":4917,"Ġfunding":4918,"how":4919,"Ġestablished":4920,"ideos":4921,"Ġdegree":4922,"Ġdangerous":4923,"anging":4924,"Ġfreedom":4925,"pport":4926,"outhern":4927,"Ġchurch":4928,"Ġcatch":4929,"ĠTwo":4930,"Ġpresence":4931,"ĠGuard":4932,"Up":4933,"Ġauthority":4934,"ĠProject":4935,"Ġbutton":4936,"Ġconsequ":4937,"Ġvalid":4938,"Ġweak":4939,"Ġstarts":4940,"Ġreference":4941,"ĠMem":4942,"\")":4943,"UN":4944,"orage":4945,"ĠOpen":4946,"Ġcollection":4947,"ym":4948,"gency":4949,"Ġbeautiful":4950,"ros":4951,"Ġtells":4952,"Ġwaiting":4953,"nel":4954,"Ġproviding":4955,"ĠDemocrats":4956,"Ġdaughter":4957,"Ġmaster":4958,"Ġpurposes":4959,"ĠJapanese":4960,"Ġequal":4961,"Ġturns":4962,"Ġdocuments":4963,"Ġwatching":4964,"Res":4965,"Ġran":4966,"2014":4967,"Ġreject":4968,"ĠKorea":4969,"Ġvictims":4970,"Level":4971,"erences":4972,"Ġwitness":4973,"Ġ34":4974,"Ġreform":4975,"coming":4976,"Ġoccup":4977,"Ġcaught":4978,"Ġtraffic":4979,"ading":4980,"Ġmodels":4981,"ario":4982,"Ġserved":4983,"Ġbatter":4984,"uate":4985,"ĠSecretary":4986,"Ġagreed":4987,"Ġtruly":4988,"ynam":4989,"ĠRet":4990,"Ġunits":4991,"ĠResearch":4992,"hand":4993,"azine":4994,"ĠMike":4995,"Ġvariety":4996,"otal":4997,"Ġamazing":4998,"Ġconfirmed":4999,"Ġentirely":5000,"Ġpurchase":5001,"Ġelement":5002,"Ġcash":5003,"Ġdetermine":5004,"De":5005,"Ġcars":5006,"ĠWall":5007,"âĸ":5008,"Ġviews":5009,"Ġdrugs":5010,"Ġdepartment":5011,"ĠStep":5012,"uit":5013,"Ġ39":5014,"asure":5015,"ĠClass":5016,"Ġcovered":5017,"ĠBank":5018,"Ġmere":5019,"uana":5020,"Ġmulti":5021,"Ġmix":5022,"Ġunlike":5023,"levision":5024,"Ġstopped":5025,"Ġsem":5026,"ĠGal":5027,"ules":5028,"Ġwel":5029,"ĠJohnson":5030,"la":5031,"Ġskill":5032,"Ġbecoming":5033,"rie":5034,"Ġappropriate":5035,"fe":5036,"ellow":5037,"ĠProt":5038,"ulate":5039,"ocation":5040,"Ġweekend":5041,"odies":5042,"Ġsites":5043,"Ġanimal":5044,"ĠTim":5045,"Ġscale":5046,"Ġcharged":5047,"Ġinstruct":5048,"illa":5049,"Ġmethods":5050,"Ġcert":5051,"Ġjudge":5052,"ĠHel":5053,"Ġdollars":5054,"Ġstanding":5055,"ĠSqu":5056,"Ġdebt":5057,"liam":5058,"Ġdriving":5059,"ĠSum":5060,"ĠEdition":5061,"Ġalbum":5062,"andon":5063,"IF":5064,"ĠUk":5065,"63":5066,"ader":5067,"Ġcommercial":5068,"esh":5069,"ĠGovernment":5070,"Ġdiscovered":5071,"Ġoutput":5072,"ĠHillary":5073,"ĠCarol":5074,"Ġ2005":5075,"Ġabuse":5076,"ancing":5077,"Ġswitch":5078,"Ġannual":5079,"Tw":5080,"Ġstated":5081,"agement":5082,"inner":5083,"Ġdemocr":5084,"Ġresidents":5085,"Ġallowing":5086,"Ġfactors":5087,"odd":5088,"Ġfuck":5089,"emies":5090,"Ġoccurred":5091,"oti":5092,"Ġnorth":5093,"ĠPublic":5094,"Ġinjury":5095,"Ġinsurance":5096,"CL":5097,"olly":5098,"ãĢ":5099,"Ġrepeated":5100,"Ġarms":5101,"anged":5102,"Ġconstruction":5103,"Ġfle":5104,"PU":5105,"icians":5106,"Ġforms":5107,"ĠMcC":5108,"antic":5109,"Ġmental":5110,"pire":5111,"Ġequipment":5112,"Ġfant":5113,"Ġdiscussion":5114,"Ġregarding":5115,"kin":5116,"arp":5117,"Ġchair":5118,"ogue":5119,"Ġproceed":5120,"ĠId":5121,"Our":5122,"Ġmurder":5123,"Man":5124,"Ġ49":5125,"asp":5126,"Ġsupply":5127,"Ġinput":5128,"Ġwealth":5129,"liament":5130,"Ġproced":5131,"orial":5132,"ĠStat":5133,"ĠNFL":5134,"hens":5135,"ĠInstitute":5136,"Ġputting":5137,"ournament":5138,"etic":5139,"Ġlocated":5140,"Ġkid":5141,"eria":5142,"run":5143,"Ġprinc":5144,"Ġ!":5145,"going":5146,"ĠBet":5147,"Ġclot":5148,"Ġtelling":5149,"Ġproposed":5150,"iot":5151,"orry":5152,"Ġfunds":5153,"gment":5154,"ĠLife":5155,"Ġbaby":5156,"ĠBack":5157,"Ġspoke":5158,"Image":5159,"Ġearn":5160,"ĠAT":5161,"gu":5162,"Ġexchange":5163,"ĠLin":5164,"oving":5165,"Ġpair":5166,"More":5167,"azon":5168,"Ġarrested":5169,"Ġkilling":5170,"can":5171,"ĠCard":5172,"yd":5173,"Ġidentified":5174,"Ġmobile":5175,"Ġthanks":5176,"onym":5177,"ĠForm":5178,"Ġhundreds":5179,"ĠChris":5180,"ĠCat":5181,"Ġtrend":5182,"hat":5183,"ĠAv":5184,"oman":5185,"Ġelectric":5186,"ĠWil":5187,"SE":5188,"Of":5189,"Ġrestaur":5190,"oted":5191,"Ġtrig":5192,"Ġnine":5193,"Ġbomb":5194,"Why":5195,"¯":5196,"Ġcoverage":5197,"Ġappeal":5198,"ĠRobert":5199,"ĠSup":5200,"Ġfinished":5201,"Ġflow":5202,"Ġdeliver":5203,"Ġcalcul":5204,"Ġphotos":5205,"Ġphil":5206,"Ġpieces":5207,"Ġappre":5208,"kes":5209,"Ġrough":5210,"Do":5211,"Ġpartner":5212,"Ġconcerned":5213,"Ġ37":5214,"ĠGen":5215,"Col":5216,"ctors":5217,"Ġ=>":5218,"state":5219,"Ġsuggested":5220,"ĠForce":5221,"CE":5222,"Ġherself":5223,"ĠPlan":5224,"works":5225,"ooth":5226,"rency":5227,"Ġcorner":5228,"Ġhusband":5229,"Ġinternet":5230,"ĠAut":5231,"ems":5232,"osen":5233,"ĠAtl":5234,"gen":5235,"Ġbalance":5236,"62":5237,"Ġsounds":5238,"text":5239,"Ġarr":5240,"oves":5241,"Ġmillions":5242,"Ġradio":5243,"Ġsatisf":5244,"ĠDam":5245,"Mr":5246,"Go":5247,"Spe":5248,"Ġcombat":5249,"rant":5250,"ĠGree":5251,"Ġfuel":5252,"Ġdistance":5253,"Ġtests":5254,"Ġdecre":5255,"ĠEr":5256,"Ġmanaged":5257,"DS":5258,"Ġtit":5259,"Ġmeasures":5260,"ĠLiber":5261,"Ġattend":5262,"ashed":5263,"ĠJose":5264,"ĠNight":5265,"dit":5266,"ĠNov":5267,"ĠEnd":5268,"outs":5269,"Ġgeneration":5270,"Ġadvoc":5271,"yth":5272,"Ġconversation":5273,"ĠSky":5274,"active":5275,"cel":5276,"rier":5277,"ĠFrank":5278,"Ġgender":5279,"Ġconcent":5280,"Ġcarried":5281,"anda":5282,"ĠVirgin":5283,"Ġarrived":5284,"icide":5285,"aded":5286,"Ġfailure":5287,"Ġminimum":5288,"lets":5289,"Ġworst":5290,"Ġkeeping":5291,"Ġintended":5292,"Ġillegal":5293,"Ġsubsc":5294,"Ġdetermined":5295,"Ġtrip":5296,"Yes":5297,"Ġraise":5298,"Ġ~":5299,"Ġfeels":5300,"Ġpackage":5301,"ĠJo":5302,"hi":5303,"2016":5304,"real":5305,"Ġfra":5306,"Ġsymb":5307,"Me":5308,"ucky":5309,"pret":5310,"ĠKh":5311,"ĠEdit":5312,"ĠWeb":5313,"emic":5314,"ĠColor":5315,"Ġjustice":5316,"Int":5317,"Ġfarm":5318,"cknow":5319,"\">":5320,"eless":5321,"Ġreduced":5322,"Ġ500":5323,"xx":5324,"ĠRad":5325,"ĠWood":5326,"Ġclin":5327,"Ġhyp":5328,"iler":5329,"ura":5330,"kins":5331,"85":5332,"61":5333,"ĠTheir":5334,"ĠMary":5335,"Ġsan":5336,"Ġnovel":5337,"ĠWho":5338,"Ġcapacity":5339,"Ġimpossible":5340,"Ġplays":5341,"Ġminister":5342,"ijuana":5343,"icate":5344,"ĠSet":5345,"Ġfram":5346,"Ġing":5347,"Ġcommunities":5348,"ĠFBI":5349,"ita":5350,"Ġbon":5351,"Ġstrateg":5352,"Ġinterests":5353,"lock":5354,"gers":5355,"mas":5356,"ĠAND":5357,"Ġconflict":5358,"Ġrequirements":5359,"Ġsac":5360,"Ġoperating":5361,"ini":5362,"related":5363,"Ġcommitted":5364,"Ġrelatively":5365,"Ġsouth":5366,"¯¯":5367,"Ġafford":5368,"Ġidentity":5369,"Ġdecisions":5370,"Ġaccused":5371,"place":5372,"Ġvictory":5373,"och":5374,"iat":5375,"Name":5376,"Com":5377,"tion":5378,"eds":5379,"Ġseek":5380,"Ġtight":5381,"ĠImages":5382,"Ġiniti":5383,"Ġhumans":5384,"Ġfamiliar":5385,"Ġaudience":5386,"Ġinternal":5387,"venture":5388,"Ġsides":5389,"ĠTO":5390,"Ġdim":5391,"Ġconclud":5392,"Ġappoint":5393,"Ġenforcement":5394,"ĠJim":5395,"ĠAssociation":5396,"Ġcircumst":5397,"ĠCanadian":5398,"Ġjoined":5399,"Ġdifferences":5400,"ĠLos":5401,"Ġprotest":5402,"Ġtwice":5403,"win":5404,"Ġglass":5405,"arsh":5406,"ĠArmy":5407,"Ġexpression":5408,"Ġdecide":5409,"Ġplanning":5410,"ania":5411,"Ġhandle":5412,"ĠMicrosoft":5413,"ĠNor":5414,"Ġmaximum":5415,"ĠRev":5416,"Ġsea":5417,"Ġeval":5418,"Ġhelps":5419,"ref":5420,"Ġbound":5421,"Ġmouth":5422,"Ġstandards":5423,"Ġclim":5424,"ĠCamp":5425,"ĠFox":5426,"cles":5427,"Ġarmy":5428,"ĠTechn":5429,"acking":5430,"xy":5431,"SS":5432,"Ġ42":5433,"Ġbug":5434,"ĠUkrain":5435,"ĠMax":5436,"ĠJones":5437,"ĠShow":5438,"lo":5439,"Ġplanet":5440,"Ġ75":5441,"Ġwinning":5442,"Ġfaster":5443,"Ġspect":5444,"Ġbroken":5445,"TR":5446,"Ġdefined":5447,"Ġhealthy":5448,"Ġcompetition":5449,"https":5450,"ĠIsland":5451,"ĠFe":5452,"Ġannounce":5453,"ĠCup":5454,"ĠInstead":5455,"Ġclient":5456,"Ġpossibly":5457,"section":5458,"ocket":5459,"look":5460,"Ġfinish":5461,"Ġcrew":5462,"Ġreserv":5463,"Ġeditor":5464,"Ġhate":5465,"Ġsale":5466,"Ġcontrovers":5467,"Ġpages":5468,"wing":5469,"Ġnumer":5470,"Ġopposition":5471,"Ġ2004":5472,"Ġrefuge":5473,"Ġflight":5474,"Ġapart":5475,"ĠLat":5476,"Americ":5477,"ĠAfrica":5478,"Ġapplications":5479,"ĠPalest":5480,"ĠBur":5481,"Ġgar":5482,"ĠSocial":5483,"Ġupgr":5484,"Ġshape":5485,"Ġspeaking":5486,"ansion":5487,"ao":5488,"ĠSn":5489,"Ġworry":5490,"ĠBritain":5491,"Please":5492,"roud":5493,"Ġhun":5494,"Ġintroduced":5495,"Ġdiet":5496,"Ind":5497,"ĠSecond":5498,"Ġfunctions":5499,"uts":5500,"ĠEach":5501,"ĠJeff":5502,"Ġstress":5503,"Ġaccounts":5504,"Ġguarant":5505,"ĠAnn":5506,"edia":5507,"Ġhonest":5508,"Ġtree":5509,"ĠAfrican":5510,"ĠBush":5511,"},":5512,"Ġsch":5513,"ĠOnly":5514,"Ġfif":5515,"igan":5516,"Ġexercise":5517,"ĠExp":5518,"Ġscientists":5519,"Ġlegislation":5520,"ĠWork":5521,"ĠSpr":5522,"ÃĤ":5523,"ĠHuman":5524,"Ġè":5525,"Ġsurvey":5526,"Ġrich":5527,"rip":5528,"Ġmaintain":5529,"Ġflo":5530,"Ġleadership":5531,"stream":5532,"ĠIslamic":5533,"Ġ01":5534,"ĠCollege":5535,"Ġmagic":5536,"ĠPrime":5537,"Ġfigures":5538,"2017":5539,"inder":5540,"xual":5541,"ĠDead":5542,"Ġabsolutely":5543,"Ġfourth":5544,"Ġpresented":5545,"respond":5546,"rible":5547,"Ġalcohol":5548,"ato":5549,"ĠDE":5550,"porary":5551,"Ġgrab":5552,"Ġvari":5553,"Ġquant":5554,"ĠPhoto":5555,"Ġplus":5556,"rick":5557,"arks":5558,"Ġalternative":5559,"Ġpil":5560,"Ġapprox":5561,"that":5562,"Ġobjects":5563,"ĠRo":5564,"ĠAndroid":5565,"Ġsignificantly":5566,"ĠRoad":5567,"kay":5568,"Read":5569,"avor":5570,"Ġacknow":5571,"ĠHD":5572,"ĠSing":5573,"Or":5574,"ĠMont":5575,"Ġuns":5576,"prof":5577,"Ġnegoti":5578,"ĠArch":5579,"iki":5580,"Ġtelevision":5581,"ĠJewish":5582,"Ġcommittee":5583,"Ġmotor":5584,"Ġappearance":5585,"Ġsitting":5586,"Ġstrike":5587,"ĠDown":5588,"comp":5589,"ĠHist":5590,"Ġfold":5591,"acement":5592,"ĠLouis":5593,"Ġbelong":5594,"ĠâĢ¢":5595,"Ġmort":5596,"Ġprepared":5597,"Ġ64":5598,"ĠMaster":5599,"Ġindeed":5600,"ĠDen":5601,"Ġrent":5602,"TA":5603,"ourney":5604,"arc":5605,"Su":5606,"97":5607,"Ġadvice":5608,"Ġchanging":5609,"Ġlisted":5610,"Ġlaunched":5611,"isation":5612,"ĠPeter":5613,"ishes":5614,"Ġlived":5615,"ĠMel":5616,"ĠSupreme":5617,"ĠFederal":5618,"Ġ);":5619,"ructure":5620,"Ġsets":5621,"Ġphilos":5622,"uous":5623,"ĠÂł":5624,"Ġapplied":5625,"ĠNOT":5626,"Ġhousing":5627,"ĠMount":5628,"Ġodd":5629,"Ġsust":5630,"DA":5631,"fficient":5632,"Ġ?":5633,"olved":5634,"Ġpowers":5635,"Ġthr":5636,"Ġremaining":5637,"ĠWater":5638,"LC":5639,"Ġcauses":5640,"ãģ®":5641,"Ġmanner":5642,"ads":5643,"Ġsuggests":5644,"Ġends":5645,"standing":5646,"fig":5647,"ĠDun":5648,"idth":5649,"Ġgay":5650,"Ġtermin":5651,"ĠAngeles":5652,"MS":5653,"Ġscientific":5654,"Ġcoal":5655,"apers":5656,"bar":5657,"ĠThomas":5658,"Ġsym":5659,"ĠRun":5660,"this":5661,"PC":5662,"igrants":5663,"Ġminute":5664,"ĠDistrict":5665,"cellent":5666,"Ġleaves":5667,"Ġcompleted":5668,"amin":5669,"Ġfocused":5670,"Ġmonitor":5671,"Ġvehicles":5672,"MA":5673,"ĠMass":5674,"ĠGrand":5675,"Ġaffected":5676,"itutional":5677,"Ġconstruct":5678,"Ġfollows":5679,"Ġton":5680,"reens":5681,"Ġhomes":5682,"ĠExt":5683,"ĠLevel":5684,"rast":5685,"ĠIr":5686,"Ġelim":5687,"Ġlargely":5688,"ĠJoe":5689,"Ġvotes":5690,"alls":5691,"Ġbusinesses":5692,"ĠFoundation":5693,"ĠCentral":5694,"Ġyards":5695,"Ġmaterials":5696,"ulner":5697,"Ġguide":5698,"Ġcloser":5699,"ums":5700,"Ġsports":5701,"eder":5702,"Just":5703,"Ġtaxes":5704,"84":5705,"ĠOld":5706,"Ġdecade":5707,"ola":5708,"Ġvir":5709,"Ġdropped":5710,"Ġdelay":5711,"itect":5712,"Ġsecure":5713,"stein":5714,"level":5715,"Ġtreated":5716,"Ġfiled":5717,"aine":5718,"Ġvan":5719,"Ġmir":5720,"Ġcolumn":5721,"icted":5722,"eper":5723,"Ġrot":5724,"Ġconsult":5725,"Ġentry":5726,"Ġmarijuana":5727,"ĠDou":5728,"Ġapparently":5729,"oking":5730,"clusive":5731,"Ġincreases":5732,"ano":5733,"Ġspecifically":5734,"Ġtele":5735,"ensions":5736,"Ġreligion":5737,"abilities":5738,"Ġframe":5739,"ĠNote":5740,"ĠLee":5741,"Ġhelping":5742,"Ġedge":5743,"oston":5744,"Ġorganizations":5745,"Ãĥ":5746,"ĠBoth":5747,"hips":5748,"Ġbigger":5749,"Ġboost":5750,"ĠStand":5751,"Ġrow":5752,"uls":5753,"abase":5754,"Ġrid":5755,"Let":5756,"aren":5757,"rave":5758,"Ġstret":5759,"PD":5760,"Ġvision":5761,"Ġwearing":5762,"Ġappreci":5763,"Ġaward":5764,"ĠUse":5765,"Ġfactor":5766,"war":5767,"ulations":5768,")(":5769,"Ġgod":5770,"Ġterrit":5771,"Ġparam":5772,"asts":5773,"87":5774,"Ġenemies":5775,"ĠGames":5776,"FF":5777,"Ġaccident":5778,"Well":5779,"ĠMartin":5780,"TER":5781,"Ġath":5782,"ĠHell":5783,"Ġforg":5784,"Ġveter":5785,"ĠMedic":5786,"free":5787,"Ġstars":5788,"Ġexpensive":5789,"Ġacad":5790,"rawn":5791,"ĠWhe":5792,"Ġlock":5793,"Ġformat":5794,"Ġsoldiers":5795,"sm":5796,"Ġagent":5797,"Ġresponsibility":5798,"ora":5799,"ĠScience":5800,"Ġrapid":5801,"Ġtough":5802,"ĠJesus":5803,"Ġbelieves":5804,"ML":5805,"Ġwear":5806,"lete":5807,"ÃĥÃĤ":5808,"ĠDri":5809,"Ġcommission":5810,"ĠBob":5811,"Oh":5812,"aped":5813,"Ġwarm":5814,"ÃĥÃĤÃĥÃĤ":5815,"Ġ2003":5816,"ortion":5817,"Ġhasn":5818,"uster":5819,"Ġunivers":5820,"ĠIll":5821,"Ġking":5822,"ologies":5823,"94":5824,"ĠTem":5825,"ĠMos":5826,"Ġpatient":5827,"ĠMexico":5828,"cean":5829,"ĠDeath":5830,"ĠSanders":5831,"you":5832,"ĠCast":5833,"ĠCompany":5834,"pty":5835,"Ġhappening":5836,"FP":5837,"ĠBattle":5838,"Ġbought":5839,"Am":5840,"Mod":5841,"Us":5842,"uters":5843,"ĠCre":5844,"ĠThose":5845,"Ġ44":5846,"iser":5847,"Ġsoul":5848,"ĠTop":5849,"ĠHarry":5850,"ĠAw":5851,"Ġseat":5852,"ffee":5853,"Ġrevolution":5854,"Ġ(\"":5855,"ĠDuring":5856,"ette":5857,"Ġring":5858,"Ġoffensive":5859,"Ġreturns":5860,"Ġvideos":5861,"Ġdiscl":5862,"Ġfamous":5863,"enced":5864,"ĠSign":5865,"ĠRiver":5866,"Ġ300":5867,"PM":5868,"ĠBus":5869,"ĠCH":5870,"Ġcandidates":5871,"arden":5872,"Ġpercentage":5873,"Ġvisual":5874,"Ġthank":5875,"Ġtrouble":5876,"nergy":5877,"Ġ2001":5878,"Ġprove":5879,"ashion":5880,"Ġenh":5881,"ĠLong":5882,"UM":5883,"Ġconnected":5884,"Ġpossibility":5885,"Over":5886,"Ġexpert":5887,"Ġlibrary":5888,"arts":5889,"ĠDirector":5890,"Ġfellow":5891,"92":5892,"irty":5893,"Ġdry":5894,"Ġsigns":5895,"ĠLove":5896,"Ġquiet":5897,"foot":5898,"Ġpure":5899,"ĠHun":5900,"Ġfilled":5901,"phas":5902,"ĠElect":5903,"endment":5904,"ĠExpl":5905,"Ġunable":5906,"ns":5907,"mo":5908,"Ġvast":5909,"obe":5910,"Ġidentify":5911,"apping":5912,"ĠCarolina":5913,"gress":5914,"Ġprote":5915,"Ġfish":5916,"Ġcircumstances":5917,"razy":5918,"ĠPhot":5919,"Ġbodies":5920,"ĠMur":5921,"Ġdeveloping":5922,"ĠAR":5923,"Ġexperienced":5924,"Ġsubstant":5925,"ĠBoard":5926,"esome":5927,"Ġdomestic":5928,"Ġcombined":5929,"ĠPut":5930,"Ġchemical":5931,"ĠChild":5932,"Ġpool":5933,"ĠCy":5934,"Ġegg":5935,"cons":5936,"sters":5937,"Ġhurt":5938,"Ġmarkets":5939,"Ġconservative":5940,"Ġsupporters":5941,"Ġagencies":5942,"idel":5943,"Ob":5944,"urb":5945,"Ġ43":5946,"ĠDefense":5947,"ye":5948,"ĠAp":5949,"dule":5950,"Ġtemperature":5951,"Ġconducted":5952,"ĠChief":5953,"Ġpulled":5954,"Ġfol":5955,"Last":5956,"onto":5957,"osis":5958,"VER":5959,"Des":5960,"ĠPan":5961,"First":5962,"Ġadvance":5963,"Ġlicense":5964,"rors":5965,"ĠJon":5966,"Ġimagine":5967,"Ġhell":5968,"Ġfixed":5969,"Ġincor":5970,"osite":5971,"ĠLog":5972,"icken":5973,"]:":5974,"Ġsurprise":5975,"hab":5976,"Ġcraft":5977,"olt":5978,"ĠJul":5979,"Ġdial":5980,"Ġrelevant":5981,"Ġentered":5982,"Ġleads":5983,"ĠAD":5984,"ĠClean":5985,"Ġpictures":5986,"essor":5987,"Ġalt":5988,"Ġpaying":5989,"Per":5990,"ĠMarket":5991,"Ġupdates":5992,"amily":5993,"ĠType":5994,"ĠHome":5995,"Ġ55":5996,"sembly":5997,"rome":5998,"83":5999,"Ġgreatest":6000,"Ġheight":6001,"Ġheav":6002,"aints":6003,"Ġlisten":6004,"aser":6005,"ĠSH":6006,"Ġcapable":6007,"acle":6008,"Ġperspect":6009,"inating":6010,"Ġoffering":6011,"rypt":6012,"ĠDevelop":6013,"abin":6014,"rc":6015,"Ġbright":6016,"alty":6017,"arrow":6018,"Ġsuppl":6019,"inding":6020,"acked":6021,"gypt":6022,"ĠAnother":6023,"pg":6024,"ĠVirginia":6025,"ĠLu":6026,"Ġplanned":6027,"Ġpit":6028,"Ġsweet":6029,"Type":6030,"ĠDi":6031,"Ġtypically":6032,"ĠFrancisco":6033,"Ġprospect":6034,"ĠDan":6035,"Ġteen":6036,"rees":6037,"Ġsched":6038,"Ġhol":6039,"Ġscr":6040,"Ġlots":6041,"life":6042,"Ġnewsp":6043,"Ġforget":6044,"ĠNone":6045,"ĠMiddle":6046,"ĠRyan":6047,"edd":6048,"Ġsevere":6049,"Ġsuit":6050,"ller":6051,"93":6052,"Ġcorrespond":6053,"Ġexplos":6054,"uations":6055,"Ġflag":6056,"game":6057,"rid":6058,"Ġprin":6059,"ĠData":6060,"Ġdeploy":6061,"ĠEnter":6062,"suit":6063,"ghan":6064,"ĠMen":6065,"Ġthoughts":6066,"Ġmatters":6067,"Ġadapt":6068,"ĠAri":6069,"Ġfill":6070,"Ġforth":6071,"Ġsam":6072,"Ġ41":6073,"Ġpayment":6074,"ĠHor":6075,"Ġspring":6076,"duc":6077,"Ġlosing":6078,"Ġbringing":6079,"FO":6080,"ala":6081,"Ġdistribution":6082,"hered":6083,"bour":6084,"ĠIsraeli":6085,"oma":6086,"Ġcombination":6087,"Ġplenty":6088,"VE":6089,"Can":6090,"ĠHaw":6091,"Ġperman":6092,"ĠSpecial":6093,"Ġtow":6094,"Ġseeking":6095,"Ġexamples":6096,"Ġclasses":6097,"cr":6098,"Ġbeer":6099,"Ġmoves":6100,"ĠIP":6101,"ĠKn":6102,"Ġpanel":6103,"Even":6104,"Ġproperly":6105,"Ġris":6106,"Ġplug":6107,"Ġestimated":6108,"Every":6109,"Ġdefensive":6110,"agraph":6111,"Ġpregn":6112,"Ġinstit":6113,"ĠVict":6114,"Ġvolume":6115,"Ġpositions":6116,"Ġlinks":6117,"ĠProgram":6118,"ĠWeek":6119,"agues":6120,"Ġtransform":6121,"ker":6122,"ĠCEO":6123,"Ġcas":6124,"Ġopponent":6125,"Ġtweet":6126,"ĠCode":6127,"Ġshop":6128,"Ġfly":6129,"Ġtalks":6130,"Ġbag":6131,"Phone":6132,"Ġaid":6133,"Ġplants":6134,"Ġ65":6135,"Ġattorney":6136,"arters":6137,"quest":6138,"ĠMagic":6139,"Ġbegins":6140,"Ġmyster":6141,"Ġenvironmental":6142,"Ġstorage":6143,"NN":6144,"Ġmarg":6145,"Ġske":6146,"Ġmetal":6147,"elly":6148,"Ġordered":6149,"Ġremained":6150,"Ġloved":6151,"Ġprompt":6152,"Ġupdated":6153,"Ġexperts":6154,"Ġwalking":6155,"Ġancient":6156,"Ġperformed":6157,"ATE":6158,"Ġneither":6159,"iency":6160,"Ġmanufacture":6161,"ĠPak":6162,"Ġselected":6163,"Ġmine":6164,"Ġultimately":6165,"Ġexplan":6166,"Ġlabel":6167,"ĠServices":6168,"ributed":6169,"Trump":6170,"Ġsyn":6171,"ĠUlt":6172,"SC":6173,"Ġmeat":6174,"Ġgiant":6175,"ĠWars":6176,"ĠON":6177,"Ġadm":6178,"Ġinterpret":6179,"Ġevening":6180,"Ġevil":6181,"ĠBoston":6182,"ĠWild":6183,"ĠÃ":6184,"ĠBitcoin":6185,"ĠAmazon":6186,"Dr":6187,"ĠInformation":6188,"Ġobviously":6189,"Ġadvanced":6190,"Photo":6191,"olar":6192,"Ġweather":6193,"Ġsymbol":6194,"Ġsole":6195,"Ġpotentially":6196,"oster":6197,"Ġoriginally":6198,"mun":6199,"300":6200,"aze":6201,"essions":6202,"Ġdeck":6203,"Ġstood":6204,"Ġyouth":6205,"ĠBern":6206,"Rep":6207,"ĠTest":6208,"Ġbasically":6209,"otic":6210,"Ġinvolve":6211,"olit":6212,"lyn":6213,"See":6214,"Ġaircraft":6215,"Ġconfirm":6216,"EW":6217,"Ġmessages":6218,"ĠRichard":6219,"Ġkit":6220,"Ġprohib":6221,"Ġvulner":6222,"isters":6223,"Ġexistence":6224,"Ġturning":6225,"ĠSP":6226,"Ġdesire":6227,"Ġflat":6228,"Ġment":6229,"season":6230,"anges":6231,"Ġneighborhood":6232,"ĠLake":6233,"ATION":6234,"Ġpointed":6235,"bur":6236,"Ġinnov":6237,"ucks":6238,"UL":6239,"Ġprofessor":6240,"Ġexpressed":6241,"AB":6242,"icious":6243,"Ġ2002":6244,"ĠDev":6245,"Ġsession":6246,"Ġbare":6247,"sen":6248,"Ġdiss":6249,"ĠCath":6250,"ĠPass":6251,"ĠPoint":6252,"Ġdoctor":6253,"orrow":6254,"ailed":6255,"ĠRub":6256,"ĠDC":6257,"ĠCharl":6258,"person":6259,"Ġwriter":6260,"ighters":6261,"ureau":6262,"Ġoblig":6263,"Ġrecorded":6264,"Ġbroke":6265,"Ġorders":6266,"ilty":6267,"Ġmotion":6268,"inity":6269,"law":6270,"adium":6271,"Ġimmigration":6272,"Ġcontrast":6273,"Ġbatt":6274,"Ġexcellent":6275,"Ġtechnical":6276,"ami":6277,"Ġtun":6278,"Ġcloud":6279,"ĠYear":6280,"geon":6281,"Ġcreation":6282,"Ġstrange":6283,"Ġauth":6284,"Ġfort":6285,"born":6286,"Ġextent":6287,"ĠToday":6288,"ĠClub":6289,"Ġrain":6290,"Ġsample":6291,"Ġaccepted":6292,"Ġtact":6293,"Ġfired":6294,"ĠSon":6295,"Ġstands":6296,"Ġboot":6297,"Ġ47":6298,"Ġstatements":6299,"Ġversions":6300,"Ġselling":6301,"ounded":6302,"Ġ1990":6303,"Ġweren":6304,"ĠWatch":6305,"Ġexperiment":6306,"Post":6307,"Ġretail":6308,"uled":6309,"Inst":6310,"unte":6311,"ãĥ¼":6312,"Ġdepart":6313,"Ġbond":6314,"ivery":6315,"ompl":6316,"Ġreaction":6317,"ĠSyrian":6318,"ĠPac":6319,"apped":6320,"aniel":6321,"DP":6322,"Ġresolution":6323,"Ġreact":6324,"Ġapproved":6325,"onom":6326,"mond":6327,"ĠOffic":6328,"---":6329,"Ġreplace":6330,"Ġtack":6331,"Ġsport":6332,"Ġchain":6333,"Ġemergency":6334,"rad":6335,"ĠPalestin":6336,"Ġ46":6337,"Ġautomatically":6338,"Ġroute":6339,"Ġpal":6340,"Ġbanks":6341,"ĠParis":6342,"ĠMedia":6343,"road":6344,"icing":6345,"ixt":6346,"isted":6347,"Ġgrew":6348,"Ġcoord":6349,"ĠWhere":6350,"omin":6351,"Ġsubs":6352,"��":6353,"Ġ±":6354,"Ġcorporate":6355,"Ġselection":6356,"noon":6357,"ĠReport":6358,"cs":6359,"cluding":6360,"orders":6361,"anche":6362,"ĠIts":6363,"Ġslowly":6364,"ĠEgypt":6365,"ĠAcc":6366,"Ġcolle":6367,"iques":6368,"EX":6369,"Ġattempts":6370,"url":6371,"ĠCross":6372,"Ġfindings":6373,"ĠSC":6374,"ĠOR":6375,"Ġindex":6376,"ensity":6377,"ĠWay":6378,"ĠLand":6379,"Ġshock":6380,"dis":6381,"Ġdynam":6382,"Ġcart":6383,"mosp":6384,"Since":6385,"iest":6386,"ĠBoy":6387,"Ġstorm":6388,"ĠContin":6389,"2013":6390,"hew":6391,"ilit":6392,"Ġessential":6393,"iquid":6394,"Other":6395,"ivered":6396,"Ġreasonable":6397,"Act":6398,"Ġsubsequ":6399,"ĠPack":6400,"ĠFort":6401,"Ġconsidering":6402,"Ġuniversity":6403,"log":6404,"Ġmarried":6405,"Ġillust":6406,"ĠTrue":6407,"£ı":6408,"Ġnumerous":6409,"rastructure":6410,"Ġseriously":6411,"Ġreferred":6412,"ua":6413,"Ġconsistent":6414,"onna":6415,"ĠReal":6416,"ruption":6417,"ciples":6418,"Ġfacts":6419,"91":6420,"otes":6421,"erg":6422,"Then":6423,"Ġaccompl":6424,"Note":6425,"Ġrevenue":6426,"Ġpassing":6427,"Ġmal":6428,"een":6429,"ĠYet":6430,"Ġgather":6431,"terday":6432,"ework":6433,"ĠAuthor":6434,"Pe":6435,"Ġoptim":6436,"Ġrub":6437,"Ġè£ı":6438,"Ġunknown":6439,"stone":6440,"Ġunion":6441,"olve":6442,"Ġopportunities":6443,"Ġbrowser":6444,"ĠWal":6445,"ĠCost":6446,"Ġreporting":6447,"sts":6448,"pet":6449,"Ġsand":6450,"Ġsuddenly":6451,"Ġsurprising":6452,"ĠVR":6453,"Ġsomewhat":6454,"ĠBas":6455,"ulture":6456,"izz":6457,"ĠCD":6458,"Ġchallenges":6459,"Ġsettings":6460,"Ġexperiences":6461,"ĠFull":6462,"Ġcann":6463,"Ġreceiving":6464,"EST":6465,"Ġjoint":6466,"Ġcultural":6467,"Ġast":6468,"82":6469,"astern":6470,"ceived":6471,"ĠCru":6472,"Ġbull":6473,"pired":6474,"amm":6475,"Ġfacing":6476,"power":6477,"Ġboss":6478,"ĠHol":6479,"Ġinstr":6480,"Ġincreasingly":6481,"Ġshift":6482,"Ġstreets":6483,"ĠWilliams":6484,"abb":6485,"Ġlie":6486,"Ġlaugh":6487,"ĠCa":6488,"PL":6489,"Ġadults":6490,"Ġcustomer":6491,"Ġobtained":6492,"Ġsupporting":6493,"html":6494,"fire":6495,"Ġdetailed":6496,"Ġpicked":6497,"ĠRight":6498,"lder":6499,"EE":6500,"stood":6501,"ĠKim":6502,"Ġwire":6503,"Ġsight":6504,"Ġdevelopers":6505,"Ġpersons":6506,"Ġsad":6507,"Ġcup":6508,"Ġwarning":6509,"Ġboys":6510,"long":6511,"Ġbird":6512,"fo":6513,"Ġwal":6514,"Ġobserved":6515,"Ġzone":6516,"iveness":6517,"Ġchannel":6518,"cript":6519,"Ġrefused":6520,"ĠAgain":6521,"Ġsuc":6522,"Ġspokesman":6523,"ĠRef":6524,"rite":6525,"ouston":6526,"ãĥ³":6527,"ĠSher":6528,"Ġacts":6529,"ĠName":6530,"Ġstruggle":6531,"arry":6532,"ometimes":6533,"Ġdiscrim":6534,"HT":6535,"Ġcategory":6536,"Ġrealize":6537,"Ġemployee":6538,"ĠAfghan":6539,"enger":6540,"Ġguns":6541,"ĠSteve":6542,"ĠMot":6543,"ĠOl":6544,"oked":6545,"Ġthick":6546,"Ġfairly":6547,"illy":6548,"Ġsurve":6549,"ĠMat":6550,"weight":6551,"âĶ":6552,"Ġtroops":6553,"Ġagents":6554,"Ġbattery":6555,"Ġmotiv":6556,"á":6557,"Sec":6558,"den":6559,"overy":6560,"LS":6561,"Ġflu":6562,"Ġconfident":6563,"ĠOper":6564,"Ġempty":6565,"Ġphen":6566,"Ġsector":6567,"Ġexcited":6568,"Ġremote":6569,"aph":6570,"oen":6571,"Ġdestroyed":6572,"Ġmoral":6573,"ĠHP":6574,"ĠRon":6575,"Ġdress":6576,"ĠBat":6577,"Ġlit":6578,"ĠMS":6579,"Ġaf":6580,"HL":6581,"rum":6582,"isms":6583,"Ġshouldn":6584,"Ġsympt":6585,"ĠToronto":6586,"hetic":6587,"Ġcarbon":6588,"Ġinstalled":6589,"Ġviolent":6590,"Ġsolar":6591,"ja":6592,"Ġpractices":6593,"Ġride":6594,"ĠPenn":6595,"Ġimproved":6596,"Ġaudio":6597,"Ġbehavi":6598,"ĠPS":6599,"Ġeating":6600,"Data":6601,"ĠReview":6602,"pass":6603,"claim":6604,"uated":6605,"angers":6606,"chen":6607,"Ġproperties":6608,"Ġanywhere":6609,"Another":6610,"Ġblow":6611,"ĠJackson":6612,"Ġproud":6613,"Ġplane":6614,"lines":6615,"Ġsquare":6616,"Ġproof":6617,"ansas":6618,"Ġtalked":6619,"makers":6620,"Ġsister":6621,"Ġholds":6622,"Ġresident":6623,"Ġ==":6624,"Ġresistance":6625,"Ġsplit":6626,"Ġprosecut":6627,"Ġconfidence":6628,"resents":6629,"Ġcuts":6630,"Ġexception":6631,"Ġzero":6632,"Getty":6633,"Ġcopyright":6634,"Ġtotally":6635,"ormal":6636,"ifications":6637,"ĠAustralian":6638,"Ġsick":6639,"Ġ150":6640,"Ġhousehold":6641,"Ġfees":6642,"Ġdrivers":6643,"ogen":6644,"ĠNY":6645,"Ġnecessarily":6646,"Ġregulations":6647,"earing":6648,"sl":6649,"Ġperspective":6650,"care":6651,"icial":6652,"His":6653,"Ġescape":6654,"Ġsurprised":6655,"ĠVan":6656,"urrent":6657,"Ġvac":6658,"81":6659,"ĠThus":6660,"Ġemphas":6661,"ĠChampions":6662,"ĠIce":6663,"Ġnarr":6664,"Ġheads":6665,"Ġcausing":6666,"bel":6667,"fortunately":6668,"ĠMa":6669,"Ġtargets":6670,"cipl":6671,"Ġafternoon":6672,"Ġadds":6673,"ĠMaybe":6674,"ĠFour":6675,"essed":6676,"plete":6677,"Ġusual":6678,"cho":6679,"ingu":6680,"Ġwithd":6681,"ĠEnergy":6682,"ĠEconom":6683,"OO":6684,"Ġarticles":6685,"Ġinjured":6686,"Ġmanage":6687,"Ġexplains":6688,"Ġdiagn":6689,"Rec":6690,"atures":6691,"Ġlinked":6692,"Ġdiscussed":6693,"Ġexplo":6694,"Ġoccasion":6695,"athan":6696,"Ġopposite":6697,"Ġfaces":6698,"Ġdenied":6699,"ĠKnight":6700,"Ġnut":6701,"Ġapproximately":6702,"Ġdisappoint":6703,"onymous":6704,"ĠBest":6705,"ĠLo":6706,"ĠHy":6707,"ĠAff":6708,"Ġvoting":6709,"anwhile":6710,"ĠIII":6711,"Ġinstitutions":6712,"agram":6713,"ĠDaily":6714,"Ġdrag":6715,"Ġnearby":6716,"Ġguilty":6717,"Ġconver":6718,"Pre":6719,"ship":6720,"Ġreward":6721,"Ġphilosoph":6722,"ĠSS":6723,"ugh":6724,"Ġapps":6725,"friend":6726,"Ġupper":6727,"Ġadvert":6728,"Ġsnow":6729,"Ġfrust":6730,"Ġourselves":6731,"Fr":6732,"ĠDie":6733,"ampion":6734,"Ġdismiss":6735,"Ġcere":6736,"Ġsignal":6737,"from":6738,"Ġ).":6739,"Ġ52":6740,"Ġcrimes":6741,"itors":6742,"estival":6743,"useum":6744,"Ġcouncil":6745,"ĠSaud":6746,"May":6747,"ĠGun":6748,"ician":6749,"ether":6750,"Ġsufficient":6751,"ĠHen":6752,"sole":6753,"Ġhistorical":6754,"ĠFar":6755,"ĠTurn":6756,"Ġpin":6757,"Ġsucceed":6758,"mat":6759,"lymp":6760,"Ġtradition":6761,"ĠOk":6762,"Ġcro":6763,"Ġdescription":6764,"alle":6765,"Ġsky":6766,"Te":6767,"Ġwidely":6768,"Ġwave":6769,"Ġdefinition":6770,"ĠJews":6771,"Ġcycle":6772,"Ġrefere":6773,"Ġbrings":6774,"usal":6775,"Ġalive":6776,"Ġfrequently":6777,"Ġintention":6778,"ĠControl":6779,"lv":6780,"ystem":6781,"Ġprivacy":6782,"gent":6783,"rence":6784,"ĠQuest":6785,"ĠChristmas":6786,"Ġrail":6787,"Ġcooper":6788,"Ġtested":6789,"ĠCapt":6790,"asks":6791,"Ġcomfortable":6792,"Ġdelivered":6793,"scape":6794,"Ġdepth":6795,"ĠGOP":6796,"Ġwrites":6797,"Ġassets":6798,"Ġsav":6799,"iments":6800,"Ġtransition":6801,"Ġartist":6802,"ĠLook":6803,"Ġlob":6804,"Ġcomponents":6805,"arity":6806,"Ġwalked":6807,"Ġroot":6808,"Ġparticipants":6809,"Ġnoticed":6810,"Ġresc":6811,"Ġnav":6812,"ĠAdminist":6813,"da":6814,"utral":6815,"plate":6816,"Ġimportance":6817,"Ġassert":6818,"iously":6819,"cription":6820,"Ġinjuries":6821,"ĠCheck":6822,"Ġregistered":6823,"Ġintent":6824,"Ġmissed":6825,"ographic":6826,"Ġsentence":6827,"ounter":6828,"Ġassistance":6829,"evin":6830,"Ġdatabase":6831,"Ġbuildings":6832,"Ġclassic":6833,"Ġthinks":6834,"ĠOhio":6835,"Pr":6836,"ugg":6837,"Ġfee":6838,"pan":6839,"Ġeffectively":6840,"Ġfacility":6841,"Ġbear":6842,"Ġchapter":6843,"Ġdogs":6844,"ĠColumb":6845,"Ġlatter":6846,"itial":6847,"Ġadmitted":6848,"TV":6849,"ĠGeorg":6850,"Ġposts":6851,"\\\\":6852,"Ġlawyer":6853,"Ġequival":6854,"Ġmand":6855,"Ġcontrolled":6856,"ĠWalk":6857,"ĠAndrew":6858,"Ġmenu":6859,"amental":6860,"Ġprotected":6861,"va":6862,"Ġadministr":6863,"oral":6864,"Ġrein":6865,"ĠSar":6866,"Ġamounts":6867,"Ġnative":6868,"ĠMoon":6869,"Ġrepresents":6870,"Ġabandon":6871,"Ġcarrying":6872,"Ġtank":6873,"mary":6874,"Ġdeclared":6875,"Tube":6876,"Ġhat":6877,"Ġpunish":6878,"ellect":6879,"mes":6880,"Ġuniverse":6881,"ĠRod":6882,"phy":6883,"Ġinfrastructure":6884,"Ġ51":6885,"Ġopposed":6886,"ownt":6887,"ca":6888,"ĠMake":6889,"Ġhardware":6890,"Ġcoffee":6891,"Rel":6892,"bal":6893,"world":6894,"ĠSaf":6895,"ĠSea":6896,"inals":6897,"Ġowned":6898,"Ġhall":6899,"ersion":6900,"Ġdescribe":6901,"ĠPot":6902,"Ġportion":6903,"Ġatmosp":6904,"Ġgovernments":6905,"Ġdepending":6906,"Ġoffense":6907,"Ġtrick":6908,"awa":6909,"ĠLine":6910,"ĠVis":6911,"ĠHard":6912,"ĠOrig":6913,"ĠClick":6914,"Ġdesk":6915,"ĠValley":6916,"ĠSov":6917,"Ġmovies":6918,"Ġremark":6919,"Ġmail":6920,"Ġconscious":6921,"Ġruling":6922,"ĠRights":6923,"Ġmedic":6924,"hent":6925,"ĠWomen":6926,"><":6927,"Ġreplaced":6928,"ĠPrem":6929,"ĠThanks":6930,"Ġrenew":6931,"ĠBall":6932,"iform":6933,"Ġshots":6934,"Comm":6935,"Ġarmed":6936,"Ġconstant":6937,"Ġtaste":6938,"Ġrealized":6939,"Ġbuff":6940,"Ġmo":6941,"Ġefficient":6942,"Most":6943,"oration":6944,"ifies":6945,"Ġcommunication":6946,"Ġflood":6947,"Ġconsequences":6948,"Ġanyway":6949,"igg":6950,"ĠGM":6951,"ĠThank":6952,"Ġiron":6953,"Ġevolution":6954,"ĠCop":6955,"twitter":6956,"Ġ95":6957,"Ġrelationships":6958,"adel":6959,"ĠYoung":6960,"Ġproposal":6961,"ayers":6962,"uilding":6963,"ĠHot":6964,"ORE":6965,"cos":6966,"Ġcollabor":6967,"PG":6968,"axy":6969,"Ġknowing":6970,"Ġsupports":6971,"owed":6972,"Ġcontrols":6973,"Ġmerely":6974,"umer":6975,"Ġathlet":6976,"Ġfashion":6977,"path":6978,"Ġgift":6979,"Ġera":6980,"AND":6981,"Ġkinds":6982,"ĠKorean":6983,"Ġlegit":6984,"ulous":6985,"Ġessentially":6986,"Ġtherap":6987,"nic":6988,"Ġsuffered":6989,"Ġhur":6990,"Ġpromise":6991,"Ġexcess":6992,"Ġoverw":6993,"Ġprime":6994,"ĠHouston":6995,"erry":6996,"ĠMs":6997,"RS":6998,"2012":6999,"Ġstores":7000,"ĠOlymp":7001,"Ġjourney":7002,"Although":7003,"Sub":7004,"ĠEduc":7005,"ĠChapter":7006,"Ġrequests":7007,"Ġconsumers":7008,"Ġtiny":7009,"Ġisol":7010,"ĠFair":7011,"ba":7012,"ĠYOU":7013,"Ġcrash":7014,"celer":7015,"Ġemotional":7016,"Ġgoods":7017,"Ġelected":7018,"Ġmoder":7019,"ĠLinux":7020,"Ġblocks":7021,"Ġisland":7022,"ĠSociety":7023,"Ġelections":7024,"Ġbroadcast":7025,"Ġcheap":7026,"Ġnations":7027,"Ġseasons":7028,"400":7029,"Ġwaste":7030,"ĠSat":7031,"Ġfields":7032,"employ":7033,"Ġprofile":7034,"Ġauthors":7035,"ALL":7036,"ĠGra":7037,"west":7038,"ĠTy":7039,"Ġdeaths":7040,"Ġvacc":7041,"Ġformed":7042,"Ġdu":7043,"Ġongoing":7044,"ĠMuslims":7045,"elf":7046,"igure":7047,"Ġassume":7048,"ĠUkraine":7049,"water":7050,"Ġcoast":7051,"Ġvoted":7052,"gor":7053,"ĠAS":7054,"ĠMichigan":7055,"aza":7056,"ĠArm":7057,"iro":7058,"Ġflex":7059,"asters":7060,"''":7061,"Ġwelcome":7062,"arl":7063,"Ġlocations":7064,"igation":7065,"ĠFil":7066,"Ġbuying":7067,"Ġarchitect":7068,"Ġharder":7069,"ĠCub":7070,"Ġinterface":7071,"Ġrestaurant":7072,"Ġdiscover":7073,"Ġexceed":7074,"Ġfavour":7075,"gery":7076,"Ġduty":7077,"Ġpitch":7078,"ador":7079,"ĠMach":7080,"boy":7081,"Ġresponded":7082,"Ġextended":7083,"hers":7084,"Many":7085,"raid":7086,"ifer":7087,"ĠIns":7088,"Ser":7089,"Ġmedium":7090,"she":7091,"ĠSports":7092,"Ġmagazine":7093,"utation":7094,"Ġlimits":7095,"ĠGall":7096,"Ġexternal":7097,"razil":7098,"Ġyounger":7099,"tle":7100,"Ġremind":7101,"ĠCON":7102,"Ġimmediate":7103,"Ġhidden":7104,"Ġvolunte":7105,"Ġsimpl":7106,"odcast":7107,"Ġphase":7108,"dr":7109,"Ġplot":7110,"Ġexposure":7111,"RI":7112,"ograp":7113,"vin":7114,"anish":7115,"ĠAcad":7116,"ĠEngine":7117,"Ġexpansion":7118,"ĠPay":7119,"Your":7120,"Ġpushed":7121,"ĠEll":7122,"ĠHead":7123,"Ġmarketing":7124,"ĠAC":7125,"ket":7126,"Ġhits":7127,"Ġgro":7128,"ĠAge":7129,"ĠScot":7130,"][":7131,"Ġstim":7132,"ĠiPhone":7133,"ĪĴ":7134,"Ġnarrow":7135,"ĠGetty":7136,"ĠTurkey":7137,"Ġperfectly":7138,"Ġenable":7139,"utch":7140,"Ġprecise":7141,"Ġregime":7142,"Ġshif":7143,"Ġcompens":7144,"gun":7145,"div":7146,"Ġchosen":7147,"ĠKen":7148,"Any":7149,"Ġtrees":7150,"Ġrecommended":7151,"ĠRen":7152,"uable":7153,"ĠHT":7154,"Follow":7155,"EG":7156,"ĠHand":7157,"ĠKenn":7158,"Ġarguments":7159,"Ġexists":7160,"Ġbike":7161,"ĠConserv":7162,"Ġbreaking":7163,"ĠGar":7164,"Ġcrazy":7165,"Ġvirtual":7166,"aylor":7167,"ixel":7168,"Ġ1980":7169,"Ġpermission":7170,"ĠSeries":7171,"Ġconsumer":7172,"Ġclosely":7173,"called":7174,"Ġ54":7175,"Ġhopes":7176,"Ġarray":7177,"ĠWin":7178,"ĠLabour":7179,"Ġspons":7180,"ĠIre":7181,"Ġpow":7182,"Ġreaders":7183,"Ġemployment":7184,"Ġcreature":7185,"Ġresulting":7186,"Ġaccurate":7187,"Ġmoments":7188,"Ġargued":7189,"Ġped":7190,"During":7191,"Ġ53":7192,"ĠTal":7193,"Ġsought":7194,"Ġsuffering":7195,"Ġicon":7196,"lee":7197,"Ġ($":7198,"alian":7199,"°":7200,"Ġpra":7201,"Ġbonus":7202,"(\"":7203,"ko":7204,"Ġacting":7205,"DE":7206,"fall":7207,"Ġcomparison":7208,"Ġsmooth":7209,"ĠNAS":7210,"upp":7211,"ĠJoseph":7212,"eping":7213,"ĠTake":7214,"ĠMid":7215,"Ġsending":7216,"fast":7217,"ĠFall":7218,"Ġdealing":7219,"user":7220,"ĠOrgan":7221,"Co":7222,"Ġattached":7223,"Ġsees":7224,"%.":7225,"Ġtypical":7226,"ART":7227,"Ġfinds":7228,"ĠAsia":7229,"umin":7230,"ĠCore":7231,"ĠEnt":7232,"inent":7233,"uce":7234,"ĠBlood":7235,"ĠNever":7236,"Ġemails":7237,"Ġhighlight":7238,"Ġconfront":7239,"atus":7240,"uted":7241,"Ġunus":7242,"Ġtopic":7243,"ĠAdam":7244,"Ġble":7245,"ati":7246,"Ġunderstood":7247,"Set":7248,"struct":7249,"TP":7250,"Ġmob":7251,"aa":7252,"ĠStart":7253,"pected":7254,"sell":7255,"Ġdedicated":7256,"ĠCA":7257,"uan":7258,"Ġsongs":7259,"escription":7260,"Ġtech":7261,"Ġrape":7262,"Ġaside":7263,"Ġgrant":7264,"Ġ56":7265,"sub":7266,"Ġargue":7267,"Ġcontaining":7268,"Ġschedule":7269,"Ġliberal":7270,"Ġpublicly":7271,"Ġheavily":7272,"ĠUt":7273,"iner":7274,"ĠSection":7275,"ĠCare":7276,"weet":7277,"ls":7278,"Dis":7279,"âĶĢ":7280,"ĠFollow":7281,"Back":7282,"ĠIT":7283,"Ġbes":7284,"ji":7285,"ĠHit":7286,"ested":7287,"Ġeverybody":7288,"ĠSwed":7289,"Ġfemin":7290,"Ġfacilities":7291,"Ġconven":7292,"Comp":7293,"ĠOS":7294,"core":7295,"Ġanx":7296,"Ġdivision":7297,"ĠCam":7298,"ĠStan":7299,"mates":7300,"Ġexplore":7301,"plom":7302,"Ġshares":7303,"pload":7304,"anes":7305,"Ġideal":7306,"eters":7307,"ĠBase":7308,"Ġplastic":7309,"Ġdistinct":7310,"ĠNetwork":7311,"ĠSeattle":7312,"Ġtrading":7313,"ensus":7314,"intend":7315,"Ġexhib":7316,"Ġinitially":7317,"ĠFood":7318,"Ġthousand":7319,"ĠBusiness":7320,"acter":7321,"Ġparagraph":7322,"Ġroughly":7323,"Ġwww":7324,"Ġcreative":7325,"ĠConf":7326,"Ġconsumption":7327,"Ġfilms":7328,"agan":7329,"Ġobtain":7330,"Ġtall":7331,"Ġtor":7332,"Ġacknowled":7333,"Ġgrown":7334,"alo":7335,"KE":7336,"Ġ400":7337,"enders":7338,"taining":7339,"UG":7340,"Ġsuicide":7341,"Ġwatched":7342,"ĠList":7343,"ali":7344,"rehens":7345,"Ġsurrounding":7346,"Ġpip":7347,"Ġflying":7348,"ĠJava":7349,"ordan":7350,"Ġserving":7351,"inations":7352,"post":7353,"Ġsho":7354,"Av":7355,"Ġjail":7356,"zy":7357,"Ġ1999":7358,"Ġ>":9609,"orous":9610,"Ġfirms":9611,"screen":9612,"una":9613,"Ġembarrass":9614,"ulse":9615,"Ġletting":9616,"Ġthrew":9617,"iley":9618,"Ġchannels":9619,"lan":9620,"ĠVegas":9621,"Ġsear":9622,"Ġfantastic":9623,"arre":9624,"uzzle":9625,"ĠDer":9626,"Those":9627,"Ġswing":9628,"Ġsheet":9629,"index":9630,"cover":9631,"ogan":9632,"Ġvariables":9633,"ĠTech":9634,"Ġspoken":9635,"achel":9636,"ĠDa":9637,"ĠMountain":9638,"Ġloaded":9639,"Ġfootage":9640,"version":9641,"Ġunl":9642,"ĠPhoenix":9643,"Ġthrowing":9644,"Ġfiring":9645,"Ġtracking":9646,"Ġwidth":9647,"Ġstruggling":9648,"rooms":9649,"otion":9650,"Ġmonthly":9651,"ĠServer":9652,"Ġeggs":9653,"open":9654,"MC":9655,"Ġ1993":9656,"Ġhired":9657,"Ġstayed":9658,"ĠAllen":9659,"Ġstro":9660,"Ġ98":9661,"step":9662,"ĠTurkish":9663,"Ġfabric":9664,"isting":9665,"ĠDom":9666,"Ġdates":9667,"Ġpron":9668,"Ġbasketball":9669,"Ġlucky":9670,"ĠArabia":9671,"Ġassumed":9672,"esty":9673,"Ġaffairs":9674,"Ġglad":9675,"ĠIndeed":9676,"ĠFA":9677,"ĠWord":9678,"Ġjoining":9679,"ifice":9680,"pread":9681,"irts":9682,"ĠSelect":9683,"Ġpopulations":9684,"aware":9685,"Ġnose":9686,"Ġcomplaints":9687,"start":9688,"Ġscoring":9689,"Thanks":9690,"Ġmining":9691,"Ġvisitors":9692,"SH":9693,"Ġdamaged":9694,"Ġcharacteristics":9695,"ĠPent":9696,"DC":9697,"Ġ83":9698,"ĠSix":9699,"rates":9700,"Ġflags":9701,"ĠBrew":9702,"dog":9703,"Mark":9704,"////":9705,"Ġexecution":9706,"Ġjoke":9707,"phones":9708,"Ġtestimony":9709,"Ġobst":9710,"QL":9711,"ĠCut":9712,"Ġstudied":9713,"ĠNintendo":9714,"icket":9715,"ĠNBC":9716,"Ġlad":9717,"ĠBra":9718,"ĠMoh":9719,"Ġkernel":9720,"Ġoverwhelming":9721,"Ġaged":9722,"Ġapplicable":9723,"ĠCond":9724,"Ġroads":9725,"ĠBlock":9726,"made":9727,"odge":9728,"Ġcommands":9729,"Ġoffices":9730,"veland":9731,"Ġtut":9732,"Ġreceiver":9733,"ĠFro":9734,"Ġshopping":9735,"ĠiP":9736,"ĠStre":9737,"ĠABC":9738,"Ġentertainment":9739,"ĠBow":9740,"orted":9741,"Mc":9742,"Ġreads":9743,"grad":9744,"ĠCollect":9745,"ĠâĪĴ":9746,"ĠCapital":9747,"ederation":9748,"Ġemployer":9749,"Ġinvolvement":9750,"Ġanxiety":9751,"alia":9752,"Ġroof":9753,"ĠAmong":9754,"ĠDemocrat":9755,"Ġstats":9756,"ĠVill":9757,"Ġconstitutional":9758,"Ġreferring":9759,"itty":9760,"Ġtackle":9761,"outube":9762,"Ġbacked":9763,"ĠHong":9764,"ĠBroad":9765,"Ġele":9766,"ĠOtt":9767,"Ġ1992":9768,"hour":9769,"achusetts":9770,"Cal":9771,"Ġdefeated":9772,"Ġ81":9773,"esp":9774,"Ġseemingly":9775,"was":9776,"ĠJenn":9777,"ĠKurd":9778,"Ġgene":9779,"Ġdiscount":9780,"Ret":9781,"ECT":9782,"();":9783,"Ġclubs":9784,"Ġsid":9785,"ĠMarsh":9786,"Check":9787,"Ġpp":9788,"ĠEag":9789,"idespread":9790,"Ġbeings":9791,"FT":9792,"Ġintroduction":9793,"ĠChange":9794,"ARD":9795,"Ġ110":9796,"adows":9797,"ierce":9798,"Ġmeal":9799,"author":9800,"ĠBang":9801,"lahoma":9802,"Ġranks":9803,"2011":9804,"????":9805,"max":9806,"Ġcollapse":9807,"Ġopens":9808,"Ġecho":9809,"Ġsoph":9810,"Ġracist":9811,"Ġenormous":9812,"Ġwaves":9813,"Ġtap":9814,"Ġcomprehensive":9815,".--":9816,"ĠRoy":9817,"Ġfarmers":9818,"Related":9819,"aired":9820,"rones":9821,"ĠCrim":9822,"Ġproportion":9823,"Ġdesigns":9824,"Ġnegotiations":9825,"Ġvirtually":9826,"ĠBatman":9827,"Ġwarn":9828,"Ġlegitimate":9829,"mate":9830,"Ġconvention":9831,",,":9832,"netic":9833,"ĠSD":9834,"Ġconsistently":9835,"Ġcompensation":9836,"Ġpunishment":9837,"Ġye":9838,"Ġtie":9839,"ĠBureau":9840,"irlf":9841,"ĠBu":9842,"ĠAren":9843,"ĠPhilipp":9844,"Ġknife":9845,"Ġmemories":9846,"ĠRoss":9847,"Ġangle":9848,"Ġ86":9849,"ĠThunder":9850,"Ġrend":9851,"ĠTour":9852,"Ġcounts":9853,"sung":9854,"ĠImp":9855,"Ġeducational":9856,"Ġaccessible":9857,"COM":9858,"Ġdrew":9859,"yer":9860,"Gl":9861,"amine":9862,"ORT":9863,"OB":9864,"IB":9865,"master":9866,"Ġtrials":9867,"ogy":9868,"har":9869,"ĠTrust":9870,"Ġpreferred":9871,"irlfriend":9872,"ĠNev":9873,"Ġbin":9874,"Ġcow":9875,"Page":9876,"Ġsignature":9877,"ĠBL":9878,"700":9879,"Ġretired":9880,"Ġbytes":9881,"Ġneighb":9882,"ĠLegend":9883,"Ġdevast":9884,"Ġsuspected":9885,"isons":9886,"ĠPokémon":9887,"scale":9888,"Ġcapabilities":9889,"Ġrevel":9890,"Ġcheese":9891,"dy":9892,"igrant":9893,"Ġfailing":9894,"bits":9895,"ĠHeroes":9896,"ĠGhost":9897,"ĠScient":9898,"Ġappointed":9899,"uri":9900,"Ġinstitution":9901,"Ġexpanded":9902,"greg":9903,"Ġmonitoring":9904,"Ġpodcast":9905,"Ġcoalition":9906,"Ġ96":9907,"Jo":9908,"Ġstolen":9909,"ĠSab":9910,"Ġstops":9911,"Ġholiday":9912,"Ġintr":9913,"Car":9914,"Black":9915,"ĠLGBT":9916,"Ġwarming":9917,"ĠAnderson":9918,"Ġ89":9919,"Ġproducer":9920,"Med":9921,"Ġaccuracy":9922,"ĠMarvel":9923,"izabeth":9924,"ĠPatrick":9925,"mony":9926,"Ġmini":9927,"acles":9928,"Ġovert":9929,"they":9930,"Ġmembership":9931,"ĠVen":9932,"Ġexch":9933,"Ġremoval":9934,"ĠDave":9935,"TY":9936,"mad":9937,"ĠFind":9938,"Ġadequ":9939,"Ġec":9940,"Ġteeth":9941,"Ġemotion":9942,"Ġperm":9943,"Ġsolely":9944,"db":9945,"Ġextraord":9946,"IGHT":9947,"cal":9948,"Ġguidelines":9949,"Ġdying":9950,"Ġsuspended":9951,"ĠPremier":9952,"ĠAnthony":9953,"elve":9954,"Ġdad":9955,"ĠEth":9956,"ĠFootball":9957,"Ġabandoned":9958,"Ġ<<":9959,"Ġmarch":9960,"Ġhorror":9961,"âĢ¦\"":9962,"Ġchildhood":9963,"Ġcampaigns":9964,"Ġlunch":9965,"ĠAlbert":9966,"block":9967,"âĸĪâĸĪ":9968,"ounding":9969,"Ġbone":9970,"organ":9971,"aders":9972,"ĠFlash":9973,"ĠDrive":9974,"Ġtonight":9975,"Ġwars":9976,"ĠFL":9977,"Ġformation":9978,"const":9979,"News":9980,"Ġcompe":9981,"orious":9982,"ĠStaff":9983,"Ġdiscussions":9984,"ĠProtection":9985,"ĠJam":9986,"Ġcriteria":9987,"Ġinstallation":9988,"Ġaccomplish":9989,"izza":9990,"Ġpublisher":9991,"Ġrescue":9992,"ĠTry":9993,"ULL":9994,"ĠSom":9995,"ĠHop":9996,"oret":9997,"ths":9998,"ordon":9999,"Ġpocket":10000,"ĠInv":10001,"Download":10002,"ĠCrime":10003,"Ġbene":10004,"ĠGuide":10005,"ĠAssembly":10006,"Ġparameters":10007,"IE":10008,"ĠAlexander":10009,"Ġconcert":10010,"ĠSche":10011,"Ġshoes":10012,"Ġvisiting":10013,"Ġrecall":10014,"Ġbub":10015,"Ġrural":10016,"Ġconcrete":10017,"ĠRos":10018,"Next":10019,"Russ":10020,"Ġloans":10021,"ĠShield":10022,"Ġtrem":10023,"hemat":10024,"kg":10025,"ĠHarris":10026,"isition":10027,"ĠMove":10028,"ĠFC":10029,"Ġfate":10030,"ĠCho":10031,"Ġtired":10032,"Ġprincipal":10033,"hist":10034,"iences":10035,"athy":10036,"Ġsevent":10037,"Ġmood":10038,"Ġstrategic":10039,"Ġdiseases":10040,"Ġforum":10041,"Ġtempor":10042,"Ġheadquarters":10043,"Par":10044,"ige":10045,"flix":10046,"Ġguitar":10047,"Ġ94":10048,"Only":10049,"Ġreleases":10050,"roph":10051,"================================":10052,"Ġ600":10053,"ĠContinue":10054,"igate":10055,"ĠCrit":10056,"system":10057,"Ġdisabled":10058,"Ġunexpected":10059,"ithub":10060,"Ġunclear":10061,"ĠEst":10062,"Ġcontrad":10063,"Ġstrategies":10064,"ventures":10065,"Ġpassage":10066,"AME":10067,"Ġimproving":10068,"Ġreveals":10069,"Ġdecrease":10070,"ova":10071,"Ġannoy":10072,"ĠShort":10073,"ĠLibrary":10074,"Ġcyber":10075,"nell":10076,"ĠHur":10077,"ĠCB":10078,"Ġphotograp":10079,"UI":10080,"Ġsed":10081,"Ge":10082,"Ġ87":10083,"Ġdiverse":10084,"Ġencouraged":10085,"Ġconspiracy":10086,"Ġbirds":10087,"Ġoperator":10088,"Ġhandful":10089,"Ġclassified":10090,"?)":10091,"Ġdramatic":10092,"Ġinvestigators":10093,"ito":10094,"Ġwidespread":10095,"ĠRoom":10096,"----------------------------------------------------------------":10097,"Ġcollective":10098,"Ġjournalist":10099,"String":10100,"Ġtemperatures":10101,"ila":10102,"Ġguid":10103,"Ġinspect":10104,"Ġmissile":10105,"ĠMayor":10106,"Ġmanual":10107,"Ġsimultane":10108,"Ġratings":10109,"Ġsuck":10110,"Ġ97":10111,"Ġuniversal":10112,"Ġpharm":10113,"Ġdisrupt":10114,"iano":10115,"AV":10116,"Ġft":10117,"Ġstatist":10118,"olds":10119,"ĠWalker":10120,"php":10121,"Ġundert":10122,"ĠLas":10123,"ishop":10124,"ntil":10125,"reshold":10126,"ĠWhether":10127,"Ms":10128,"Ġdeny":10129,"ĠCloud":10130,"Ġprovider":10131,"Ġsurviv":10132,"ĠUpdate":10133,"has":10134,"Ġmistakes":10135,"charge":10136,"pled":10137,"rity":10138,"Ġnode":10139,"ĠMassachusetts":10140,"ools":10141,"lication":10142,"Ġfails":10143,"emale":10144,"ori":10145,"backs":10146,"Ġshirt":10147,"Ġ''":10148,"ĠNAT":10149,"Ġwaters":10150,"elson":10151,"Ġease":10152,"Ġscar":10153,"Ġcontents":10154,"mind":10155,"Ġcontribution":10156,"Ġshr":10157,"Ġhanded":10158,"Ġstability":10159,"Ġtrave":10160,"Em":10161,"Ġmirror":10162,"123":10163,"Ġweigh":10164,"Ġfiction":10165,"ouver":10166,"istant":10167,"rition":10168,"ĠFed":10169,"Ġphysically":10170,"Ġstake":10171,"ĠArticle":10172,"ĠArc":10173,"ĠLewis":10174,"ĠMind":10175,"Ġdemonstrate":10176,"Ġprofits":10177,"vision":10178,"omic":10179,"olid":10180,"Ġbattles":10181,"Ġdrives":10182,"Ġeastern":10183,"ĠSony":10184,"!!!":10185,"aration":10186,"vard":10187,"ĠGL":10188,"portation":10189,"Ġ92":10190,"Ġlawmakers":10191,"Ġprotecting":10192,"ĠEPA":10193,"Ġyeah":10194,"Ġshame":10195,"olph":10196,"even":10197,"xit":10198,"Ġattach":10199,"Ġrepresenting":10200,"Ġobs":10201,"ĠUtah":10202,"iffs":10203,"ĠFreedom":10204,"ó":10205,"AK":10206,"Ġincidents":10207,"itage":10208,"Ġviewers":10209,"cd":10210,"Ġmouse":10211,"Ġclar":10212,"Ġaccordance":10213,"Ġbot":10214,"cor":10215,"ĠSummer":10216,"held":10217,"Ġinnocent":10218,"Ġinitiative":10219,"ols":10220,"________________________________":10221,"Ġspots":10222,"pace":10223,"Ġconventional":10224,"Ġcorporations":10225,"Ġblocked":10226,"HD":10227,"attered":10228,"Ġrefers":10229,"Ġbuck":10230,"ĠDigital":10231,"120":10232,"Ġtopics":10233,"TF":10234,"Äģ":10235,"brid":10236,"reement":10237,"Ġunderlying":10238,"ĠMember":10239,"Ġinvestigating":10240,"Ġpregnancy":10241,"Ġtouchdown":10242,"ĠBand":10243,"ĠCaller":10244,"Ġinstances":10245,"PP":10246,"wa":10247,"Good":10248,"Ġ1991":10249,"ĠCold":10250,"Ġfears":10251,"Ġremarks":10252,"ĨĴ":10253,"atal":10254,"Ġmit":10255,"Ġexperiments":10256,"ipt":10257,"Color":10258,"indu":10259,"Update":10260,"Ġ93":10261,"Ag":10262,"Ġå":10263,"ancouver":10264,"Both":10265,"Ġjudges":10266,"Object":10267,"Ġstere":10268,"umbn":10269,"Ġparticipation":10270,"ĠStars":10271,"ĠJere":10272,"Ġweekly":10273,"ĠBan":10274,"Ġconversations":10275,"ĠPitt":10276,"uz":10277,"ĠIndiana":10278,"ĠKick":10279,"Ġinfection":10280,"Ġheroes":10281,"Ġsettled":10282,"Ġstrip":10283,"Ġhal":10284,"Ġdump":10285,"ĠSci":10286,"Ġles":10287,"Ġreferences":10288,"ĠURL":10289,"ĠBridge":10290,"Ġwanting":10291,"Force":10292,"Ġexclus":10293,"Meanwhile":10294,"mn":10295,"Ġgentle":10296,"maker":10297,"senal":10298,"ĠGro":10299,"ouri":10300,"ĠRain":10301,"ĠAlliance":10302,"Ġlift":10303,"ela":10304,"SD":10305,"ĠCleveland":10306,"Ġranked":10307,"Ġstadium":10308,"Ġdeadly":10309,"ä¸":10310,"Ġriding":10311,"aria":10312,"ĠArmor":10313,"Ġdocumentation":10314,"ĠGreece":10315,"reek":10316,"Ġlens":10317,"ĠSa":10318,"Ġgross":10319,"ĠEmer":10320,"agers":10321,"ĠDub":10322,"ĠRh":10323,"ĠAMD":10324,"Ġarrival":10325,"Ġdesert":10326,"Ġsupplement":10327,"ĠResp":10328,"Ġknee":10329,"Ġmargin":10330,"font":10331,"ogg":10332,"2010":10333,"ĠPir":10334,"ĠProm":10335,"ivals":10336,"Ġintake":10337,"Ġdifferently":10338,"ugs":10339,"Ġbits":10340,"cluded":10341,"Ġsearching":10342,"ĠDu":10343,"umble":10344,"Ġfunctional":10345,"ĠBaltimore":10346,"ĠCould":10347,"Ġdesired":10348,"Ġcircuit":10349,"ĠLyn":10350,"ĠGO":10351,"ĠFalse":10352,"repre":10353,"':":10354,"alties":10355,"Ġminim":10356,"Ġdrove":10357,"ĠShould":10358,"Ġhip":10359,"Ġpros":10360,"Ġutility":10361,"ĠNature":10362,"ĠMode":10363,"President":10364,"opp":10365,"rat":10366,"formance":10367,"Ġconcentration":10368,"Ġfont":10369,"ĠBud":10370,"Ġamid":10371,"Ġrevers":10372,"ĠML":10373,"Bar":10374,"Ġinteraction":10375,"Ġjurisd":10376,"Ġspells":10377,"dep":10378,"fil":10379,"Ġcivilians":10380,"utter":10381,"ĠCooper":10382,"ĠBelow":10383,"Ġentrance":10384,"Ġconvert":10385,"Ġcontroversy":10386,"owered":10387,"Ġcontrary":10388,"Ġarc":10389,"ĠExecutive":10390,"ĠOfficer":10391,"Ġpackages":10392,"Ġprogressive":10393,"width":10394,"Ġreserved":10395,"vol":10396,"ĠSamsung":10397,"Ġprinted":10398,"Ġcenters":10399,"Ġintroduce":10400,"ĠKennedy":10401,"Ġodds":10402,"Ġsurely":10403,"Ġindependence":10404,"Ġpassengers":10405,"reprene":10406,"ĠBeh":10407,"Ġloves":10408,"ĠESPN":10409,"Ġfacilit":10410,"Ġidentical":10411,"Ġdoct":10412,"Ġpartnership":10413,"conf":10414,"ĠHide":10415,"Ġconfused":10416,"ĠCow":10417,"Men":10418,"Ġwrest":10419,"ĠIraqi":10420,"Ġholes":10421,"ĠStudies":10422,"Ġpregnant":10423,"hard":10424,"Ġsignals":10425,"IX":10426,"Ġpulling":10427,"Ġgraduate":10428,"Ġnominee":10429,"Date":10430,"Ġpermitted":10431,"ĠâĤ¬":10432,"ĠOklahoma":10433,"Start":10434,"Ġauthorized":10435,"Ġalarm":10436,"ĠCos":10437,"van":10438,"Ġgenerations":10439,"cular":10440,"Ġdragon":10441,"ĠSoftware":10442,"ĠEdward":10443,"Ġcontroller":10444,"Sen":10445,"gered":10446,"ĠVik":10447,"Ġapproached":10448,"Thank":10449,"Ġcance":10450,"Ġformula":10451,"ĠSmall":10452,"Ġweakness":10453,"Ġramp":10454,"itudes":10455,"jud":10456,"Ġbrilliant":10457,"Ġaccus":10458,"source":10459,"Ġ800":10460,"ĠEvil":10461,"Sw":10462,"Ġhomeless":10463,"week":10464,"iens":10465,"rics":10466,"ĠThird":10467,"TO":10468,"Ġorganic":10469,"Ġpresentation":10470,"agh":10471,"ĠDownload":10472,"vation":10473,"Ġassembly":10474,"orable":10475,"holders":10476,"ĠBernie":10477,"ĠHelp":10478,"Ġtong":10479,"ĠFight":10480,"Ġbeach":10481,"Book":10482,"ĠLic":10483,"Ġrush":10484,"ĠRound":10485,"oup":10486,"ĠMarx":10487,"Ġcalculated":10488,"ĠDevil":10489,"ĠSarah":10490,"Ġoccasionally":10491,"Ġbullet":10492,"Available":10493,"gate":10494,"Ġ91":10495,"Ġhosp":10496,"Ġpromises":10497,"ĠHIV":10498,"ĠStadium":10499,"ĠStock":10500,"ĠCorporation":10501,"gage":10502,"NG":10503,"ĠCredit":10504,"Ġsne":10505,"ibl":10506,"Ġaccum":10507,"such":10508,"Ġterrorists":10509,"Ġconsciousness":10510,"ĠZh":10511,"Ġdrama":10512,"oola":10513,"piration":10514,"Ġlabour":10515,"ĠNin":10516,"Ġutter":10517,"Ġdemocratic":10518,"Ġassass":10519,"ilation":10520,"Ġgest":10521,"Ġabroad":10522,"Ġmetab":10523,"Ġsorts":10524,"Ġflav":10525,"UB":10526,"Ġmg":10527,"ĠNothing":10528,"ĠOd":10529,"Ġmusical":10530,"2009":10531,"Ġdrops":10532,"ocated":10533,"ateral":10534,"000000":10535,"Ġgre":10536,"Ġequality":10537,"Ġburden":10538,"Ġvig":10539,"ĠLeader":10540,"------------":10541,"Ġceremony":10542,"Ġfighter":10543,"Ġactors":10544,"Ġæ":10545,"aman":10546,"Fi":10547,"Ġalign":10548,"puter":10549,"Ġelder":10550,"ĠNSA":10551,"Ġrepresentation":10552,"ĠOntario":10553,"ITH":10554,"usalem":10555,"Ġharassment":10556,"itzer":10557,"Ġsymp":10558,"Ġboxes":10559,"ĠDR":10560,"Ġmanifest":10561,"atre":10562,"Ġ^":10563,"Ġdies":10564,"leton":10565,"Ġmissions":10566,"ethe":10567,"Ġresolve":10568,"Ġfollowers":10569,"Ġasc":10570,"Ġkm":10571,"lord":10572,"ammed":10573,"Ġsilent":10574,"ĠAssociated":10575,"Ġtiming":10576,"Ġprisoners":10577,"ĠKings":10578,"ĠFive":10579,"Ġtower":10580,"Ġapproaches":10581,"Ġprecisely":10582,"Ġbureau":10583,"ĠMother":10584,"ĠIss":10585,"Ġkeyboard":10586,"itual":10587,"Ġfunded":10588,"Ġstaying":10589,"Ġpsychological":10590,"Ġmile":10591,"ĠLeon":10592,"ĠBarb":10593,"will":10594,"Ġwider":10595,"ĠAtlantic":10596,"Ġtill":10597,"ĠRome":10598,"rot":10599,"Ġaccompan":10600,"Ġflour":10601,"aco":10602,"World":10603,"ĠExpress":10604,"ĠYu":10605,"Cor":10606,"Ġpleased":10607,"party":10608,"Ġpointing":10609,"Ġinflation":10610,"Ġroy":10611,"Ġ),":10612,"ainer":10613,"Ġwedding":10614,"ormon":10615,"Ġrequiring":10616,"Ġqualified":10617,"Ġsegment":10618,"END":10619,"Ġsizes":10620,"eals":10621,"Ġcorrupt":10622,"assador":10623,"Ġceleb":10624,"Ġdreams":10625,"ĠMess":10626,"Ġchecking":10627,"ĠVersion":10628,"Ġpreparing":10629,"Ġactively":10630,"ĠDiff":10631,"Ġlux":10632,"ĠWinter":10633,"acteria":10634,"ĠNE":10635,"Ġdeputy":10636,"Ġtransgender":10637,"Ġsummary":10638,"Ġinher":10639,"eries":10640,"char":10641,"ĠYan":10642,"Ġknock":10643,"ĠPath":10644,"Ġlip":10645,"roller":10646,"Ġimpression":10647,"Ġcelebrate":10648,"Ġslide":10649,"Ġguests":10650,"Ġclip":10651,"FS":10652,"Ġsavings":10653,"Ġcaptain":10654,"Ġlegacy":10655,"ĠDenver":10656,"Ġwounded":10657,"taboola":10658,"ACT":10659,"Ġpursue":10660,"Ġoxy":10661,"Ġq":10662,"Ġsemi":10663,"ĠNeed":10664,"ĠAffairs":10665,"Ġobsc":10666,"Ġchecked":10667,"Ġdual":10668,"Code":10669,"ĠMD":10670,"lem":10671,"ulty":10672,"Ġ©":10673,"ĠElizabeth":10674,"Ġcenturies":10675,"arded":10676,"src":10677,"Ġevident":10678,"ennis":10679,"atin":10680,"Ġunemployment":10681,"ĠMario":10682,"Ġintim":10683,"Christ":10684,"Ġbiological":10685,"Ġsoldier":10686,"ĠAdded":10687,"Ġmath":10688,"ĠGil":10689,"Ġbias":10690,"Ġdating":10691,"ĠOcean":10692,"Ġmice":10693,"Mus":10694,"hire":10695,"ĠTes":10696,"Server":10697,"limited":10698,"Size":10699,"Ġmeters":10700,"Ġrocket":10701,"essee":10702,"Ġcertificate":10703,"ĠIranian":10704,"ASS":10705,"Ġgrid":10706,"Dec":10707,"Ġrolling":10708,"commun":10709,"ĠSweden":10710,"bury":10711,"Ġtissue":10712,"Ġracism":10713,"ĠLocal":10714,"Ġmystery":10715,"Ġexamine":10716,"Ġstem":10717,"Ġsits":10718,"Ġhoped":10719,"oting":10720,"Ġdialogue":10721,"Ġpersu":10722,"Watch":10723,"lay":10724,"MAN":10725,"Ġchronic":10726,"ĠPortland":10727,"market":10728,"ĠSEC":10729,"Ġparallel":10730,"Ġscandal":10731,"Ġcarries":10732,"Ġphenomenon":10733,"human":10734,"acker":10735,"ĠOx":10736,"Ġretirement":10737,"tainment":10738,"ovie":10739,"ĠGear":10740,"Ġduties":10741,"Ġdose":10742,"Ġscroll":10743,"MB":10744,"inf":10745,"Ġsauce":10746,"Ġlandscape":10747,"reddit":10748,"ĠChampionship":10749,"ĠReddit":10750,"alid":10751,"Ġcoin":10752,"Ġovers":10753,"Ġposting":10754,"about":10755,"Ġfel":10756,"andy":10757,"Ġbold":10758,"Ġfocusing":10759,"effect":10760,"GR":10761,"Ġdeemed":10762,"Ġrecommendations":10763,"Ġstepped":10764,"Ġvoter":10765,"ĠDeep":10766,"ĠInstagram":10767,"Ġmoderate":10768,"ĠMaryland":10769,"Ġrestricted":10770,"ĠMB":10771,"ĠChall":10772,"Ġtob":10773,"Ġcir":10774,"ĠOcc":10775,"ĠEver":10776,"Ġcollaps":10777,"INFO":10778,"=-":10779,"ĠPict":10780,"ĠAccount":10781,"nc":10782,"Ġought":10783,"Ġexport":10784,"Ġdrunk":10785,"('":10786,"Ġwise":10787,"ĠMort":10788,"necess":10789,"Ġancest":10790,"ĠIncre":10791,"Ġfrequent":10792,"mir":10793,"Ġinterpretation":10794,"Ġdependent":10795,"Ġcoins":10796,"ĠBol":10797,"Video":10798,"ĠJustin":10799,"Ġfatal":10800,"Ġcooking":10801,"Ġconfusion":10802,"ipher":10803,"Ġcustody":10804,"ĠMorgan":10805,"omach":10806,"ĠGovernor":10807,"Ġrestaurants":10808,"eling":10809,"Ġacknowledged":10810,"Ġther":10811,"Ġgenes":10812,"ching":10813,"Hey":10814,"Ġtactics":10815,"ĠMexican":10816,"Ġvend":10817,"Ġhes":10818,"quer":10819,"Ġnoting":10820,"ĠCameron":10821,"Ġtargeting":10822,"rock":10823,"Ġcredits":10824,"Ġemotions":10825,"Ġrepresentatives":10826,"news":10827,"Ġlegislative":10828,"Ġremoving":10829,"Ġtweeted":10830,"ĠCarter":10831,"ĠFixed":10832,"Ġforcing":10833,"Ġspeaker":10834,"Ġmales":10835,"ĠVietnam":10836,"lined":10837,"Ġconcepts":10838,"Ġvoices":10839,"oir":10840,"ĠTrib":10841,"Whe":10842,"ĠJerusalem":10843,"ĠSant":10844,"Ġcul":10845,"Ġlady":10846,"ĠHawai":10847,"Ġarts":10848,"ĠInn":10849,"ĠMachine":10850,"ĠEmperor":10851,"Ġslot":10852,"gly":10853,"ĠProcess":10854,"III":10855,"Ġathletes":10856,"ĠTemple":10857,"ĠRepresent":10858,"Ġpresc":10859,"Ġtons":10860,"Ġgolden":10861,"Ġpunch":10862,"ĠGR":10863,"iverpool":10864,"Ġenact":10865,"Ġlobby":10866,"Ġmos":10867,"Ġpicking":10868,"Ġlifetime":10869,"Ġcognitive":10870,"Each":10871,"zo":10872,"Ġdub":10873,"Ġconsists":10874,"oln":10875,"Ġfestival":10876,"amous":10877,"Ġintellig":10878,"words":10879,"ĠSmart":10880,"Ġdele":10881,"Ġlapt":10882,"Ġmagical":10883,"ĠSin":10884,"bus":10885,"urities":10886,"ighth":10887,"ĠRuby":10888,"ĠSure":10889,"olving":10890,"Ġjun":10891,"OST":10892,"Ġimposed":10893,"Ġastron":10894,"Ġcorrel":10895,"ĠNS":10896,"ĠKit":10897,"ĠFuture":10898,"burn":10899,"Ġimmune":10900,"ocus":10901,"Ġcourses":10902,"ĠString":10903,"Ġlean":10904,"Ġghost":10905,"Ġoutcomes":10906,"Ġexpense":10907,"Ġeveryday":10908,"Ġacceptable":10909,"Ah":10910,"Ġequipped":10911,"Ġorange":10912,"FR":10913,"ĠDutch":10914,"Though":10915,"ĠRank":10916,"QU":10917,"ĠRoberts":10918,"what":10919,"rend":10920,"Ġdisappear":10921,"Ġspawn":10922,"ĠLam":10923,"ois":10924,"Ġdeserve":10925,"Ġminimal":10926,"Ġnervous":10927,"ĠWould":10928,"Ġrook":10929,"ĠVancouver":10930,"Ġresign":10931,"shire":10932,"ĠWorks":10933,"ĠBuild":10934,"Ġaffordable":10935,"ĠGary":10936,"ĠArena":10937,"Ġhanging":10938,"Ġimplications":10939,"ĠSong":10940,"Ġmaintaining":10941,"Ġguards":10942,"CON":10943,"Ġderived":10944,"Ġexecuted":10945,"Ġtheories":10946,"Ġquoted":10947,"ĠAndre":10948,"oga":10949,"seless":10950,"info":10951,"ĠBelg":10952,"Ġtears":10953,"ĠSurv":10954,"Ġbirthday":10955,"igious":10956,"immer":10957,"Ġspectrum":10958,"Ġarchitecture":10959,"Ġrecruit":10960,"arma":10961,"Table":10962,"Ġmonsters":10963,"ĠGov":10964,"Ġdestination":10965,"Ġattractive":10966,"Ġfoss":10967,"ĠMoreover":10968,"Ġpresents":10969,"THE":10970,"Ġreply":10971,"pton":10972,"Ġcum":10973,"Ġdelight":10974,"Ġaffects":10975,"Ġdonations":10976,"ĠToy":10977,"ĠHim":10978,"MENT":10979,"Ġovercome":10980,"itched":10981,"ĠFantasy":10982,"ĠHat":10983,"ĠBeast":10984,"bott":10985,"Ġinvestigations":10986,"Run":10987,"Ġhunting":10988,"di":10989,"fund":10990,"Ġsessions":10991,"estyle":10992,"Ġportray":10993,"oids":10994,"Yeah":10995,"Ġcommunicate":10996,"Ġcomedy":10997,"ĠYang":10998,"Ġbelt":10999,"ĠMarine":11000,"Ġpredicted":11001,"Play":11002,"Ġimportantly":11003,"Ġremarkable":11004,"Ġeliminate":11005,"David":11006,"Ġbind":11007,"VID":11008,"Ġadvocates":11009,"ĠGaza":11010,"imp":11011,"DB":11012,"ĠNa":11013,"ĠSimilar":11014,"IES":11015,"Ġcharity":11016,"vas":11017,"math":11018,"Ġâĸ":11019,"oker":11020,"ndum":11021,"Ġcaps":11022,"ĠHal":11023,"2000":11024,"ean":11025,"Ġfleet":11026,"Ġrecre":11027,"Right":11028,"Ġsleeping":11029,"ijing":11030,"kind":11031,"Ġdesignated":11032,"ä":11033,"Ġanimation":11034,"kee":11035,"ĠIntrodu":11036,"Ġ/>":11037,"Ġdelayed":11038,"Ġtremend":11039,"Ġcurious":11040,"Use":11041,"Ġlect":11042,"dam":11043,"Ġinnovation":11044,"ĠPoints":11045,"Ġloading":11046,"Ġdispute":11047,"ctic":11048,"irds":11049,"ĠBY":11050,"Ġnurs":11051,"ĠValue":11052,"IONS":11053,"ĠHum":11054,"Ġtemplate":11055,"mers":11056,"Ġappearances":11057,"ĠEntertainment":11058,"Ġtranslation":11059,"Ġsake":11060,"Ġbeneath":11061,"Ġinhib":11062,"Ġeuro":11063,"abetes":11064,"Ġstudying":11065,"ĠMas":11066,"Ġperceived":11067,"Ġexamined":11068,"Ġeager":11069,"Ġcoaches":11070,"Ġimper":11071,"chi":11072,"Ġproduces":11073,"\").":11074,"ĠEveryone":11075,"Ġmunicip":11076,"Ġgirlfriend":11077,"Ġhire":11078,"ĠVice":11079,"Ġsuitable":11080,"opy":11081,"Ġinequ":11082,"ĠDuke":11083,"fish":11084,"first":11085,"ĠObs":11086,"Ġinterior":11087,"ĠBruce":11088,"ĠRy":11089,"Ġanalys":11090,"Ġconsiderable":11091,"Ġforecast":11092,"Ġfert":11093,"orship":11094,"ĠDrug":11095,"ĠALL":11096,":\"":11097,"thur":11098,"ĠMail":11099,"Ġballot":11100,"Ġinstantly":11101,"ĠChannel":11102,"Ġpicks":11103,"Ġ1989":11104,"Ġtent":11105,"oli":11106,"Ġcivilian":11107,"bling":11108,"ello":11109,"bu":11110,"Ġinch":11111,"Ġlogo":11112,"Ġcooperation":11113,"Ġwalks":11114,"Ġinvestments":11115,"Ġimprison":11116,"ĠFestival":11117,"ĠKy":11118,"Ġlegally":11119,"Ġgri":11120,"charg":11121,"Sl":11122,"Ġthreatening":11123,"duction":11124,"flow":11125,"Ġdismissed":11126,"ibraries":11127,"cap":11128,"ele":11129,"ĠMcG":11130,"ĠHarvard":11131,"ĠConservative":11132,"ĠCBS":11133,"png":11134,"Ġroots":11135,"ĠHaving":11136,"umbled":11137,"ĠFun":11138,"\\/":11139,"ĠSearch":11140,"plex":11141,"Ġdiscussing":11142,"Ġcontinu":11143,"ĠTai":11144,"ĠWik":11145,"Free":11146,"fit":11147,"Ġrefuse":11148,"Ġmanaging":11149,"Ġsynd":11150,"ipedia":11151,"walk":11152,"Ġprofessionals":11153,"Ġguidance":11154,"Ġuniversities":11155,"Ġassemb":11156,"untu":11157,"Finally":11158,"ASE":11159,"ĠAuto":11160,"ĠHad":11161,"Ġanniversary":11162,"LD":11163,"ĠDur":11164,"ĠUltimate":11165,"ihad":11166,"product":11167,"Ġtransit":11168,"Ġrestore":11169,"Ġexplaining":11170,"Ġasset":11171,"Ġtransferred":11172,"Ġburst":11173,"apolis":11174,"ĠMagazine":11175,"ĠCra":11176,"ĠBR":11177,"gged":11178,"ĠHE":11179,"Mich":11180,"bet":11181,"ĠLady":11182,"ylum":11183,"erves":11184,"Ġmeets":11185,"white":11186,"Log":11187,"Ġcorresponding":11188,"Ġinsisted":11189,"GG":11190,"Ġsurrounded":11191,"Ġtens":11192,"Ġlane":11193,"Ġcoinc":11194,"home":11195,"Ġexisted":11196,"ected":11197,"ĠDouble":11198,"lamm":11199,"Ġskept":11200,"exp":11201,"Ġperception":11202,"iev":11203,"ĠBeing":11204,"oft":11205,"Ġadopt":11206,".:":11207,"];":11208,"Windows":11209,"Ġsatellite":11210,"ASH":11211,"Ġinfant":11212,"description":11213,"ĠMeanwhile":11214,"cm":11215,"oca":11216,"ĠTreat":11217,"actor":11218,"Ġtobacco":11219,"ĠNorm":11220,"emption":11221,"Ġflesh":11222,"Ġje":11223,"oop":11224,"ĠHeaven":11225,"Ġbeating":11226,"anim":11227,"Ġgathering":11228,"Ġcultiv":11229,"GO":11230,"abe":11231,"ĠJonathan":11232,"ĠSafety":11233,"Ġbadly":11234,"prot":11235,"Ġchoosing":11236,"Ġcontacted":11237,"Ġquit":11238,"Ġdistur":11239,"Ġstir":11240,"Ġtoken":11241,"Det":11242,"ĠPa":11243,"Ġfunctionality":11244,"003":11245,"some":11246,"Ġlimitations":11247,"Ġmeth":11248,"build":11249,"config":11250,"NT":11251,"rell":11252,"blem":11253,"ĠMom":11254,"Ġveterans":11255,"ĠHu":11256,"Ġtrends":11257,"arer":11258,"ĠGiven":11259,"ĠCaption":11260,"may":11261,"AST":11262,"Ġwondering":11263,"ĠClark":11264,"normal":11265,"Ġseparated":11266,"Ġdesp":11267,"stic":11268,"brew":11269,"Ġrelating":11270,"ĠNik":11271,"ĠFarm":11272,"Ġenthusi":11273,"good":11274,"deb":11275,"Ġactivist":11276,"Ġmart":11277,"Ġexplosion":11278,"ĠEconomic":11279,"Link":11280,"Ġinsight":11281,"Ġconvenient":11282,"Ġcounterpart":11283,"support":11284,"ĠVirt":11285,"agen":11286,"ĠTennessee":11287,"ĠSimon":11288,"ĠAward":11289,"OCK":11290,"ĠFigure":11291,"Ġoverseas":11292,"Ġpride":11293,"ĠCas":11294,"note":11295,"mg":11296,"Current":11297,"Ġdisplays":11298,"content":11299,"Ġtraveling":11300,"Ġhospitals":11301,"ĠFinancial":11302,"ĠPast":11303,"Ġdefendant":11304,"Ġstreaming":11305,"mble":11306,"ĠBerlin":11307,"uki":11308,"Ġdistribut":11309,"Ġantib":11310,"Ġchocolate":11311,"ĠCastle":11312,"Ġinterrupt":11313,"ĠRow":11314,"Ġconversion":11315,"Ġbugs":11316,"ĠRather":11317,"liest":11318,"LY":11319,"ĠJean":11320,"common":11321,"akh":11322,"Ġ130":11323,"otton":11324,"ĠDean":11325,"Ġamendment":11326,"Ġgameplay":11327,"ĠWarren":11328,"oda":11329,"Ġhighlights":11330,"Ġirre":11331,"ĠNATO":11332,"Ġballs":11333,"Ġdemanding":11334,"URE":11335,"ĠLuke":11336,"Figure":11337,"stop":11338,"onia":11339,"zone":11340,"izers":11341,"ĠWR":11342,"Ġawarded":11343,"Ġregulatory":11344,"ĠHart":11345,"ĠSN":11346,"pling":11347,"Ġsour":11348,"ĠPixel":11349,"usive":11350,"Ġfet":11351,"ĠSent":11352,"Ġautomatic":11353,"Ġfer":11354,"vernment":11355,"ĠKhan":11356,"TON":11357,"father":11358,"Ġextraordinary":11359,"throp":11360,"ĠPython":11361,"ĠGPU":11362,"Ġsexually":11363,"Ġdesktop":11364,"itivity":11365,"ĠAntonio":11366,"Ġorient":11367,"Ġears":11368,"obby":11369,"ouses":11370,"vertisements":11371,"Ġmanufacturers":11372,"icient":11373,"minute":11374,"Ġconviction":11375,"Ġgarden":11376,"public":11377,"Ġsatisfied":11378,"fold":11379,"OK":11380,"Ġinhab":11381,"ĠThink":11382,"Ġprogramme":11383,"Ġstomach":11384,"Ġcoordin":11385,"Ġholy":11386,"Ġthreshold":11387,"Ġrhet":11388,"Ġserial":11389,"Ġemployers":11390,"ĠEverything":11391,"rah":11392,"Ġbother":11393,"Ġbrands":11394,"Value":11395,"ĠTed":11396,"ĠPlanet":11397,"Ġpink":11398,"ĠFurthermore":11399,"sa":11400,"PE":11401,"reck":11402,"ĠUSD":11403,"otte":11404,"Ġ&&":11405,"Ġlanded":11406,"gets":11407,"Ġproducers":11408,"Ġhealthcare":11409,"Ġdominant":11410,"Ġdestro":11411,"Ġamended":11412,"chron":11413,"Ġfits":11414,"ĠSyd":11415,"ĠAuthority":11416,"ATCH":11417,"Ġfights":11418,"ĠLLC":11419,"Ġ---":11420,"ĠCorp":11421,"Ġtoxic":11422,"specific":11423,"ĠCorn":11424,"ĠChel":11425,"Ġtelephone":11426,"ĠPant":11427,"Ġmysterious":11428,"aunch":11429,"odox":11430,"media":11431,"Ġwitnesses":11432,"agu":11433,"Ġquestioned":11434,"ĠBrexit":11435,"ĠRemember":11436,"enez":11437,"Ġendorse":11438,"iatric":11439,"ĠIdent":11440,"Ġridiculous":11441,"110":11442,"Ġprayer":11443,"Ġscientist":11444,"Ġ1950":11445,"ĠAqu":11446,"Ġunderground":11447,"ĠUFC":11448,"mare":11449,"ĠLater":11450,"wich":11451,"Ġsubscrib":11452,"Ġhosts":11453,"Ġerr":11454,"Ġgrants":11455,"antom":11456,"Ġsummon":11457,"early":11458,"ĠClear":11459,"ĠPrim":11460,"Ġsuspension":11461,"Ġguaranteed":11462,"apper":11463,"Ġrice":11464,"ĠSean":11465,"ĠShin":11466,"Ġreferendum":11467,"Ġfled":11468,"rust":11469,"Ġ360":11470,"tery":11471,"Ġshocked":11472,"BR":11473,"ĠOil":11474,"ĠAllah":11475,"Ġpartly":11476,"Ġignor":11477,"Ġtransmission":11478,"Ġhomosexual":11479,"iversal":11480,"Ġhopefully":11481,"ãĤ¤":11482,"Ġlesson":11483,"Leg":11484,"Ġ..":11485,"Yet":11486,"table":11487,"appropri":11488,"rett":11489,"Ġboards":11490,"Ġincorrect":11491,"Ġbacteria":11492,"aru":11493,"amac":11494,"Ġsnap":11495,".'\"":11496,"Ġparad":11497,"tem":11498,"heart":11499,"Ġavailability":11500,"Ġwisdom":11501,"Ġ(+":11502,"Ġpriest":11503,"ĠÂłĠÂł":11504,"Open":11505,"Ġspan":11506,"Ġparameter":11507,"Ġconvince":11508,"Ġ(%)":11509,"rac":11510,"Ġfo":11511,"Ġsafely":11512,"Ġconverted":11513,"ĠOlympic":11514,"Ġreserve":11515,"Ġhealing":11516,"ĠMine":11517,"Max":11518,"Ġinherent":11519,"ĠGraham":11520,"Ġintegrated":11521,"Dem":11522,"Ġpipeline":11523,"Ġapplying":11524,"Ġembed":11525,"ĠCharlie":11526,"Ġcave":11527,"2008":11528,"Ġconsensus":11529,"Ġrewards":11530,"Pal":11531,"ĠHTML":11532,"Ġpopularity":11533,"looking":11534,"ĠSword":11535,"ĠArts":11536,"')":11537,"Ġelectron":11538,"clusions":11539,"Ġintegrity":11540,"Ġexclusively":11541,"Ġgrace":11542,"Ġtorture":11543,"Ġburned":11544,"two":11545,"Ġ180":11546,"Produ":11547,"Ġentreprene":11548,"raphics":11549,"Ġgym":11550,"ricane":11551,"ĠTam":11552,"Ġadministrative":11553,"Ġmanufacturer":11554,"Ġvel":11555,"ĠNi":11556,"Ġisolated":11557,"ĠMedicine":11558,"Ġbackup":11559,"Ġpromoting":11560,"Ġcommander":11561,"Ġflee":11562,"ĠRussell":11563,"Ġforgotten":11564,"ĠMissouri":11565,"Ġresidence":11566,"mons":11567,"Ġresemb":11568,"Ġwand":11569,"Ġmeaningful":11570,"PT":11571,"Ġbol":11572,"Ġhelic":11573,"Ġwealthy":11574,"Ġrifle":11575,"strong":11576,"rowing":11577,"plan":11578,"asury":11579,"âĢ¦.":11580,"Ġexpanding":11581,"ĠHamilton":11582,"Ġreceives":11583,"SI":11584,"eatures":11585,"ĠAnim":11586,"REE":11587,"Put":11588,"Ġbriefly":11589,"rive":11590,"Ġstimul":11591,"Ġ``(":11592,"Ġ__":11593,"Ġchip":11594,"Ġhaz":11595,"Ġprize":11596,"ĠThings":11597,"ACE":11598,"ulin":11599,"dict":11600,"oku":11601,"Ġassociate":11602,"ockets":11603,"youtube":11604,"Story":11605,"ategory":11606,"Ġmild":11607,"ailing":11608,"ĠYe":11609,"Orig":11610,"ĠKa":11611,"orig":11612,"Ġpropaganda":11613,"Ġanonymous":11614,"Ġstruggled":11615,"Ġoutrage":11616,"ATED":11617,"ĠBeijing":11618,"rary":11619,"Ġleather":11620,"Ġworlds":11621,"Ġbroader":11622,"125":11623,"idal":11624,"ĠBetter":11625,"Ġtear":11626,"Ext":11627,"Ġproposals":11628,"Ġiter":11629,"ĠSquad":11630,"Ġvolunt":11631,"mi":11632,"Did":11633,"ĠPu":11634,"pin":11635,"Ġspeakers":11636,"Ġborders":11637,"Ġfigured":11638,"='":11639,"Ġsimultaneously":11640,"aeda":11641,"Ġcharging":11642,"Ġurged":11643,"Ġconj":11644,"256":11645,"ĠGordon":11646,"merce":11647,"Ġdocumentary":11648,"Share":11649,"itol":11650,"ONE":11651,"ĠGarden":11652,"hatt":11653,"ĠThompson":11654,"aneous":11655,"apore":11656,"Ġtanks":11657,"Ġlessons":11658,"track":11659,"Ġoutstanding":11660,"Ġvolunteers":11661,"Ġspray":11662,"Ġmanagers":11663,"large":11664,"Ġcamps":11665,"Ġartificial":11666,"ĠRu":11667,"Ġbags":11668,"thal":11669,"Ġcompatible":11670,"ĠBlade":11671,"Ġfed":11672,"Ġargues":11673,"FI":11674,"Ġunfair":11675,"Ġcorn":11676,"Ġoffset":11677,"Ġdirections":11678,"Ġdisappointed":11679,"ĠConvention":11680,"Ġviewing":11681,"ME":11682,"ocity":11683,"Ġtowns":11684,"Ġlayers":11685,"Ġrolled":11686,"Ġjumped":11687,"Ġattribute":11688,"Ġunnecess":11689,"incoln":11690,"Ġsuppose":11691,"ĠNether":11692,"cha":11693,"Ġburied":11694,"Ġsixth":11695,"Ben":11696,"ressing":11697,"OUR":11698,"Ġwound":11699,"Ġcycl":11700,"Ġmechanisms":11701,"Ġcongressional":11702,"ĠElement":11703,"Ġagreements":11704,"Ġdecor":11705,"Ġclosest":11706,"ĠMit":11707,"Google":11708,"}}":11709,"Ġmixture":11710,"Ġfluid":11711,"Sign":11712,"ĠScholar":11713,"Ġpist":11714,"asket":11715,"abling":11716,"Ġracing":11717,"hero":11718,"riel":11719,"assy":11720,"Ġcheaper":11721,"ben":11722,"Ġvertical":11723,"amacare":11724,"ĠReading":11725,"gments":11726,"Ġhelicop":11727,"Ġsacrifice":11728,"aya":11729,"paren":11730,"VA":11731,"ĠLes":11732,"ĠStudio":11733,"Ġviolations":11734,"ĠAnna":11735,"acer":11736,"é¾":11737,"ĠRat":11738,"ĠBeck":11739,"ĠDick":11740,"ĠACT":11741,"Ġcomposition":11742,"Ġtexture":11743,"ĠOwn":11744,"Ġsmartphone":11745,"ĠNA":11746,"Ġforb":11747,"import":11748,"Ġdefending":11749,"ilst":11750,"rer":11751,"Ġoh":11752,"ĠJeremy":11753,"Ġbanking":11754,"ceptions":11755,"Ġrespective":11756,"/.":11757,"Ġdrinks":11758,"ĠWi":11759,"Ġbands":11760,"ĠLiverpool":11761,"Ġgrip":11762,"ĠBuy":11763,"Ġopenly":11764,"Ġreviewed":11765,"pert":11766,"Ġverify":11767,"ĠCole":11768,"ĠWales":11769,"MO":11770,"Ġunpre":11771,"Ġshelter":11772,"ĠImperial":11773,"Ġgui":11774,"ĠDak":11775,"Ġsuggestions":11776,"Ġexplicitly":11777,"Ġslave":11778,"Ġblockchain":11779,"Ġcompeting":11780,"Ġpromising":11781,"SON":11782,"Ġsoccer":11783,"Ġconstitution":11784,"429":11785,"Ġdistract":11786,"ĠUser":11787,"esides":11788,"ĠMethod":11789,"ĠTokyo":11790,"Ġaccompanied":11791,"Client":11792,"sur":11793,"alog":11794,"Ġidentification":11795,"Ġinvasion":11796,"asma":11797,"Ġindustries":11798,"ppers":11799,"Ġsubtle":11800,"ĠUnit":11801,"natural":11802,"Ġsurvived":11803,"Ġflaw":11804,"ĺħ":11805,"ĠHoll":11806,"Ġdeficit":11807,"Ġtutorial":11808,"ĠChance":11809,"Ġarguing":11810,"Ġcontemporary":11811,"Ġintegration":11812,"forward":11813,"Ġtum":11814,"itis":11815,"Ġhiding":11816,"ĠDomin":11817,"ĠTan":11818,"ĠBuilding":11819,"ĠVin":11820,"Ġspokesperson":11821,"ĠNotes":11822,"Ġemerging":11823,"Ġpreparation":11824,"Ġprost":11825,"Ġsuspects":11826,"Ġautonom":11827,"Description":11828,"Ġdealt":11829,"ĠPear":11830,"Ġsteady":11831,"Ġdecreased":11832,"Ġsovere":11833,"ĠClin":11834,"Ġgradually":11835,"orses":11836,"ĠWAR":11837,"Serv":11838,"ãĤ¢":11839,"hr":11840,"Ġdirty":11841,"ĠBarn":11842,"ĠBC":11843,"Ġdil":11844,"Ġcalendar":11845,"Ġcompliance":11846,"Ġchamber":11847,"bb":11848,"Ġpassenger":11849,"ateful":11850,"ĠTitle":11851,"ĠSydney":11852,"ĠGot":11853,"Ġdarkness":11854,"Ġdefect":11855,"Ġpacked":11856,"assion":11857,"Ġgods":11858,"Ġharsh":11859,"ICK":11860,"leans":11861,"Ġalgorithm":11862,"Ġoxygen":11863,"Ġvisits":11864,"Ġblade":11865,"Ġkilomet":11866,"ĠKentucky":11867,"Ġkiller":11868,"Pack":11869,"enny":11870,"Ġdivine":11871,"Ġnomination":11872,"being":11873,"Ġengines":11874,"Ġcats":11875,"Ġbuffer":11876,"ĠPhill":11877,"Ġtraff":11878,"AGE":11879,"Ġtongue":11880,"Ġradiation":11881,"erer":11882,"mem":11883,"ĠExplicit":11884,"é¾į":11885,"Ġcouples":11886,"Ġphysics":11887,"ĠMcK":11888,"Ġpolitically":11889,"awks":11890,"ĠBloom":11891,"Ġworship":11892,"eger":11893,"uter":11894,"ĠFO":11895,"Ġmathemat":11896,"Ġsentenced":11897,"Ġdisk":11898,"ĠMarg":11899,"Ġ/*":11900,"PI":11901,"Ġoptional":11902,"Ġbabies":11903,"Ġseeds":11904,"ĠScottish":11905,"Ġthy":11906,"]]":11907,"ĠHitler":11908,"PH":11909,"ngth":11910,"Ġrecovered":11911,"inge":11912,"Ġpowder":11913,"Ġlips":11914,"Ġdesigner":11915,"Ġdisorders":11916,"Ġcourage":11917,"Ġchaos":11918,"\"},{\"":11919,"Ġcarrier":11920,"bably":11921,"High":11922,"ĠRT":11923,"esity":11924,"len":11925,"Ġroutes":11926,"uating":11927,"Fil":11928,"NOT":11929,"wall":11930,"sburgh":11931,"Ġengaging":11932,"ĠJavaScript":11933,"orer":11934,"lihood":11935,"Ġunions":11936,"ĠFederation":11937,"ĠTesla":11938,"Ġcompletion":11939,"ĠTa":11940,"Ġprivilege":11941,"ĠOrange":11942,"Ġneur":11943,"parency":11944,"Ġbones":11945,"Ġtitled":11946,"Ġprosecutors":11947,"ĠME":11948,"Ġengineer":11949,"ĠUniverse":11950,"ĠHig":11951,"nie":11952,"oard":11953,"Ġhearts":11954,"ĠGre":11955,"ussion":11956,"Ġministry":11957,"Ġpenet":11958,"ĠNut":11959,"ĠOw":11960,"ĠXP":11961,"instein":11962,"Ġbulk":11963,"System":11964,"icism":11965,"ĠMarketable":11966,"Ġpreval":11967,"Ġposter":11968,"Ġattending":11969,"urable":11970,"Ġlicensed":11971,"ĠGh":11972,"etry":11973,"ĠTradable":11974,"Ġblast":11975,"à¤":11976,"ĠTitan":11977,"elled":11978,"die":11979,"Have":11980,"ĠFlame":11981,"Ġprofound":11982,"Ġparticipating":11983,"Ġanime":11984,"ĠEss":11985,"Ġspecify":11986,"Ġregarded":11987,"ĠSpell":11988,"Ġsons":11989,"owned":11990,"Ġmerc":11991,"Ġexperimental":11992,"lando":11993,"hs":11994,"ĠDungeon":11995,"inos":11996,"Ġcomply":11997,"ĠSystems":11998,"arth":11999,"Ġseized":12000,"local":12001,"ĠGirls":12002,"udo":12003,"oned":12004,"ĠFle":12005,"Ġconstructed":12006,"Ġhosted":12007,"Ġscared":12008,"actic":12009,"ĠIslands":12010,"ĠMORE":12011,"Ġbless":12012,"Ġblocking":12013,"Ġchips":12014,"Ġevac":12015,"Ps":12016,"Ġcorporation":12017,"Ġox":12018,"Ġlighting":12019,"Ġneighbors":12020,"ĠUb":12021,"aro":12022,"Ġbeef":12023,"ĠUber":12024,"Facebook":12025,"armed":12026,"itate":12027,"ĠRating":12028,"ĠQuick":12029,"Ġoccupied":12030,"Ġaims":12031,"ĠAdditionally":12032,"ĠInterest":12033,"Ġdramatically":12034,"Ġheal":12035,"Ġpainting":12036,"Ġengineers":12037,"MM":12038,"ĠMust":12039,"Ġquantity":12040,"Paul":12041,"Ġearnings":12042,"ĠPosts":12043,"stra":12044,"ãĥ¼ãĥ":12045,"Ġstance":12046,"Ġdropping":12047,"script":12048,"Ġdressed":12049,"Make":12050,"Ġjustify":12051,"ĠLtd":12052,"Ġprompted":12053,"Ġscrut":12054,"Ġspeeds":12055,"ĠGiants":12056,"omer":12057,"ĠEditor":12058,"Ġdescribing":12059,"ĠLie":12060,"mented":12061,"Ġnowhere":12062,"ocaly":12063,"Ġinstruction":12064,"fortable":12065,"Ġentities":12066,"Ġcm":12067,"ĠNatural":12068,"Ġinquiry":12069,"Ġpressed":12070,"izont":12071,"forced":12072,"Ġraises":12073,"ĠNetflix":12074,"ĠSide":12075,"Ġouter":12076,"Ġamongst":12077,"ims":12078,"owski":12079,"Ġclimb":12080,"never":12081,"Ġcombine":12082,"ding":12083,"Ġcompr":12084,"Ġsignificance":12085,"Ġremembered":12086,"ĠNevada":12087,"ĠTel":12088,"ĠScar":12089,"ĠWarriors":12090,"ĠJane":12091,"Ġcoup":12092,"bas":12093,"Ġterminal":12094,",-":12095,"OH":12096,"Ġtension":12097,"Ġwings":12098,"ĠMyster":12099,"����":12100,"ĠUnlike":12101,"valid":12102,"vironments":12103,"ĠAli":12104,"Ġnaked":12105,"books":12106,"ĠMun":12107,"ĠGulf":12108,"Ġdensity":12109,"Ġdimin":12110,"Ġdesperate":12111,"Ġpresidency":12112,"Ġ1986":12113,"hy":12114,"IND":12115,"Ġunlock":12116,"imens":12117,"Ġhandled":12118,"ĠEb":12119,"Ġdisappeared":12120,"Ġgenre":12121,"Ġ1988":12122,"Ġdetermination":12123,"Stream":12124,"iko":12125,"apters":12126,"Ġacknowledge":12127,"Jan":12128,"Ġcapitalism":12129,"Pat":12130,"Ġ2020":12131,"Ġpainful":12132,"Ġcurve":12133,"Ġbombs":12134,"storm":12135,"ĠMetal":12136,"encer":12137,"ĠFig":12138,"ĠAaron":12139,"anches":12140,"Ġinspiration":12141,"Ġexhaust":12142,"tains":12143,"ashi":12144,"Ġdescript":12145,"Ġritual":12146,"ĠChelsea":12147,"Ġpromotion":12148,"ĠHung":12149,"ĠWard":12150,"iva":12151,"ĠET":12152,"Ġtoss":12153,"allow":12154,"ĠFrancis":12155,"Dep":12156,"Ġhappiness":12157,"ĠGlass":12158,"Ġbeta":12159,"Ġstrengthen":12160,"NE":12161,"oa":12162,"Ġbuttons":12163,"ĠMurray":12164,"Ġkicked":12165,"Quest":12166,"ĠTalk":12167,"ĠSeveral":12168,"ĠZero":12169,"Ġdrone":12170,"ulk":12171,"Ġcam":12172,"ĠMobile":12173,"Ġpreventing":12174,"Ġretro":12175,"ĠAx":12176,"Ġcruel":12177,"Ġfloat":12178,".),":12179,"Ġfiling":12180,"ĠGrant":12181,"ĠBor":12182,"Ġrib":12183,"Ġchampionship":12184,"ĠMerc":12185,"Ġstyles":12186,"Ġcake":12187,"Ġbuilds":12188,"ĠSelf":12189,"iox":12190,"Ġepic":12191,"oyd":12192,"Bel":12193,"ĠStew":12194,".(":12195,"ahu":12196,"ĠBeyond":12197,"Ġouts":12198,"Ġsolo":12199,"ĠTree":12200,"Ġpreserve":12201,"Ġtub":12202,"ARE":12203,"roc":12204,"ĠImpro":12205,"ĠWright":12206,"Ġbund":12207,"Ġtraged":12208,"Ġoccasional":12209,"bian":12210,"Second":12211,"rons":12212,"Ġinteractions":12213,"formed":12214,"sing":12215,"Ġowns":12216,"Ġhockey":12217,"General":12218,"Ġlogical":12219,"Ġexpend":12220,"Ġescal":12221,"ĠGriff":12222,"ĠCrown":12223,"ĠReserve":12224,"Ġstopping":12225,"Ġexcuse":12226,"second":12227,"Ġoperated":12228,"Ġreaches":12229,"ĠMalays":12230,"Ġpollution":12231,"ĠBrooklyn":12232,"Ġdelete":12233,"Ġhash":12234,"Block":12235,"aha":12236,"âĢ³":12237,"Ġshorter":12238,"piece":12239,">>>":13163,"ĠMormon":13164,"tor":13165,"Ġparticles":13166,"ĠBart":13167,"ryption":13168,"Ġadmin":13169,"Ġsquee":13170,"VIDIA":13171,"Ġcreator":13172,"iameter":13173,"icular":13174,"NBC":13175,"Ġgrabbed":13176,"Ġnodd":13177,"Ġrated":13178,"Ġrotation":13179,"Ġgrasp":13180,"Ġexcessive":13181,"ĠEC":13182,"ĠWhit":13183,"Ġinventory":13184,"aults":13185,"ĠFB":13186,"Ġecosystem":13187,"Ġbillions":13188,"Ġventure":13189,"named":13190,"Ġdefender":13191,"oute":13192,"Instead":13193,"irable":13194,"War":13195,"Ġassumption":13196,"Ġbite":13197,"Ġearthqu":13198,"tail":13199,"space":13200,"Ġgifts":13201,"boys":13202,"Ġinevitable":13203,"Ġstructural":13204,"Ġbeneficial":13205,"Ġcompelling":13206,"hole":13207,"ervation":13208,"Ġcoat":13209,"oj":13210,"incarn":13211,"ĠYears":13212,"Ġdetermining":13213,"Ġrhetoric":13214,"Ġboundaries":13215,"Ġwhites":13216,"Ant":13217,"addy":13218,")-":13219,"raham":13220,"etermin":13221,"Ġharvest":13222,"ĠConc":13223,"Ġlaptop":13224,"ĠMatch":13225,"Ġenjoying":13226,"cca":13227,"ollar":13228,"Ġtrips":13229,"Ġaddiction":13230,"ĠSak":13231,"Ġpowered":13232,"Ġcous":13233,"ĠRussians":13234,"iere":13235,"Ġretrie":13236,"quality":13237,"Ġdiffer":13238,"Ġkingdom":13239,"ĠLaur":13240,"ĠCapitol":13241,"Ġconclusions":13242,"ĠAltern":13243,"ĠNav":13244,"Ġtransparent":13245,"BER":13246,"Group":13247,"ĠComplete":13248,"Ġinfer":13249,"Ġintrig":13250,"Ġinsane":13251,"RO":13252,"ophob":13253,"isen":13254,"qual":13255,"Michael":13256,"Ġmuseum":13257,"ĠPope":13258,"Ġreset":13259,"rative":13260,"five":13261,"Ġaggreg":13262,"ittees":13263,"ository":13264,"Ġcarb":13265,"ĠRecord":13266,"Ġdecides":13267,"ĠFix":13268,"Ġexceptions":13269,"ĠCommissioner":13270,"uns":13271,"ĠEnvironmental":13272,"Ġlegendary":13273,"istence":13274,"Ġtunnel":13275,"km":13276,"Ġinsult":13277,"Ġtroll":13278,"Ġshake":13279,"Ġdetention":13280,"ques":13281,"ĠChrome":13282,"ĠFiles":13283,"Ġsubt":13284,"Ġprospects":13285,"Ġprol":13286,"render":13287,"proof":13288,"Ġperformances":13289,"Str":13290,"Ġhref":13291,"ername":13292,"Ġachievement":13293,"Ġfut":13294,"Full":13295,"ĠLeban":13296,"google":13297,"ãĥĪ":13298,"ampa":13299,"Maybe":13300,"Ġprojected":13301,"ĠEmb":13302,"Ġcolleg":13303,"Ġawards":13304,"ĠâĶ":13305,"Gold":13306,"ĠBlake":13307,"ĠRaj":13308,"ifting":13309,"Ġpending":13310,"Ġinstinct":13311,"Ġdevelopments":13312,"Connect":13313,"ĠMand":13314,"ĠWITH":13315,"ĠPhilippines":13316,"profile":13317,"Ġaltogether":13318,"ĠBund":13319,"ĠTD":13320,"oooo":13321,"amped":13322,"iph":13323,"Ġsteam":13324,"Ġoldest":13325,"Ġdetection":13326,"ulpt":13327,"Ġç":13328,"ĠWayne":13329,"2006":13330,"fa":13331,"Ġcircles":13332,"ĠFu":13333,"Ġdonors":13334,"appropriate":13335,"ĠDakota":13336,"jamin":13337,"Ġmotivated":13338,"Ġpurchases":13339,"ĠLouisiana":13340,"ĠSpl":13341,"Ġglobe":13342,"Ġ105":13343,"zip":13344,"call":13345,"Ġdepartments":13346,"Ġsustainable":13347,"105":13348,"ĠOP":13349,"ifiers":13350,"Ġprevented":13351,"Ġincomp":13352,"ĠCommander":13353,"Ġdominated":13354,"Ġ»":13355,"Ġinvested":13356,"Ġcomplexity":13357,"Ġincl":13358,"Ġensuring":13359,"Ġrealm":13360,"ync":13361,"ĠIndependent":13362,"rained":13363,"ĠJen":13364,"ĠFlight":13365,"Ġathe":13366,"Ġspeculation":13367,"ĠTE":13368,"ocate":13369,"tic":13370,"Ġplaint":13371,"herry":13372,"Ġtoy":13373,"Ġ111":13374,"Ġplates":13375,"status":13376,"ĠIsa":13377,"Ġdevoted":13378,"Cop":13379,"ĠES":13380,"255":13381,"urrency":13382,"Main":13383,"Ġslaves":13384,"Ġpepper":13385,"Ġquotes":13386,"Ġceiling":13387,"ĠFish":13388,"Ġtransformation":13389,"Ġfraction":13390,"Ġadvantages":13391,"Ġtoile":13392,"Ġstunning":13393,"Ġmoist":13394,"breaking":13395,"si":13396,"ĠLocation":13397,"ĠMedium":13398,"Ġtexts":13399,"Ġugly":13400,"Ġbio":13401,".âĢĶ":13402,"ĠBased":13403,"Ġtrains":13404,"ĠWing":13405,"ĠAncient":13406,"ĠRecords":13407,"ĠHope":13408,"Special":13409,"adesh":13410,"obi":13411,"[/":13412,"Ġtemporarily":13413,"Ver":13414,"hu":13415,"oser":13416,"Ġovernight":13417,"Ġmamm":13418,"ĠTreasury":13419,"ĠVenezuel":13420,"ĠMega":13421,"Ġtar":13422,"Ġexpects":13423,"black":13424,"orph":13425,"\\\\\\\\":13426,"Ġacceptance":13427,"Ġradar":13428,"sis":13429,"Ġjunior":13430,"Ġframes":13431,"Ġobservation":13432,"acies":13433,"Power":13434,"ĠAdvanced":13435,"Mag":13436,"ologically":13437,"ĠMechan":13438,"Ġsentences":13439,"Ġanalysts":13440,"aughters":13441,"forcement":13442,"Ġvague":13443,"Ġclause":13444,"Ġdirectors":13445,"Ġevaluate":13446,"Ġcabinet":13447,"Matt":13448,"ĠClassic":13449,"Ang":13450,"Ġcler":13451,"ĠBuck":13452,"Ġresearcher":13453,"Ġ160":13454,"Ġpoorly":13455,"Ġexperiencing":13456,"ĠPed":13457,"ĠManhattan":13458,"Ġfreed":13459,"Ġthemes":13460,"advant":13461,"Ġnin":13462,"Ġpraise":13463,"104":13464,"ĠLibya":13465,"best":13466,"Ġtrusted":13467,"Ġcease":13468,"Ġdign":13469,"Direct":13470,"Ġbombing":13471,"Ġmigration":13472,"ĠSciences":13473,"Ġmunicipal":13474,"ĠAverage":13475,"Ġglory":13476,"Ġrevealing":13477,"Ġarena":13478,"Ġuncertainty":13479,"Ġbattlefield":13480,"iao":13481,"God":13482,"Ġcinem":13483,"rape":13484,"elle":13485,"apons":13486,"Ġlisting":13487,"Ġwaited":13488,"Ġspotted":13489,"keley":13490,"ĠAudio":13491,"eor":13492,"arding":13493,"idding":13494,"igma":13495,"ĠNeg":13496,"Ġlone":13497,"Ġ----":13498,"exe":13499,"deg":13500,"Ġtransf":13501,"Ġwash":13502,"Ġslavery":13503,"Ġexploring":13504,"ĠWW":13505,"atson":13506,"Ġencl":13507,"lies":13508,"ĠCreek":13509,"Ġwooden":13510,"Manager":13511,"ĠBrand":13512,"ummy":13513,"ĠArthur":13514,"Ġbureaucr":13515,"Ġblend":13516,"arians":13517,"Further":13518,"Ġsupposedly":13519,"Ġwinds":13520,"Ġ1979":13521,"Ġgravity":13522,"Ġanalyses":13523,"ĠTravel":13524,"ĠVeter":13525,"Ġdumb":13526,"Ġalternate":13527,"gal":13528,"Ġconsumed":13529,"Ġeffectiveness":13530,".''":13531,"Ġpaths":13532,"onda":13533,"LA":13534,"ĠStrong":13535,"Ġenables":13536,"Ġescaped":13537,"Ġ\"\"":13538,"Ġ112":13539,"Ġ1983":13540,"Ġsmiled":13541,"Ġtendency":13542,"Fire":13543,"Ġpars":13544,"ĠRoc":13545,"Ġlake":13546,"Ġfitness":13547,"ĠAth":13548,"ĠHorn":13549,"Ġhier":13550,"Ġimpose":13551,"mother":13552,"Ġpension":13553,"icut":13554,"borne":13555,"iciary":13556,"._":13557,"ĠSU":13558,"Ġpolar":13559,"isy":13560,"engu":13561,"itialized":13562,"ATA":13563,"write":13564,"Ġexercises":13565,"ĠDiamond":13566,"otypes":13567,"Ġharmful":13568,"onz":13569,"Ġprinting":13570,"story":13571,"Ġexpertise":13572,"ĠGer":13573,"Ġtragedy":13574,"ĠFly":13575,"Ġdivid":13576,"ampire":13577,"stock":13578,"Mem":13579,"Ġreign":13580,"Ġunve":13581,"Ġamend":13582,"ĠProphet":13583,"Ġmutual":13584,"ĠFac":13585,"Ġreplacing":13586,"Har":13587,"ĠCircuit":13588,"Ġthroat":13589,"ĠShot":13590,"Ġbatteries":13591,"Ġtoll":13592,"Ġaddressing":13593,"ĠMedicaid":13594,"Ġpupp":13595,"ĠNar":13596,"olk":13597,"Ġequity":13598,"MR":13599,"ĠHispan":13600,"ĠLarge":13601,"mid":13602,"Dev":13603,"Ġexped":13604,"Ġdemo":13605,"ĠMarshall":13606,"ergus":13607,"Ġfiber":13608,"Ġdivorce":13609,"ĠCreate":13610,"Ġslower":13611,"ĠParker":13612,"ĠStudent":13613,"ĠTraining":13614,"Return":13615,"ĠTru":13616,"Ġcub":13617,"ĠReached":13618,"Ġpanic":13619,"Ġquarters":13620,"Ġrect":13621,"Ġtreating":13622,"Ġrats":13623,"ĠChristianity":13624,"oler":13625,"Ġsacred":13626,"Ġdeclare":13627,"ulative":13628,"eting":13629,"Ġdelivering":13630,"estone":13631,"Ġtel":13632,"ĠLarry":13633,"Ġmeta":13634,"accept":13635,"artz":13636,"ĠRoger":13637,"handed":13638,"Ġheader":13639,"Ġtrapped":13640,"ĠCentury":13641,"Ġknocked":13642,"ĠOxford":13643,"Ġsurvivors":13644,"bot":13645,"Ġdemonstration":13646,"Ġdirt":13647,"Ġassists":13648,"OME":13649,"ĠDraft":13650,"ortunate":13651,"folio":13652,"pered":13653,"usters":13654,"gt":13655,"ĠLock":13656,"Ġjudicial":13657,"verted":13658,"Ġsecured":13659,"outing":13660,"ĠBooks":13661,"Ġhosting":13662,"Ġlifted":13663,"length":13664,"Ġjer":13665,"Ġwheels":13666,"ĠRange":13667,"umbnails":13668,"Ġdiagnosis":13669,"tech":13670,"ĠStewart":13671,"ĠPract":13672,"Ġnationwide":13673,"Ġdear":13674,"Ġobligations":13675,"Ġgrows":13676,"Ġmandatory":13677,"Ġsuspicious":13678,"!'":13679,"Apr":13680,"Great":13681,"Ġmortgage":13682,"Ġprosecutor":13683,"Ġeditorial":13684,"ĠKr":13685,"Ġprocessed":13686,"ungle":13687,"Ġflexibility":13688,"Earlier":13689,"ĠCart":13690,"ĠSug":13691,"Ġfocuses":13692,"Ġstartup":13693,"Ġbreach":13694,"ĠTob":13695,"cycle":13696,"ãĢĮ":13697,"rose":13698,"Ġbizarre":13699,"ãĢį":13700,"Ġvegetables":13701,"$$":13702,"Ġretreat":13703,"oshi":13704,"ĠShop":13705,"ĠGround":13706,"ĠStop":13707,"ĠHawaii":13708,"ĠAy":13709,"Perhaps":13710,"ĠBeaut":13711,"uffer":13712,"enna":13713,"Ġproductivity":13714,"Fixed":13715,"control":13716,"Ġabsent":13717,"ĠCampaign":13718,"Green":13719,"Ġidentifying":13720,"Ġregret":13721,"Ġpromoted":13722,"ĠSeven":13723,"Ġeru":13724,"neath":13725,"aughed":13726,"ĠPin":13727,"ĠLiving":13728,"Cost":13729,"omatic":13730,"mega":13731,"ĠNig":13732,"ocy":13733,"Ġinbox":13734,"Ġempire":13735,"Ġhorizont":13736,"Ġbranches":13737,"Ġmetaph":13738,"Active":13739,"edi":13740,"ĠFilm":13741,"ĠSomething":13742,"Ġmods":13743,"incial":13744,"ĠOriginal":13745,"Gen":13746,"Ġspirits":13747,"Ġearning":13748,"Hist":13749,"Ġriders":13750,"Ġsacrific":13751,"MT":13752,"ĠVA":13753,"ĠSalt":13754,"Ġoccupation":13755,"ĠMi":13756,"Ġdisg":13757,"lict":13758,"Ġnit":13759,"Ġnodes":13760,"eem":13761,"ĠPier":13762,"Ġhatred":13763,"psy":13764,"ãĥī":13765,"Ġtheater":13766,"Ġsophisticated":13767,"Ġdefended":13768,"Ġbesides":13769,"Ġthoroughly":13770,"ĠMedicare":13771,"Ġblamed":13772,"arently":13773,"Ġcrying":13774,"FOR":13775,"priv":13776,"Ġsinging":13777,"ĠIl":13778,"Ġcute":13779,"oided":13780,"olitical":13781,"ĠNeuro":13782,"å¤":13783,"Ġdonation":13784,"ĠEagles":13785,"ĠGive":13786,"Tom":13787,"Ġsubstantially":13788,"ĠLicense":13789,"ĠJa":13790,"Ġgrey":13791,"ĠAnimal":13792,"ĠER":13793,"ĠUnd":13794,"Ġkeen":13795,"Ġconclude":13796,"ĠMississippi":13797,"Engine":13798,"ĠStudios":13799,"Press":13800,"overs":13801,"llers":13802,"Ġ350":13803,"ĠRangers":13804,"Ġrou":13805,"erto":13806,"Ep":13807,"issa":13808,"ivan":13809,"Ġseal":13810,"ĠRegist":13811,"display":13812,"Ġweaken":13813,"uum":13814,"ĠCommons":13815,"ĠSay":13816,"Ġcultures":13817,"Ġlaughed":13818,"Ġslip":13819,"Ġtreatments":13820,"izable":13821,"mart":13822,"ĠRice":13823,"Ġbeast":13824,"Ġobesity":13825,"ĠLaure":13826,"iga":13827,"Which":13828,"holder":13829,"Ġelderly":13830,"Ġpays":13831,"Ġcomplained":13832,"Ġcrop":13833,"Ġproc":13834,"Ġexplosive":13835,"ĠFan":13836,"ĠArsenal":13837,"Author":13838,"eful":13839,"Ġmeals":13840,"Ġ(-":13841,"idays":13842,"Ġimagination":13843,"Ġannually":13844,"Ġms":13845,"asures":13846,"Head":13847,"ikh":13848,"matic":13849,"Ġboyfriend":13850,"ĠComputer":13851,"Ġbump":13852,"Ġsurge":13853,"ĠCraig":13854,"ĠKirk":13855,"Del":13856,"mediate":13857,"Ġscenarios":13858,"ĠMut":13859,"ĠStream":13860,"Ġcompetitors":13861,"ÙĦ":13862,"ĠStanford":13863,"ĠResources":13864,"azed":13865,"bage":13866,"Ġorganis":13867,"ĠRelease":13868,"Ġseparately":13869,"Ġhabits":13870,"Ġmeasurements":13871,"ĠClose":13872,"Ġaccompany":13873,"Ġgly":13874,"Ġtang":13875,"ĠRou":13876,"Ġplugin":13877,"Ġconvey":13878,"ĠChallenge":13879,"oots":13880,"jan":13881,"Ġcurs":13882,"ĠRelations":13883,"keeper":13884,"Ġapproaching":13885,"ping":13886,"Speaking":13887,"Ġarrangement":13888,"ĠVI":13889,"arettes":13890,"Ġaffecting":13891,"Ġpermits":13892,"because":13893,"Ġuseless":13894,"ĠHus":13895,"!!!!":13896,"Ġdestroying":13897,"Unfortunately":13898,"Ġfascinating":13899,"Sem":13900,"Ġelectoral":13901,"Ġtransparency":13902,"ĠChaos":13903,"Ġvolunteer":13904,"Ġstatistical":13905,"Ġactivated":13906,"rox":13907,"Web":13908,"HE":13909,"ĠHampshire":13910,"isive":13911,"Map":13912,"Ġtrash":13913,"ĠLawrence":13914,"stick":13915,"Cr":13916,"Ġrings":13917,"EXT":13918,"Ġoperational":13919,"opes":13920,"Does":13921,"ĠEvans":13922,"Ġwitnessed":13923,"Port":13924,"Ġlaunching":13925,"econom":13926,"wear":13927,"ĠParticip":13928,"umm":13929,"cules":13930,"ĠRAM":13931,"ĠTun":13932,"Ġassured":13933,"Ġbinary":13934,"Ġbetray":13935,"Ġexploration":13936,"ĠFel":13937,"Ġadmission":13938,"itated":13939,"Sy":13940,"Ġavoided":13941,"ĠSimulator":13942,"Ġcelebrated":13943,"ĠElectric":13944,"¥ŀ":13945,"Ġcluster":13946,"itzerland":13947,"health":13948,"Line":13949,"ĠNash":13950,"aton":13951,"Ġspare":13952,"Ġenterprise":13953,"ĠDIS":13954,"cludes":13955,"Ġflights":13956,"Ġregards":13957,"ĠÃĹ":13958,"half":13959,"Ġtrucks":13960,"Ġcontacts":13961,"Ġuncons":13962,"ĠClimate":13963,"Ġimmense":13964,"NEW":13965,"occ":13966,"ective":13967,"Ġembod":13968,"Ġpatrol":13969,"Ġbeside":13970,"Ġviable":13971,"Ġcreep":13972,"Ġtriggered":13973,"verning":13974,"Ġcomparable":13975,"ql":13976,"Ġgaining":13977,"asses":13978,"Ġ();":13979,"ĠGrey":13980,"ĠMLS":13981,"sized":13982,"Ġprosper":13983,"\"?":13984,"Ġpolling":13985,"Ġshar":13986,"ĠRC":13987,"Ġfirearm":13988,"orient":13989,"Ġfence":13990,"Ġvariations":13991,"giving":13992,"ĠPi":13993,"ospel":13994,"Ġpledge":13995,"Ġcure":13996,"Ġspy":13997,"Ġviolated":13998,"Ġrushed":13999,"Ġstroke":14000,"ĠBlog":14001,"sels":14002,"ĠEc":14003,",''":14004,"Ġpale":14005,"ĠCollins":14006,"terror":14007,"ĠCanadians":14008,"Ġtune":14009,"Ġlaboratory":14010,"Ġnons":14011,"tarian":14012,"Ġdisability":14013,"ĠGam":14014,"Ġsinger":14015,"alg":14016,"ĠSenior":14017,"Ġtraded":14018,"ĠWarrior":14019,"Ġinfring":14020,"ĠFranklin":14021,"Ġstrain":14022,"ĠSwedish":14023,"Ġseventh":14024,"ĠBenn":14025,"ĠTell":14026,"Ġsyndrome":14027,"Ġwondered":14028,"iden":14029,"++++":14030,"igo":14031,"Ġpurple":14032,"Ġjournalism":14033,"Ġrebel":14034,"Ġfu":14035,"blog":14036,"Ġinvite":14037,"rencies":14038,"ĠContact":14039,"Israel":14040,"ĠContent":14041,"Ġcheer":14042,"Ġbedroom":14043,"ĠEngineering":14044,"ĠQueens":14045,"Ġdwell":14046,"ĠPlayStation":14047,"ĠDim":14048,"ĠColon":14049,"lr":14050,"Ġoperates":14051,"Ġmotivation":14052,"USA":14053,"astered":14054,"Core":14055,"ĠTruth":14056,"olo":14057,"OSE":14058,"ĠMemory":14059,"Ġpredec":14060,"Ġanarch":14061,"Ġ1920":14062,"ĠYam":14063,"è":14064,"bid":14065,"Ġgrateful":14066,"Ġexcitement":14067,"Ġtreasure":14068,"Ġlongest":14069,"ctive":14070,"Ġdeserves":14071,"Ġreserves":14072,"Ġcops":14073,"ĠOttawa":14074,"ĠEgyptian":14075,"anked":14076,"Ġartif":14077,"Ġhypothesis":14078,":/":14079,"Ġpurchasing":14080,"Ġlovely":14081,"HP":14082,"Ġdivide":14083,"Ġstrictly":14084,"Ġquestioning":14085,"Ġtaxpayers":14086,"ĠJoy":14087,"Ġrolls":14088,"ĠHeavy":14089,"Ġports":14090,"Ġmagnetic":14091,"Ġinflamm":14092,"Ġbrush":14093,"tics":14094,"âĪĴ":14095,"Ġbottles":14096,"ppy":14097,"Ġpadd":14098,"ãĤ¯":14099,"million":14100,"Ġdevastating":14101,"Ġcompiled":14102,"Ġmedication":14103,"Ġtwelve":14104,"ĠPerry":14105,"Space":14106,"imb":14107,"your":14108,"Ġleaked":14109,"ĠTar":14110,"Ġunity":14111,"Ġinfected":14112,"Ġtraveled":14113,"IDE":14114,"ĠMcDonald":14115,"txt":14116,"ĠPrinc":14117,"Ġinterven":14118,"ĠTaiwan":14119,"ĠPow":14120,"Ġbearing":14121,"ĠThread":14122,"Ġzones":14123,"izards":14124,"unks":14125,"Chapter":14126,"llor":14127,"Ġ·":14128,"Ġwounds":14129,"Ġdiscretion":14130,"Ġsucceeded":14131,"iking":14132,"Ġiconic":14133,"Call":14134,"Ġscreening":14135,"ĠMis":14136,"icts":14137,"Ġministers":14138,"Ġseparation":14139,"Player":14140,"Ġbip":14141,"Ġbeloved":14142,"Ġcounting":14143,"ĠEye":14144,"around":14145,"inging":14146,"Ġtablet":14147,"Ġoffence":14148,"inance":14149,"have":14150,"ĠInfo":14151,"ĠNinja":14152,"Ġprotective":14153,"ĠCass":14154,"Mac":14155,"ĠQuality":14156,"North":14157,"Ġic":14158,"ĠCuba":14159,"ĠChronicle":14160,"ĠProperty":14161,"Ġfastest":14162,"otos":14163,"ĠGerm":14164,"OWN":14165,"Ġboom":14166,"ĠStanley":14167,"erguson":14168,"Ġclever":14169,"Ġenters":14170,"mode":14171,"terior":14172,"ĠSens":14173,"Ġlinear":14174,"ARK":14175,"Ġcomparing":14176,"Ġpurely":14177,"Ġsafer":14178,"ĠPotter":14179,"Ġcups":14180,"RT":14181,"Ġgluc":14182,"Ġattributed":14183,"Ġdupl":14184,"ĠPap":14185,"Ġprecious":14186,"Ġpa":14187,"ictionary":14188,"ĠTig":14189,"ĠToo":14190,"olutions":14191,"stan":14192,"Ġrobots":14193,"Ġlobb":14194,"Ġstatute":14195,"Ġprevention":14196,"western":14197,"160":14198,"ĠActive":14199,"ĠMaria":14200,"hal":14201,"None":14202,"ellar":14203,"ĠKB":14204,"ĠPartners":14205,"ĠSingle":14206,"ĠFollowing":14207,"ango":14208,"acious":14209,"Ġthou":14210,"Ġkg":14211,"Ġinfluential":14212,"ĠFriends":14213,"Sur":14214,"ainted":14215,"Ġforums":14216,"Ġstarter":14217,"Ġcitizenship":14218,"ĠElection":14219,"onge":14220,"otation":14221,"osph":14222,";;;;":14223,"utical":14224,"pur":14225,"eren":14226,"Ġaccusations":14227,"bitious":14228,"abbit":14229,"ĠOrd":14230,"Posted":14231,"irk":14232,"Ġsensitivity":14233,"iche":14234,"ĠAmy":14235,"ĠFab":14236,"Ġsummit":14237,"Ġpedest":14238,"Ġrubber":14239,"Ġagricultural":14240,"Ġcancel":14241,"AE":14242,"Ġinaug":14243,"Ġcontam":14244,"Ġfirmly":14245,"iw":14246,"stage":14247,"ĠKan":14248,"Ġtier":14249,"Ġinvention":14250,"Ġtranslated":14251,"ĠRules":14252,"Box":14253,"Twitter":14254,"IDS":14255,"Ġpizza":14256,"Ġdebug":14257,"ĠDrop":14258,"vs":14259,"Ġhorses":14260,"big":14261,"Ġboring":14262,"Ġhood":14263,"ĠMcCain":14264,"atched":14265,"ĠBros":14266,"Ġskip":14267,"Ġessay":14268,"stat":14269,"ĠLegends":14270,"Ġammunition":14271,"auc":14272,"Ġshooter":14273,"Ġunh":14274,"Ġsupplied":14275,"Ġgeneric":14276,"ĠSK":14277,"iban":14278,"yrics":14279,"Ġ255":14280,"Ġclimbing":14281,"Former":14282,"Ġflip":14283,"Ġjumping":14284,"Ġfrustration":14285,"ĠTerry":14286,"Ġneighborhoods":14287,"Ġmedian":14288,"bean":14289,"Ġbrains":14290,"Following":14291,"Ġshaped":14292,"Ġdraws":14293,"Ġaltered":14294,"Jack":14295,"Ġrecipes":14296,"Ġskilled":14297,"wealth":14298,"achi":14299,"election":14300,"Ġbehaviors":14301,"deals":14302,"ĠUntil":14303,"Fe":14304,"Ġdeclaration":14305,"marks":14306,"ĠBetween":14307,"celona":14308,"Ġreson":14309,"Ġbubble":14310,"Among":14311,"Ġimperial":14312,"GS":14313,"Ġfeminist":14314,"2005":14315,"ĠKyle":14316,"Ġaccounting":14317,"ĠTele":14318,"ĠTyr":14319,"Ġconnecting":14320,"Ġrehab":14321,"ĠPred":14322,"sim":14323,"Ġmeantime":14324,"Ġphysician":14325,"MW":14326,"ĠCampbell":14327,"ĠBrandon":14328,"Ġcontributing":14329,"ĠRule":14330,"ĠWeight":14331,"ĠNap":14332,"Ġinteractive":14333,"Ġvag":14334,"Ġhelmet":14335,"ĠComb":14336,"four":14337,"Ġshipped":14338,"Ġcompleting":14339,"ĠPD":14340,"PDATE":14341,"Ġspreading":14342,"Ġscary":14343,"erving":14344,"ĠGas":14345,"Ġfrank":14346,"school":14347,"Ġromantic":14348,"Ġstabil":14349,"Rob":14350,"Ġaccurately":14351,"Ġacute":14352,"ĠHann":14353,"Ġsymbols":14354,"Ġcivilization":14355,"ĠAW":14356,"Ġlightning":14357,"Ġconsiders":14358,"Ġvenue":14359,"Ġ×":14360,"Ġoven":14361,"ĠSF":14362,"his":14363,"Ġnu":14364,"ĠLearn":14365,"Ġpeoples":14366,"Ġstd":14367,"Ġslee":14368,"Ġslic":14369,"ĠStatistics":14370,"Ġcorners":14371,"ĠBaker":14372,"Ġ:)":14373,"mentation":14374,"olver":14375,"Ġlaughing":14376,"ĠTodd":14377,"onde":14378,"ĠHills":14379,"Ġnuts":14380,"ĠWoman":14381,"plane":14382,"Ġliver":14383,"ĠInside":14384,"Sorry":14385,"Ġagrees":14386,"Ġfundament":14387,"ĠFisher":14388,"Ġauction":14389,"Ġthreads":14390,"glas":14391,"ĠBasic":14392,"ĠNat":14393,"Ġlacking":14394,"Ġcelebration":14395,"ju":14396,"Ġsilly":14397,"Euro":14398,"Ġtatt":14399,"ighty":14400,"controlled":14401,"Test":14402,"ĠSingh":14403,"Ġrage":14404,"Ġrhyth":14405,"offic":14406,"ĠPhantom":14407,"Ġheadlines":14408,"Ġresponding":14409,"ĠMorning":14410,"Ġvitamin":14411,"Ġboots":14412,"ĠSite":14413,"alin":14414,"pi":14415,"Ġviral":14416,"ĠUC":14417,"DER":14418,"ĠSex":14419,"Ġstocks":14420,"current":14421,"Ġchurches":14422,"ĠRare":14423,"ĠMurphy":14424,"Ġdenial":14425,"ĠGaming":14426,"Ġtoug":14427,"Ġnick":14428,"Ġmakers":14429,"ĠRonald":14430,"Ġgenerous":14431,"ĠDoc":14432,"ĠMorris":14433,"Ġtransformed":14434,"ĠNormal":14435,"Ġ104":14436,"ĠKickstarter":14437,"ĠUpon":14438,"Online":14439,"ĠIRS":14440,"Ġwrap":14441,"Ġloving":14442,"Ġarrives":14443,"ĠDue":14444,"Ġheter":14445,"ĠMade":14446,"Ġrental":14447,"Ġbelongs":14448,"Ġattorneys":14449,"Ġcrops":14450,"Ġmatched":14451,"ulum":14452,"oline":14453,"109":14454,"Ġdispar":14455,"Ġbuyers":14456,"ĠCambridge":14457,"Ġethics":14458,"roups":14459,"Ġjustified":14460,"Ġmarginal":14461,"Ġrespected":14462,"winning":14463,"Ġnodded":14464,"ĠSerge":14465,"ĠFormer":14466,"Craft":14467,"################":14468,"ĠWarner":14469,"Ġdash":14470,"ete":14471,"Ġentert":14472,"ĠEscape":14473,"outheast":14474,"Ġknees":14475,"ĠBomb":14476,"Ġrug":14477,"Pass":14478,"Ġattitudes":14479,"government":14480,"ĠPrior":14481,"Ġqualities":14482,"Ġnotification":14483,"ĠPhone":14484,"lie":14485,"Ġanticipated":14486,"ĠCombat":14487,"ĠBarry":14488,"Ġ1982":14489,"Users":14490,"oner":14491,"Ġcomputing":14492,"ĠConnecticut":14493,"Ġlesser":14494,"Ġpeers":14495,"ĠCu":14496,"Ġtechnically":14497,"Ġsubmission":14498,"ĠUniversal":14499,"Ġmanually":14500,"ourge":14501,"Ġrespondents":14502,"ĠBTC":14503,"ĠHost":14504,"Ġfare":14505,"ĠBird":14506,"Ġreceipt":14507,"also":14508,"Ġjack":14509,"Ġagriculture":14510,"Ġskull":14511,"Ġ!=":14512,"Ġpassive":14513,"ĠCI":14514,"Ġsocieties":14515,"Ġreminded":14516,"Ġinterference":14517,"Buy":14518,"Ġâľ":14519,"gon":14520,"Ġscrutiny":14521,"ĠWitch":14522,"Ġconducting":14523,"Ġãĥ":14524,"Ġexchanges":14525,"ĠMitchell":14526,"Ġinhabit":14527,"Ġtwist":14528,"BD":14529,"Ġwherever":14530,"groupon":14531,"Ġjokes":14532,"ĠBenjamin":14533,"ĠRandom":14534,"frame":14535,"ĠLions":14536,"Ġhighlighted":14537,"ĠArkansas":14538,"Ent":14539,"Ġpile":14540,"Ġprelim":14541,"gs":14542,"minded":14543,"Ġfelony":14544,"ĠGA":14545,"ĠLuck":14546,"Ġpractically":14547,"ĠBos":14548,"Ġactress":14549,"Dam":14550,"ĠBou":14551,"Ġvisa":14552,"Ġembedded":14553,"Ġhybrid":14554,"Ġearliest":14555,"Ġsooner":14556,"social":14557,"ĠHA":14558,"Ġsteep":14559,"Ġdisadvant":14560,"Ġexploit":14561,"ĠEgg":14562,"ĠUltra":14563,"Ġnecessity":14564,"Local":14565,"iege":14566,"Ġdated":14567,"Ġmasses":14568,"Ġsubscription":14569,"pless":14570,"Ġanonym":14571,"Ġpresumably":14572,"Blue":14573,"Their":14574,"asketball":14575,"ĠPhilip":14576,"Ġcomed":14577,"loaded":14578,"rane":14579,"Ġreflection":14580,"China":14581,"Ġextends":14582,"Ġforming":14583,"Ġunders":14584,"2001":14585,"Ġgrat":14586,"Ġconcentrations":14587,"Ġinsulin":14588,"Ġsecular":14589,"Ġwhilst":14590,"Ġwinners":14591,"Advertisements":14592,"Ġdeliberately":14593,"ĠWorking":14594,"Ġsink":14595,"etics":14596,"dale":14597,"Ġmandate":14598,"Ġgram":14599,"Ġvacation":14600,"Ġwarnings":14601,"ripp":14602,"ĠTHAT":14603,"Ġcommentary":14604,"Ġintu":14605,"Ġaest":14606,"Ġreasoning":14607,"Ġbreakdown":14608,"ĠZombie":14609,"Ġ-->":14610,"ĠPolitical":14611,"cott":14612,"Ġthrust":14613,"Ġtechnological":14614,"Ġdeciding":14615,"Ġtrafficking":14616,"Long":14617,"Welcome":14618,"prising":14619,"ĠCommunications":14620,"Ġendors":14621,"Ġswift":14622,"Ġmetabol":14623,"coins":14624,"resa":14625,"ĠHTTP":14626,"Ġenroll":14627,"ĠHappy":14628,"usr":14629,"intage":14630,"Ġ[\"":14631,"uably":14632,"ĠMaterial":14633,"Ġrepeal":14634,"Sept":14635,"kh":14636,"ĠModi":14637,"Ġunderneath":14638,"ĠIL":14639,"shore":14640,"Ġdiagnosed":14641,"aceutical":14642,"Ġshower":14643,"aux":14644,"ĠSwitch":14645,"ĠStrength":14646,"Ġjihad":14647,"national":14648,"Ġtrauma":14649,"ussy":14650,"oni":14651,"Ġconsolid":14652,"Ġcalories":14653,"ĠFlynn":14654,"agged":14655,"168":14656,"ĠPink":14657,"Ġfulfill":14658,"Ġchains":14659,"Ġnotably":14660,"ĠAV":14661,"Life":14662,"ĠChuck":14663,"mus":14664,"ĠUrban":14665,"ĠHend":14666,"Ġdeposit":14667,"ĠSad":14668,"Ġaffair":14669,"ORK":14670,"ieval":14671,"ĠFDA":14672,"Ġtrop":14673,"ĠOverall":14674,"Ġvirtue":14675,"Ġsatisfaction":14676,"aund":14677,"Ġlun":14678,"ĠSwitzerland":14679,"ĠOperation":14680,"process":14681,"Ġshook":14682,"Ġcounties":14683,"leased":14684,"ĠCharlotte":14685,"112":14686,"Ġtranscript":14687,"Ġredd":14688,"push":14689,"ĠHey":14690,"ĠAnalysis":14691,"[\"":14692,"Ġalternatives":14693,"ardless":14694,"Ġeleph":14695,"Ġprejud":14696,"ĠLeaf":14697,"Having":14698,"ĠHub":14699,"Ġexpressions":14700,"ĠVolume":14701,"Ġshocking":14702,"ĠReds":14703,"Ġreadily":14704,"Ġplanets":14705,"adata":14706,"Ġcollapsed":14707,"ĠMadrid":14708,"Ġirrit":14709,"ipper":14710,"ĠEnc":14711,"ĠWire":14712,"Ġbuzz":14713,"ĠGP":14714,"asha":14715,"Ġaccidentally":14716,"uru":14717,"Ġfrustrated":14718,"ĠSA":14719,"Ġhungry":14720,"ĠHuff":14721,"Ġlabels":14722,"anto":14723,"ĠEP":14724,"Ġbarriers":14725,")|":14726,"ĠBerkeley":14727,"ĠJets":14728,"Ġpairs":14729,"ĠLan":14730,"James":14731,"ĠBear":14732,"Ġhumor":14733,"ĠLiberty":14734,"Ġmagnitude":14735,"Ġaging":14736,"ĠMason":14737,"Ġfriendship":14738,"umbling":14739,"Ġemerge":14740,"Ġnewspapers":14741,"Ġambitious":14742,"ĠRichards":14743,"aternal":14744,"Ġ1981":14745,"Ġcookies":14746,"Ġsculpt":14747,"Ġpursuit":14748,"Location":14749,"Ġscripts":14750,"pc":14751,"Ġarrangements":14752,"Ġdiameter":14753,"Ġloses":14754,"amation":14755,"Ġliqu":14756,"ĠJake":14757,"arette":14758,"Ġunderstands":14759,"ĠZen":14760,"vm":14761,"Ġapprove":14762,"Ġwip":14763,"Ġultra":14764,"Ġintend":14765,"ĠDI":14766,"ascular":14767,"Ġstays":14768,"ĠKor":14769,"ĠKl":14770,"Ġinvesting":14771,"La":14772,"Ġbelieving":14773,"bad":14774,"mouth":14775,"Ġtaxpayer":14776,"ãĥĥ":14777,"ĠQuebec":14778,"Ġlap":14779,"ĠSwiss":14780,"drop":14781,"Ġdrain":14782,"iri":14783,"etc":14784,"ften":14785,"ĠNex":14786,"Ġstraw":14787,"Ġscreaming":14788,"Ġcounted":14789,"Ġdamaging":14790,"Ġambassador":14791,"century":14792,"Ġprox":14793,"Ġarrests":14794,"uv":14795,"ilateral":14796,"ĠCharg":14797,"Ġprescribed":14798,"Ġindependently":14799,"Ġfierce":14800,"ĠBaby":14801,"Ġbrave":14802,"Ġsuits":14803,"=>":14804,"Ġbaseline":14805,"ĠRate":14806,"Ġislands":14807,"Ġ((":14808,"green":14809,"ixels":14810,"Ġnamely":14811,"ĠVillage":14812,"than":14813,"amy":14814,"Version":14815,"gmail":14816,"entials":14817,"ĠSud":14818,"ĠMelbourne":14819,"Ġarriving":14820,"Ġquantum":14821,"eff":14822,"ropolitan":14823,"Tri":14824,"Ġfuneral":14825,"ĠIR":14826,"ÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤ":14827,"ĠCob":14828,"itably":14829,"Ġturb":14830,"Ġcombo":14831,"Review":14832,"Ġdeployment":14833,"uity":14834,"ĠBott":14835,"Ġinvisible":14836,"Ġrendering":14837,"Ġunlocked":14838,"Ġaqu":14839,"ĠVladimir":14840,"Ġpad":14841,"ĠBrain":14842,"ĠLegacy":14843,"dragon":14844,"ĠKurdish":14845,"Ġsounded":14846,"Ġdetained":14847,"ĠDM":14848,"gary":14849,"Ġdaughters":14850,"Ġdisturbing":14851,"uka":14852,"ĠParad":14853,"Ġtast":14854,"Ġunfortunate":14855,"Ġul":14856,"emin":14857,"Ġattendance":14858,"trl":14859,"Ġparks":14860,"ĠMemorial":14861,"ĠAlice":14862,"othy":14863,"guard":14864,"ĠDise":14865,"ĠShan":14866,"ĠForum":14867,"Rich":14868,"Ġshifted":14869,"uez":14870,"Ġlighter":14871,"ĠMagn":14872,"Ġcod":14873,"Sch":14874,"hammad":14875,"Pub":14876,"350":14877,"ĠPokemon":14878,"Ġprototype":14879,"Ġunre":14880,"Base":14881,"ĠStudents":14882,"ĠReply":14883,"ĠCommunist":14884,"Ġgau":14885,"ĠTyler":14886,"IZ":14887,"Ġparticipated":14888,"Ġsuprem":14889,"ĠDetails":14890,"Ġvessels":14891,"rod":14892,"Ġtribe":14893,"keep":14894,"Ġassumptions":14895,"Ġpound":14896,"Ġcrude":14897,"ĠAvailable":14898,"Ġswimming":14899,"Ġinclusion":14900,"Ġadvances":14901,"culation":14902,"Ġconservation":14903,"Ġoverd":14904,"ĠBuffalo":14905,"Article":14906,"edge":14907,"Ġawa":14908,"ĠMadison":14909,"Ġsidew":14910,"Ġcatast":14911,"ĠKrist":14912,"ucle":14913,"ĠHighway":14914,"ĠTerror":14915,"Ġactivation":14916,"Ġunconscious":14917,"ĠSatan":14918,"ĠSusan":14919,"illery":14920,"Ġarranged":14921,"iop":14922,"Ġrumors":14923,"urring":14924,"think":14925,"ĠKeith":14926,"ĠKind":14927,"Ġavoiding":14928,"byn":14929,"nut":14930,"ĠSpeaker":14931,"rus":14932,"names":14933,"Ġguilt":14934,"ĠOlympics":14935,"Ġsail":14936,"ĠMes":14937,"levant":14938,"ĠColumbus":14939,"aft":14940,"City":14941,"South":14942,"ĠHarvey":14943,"ĠPun":14944,"Several":14945,"Ġmentally":14946,"Ġimpress":14947,"mount":14948,"ĠUbuntu":14949,"âĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶ":14950,"ĠSuperman":14951,"ĠMPs":14952,"Ġintentions":14953,"ĠRacing":14954,"Ġlikelihood":14955,"Ġ240":14956,"Total":14957,"Ġtoys":14958,"ĠWatson":14959,"Ġurge":14960,"Lear":14961,"ĠPaper":14962,"Ġoccurring":14963,"ĠBeng":14964,"ĠCert":14965,"Ġstones":14966,"Tim":14967,"ĠTwin":14968,"zb":14969,"ĠDynam":14970,"Ġpolitician":14971,"kens":14972,"ĠEnterprise":14973,"UTERS":14974,"Ġabol":14975,"Ġrefresh":14976,"Ġarbitrary":14977,"pection":14978,"Ġtroubles":14979,"Ġ});":14980,"tv":14981,"Ġpilots":14982,"Ġdistribute":14983,"Ġaudit":14984,"Ġpause":14985,"original":14986,"Ġrivals":14987,"£":14988,"Fig":14989,"TL":14990,"abil":14991,"rying":14992,"Lin":14993,"ioned":14994,"lon":14995,"Ġfancy":14996,"Ġcrashed":14997,"Ġtract":14998,"Ġshed":14999,"Ġconsume":15000,"Based":15001,"download":15002,"init":15003,"Ġvoltage":15004,"Introdu":15005,"Ġcondemned":15006,"ĠFinance":15007,"respect":15008,"Ġexcluded":15009,"Ġestablishing":15010,"heric":15011,"Ġheritage":15012,"Ġspectacular":15013,"Ġunst":15014,"ĠSnowden":15015,"ĠLane":15016,"San":15017,"Ġprotections":15018,"struction":15019,"incinn":15020,"Ġmacro":15021,"Custom":15022,"iosity":15023,"Ġesp":15024,"Ġfunctioning":15025,"Ġmush":15026,"Ġpuzzle":15027,"Ġethical":15028,"Mal":15029,"Ġgoverning":15030,"ĠFerguson":15031,"Ġrestored":15032,"Ġstressed":15033,"ĠCounter":15034,"ĠKas":15035,"clip":15036,"ANS":15037,"Ġseiz":15038,"UK":15039,"byss":15040,"oldown":15041,"api":15042,"Ġpermanently":15043,"ounters":15044,"West":15045,"Through":15046,"Light":15047,"atoes":15048,"Ġneat":15049,"Ġcord":15050,"urer":15051,"Ġseverely":15052,"ĠAven":15053,"Ġinterrog":15054,"Ġtriple":15055,"Given":15056,"Number":15057,"Ġarise":15058,"Ġsher":15059,"plant":15060,"Ġflower":15061,"ĠCou":15062,"Ġate":15063,"Ġnewer":15064,"bul":15065,"Ġmeanwhile":15066,"ĠLair":15067,"Ġadjustment":15068,"ĠCopyright":15069,"Ġdivers":15070,"iological":15071,"Ġgamers":15072,"oat":15073,"Ġhistorically":15074,"Ġanalog":15075,"Ġlongtime":15076,"Ġprescription":15077,"ĠMist":15078,"ĠHyper":15079,"ĠMaine":15080,"ĠDeity":15081,"Ġmultipl":15082,"ĠReincarn":15083,"ĠHyd":15084,"ĠPic":15085,"Sil":15086,"rants":15087,"ĠCris":15088,".;":15089,"({":15090,"ependence":15091,"Ġrecy":15092,"ateur":15093,"Ġquad":15094,"Ġglob":15095,"Ġconced":15096,"team":15097,"Ġcapitalist":15098,"ĠLot":15099,"Ġroyal":15100,"ĠCyber":15101,"Ġblacks":15102,"metic":15103,"riv":15104,"ĠDanny":15105,"Ġspo":15106,"ĠRO":15107,"Ġanimated":15108,"rypted":15109,"ĠDeputy":15110,"Ġrendered":15111,"FE":15112,"Ġstreak":15113,"Ġclouds":15114,"ĠDoug":15115,"~~~~~~~~":15116,"Ġdiscour":15117,"ĠVeh":15118,"Ġpsychology":15119,"ĠJourney":15120,"Ġcrystal":15121,"ĠFrost":15122,"Ġsuspicion":15123,"Ġrelate":15124,"orus":15125,"ĠCrypt":15126,"ĠNVIDIA":15127,"comed":15128,"uting":15129,"incinnati":15130,"Ġvulnerability":15131,"ostic":15132,"Ġisolation":15133,"Ġcooling":15134,"ĠCoalition":15135,"Ġ119":15136,"Four":15137,"ĠDeal":15138,"Ġâī":15139,"semble":15140,"rament":15141,"ĠBarcelona":15142,"Ġ102":15143,"Ġcocaine":15144,"ocalypse":15145,"Feb":15146,"ogenic":15147,"Ġmutation":15148,"Ġcryptoc":15149,"ĠKel":15150,"ĠGit":15151,"ais":15152,"Ġsisters":15153,"ANK":15154,"Ġactivate":15155,"Ter":15156,"Ġdread":15157,"ylon":15158,"Ġpropri":15159,"Aust":15160,"ĠDefault":15161,"Ġoutdoor":15162,"Ġsheer":15163,"ceive":15164,"Ġgently":15165,"о":15166,"Program":15167,"ĠâĨĴ":15168,"Ġvegan":15169,"ĠCrus":15170,"Ġresponsibilities":15171,"ĠHR":15172,"OLD":15173,"Ġprevents":15174,"Ġstiff":15175,"ĠWere":15176,"Ġathletic":15177,"ĠScore":15178,"Ġ):":15179,"Ġcolumns":15180,"ĠLoc":15181,"available":15182,"ĠFram":15183,"ĠSessions":15184,"Ġcompanion":15185,"Ġpacks":15186,"140":15187,"ĠKnights":15188,"Ġfart":15189,"Ġstreams":15190,"Ġshore":15191,"Ġappeals":15192,"ĠPerformance":15193,"haul":15194,"ĠStra":15195,"ĠNag":15196,"103":15197,"ĠTransportation":15198,"BB":15199,"Ev":15200,"zan":15201,"Public":15202,"Ġtwin":15203,"ulsion":15204,"Mult":15205,"Ġelectro":15206,"Ġstatue":15207,"ationally":15208,"ĠNort":15209,"Ġinspection":15210,"/*":15211,"igue":15212,"Ġcompassion":15213,"ĠTales":15214,"ĠStein":15215,"ĠScreen":15216,"ĠBug":15217,"ĠLion":15218,"girl":15219,"Ġwithdrawal":15220,"Ġobjectives":15221,"Ġbloody":15222,"Ġpreliminary":15223,"Ġjacket":15224,"Ġdimensions":15225,"ĠCool":15226,"ĠOccup":15227,"Ġwreck":15228,"Ġdoubled":15229,"anking":15230,"Ġ1975":15231,"Ġglasses":15232,"ĠWang":15233,"prov":15234,"Path":15235,"connected":15236,"ĠMulti":15237,"ĠNorway":15238,"agonist":15239,"Ġfeared":15240,"Ġtouching":15241,"Ġarguably":15242,"¯¯¯¯¯¯¯¯":15243,"ĠNCAA":15244,"chem":15245,"Ġspat":15246,"ĠWWE":15247,"ĠCel":15248,"igger":15249,"Ġattacker":15250,"ĠJoin":15251,"object":15252,"etta":15253,"Ġeliminated":15254,"det":15255,"Ġdestruct":15256,"ĠLucas":15257,"ctuary":15258,"180":15259,"ĠBrady":15260,"ĠBlues":15261,"Bay":15262,"aukee":15263,"Ġtimeline":15264,"Ġdelegates":15265,"written":15266,"ufficient":15267,"Ġshapes":15268,"Copyright":15269,"ouble":15270,"service":15271,"Ġpione":15272,"Ġcolleges":15273,"Ġrows":15274,"Ġspite":15275,"Ġassessed":15276,"360":15277,"Ġlease":15278,"Ġconfidential":15279,"cker":15280,"ĠManning":15281,"ĠVoice":15282,"Ġsealed":15283,"Ġcalculate":15284,"NO":15285,"ĠAssistant":15286,"Ġteenager":15287,"ulent":15288,"atherine":15289,"Ġmock":15290,"Ġdiamond":15291,"Ġfest":15292,"Ġswitched":15293,"Ġresume":15294,"ĠPuerto":15295,"Ġlanes":15296,"iration":15297,"ĠSimilarly":15298,"Ġrod":15299,"ĠSel":15300,"ĠPalace":15301,"ĠLimited":15302,"eous":15303,"Ġvariant":15304,"Ġward":15305,"Ġ))":15306,"Show":15307,"OOK":15308,"Alex":15309,"ĠNep":15310,"bris":15311,"ĠWikipedia":15312,"Ġexceptional":15313,"Ġmanages":15314,"ĠDraw":15315,"Again":15316,"Ġcopper":15317,"utt":15318,"Ġexports":15319,"Ġportfolio":15320,"Ġelevated":15321,"Rated":15322,"ĠOtherwise":15323,"ĠTact":15324,"ĠShel":15325,"ĠTX":15326,"\"âĢĶ":15327,"Ġresur":15328,"ĠWa":15329,"venant":15330,"Ġmonetary":15331,"people":15332,"Email":15333,"Ġfifty":15334,"ĠSweet":15335,"ĠMalaysia":15336,"Ġconfusing":15337,"ĠRio":15338,"uda":15339,"utenant":15340,"\");":15341,"Ġpraised":15342,"Ġvolumes":15343,"turn":15344,"Ġmature":15345,"Ġnonprofit":15346,"Ġpassionate":15347,"ĠPrivate":15348,"Ġ103":15349,"Ġdescend":15350,"ç¥ŀ":15351,"uffy":15352,"headed":15353,"Whether":15354,"rien":15355,"zech":15356,"beit":15357,"Ġchrom":15358,"ĠMcM":15359,"Ġdancing":15360,"Ġeleg":15361,"ĠNoticed":15362,"115":15363,"Ġadvocacy":15364,"ENTS":15365,"ambling":15366,"ĠMinor":15367,"ĠFinn":15368,"Ġpriorities":15369,"Ġthereof":15370,"ĠStage":15371,"ĠRogers":15372,"Ġsubstitute":15373,"ĠJar":15374,"ĠJefferson":15375,"Ġlightly":15376,"102":15377,"ĠLisa":15378,"uits":15379,"ysical":15380,"Ġshifts":15381,"Ġdrones":15382,"Ġworkplace":15383,"Ġresid":15384,"ensed":15385,"ahn":15386,"Ġpreferences":15387,"server":15388,"Ġdebates":15389,"doc":15390,"ĠGods":15391,"Ġhelicopter":15392,"Ġhonour":15393,"Ġconsiderably":15394,"eded":15395,"ĠFemale":15396,"ĠAnne":15397,"Ġreun":15398,"ĠFace":15399,"ĠHallow":15400,"ĠBudget":15401,"Ġcondemn":15402,"Ġtender":15403,"Prof":15404,"ocratic":15405,"ĠTurner":15406,"ĠAgric":15407,"Ġ1976":15408,"Ġapt":15409,"disc":15410,"ĠFighter":15411,"ĠAur":15412,"Ġgarbage":15413,"input":15414,"ĠKarl":15415,"ĠOliver":15416,"ĠLanguage":15417,"kn":15418,"Non":15419,"ĠClar":15420,"Ġtraditions":15421,"Ġadvertisement":15422,"ĠSor":15423,"Ġarchive":15424,"Ġvillages":15425,"750":15426,"Ġimplementing":15427,"waukee":15428,"Ġdietary":15429,"Ġswitching":15430,"Republic":15431,"Ġvelocity":15432,"Ġcit":15433,"ĠAwards":15434,"Ġfinancing":15435,"Ġlasted":15436,")]":15437,"Ġreminder":15438,"Person":15439,"Ġprecision":15440,"Ġdesigners":15441,"ĠFried":15442,"ĠBorder":15443,"Ġtragic":15444,"Ġwield":15445,"Ġinitiatives":15446,"ĠTank":15447,"wer":15448,"Ġjoins":15449,"Ro":15450,"inery":15451,"Ġarrow":15452,"Ġgenerating":15453,"founder":15454,"Ġsearches":15455,"Ġrandomly":15456,"Access":15457,"Ġbatch":15458,"Ġposed":15459,"lat":15460,"Ġpursuing":15461,"asa":15462,"Ġtestified":15463,"forming":15464,"ĠShar":15465,"wiki":15466,"ĠEither":15467,"Sometimes":15468,"Ġsenators":15469,"ĠJohnny":15470,"ĠTaliban":15471,"ĠGPS":15472,"\":\"/":15473,"ãģ®å":15474,"Ġanalyzed":15475,"ĠRubio":15476,"ĠMovement":15477,"opard":15478,"iii":15479,"Stand":15480,"fight":15481,"Ġignoring":15482,"iang":15483,"ĠGN":15484,"soever":15485,"ĠSTAT":15486,"Ġrefusing":15487,"Ġsweat":15488,"Ġbay":15489,"PORT":15490,"irmed":15491,"aky":15492,"Ġdispro":15493,"Ġlabeled":15494,"Ġ108":15495,"Hello":15496,"Ġpleasant":15497,"aba":15498,"Ġtriumph":15499,"Ġaboard":15500,"Ġincom":15501,"ĠCrow":15502,"lett":15503,"Ġfolk":15504,"Ġchase":15505,"``":15506,"ĠBrus":15507,"Ġteens":15508,"cue":15509,"Ġterrain":15510,"hyd":15511,"ilight":15512,"ORY":15513,"Support":15514,"ews":15515,"lli":15516,"raints":15517,"ĠCand":15518,"Ġabused":15519,"achment":15520,"larg":15521,"Bas":15522,"ĠCancer":15523,"Ġ1978":15524,"Ġsupporter":15525,"access":15526,"ĠTermin":15527,"ĠTampa":15528,"ĠANY":15529,"Ġnewest":15530,"ĠCriminal":15531,"edu":15532,"Ġ1930":15533,"Ġadmits":15534,"Ġende":15535,"Ġfailures":15536,"urate":15537,"fulness":15538,"cycl":15539,"ĠSubject":15540,"Ġinfinite":15541,"three":15542,"WA":15543,"pit":15544,"ĠInstall":15545,"Rad":15546,"iliation":15547,"GM":15548,"Ġcontinent":15549,"Ġaccommodate":15550,"ĠClay":15551,"Ġpup":15552,"ĠFunction":15553,"Ġhammer":15554,"ĠAlberta":15555,"Ġrevised":15556,"Ġminorities":15557,"Ġmeasurement":15558,"Connell":15559,"Ġdisable":15560,"ĠMix":15561,"Incre":15562,"Ġfork":15563,"ĠRosen":15564,"Ġimplies":15565,"umblr":15566,"ANG":15567,"Ġproteins":15568,"Ġaggression":15569,"Ġfacilitate":15570,"SN":15571,"Ġillegally":15572,"uer":15573,"Ġacadem":15574,"Ġpuzz":15575,"ĠShift":15576,"pay":15577,"ollo":15578,"Ġaudiences":15579,"Build":15580,"Ġnoble":15581,"Ġsyntax":15582,"âĺħ":15583,"Ġbeam":15584,"ĠBed":15585,"ĠAld":15586,"Ġorigins":15587,"video":15588,"Ġ1977":15589,"ĠAssault":15590,"Ġgarage":15591,"Team":15592,"Ġverdict":15593,"Ġdwar":15594,"ĠVirtual":15595,"event":15596,"Keep":15597,"Ġsentiment":15598,"Ġwildlife":15599,"shirt":15600,"Ġburg":15601,"Ġrecommendation":15602,"represent":15603,"Ġgallery":15604,"owners":15605,"Ġscholar":15606,"Ġconvenience":15607,"ĠSwift":15608,"Ġconvinc":15609,"Cap":15610,"Ġwarfare":15611,"ĠVisual":15612,"Ġconstitute":15613,"Ġabort":15614,"ĠWeather":15615,"ĠLooking":15616,"ĠHem":15617,"Ġmartial":15618,"Ġincoming":15619,"etition":15620,"Ġtolerance":15621,"ĠCreated":15622,"Ġflows":15623,"ĠElder":15624,"Ġsouls":15625,"Ġfoul":15626,"ĠPain":15627,"ĠCAN":15628,"Ġ220":15629,"bc":15630,"hend":15631,"Ġgenius":15632,"Real":15633,"ĠWr":15634,"ometer":15635,"pad":15636,"Ġlimiting":15637,"ĠSi":15638,"ĠLore":15639,"ĠAdventures":15640,"Ġvaried":15641,"Disc":15642,"fin":15643,"ĠPersonal":15644,"Chris":15645,"Ġinvented":15646,"Ġdive":15647,"ĠRise":15648,"Ġoz":15649,"ĠComics":15650,"Ġexpose":15651,"ĠReb":15652,"letters":15653,"site":15654,"imated":15655,"Ġhacking":15656,"Ġeducated":15657,"ĠNobody":15658,"Ġdepri":15659,"Ġincentive":15660,"ãĤ·":15661,"Ġoversight":15662,"Ġtribes":15663,"ĠBelgium":15664,"Ġlicensing":15665,"ourt":15666,"Product":15667,"ahl":15668,"ĠGem":15669,"Ġspecialist":15670,"Ġcra":15671,"anners":15672,"ĠCorbyn":15673,"Ġ1973":15674,"READ":15675,"Ġsummar":15676,"Ġoverlook":15677,"ĠApplication":15678,"Ġinappropriate":15679,"Ġdownloaded":15680,"Que":15681,"ĠBears":15682,"Ġthumb":15683,"ĠCharacter":15684,"ĠReincarnated":15685,"ĠSid":15686,"Ġdemonstrates":15687,"sky":15688,"ĠBloomberg":15689,"ĠArray":15690,"ĠResults":15691,"ĠFourth":15692,"ĠEDT":15693,"ĠOscar":15694,"cend":15695,"Ġ106":15696,"ĠNULL":15697,"ĠHERE":15698,"match":15699,"ĠBrun":15700,"Ġglucose":15701,"ieg":15702,"egu":15703,"Ġcertified":15704,"Ġrelie":15705,"Ġhumanitarian":15706,"Ġprayers":15707,"King":15708,"Ġnan":15709,"hou":15710,"108":15711,"ulu":15712,"Ġrenewable":15713,"Ġdistinguish":15714,"Ġdense":15715,"ĠVent":15716,"ĠPackage":15717,"ĠBoss":15718,"Ġeditors":15719,"Ġmigr":15720,"Tra":15721,"ĠPeters":15722,"ĠArctic":15723,"2004":15724,"ĠCape":15725,"Ġlocally":15726,"Ġlasting":15727,"Ġhandy":15728,".).":15729,"Pan":15730,"ĠRES":15731,"Index":15732,"Ġtensions":15733,"Ġformerly":15734,"Ġideological":15735,"Ġsensors":15736,"Ġdealers":15737,"Ġdefines":15738,"Sk":15739,"Ġproceeds":15740,"Ġproxy":15741,"azines":15742,"ĠBash":15743,"ĠPad":15744,"ĠCraft":15745,"ealous":15746,"Ġsheets":15747,"ometry":15748,"June":15749,"clock":15750,"TT":15751,"ĠTheatre":15752,"ĠBuzz":15753,"Ġchapters":15754,"Ġmillenn":15755,"Ġdough":15756,"ĠCongressional":15757,"Ġimagined":15758,"avior":15759,"Ġclinic":15760,"Ġ1945":15761,"Ġholder":15762,"root":15763,"olester":15764,"Ġrestart":15765,"BN":15766,"ĠHamas":15767,"ĠJob":15768,"Ġorb":15769,"Ġram":15770,"Ġdisclose":15771,"Ġtranslate":15772,"Ġimmigrant":15773,"Ġannoying":15774,"Ġtreaty":15775,"anium":15776,"ĠTea":15777,"ĠLegion":15778,"Ġcrowds":15779,"ĠBec":15780,"ĠAer":15781,"ohyd":15782,"Bro":15783,"Looking":15784,"Ġlbs":15785,"Ġaggress":15786,"Ġseam":15787,"Ġintercept":15788,"ĠMI":15789,"mercial":15790,"activ":15791,"ĠCit":15792,"Ġdimension":15793,"Ġconsistency":15794,"Ġrushing":15795,"ĠDouglas":15796,"Ġtrim":15797,"Install":15798,"icker":15799,"Ġshy":15800,"106":15801,"Ġmentions":15802,"pelled":15803,"ĠTak":15804,"cost":15805,"Ġclassroom":15806,"Ġfortune":15807,"driven":15808,"Ġunle":15809,"ĠWheel":15810,"Ġinvestor":15811,"ĠMasters":15812,"kit":15813,"Ġassociations":15814,"ĠEvolution":15815,"oping":15816,"uscript":15817,"Ġprovincial":15818,"ĠWalter":15819,"avi":15820,"SO":15821,"Ġunlimited":15822,"English":15823,"ĠCards":15824,"ĠEbola":15825,"nered":15826,"Ġrevenge":15827,"Ġoutright":15828,"umper":15829,"Ġfitting":15830,"ĠSolid":15831,"Ġformally":15832,"Ġproblematic":15833,"Ġhazard":15834,"Ġencryption":15835,"Ġstraightforward":15836,"ĠAK":15837,"Ġpse":15838,"ĠOrb":15839,"ĠChamber":15840,"ĠMak":15841,"Contents":15842,"Ġloyalty":15843,"Ġlyrics":15844,"ĠSym":15845,"Ġwelcomed":15846,"Ġcooked":15847,"Ġmonop":15848,"Ġnurse":15849,"Ġmisleading":15850,"Ġeternal":15851,"Ġshifting":15852,"Ġ+=":15853,"Vis":15854,"Ġinstitutional":15855,"illary":15856,"Ġpant":15857,"VERT":15858,"ĠACC":15859,"ĠEnh":15860,"Ġincon":15861,"ĠREUTERS":15862,"Ġdonated":15863,"âĢ¦âĢ¦âĢ¦âĢ¦":15864,"Intern":15865,"Ġexhibit":15866,"Ġtire":15867,"ĠRic":15868,"ĠChampion":15869,"ĠMuhammad":15870,"NING":15871,"ĠSoccer":15872,"Ġmobility":15873,"Ġvarying":15874,"ĠMovie":15875,"Ġlord":15876,"oak":15877,"Field":15878,"Ġvector":15879,"usions":15880,"Ġscrap":15881,"Ġenabling":15882,"make":15883,"Tor":15884,".*":15885,"||":15886,"ĠWebsite":15887,"ĠNPC":15888,"Ġsocialist":15889,"ĠBilly":15890,"ĠAdditional":15891,"Ġcargo":15892,"Ġfarms":15893,"ĠSoon":15894,"ĠPrize":15895,"Ġmidnight":15896,"Ġ900":15897,"seen":15898,"ĠSpot":15899,"Ġsheep":15900,"Ġsponsored":15901,"ĠHi":15902,"ĠJump":15903,"Ġ1967":15904,"Microsoft":15905,"ĠAgent":15906,"Ġcharts":15907,"dir":15908,"Ġadjacent":15909,"Ġtricks":15910,"Ġmanga":15911,"Ġexagger":15912,"/>":15913,"football":15914,"ĠFCC":15915,"GC":15916,"ĠTier":15917,"andra":15918,"OUND":15919,"%),":15920,"Ġfruits":15921,"VC":15922,"ĠAA":15923,"Rober":15924,"Ġmidst":15925,"âĹ":15926,"anka":15927,"Ġlegislature":15928,"ĠNeil":15929,"Ġtourists":15930,"\"\"":15931,"ĠWarning":15932,"ĠNevertheless":15933,"ĠOfficial":15934,"ĠWhatever":15935,"Ġmold":15936,"Ġdrafted":15937,"Ġsubstances":15938,"Ġbreed":15939,"Ġtags":15940,"ĠTask":15941,"Ġverb":15942,"Ġmanufactured":15943,"comments":15944,"ĠPolish":15945,"Prov":15946,"Ġdetermines":15947,"Obama":15948,"kers":15949,"Ġutterly":15950,"Ġsect":15951,"sche":15952,"ĠGates":15953,"ĠChap":15954,"Ġaluminum":15955,"Ġzombie":15956,"ĠTouch":15957,"ĠUP":15958,"Ġsatisfy":15959,"Ġpredomin":15960,"ascript":15961,"Ġelaborate":15962,"Ġ1968":15963,"Ġmeasuring":15964,"ĠVari":15965,"anyahu":15966,"Ġsir":15967,"ulates":15968,"idges":15969,"ickets":15970,"ĠSpencer":15971,"TM":15972,"oubted":15973,"Ġprey":15974,"Ġinstalling":15975,"ĠCab":15976,"reed":15977,"reated":15978,"Supp":15979,"Ġwrist":15980,"ĠKerry":15981,"107":15982,"ĠKle":15983,"ĠRachel":15984,"Ġcotton":15985,"ĠARE":15986,"ĠEle":15987,"Control":15988,"Ġloads":15989,"ĠDod":15990,"anas":15991,"bone":15992,"Ġclassical":15993,"ĠRegional":15994,"ĠInteg":15995,"VM":15996,"Ġdesires":15997,"Ġautism":15998,"supported":15999,"ĠMessage":16000,"Ġcompact":16001,"writer":16002,"Ġ109":16003,"ĠHurricane":16004,"cision":16005,"Ġcycles":16006,"Ġdrill":16007,"Ġcolleague":16008,"Ġmaker":16009,"German":16010,"Ġmistaken":16011,"Sun":16012,"ĠGay":16013,"Ġwhatsoever":16014,"Ġsells":16015,"ĠAirl":16016,"liv":16017,"ĠOption":16018,"Ġsolved":16019,"Ġsectors":16020,"Ġhorizontal":16021,"Ġequation":16022,"ĠSkill":16023,"ĠBio":16024,"gement":16025,"ĠSnap":16026,"ĠLegal":16027,"Ġtrademark":16028,"Ġmakeup":16029,"Ġassembled":16030,"Ġsaves":16031,"ĠHalloween":16032,"ĠVermont":16033,"ĠFROM":16034,"Ġfarming":16035,"ĠPodcast":16036,"acceptable":16037,"ĠHigher":16038,"Ġasleep":16039,"ullivan":16040,"Ġreferen":16041,"ĠLev":16042,"Ġbullets":16043,"oko":16044,"HC":16045,"Ġstairs":16046,"Ġmaintains":16047,"ĠLower":16048,"ĠVi":16049,"Ġmarine":16050,"Ġacres":16051,"Ġcoordinator":16052,"ĠJoh":16053,"Ġcounterparts":16054,"ĠBrothers":16055,"Ġindict":16056,"bra":16057,"Ġchunk":16058,"Ġcents":16059,"Home":16060,"ĠMonth":16061,"Ġaccordingly":16062,"ifles":16063,"ĠGermans":16064,"ĠSyn":16065,"Hub":16066,"Ġeyeb":16067,"âĶĢâĶĢâĶĢâĶĢ":16068,"Ġranges":16069,"ĠHolland":16070,"ĠRobot":16071,"fc":16072,"Mike":16073,"Ġplasma":16074,"Ġswap":16075,"Ġathlete":16076,"ĠRams":16077,",'\"":16078,"Ġinfections":16079,"Ġcorrid":16080,"Ġvib":16081,"Ġpatches":16082,"Ġtraditionally":16083,"Ġrevelation":16084,"Ġsweep":16085,"Ġglance":16086,"Ġinex":16087,"2003":16088,"ĠRaw":16089,"working":16090,"osures":16091,"ĠDat":16092,"ĠLynch":16093,"Ġleverage":16094,"ĠReid":16095,"Ġcorrelation":16096,"iances":16097,"avascript":16098,"Ġrepository":16099,"retty":16100,"Ġ1972":16101,"240":16102,"Ġoun":16103,"pol":16104,"ĠReed":16105,"Ġtactical":16106,"isite":16107,"Apple":16108,"ĠQuinn":16109,"Ġraped":16110,"illo":16111,"Europe":16112,"Ġalgorithms":16113,"ĠRodrig":16114,"iu":16115,"Ġillum":16116,"Ġfame":16117,"Ġintroducing":16118,"Ġdelays":16119,"ĠRaiders":16120,"Ġwhistle":16121,"Ġnovels":16122,"ĠReally":16123,"Ġderiv":16124,"Ġpublications":16125,"ĠNeither":16126,"ĠCommerce":16127,"Ġaston":16128,"language":16129,"Notes":16130,"ĠRoth":16131,"ĠFear":16132,"Ġmate":16133,"Ġparade":16134,"ĠQB":16135,"Ġmaneu":16136,"ĠCincinnati":16137,"mitting":16138,"Ġwaist":16139,"ĠRew":16140,"Ġdiscont":16141,"а":16142,"Ġstaring":16143,"Ġalias":16144,"Ġsecurities":16145,"Ġtoilet":16146,"ĠJedi":16147,"Ġunlaw":16148,"vised":16149,"////////":16150,"](":16151,"ĠWeiss":16152,"Ġprest":16153,"ĠCompan":16154,"Ġmemo":16155,"ĠGrace":16156,"July":16157,"ĠElite":16158,"center":16159,"ĠStay":16160,"Ġgalaxy":16161,"Ġtooth":16162,"ĠSettings":16163,"Ġsubjected":16164,"ãĤ¦":16165,"Ġlineback":16166,"Ġretailers":16167,"ĠWant":16168,"Ġdangers":16169,"Air":16170,"Ġvoluntary":16171,"eway":16172,"Ġinterpreted":16173,"otine":16174,"ç":16175,"Ġpel":16176,"Service":16177,"ĠEventually":16178,"Ġcareers":16179,"Ġthreaten":16180,"Ġmemor":16181,"ĠBradley":16182,"ancies":16183,"sn":16184,"ĠUnknown":16185,"National":16186,"Ġshadows":16187,"ailand":16188,"ĠDash":16189,"Everyone":16190,"izzard":16191,"March":16192,"=(":16193,"Ġpulls":16194,"Ġstranger":16195,"Ġbackwards":16196,"ĠBernard":16197,"imensional":16198,"Ġchron":16199,"Ġtheoretical":16200,"ktop":16201,"Ġware":16202,"ĠInvestig":16203,"ĠIniti":16204,"ĠOperations":16205,"oven":16206,"ocide":16207,"*/":16208,"Ġflames":16209,"ĠCash":16210,"shit":16211,"Ġcab":16212,"ĠAnaly":16213,"ĠSeah":16214,"Ġdefining":16215,"Ġordering":16216,"Ġimmun":16217,"Ġpersistent":16218,"ACH":16219,"Russian":16220,"mans":16221,"Ġhind":16222,"Ġphotography":16223,"©":16224,"Ġhug":16225,"Ġ107":16226,"ĠHence":16227,"iots":16228,"udeau":16229,"Ġsubsidies":16230,"Ġroutinely":16231,"ĠDevice":16232,"itic":16233,"Ġdisgust":16234,"lander":16235,"Ġ1940":16236,"Ġassignment":16237,"ĠBesides":16238,"wick":16239,"ĠDust":16240,"usc":16241,"structed":16242,"111":16243,"develop":16244,"Ġfond":16245,"Ġintersection":16246,"Ġdignity":16247,"Ġcommissioner":16248,"Without":16249,"reach":16250,"Ġcartoon":16251,"Ġscales":16252,"ãĥŃ":16253,"FIG":16254,"Ġsurveys":16255,"ĠIndonesia":16256,"Ġartwork":16257,"Ġunch":16258,"Ġcycling":16259,"unct":16260,"auer":16261,"orate":16262,"ĠObviously":16263,"Ġcharacterized":16264,"feld":16265,"Ġaffirm":16266,"Ġinnings":16267,"Ġé":16268,"Ġaliens":16269,"Ġcloth":16270,"etooth":16271,"ĠCertain":16272,"§":16273,"Ġdigest":16274,"know":16275,"ĠXL":16276,"Ġpredictions":16277,"Ġdin":16278,"WAR":16279,"Ġaftermath":16280,"Example":16281,"ĠSuccess":16282,"ĠThr":16283,"IGN":16284,"Ġminer":16285,"Bus":16286,"Ġclarity":16287,"heimer":16288,"ĠOUT":16289,"ĠSend":16290,"ĠCircle":16291,"ĠDiet":16292,"Ġpronounced":16293,"Ġcreators":16294,"Ġearthquake":16295,"attery":16296,"geons":16297,"Ġod":16298,"Ġlaying":16299,"orp":16300,"Ult":16301,"project":16302,"Ġundermin":16303,"Ġsequel":16304,"Sam":16305,"ĠDarkness":16306,"Ġreception":16307,"bull":16308,"YS":16309,"ĠVir":16310,"Ġsequences":16311,"ĠCoin":16312,"Ġoutfit":16313,"ĠWait":16314,"119":16315,"Ġdelivers":16316,"......":16317,"Ġblown":16318,"ĠEsc":16319,"ĠMath":16320,"perm":16321,"ĠUl":16322,"Ġglim":16323,"Ġfacial":16324,"Ġgreenhouse":16325,"Ġtokens":16326,"/-":16327,"ĠAnnual":16328,"ĠONE":16329,"Ġteenage":16330,"ĠPhysical":16331,"ĠLang":16332,"ĠCelt":16333,"Ġsued":16334,"ividually":16335,"Ġpatience":16336,"chair":16337,"regular":16338,"Ġaug":16339,"inv":16340,"except":16341,"ĠLil":16342,"Ġnest":16343,"fd":16344,"sum":16345,"ĠChase":16346,"Russia":16347,"ĠJennifer":16348,"Ġoffseason":16349,"Overall":16350,"Fore":16351,"Ġriot":16352,"Aud":16353,"former":16354,"Ġdefenders":16355,"ĠCT":16356,"iotic":16357,"ribly":16358,"Ġautomated":16359,"Ġpenis":16360,"Ġinsist":16361,"Ġdiagram":16362,"ĠSQL":16363,"ĠGarc":16364,"Ġwitch":16365,"client":16366,"ierra":16367,"ambers":16368,"Ġrecount":16369,"far":16370,"Very":16371,"osterone":16372,"Ġappreciated":16373,"ĠPerfect":16374,"Section":16375,"Ġdoses":16376,"ocaust":16377,"Ġcostly":16378,"Ġgrams":16379,"ĠShi":16380,"Ġwrestling":16381,"Ġ1971":16382,"Ġtrophy":16383,"Ġnerve":16384,"ĠKaz":16385,"ĠExperience":16386,"Ġpledged":16387,"Ġplayback":16388,"Ġcreativity":16389,"bye":16390,"Ġattackers":16391,"Ġholders":16392,"ĠCoach":16393,"ĠPhD":16394,"Ġtransfers":16395,"Ġcolored":16396,"ĠHindu":16397,"Ġdrown":16398,"Ġlistened":16399,"ĠWA":16400,"iasm":16401,"PO":16402,"Ġappealing":16403,"Ġdisclosed":16404,"ĠChicken":16405,"agging":16406,"Ġpleaded":16407,"Ġnavigation":16408,"ĠReturns":16409,"Ġ[[":16410,"ROR":16411,"EA":16412,"Ġphotographer":16413,"ĠRider":16414,"ippers":16415,"Ġslice":16416,"Ġerect":16417,"Ġhed":16418,"issance":16419,"ĠVikings":16420,"urious":16421,"Ġappet":16422,"oubtedly":16423,"Child":16424,"Ġauthentic":16425,"oos":16426,"ĠMaking":16427,"Ġannouncing":16428,"Ġbod":16429,"Ġmeter":16430,"ĠNine":16431,"ĠRogue":16432,"Ġworkforce":16433,"Ġrenewed":16434,"Ġorganisations":16435,"acs":16436,"PLE":16437,"Short":16438,"Ġcompounds":16439,"ĠVisit":16440,"Ġenvelop":16441,"earth":16442,"Ġsupportive":16443,"ggle":16444,"ĠBrussels":16445,"ĠGuild":16446,"Create":16447,"REL":16448,"Ġaveraged":16449,"Ġ1969":16450,"riages":16451,"Ġlengthy":16452,"Ġforgot":16453,"Okay":16454,"ĠErd":16455,"Ġdealer":16456,"Ġrecession":16457,"DD":16458,"Ġdesperately":16459,"Ġhunger":16460,"Ġsticks":16461,"Ġmph":16462,"ĠFaith":16463,"Ġintentionally":16464,"Ġdemol":16465,"ueller":16466,"ĠSale":16467,"Ġdebris":16468,"spring":16469,"Ġleap":16470,">>>>":16471,"Ġcontainers":16472,"selling":16473,"ranean":16474,"attering":16475,"Ġcommented":16476,"ĠCM":16477,"onut":16478,"Ġwoods":16479,"especially":16480,"Ġorganize":16481,"ivic":16482,"ĠWoods":16483,"anga":16484,"squ":16485,"Ġmaj":16486,"amon":16487,"Ġaxis":16488,"Ġ1974":16489,"ĠDenmark":16490,"Ġwarrior":16491,"ĠPand":16492,"Ġoutlined":16493,"ĠBO":16494,"insula":16495,"zilla":16496,"ebook":16497,"Ġdare":16498,"Ġsearched":16499,"Ġnavigate":16500,"Sn":16501,"writing":16502,"Ġunited":16503,"Japan":16504,"ĠHebrew":16505,"Ġflame":16506,"Ġrelies":16507,"Ġcatching":16508,"ĠSho":16509,"Ġimprisonment":16510,"Ġpockets":16511,"Ġclosure":16512,"ĠFam":16513,"tim":16514,"adequ":16515,"Activity":16516,"Ġrecruiting":16517,"ĠWATCH":16518,"ĠArgentina":16519,"dest":16520,"Ġapologize":16521,"oro":16522,"Ġlacks":16523,"Ġtuned":16524,"ĠGriffin":16525,"Ġinfamous":16526,"Ġcelebrity":16527,"sson":16528,"Ġ----------------------------------------------------------------":16529,"ĠIsis":16530,"ĠDisplay":16531,"Ġcredibility":16532,"Ġeconomies":16533,"Ġheadline":16534,"ĠCowboys":16535,"Ġindef":16536,"Ġlately":16537,"Ġincentives":16538,"button":16539,"ĠMob":16540,"Aut":16541,"Ġresigned":16542,"ĠOm":16543,"camp":16544,"Ġprofiles":16545,"Ġschemes":16546,"olphins":16547,"ayed":16548,"Clinton":16549,"enh":16550,"ĠYahoo":16551,"Ġabst":16552,"Ġank":16553,"suits":16554,"Ġwished":16555,"ĠMarco":16556,"udden":16557,"Ġsphere":16558,"ĠBishop":16559,"Ġincorporated":16560,"ĠPlant":16561,"114":16562,"Ġhated":16563,"pic":16564,"Ġdonate":16565,"Ġlined":16566,"Ġbeans":16567,"Ġstealing":16568,"Ġcostume":16569,"Ġsheriff":16570,"Ġforty":16571,"Ġintact":16572,"Ġadapted":16573,"Ġtravelling":16574,"bart":16575,"Ġnicely":16576,"Ġdried":16577,"Ġscal":16578,"osity":16579,"NOTE":16580,"ĠBh":16581,"ĠBroncos":16582,"ĠIgn":16583,"Ġintimate":16584,"Ġchemistry":16585,"Ġoptimal":16586,"Deb":16587,"ĠGeneration":16588,"Ġ],":16589,"ichi":16590,"ĠWii":16591,"ĠYOUR":16592,"ventions":16593,"Write":16594,"Ġpopul":16595,"unning":16596,"ĠWor":16597,"Vol":16598,"Ġqueen":16599,"heads":16600,"KK":16601,"Ġanalyze":16602,"opic":16603,"earchers":16604,"Ġdot":16605,"legraph":16606,"astically":16607,"Ġupgrades":16608,"Ġcares":16609,"Ġextending":16610,"Ġfreeze":16611,"Ġinability":16612,"Ġorgans":16613,"Ġpretend":16614,"Ġoutlet":16615,"113":16616,"olan":16617,"ĠMall":16618,"uling":16619,"talk":16620,"Ġexpressing":16621,"ĠAlways":16622,"ĠBegin":16623,"files":16624,"Ġlicenses":16625,"%%":16626,"ĠMitt":16627,"Ġfilters":16628,"ĠMilwaukee":16629,"GN":16630,"Ġunfold":16631,"Mo":16632,"Ġnutrition":16633,"ppo":16634,"Bo":16635,"Ġfounding":16636,"Ġundermine":16637,"Ġeasiest":16638,"ĠCzech":16639,"ĠMack":16640,"Ġsexuality":16641,"ĠNixon":16642,"Win":16643,"ĠArn":16644,"ĠKin":16645,"ãĤ£":16646,"icer":16647,"Ġfortun":16648,"Ġsurfaces":16649,"aghd":16650,"Ġcarriers":16651,"ĠPART":16652,"ĠTib":16653,"Ġinterval":16654,"Ġfrustrating":16655,"ĠShip":16656,"ĠArmed":16657,"ffe":16658,"Ġboats":16659,"ĠAbraham":16660,"inis":16661,"Ġsuited":16662,"thread":16663,"iov":16664,"abul":16665,"ĠVenezuela":16666,"Ġtom":16667,"super":16668,"Ġcastle":16669,"although":16670,"ioxide":16671,"eches":16672,"Ġevolutionary":16673,"Ġnegotiate":16674,"Ġconfronted":16675,"Remember":16676,"Ġ170":16677,"Such":16678,"Ġ911":16679,"mult":16680,"ĠAbyss":16681,"urry":16682,"kees":16683,"spec":16684,"ĠBarbara":16685,"Ġbelonging":16686,"Ġvillain":16687,"istani":16688,"Ġaccountable":16689,"Ġportions":16690,"ĠDecl":16691,"Ur":16692,"ĠKate":16693,"gre":16694,"Ġmagazines":16695,"UCK":16696,"Ġregulate":16697,"omon":16698,"ĠAlmost":16699,"Ġoverview":16700,"Ġscram":16701,"Ġloot":16702,"ĠFitz":16703,"Ġcharacteristic":16704,"ĠSnake":16705,"say":16706,"ĠRico":16707,"Ġtrait":16708,"ĠJoined":16709,"aucus":16710,"Ġadaptation":16711,"ĠAirlines":16712,"Ġarchae":16713,"ĠIde":16714,"Ġbikes":16715,"Ġliterary":16716,"Ġinfluences":16717,"ĠUsed":16718,"Creat":16719,"Ġplea":16720,"ĠDefence":16721,"ĠAssass":16722,"Ġpond":16723,"ULT":16724,")\"":16725,"Ġevaluated":16726,"Ġobtaining":16727,"Ġdemographic":16728,"Ġvigil":16729,"aley":16730,"Ġspouse":16731,"ĠSeahawks":16732,"respons":16733,"ĠBelt":16734,"umatic":16735,"Ġrises":16736,"runner":16737,"ĠMichelle":16738,"Ġpotent":16739,"race":16740,"ĠPAC":16741,"Find":16742,"olesterol":16743,"ISS":16744,"ĠIntroduced":16745,"resses":16746,"ignment":16747,"Os":16748,"ĠTu":16749,"ĠDex":16750,"icides":16751,"Ġsparked":16752,"ĠLaura":16753,"ĠBryant":16754,"Ġsmiling":16755,"ĠNexus":16756,"Ġdefendants":16757,"ĠCatal":16758,"Ġdishes":16759,"shaped":16760,"Ġprolong":16761,"mt":16762,"($":16763,"ãĢĤ":16764,"Ġcalculations":16765,"ĠSame":16766,"Ġpiv":16767,"HH":16768,"Ġcancelled":16769,"Ġgrin":16770,"Ġterritories":16771,"istically":16772,"Come":16773,"ĠParent":16774,"Project":16775,"Ġneglig":16776,"ĠPrivacy":16777,"Ġammo":16778,"LECT":16779,"olutely":16780,"ĠEpic":16781,"Ġmisunder":16782,"wal":16783,"April":16784,"mos":16785,"pathy":16786,"ĠCarson":16787,"Ġalbums":16788,"ĠEasy":16789,"Ġpistol":16790,"<<":16791,"Ġ\\(":16792,"target":16793,"help":16794,"Ġinterpre":16795,"conscious":16796,"ĠHousing":16797,"ĠJoint":16798,"127":16799,"Ġbeers":16800,"science":16801,"ĠFirefox":16802,"effective":16803,"ĠCabin":16804,"ĠOkay":16805,"ĠApplic":16806,"Ġspacecraft":16807,"ĠSR":16808,"vet":16809,"ĠStrange":16810,"SB":16811,"Ġcorps":16812,"iberal":16813,"efficient":16814,"Ġprevalence":16815,"Ġeconomists":16816,"118":16817,"Thread":16818,"ordable":16819,"ODE":16820,"ĠCant":16821,"=-=-":16822,"ifiable":16823,"ĠAround":16824,"Ġpole":16825,"Ġwillingness":16826,"CLA":16827,"ĠKid":16828,"Ġcomplement":16829,"Ġscattered":16830,"Ġinmates":16831,"Ġbleeding":16832,"every":16833,"Ġqueue":16834,"ĠTrain":16835,"Ġhij":16836,"Ġmelee":16837,"pleted":16838,"Ġdigit":16839,"Ġgem":16840,"official":16841,"Ġlifting":16842,"е":16843,"Requ":16844,"itutes":16845,"Ġpackaging":16846,"ĠWorkers":16847,"hran":16848,"ĠLebanon":16849,"olesc":16850,"Ġpunished":16851,"ĠJuan":16852,"Ġjam":16853,"ĠDocument":16854,"Ġmapping":16855,"icates":16856,"Ġinevitably":16857,"Ġvanilla":16858,"ĠTon":16859,"Ġwatches":16860,"Ġleagues":16861,"Ġinitiated":16862,"degree":16863,"portion":16864,"Ġrecalls":16865,"Ġruin":16866,"Ġmelt":16867,"IAN":16868,"Ġhem":16869,"Exp":16870,"Ġbaking":16871,"ĠColomb":16872,"atible":16873,"Ġradius":16874,"plug":16875,"ĠIF":16876,"etically":16877,"Ġfict":16878,"HER":16879,"ĠTap":16880,"atinum":16881,"Ġink":16882,"Ġcoh":16883,"ĠWizard":16884,"both":16885,"tex":16886,"Ġspends":16887,"ĠCurrently":16888,"ĠPit":16889,"Ġneurons":16890,"ignt":16891,"Ġrall":16892,"Ġbuses":16893,"building":16894,"Ġadjustments":16895,"Ġcried":16896,"iblical":16897,"atted":16898,"ĠZion":16899,"ĠMatter":16900,"Ġmeditation":16901,"ĠDennis":16902,"Ġours":16903,"ĠTab":16904,"Ġrankings":16905,"ortal":16906,"Ġadvers":16907,"Ġsurrender":16908,"ĠGob":16909,"cium":16910,"omas":16911,"imeter":16912,"Ġmultiplayer":16913,"Ġheroin":16914,"Ġoptimistic":16915,"Ġindicator":16916,"ĠBrig":16917,"Ġgrocery":16918,"Ġapplicant":16919,"ĠRocket":16920,"vid":16921,"Exception":16922,"pent":16923,"Ġorganizing":16924,"Ġencounters":16925,"ĠTOD":16926,"Ġjewel":16927,"Save":16928,"ĠChristie":16929,"Ġheating":16930,"Ġlazy":16931,"ĠCP":16932,"Ġcousin":16933,"Config":16934,"Ġregener":16935,"Ġnearest":16936,"Ġachieving":16937,"ENS":16938,"throw":16939,"ĠRichmond":16940,"antle":16941,"2002":16942,"Ġanten":16943,"bird":16944,"133":16945,"Ġnarc":16946,"raint":16947,"unny":16948,"ĠHispanic":16949,"ournaments":16950,"Ġprophe":16951,"ĠThailand":16952,"ĠTi":16953,"Ġinjection":16954,"Ġinherit":16955,"ravis":16956,"Ġmedi":16957,"Ġwhoever":16958,"ĠDEBUG":16959,"GP":16960,"ĠHud":16961,"Card":16962,"prom":16963,"Ġpor":16964,"Ġoverhead":16965,"Law":16966,"Ġviolate":16967,"Ġheated":16968,"Ġdescriptions":16969,"Ġachievements":16970,"ĠBeer":16971,"ĠQuant":16972,"Was":16973,"Ġeighth":16974,"ĠIv":16975,"Ġspecialized":16976,"UPDATE":16977,"ĠDelta":16978,"Pop":16979,"Jul":16980,"ĠAsk":16981,"ophy":16982,"Ġnewsletters":16983,"ĠTool":16984,"Ġgard":16985,"ĠConfeder":16986,"ĠGMT":16987,"ĠAbbott":16988,"Ġimmunity":16989,"ĠVM":16990,"Islam":16991,"Ġimplicit":16992,"wd":16993,"Ġ1944":16994,"ravity":16995,"ometric":16996,"Ġsurviving":16997,"urai":16998,"ĠPrison":16999,"Ġrust":17000,"ĠSketch":17001,"Ġbees":17002,"ĠTheory":17003,"Ġmerit":17004,"Tex":17005,"chat":17006,"Ġmim":17007,"Ġpaste":17008,"ĠKoch":17009,"Ġignorance":17010,"ĠShoot":17011,"Ġbasement":17012,"United":17013,"ĠAdvis":17014,"height":17015,"Ġfoster":17016,"Ġdetain":17017,"information":17018,"Ġneural":17019,"';":17020,"Ġproves":17021,"allery":17022,"Ġinvitation":17023,"umbers":17024,"Ġcattle":17025,"Ġbicycle":17026,"zi":17027,"Ġconsultant":17028,"Ġapology":17029,"ĠTiger":17030,"Ġ123":17031,"999":17032,"Ġindividually":17033,"rt":17034,"igion":17035,"ĠBrazilian":17036,"Ġdisturb":17037,"Ġentrepreneurs":17038,"Ġforests":17039,"cerpt":17040,"plates":17041,"pher":17042,"clipse":17043,"Ġtwitter":17044,"Ġacids":17045,"ographical":17046,"hum":17047,"ĠBald":17048,"ifully":17049,"Ġcompiler":17050,"ĠDA":17051,"Ġdonor":17052,"asi":17053,"Ġtribal":17054,"lash":17055,"ĠConfig":17056,"Ġapplicants":17057,"Ġsalaries":17058,"135":17059,"Putin":17060,"ĠFocus":17061,"irs":17062,"Ġmisconduct":17063,"ĠHaz":17064,"Ġeaten":17065,"Mobile":17066,"Muslim":17067,"ĠMarcus":17068,"viol":17069,"Ġfavorable":17070,"Ġstub":17071,"adin":17072,"ĠHob":17073,"Ġfaithful":17074,"Ġelectronics":17075,"Ġvacuum":17076,"wait":17077,"backed":17078,"economic":17079,"dist":17080,"Ġtenure":17081,"Ġsincere":17082,"ĠTogether":17083,"ĠWave":17084,"Ġprogression":17085,"Ġdenying":17086,"Ġdistress":17087,"braska":17088,"third":17089,"Ġmixing":17090,"Ġcolonial":17091,"Ġprivately":17092,"Ġunrest":17093,"aternity":17094,"Ġpremises":17095,"anti":17096,"gregation":17097,"Ġlicence":17098,"ĠHind":17099,"ĠSamuel":17100,"Ġconvincing":17101,"ĠAce":17102,"ĠRust":17103,"ĠNetanyahu":17104,"Ġhandles":17105,"ĠPatch":17106,"oriented":17107,"aho":17108,"ĠGonz":17109,"Ġhackers":17110,"claimer":17111,"Ġcustoms":17112,"ĠGran":17113,"fighters":17114,"Ġluc":17115,"Ġmanuscript":17116,"arenthood":17117,"Ġdevil":17118,"Ġwarriors":17119,"Ġoffenders":17120,"William":17121,"Ġholidays":17122,"Ġnightmare":17123,"Ġlever":17124,"ifferent":17125,"Stat":17126,"Ġexhibition":17127,"puted":17128,"ĠPure":17129,"Ġalpha":17130,"Ġenthusiasm":17131,"ĠRepresentatives":17132,"EAR":17133,"ĠTyp":17134,"Ġwheat":17135,"ĠAlf":17136,"Ġcorrection":17137,"Ġevangel":17138,"ATT":17139,"Miss":17140,"Ġsoup":17141,"Ġimplied":17142,"param":17143,"Ġsexy":17144,"ĠLux":17145,"Ġrepublic":17146,"patch":17147,"ablish":17148,"Ġicons":17149,"Ġfathers":17150,"ĠGET":17151,"ĠCarib":17152,"Ġregulated":17153,"ĠCohen":17154,"ĠBobby":17155,"Ġner":17156,"Ġbent":17157,"ventory":17158,"ĠAlong":17159,"ĠEST":17160,"ĠWallace":17161,"Ġmurders":17162,"rise":17163,"kell":17164,"ĠCommonwealth":17165,"Ġnasty":17166,"eta":17167,"ĠMIT":17168,"Ġadministered":17169,"Ġgenuinely":17170,"Editor":17171,"nick":17172,"Ġhydro":17173,"********************************":17174,"ĠBle":17175,"Ġfines":17176,"Ġgorge":17177,"ausible":17178,"rh":17179,"Ġapple":17180,"mentioned":17181,"Ġrope":17182,"otyp":17183,"HR":17184,"Ġdisappointing":17185,"Ġcage":17186,"nik":17187,"Ġdoubts":17188,"ĠFREE":17189,"prints":17190,"ĠMUST":17191,"Ġvendors":17192,"ĠInqu":17193,"Ġliberals":17194,"Ġcontractor":17195,"Ġupside":17196,"children":17197,"Ġtricky":17198,"Ġregulators":17199,"charged":17200,"liter":17201,"Ġ***":17202,"Ġrebell":17203,"lang":17204,"Ġlocals":17205,"Ġphysicians":17206,"Ġhey":17207,"arse":17208,"tm":17209,"ĠLex":17210,"Ġbehavioral":17211,"successful":17212,"FX":17213,"Ġbrick":17214,"ovic":17215,"Ġconform":17216,"Ġreviewing":17217,"Ġinsights":17218,"Ġbiology":17219,"ĠRemove":17220,"ĠExtra":17221,"Ġcommitting":17222,"induced":17223,"ignty":17224,"igm":17225,"Ġatomic":17226,"Common":17227,"ĠEM":17228,"ĠPere":17229,"ĠItems":17230,"eh":17231,"Ġpreserved":17232,"ĠHood":17233,"Ġprisoner":17234,"Ġbankruptcy":17235,"Ġgren":17236,"ushes":17237,"Ġexploitation":17238,"Ġsignatures":17239,"Ġfinan":17240,"],\"":17241,"ĠMR":17242,"Ġmeg":17243,"remlin":17244,"Ġmusicians":17245,"Ġselecting":17246,"Ġexamining":17247,"INK":17248,"lated":17249,"Hi":17250,"Ġartic":17251,"Ġpets":17252,"Ġimpair":17253,"ĠMAN":17254,"Ġtablets":17255,"include":17256,"Range":17257,"Ġcaut":17258,"Ġlogs":17259,"Ġmounting":17260,"Ġunaware":17261,"Ġdynamics":17262,"ĠPalestine":17263,"ĠQuarter":17264,"ĠPurple":17265,"Ġma":17266,"ĠImport":17267,"Ġcollections":17268,"ciation":17269,"Ġsuccessor":17270,"Ġclone":17271,"Ġaiming":17272,"Ġpossessed":17273,"Ġsticking":17274,"Ġshaking":17275,"Ġlocate":17276,"ĠHockey":17277,"Turn":17278,"170":17279,"Ġfifteen":17280,"ĠHarrison":17281,"Ġcontinuously":17282,"ĠTC":17283,"ĠValent":17284,"ĠRescue":17285,"Ġbypass":17286,"amount":17287,"Ġmast":17288,"Ġprotects":17289,"Ġartistic":17290,"Ġsometime":17291,"Ġshoe":17292,"Ġshouted":17293,"ificant":17294,"etitive":17295,"ĠRegister":17296,"ĠJin":17297,"Ġconcentrated":17298,"lington":17299,"onies":17300,"Ġgenerator":17301,"yrim":17302,"ĠArmen":17303,"Ġclearing":17304,"ido":17305,"ĠTW":17306,"alph":17307,"Ġladies":17308,"Hard":17309,"Ġdialog":17310,"Ġinputs":17311,"æľ":17312,"Ġposes":17313,"Ġslots":17314,"ĠPremium":17315,"Ġleaks":17316,"Ġbosses":17317,"Ġ113":17318,"course":17319,"Acc":17320,"ĠNewton":17321,"ĠAustria":17322,"ĠMage":17323,"Ġteaches":17324,"abad":17325,"Ġwears":17326,"Ġcyl":17327,"Ġcurse":17328,"ĠSales":17329,"ĠWings":17330,"Ġpsy":17331,"Ġgaps":17332,"ĠIceland":17333,"ĠPinterest":17334,"Ġlandlord":17335,"Ġdefinitions":17336,"ĠKer":17337,"Ġsufficiently":17338,"ĠPence":17339,"ĠArchitect":17340,"Ġsurpass":17341,"Ġ114":17342,"Ġsuperhero":17343,"ĠDisease":17344,"Ġpriests":17345,"ĠCulture":17346,"Ġdefinitive":17347,"Ġsecretly":17348,"ĠDance":17349,"install":17350,"chief":17351,"ĠJessica":17352,"Would":17353,"Updated":17354,"Ġlocker":17355,"ĠKay":17356,"Ġmemorial":17357,"è¦":17358,"fat":17359,"Ġdisgu":17360,"Ġflavors":17361,"ĠBaseball":17362,"ĠResistance":17363,"Ġkicks":17364,"Ġenv":17365,"Ġteenagers":17366,"Dark":17367,"ĠCAR":17368,"Ġhalt":17369,"ĠLG":17370,"ĠGabriel":17371,"Ġfever":17372,"Ġsatur":17373,"Ġmall":17374,"Ġaffiliate":17375,"ĠSleep":17376,"ĠSpecific":17377,"ĠVel":17378,"Ġjar":17379,"ĠSacred":17380,"ĠEdwards":17381,"ĠACL":17382,"Ġretained":17383,"ĠGiant":17384,"Ġlimitation":17385,"inces":17386,"Ġrefusal":17387,"ĠTale":17388,"ĠButler":17389,"Ġaccidents":17390,"ĠCSS":17391,"Ġimported":17392,"ĠCopy":17393,"α":17394,"ERT":17395,"zel":17396,"Ġdivisions":17397,"hots":17398,"ĠAlb":17399,"ĠDS":17400,"Loader":17401,"Washington":17402,"atisf":17403,"ĠCreative":17404,"\\.":17405,"ĠAutom":17406,"redict":17407,"Ġreceptor":17408,"ĠCarlos":17409,"Method":17410,"oka":17411,"Ġmalicious":17412,"Ġstepping":17413,",[":17414,"ĠDad":17415,"Ġattraction":17416,"ĠEffects":17417,"ĠPirate":17418,"ĠCer":17419,"ĠIndustry":17420,"ĠRud":17421,"Ġcharter":17422,"Ġdining":17423,"Ġinsists":17424,"Ġconfigure":17425,"Ġ(#":17426,"ĠSimple":17427,"ĠScroll":17428,"UTC":17429,"175":17430,"ĠKon":17431,"Ġmarketplace":17432,"ĠãĤ":17433,"Ġrefres":17434,"Ġgates":17435,"erred":17436,"ĠPod":17437,"Ġbehave":17438,"Frank":17439,"node":17440,"Ġendorsed":17441,"hett":17442,"asive":17443,"ĠHomeland":17444,"Ġrides":17445,"ĠLeave":17446,"erness":17447,"Ġflooding":17448,"AFP":17449,"Ġrisen":17450,"Ġcontinually":17451,"Ġunanim":17452,"ĠContract":17453,"ĠPas":17454,"Ġguided":17455,"ĠChile":17456,"bd":17457,"Ġsucc":17458,"ptic":17459,"Ġcommittees":17460,"ĠLuther":17461,"ĠAnyone":17462,"Ġsab":17463,"124":17464,"Ġpixel":17465,"ĠBak":17466,"ĠTag":17467,"ĠBennett":17468,"Enter":17469,"small":17470,"ĠPresidential":17471,"Ġpul":17472,"Ġcontrace":17473,"archive":17474,"Ġcoastal":17475,"ĠKids":17476,"192":17477,"âĢ²":17478,"icky":17479,"INGTON":17480,"Ġwolf":17481,"ĠStalin":17482,"Tur":17483,"idget":17484,"amas":17485,"ĠUnless":17486,"Ġsponsor":17487,"Ġmorph":17488,"ĠChoose":17489,"Ġrunner":17490,"Ġunbel":17491,"Ġmud":17492,"ĠMana":17493,"Ġdubbed":17494,"Ġgodd":17495,"urers":17496,"window":17497,"Ġrelied":17498,"Ġcelebrating":17499,"osc":17500,"Ġ135":17501,"Ġlobbying":17502,"Ġincomplete":17503,"Ġrestriction":17504,"Ġincap":17505,"itus":17506,"Ġexpectation":17507,"ĠApollo":17508,"Ġintens":17509,"Ġsync":17510,"GH":17511,"Ġmanipulation":17512,"BY":17513,"Ġspear":17514,"Ġbreasts":17515,"Ġvolcan":17516,"ilia":17517,"Material":17518,"Ġformats":17519,"ĠBast":17520,"Ġparliamentary":17521,"Ġsnake":17522,"Ġservants":17523,"ĠTrudeau":17524,"ĠGrim":17525,"ĠArabic":17526,"ĠSCP":17527,"ĠBoys":17528,"station":17529,"Ġprospective":17530,"orde":17531,"initialized":17532,"Ġbored":17533,"ABLE":17534,"Ġaccessed":17535,"Ġtaxi":17536,"ĠShell":17537,"aiden":17538,"ursed":17539,"inates":17540,"ĠInsurance":17541,"ĠPete":17542,"September":17543,"650":17544,"Ġadventures":17545,"ĠCover":17546,"Ġtribute":17547,"Ġsketch":17548,"Ġempower":17549,"ĠØ":17550,"ĠGlenn":17551,"ĠDaw":17552,"=\\\"":17553,"ĠPolitics":17554,"Ġguides":17555,"Ġdioxide":17556,"ĠGore":17557,"ĠBright":17558,"ĠSierra":17559,"Ġvalued":17560,"cond":17561,"Ġpointer":17562,"Select":17563,"Ġrisky":17564,"Ġabsorb":17565,"images":17566,"Ġrefuses":17567,"Ġbonuses":17568,"___":17569,"Ġhilar":17570,"ĠFeatures":17571,"220":17572,"ĠCollector":17573,"Foot":17574,"Ġ1964":17575,"culus":17576,"Ġdawn":17577,"Ġworkout":17578,"ĠLO":17579,"Ġphilosophical":17580,"ĠSandy":17581,"ĠYouth":17582,"Ġliable":17583,"Af":17584,"blue":17585,"Ġoverturn":17586,"lessness":17587,"ĠTribune":17588,"ĠIng":17589,"Ġfactories":17590,"Ġcatches":17591,"Ġprone":17592,"Ġmatrix":17593,"Ġlogin":17594,"Ġinacc":17595,"Ġexert":17596,"sys":17597,"Ġneedle":17598,"ĠQur":17599,"Ġnotified":17600,"oulder":17601,"tx":17602,"Ġreminds":17603,"Ġpublishers":17604,"Ġnort":17605,"Ġgit":17606,"Ġflies":17607,"ĠEmily":17608,"Ġflowing":17609,"ĠAlien":17610,"ĠStrateg":17611,"Ġhardest":17612,"Ġmodification":17613,"API":17614,"ĠMY":17615,"Ġcrashes":17616,"stairs":17617,"number":17618,"Ġurging":17619,"channel":17620,"ĠFalcon":17621,"Ġinhabitants":17622,"Ġterrifying":17623,"Ġutilize":17624,"Ġbanner":17625,"Ġcigarettes":17626,"Ġsenses":17627,"ĠHolmes":17628,"Ġpractition":17629,"ĠPhillips":17630,"otto":17631,"Ġcompile":17632,"Model":17633,"ĠKo":17634,"Ġ[]":17635,"Americans":17636,"ĠTerms":17637,"Ġmedications":17638,"ĠAna":17639,"Ġfundamentally":17640,"ĠNotice":17641,"Ġweaker":17642,"Ġ0000":17643,"Ġgarlic":17644,"Ġoutbreak":17645,"Ġeconomist":17646,"ĠBirth":17647,"Ġobstacles":17648,"arcer":17649,"ĠOrthodox":17650,"Ġplacebo":17651,"ĠCrew":17652,"aspberry":17653,"ĠAngels":17654,"Ġdischarge":17655,"Ġdestructive":17656,"117":17657,"ĠRising":17658,"Ġdairy":17659,"late":17660,"Ġcollision":17661,"ĠTigers":17662,"eanor":17663,"ocumented":17664,"ĠInvalid":17665,"Ġdont":17666,"ĠLiter":17667,"ĠVa":17668,"Ġhydrogen":17669,"Ġvariants":17670,"ĠBrowns":17671,"Ġ1965":17672,"Ġindigenous":17673,"Ġtrades":17674,"Ġremainder":17675,"Ġswept":17676,"ĠImpact":17677,"Ġredist":17678,"Ġunint":17679,"graduate":17680,"ãĥķ":17681,"ĠWILL":17682,"ãģ®ç":17683,"ĠCritical":17684,"Ġfisher":17685,"Ġvicious":17686,"Ġreversed":17687,"Year":17688,"ĠSox":17689,"Ġshootings":17690,"Ġfilming":17691,"Ġtouchdowns":17692,"aires":17693,"mel":17694,"Ġgrandfather":17695,"Ġaffection":17696,"ingle":17697,"Ġoverly":17698,"Additional":17699,"Ġsupreme":17700,"ĠGrad":17701,"Ġsporting":17702,"Ġmercy":17703,"ĠBrooks":17704,"ounty":17705,"Ġperforms":17706,"Ġtightly":17707,"Ġdemons":17708,"Ġkillings":17709,"Ġfaction":17710,"ĠNova":17711,"auts":17712,"Ġundoubtedly":17713,"arin":17714,"Ġunderway":17715,"rak":17716,"Ġliv":17717,"ĠRegion":17718,"Ġbriefing":17719,"sers":17720,"cloud":17721,"ĠMik":17722,"usp":17723,"Ġprediction":17724,"azor":17725,"Ġportable":17726,"ĠGand":17727,"Ġpresenting":17728,"Ġ1080":17729,"»":17730,"ushi":17731,"ĠSpark":17732,"thereum":17733,"Ġjustification":17734,"ĠNy":17735,"Ġcontractors":17736,"mingham":17737,"ĠStyle":17738,"åħ":17739,"ĠChronicles":17740,"ĠPicture":17741,"Ġproving":17742,"Ġwives":17743,"sett":17744,"Ġmolecules":17745,"ĠFairy":17746,"Ġconsisting":17747,"Ġpier":17748,"alone":17749,"inition":17750,"Ġnucle":17751,"json":17752,"Ġgotta":17753,"Ġmobil":17754,"Ġverbal":17755,"arium":17756,"Ġmonument":17757,"ucked":17758,"Ġ256":17759,"Tech":17760,"minecraft":17761,"ĠTrack":17762,"Ġtile":17763,"Ġcompatibility":17764,"asis":17765,"Ġsadd":17766,"Ġinstructed":17767,"ĠMueller":17768,"Ġlethal":17769,"Ġhormone":17770,"Ġorche":17771,"else":17772,"Ġskelet":17773,"Ġentertaining":17774,"Ġminimize":17775,"again":17776,"Ġundergo":17777,"Ġconstraints":17778,"Ġcigarette":17779,"ĠIslamist":17780,"Ġtravels":17781,"ĠPanthers":17782,"lings":17783,"Care":17784,"Ġlawsuits":17785,"uras":17786,"Ġcryst":17787,"Ġlowered":17788,"Ġaerial":17789,"Ġcombinations":17790,"Ġhaun":17791,"Ġcha":17792,"Ġvine":17793,"Ġquantities":17794,"Ġlinking":17795,"bank":17796,"Ġsoy":17797,"Bill":17798,"ĠAngela":17799,"Ġrecipient":17800,"ĠProtest":17801,"Ġsocket":17802,"Ġsolidarity":17803,"ĠâĨ":17804,"mill":17805,"Ġvaries":17806,"ĠPakistani":17807,"Dragon":17808,"Ġune":17809,"Ġhorizon":17810,"³³³³³³³³":17811,"Ġprovinces":17812,"Ġfrankly":17813,"Ġenacted":17814,"notes":17815,"['":17816,"Ġ192":17817,"ocracy":17818,"Ġendorsement":17819,"Ġovertime":17820,"True":17821,"Lab":17822,"licted":17823,"ĠDNC":17824,"Ġbeats":17825,"ĠJamie":17826,"152":17827,"ĠINT":17828,"Contact":17829,"Ġaccounted":17830,"hash":17831,"ĠPackers":17832,"pires":17833,"Ġlesbian":17834,"Ġamendments":17835,"Ġhopeful":17836,"ĠFinland":17837,"Ġspotlight":17838,"Ġconfigured":17839,"Ġtroubled":17840,"Ġgaze":17841,"ĠCalgary":17842,"Ġreliability":17843,"Ġinsurg":17844,"swer":17845,"buy":17846,"ĠSkin":17847,"Ġpixels":17848,"Ġhandgun":17849,"Ġparas":17850,"Ġcategor":17851,"ĠEL":17852,"ĠRex":17853,"Indeed":17854,"Ġkinda":17855,"Ġconjunction":17856,"ĠBryan":17857,"ĠManufact":17858,"yang":17859,"Plus":17860,"SQL":17861,"ishment":17862,"Ġdominate":17863,"Ġnail":17864,"Ġoath":17865,"Ġerupt":17866,"ĠFine":17867,"itbart":17868,"ĠChip":17869,"ĠAbd":17870,"ĠNam":17871,"Ġbuyer":17872,"Ġdissent":17873,"Leaks":17874,"Contin":17875,"Ġrider":17876,"ĠSomeone":17877,"Ġillusion":17878,"cin":17879,"ĠBoeing":17880,"Ġinadequ":17881,"ovation":17882,"iants":17883,"Ġrebuild":17884,"450":17885,"ĠDestiny":17886,"SW":17887,"ĠTill":17888,"Hit":17889,"iaz":17890,"ĠBangl":17891,"achers":17892,"ĠReform":17893,"Ġsegments":17894,"Ġsystematic":17895,"dc":17896,"ĠConservatives":17897,"Ġportal":17898,"hor":17899,"ĠDragonbound":17900,"Ġdragged":17901,"omo":17902,"Ġthee":17903,"advert":17904,"ĠReports":17905,"ĠEt":17906,"Ġbarrels":17907,"August":17908,"Ġcomparisons":17909,"Ġhex":17910,"Ġanthrop":17911,"\"[":17912,"borough":17913,"abi":17914,"Ġpictured":17915,"playing":17916,"ĠAddress":17917,"ĠMirror":17918,"Smith":17919,"Ġtires":17920,"ĠNPR":17921,"AAAA":17922,"Ġclassification":17923,"ĠThan":17924,"ĠHarm":17925,"ĠRA":17926,"Ġrejection":17927,"mination":17928,"Ġranged":17929,"ĠFalls":17930,"DI":17931,"Host":17932,"ãĤ´":17933,"ĠExample":17934,"listed":17935,"thirds":17936,"Ġsafegu":17937,"brand":17938,"Ġprobable":17939,"Canada":17940,"ITION":17941,"ĠQaeda":17942,"Ġchick":17943,"Ġimports":17944,"hit":17945,"loc":17946,"WW":17947,"Ġblew":17948,"Ġanytime":17949,"Ġwholes":17950,"iked":17951,"Ġcalculation":17952,"create":17953,"ĠOri":17954,"Ġupgraded":17955,"Ġappar":17956,"utory":17957,"ĠMol":17958,"Brit":17959,"ĠJong":17960,"INAL":17961,"ĠStarting":17962,"Ġdice":17963,"urtle":17964,"Ġrelying":17965,"closure":17966,"Ġprofitable":17967,"Ġslaughter":17968,"ĠManual":17969,"caster":17970,"Ġ\"$":17971,"Ġfeather":17972,"ĠSimply":17973,"ieves":17974,"Ġdeterior":17975,"ĠPCI":17976,"Ġstamp":17977,"Ġflaws":17978,"Ġshade":17979,"hammer":17980,"Ġpassport":17981,"Ġconting":17982,"amel":17983,"Ġobservers":17984,"Ġneglect":17985,"ĠRB":17986,"ĠBrotherhood":17987,"Ġskeptical":17988,"family":17989,"usk":17990,"Ġemotionally":17991,"âĻ":17992,"ĠBeta":17993,"asonable":17994,"idity":17995,"ĠMul":17996,"Ġkicking":17997,"ĠCarm":17998,"ollah":17999,"VERTIS":18000,"ĠAthen":18001,"Ġladder":18002,"ĠBullet":18003,"å£":18004,"0001":18005,"ĠWildlife":18006,"ĠMask":18007,"ĠNan":18008,"Rev":18009,"Ġunacceptable":18010,"legal":18011,"Ġcrowded":18012,"agi":18013,"ĠCox":18014,"je":18015,"Ġmorality":18016,"Ġfuels":18017,"Ġcables":18018,"Ġmankind":18019,"ĠCaribbean":18020,"Ġanchor":18021,"Ġbyte":18022,"ĠOften":18023,"ĠOz":18024,"Ġcrafted":18025,"Ġhistorian":18026,"ĠWu":18027,"Ġtowers":18028,"ĠCitizens":18029,"Ġhelm":18030,"Ġcredentials":18031,"Ġsingular":18032,"ĠJesse":18033,"Ġtackles":18034,"Ġcontempt":18035,"Ġafore":18036,"ĠShadows":18037,"Ġnil":18038,"Ġurgent":18039,"apple":18040,"blood":18041,"Ġvon":18042,"Ġoffline":18043,"Ġbreathe":18044,"Ġjumps":18045,"Ġirrelevant":18046,"oxic":18047,"omal":18048,"important":18049,"Jim":18050,"Ġgloves":18051,"arming":18052,"depth":18053,"Ġtalents":18054,"ookie":18055,"ĠSB":18056,"Ġpalm":18057,"uffs":18058,"esta":18059,"IGH":18060,"Ġcanon":18061,"ĠVerizon":18062,"ĠPle":18063,"Ġcoupled":18064,"velt":18065,"Ġfundraising":18066,"ĠGetting":18067,"ĠDLC":18068,"Ġmathematical":18069,"ĠHS":18070,"ĠCardinals":18071,"telling":18072,"Ġsponsors":18073,"ĠÏ":18074,"ĠBulls":18075,"option":18076,"Ġpropose":18077,"Ġmemorable":18078,"Ġembraced":18079,"Ġdeclining":18080,"Health":18081,"eda":18082,"Ġ};":18083,"Ġspam":18084,"mile":18085,"Ġpitcher":18086,"ĠEight":18087,"Ġcaring":18088,"utic":18089,"role":18090,"Ġairline":18091,"ernandez":18092,"ĠAthlet":18093,"Ġcertification":18094,"uxe":18095,"riger":18096,"Ġempir":18097,"Ġsensation":18098,"Ġdism":18099,"Ġbolt":18100,"Ġevolve":18101,"House":18102,"Ġconsultation":18103,"ĠDuty":18104,"Ġtouches":18105,"ĠNathan":18106,"Ġfaint":18107,"had":18108,"\"(":18109,"ĠConsumer":18110,"ĠExtreme":18111,"Ġ127":18112,"ĠHerm":18113,"ĠSacrament":18114,"izoph":18115,"Ġanxious":18116,"ulously":18117,"Ġsocially":18118,"ĠUTC":18119,"Ġsolving":18120,"ĠLetter":18121,"History":18122,"educ":18123,"Price":18124,"));":18125,"Ġreload":18126,"amic":18127,"Ġpork":18128,"Ġdiscourse":18129,"Ġtournaments":18130,"airo":18131,"ĠKur":18132,"ĠCosta":18133,"Ġviolating":18134,"Ġinterfere":18135,"Ġrecreational":18136,"uffle":18137,"Ġspeeches":18138,"Ġneeding":18139,"Ġremembers":18140,"Ġcredited":18141,"nia":18142,"focused":18143,"amera":18144,"Ġbru":18145,"umbs":18146,"ĠCuban":18147,"Ġpreceding":18148,"Ġnonsense":18149,"acial":18150,"Ġsmartphones":18151,"ĠStories":18152,"Sports":18153,"ĠEmergency":18154,"ouncing":18155,"efined":18156,"Ġber":18157,"Ġconsulting":18158,"Ġmasters":18159,"heastern":18160,".\"[":18161,"ĠRunning":18162,"Ġsuscept":18163,"ĠFeng":18164,"America":18165,"prises":18166,"stitial":18167,"ĠWeekly":18168,"ĠGreater":18169,"modules":18170,"ifter":18171,"Graphics":18172,"uler":18173,"Ġwholly":18174,"Ġsuppress":18175,"Ġconcealed":18176,"Ġhappily":18177,"Ġaccepts":18178,"ĠEnjoy":18179,"Ġrivers":18180,"ĠExcept":18181,"225":18182,"ĠNHS":18183,"ĠMcConnell":18184,"Ġpussy":18185,"ferred":18186,"utable":18187,"Ġattain":18188,"Ġ>=":18189,"Ġdeposits":18190,"rophic":18191,"Ġnotorious":18192,"ĠShaw":18193,"ilitation":18194,"Ġepidemic":18195,"allic":18196,"Ġsmallest":18197,"ovich":18198,"Ġaccessories":18199,"perties":18200,"Ġsurplus":18201,"ĠMech":18202,"Ġambig":18203,"ĠImmigration":18204,"Ġchim":18205,"eval":18206,"Ġpracticing":18207,"ĠMystery":18208,"Ġdomains":18209,"ĠSilicon":18210,"apps":18211,"Ġkilometers":18212,"ea":18213,"ĠSmash":18214,"Ġwarranty":18215,"Ġnost":18216,"sil":18217,"rev":18218,"Jon":18219,"ĠDublin":18220,"Ġtastes":18221,"Ġbout":18222,"great":18223,"error":18224,"Ġswitches":18225,"ĠBapt":18226,"DO":18227,"oki":18228,"Ġsourced":18229,"produ":18230,"Ġattachment":18231,"ĠIssue":18232,"ĠQuestion":18233,"Join":18234,"Ġfitted":18235,"Ġunlawful":18236,"^^":18237,"erek":18238,"Ġauthentication":18239,"Ġstole":18240,"Ġaccountability":18241,"label":18242,"Search":18243,"Ġalbeit":18244,"atican":18245,"funded":18246,"ĠAdding":18247,"ĠIQ":18248,"Ġsubmar":18249,"lit":18250,"aque":18251,"ĠLearning":18252,"Ġinteger":18253,"Master":18254,"ĠChrom":18255,"Ġpremier":18256,"Op":18257,"ĠLiu":18258,"Ġblessed":18259,"ĠGlobe":18260,"ĠResponse":18261,"Ġlegitim":18262,"ĠMerkel":18263,"Ġdisposal":18264,"´":18265,"Ġgauge":18266,"peat":18267,"Ġinduced":18268,"Ġquestionable":18269,"arthy":18270,"ĠVit":18271,"ĠFeed":18272,"Until":18273,"Ut":18274,"worthy":18275,"RY":18276,"ĠHerald":18277,"ĠHammer":18278,"Ġmedal":18279,"ĠRivers":18280,"ĠHack":18281,"Ġclarify":18282,"Ġtracked":18283,"Ġautonomous":18284,"Ġtenant":18285,"ĠQatar":18286,"erie":18287,"Ġgrim":18288,"ĠMonitor":18289,"Ġresistant":18290,"ĠSpec":18291,"ĠWells":18292,"NAS":18293,"148":18294,"Ġminers":18295,"iotics":18296,"Ġmisses":18297,"116":18298,"gian":18299,"git":18300,"ĠEyes":18301,"pres":18302,"Ġgraduated":18303,"Ġangel":18304,"Ġsynchron":18305,"Ġefficiently":18306,"Ġtransmitted":18307,"Harry":18308,"Ġglobally":18309,"ENCE":18310,"ĠMontana":18311,"raged":18312,"ĠPrevention":18313,"Ġpiss":18314,"ĠLl":18315,"Ġshelf":18316,"ĠBJP":18317,"ĠTestament":18318,"ĠLate":18319,"iker":18320,"ĠHapp":18321,"ĠJulian":18322,"hall":18323,"Ġspont":18324,"Ġshutdown":18325,"Ġinconsistent":18326,"Ġsubscribers":18327,"Ġskeleton":18328,"ĠNebraska":18329,"Ġinspire":18330,"ĠVoid":18331,"Feed":18332,"Ġangles":18333,"ĠSprings":18334,"Ġbenchmark":18335,"Ġvaccines":18336,"izophren":18337,"sexual":18338,"uffed":18339,"Ġshine":18340,"ĠKath":18341,"Ġgesture":18342,"inea":18343,"Ġrip":18344,"Ġoppression":18345,"Ġconscience":18346,"bt":18347,"ĠLum":18348,"Ġincidence":18349,"ĠFa":18350,"wr":18351,"Ġmineral":18352,"ĠSpurs":18353,"alky":18354,"Ġthunder":18355,"Ġopio":18356,"Being":18357,"ĠPalm":18358,"Ġwasted":18359,"Ġlb":18360,"iaries":18361,"ĠInitiative":18362,"Ġcurric":18363,"Ġmarker":18364,"ĠMcL":18365,"Ġextensions":18366,"ĠPv":18367,"ĠArms":18368,"Ġofferings":18369,"Ġdefenses":18370,"Ġvendor":18371,"Ġcontradict":18372,"ĠColin":18373,"Ġreddit":18374,"Ġperipher":18375,"122":18376,"Ġsins":18377,"Edit":18378,"ICT":18379,"Soft":18380,"ĠShah":18381,"Ġadministrator":18382,"ĠTrip":18383,"Ġpornography":18384,"Ġtuition":18385,"inence":18386,"ĠProgress":18387,"Ġcatalog":18388,"Ġsuite":18389,"Ġhike":18390,"Ġreproductive":18391,"engine":18392,"Ġdrought":18393,"ĠNoah":18394,"Ġ230":18395,"Ġdude":18396,"Ġrelaxed":18397,"Ġpartition":18398,"Ġparticipant":18399,"Ġtelesc":18400,"Ġfeas":18401,"ĠFF":18402,"owner":18403,"Ġsweeping":18404,"Ġlenses":18405,"Ġmatchup":18406,"ĠRepl":18407,"ournals":18408,"Ġcredible":18409,"Ġgrandmother":18410,"Ġthermal":18411,"Ġsubscribing":18412,"Ġidentities":18413,"colm":18414,"UCT":18415,"Ġreluctant":18416,"users":18417,"ĠCort":18418,"Ġassisted":18419,"OSS":18420,"ATIONS":18421,"ISH":18422,"Ġpharmaceutical":18423,"icable":18424,"adian":18425,"ĠSonic":18426,"ĠFury":18427,"ĠMong":18428,"AH":18429,"ĠPsychology":18430,"Ġphosph":18431,"Ġtreats":18432,"ŃĶ":18433,"Ġsteadily":18434,"ĠHello":18435,"Ġrelates":18436,"Ġclue":18437,"Expl":18438,"auth":18439,"Ġrevision":18440,"Ġeld":18441,"osion":18442,"Ġbron":18443,"144":18444,"rikes":18445,"Ġmines":18446,"Ġblanket":18447,"ĠFail":18448,"eled":18449,"ĠImagine":18450,"ĠPlanned":18451,"aic":18452,"Request":18453,"Mad":18454,"ĠHorse":18455,"ĠEagle":18456,"Ġcapac":18457,"157":18458,"Ġling":18459,"ĠNice":18460,"ĠParenthood":18461,"minster":18462,"ogs":18463,"ensitive":18464,"Nothing":18465,"Ġcarn":18466,"Fin":18467,"ĠPE":18468,"Ġrifles":18469,"ĠLP":18470,"Sand":18471,"ĠguiActive":18472,"Ġtourist":18473,"CNN":18474,"Ġunveiled":18475,"Ġpredecessor":18476,"}{":18477,"uber":18478,"Ġoffshore":18479,"Ġoptical":18480,"ĠRot":18481,"ĠPearl":18482,"eton":18483,"Ġstared":18484,"Ġfarther":18485,"atility":18486,"contin":18487,"ĠGy":18488,"ĠFoster":18489,"ĠCoc":18490,"rients":18491,"Ġdesigning":18492,"ĠEconomy":18493,"ONG":18494,"Women":18495,"ĠNancy":18496,"erver":18497,"Ġmascul":18498,"Ġcasualties":18499,"Ġ225":18500,"ĠSullivan":18501,"ĠChoice":18502,"Ġaster":18503,"ws":18504,"Ġhotels":18505,"Ġconsiderations":18506,"Ġcouch":18507,"ĠStrip":18508,"ĠGn":18509,"Ġmanipulate":18510,"lied":18511,"Ġsynthetic":18512,"Ġassaulted":18513,"Ġoffenses":18514,"ĠDrake":18515,"Ġimpe":18516,"October":18517,"ĠHeritage":18518,"hl":18519,"ĠBlair":18520,"Unlike":18521,"Ġgrief":18522,"Ġ450":18523,"Ġopted":18524,"Ġresignation":18525,"ilo":18526,"Ġverse":18527,"ĠTomb":18528,"Ġupt":18529,"Ġaired":18530,"ĠHook":18531,"ĠMLB":18532,"Ġassumes":18533,"outed":18534,"ĠVers":18535,"Ġinferior":18536,"Ġbundle":18537,"ĠDNS":18538,"ographer":18539,"Ġmultip":18540,"ĠSouls":18541,"Ġillustrated":18542,"Ġtactic":18543,"Ġdressing":18544,"Ġduo":18545,"Conf":18546,"Ġrelent":18547,"Ġcant":18548,"Ġscarce":18549,"Ġcandy":18550,"ĠCF":18551,"Ġaffiliated":18552,"Ġsprint":18553,"ylan":18554,"ĠGarcia":18555,"Ġjunk":18556,"Print":18557,"exec":18558,"Crit":18559,"Ġportrait":18560,"iries":18561,"ĠOFF":18562,"Ġdisputes":18563,"WR":18564,"Love":18565,"ãģĦ":18566,"ĠReyn":18567,"Ġhipp":18568,"opath":18569,"Ġfloors":18570,"ĠFeel":18571,"Ġworries":18572,"Ġsettlements":18573,"ĠPos":18574,"Ġmosque":18575,"Ġfinals":18576,"Ġcrushed":18577,"ĠProbably":18578,"ĠBot":18579,"ĠMans":18580,"ĠPeriod":18581,"Ġsovereignty":18582,"Ġseller":18583,"Ġapost":18584,"Ġamateur":18585,"Ġdorm":18586,"Ġconsuming":18587,"Ġarmour":18588,"ĠRoose":18589,"Ġintensive":18590,"Ġeliminating":18591,"ĠSunni":18592,"ĠAleppo":18593,"jin":18594,"Ġadvise":18595,"pal":18596,"ĠHalo":18597,"Ġdescent":18598,"Ġsimpler":18599,"Ġbooth":18600,"STR":18601,"Later":18602,"ĠCave":18603,"===":18604,"Ġmol":18605,"Ġfist":18606,"Ġshotgun":18607,"supp":18608,"Ġrobbery":18609,"Effect":18610,"Ġobscure":18611,"ĠProfessional":18612,"Ġembassy":18613,"Ġmilitant":18614,"Ġincarcer":18615,"Ġgenerates":18616,"Ġlaunches":18617,"Ġadministrators":18618,"Ġshaft":18619,"Ġcircular":18620,"Ġfreshman":18621,"ĠWes":18622,"ĠJoel":18623,"ĠDrew":18624,"ĠDuncan":18625,"ĠApparently":18626,"sight":18627,"ĠInternal":18628,"ĠIndividual":18629,"ĠFE":18630,"Ġbore":18631,"ĠMt":18632,"Ġbroadly":18633,"ĠOptions":18634,"ountain":18635,"ipes":18636,"ĠVideos":18637,"204":18638,"Ġhills":18639,"Ġsimulation":18640,"Ġdisappointment":18641,"itan":18642,"ĠLaboratory":18643,"Ġupward":18644,"Ġboundary":18645,"Ġdarker":18646,"hart":18647,"Ġdominance":18648,"Cong":18649,"ĠOracle":18650,"ĠLords":18651,"Ġscholarship":18652,"ĠVincent":18653,"ede":18654,"ĠRah":18655,"Ġencourages":18656,"rov":18657,"Ġquo":18658,"Ġpremise":18659,"ĠCrisis":18660,"ĠHolocaust":18661,"Ġrhythm":18662,"Ġmetric":18663,"club":18664,"Ġtransported":18665,"Ġnod":18666,"ĠPist":18667,"Ġancestors":18668,"ĠFreder":18669,"thumbnails":18670,"ĠCE":18671,"OND":18672,"Phil":18673,"venge":18674,"ĠProducts":18675,"castle":18676,"Ġqualifying":18677,"ĠKaren":18678,"VERTISEMENT":18679,"Ġmighty":18680,"Ġexplanations":18681,"Ġfixing":18682,"Di":18683,"Ġdeclaring":18684,"Ġanonymity":18685,"Ġjuven":18686,"ĠNord":18687,"ĠDoom":18688,"ĠActually":18689,"Ok":18690,"phis":18691,"ĠDesert":18692,"Ġ116":18693,"IK":18694,"ĠFM":18695,"Ġincomes":18696,"VEL":18697,"okers":18698,"Ġpecul":18699,"Ġlightweight":18700,"gue":18701,"Ġaccent":18702,"Ġincrement":18703,"ĠChan":18704,"Ġcomplaining":18705,"ĠBaghd":18706,"Ġmidfielder":18707,"Ġoverhaul":18708,"Process":18709,"ĠHollow":18710,"ĠTitans":18711,"Small":18712,"manuel":18713,"ĠUnity":18714,"ĠEvents":18715,"Sty":18716,"Ġdisproportion":18717,"nesty":18718,"enes":18719,"ĠCod":18720,"Ġdemonstrations":18721,"ĠCrimson":18722,"ĠOH":18723,"Ġenrolled":18724,"Ġcel":18725,"ĠBrett":18726,"Ġaide":18727,"Ġheels":18728,"Ġbroadband":18729,"Ġmarking":18730,"Ġwizard":18731,"ĠNJ":18732,"ĠChiefs":18733,"Ġingredient":18734,"Ġdug":18735,"ĠShut":18736,"urchase":18737,"endor":18738,"Ġfarmer":18739,"ĠGoldman":18740,"129":18741,"155":18742,"Order":18743,"Ġlion":18744,"iably":18745,"Ġstain":18746,"array":18747,"ilitary":18748,"ĠFAQ":18749,"Ġexploded":18750,"ĠMcCarthy":18751,"ĠTweet":18752,"ĠGreens":18753,"eking":18754,"ln":18755,"ensen":18756,"Ġmotorcycle":18757,"Ġparticle":18758,"Ġcholesterol":18759,"Bron":18760,"Ġstair":18761,"Ġoxid":18762,"Ġdesirable":18763,"ibles":18764,"Ġtheor":18765,"forcing":18766,"Ġpromotional":18767,"ovo":18768,"boot":18769,"ĠBonus":18770,"rawling":18771,"Ġshortage":18772,"ĠPsy":18773,"Ġrecruited":18774,"Ġinfants":18775,"Ġtestosterone":18776,"Ġdeduct":18777,"Ġdistinctive":18778,"Ġfirmware":18779,"built":18780,"145":18781,"Ġexplored":18782,"Ġfactions":18783,"Ġvide":18784,"Ġtattoo":18785,"Ġfinancially":18786,"Ġfatigue":18787,"Ġproceeding":18788,"constitutional":18789,"Ġmiser":18790,"Ġchairs":18791,"gging":18792,"ipple":18793,"Ġdent":18794,"Ġdisreg":18795,"çĶ":18796,"stant":18797,"llo":18798,"bps":18799,"akening":18800,"Ġabnormal":18801,"ĠERA":18802,"士":18803,"ĠHBO":18804,"ĠMAR":18805,"Ġconcess":18806,"Ġservant":18807,"Ġaspir":18808,"lav":18809,"ĠPanel":18810,"amo":18811,"Ġprecip":18812,"Ġrecordings":18813,"Ġproceeded":18814,"Ġcolony":18815,"ĠTang":18816,"ablo":18817,"Ġstripped":18818,"Left":18819,"too":18820,"Ġpotatoes":18821,"Ġfinest":18822,"%).":18823,"Ġcrap":18824,"ĠZach":18825,"abases":18826,"ĠGoth":18827,"Ġbillionaire":18828,"wolf":18829,"Ġsanction":18830,"SK":18831,"Ġlogged":18832,"Po":18833,"eyed":18834,"unal":18835,"Ġcricket":18836,"Ġarmies":18837,"Ġuncovered":18838,"Cloud":18839,"ón":18840,"Ġrebounds":18841,"Ġmes":18842,"Oper":18843,"Pac":18844,"Ġnationally":18845,"Ġinserted":18846,"pict":18847,"Ġgovernance":18848,"и":18849,"Ġprivileges":18850,"GET":18851,"Ġfavorites":18852,"imity":18853,"Ġlover":18854,"them":18855,"empl":18856,"Ġgorgeous":18857,"Ann":18858,"Ġslipped":18859,"Ġveto":18860,"Bob":18861,"Ġslim":18862,"ucc":18863,"ĠFame":18864,"uddenly":18865,"Ġdenies":18866,"ĠMaur":18867,"Ġdistances":18868,"Ġwanna":18869,"tar":18870,"ĠSER":18871,"ĠâĪ":18872,"Ġlemon":18873,"athetic":18874,"Ġliteral":18875,"Ġdistinguished":18876,"Ġanswering":18877,"GI":18878,"Ġreligions":18879,"ĠPhilos":18880,"ĠLay":18881,"Ġcompos":18882,"irements":18883,"ĠKos":18884,"inez":18885,"rolling":18886,"Ġyoungest":18887,"andise":18888,"ĠBorn":18889,"Ġaltar":18890,"amina":18891,"ĠBoot":18892,"voc":18893,"Ġdigging":18894,"Ġpressures":18895,"Ġlen":18896,"264":18897,"Ġassassination":18898,"ĠBirmingham":18899,"ĠMyth":18900,"Ġsovereign":18901,"ĠArtist":18902,"ĠPhotograph":18903,"Ġdepicted":18904,"Ġdispens":18905,"orthy":18906,"Ġambul":18907,"integ":18908,"ĠCele":18909,"ĠTibet":18910,"Ġhierarchy":18911,"Ġcu":18912,"Ġpreseason":18913,"ĠPeterson":18914,"Ġcolours":18915,"Ġworrying":18916,"Ġbackers":18917,"ĠPalmer":18918,"Ġμ":18919,"Ġcontributor":18920,"Ġhearings":18921,"Ġurine":18922,"ĠÙ":18923,"ourgeois":18924,"Similar":18925,"ĠZimmer":18926,"something":18927,"ĠUSC":18928,"Ġstrengths":18929,"ĠFI":18930,"Ġlogging":18931,"Asked":18932,"ĠThai":18933,"inqu":18934,"ĠWalt":18935,"Ġcrews":18936,"itism":18937,"301":18938,"Ġsharply":18939,"umed":18940,"Ġredirect":18941,"rators":18942,"Inf":18943,"ĠWeapons":18944,"Ġteasp":18945,"1999":18946,"Live":18947,"ĠEspecially":18948,"ĠSter":18949,"ĠVeterans":18950,"Ġintro":18951,"otherapy":18952,"Ġmalware":18953,"Ġbreeding":18954,"Ġmolecular":18955,"ĠRoute":18956,"ĠComment":18957,"ochem":18958,"Ġain":18959,"Season":18960,"Ġlinebacker":18961,"Ä«":18962,"ĠEconomics":18963,"esar":18964,"ĠLives":18965,"ĠEmma":18966,"Ġkin":18967,"ĠTerrit":18968,"Ġplanted":18969,"oton":18970,"ĠButter":18971,"ĠSpons":18972,"PER":18973,"Ġdungeon":18974,"Ġsymbolic":18975,"Ġfilmed":18976,"Ġdiets":18977,"Ġconcludes":18978,"Ġcertainty":18979,"ĠFormat":18980,"Ġstrangers":18981,"format":18982,"ĠPhase":18983,"Ġcopied":18984,"Ġmetres":18985,"lda":18986,"ĠUsers":18987,"Ġdeliberate":18988,"Ġwashed":18989,"ĠLance":18990,"imation":18991,"Ġimproper":18992,"ĠGenesis":18993,"ickr":18994,"ĠKush":18995,"Ġrealise":18996,"Ġembarrassing":18997,"alking":18998,"bucks":18999,"Ġverified":19000,"Ġoutline":19001,"years":19002,"ĠIncome":19003,"202":19004,"Ġzombies":19005,"Final":19006,"ĠMillenn":19007,"Ġmodifications":19008,"ĠVision":19009,"ĠMoses":19010,"verb":19011,"iterranean":19012,"ĠJet":19013,"Ġnaval":19014,"ĠAgg":19015,"Ġurl":19016,"Ġvictories":19017,"Ġnonetheless":19018,"Ġinjust":19019,"ĠFact":19020,"çļ":19021,"Ġinsufficient":19022,"review":19023,"facebook":19024,"Ġnegotiating":19025,"Ġguarantees":19026,"imen":19027,"utenberg":19028,"Ġgambling":19029,"Ġcongr":19030,"Loading":19031,"Ġnevertheless":19032,"Ġpresidents":19033,"ĠIndustrial":19034,"Ġ118":19035,"Ġpoured":19036,"ĠTory":19037,"Ġ175":19038,"Ġ:=":19039,"Scott":19040,"angered":19041,"Tok":19042,"Ġorganizers":19043,"Mat":19044,"ĠGrowth":19045,"Ġadul":19046,"Ġensures":19047,"Ġ117":19048,"é¾įå":19049,"Ġmassacre":19050,"Ġgrades":19051,"before":19052,"ADVERTISEMENT":19053,"ĠSlow":19054,"ĠMMA":19055,"âĢĶ\"":19056,"ĠVatican":19057,"Qaeda":19058,"Ġowe":19059,"6666":19060,"ĠSorry":19061,"ĠGrass":19062,"Ġbackgrounds":19063,"Ġexhausted":19064,"Ġclan":19065,"Ġcompromised":19066,"ĠElf":19067,"ĠIsaac":19068,"enson":19069,"Invest":19070,"IFA":19071,"Ġinterrupted":19072,"ãĥīãĥ©":19073,"Ġtwisted":19074,"ĠDragons":19075,"Mode":19076,"ĠKremlin":19077,"Ġfertil":19078,"heres":19079,"phan":19080,"ĠNode":19081,"fed":19082,"ĠOrc":19083,"Ġunwilling":19084,"Cent":19085,"Ġpriorit":19086,"Ġgraduates":19087,"Ġsubjective":19088,"Ġissuing":19089,"ĠLt":19090,"Ġviewer":19091,"Ġwoke":19092,"Thus":19093,"brook":19094,"Ġdepressed":19095,"Ġbracket":19096,"ĠGor":19097,"ĠFighting":19098,"Ġstriker":19099,"Report":19100,"ĠPortugal":19101,"Ġneo":19102,"wed":19103,"199":19104,"Ġfleeing":19105,"shadow":19106,"identified":19107,"USE":19108,"Steam":19109,"Ġstretched":19110,"Ġrevelations":19111,"arted":19112,"ĠDw":19113,"Ġalignment":19114,"eston":19115,"ĠJared":19116,"Sep":19117,"Ġblogs":19118,"update":19119,"gom":19120,"risk":19121,"Ġclash":19122,"ĠHour":19123,"Ġruntime":19124,"Ġunwanted":19125,"Ġscam":19126,"Ġrack":19127,"Ġenlight":19128,"onest":19129,"ĠFerr":19130,"Ġconvictions":19131,"Ġpiano":19132,"Ġcirculation":19133,"ĠWelcome":19134,"Ġbacklash":19135,"ĠWade":19136,"Ġreceivers":19137,"otive":19138,"Jeff":19139,"Ġnetworking":19140,"ĠPrep":19141,"ĠExplorer":19142,"Ġlecture":19143,"Ġuploaded":19144,"ĠMeat":19145,"BLE":19146,"ĠNazis":19147,"ĠSynd":19148,"stud":19149,"roots":19150,"rians":19151,"Ġportrayed":19152,"Ġ??":19153,"ĠBuddha":19154,"sun":19155,"Robert":19156,"ĠComplex":19157,"Ġoversee":19158,"Ġstealth":19159,"Title":19160,"ĠJobs":19161,"ĠKum":19162,"Ġappreciation":19163,"ĠMOD":19164,"Ġbasics":19165,"Ġclips":19166,"Ġnursing":19167,"Ġproposition":19168,"Ġrealised":19169,"ĠNYC":19170,"Ġallocated":19171,"rium":19172,"aran":19173,"ĠProduction":19174,"ĠVote":19175,"Ġsmugg":19176,"Ġhunter":19177,"azer":19178,"ĠChanges":19179,"Ġfluct":19180,"yon":19181,"Array":19182,"Ġkits":19183,"Water":19184,"Ġuncommon":19185,"Ġresting":19186,"ells":19187,"would":19188,"Ġpursued":19189,"Ġassertion":19190,"ometown":19191,"ĠMosul":19192,"ĠPlatform":19193,"iolet":19194,"Ġshareholders":19195,"Ġtrails":19196,"Pay":19197,"ĠEnforcement":19198,"types":19199,"ĠAnonymous":19200,"Ġsatisfying":19201,"ilogy":19202,"Ġ('":19203,"wave":19204,"city":19205,"Steve":19206,"Ġconfrontation":19207,"ĠEld":19208,"Capt":19209,"ahan":19210,"htm":19211,"ĠCtrl":19212,"ONS":19213,"230":19214,"ifa":19215,"holding":19216,"Ġdelicate":19217,"Ġjaw":19218,"ĠGoing":19219,"orum":19220,"Sal":19221,"Ġdull":19222,"ĠBeth":19223,"Ġprisons":19224,"Ġego":19225,"ĠElsa":19226,"avorite":19227,"ĠGang":19228,"ĠNuclear":19229,"Ġspider":19230,"atsu":19231,"Ġsampling":19232,"Ġabsorbed":19233,"ĠPharm":19234,"ieth":19235,"Ġbucket":19236,"ĠRecomm":19237,"OF":19238,"ĠFactory":19239,"ANCE":19240,"Ġbacter":19241,"Has":19242,"ĠObserv":19243,"121":19244,"Ġpremiere":19245,"Develop":19246,"Ġcurrencies":19247,"Cast":19248,"Ġaccompanying":19249,"ĠNashville":19250,"Ġfatty":19251,"ĠBrend":19252,"Ġlocks":19253,"Ġcentered":19254,"ĠUT":19255,"aughs":19256,"orie":19257,"ĠAffordable":19258,"vance":19259,"DL":19260,"emet":19261,"Ġthrone":19262,"ĠBluetooth":19263,"Ġnaming":19264,"ifts":19265,"ADE":19266,"Ġcorrected":19267,"Ġpromptly":19268,"ĠSTR":19269,"Ġgenome":19270,"Ġcope":19271,"Ġvalley":19272,"Ġrounded":19273,"ĠKend":19274,"alion":19275,"pers":19276,"Ġtourism":19277,"Ġstark":19278,"vl":19279,"Ġblowing":19280,"ĠSchedule":19281,"std":19282,"Ġunhappy":19283,"Ġlitigation":19284,"cedes":19285,"Ġandroid":19286,"Ġintegral":19287,"erers":19288,"uded":19289,"tax":19290,"Ġreiter":19291,"ĠMotors":19292,"ociated":19293,"Ġwonders":19294,"ĠApost":19295,"ucking":19296,"ĠRoosevelt":19297,"fram":19298,"Ġyields":19299,"Ġconstitutes":19300,"awk":19301,"Interest":19302,"Ġinterim":19303,"Ġbreakthrough":19304,"ĠCher":19305,"Ġprosec":19306,"ĠDj":19307,"ĠMT":19308,"Resp":19309,"ĠPT":19310,"Ġsperm":19311,"edit":19312,"BT":19313,"Linux":19314,"country":19315,"league":19316,"Ġdick":19317,"Ġoct":19318,"Ġinserting":19319,"Ġscra":19320,"ĠBrewing":19321,"Ġ1966":19322,"Ġrunners":19323,"Ġplun":19324,"idy":19325,"ĠDian":19326,"Ġdysfunction":19327,"Ġexclusion":19328,"Ġdisgr":19329,"Ġincorporate":19330,"Ġreconc":19331,"Ġnominated":19332,"ĠArcher":19333,"draw":19334,"achelor":19335,"Ġwritings":19336,"Ġshallow":19337,"Ġhast":19338,"ĠBMW":19339,"ĠRS":19340,"Ġthigh":19341,"Ġ1963":19342,"Ġlamb":19343,"Ġfavored":19344,"agle":19345,"Ġcooler":19346,"ĠHours":19347,"ĠGU":19348,"ĠOrigin":19349,"Ġglimpse":19350,"--------------------":19351,"Lim":19352,"Ġcheek":19353,"Ġjealous":19354,"-'":19355,"Ġharness":19356,"ĠPoison":19357,"Ġdisabilities":19358,"neapolis":19359,"Ġoutlook":19360,"Ġnotify":19361,"ĠIndianapolis":19362,"Ġabrupt":19363,"nsic":19364,"Ġencrypted":19365,"Ġforfe":19366,"reath":19367,"Ġrabb":19368,"Ġfoundations":19369,"Ġcompliment":19370,"ĠInterview":19371,"ĠSwe":19372,"Ġadolesc":19373,"Ġmonitors":19374,"ĠSacramento":19375,"Ġtimely":19376,"Ġcontempl":19377,"Ġpositioned":19378,"Ġposters":19379,"phies":19380,"iovascular":19381,"void":19382,"ĠFifth":19383,"Ġinvestigative":19384,"OUN":19385,"Ġintegrate":19386,"ĠINC":19387,"isha":19388,"iblings":19389,"ĠRequest":19390,"ĠRodriguez":19391,"Ġslides":19392,"ĠDX":19393,"Ġfeminism":19394,"Ġdatas":19395,"Ġbend":19396,"irus":19397,"ĠNigeria":19398,"Fox":19399,"Change":19400,"Ġairplane":19401,"ĠLaden":19402,"Ġpublicity":19403,"ixty":19404,"Ġcommitments":19405,"Ġaggregate":19406,"Ġdisplaying":19407,"ĠArrow":19408,"Ġ122":19409,"Ġrespects":19410,"android":19411,"six":19412,"ĠSha":19413,"Ġrestoration":19414,")\\":19415,"WS":19416,"oys":19417,"Ġillustrate":19418,"without":19419,"126":19420,"ĠâĶĤ":19421,"Ġpickup":19422,"nels":19423,"Ġ....":19424,"food":19425,"ĠFen":19426,")?":19427,"Ġphenomena":19428,"Ġcompanions":19429,"ĠWrite":19430,"Ġspill":19431,"Ġbridges":19432,"ĠUpdated":19433,"ĠFo":19434,"Ġinsects":19435,"ASHINGTON":19436,"Ġscare":19437,"iltr":19438,"ĠZhang":19439,"Ġseverity":19440,"Ġindul":19441,"149":19442,"ĠCoffee":19443,"Ġnorms":19444,"Ġpulse":19445,"ĠFT":19446,"Ġhorrific":19447,"ĠDestroy":19448,"ĠJSON":19449,"Ġolive":19450,"Ġdiscusses":19451,"Rest":19452,"Elect":19453,"ĠWinn":19454,"ĠSurviv":19455,"ĠHait":19456,"Sure":19457,"oped":19458,"Ġrooted":19459,"ĠSke":19460,"ĠBronze":19461,"Ġlol":19462,"Default":19463,"Ġcommodity":19464,"redited":19465,"Ġlibertarian":19466,"Ġforbidden":19467,"Ġgran":19468,"à¨":19469,"Ġlag":19470,"enz":19471,"drive":19472,"Ġmathematics":19473,"Ġwires":19474,"Ġcritically":19475,"Ġcarbohyd":19476,"ĠChancellor":19477,"ĠEddie":19478,"Ġbanning":19479,"ĠFri":19480,"Ġcomplications":19481,"etric":19482,"ĠBangladesh":19483,"Ġbandwidth":19484,"Stop":19485,"ĠOriginally":19486,"Ġhalfway":19487,"ynasty":19488,"shine":19489,"Ġtales":19490,"rities":19491,"avier":19492,"Ġspinning":19493,"ĠWHO":19494,"Ġneighbourhood":19495,"bach":19496,"Ġcommerce":19497,"ĠSle":19498,"BU":19499,"Ġentrepreneur":19500,"Ġpeculiar":19501,"ĠComments":19502,"fre":19503,"320":19504,"ICS":19505,"Ġimagery":19506,"ĠCanon":19507,"ĠElectronic":19508,"short":19509,"((":19510,"Dig":19511,"Ġcommem":19512,"uced":19513,"Ġinclined":19514,"ĠSummon":19515,"Ġcliff":19516,"ĠMediterranean":19517,"Ġpoetry":19518,"Ġprosperity":19519,"ĠRece":19520,"Ġpills":19521,"member":19522,"Ġfinale":19523,"unc":19524,"ĠGig":19525,"ä½":19526,"Ġlod":19527,"Ġbackward":19528,"-+":19529,"ĠForward":19530,"Ġthri":19531,"sure":19532,"Ġsoap":19533,"ĠFX":19534,"RES":19535,"ĠSexual":19536,"oulos":19537,"Ġfoolish":19538,"Ġrighteous":19539,"Ġcoff":19540,"terrorism":19541,"ustain":19542,"oter":19543,"Ġabuses":19544,"next":19545,"Ġabusive":19546,"Ġthereafter":19547,"Ġprohibition":19548,"ĠSUP":19549,"Ġdip":19550,"Ġripped":19551,"Ġinherited":19552,"Ġbats":19553,"stru":19554,"GT":19555,"Ġflawed":19556,"phabet":19557,"Ġfog":19558,"doors":19559,"Ġimaging":19560,"Ġdigits":19561,"ĠHungary":19562,"Ġarrog":19563,"Ġteachings":19564,"Ġprotocols":19565,"ĠBanks":19566,"à¸":19567,"pound":19568,"ĠCurt":19569,".\")":19570,"./":19571,"Ġexemption":19572,"endix":19573,"ĠMull":19574,"Ġimproves":19575,"ĠGamer":19576,"dimensional":19577,"Icon":19578,"ĠMargaret":19579,"Status":19580,"dates":19581,"Ġintends":19582,"Ġdepict":19583,"Ġparked":19584,"Joe":19585,"ĠMarines":19586,"chnology":19587,"!).":19588,"Ġjudged":19589,"Ġweights":19590,"Ray":19591,"Ġapartments":19592,"hester":19593,"Ġreinforce":19594,"Ġoffender":19595,"occup":19596,"Ġsore":19597,"ept":19598,"ĠPHP":19599,"ĠBrow":19600,"Ġauthorization":19601,"ĠRisk":19602,"ĠDelaware":19603,"ĠQU":19604,"Ġnotifications":19605,"Ġsunlight":19606,"Ġexclude":19607,"dat":19608,"Ġmesh":19609,"ĠSudan":19610,"Ġbelonged":19611,"Ġsubway":19612,"Ġnoon":19613,"ĠInterior":19614,"olics":19615,"ĠLakers":19616,"Ġcoding":19617,"Disclaimer":19618,"Calif":19619,"Old":19620,"Ġdisl":19621,"?????":19622,"Ġconfirms":19623,"Ġrecruitment":19624,"Ġhomicide":19625,"Consider":19626,"ĠJeffrey":19627,"fty":19628,"};":19629,"Ġobjection":19630,"doing":19631,"ĠLeo":19632,"Want":19633,"Ġglow":19634,"ĠClarke":19635,"ĠNorman":19636,"Ġverification":19637,"Ġpacket":19638,"ĠFormula":19639,"Ġplag":19640,"esville":19641,"Ġshouting":19642,"Ġov":19643,"ĠREC":19644,"ĠBub":19645,"Ġninth":19646,"Ġenerg":19647,"Ġvalidity":19648,"Ġups":19649,"jack":19650,"Ġneighboring":19651,"ĠNec":19652,"eworks":19653,"ĠHab":19654,"arez":19655,"Ġspine":19656,"Ġeventual":19657,"ĠLeaders":19658,"ĠCarn":19659,"Ġprobation":19660,"Ġromance":19661,"msg":19662,"ĠMechanical":19663,"ERY":19664,"Rock":19665,"Ġpartisan":19666,"Node":19667,"assets":19668,"minent":19669,"Ġforeigners":19670,"Ġtestify":19671,"ĠUsually":19672,"lords":19673,"ĠGren":19674,"ĠPowell":19675,"BIL":19676,"Ġsr":19677,"Ġaddict":19678,"Ġshells":19679,"Ġsigh":19680,"ĠYale":19681,"ternity":19682,"Ġ750":19683,"EU":19684,"ĠRifle":19685,"Ġpatron":19686,"ema":19687,"ĠBannon":19688,"anity":19689,"Ġtropical":19690,"ĠVII":19691,"cross":19692,"Everything":19693,"ĠISO":19694,"Ġhumble":19695,"assing":19696,"ĠFIG":19697,"Ġupdating":19698,"yson":19699,"Ġcalcium":19700,"Ġcompetent":19701,"Ġsteering":19702,"Prot":19703,"ĠSY":19704,"ĠFinals":19705,"ĠRug":19706,"159":19707,"137":19708,"ĠGolf":19709,"Ġ126":19710,"Ġaccommodation":19711,"ĠHughes":19712,"Ġaesthetic":19713,"artisan":19714,"ĠTwilight":19715,"Ġprince":19716,"ĠAgriculture":19717,"ĠDisco":19718,"Ġprecedent":19719,"Ġtyping":19720,"authorized":19721,"Option":19722,"ĠAub":19723,"lishes":19724,"acht":19725,"mag":19726,"Peter":19727,"ĠUFO":19728,"monton":19729,"ĠLith":19730,"Ġarom":19731,"Ġsecuring":19732,"Ġconfined":19733,"private":19734,"Ġswords":19735,"Ġmarkers":19736,"Ġmetabolic":19737,"select":19738,"ĠCurse":19739,"ĠOt":19740,"gressive":19741,"Ġincumb":19742,"ĠSaga":19743,"Ġpriced":19744,"Ġclearance":19745,"Content":19746,"Ġdrilling":19747,"Ġnotices":19748,"Ġbourgeois":19749,"Ġvest":19750,"Ġcookie":19751,"ĠGuardians":19752,"rys":19753,"inyl":19754,"Ġ124":19755,"Ġplausible":19756,"ongh":19757,"ĠOdin":19758,"Ġconception":19759,"ĠYuk":19760,"ĠBaghdad":19761,"ĠFlag":19762,"Austral":19763,"ĠIBM":19764,"Ġinternationally":19765,"ĠWikiLeaks":19766,"IED":19767,"Ġcyn":19768,"Ġchooses":19769,"ĠPill":19770,"Ġcombining":19771,"Ġradi":19772,"ĠMohammed":19773,"defense":19774,"atching":19775,"Subject":19776,"iciency":19777,"Frame":19778,"Ġ{\"":19779,"Ġchess":19780,"Ġtimer":19781,"190":19782,"Ġtin":19783,"Ġordinance":19784,"emetery":19785,"Ġaccusing":19786,"Ġnoticeable":19787,"Ġcentres":19788,"Ġlid":19789,"ĠMills":19790,"imgur":19791,"Ġzoom":19792,"ergic":19793,"Ġcompression":19794,"prim":19795,"find":19796,"Ġsurg":19797,"Ġpand":19798,"ĠKee":19799,"ĠChad":19800,"cellence":19801,"oyle":19802,"Ġsocialism":19803,"ĠTravis":19804,"ĠMHz":19805,"Ġguild":19806,"ALLY":19807,"ĠSubscribe":19808,"ĠRelated":19809,"Ġoccurrence":19810,"itching":19811,"Ġfictional":19812,"Ġcrush":19813,"ĠEA":19814,"cod":19815,"mix":19816,"ĠTriple":19817,"Ġretrieve":19818,"Ġstimulus":19819,"Ġpsychiat":19820,"ĠDoor":19821,"Ġhomosexuality":19822,"Ġelementary":19823,"Ġcellular":19824,"idian":19825,"ĠLaun":19826,"Ġintriguing":19827,"Ġfoam":19828,"ĠBass":19829,"idi":19830,"itsu":19831,"Ġassure":19832,"Ġcongrat":19833,"Ġbusinessman":19834,"ĠBoost":19835,"close":19836,"Ġlied":19837,"Ġsciences":19838,"ĠOmega":19839,"ĠGraphics":19840,"Ġ<=":19841,"spoken":19842,"Ġconnectivity":19843,"Saturday":19844,"ĠAvengers":19845,"Ġtoggle":19846,"Ġankle":19847,"Ġnationalist":19848,"model":19849,"ĠPool":19850,"ophobia":19851,"Var":19852,"ĠMons":19853,"atories":19854,"Ġaggressively":19855,"Clear":19856,"Forge":19857,"acters":19858,"Ġhedge":19859,"Ġpipes":19860,"Ġblunt":19861,"Ġsq":19862,"Ġremotely":19863,"Wed":19864,"asers":19865,"Ġrefriger":19866,"Ġtiles":19867,"Ġrescued":19868,"Ġcomprised":19869,"insky":19870,"Ġmanif":19871,"avanaugh":19872,"Ġprolifer":19873,"Ġaligned":19874,"xml":19875,"Ġtriv":19876,"Ġcoordination":19877,"ĠPER":19878,"ĠQuote":19879,"134":19880,"bf":19881,"ĠSaw":19882,"Ġtermination":19883,"Ġ190":19884,"Ġadditions":19885,"Ġtrio":19886,"Ġprojections":19887,"Ġpositively":19888,"Ġinclusive":19889,"Ġmembr":19890,"1990":19891,"older":19892,"Ġpracticed":19893,"inkle":19894,"Arch":19895,"Ġstarters":19896,"arius":19897,"Ġintermediate":19898,"ĠBenef":19899,"ĠKiller":19900,"Ġinterventions":19901,"ĠKil":19902,"ĠFlying":19903,"Inv":19904,"Ġpremature":19905,"Ġpsychiatric":19906,"Ġindie":19907,"Ġcollar":19908,"ĠRainbow":19909,"afi":19910,"Ġdisruption":19911,"ĠFOX":19912,"casting":19913,"Ġmisdem":19914,"cro":19915,"Ġwipe":19916,"ardon":19917,"Ġbast":19918,"ĠTommy":19919,"ĠRepresentative":19920,"Ġbelly":19921,"ĠPO":19922,"ĠBreitbart":19923,"132":19924,"Ġmessaging":19925,"Should":19926,"References":19927,"ĠGRE":19928,"istical":19929,"LP":19930,"ĠCav":19931,"ĠCrazy":19932,"Ġintuitive":19933,"keeping":19934,"ĠMoss":19935,"Ġdiscontin":19936,"ĠModule":19937,"Ġunrelated":19938,"ĠPractice":19939,"ĠTransport":19940,"Ġstatistically":19941,"orns":19942,"Ġsized":19943,"pu":19944,"Ġcaf":19945,"ĠWorlds":19946,"ĠRodgers":19947,"ĠLun":19948,"ĠComic":19949,"living":19950,"Ġcared":19951,"Ġclimbed":19952,"){":19953,"Ġconsisted":19954,"Ġmedieval":19955,"folk":19956,"Ġhacked":19957,"Ġdire":19958,"ĠHermione":19959,"Ġtended":19960,"ceans":19961,"Daniel":19962,"went":19963,"Ġlegislators":19964,"Ġredes":19965,"games":19966,"Ġgn":19967,"amiliar":19968,"Ġ++":19969,"ggy":19970,"threat":19971,"Ġmagnet":19972,"Ġperceive":19973,"Ġzip":19974,"Ġindictment":19975,"Ġcritique":19976,"gard":19977,"ĠSafe":19978,"ĠCream":19979,"Ġadvent":19980,"oba":19981,"Ġvowed":19982,"ousands":19983,"Ġski":19984,"Ġabortions":19985,"uart":19986,"Ġstunned":19987,"Ġadvancing":19988,"Ġlacked":19989,"Ġ\\\"":19990,"Ġschizophren":19991,"Ġelegant":19992,"Ġconferences":19993,"Ġcanceled":19994,"ĠHudson":19995,"ĠHopefully":19996,"Ġtrump":19997,"Ġfrequencies":19998,"Ġmeteor":19999,"ĠJunior":20000,"ĠFleet":20001,"ĠMalcolm":20002,"ĠTools":20003,"Ġ........":20004,"Ġhobby":20005,"ĠEuropeans":20006,"Ġ1500":20007,"ĠInto":20008,"Ġsway":20009,"ĠAppro":20010,"ĠCompl":20011,"Community":20012,"Ġtide":20013,"ĠSummit":20014,"ä»":20015,"Ġintervals":20016,"ĠEther":20017,"Ġhabitat":20018,"ĠStevens":20019,"lishing":20020,"ĠDomain":20021,"Ġtriggers":20022,"Ġchasing":20023,"Ġcharm":20024,"ĠFlower":20025,"itored":20026,"Ġblessing":20027,"Ġtextures":20028,"Five":20029,"Ġliquor":20030,"RP":20031,"FIN":20032,"Ġ1962":20033,"CAR":20034,"Unknown":20035,"Ġresil":20036,"ĠLily":20037,"Ġabundance":20038,"Ġpredictable":20039,"rar":20040,"Ġbullshit":20041,"leen":20042,"chet":20043,"Mor":20044,"Much":20045,"ä¹":20046,"Ġemphasized":20047,"Ġcrust":20048,"Ġprimitive":20049,"Ġenjoyable":20050,"ĠPictures":20051,"Ġteammate":20052,"pler":20053,"ĠTol":20054,"ĠKane":20055,"Ġsummoned":20056,"thy":20057,"rama":20058,"ĠHonda":20059,"Ġrealizing":20060,"Ġquicker":20061,"Ġconcentrate":20062,"clear":20063,"Ġ210":20064,"ĠErdogan":20065,"aris":20066,"Ġresponds":20067,"ĠBI":20068,"Ġeligibility":20069,"Ġpushes":20070,"ĠIdaho":20071,"Ġaggrav":20072,"Ġruins":20073,"urations":20074,"Ġbans":20075,"Ġanat":20076,"share":20077,"Ġgrind":20078,"hin":20079,"umen":20080,"Ġutilities":20081,"ĠYankees":20082,"Ġdatabases":20083,"ĠDD":20084,"Ġdisplaced":20085,"Ġdependencies":20086,"Ġstimulation":20087,"hun":20088,"houses":20089,"ĠPretty":20090,"ĠRavens":20091,"ĠTODAY":20092,"Ġassociates":20093,"Ġtherape":20094,"cled":20095,"Ġdeer":20096,"Ġrepairs":20097,"rentice":20098,"Ġreceptors":20099,"Ġremed":20100,"ĠCe":20101,"Ġmarriages":20102,"Ġballots":20103,"ĠSoldier":20104,"Ġhilarious":20105,"opl":20106,"138":20107,"Ġinherently":20108,"Ġignorant":20109,"Ġbounce":20110,"ĠEaster":20111,"RELATED":20112,"ĠCurrency":20113,"EV":20114,"ãĥŀ":20115,"ĠLead":20116,"Ġdeceased":20117,"Brien":20118,"ĠMusk":20119,"JS":20120,"Ġmerge":20121,"hearted":20122,"creat":20123,"mitt":20124,"mund":20125,"ĠâĢĭ":20126,"ĠBag":20127,"Ġprojection":20128,"Ġjava":20129,"ĠStandards":20130,"ĠLeonard":20131,"Ġcoconut":20132,"ĠPopulation":20133,"Ġtraject":20134,"Ġimply":20135,"Ġcuriosity":20136,"ĠDB":20137,"ĠFresh":20138,"ĠPor":20139,"Ġheavier":20140,"neys":20141,"gomery":20142,"Ġdeserved":20143,"Ġphrases":20144,"ĠGC":20145,"Ġyeast":20146,"desc":20147,"Death":20148,"Ġreboot":20149,"Ġmetadata":20150,"ICAL":20151,"Ġrepay":20152,"ĠIndependence":20153,"Ġsuburban":20154,"icals":20155,"Ġatop":20156,"Ġallocation":20157,"generation":20158,"ĠGram":20159,"Ġmoisture":20160,"Ġpine":20161,"ĠLiberals":20162,"Ġaides":20163,"Ġunderest":20164,"ĠBerry":20165,"Ġceremon":20166,"370":20167,"astrous":20168,"ĠPirates":20169,"Ġtense":20170,"ĠIndustries":20171,"ĠAppeals":20172,"ĠNear":20173,"Ġè£ıç":20174,"Ġlovers":20175,"ĠCAP":20176,"ĠCraw":20177,"Ġgiants":20178,"Ġefficacy":20179,"Element":20180,"ĠBehavior":20181,"ĠToyota":20182,"Ġintest":20183,"Priv":20184,"AI":20185,"Ġmaneuver":20186,"Ġperfection":20187,"Ġbang":20188,"paper":20189,"rill":20190,"George":20191,"border":20192,"inters":20193,"ĠSeth":20194,"Ġclues":20195,"ĠLevi":20196,"ĠRevenue":20197,"147":20198,"Ġvapor":20199,"Ġfortunate":20200,"Ġthreatens":20201,"Ġvet":20202,"Ġdependency":20203,"ersed":20204,"article":20205,"ĠBlizzard":20206,"Ġchlor":20207,"Ġminus":20208,"ĠBills":20209,"Ġcryptocurrency":20210,"Ġmetabolism":20211,"tering":20212,"Ġpestic":20213,"steps":20214,"ĠTreasure":20215,"racted":20216,"ĠConstant":20217,"Ġtemp":20218,"139":20219,"ĠDetective":20220,"urally":20221,"Ġrecovering":20222,"Ġcortex":20223,"Ġ144":20224,"closed":20225,"Ġprejudice":20226,"aunted":20227,"Ġstorms":20228,"ĠNOW":20229,"Ġmachinery":20230,"Address":20231,"Ġcompelled":20232,"270":20233,"Ġdespair":20234,"bane":20235,"Ġvegetable":20236,"Ġbeds":20237,"Learn":20238,"Ġcolorful":20239,"Ġspike":20240,"Ġmargins":20241,"Ġsympathy":20242,"Ġworkshop":20243,"ĠCBC":20244,"Sat":20245,"Ġburns":20246,"ĠGender":20247,"Ġ129":20248,"ĠCable":20249,"Ġdebts":20250,"ĠTheresa":20251,"Ġreflecting":20252,"Ġairst":20253,"Ġrim":20254,"ramid":20255,"Ġweaknesses":20256,"Writ":20257,"oggle":20258,"ti":20259,"ĠCharge":20260,"Ġweighed":20261,"Ġ(.":20262,"Ġlaughter":20263,"Ġrouter":20264,"ĠDemocracy":20265,"Dear":20266,"Ġhasht":20267,"Ġdy":20268,"Ġhints":20269,"running":20270,"Ġfinishes":20271,"arus":20272,"Mass":20273,"result":20274,"ascus":20275,"Ġvintage":20276,"Ġconqu":20277,"Ġwildly":20278,"acist":20279,"Ġlingu":20280,"Ġprotagonist":20281,"strom":20282,"teenth":20283,"ĠSolo":20284,"mac":20285,"filled":20286,"Ġrenown":20287,"itives":20288,"Ġmotive":20289,"ĠAntar":20290,"ĠMann":20291,"ĠAdjust":20292,"Ġrockets":20293,"Ġtroubling":20294,"ei":20295,"Ġorganisms":20296,"assis":20297,"Christian":20298,"Ġ145":20299,"ĠHass":20300,"Ġswall":20301,"Ġwax":20302,"ĠSurvival":20303,"VS":20304,"ĠMurd":20305,"vd":20306,"standard":20307,"Ġdragons":20308,"Ġacceleration":20309,"rational":20310,"final":20311,"Ġpaired":20312,"ĠEthereum":20313,"Ġinterfaces":20314,"Ġresent":20315,"Ġartifacts":20316,"Å«":20317,"arel":20318,"Ġcompetitor":20319,"ĠNicholas":20320,"ĠSurface":20321,"cpp":20322,"ĠTot":20323,"Ġeconomically":20324,"Ġorganised":20325,"Ġenforced":20326,"inho":20327,"Ġvarieties":20328,"Ġabdom":20329,"ĠBailey":20330,"idav":20331,"ĠSalv":20332,"paid":20333,"Ġaltitude":20334,"essert":20335,"ĠGutenberg":20336,"area":20337,"opoulos":20338,"Ġprofessors":20339,"iggs":20340,"ĠFate":20341,"hey":20342,"Ġ3000":20343,"Dist":20344,"Ġtwins":20345,"cill":20346,"ĠMaps":20347,"Ġtraps":20348,"Ġweed":20349,"ĠKiss":20350,"Ġyoga":20351,"Ġrecipients":20352,"ĠWestminster":20353,"Ġpools":20354,"ĠWalmart":20355,"188":20356,"ĠSchools":20357,"attack":20358,"ĠARM":20359,"paragraph":20360,"Warning":20361,"jl":20362,"Ġselfish":20363,"anchez":20364,"ĠHeights":20365,"Fre":20366,"ĠSoph":20367,"Ġ--------------------------------":20368,"tml":20369,"333":20370,"Ġraids":20371,"Ġsatellites":20372,"KEY":20373,"Ġlasts":20374,"ÑĤ":20375,"Ins":20376,"ĠDame":20377,"Ġunpredict":20378,"///":20379,"ghai":20380,"Ġartillery":20381,"Ġcruise":20382,"Ġgel":20383,"ĠCabinet":20384,"Ġblows":20385,"ĠEsp":20386,"Ġproximity":20387,"othe":20388,"ĠSkills":20389,"ĠUpper":20390,"obo":20391,"ĠNDP":20392,"Ġenjoys":20393,"Ġrepeating":20394,"ĠConstruction":20395,"ĠQuestions":20396,"Hillary":20397,"Ġuint":20398,"Ġprocessors":20399,"ĠGibson":20400,"ĠMultiple":20401,"qa":20402,"ĠBom":20403,"ĠMiles":20404,"ventional":20405,"Ġhurts":20406,"skin":20407,"ĠAIDS":20408,"Ġadvisers":20409,"ĠRoot":20410,"Ġmethodology":20411,"ĠDale":20412,"Ġdeton":20413,"ĠKnowledge":20414,"sequently":20415,"Ġ121":20416,"Ġconnects":20417,"Cy":20418,"ĠDanger":20419,"Ġcontributors":20420,"ĠBent":20421,"Ġbrass":20422,"ĠGuns":20423,"into":20424,"ĠFortune":20425,"Ġbroker":20426,"balance":20427,"Ġlengths":20428,"Ġvic":20429,"Ġaveraging":20430,"Ġappropriately":20431,"ĠCamera":20432,"Ġsandwich":20433,"ĠCDC":20434,"Ġcoordinate":20435,"Ġnavig":20436,"Ġgoodness":20437,"laim":20438,"Ġbrake":20439,"Ġextremist":20440,"ĠWake":20441,"ĠMend":20442,"ĠTiny":20443,"ĠCOL":20444,"ĠRF":20445,"ĠDual":20446,"ĠWine":20447,"Case":20448,"Ġrefined":20449,"Ġlamp":20450,"Lead":20451,"Ġbapt":20452,"ĠCarb":20453,"ĠSadd":20454,"ĠMinneapolis":20455,"PDF":20456,"Early":20457,"ĠHidden":20458,"Its":20459,"ĠTIME":20460,"Ġpap":20461,"Ġcommissioned":20462,"ĠFew":20463,"ĠColts":20464,"ĠBren":20465,"Ġbothered":20466,"Ġlikewise":20467,"Exper":20468,"ĠSchw":20469,"cry":20470,"nn":20471,"ĠMitch":20472,"imon":20473,"MG":20474,"bm":20475,"UMP":20476,"rays":20477,"Ġregistry":20478,"Ġ270":20479,"achine":20480,"rella":20481,"anting":20482,"00000":20483,"Ġruined":20484,"spot":20485,"Ġta":20486,"Ġmaximize":20487,"Ġinconven":20488,"Dead":20489,"Human":20490,"Enabled":20491,"ĠMarie":20492,"Ġchill":20493,"ĠParadise":20494,"Ġstarring":20495,"ĠLatino":20496,"ĠProtocol":20497,"ĠEVER":20498,"Ġsuppliers":20499,"message":20500,"ĠBrock":20501,"Ġserum":20502,"âĸĪâĸĪâĸĪâĸĪ":20503,"Ġencomp":20504,"Ġambition":20505,"uese":20506,"Ġarrows":20507,"Andrew":20508,"Ġantenna":20509,"Ġ1961":20510,"ĠBark":20511,"Ġbool":20512,"ãĤª":20513,"ĠStorage":20514,"Ġrailway":20515,"Ġtougher":20516,"ĠCad":20517,"Ġwashing":20518,"Py":20519,"']":20520,"embed":20521,"ĠMemphis":20522,"ackle":20523,"Ġfamously":20524,"ĠFortunately":20525,"ovies":20526,"Ġmindset":20527,"Ġsneak":20528,"ĠDh":20529,"RAW":20530,"ĠSimpson":20531,"Ġlivest":20532,"Ġlandmark":20533,"Ġcement":20534,"Low":20535,"Ġthrilled":20536,"ĠCourse":20537,"inel":20538,"Ġchuck":20539,"idate":20540,"global":20541,"Ġwhit":20542,"Ġ�":20543,"adays":20544,"ski":20545,"ĠSV":20546,"Ġviruses":20547,"306":20548,"ĠRespons":20549,"Ġtheaters":20550,"ĠBranch":20551,"ĠGeneva":20552,"ĠMK":20553,"Ġunbeliev":20554,"Ġcommunist":20555,"Original":20556,"ĠReceived":20557,"ĠTransfer":20558,"ĠArg":20559,"Input":20560,"ĠStrategy":20561,"Ġpalace":20562,"thening":20563,"Dri":20564,"Ġsentencing":20565,"umbnail":20566,"Ġpins":20567,"recy":20568,"Ġsiblings":20569,"Getting":20570,"ĠBU":20571,"ĠNorthwest":20572,"Ġprolonged":20573,"ĠSakura":20574,"Comb":20575,"ĠBour":20576,"Ġinadequate":20577,"ĠKash":20578,"Ġusername":20579,"ĠImprove":20580,"Ġbattling":20581,"ĠMAC":20582,"Ġcurriculum":20583,"Ġsoda":20584,"ĠCannon":20585,"Ġsensible":20586,"spons":20587,"December":20588,"Ġwicked":20589,"ĠPengu":20590,"Ġdictators":20591,"ĠHearts":20592,"ogyn":20593,"Ġsimilarities":20594,"ĠStats":20595,"Ġhollow":20596,"itations":20597,"\":[":20598,"Ġhover":20599,"ĠListen":20600,"sch":20601,"Sund":20602,"Ġcad":20603,"ĠParks":20604,"Ġlur":20605,"Ġhype":20606,"ĠLem":20607,"NAME":20608,"isure":20609,"Friday":20610,"Ġshoots":20611,"Ġcloses":20612,"Ġdb":20613,"ĠRidge":20614,"ĠDifferent":20615,"Ġreplies":20616,"ĠBroadway":20617,"opers":20618,"Ġintoler":20619,"ĠZeus":20620,"akespe":20621,"Ġproprietary":20622,"Ġrequesting":20623,"Ġcontrollers":20624,"ĠMIN":20625,"imedia":20626,"becca":20627,"Ġexpans":20628,"Ġoils":20629,"Bot":20630,"ĠChand":20631,"Ġprinter":20632,"Ġtopped":20633,"ĠPOL":20634,"ĠEarlier":20635,"Social":20636,"avin":20637,"Ġdecreases":20638,"ĠSeb":20639,"Ġspecifications":20640,"ĠBlast":20641,"ĠKurt":20642,"Ġfreel":20643,"Brown":20644,"Ġdilig":20645,"roe":20646,"ĠProblem":20647,"ĠQuad":20648,"Ġdecentral":20649,"ĠVector":20650,"anut":20651,"Ġplugins":20652,"ĠGregory":20653,"Ġfucked":20654,"elines":20655,"ĠAmbassador":20656,"take":20657,"Ġcleans":20658,"ongyang":20659,"Anonymous":20660,"stro":20661,"\"}":20662,"aline":20663,"ĠOdd":20664,"ĠEug":20665,"216":20666,"Ġboil":20667,"ĠPowers":20668,"Ġnurses":20669,"Obviously":20670,"ĠTechnical":20671,"Ġexceeded":20672,"ORS":20673,"Ġextremists":20674,"Ġtraces":20675,"expl":20676,"Ġcomr":20677,"ĠSach":20678,")/":20679,"Ġmasks":20680,"Ġsci":20681,"Bon":20682,"Ġregression":20683,"wegian":20684,"Ġadvisor":20685,"itures":20686,"ĠVo":20687,"example":20688,"ĠInstruct":20689,"Ġsiege":20690,"Ġreductions":20691,"ptr":20692,"Ġstatutory":20693,"Ġremoves":20694,"Ġpuck":20695,"redits":20696,"Ġbee":20697,"Ġsalad":20698,"Ġpromotions":20699,"ĠJoshua":20700,"withstanding":20701,"ETH":20702,"ĠCha":20703,"imus":20704,"Ġexpenditure":20705,"aunting":20706,"Ġdelighted":20707,"Ġ155":20708,"beh":20709,"Ġcarpet":20710,"ĠSpart":20711,"Ġjungle":20712,"lists":20713,"Ġbullying":20714,"ĠNobel":20715,"ĠGlen":20716,"Ġreferenced":20717,"Ġintroduces":20718,"sein":20719,"Ġchopped":20720,"glass":20721,"ĠWrest":20722,"Ġneutrality":20723,"ĠâĻ":20724,"Ġinvestigator":20725,"Ġshelves":20726,"Ġunconstitutional":20727,"Ġreproduction":20728,"Ġmerchant":20729,"mia":20730,"Ġmetrics":20731,"Ġexplosives":20732,"ĠSonia":20733,"Ġbodily":20734,"Ġthickness":20735,"Ġpredominantly":20736,"ĠAbility":20737,"Ġmonitored":20738,"ICH":20739,"Ġ].":20740,"ĠMartinez":20741,"Ġvisibility":20742,"Ġqueries":20743,"Ġgenocide":20744,"ĠWarfare":20745,"Query":20746,"Ġstudios":20747,"Ġembry":20748,"Ġcorridor":20749,"Ġcleaned":20750,"complete":20751,"ĠMH":20752,"Ġenrollment":20753,"INGS":20754,"Ġimpacted":20755,"Ġdisastrous":20756,"ĠYun":20757,"ĠClaire":20758,"ĠBasically":20759,"yt":20760,"usterity":20761,"Ġindirectly":20762,"wik":20763,"Ġdod":20764,"ĠCarr":20765,"Ġamp":20766,"Ġprohibit":20767,"ĠInitial":20768,"ĠRd":20769,"iji":20770,"Ġeducate":20771,"corn":20772,"iott":20773,"ĠBeauty":20774,"Ġdetective":20775,"ĠConn":20776,"since":20777,"Ġstagger":20778,"Ġobese":20779,"Ġbree":20780,"ologic":20781,"isse":20782,"walker":20783,"Ġblades":20784,"Ġlawful":20785,"func":20786,"ĠBehind":20787,"Ġappetite":20788,"Ġ(*":20789,"Ġtennis":20790,"Ġoffspring":20791,"Ġjets":20792,"Ġstructured":20793,"Ġaforementioned":20794,"Nov":20795,"Ġscaling":20796,"fill":20797,"Ġstew":20798,"Ġcurb":20799,"ĠStephan":20800,"edIn":20801,"SF":20802,"obic":20803,"éŃĶ":20804,"oug":20805,"ĠMM":20806,"Ġgenetically":20807,"opez":20808,"136":20809,"Ġumb":20810,"ancers":20811,"Ġcohort":20812,"Ġmerchandise":20813,"Ġimposing":20814,"ĠLegislature":20815,"ĠArchive":20816,"ivia":20817,"ĠNaval":20818,"Ġoffences":20819,"Ġmiracle":20820,"Ġsnapped":20821,"Ġfoes":20822,"Ġextensively":20823,"ĠRaf":20824,"Ġcater":20825,"edience":20826,"Kit":20827,"ĠBin":20828,"Ġrecommends":20829,"ĠCities":20830,"Ġrigid":20831,"ĠREAD":20832,"ĠNoble":20833,"ĠTian":20834,"Ġcertificates":20835,"antis":20836,"oiler":20837,"ĠBuddhist":20838,"did":20839,"Ġsurveyed":20840,"Ġdownward":20841,"Ġprints":20842,"ĠMotion":20843,"ronics":20844,"ĠSans":20845,"ossibly":20846,"uctions":20847,"Ġcolonies":20848,"ĠDanish":20849,"unit":20850,"Ġspoil":20851,"Ġadvisory":20852,"berries":20853,"Plan":20854,"Ġspecification":20855,"ophers":20856,"ĠResource":20857,"Ġshirts":20858,"prisingly":20859,"communications":20860,"Ġtrivial":20861,"Ġmentioning":20862,"isexual":20863,"Ġsupplements":20864,"Ġsupervision":20865,"BP":20866,"vor":20867,"Ġwit":20868,"Ġcooldown":20869,"Ġplaintiff":20870,"ĠReviews":20871,"ĠSri":20872,"ĠMint":20873,"ĠSugar":20874,"Ġafterward":20875,"ĠPriest":20876,"ĠInvestment":20877,"ogene":20878,"ĠTaking":20879,"Ġstretching":20880,"Ġinflammation":20881,"ĠTehran":20882,"Ġlining":20883,"Ġfreezing":20884,"ĠEntity":20885,"Ġinspiring":20886,"special":20887,"price":20888,"Ġsue":20889,"ĠPorter":20890,"ounge":20891,"ETA":20892,"ĠDerek":20893,"ĠLuis":20894,"uo":20895,"ymph":20896,"Ġexterior":20897,"ihil":20898,"ĠAshley":20899,"inator":20900,"Ġnutrients":20901,"ĠThrones":20902,"Ġfinances":20903,"ĠInspect":20904,"Ġspecially":20905,"ĠRequired":20906,"ĠPTS":20907,"ĠViolence":20908,"ointed":20909,"shots":20910,"Ġexcerpt":20911,"coon":20912,"INS":20913,"ĠGri":20914,"Ġrecognised":20915,"Week":20916,"Young":20917,"Ġvom":20918,"isle":20919,"ĠCurry":20920,"ĠBuddh":20921,"Ġnotebook":20922,"Ġdurable":20923,"/?":20924,"ĠGad":20925,"ĠPupp":20926,"Ġforgive":20927,"park":20928,"Ġpersonalities":20929,"analysis":20930,"clamation":20931,"Ġelevator":20932,"Ġwarehouse":20933,"ĠRole":20934,"unn":20935,"Ġillustration":20936,"ĠScan":20937,"Ġatmospheric":20938,"Import":20939,"ANC":20940,"ricted":20941,"fu":20942,"010":20943,"Ġarche":20944,"Ġrewarded":20945,"akespeare":20946,"Ġinternally":20947,"ĠRBI":20948,"alker":20949,"Ġelephant":20950,"owitz":20951,"ĠPizza":20952,"Ġbipartisan":20953,"és":20954,"Ġslowed":20955,"ĠStark":20956,"Ġoverride":20957,"OUS":20958,"Ġ320":20959,"undreds":20960,"ĠDeck":20961,"ĠCensus":20962,"bee":20963,"146":20964,"otor":20965,"Ġip":20966,"Ġub":20967,"ocations":20968,"ĠButton":20969,"rice":20970,"Ġcripp":20971,"fff":20972,"Ġoriginated":20973,"Ġoverwhelmed":20974,"appa":20975,"Ġforemost":20976,"âĢij":20977,"ĠLEG":20978,"release":20979,"eatured":20980,"atches":20981,"Ġreps":20982,"Ġlending":20983,"ĠReference":20984,"ĠClient":20985,"165":20986,"venth":20987,"Complete":20988,"ĠPatrol":20989,"Ġsworn":20990,"cam":20991,"Ġshuttle":20992,"ĠRalph":20993,"Ġhometown":20994,"-,":20995,"onal":20996,"ĠBP":20997,"åı":20998,"Ġpersuade":20999,"ĠAlexand":21000,"Ġcombines":21001,"Ġvivid":21002,"ĠLag":21003,"Ġencoding":21004,"Ġsalvation":21005,"wen":21006,"ĠRecovery":21007,"iya":21008,"University":21009,"ĠBiden":21010,"Ġbudgets":21011,"ĠTexans":21012,"fits":21013,"Ġhonored":21014,"Ġpython":21015,"TD":21016,"###":21017,"clone":21018,"Ġblink":21019,"ĠLiquid":21020,"Ġunemployed":21021,"Ġclashes":21022,"ĠCounsel":21023,"Ġdirecting":21024,"Ġpunct":21025,"ĠFalcons":21026,"Ġshark":21027,"ĠDamascus":21028,"Ġjeans":21029,"Ġembark":21030,"Ġseize":21031,"Ġupwards":21032,"280":21033,"ĠEz":21034,"ĠAnything":21035,"Ġexotic":21036,"lower":21037,"ĠCreator":21038,"ĠUm":21039,"Ġsuburbs":21040,"berger":21041,"ĠWend":21042,"Ġmint":21043,"ĠXX":21044,"ĠDro":21045,"Ġsuffers":21046,"Ġherb":21047,"tree":21048,"Ġfragile":21049,"Ġflooded":21050,"ĠAlcohol":21051,"olean":21052,"nyder":21053,"ĠKO":21054,"Fram":21055,"Ġ136":21056,"Ġowed":21057,"ĠMelee":21058,"ĠHash":21059,"Ġwhisk":21060,"Ġsudo":21061,"rr":21062,"Quick":21063,"appro":21064,"Ġii":21065,"ĠExamples":21066,"hee":21067,"Ġpromotes":21068,"perature":21069,"kar":21070,"ĠHonor":21071,"Ġsodium":21072,"ĠLif":21073,"rosso":21074,"intendent":21075,"Ġcorrespondent":21076,"Found":21077,"secret":21078,"Ġidentifies":21079,"agne":21080,"Ġlou":21081,"ĠPP":21082,"Ġcoincidence":21083,"move":21084,"Ġmilitia":21085,"Ġinfiltr":21086,"ĠPrimary":21087,"Ġpitching":21088,"ĠIb":21089,"ĠGOOD":21090,"ãĤ¸":21091,"ĠWizards":21092,"iral":21093,"ĠVenus":21094,"RR":21095,"ĠâĢķ":21096,"ĠCasey":21097,"Ġsadly":21098,"Ġadmire":21099,"Ġembarrassed":21100,"cb":21101,"Mel":21102,"Ġtubes":21103,"Ġbeautifully":21104,"ĠQueensland":21105,"Below":21106,"rez":21107,"quet":21108,"pleasant":21109,"Ġ«":21110,"Camp":21111,"Ġdecisive":21112,"1998":21113,"ĠLamb":21114,"utton":21115,"hn":21116,"ĠJagu":21117,"aunder":21118,"ĠCord":21119,"Ġclerk":21120,"Ġcaffe":21121,"Ġwiped":21122,"Ġreim":21123,"ĠMountains":21124,"Ġimprisoned":21125,"Ġdevelops":21126,"ĠPra":21127,"Ġmodeling":21128,"Anyone":21129,"ancel":21130,"ĠSit":21131,"Ġshields":21132,"Ġlawn":21133,"Ġcardiovascular":21134,"Ġdemonstrating":21135,"Ġparse":21136,"ĠIsraelis":21137,"Ġeuros":21138,"143":21139,"Ġglorious":21140,"inski":21141,"ecd":21142,"Ġconditioning":21143,"Ġhelpless":21144,"Ġmicrosc":21145,"ĠHarbor":21146,"Ġstakes":21147,"Ġ260":21148,"Ġunequ":21149,"ĠFloyd":21150,"Ġdamp":21151,"Ġapparatus":21152,"ĠLaws":21153,"Ġcounters":21154,"Ġinduce":21155,"atable":21156,"ĠAhmed":21157,"Ġslam":21158,"November":21159,"Ġpersist":21160,"Ġimminent":21161,"án":21162,"Ġshred":21163,"Ġphases":21164,"ĠEdmonton":21165,"ĠArmstrong":21166,"ĠMeet":21167,"ĠKitty":21168,"ÑĢ":21169,"circ":21170,"ĠAdult":21171,"Ġarose":21172,"ĠXen":21173,"Dan":21174,"gow":21175,"Ġsuperf":21176,"ĠAdmir":21177,"Ġendure":21178,"Ġkeyword":21179,"yrus":21180,"Ġyarn":21181,"Ġpathway":21182,"ĠHopkins":21183,"midt":21184,"Ġcensorship":21185,"dependent":21186,"Ġinstructor":21187,"Sources":21188,"Ġtoe":21189,"Ġballoon":21190,"Nob":21191,"Ġswear":21192,"ĠCastro":21193,"Ġgloss":21194,"ĠKavanaugh":21195,"Ġremarkably":21196,"Photos":21197,"ĠNom":21198,"ĠSoutheast":21199,"yers":21200,"Ġvalidation":21201,"Ġcannon":21202,"ĠVictory":21203,"ĠPierre":21204,"Ġcautious":21205,"Audio":21206,"Ġfetch":21207,"ĠGift":21208,"ĠHyp":21209,"Ġremedy":21210,"ZE":21211,"Ġscent":21212,"Ġbeard":21213,"ĠRut":21214,"-\"":21215,"Ġpatents":21216,"Hy":21217,"Ġunjust":21218,"Ġpotato":21219,"Ġforthcoming":21220,"Ġchef":21221,"ĠRift":21222,"affe":21223,"ĠROM":21224,"ĠLaunch":21225,"Ġpads":21226,"ĠNeo":21227,"Ġonset":21228,"Ġsqueeze":21229,"safe":21230,"Ġprefix":21231,"ĠTM":21232,"ĠNearly":21233,"ĠClinical":21234,"ĠMental":21235,"otiation":21236,"ĠUnic":21237,"antry":21238,"ĠCir":21239,"Ġepit":21240,"æ":21241,"Ġextracted":21242,"versely":21243,"riad":21244,"Ġstrains":21245,"Ġtops":21246,"Ġpoem":21247,"ĠRandy":21248,"ĠMaple":21249,"THER":21250,"upiter":21251,"ĠSSD":21252,"ļé":21253,"Ġuncon":21254,"pering":21255,"Ġslept":21256,"iners":21257,"Ġunderwater":21258,"ĠEvidence":21259,"gone":21260,"205":21261,"Ġhistorians":21262,"Ġsynthesis":21263,"Ġfrog":21264,"basketball":21265,"Ġvibrant":21266,"Ġsubord":21267,"Ġ365":21268,"ĠDial":21269,"Ġcooperate":21270,"HAHA":21271,"Ġgreeted":21272,"158":21273,"Ġjazz":21274,"Ġintox":21275,"ĠWalking":21276,"Ġsupervisor":21277,"ĠFusion":21278,"ĠMercedes":21279,"send":21280,"Ham":21281,"sd":21282,"nl":21283,"Ġtours":21284,"ĠFIFA":21285,"Ġculp":21286,"gd":21287,"304":21288,"Ġpleas":21289,"Ġillustrates":21290,"ĠColombia":21291,"Ġhighlighting":21292,"ĠSummary":21293,"Ġexposing":21294,"ĠDru":21295,"Ġirony":21296,"ritional":21297,"ĠCarroll":21298,"ĠEllis":21299,"Pict":21300,"ĠRapt":21301,"Ġadapter":21302,"Ġunm":21303,"Ġcorpse":21304,"Ġcelebrities":21305,"Den":21306,"atum":21307,"ĠApocalypse":21308,"ĠWag":21309,"lining":21310,"Ġhormones":21311,"Rub":21312,"ĠXi":21313,"ĠVaults":21314,"208":21315,"alkyrie":21316,"inosaur":21317,"Ġfeeds":21318,"vity":21319,"Ġdefeating":21320,"Wait":21321,"Ġemphasize":21322,"ĠSteelers":21323,"yrinth":21324,"leys":21325,"ĠWhenever":21326,"Currently":21327,"ĠClock":21328,"Ġcollectively":21329,"anyon":21330,"ĠJP":21331,"Ġmentality":21332,"Ġdownloads":21333,"Ġsurroundings":21334,"ĠBarnes":21335,"Ġflagship":21336,"Ġindicators":21337,"Ġgrapp":21338,"January":21339,"ĠElemental":21340,"ĠAthena":21341,"ibal":21342,"Ġsights":21343,"Ġcapita":21344,"ĠTreaty":21345,"Ġvoiced":21346,"ĠGaz":21347,"lette":21348,"Ġya":21349,"Ġexpired":21350,"Legend":21351,"Hot":21352,"nature":21353,"Ġunstable":21354,"Ġ280":21355,"ú":21356,"Comment":21357,"ALE":21358,"Ġquests":21359,"Ġhandler":21360,"nis":21361,"Ġversatile":21362,"Ġconceal":21363,"engeance":21364,"ĠInteractive":21365,"Ġobsessed":21366,"ĠDogs":21367,"Ġcracked":21368,"Sound":21369,"sv":21370,"ĠDylan":21371,"roads":21372,"fx":21373,"ĠCatholics":21374,"ĠHag":21375,"Ġslammed":21376,"Ġglowing":21377,"sale":21378,"Ġtissues":21379,"ĠChi":21380,"nee":21381,"Ġcher":21382,"sic":21383,"urrection":21384,"Ġbacon":21385,"ulatory":21386,").\"":21387,"Ġirregular":21388,"FORM":21389,"assed":21390,"Ġintentional":21391,"Ġcompensate":21392,"ĠSpeaking":21393,"ĠSets":21394,"153":21395,"Ġconventions":21396,"bands":21397,"emade":21398,"Ġecc":21399,"ĠWinston":21400,"ĠAssassin":21401,"ĠBelgian":21402,"Ġdependence":21403,"Ġniche":21404,"Ġbark":21405,"ĠJazz":21406,"Ġdisadvantage":21407,"Ġgasoline":21408,"Ġ165":21409,"çļĦ":21410,"essa":21411,"module":21412,"angular":21413,"OY":21414,"ĠTreatment":21415,"itas":21416,"olation":21417,"ĠArnold":21418,"Ġfeud":21419,"ĠNest":21420,"Ġtheatre":21421,"ewater":21422,"Ġminors":21423,"olicy":21424,"ĠHaven":21425,"division":21426,"Ġtrunk":21427,"Far":21428,"ĠPull":21429,"Ġcapturing":21430,"Ġ1800":21431,"ĠTeen":21432,"Ġexempl":21433,"Ġclinics":21434,"ĠBurg":21435,"Ġsubstit":21436,"Ġpayload":21437,"ĠLav":21438,"ĠTroy":21439,"ĠWitness":21440,"Ġfragments":21441,"Ġpasswords":21442,"Ġgospel":21443,"ĠGin":21444,"Ġtenants":21445,"olith":21446,"Six":21447,"Previous":21448,"ĠAges":21449,"ĠDarwin":21450,"Ġblat":21451,"Ġempathy":21452,"smith":21453,"bag":21454,"ĠEcho":21455,"ĠCamb":21456,"ĠMadd":21457,"ĠBoo":21458,"Ġrede":21459,"ĠBurning":21460,"Ġsmoothly":21461,"ĠAdrian":21462,"ĠVampire":21463,"ĠMonsters":21464,"steam":21465,"Style":21466,"Ma":21467,"rea":21468,"ĠDwar":21469,"alyst":21470,"ursor":21471,"Ġelimination":21472,"Ġcrypto":21473,"cht":21474,"ĠEternal":21475,"âĢ¦]":21476,"ĠSorce":21477,"Ill":21478,"NER":21479,"Ġuh":21480,"Conclusion":21481,"wage":21482,"Ġrespir":21483,"Ġreminis":21484,"hetical":21485,"Ġgy":21486,"Ġutilized":21487,"icidal":21488,"Ġ1900":21489,"Ġhunters":21490,"ĠSwan":21491,"ĠReact":21492,"Ġvisitor":21493,"ĠThanksgiving":21494,"308":21495,"Posts":21496,"Ġhips":21497,"1997":21498,"omers":21499,"Ġknocking":21500,"ĠVehicle":21501,"Ġtil":21502,"Ġ138":21503,"Ġmi":21504,"ĠInvestigation":21505,"ĠKenya":21506,"Ġcasino":21507,"Ġmotives":21508,"Ġregain":21509,"rex":21510,"Ġweekends":21511,"Ġstabbed":21512,"boro":21513,"Ġexploited":21514,"ĠHAVE":21515,"ĠTelevision":21516,"cock":21517,"Ġpreparations":21518,"Ġendeav":21519,"ĠRemote":21520,"ĠMaker":21521,"ĠProdu":21522,"ĠEvan":21523,"Ġinformational":21524,"ĠLouisville":21525,"154":21526,"ĠDreams":21527,"Ġplots":21528,"ĠRunner":21529,"Ġhurting":21530,"Ġacademy":21531,"ĠMontgomery":21532,"nm":21533,"ĠLanc":21534,"ĠAlz":21535,"210":21536,"elong":21537,"Ġretailer":21538,"Ġarising":21539,"Ġrebellion":21540,"Ġblonde":21541,"played":21542,"Ġinstrumental":21543,"Cross":21544,"Ġretention":21545,"Ġtherapeutic":21546,"Ġseas":21547,"Ġinfantry":21548,"ĠClint":21549,"Ġprompting":21550,"Ġbitch":21551,"Ġstems":21552,"ĠKra":21553,"Ġthesis":21554,"ĠBog":21555,"rued":21556,"Ġkings":21557,"Ġclay":21558,"ificent":21559,"ĠYES":21560,"ĠThing":21561,"ĠCubs":21562,"veyard":21563,"elsh":21564,"inarily":21565,"ĠEy":21566,"ĠRolling":21567,"Ġevolving":21568,"India":21569,"Ġrecognizes":21570,"Ġgraduation":21571,"isers":21572,"Ġfertility":21573,"ĠMilan":21574,"Command":21575,"Ġboxing":21576,"Ġ1943":21577,"Ġgluten":21578,"ĠEmir":21579,"Ġidol":21580,"Ġconceived":21581,"ĠCreation":21582,"Merit":21583,"uddy":21584,"ussions":21585,"ĠLieutenant":21586,"ietal":21587,"Ġunchanged":21588,"ĠScale":21589,"ĠCrimea":21590,"balls":21591,"atorial":21592,"Ġdepths":21593,"Ġempirical":21594,"Ġtransm":21595,"Ġunsafe":21596,"missible":21597,"comfort":21598,"156":21599,"Ġmechanic":21600,"002":21601,"lins":21602,"Ġsmoked":21603,"Pos":21604,"Ġslowing":21605,"Ġlav":21606,"Texas":21607,"Ġcheating":21608,"ĠMetropolitan":21609,"ethyl":21610,"Ġdiscovering":21611,"asse":21612,"Ġpencil":21613,"ĠPyongyang":21614,"Ġcloset":21615,"ĠSheet":21616,"ĠEntry":21617,"oustic":21618,"Ġmyst":21619,"erate":21620,"ariat":21621,"Ġminerals":21622,"Ġmusician":21623,"ĠPul":21624,"ĠMaz":21625,"249":21626,"Ġpermissions":21627,"Ġiv":21628,"enary":21629,"ickers":21630,"ĠBing":21631,"hea":21632,"enable":21633,"Ġgriev":21634,"Ġasserted":21635,"ĠColonel":21636,"Ġaffidav":21637,"wo":21638,"Ġseated":21639,"ĠRide":21640,"Ġpaintings":21641,"ĠPix":21642,"Ġ137":21643,"ishi":21644,"umbai":21645,"gotten":21646,"ĠEarl":21647,"Ġinning":21648,"Ġcensus":21649,"Ġtravelled":21650,"ĠConsult":21651,"185":21652,"bind":21653,"Ġsimplicity":21654,"Ġoverlooked":21655,"ĠHelpful":21656,"Ġmonkey":21657,"Ġoverwhelmingly":21658,"Blood":21659,"ĠFlint":21660,"ĠJama":21661,"ĠPresent":21662,"ĠRage":21663,"ĠTA":21664,"ptive":21665,"Ġturnout":21666,"wald":21667,"ĠDolphins":21668,"ĠVPN":21669,"Ġonion":21670,"Ġcrafting":21671,"mma":21672,"ĠMercury":21673,"Ġarrange":21674,"Ġalerts":21675,"ĠOT":21676,"zbollah":21677,"Ġgases":21678,"ĠRichardson":21679,"sal":21680,"lar":21681,"Ġfrost":21682,"Ġlowering":21683,"Ġacclaim":21684,"Ġstartups":21685,"ĠGain":21686,"essment":21687,"Ġguardian":21688,"人":21689,"ĠPie":21690,"ĠLinks":21691,"Ġmerits":21692,"Ġawake":21693,"Ġparental":21694,"Ġexceeds":21695,"Ġidle":21696,"ĠPilot":21697,"ĠeBay":21698,"ĠAccept":21699,"ipeg":21700,"Cam":21701,"ĠKot":21702,"Ġtraders":21703,"olitics":21704,"unker":21705,"ĠPale":21706,"osi":21707,"anmar":21708,"Ġ1947":21709,"ĠFell":21710,"estial":21711,"itating":21712,"GF":21713,"ĠSr":21714,"ifted":21715,"Ġconnector":21716,"ĠBone":21717,"illes":21718,"260":21719,"hma":21720,"Ġoverlap":21721,"ĠGitHub":21722,"Ġcleaner":21723,"ĠBaptist":21724,"ĠWAS":21725,"Ġlungs":21726,"Ñģ":21727,"ĠBUT":21728,"Ġcite":21729,"Ġpitched":21730,"reatment":21731,"Ġtrophies":21732,"ĠNu":21733,"386":21734,"ĠPride":21735,"Ġattendees":21736,"[]":21737,"179":21738,"Ġspatial":21739,"Ġprizes":21740,"ĠReligion":21741,"Ġshowcase":21742,"ĠCategory":21743,"vidia":21744,"Target":21745,"Property":21746,"?,":21747,"Ġfusion":21748,"pie":21749,"ĠUCLA":21750,"Ġsoundtrack":21751,"Ġprincess":21752,"ĠCaval":21753,"should":21754,"Ġlimbs":21755,"Background":21756,"Ġlonely":21757,"Ġcores":21758,"ĠTail":21759,"sheet":21760,"Ġ132":21761,"Ra":21762,"ãĤ«":21763,"ĠBolt":21764,"Ġbooked":21765,"Ġadminister":21766,"Ġequals":21767,"wy":21768,"Ġobserving":21769,"ĠBaron":21770,"ĠAdobe":21771,"Ġvirgin":21772,"ĠSocialist":21773,"Move":21774,"ghazi":21775,"ĠLinda":21776,"212":21777,"Ġbrewing":21778,"Ġmerchants":21779,"burse":21780,"Ġdivor":21781,"Ġmetals":21782,"ĠNer":21783,"Ġsums":21784,"ĠEnemy":21785,"Ġenvision":21786,"Ġgranting":21787,"ĠHoney":21788,"ĠSkyrim":21789,"Ġsocio":21790,"graded":21791,"Ġselective":21792,"WASHINGTON":21793,"Ġ1948":21794,"ĠSirius":21795,"ĠGross":21796,"activity":21797,"ĠIvan":21798,"Ġfurious":21799,"BSD":21800,"ĠPrevious":21801,"Ġresponsive":21802,"Ġcharitable":21803,"Ġleaning":21804,"ĠPew":21805,"Ġviolates":21806,"\\\\\\\\\\\\\\\\":21807,"ĠComing":21808,"wire":21809,"Ġpoet":21810,"Ġresolutions":21811,"command":21812,"ĠPortuguese":21813,"Ġnickname":21814,"Ġdeaf":21815,"February":21816,"Ġrecognise":21817,"Ġentirety":21818,"Ġseasonal":21819,"placed":21820,"ĠTelegraph":21821,"Ġmicrophone":21822,"ouring":21823,"Ġgrains":21824,"Ġgoverned":21825,"Ġpostp":21826,"ĠWaters":21827,"inement":21828,"Ġundocumented":21829,"ĠComcast":21830,"Ġfox":21831,"Ġassaults":21832,"reon":21833,"many":21834,"ĠJenkins":21835,"ĠAnyway":21836,"Ġassessments":21837,"Ġdowns":21838,"ĠMouse":21839,"Ġsuperb":21840,"kt":21841,"ĠDow":21842,"Ġtaxation":21843,"401":21844,"Ġsmiles":21845,"Ġundertaken":21846,"Ġexh":21847,"Ġenthusiastic":21848,"Ġtwent":21849,"Ġgovernmental":21850,"Ġautonomy":21851,"ĠTechnologies":21852,"ĠChain":21853,"Ġprevalent":21854,"fb":21855,"Ġnicotine":21856,"ogram":21857,"job":21858,"Ġawaiting":21859,"ĠMenu":21860,"Ġdeputies":21861,"kov":21862,"ishops":21863,"Button":21864,"ĠShanghai":21865,"Ġdiesel":21866,"ĠDuck":21867,"Ryan":21868,"ĠPCs":21869,"NF":21870,"jury":21871,"ente":21872,"Ġinaccurate":21873,"eddy":21874,"Whatever":21875,"Ġshowc":21876,"ĠNad":21877,"odus":21878,"etr":21879,"Ġplaintiffs":21880,"ĠWOR":21881,"ĠAssange":21882,"Ġprivat":21883,"Ġpremiums":21884,"Ġtam":21885,"URL":21886,"Ġelites":21887,"ĠRanger":21888,"ottenham":21889,"ĠHoff":21890,"ĠAthens":21891,"Ġdefinite":21892,"Ġsighed":21893,"Ġevenly":21894,"211":21895,"ĠAmber":21896,"akia":21897,"Ġmailing":21898,"Ġcrashing":21899,"ĠConfederate":21900,"rugged":21901,"Wal":21902,"ĠDepths":21903,"Ġjuvenile":21904,"Ġreactor":21905,"Introduction":21906,"ĠDeluxe":21907,"1995":21908,"ĠSanchez":21909,"ĠMead":21910,"ivable":21911,":-":21912,"ĠPlanning":21913,"ĠTrap":21914,"quin":21915,"ĠProtect":21916,"vered":21917,"Information":21918,"Ġkidney":21919,"innamon":21920,"las":21921,"Ġpolicing":21922,"Ġtolerate":21923,"ĠQi":21924,"Ġbiased":21925,"Fort":21926,"ĠKi":21927,"save":21928,"Ġprivileged":21929,"Ġbeasts":21930,"ĠGlas":21931,"ĠCinem":21932,"Ġcomeback":21933,"Sunday":21934,"Ġextinction":21935,"hops":21936,"Ġtransmit":21937,"Ġdoubles":21938,"ĠFlat":21939,"167":21940,"Ġdisputed":21941,"Ġinjustice":21942,"foo":21943,"Vict":21944,"roleum":21945,"ĠJulie":21946,"Context":21947,"ĠRarity":21948,"issue":21949,"Component":21950,"Ġcounseling":21951,"anne":21952,"dark":21953,"Ġobjections":21954,"uilt":21955,"Ġgast":21956,"Ġplac":21957,"Ġunused":21958,"ãĥĩ":21959,"ĠTrial":21960,"ĠJas":21961,"hedral":21962,"obb":21963,"Ġtemporal":21964,"ĠPRO":21965,"ĠNW":21966,"ĠAnniversary":21967,"Large":21968,"Ġtherm":21969,"Ġdavid":21970,"Ġsystemic":21971,"ĠShir":21972,"mut":21973,"ĠNept":21974,"address":21975,"Ġscanning":21976,"Ġunderstandable":21977,"Ġcanvas":21978,"Cat":21979,"ĠZoo":21980,"Ġangels":21981,"LO":21982,"ĠStatement":21983,"ĠSig":21984,"ovable":21985,"ĠAway":21986,"sharing":21987,"ocrats":21988,"stated":21989,"Ġweighing":21990,"Nor":21991,"wild":21992,"Bey":21993,"Ġastonishing":21994,"ĠReynolds":21995,"Ġopener":21996,"Ġtrainer":21997,"Ġsurgical":21998,"pn":21999,"Ġadjusting":22000,"wheel":22001,"Ġfrown":22002,"ervative":22003,"Ġsuspend":22004,"Within":22005,"tein":22006,"Ġobstacle":22007,"Ġliberties":22008,"ymes":22009,"Ġuranium":22010,"ansom":22011,"anol":22012,"uba":22013,"ĠLoss":22014,"Ġarous":22015,"ĠHenderson":22016,"Wow":22017,"spl":22018,"cur":22019,"ĠÂŃ":22020,"Ġtheirs":22021,"Damage":22022,"Ġdownloading":22023,"Ġdiscern":22024,"ĠSto":22025,"ĠFla":22026,"Ġhath":22027,"ĠAj":22028,"Ġunpleasant":22029,"European":22030,"expensive":22031,"Ġscreenshot":22032,"ĠUV":22033,"Ġallied":22034,"ĠPersian":22035,"Ġmonopoly":22036,"Ġatom":22037,"ĠRedskins":22038,"\"><":22039,"Ġcancell":22040,"Ġcinema":22041,"131":22042,"fair":22043,"ĠAlfred":22044,"Ġduck":22045,"args":22046,"223":22047,"ĠISI":22048,"Ġsignaling":22049,"inar":22050,"Ġlaughs":22051,"Ġforwards":22052,"Ġreckless":22053,"Ġlisteners":22054,"ativity":22055,"Ġvastly":22056,"nant":22057,"Less":22058,"ĠHunting":22059,"ĠScientific":22060,"ITED":22061,"Ġknight":22062,"ĠHTC":22063,"usa":22064,"tmp":22065,"Ġrude":22066,"ĠLegendary":22067,"Ġarises":22068,"Bad":22069,"ĠClaim":22070,"peg":22071,"Ġrealities":22072,"Think":22073,"Ġ°":22074,"Ġrode":22075,"Ġstrive":22076,"Ġanecd":22077,"Ġshorts":22078,"Ġhypothes":22079,"Ġcoordinated":22080,"ĠGandhi":22081,"ĠFPS":22082,"RED":22083,"Ġsusceptible":22084,"Ġshrink":22085,"ĠChart":22086,"Help":22087,"Ġion":22088,"deep":22089,"ribes":22090,"ĠKai":22091,"ĠCustomer":22092,"Summary":22093,"Ġcough":22094,"wife":22095,"Ġlend":22096,"Ġpositioning":22097,"Ġlottery":22098,"ĠCanyon":22099,"Ġfade":22100,"Ġbronze":22101,"ĠKenny":22102,"Ġboasts":22103,"ĠEnhanced":22104,"record":22105,"Ġemergence":22106,"Ġakin":22107,"ĠBert":22108,"itous":22109,"âĸij":22110,"Ġstip":22111,"Ġexchanged":22112,"omore":22113,"alsh":22114,"Ġreservoir":22115,"Ġstandpoint":22116,"WM":22117,"Ġinitiate":22118,"Ġdecay":22119,"Ġbrewery":22120,"Ġterribly":22121,"Ġmortal":22122,"levard":22123,"Ġrevis":22124,"NI":22125,"elo":22126,"Ġconfess":22127,"ĠMSNBC":22128,"Ġsubmissions":22129,"Controller":22130,"Ġ202":22131,"ĠRuth":22132,"});":22133,"ĠAzure":22134,"Ġ.\"":22135,"206":22136,"ĠMarketing":22137,"Ġlaund":22138,"iencies":22139,"Ġrenowned":22140,"ĠTrou":22141,"ĠNGO":22142,"blems":22143,"Ġterrified":22144,"Ġwarns":22145,"Ġpert":22146,"Ġunsure":22147,"480":22148,"alez":22149,"ultz":22150,"ĠOutside":22151,"Ġstyl":22152,"ĠUnderground":22153,"Ġpanc":22154,"Ġdictionary":22155,"Ġfoe":22156,"riminal":22157,"ĠNorwegian":22158,"Ġjailed":22159,"Ġmaternal":22160,"ée":22161,"ĠLucy":22162,"cop":22163,"Cho":22164,"Ġunsigned":22165,"ĠZelda":22166,"ĠInsider":22167,"ĠContinued":22168,"Ġ133":22169,"ĠNaruto":22170,"ĠMajority":22171,"169":22172,"ĠWo":22173,"ãĤĵ":22174,"Ġpastor":22175,"Ġinformal":22176,"н":22177,"anthrop":22178,"join":22179,"ãģĹ":22180,"itational":22181,"NP":22182,"ĠWriting":22183,"fn":22184,"ĠBever":22185,"195":22186,"Ġyelling":22187,"Ġdrastically":22188,"Ġeject":22189,"Ġneut":22190,"Ġthrive":22191,"ĠFrequ":22192,"oux":22193,"Ġpossesses":22194,"ĠSenators":22195,"ĠDES":22196,"ĠShakespeare":22197,"ĠFranco":22198,"ĠLB":22199,"uchi":22200,"Ġincarn":22201,"Ġfounders":22202,"Function":22203,"Ġbrightness":22204,"ĠBT":22205,"Ġwhale":22206,"ĠTheater":22207,"mass":22208,"ĠDoll":22209,"Something":22210,"Ġechoed":22211,"ĠHex":22212,"crit":22213,"afia":22214,"Ġgoddess":22215,"Ġeleven":22216,"ĠPreview":22217,"ĠAurora":22218,"Ġ401":22219,"ulsive":22220,"ĠLogan":22221,"inburgh":22222,"ĠCenters":22223,"ĠONLY":22224,"ĠAid":22225,"Ġparadox":22226,"Ġhurd":22227,"ĠLC":22228,"Due":22229,"court":22230,"Ġoffended":22231,"Ġevaluating":22232,"ĠMatthews":22233,"Ġtomb":22234,"Ġpayroll":22235,"Ġextraction":22236,"ĠHands":22237,"ifi":22238,"Ġsupernatural":22239,"ĠCOMM":22240,"]=":22241,"dogs":22242,"Ġ512":22243,"ĠMeeting":22244,"Richard":22245,"ĠMaximum":22246,"Ġideals":22247,"Things":22248,"mand":22249,"ĠRegardless":22250,"Ġhumili":22251,"buffer":22252,"Little":22253,"ĠDani":22254,"ĠNak":22255,"Ġliberation":22256,"ĠAbe":22257,"ĠOL":22258,"Ġstuffed":22259,"aca":22260,"inda":22261,"raphic":22262,"Ġmosqu":22263,"Ġcampaigning":22264,"Ġoccupy":22265,"Squ":22266,"rina":22267,"ĠWel":22268,"ĠVS":22269,"Ġphysic":22270,"Ġpuls":22271,"rint":22272,"oaded":22273,"ETF":22274,"ĠArchives":22275,"Ġvenues":22276,"hner":22277,"ĠTurbo":22278,"Ġlust":22279,"Ġappealed":22280,"quez":22281,"ilib":22282,"ĠTimothy":22283,"Ġomn":22284,"dro":22285,"Ġobsession":22286,"ĠSavage":22287,"1996":22288,"Global":22289,"Jes":22290,"214":22291,"Ġsliding":22292,"Ġdisappro":22293,"ĠMagical":22294,"Ġvoluntarily":22295,"gb":22296,"aney":22297,"Ġprophet":22298,"ĠRein":22299,"ĠJulia":22300,"ĠWorth":22301,"aurus":22302,"Ġbounds":22303,"ieu":22304,")))":22305,"Ġcrore":22306,"ĠCitizen":22307,"Sky":22308,"Ġcolumnist":22309,"Ġseekers":22310,"ondo":22311,"ISA":22312,"ĠLength":22313,"Ġnostalg":22314,"Ġnewcom":22315,"Ġdetrim":22316,"entric":22317,"375":22318,"ĠGE":22319,"Ġautop":22320,"Ġacademics":22321,"AppData":22322,"ĠShen":22323,"Ġidiot":22324,"ĠTransit":22325,"Ġteaspoon":22326,"Wil":22327,"KO":22328,"ĠComedy":22329,">,":22330,"Ġpopulated":22331,"WD":22332,"Ġpigs":22333,"ĠOculus":22334,"Ġsympathetic":22335,"Ġmarathon":22336,"198":22337,"Ġseizure":22338,"sided":22339,"Ġdop":22340,"irtual":22341,"Land":22342,"ĠFloor":22343,"osaurs":22344,"...]":22345,"Ġlos":22346,"Ġsubsidiary":22347,"EY":22348,"ĠParts":22349,"ĠStef":22350,"ĠJudiciary":22351,"Ġ134":22352,"Ġmirrors":22353,"Ġket":22354,"times":22355,"Ġneurolog":22356,"Ġcav":22357,"ĠGuest":22358,"Ġtumor":22359,"scill":22360,"ĠLloyd":22361,"Est":22362,"Ġclearer":22363,"Ġstereotypes":22364,"Ġdur":22365,"nothing":22366,"Reddit":22367,"Ġnegotiated":22368,"------------------------":22369,"235":22370,"Ġflown":22371,"ĠSeoul":22372,"ĠResident":22373,"ĠSCH":22374,"Ġdisappearance":22375,"ĠVince":22376,"grown":22377,"Ġgrabs":22378,"ril":22379,"ĠInfinite":22380,"ĠTwenty":22381,"Ġpedestrian":22382,"Ġjersey":22383,"ĠFur":22384,"ĠInfinity":22385,"ĠElliott":22386,"Ġmentor":22387,"Ġmorally":22388,"Ġobey":22389,"secure":22390,"iffe":22391,"Ġantibiotics":22392,"angled":22393,"ĠFreeman":22394,"ĠIntroduction":22395,"Jun":22396,"Ġmarsh":22397,"icans":22398,"ĠEVENTS":22399,"ochond":22400,"Wall":22401,"iculty":22402,"Ġmisdemeanor":22403,"Ġly":22404,"Thomas":22405,"ĠResolution":22406,"Ġanimations":22407,"ĠDry":22408,"Ġintercourse":22409,"ĠNewcastle":22410,"ĠHog":22411,"ĠEquipment":22412,"177":22413,"Ġterritorial":22414,"Ġarchives":22415,"203":22416,"Filter":22417,"ĠMunich":22418,"Ġcommanded":22419,"ĠWand":22420,"Ġpitches":22421,"ĠCroat":22422,"Ġratios":22423,"ĠMits":22424,"Ġaccumulated":22425,"ĠSpecifically":22426,"Ġgentleman":22427,"acerb":22428,"Ġpenn":22429,"Ġaka":22430,"ĠFuk":22431,"Ġintervene":22432,"ĠRefuge":22433,"ĠAlzheimer":22434,"Ġsuccession":22435,"ohan":22436,"does":22437,"Lord":22438,"Ġseparat":22439,"Ġcorrespondence":22440,"Ġshiny":22441,"Prior":22442,"Ġsulf":22443,"Ġmiserable":22444,"Ġdedication":22445,"().":22446,"Ġspecialists":22447,"Ġdefects":22448,"ĠCult":22449,"ĠXia":22450,"Ġjeopard":22451,"ĠOre":22452,"Ability":22453,"Ġlear":22454,"Ġambitions":22455,"ĠBMI":22456,"ĠArabs":22457,"Ġ1942":22458,"Ġpreservation":22459,"ificate":22460,"Ġashamed":22461,"loss":22462,"ĠRestaur":22463,"Ġresemble":22464,"Ġenrich":22465,"ĠKN":22466,"ĠClan":22467,"float":22468,"Ġplayable":22469,"ITT":22470,"Ġharmony":22471,"arrison":22472,"ĠWeinstein":22473,"were":22474,"Ġpoisoning":22475,"ĠComput":22476,"ĠWordPress":22477,"major":22478,"ĠValve":22479,"Fan":22480,"ĠThrow":22481,"ĠRomans":22482,"ĠDepression":22483,"ados":22484,"Ġtortured":22485,"Ġbalancing":22486,"bottom":22487,"Ġacquiring":22488,"ĠMonte":22489,"ardi":22490,"Ġaura":22491,"Ġ##":22492,"ĠStanding":22493,"ĠAtlas":22494,"CF":22495,"Ġintrins":22496,"ĠBenghazi":22497,"Ġcamping":22498,"Ġtapped":22499,"blade":22500,"strous":22501,"ĠRabb":22502,"ĠWritten":22503,"tip":22504,"ĠNeigh":22505,"sterdam":22506,"ĠAllow":22507,"ĠHealing":22508,"ĠRhod":22509,"num":22510,"Ġcaffeine":22511,"ĠPercent":22512,"Ġboo":22513,"Ġapples":22514,"305":22515,"Ġwelcoming":22516,"Ġapplaud":22517,"Ġausterity":22518,"±":22519,"ĠReality":22520,"efe":22521,"å®":22522,"Ġsucks":22523,"Ġtabs":22524,"ĠPayPal":22525,"Ġbackpack":22526,"Ġgifted":22527,"abulary":22528,"ĠScout":22529,"irteen":22530,"Ġchin":22531,"Ġomitted":22532,"Ġnegatively":22533,"Ġaccessing":22534,"ĠEarn":22535,"Ġambulance":22536,"Ġheadphones":22537,"Ġ205":22538,"ĠRefresh":22539,"president":22540,"ĠKitchen":22541,"ĠEntered":22542,"ĠSnyder":22543,"005":22544,"omical":22545,"Ġborrowed":22546,"ĠNem":22547,"Ġaviation":22548,"Ġstall":22549,"rimination":22550,"Ġuniforms":22551,"itime":22552,"ĠSimmons":22553,"energy":22554,"ablished":22555,"yy":22556,"qualified":22557,"Ġrallies":22558,"ĠStuart":22559,"flight":22560,"Ġgangs":22561,"rag":22562,"Ġvault":22563,"lux":22564,"ĠCompar":22565,"Ġdesignation":22566,"209":22567,"ĠJos":22568,"dollar":22569,"zero":22570,"Ġwells":22571,"303":22572,"Ġconstituents":22573,"Ġheck":22574,"Ġcows":22575,"Ġcommanders":22576,"Ġdifferential":22577,"ĠCatherine":22578,"299":22579,"Ġvalve":22580,"Ġbrace":22581,"Ġperspectives":22582,"cert":22583,"fact":22584,"icularly":22585,"ĠMcN":22586,"planes":22587,"Ġintric":22588,"Ġpeas":22589,"ovan":22590,"Ġtossed":22591,"retch":22592,"ĠLopez":22593,"Ġunfamiliar":22594,"death":22595,"ĠApart":22596,"ĠChang":22597,"Ġrelieved":22598,"rophe":22599,"Ġairports":22600,"Ġfreak":22601,"util":22602,"Mill":22603,"ĠChin":22604,"ĠOwen":22605,"male":22606,"ĠBroken":22607,"ĠWinds":22608,"rob":22609,"rising":22610,"Ġfirefighters":22611,"Ġauthoritarian":22612,"Ġ148":22613,"Bitcoin":22614,"external":22615,"Ġbrowsers":22616,"ichever":22617,"orian":22618,"Ġunb":22619,"Ġpoke":22620,"ĠZot":22621,"Mid":22622,"ĠPopular":22623,"Ġcovert":22624,"Ġcontributes":22625,"Ġ650":22626,"Ġcontention":22627,"Gate":22628,"Ġconsoles":22629,"Ġchromos":22630,"ĠIX":22631,"Ġvisually":22632,"ĠEisen":22633,"Ġjewelry":22634,"Ġdelegation":22635,"Ġaccelerate":22636,"ĠRiley":22637,"Ġslope":22638,"Ġindoor":22639,"itially":22640,"Ġhugely":22641,"Ġtunnels":22642,"Ġfined":22643,"Ġdirective":22644,"Ġforehead":22645,"ustomed":22646,"Ġskate":22647,"Music":22648,"gas":22649,"Ġrecognizing":22650,"ambo":22651,"Ġoverweight":22652,"ĠGrade":22653,"ÙĬ":22654,"Ġsounding":22655,"Ġlocking":22656,"ĠREM":22657,"Store":22658,"Ġexcav":22659,"ĠLikewise":22660,"ĠLights":22661,"Ġelbow":22662,"ĠSupply":22663,"wic":22664,"Ġhandsome":22665,"1994":22666,"Coll":22667,"Ġadequately":22668,"ĠAssociate":22669,"Ġstrips":22670,"Ġcrackdown":22671,"Ġmarvel":22672,"ĠKun":22673,"Ġpassages":22674,"@@@@":22675,"ĠTall":22676,"Ġthoughtful":22677,"namese":22678,"Ġprostitution":22679,"business":22680,"Ġballistic":22681,"personal":22682,"cig":22683,"izational":22684,"Round":22685,"ĠÂłĠÂłĠÂłĠÂł":22686,"ĠColeman":22687,"Ġadmitting":22688,"ĠPlug":22689,"Ġbitcoins":22690,"ĠSuz":22691,"Ġfairness":22692,"Ġsupplier":22693,"Ġcatastrophic":22694,"ĠHelen":22695,"oqu":22696,"Marc":22697,"ĠArticles":22698,"gie":22699,"Ġendangered":22700,"Ġdestiny":22701,"ĠVolt":22702,"olia":22703,"axis":22704,"Ġcheat":22705,"Ġunified":22706,"ICO":22707,"quote":22708,"302":22709,"ĠSed":22710,"Ġsuppression":22711,"Ġanalyzing":22712,"Ġsquat":22713,"Ġfiguring":22714,"Ġcoordinates":22715,"Ġchunks":22716,"Ġ1946":22717,"Ġsubp":22718,"Ġwiki":22719,"ĠForbes":22720,"ĠJupiter":22721,"ĠErik":22722,"imer":22723,"ĠCommercial":22724,"\\)":22725,"Ġlegitimacy":22726,"Ġdental":22727,"ĠMean":22728,"Ġdeficits":22729,"550":22730,"Originally":22731,"ĠHorror":22732,"Ġcontamination":22733,"llah":22734,"Ġconfisc":22735,"ĠClare":22736,"TB":22737,"ĠFailed":22738,"aned":22739,"Ġruler":22740,"ĠController":22741,"Ġfeminists":22742,"Fix":22743,"gay":22744,"207":22745,"Ġrabbit":22746,"Third":22747,"owntown":22748,"Ġglue":22749,"Ġvolatile":22750,"Ġshining":22751,"Ġfoll":22752,"Ġimpaired":22753,"Ġsupers":22754,"æĪ":22755,"Ġclutch":22756,"ļéĨĴ":22757,"Ġprolet":22758,"Ġ(!":22759,"Ġyelled":22760,"ĠKiev":22761,"ĠErn":22762,"ĠShock":22763,"KB":22764,"Ġsituated":22765,"query":22766,"ĠNas":22767,"Ġannex":22768,"character":22769,"ĠHoliday":22770,"Ġautomation":22771,"ĠJill":22772,"ĠRemastered":22773,"Ġlinem":22774,"Ġwilderness":22775,"ĠHorizon":22776,"ĠGuinea":22777,"AZ":22778,"Ġmainland":22779,"Ġsecrecy":22780,"LEASE":22781,"Ġpunk":22782,"ĠProvince":22783,"(),":22784,"Speed":22785,"Ġhanding":22786,"ĠSebast":22787,"Sir":22788,"rase":22789,"Ġjournals":22790,"Ġcongest":22791,"ĠTut":22792,"irrel":22793,"Ġschizophrenia":22794,"Ġmisogyn":22795,"healthy":22796,"Iron":22797,"Ġreacted":22798,"-$":22799,"252":22800,"Ġplural":22801,"Ġplum":22802,"Ġbargain":22803,"Ġgrounded":22804,"finder":22805,"Ġdisse":22806,"ĠLaz":22807,"OOD":22808,"Ġatroc":22809,"Factory":22810,"Ġminions":22811,"Ġori":22812,"ĠBrave":22813,"ĠPRE":22814,"ĠMyanmar":22815,"ĠHod":22816,"Ġexpedition":22817,"Ġexplode":22818,"ĠCoord":22819,"Ġextr":22820,"ĠBrief":22821,"ĠADHD":22822,"Ġhardcore":22823,"feeding":22824,"Ġdile":22825,"ĠFruit":22826,"Ġvaccination":22827,"ĠMao":22828,"osphere":22829,"Ġcontests":22830,"-|":22831,"Ġfren":22832,"isphere":22833,"Rom":22834,"ĠSharp":22835,"ĠTrend":22836,"Ġdisconnect":22837,"âĢ¢âĢ¢":22838,"Ġpersecution":22839,"Earth":22840,"Ġhealthier":22841,"384":22842,"Ġcob":22843,"ĠTrinity":22844,"OWS":22845,"ANN":22846,"Ġspecialty":22847,"Ġgru":22848,"Ġcooperative":22849,"why":22850,"Starting":22851,"ĠIssues":22852,"stre":22853,"ensor":22854,"Ġ185":22855,"Adv":22856,"!?":22857,"ĠRevel":22858,"emia":22859,"ĠHulk":22860,"Ġcelebrations":22861,"ĠSou":22862,"raud":22863,"ĠKlein":22864,"Ġunreal":22865,"context":22866,"Ġpartnerships":22867,"Ġadopting":22868,"tical":22869,"Ġsplash":22870,"ĠHezbollah":22871,"category":22872,"cyclop":22873,"xton":22874,"ĠDot":22875,"urdy":22876,"tz":22877,"Ġenvelope":22878,"ĠNL":22879,"âķ":22880,"Ġwherein":22881,"Spec":22882,"184":22883,"Ġtelev":22884,"aliation":22885,"Ġmyths":22886,"å°":22887,"Ġrigorous":22888,"Ġcommunicating":22889,"Ġobserver":22890,"Ġrehe":22891,"ĠWash":22892,"Ġapologized":22893,"ĠTin":22894,"Ġexpenditures":22895,"workers":22896,"document":22897,"Ġhesitate":22898,"ĠLenin":22899,"Ġunpredictable":22900,"Ġrenewal":22901,"cler":22902,"okia":22903,"ĠCONT":22904,"Ġpostseason":22905,"Tokens":22906,"Ġexacerb":22907,"Ġbetting":22908,"Ġ147":22909,"Ġelevation":22910,"Wood":22911,"ĠSolomon":22912,"194":22913,"004":22914,"output":22915,"Ġredund":22916,"ĠMumbai":22917,"ĠpH":22918,"Ġreproduce":22919,"ĠDuration":22920,"MAX":22921,"Ġbog":22922,"CBS":22923,"ĠBalance":22924,"ĠSgt":22925,"ĠRecent":22926,"Ġcd":22927,"Ġpopped":22928,"Ġincompet":22929,"prop":22930,"ayan":22931,"guy":22932,"Pacific":22933,"Ġtyr":22934,"Ġ{{":22935,"ĠMystic":22936,"ĠDana":22937,"Ġmasturb":22938,"Ġgeometry":22939,"â":22940,"ĠCorrect":22941,"Ġtrajectory":22942,"Ġdistracted":22943,"Ġfoo":22944,"ĠWelsh":22945,"Luc":22946,"mith":22947,"Ġrugby":22948,"Ġrespiratory":22949,"Ġtriangle":22950,"Ġ215":22951,"Ġundergraduate":22952,"ĠSuperior":22953,"changing":22954,"_-":22955,"Ġrightly":22956,"Ġreferee":22957,"Ġlucrative":22958,"Ġunauthorized":22959,"Ġresembles":22960,"ĠGNU":22961,"ĠDerby":22962,"Ġpathways":22963,"ĠLed":22964,"Ġendurance":22965,"Ġstint":22966,"Ġcollector":22967,"Fast":22968,"Ġdots":22969,"Ġnationals":22970,"ĠSecurities":22971,"Ġwhip":22972,"Param":22973,"Ġlearns":22974,"Magic":22975,"Ġdetailing":22976,"moon":22977,"Ġbroadcasting":22978,"Ġbaked":22979,"265":22980,"holm":22981,"ĠSah":22982,"ĠHussein":22983,"ĠCourtesy":22984,"174":22985,"Ġ146":22986,"Ġgeographic":22987,"peace":22988,"Ġjudging":22989,"ĠStern":22990,"Bur":22991,"Ġstoryline":22992,"Gun":22993,"ĠStick":22994,"245":22995,"307":22996,"ãĤ´ãĥ³":22997,"ĠAdministrator":22998,"Ġburnt":22999,"Ġpave":23000,"choes":23001,"Exec":23002,"Ġcampuses":23003,"Result":23004,"Ġmutations":23005,"ĠCharter":23006,"Ġcaptures":23007,"Ġcompares":23008,"Ġbadge":23009,"Scient":23010,"Ġerad":23011,"iery":23012,"oi":23013,"ettes":23014,"ĠEstate":23015,"Ġstrap":23016,"Ġproudly":23017,"Ġfried":23018,"Ġwithdrawn":23019,"ĠVoy":23020,"phony":23021,"Items":23022,"ĠPierce":23023,"bard":23024,"Ġannotation":23025,"anton":23026,"illon":23027,"Impro":23028,"...)":23029,"Ġhappier":23030,"------":23031,"adjust":23032,"Ġstaffers":23033,"Ġactivism":23034,"Ġperf":23035,"Ġalright":23036,"Need":23037,"Ġcommence":23038,"Ġopioid":23039,"ĠAmanda":23040,"Es":23041,"ĠPars":23042,"ĠKaw":23043,"Works":23044,"248":23045,"Ġindo":23046,"tc":23047,"endant":23048,"ĠMoto":23049,"Ġlegalization":23050,"OTE":23051,"Ġtasked":23052,"Ġtsp":23053,"ĠACTIONS":23054,"166":23055,"Ġrefreshing":23056,"ĠNR":23057,"ĠPerez":23058,"Ġinfringement":23059,"SY":23060,"Listen":23061,"inning":23062,"ku":23063,"Ġrotate":23064,"program":23065,"arah":23066,"Design":23067,"Ġ(£":23068,"Ġstoring":23069,"Ġwarrants":23070,"Ġjudgement":23071,"ĠBrist":23072,"usually":23073,"photo":23074,"ĠRan":23075,"ĠPine":23076,"Ġoutrageous":23077,"ĠValentine":23078,"luence":23079,"ĠEverybody":23080,"Altern":23081,"Ġrelevance":23082,"Ġterminated":23083,"Ġdessert":23084,"Ġfulfilled":23085,"Ġprosecuted":23086,"ĠWords":23087,"Ġmigrant":23088,"Ġcultivation":23089,"ÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤ":23090,"idelity":23091,"ĠVern":23092,"ĠLogin":23093,"Ġmetaphor":23094,"ĠTip":23095,"Ġrecruits":23096,"ĠPig":23097,"ribing":23098,"Ġenthusiasts":23099,"exper":23100,"Ġfrightening":23101,"ĠHair":23102,"anson":23103,"strate":23104,"Ġhi":23105,"Height":23106,"Ġowning":23107,"none":23108,"Ġdislike":23109,"Ġknives":23110,"pherd":23111,"Ġloudly":23112,"ĠAPIs":23113,"Display":23114,"ĠLac":23115,"ĠUSS":23116,"abl":23117,"verages":23118,"Jew":23119,"Ġ172":23120,"ĠHistorical":23121,"atoon":23122,"ĠPhysics":23123,"intern":23124,"Ġwarmth":23125,"Ġtopp":23126,"DM":23127,"Ġgunman":23128,"Ġemperor":23129,"odi":23130,"ãĥ£":23131,"inatory":23132,"ĠRib":23133,"Ġ131":23134,"ĠSaturn":23135,"ĠShining":23136,"Ġwaking":23137,"Quotes":23138,"Ġcomedian":23139,"enberg":23140,"½":23141,"Ġbelievers":23142,"Ġpaperwork":23143,"custom":23144,"Ġlev":23145,"Ġlament":23146,"Ġpouring":23147,"222":23148,"political":23149,"ĠSupplement":23150,"maid":23151,"Ġcruelty":23152,"Ġtread":23153,"ysics":23154,"Aw":23155,"rites":23156,"Ġmodifier":23157,"ĠPosition":23158,"Adam":23159,"lb":23160,"ubs":23161,"Ġimperfect":23162,"Ġclusters":23163,"ĠEngineer":23164,"ĠCherry":23165,"Ġinauguration":23166,"ĠSau":23167,"Ġembodiment":23168,"ĠUncle":23169,"Ġoverr":23170,"Ġexplosions":23171,"cule":23172,"ĠPrinceton":23173,"ĠAndrea":23174,"Ġincorrectly":23175,"Ġearnest":23176,"Ġpilgr":23177,"ĠSprint":23178,"Ġsleeve":23179,"Ġhears":23180,"ĠAmazing":23181,"Ġbrowsing":23182,"agin":23183,"Ġhomeland":23184,"Ġhaw":23185,"Ġdiving":23186,"istered":23187,"178":23188,"Ġbargaining":23189,"ĠArcade":23190,"Ġdelegate":23191,"terson":23192,"................................................................":23193,"ĠJacksonville":23194,"275":23195,"Ġstagn":23196,"Ġadam":23197,"ĠSherman":23198,"CB":23199,"Ġsuburb":23200,"ĠFoods":23201,"Ġconverting":23202,"ĠArist":23203,"Ġchambers":23204,"love":23205,"Ġamino":23206,"ĠGan":23207,"Ġmadness":23208,"mc":23209,"ĠUSE":23210,"defined":23211,"Ġultr":23212,"indust":23213,"Ġwolves":23214,"lance":23215,"Additionally":23216,"Ġcracks":23217,"asia":23218,"ĠReason":23219,"ĠPump":23220,"Ġaccidental":23221,"ĠLaser":23222,"ĠRid":23223,"Ġinitialized":23224,"elli":23225,"Ġunnamed":23226,"Ġnoun":23227,"ĠPassed":23228,"Ġhostage":23229,"ĠEthiop":23230,"shirts":23231,"Ġunrel":23232,"ĠEmbassy":23233,"Ġ1941":23234,"Ġatoms":23235,"Ġpurported":23236,"164":23237,"ĠFi":23238,"Ġgallons":23239,"ĠMonica":23240,"Ġpg":23241,"enment":23242,"Ġsorted":23243,"ĠGospel":23244,"Ġheights":23245,"Ġtraced":23246,"Ġundergoing":23247,"Shell":23248,"Ġsacks":23249,"Ġproportions":23250,"Ġhalluc":23251,"Font":23252,"acet":23253,"Ġwarmer":23254,"ĠINTER":23255,"Ġgrabbing":23256,"Plug":23257,"Ġrealization":23258,"ĠBurke":23259,"Ġenchant":23260,"ATER":23261,"ĠSeed":23262,"Ġabundant":23263,"FM":23264,"Ġcivic":23265,"Vs":23266,"isi":23267,"Ġvow":23268,"Ġreper":23269,"ĠPartnership":23270,"Ġpenetration":23271,"Ġaxe":23272,"Ġshattered":23273,"ĠZombies":23274,"Ġvinyl":23275,"ĠAlert":23276,"eon":23277,"Ġobliged":23278,"ĠIllust":23279,"ĠPlaza":23280,"ĠFrontier":23281,"Ġdavidjl":23282,"ĠSerial":23283,"ĠHav":23284,"ĠNutrition":23285,"Bi":23286,"ĠâĸĪ":23287,"ĠJays":23288,"linux":23289,"Ġhurry":23290,"Ġvoy":23291,"Ġhopeless":23292,"ĠStealth":23293,"Ġãģ":23294,"essors":23295,"ttle":23296,"borg":23297,"ĠSafari":23298,"fell":23299,"Ġwary":23300,"due":23301,"ĠAbove":23302,"Ha":23303,"ELL":23304,"Ġnotor":23305,"ĠWon":23306,"Too":23307,"Ġoccupations":23308,"Ġpossessions":23309,"Ġinviting":23310,"Ġpredators":23311,"Ġaccelerated":23312,"Ġ157":23313,"uterte":23314,"ĠCube":23315,"east":23316,"account":23317,"Give":23318,"Ġtransplant":23319,"redients":23320,"idable":23321,"Ġscreenshots":23322,"ĠGund":23323,"ĠFS":23324,"Ġtravelers":23325,"Ġsensory":23326,"ĠFiat":23327,"ĠRockets":23328,"İĭ":23329,"_{":23330,"Friend":23331,"Ġcharming":23332,"ALS":23333,"Ġenjoyment":23334,"mph":23335,"Ġ5000":23336,"ĠREG":23337,"ÙĨ":23338,"bia":23339,"Ġcompilation":23340,"rost":23341,"ĠVP":23342,"ĠSchne":23343,"2019":23344,"Ġcopying":23345,"MORE":23346,"ĠFlore":23347,"falls":23348,"215":23349,"total":23350,"Ġdisciples":23351,"double":23352,"Ġexceeding":23353,"Ġsmashed":23354,"Ġconceptual":23355,"ĠRomania":23356,"ĠBrent":23357,"ĠICE":23358,"ĠTou":23359,"Ġgrap":23360,"Ġnails":23361,"189":23362,"ãĥĺ":23363,"Ġprocure":23364,"eur":23365,"Ġconfirming":23366,"ĠCec":23367,"awi":23368,"ĠEden":23369,"Ġng":23370,"Ġengineered":23371,"atics":23372,"Ġhooked":23373,"Ġdisgusting":23374,"ĠMurder":23375,"ãĤ¿":23376,"Library":23377,"Ġ168":23378,"Almost":23379,"hematic":23380,"Menu":23381,"ĠNotre":23382,"ĠJur":23383,"Ġkidnapped":23384,"Ġhacker":23385,"ĠJade":23386,"Ġcreepy":23387,"Ġdrawings":23388,"ĠSponsor":23389,"Ġcyclists":23390,"ĠGoblin":23391,"Ġoptimized":23392,"Ġstaged":23393,"ĠMcD":23394,"between":23395,"Age":23396,"eno":23397,"Sex":23398,"ĠWide":23399,"nings":23400,"avis":23401,"Ġincapable":23402,"ĠKob":23403,"Ġrewarding":23404,"ĠLone":23405,"olescent":23406,"Ġcontracted":23407,"Ġsticky":23408,"Jose":23409,"Ball":23410,"fest":23411,"ĠInput":23412,"ĠRecently":23413,"Ġtomat":23414,"square":23415,"Application":23416,"Ġnitrogen":23417,"Ġduplicate":23418,"ĠRecon":23419,"ĠDear":23420,"London":23421,"Ġintra":23422,"Ġdock":23423,"Ġoutreach":23424,"ĠMillion":23425,"Ġmammals":23426,"ampton":23427,"VAL":23428,"Ġsnaps":23429,"Ġdos":23430,"ĠWhole":23431,"ĠReady":23432,"Try":23433,"ĠWinnipeg":23434,"earance":23435,"Ġincurred":23436,"renched":23437,"ĠNSW":23438,"ilot":23439,"raine":23440,"Ġcube":23441,"got":23442,"Ġrunway":23443,"etermined":23444,"ĠHawks":23445,"Ġsurvivor":23446,"ĠWish":23447,"ĠDin":23448,"ĠDEF":23449,"ĠVault":23450,"187":23451,"Ġmushrooms":23452,"Ġcrisp":23453,"bey":23454,"ĠDiscovery":23455,"Ġdevelopmental":23456,"Ġparadigm":23457,"Ġchaotic":23458,"ĠTsu":23459,"Ġ333":23460,"bons":23461,"Ġbacterial":23462,"Ġcommits":23463,"Ġcosmic":23464,"Ġmega":23465,"ocative":23466,"ĠPaint":23467,"ophobic":23468,"Ġvain":23469,"Ġcarved":23470,"ĠThief":23471,"ĠGul":23472,"owship":23473,"Ġcites":23474,"ĠEdinburgh":23475,"Ġdiminished":23476,"Ġacknowledges":23477,"ĠKills":23478,"Ġmicrow":23479,"ĠHera":23480,"Ġseniors":23481,"Ġwhereby":23482,"Hop":23483,"atron":23484,"Ġunavailable":23485,"ĠNate":23486,"Ġ480":23487,"Ġslated":23488,"ĠRebecca":23489,"ĠBattery":23490,"Ġgrammar":23491,"Ġheadset":23492,"Ġcursor":23493,"Ġexcluding":23494,"anye":23495,"aundering":23496,"ebin":23497,"Ġfeasible":23498,"ĠPublishing":23499,"ĠLabs":23500,"ĠCliff":23501,"ĠFerrari":23502,"Ġpac":23503,"visible":23504,"marked":23505,"pell":23506,"Ġpolite":23507,"Ġstaggering":23508,"ĠGalactic":23509,"Ġsuperst":23510,"Ġparan":23511,"ĠOfficers":23512,"ãĢģ":23513,"Ġspecifics":23514,"ulus":23515,"239":23516,"ĠPaste":23517,"AMP":23518,"ĠPanama":23519,"ĠDelete":23520,"anguard":23521,"restrial":23522,"Ġheroic":23523,"ĠDy":23524,"اÙĦ":23525,"Ġincumbent":23526,"Ġcrunch":23527,"tro":23528,"Ġscoop":23529,"Ġblogger":23530,"Ġsellers":23531,"uren":23532,"Ġmedicines":23533,"ĠCaps":23534,"ĠAnimation":23535,"oxy":23536,"Ġoutward":23537,"Ġinquiries":23538,"229":23539,"Ġpsychologist":23540,"ĠSask":23541,"evil":23542,"Ġcontaminated":23543,"ãĤ¨":23544,"herence":23545,"Ġbranded":23546,"ĠAbdul":23547,"zh":23548,"Ġparagraphs":23549,"Ġmins":23550,"Ġcorrelated":23551,"erb":23552,"Ġimpart":23553,"Ġmilestone":23554,"ĠSolutions":23555,"otle":23556,"Ġundercover":23557,"Ġmarched":23558,"ĠChargers":23559,"fax":23560,"ĠSecrets":23561,"Ġruth":23562,"weather":23563,"Ġfeminine":23564,"Ġsham":23565,"Ġprestigious":23566,"iggins":23567,"Ġsung":23568,"history":23569,"ettle":23570,"ggie":23571,"Ġoutdated":23572,"oland":23573,"Ġperceptions":23574,"ĠSession":23575,"ĠDodgers":23576,"uj":23577,"ĠEND":23578,"Doc":23579,"Ġdeficiency":23580,"Grand":23581,"ĠJoker":23582,"Ġretrospect":23583,"Ġdiagnostic":23584,"Ġharmless":23585,"Ġrogue":23586,"ĠAval":23587,"Equ":23588,"Ġtransc":23589,"ĠRobertson":23590,"ĠDepending":23591,"ĠBurns":23592,"ivo":23593,"Ġhostility":23594,"Features":23595,"ĵĺ":23596,"Ġdiscomfort":23597,"ĠLCD":23598,"specified":23599,"ĠExpect":23600,"340":23601,"Ġimperative":23602,"ĠRegular":23603,"Chinese":23604,"Ġstatewide":23605,"Ġsymm":23606,"Ġloops":23607,"Ġautumn":23608,"Nick":23609,"Ġshaping":23610,"Ġquot":23611,"Ġcherry":23612,"ĠCrossref":23613,"è¦ļéĨĴ":23614,"Standard":23615,"heed":23616,"ĠDell":23617,"ĠVietnamese":23618,"Ġost":23619,"ĠValkyrie":23620,"OA":23621,"Assad":23622,"Ġrebound":23623,"ĠTraffic":23624,"places":23625,"æĺ":23626,"ĠBuc":23627,"172":23628,"Ġshelters":23629,"Ġinsisting":23630,"ĠCertainly":23631,"ĠKenneth":23632,"ĠTCP":23633,"Ġpenal":23634,"ĠReplay":23635,"heard":23636,"Ġdialect":23637,"iza":23638,"ĠFY":23639,"itcher":23640,"ĠDL":23641,"Ġspiral":23642,"Ġquarterbacks":23643,"Ġhull":23644,"Ġgoogle":23645,"Ġtodd":23646,"ĠSterling":23647,"ĠPlate":23648,"Ġspying":23649,"mbol":23650,"ĠRealm":23651,"ĠProced":23652,"ĠCrash":23653,"Ġterminate":23654,"Ġprotesting":23655,"Center":23656,"guided":23657,"Ġuncover":23658,"Ġboycott":23659,"Ġrealizes":23660,"sound":23661,"Ġpretending":23662,"ĠVas":23663,"1980":23664,"Ġframed":23665,"Ġ139":23666,"Ġdescended":23667,"Ġrehabilitation":23668,"Ġborrowing":23669,"ĠBuch":23670,"Ġblur":23671,"Ron":23672,"ĠFrozen":23673,"enza":23674,"Chief":23675,"ĠPoor":23676,"Ġtranslates":23677,"MIN":23678,"Ġ212":23679,"JECT":23680,"Ġerupted":23681,"Ġsuccesses":23682,"SEC":23683,"Ġplague":23684,"Ġgems":23685,"doms":23686,"Ġstretches":23687,"ĠSpy":23688,"Ġstorytelling":23689,"Credit":23690,"ĠPush":23691,"Ġtraction":23692,"Ġineffective":23693,"ĠLuna":23694,"Ġtapes":23695,"Ġanalytics":23696,"ercise":23697,"Ġprogrammes":23698,"ĠCarbon":23699,"Ġbehold":23700,"heavy":23701,"ĠConservation":23702,"ĠFIR":23703,"Ġsack":23704,"termin":23705,"ricks":23706,"Ġhoused":23707,"Ġunusually":23708,"Ice":23709,"Ġexecuting":23710,"ĠMoroc":23711,"eday":23712,"Ġeditions":23713,"Ġsmarter":23714,"ĠBA":23715,"Ġoutlaw":23716,"Ġvanished":23717,"iba":23718,"ALSE":23719,"ĠSilva":23720,"238":23721,"Could":23722,"Ġphilosopher":23723,"Ġevacuated":23724,"Secret":23725,"142":23726,"Ġvisas":23727,"ãĤ¬":23728,"ĠMalt":23729,"ĠClearly":23730,"ĠNiger":23731,"ĠCairo":23732,"ĠFist":23733,"380":23734,"ĠXML":23735,"auto":23736,"itant":23737,"Ġreinforced":23738,"Record":23739,"ĠSurvivor":23740,"GHz":23741,"Ġscrews":23742,"parents":23743,"Ġoceans":23744,"mares":23745,"Ġbrakes":23746,"vasive":23747,"Ġhello":23748,"ĠSIM":23749,"rimp":23750,"Ġore":23751,"ĠArmour":23752,"247":23753,"Ġterrific":23754,"Ġtones":23755,"141":23756,"ĠMinutes":23757,"Episode":23758,"Ġcurves":23759,"Ġinflammatory":23760,"Ġbatting":23761,"ĠBeautiful":23762,"Lay":23763,"Ġunpop":23764,"vable":23765,"Ġriots":23766,"ĠTactics":23767,"baugh":23768,"ĠCock":23769,"Ġorgasm":23770,"ĠSas":23771,"Ġconstructor":23772,"etz":23773,"Gov":23774,"Ġantagon":23775,"Ġtheat":23776,"Ġdeeds":23777,"hao":23778,"cuts":23779,"ĠMcCl":23780,"Ġum":23781,"ĠScientists":23782,"Ġgrassroots":23783,"yssey":23784,"\"]=>":23785,"Ġsurfaced":23786,"Ġshades":23787,"Ġneighbours":23788,"Ġadvertis":23789,"oya":23790,"Ġmerged":23791,"Upon":23792,"Ġgad":23793,"Ġanticipate":23794,"Anyway":23795,"Ġslogan":23796,"Ġdisrespect":23797,"Iran":23798,"ĠTB":23799,"acted":23800,"Ġsubpoen":23801,"mediately":23802,"OOOO":23803,"Ġwaiver":23804,"Ġvulnerabilities":23805,"ottesville":23806,"ĠHuffington":23807,"Josh":23808,"ĠDH":23809,"Monday":23810,"ĠEllen":23811,"Know":23812,"xon":23813,"items":23814,"228":23815,"Ġfills":23816,"ĠNike":23817,"Ġcumulative":23818,"andals":23819,"Ir":23820,"Ġì":23821,"Ġfriction":23822,"igator":23823,"Ġscans":23824,"ĠVienna":23825,"ldom":23826,"Ġperformers":23827,"Prim":23828,"Ġbidding":23829,"Mur":23830,"Ġleaned":23831,"ĠPrix":23832,"alks":23833,"Ġ[âĢ¦]":23834,"ĠTwitch":23835,"ĠDeveloper":23836,"ĠGir":23837,"Ġcallback":23838,"Abstract":23839,"Ġaccustomed":23840,"Ġfreedoms":23841,"ĠPG":23842,"uracy":23843,"Ġlump":23844,"isman":23845,",,,,":23846,"1992":23847,"ĠRED":23848,"Ġworm":23849,"Match":23850,"ĠPlatinum":23851,"IJ":23852,"ĠOwner":23853,"Trivia":23854,"compl":23855,"Ġnewborn":23856,"Ġfantas":23857,"Own":23858,"Ġ1959":23859,"Ġsympath":23860,"Ġubiqu":23861,"Ġoutputs":23862,"Ġallev":23863,"Ġprag":23864,"Kevin":23865,"Ġfavors":23866,"Ġburial":23867,"Ġnurt":23868,"solete":23869,"cache":23870,"Ġ156":23871,"Ġunlocks":23872,"techn":23873,"Making":23874,"Ġconquer":23875,"adic":23876,"æĸ":23877,"Ġelf":23878,"Ġelectorate":23879,"ĠKurds":23880,"ĠStack":23881,"ĠSamurai":23882,"Ġâĺħ":23883,"Ġ{}":23884,"ĠSaid":23885,"ĠFallout":23886,"Ġkindness":23887,"ĠCustoms":23888,"ĠBoulevard":23889,"Ġhelicopters":23890,"otics":23891,"ĠVeget":23892,"comment":23893,"Ġcriticised":23894,"Ġpolished":23895,"ĠRemix":23896,"ĠCultural":23897,"Ġrecons":23898,"Ġdoi":23899,"atem":23900,"Screen":23901,"Ġbarred":23902,"Comments":23903,"ĠGenerally":23904,"Ġslap":23905,"720":23906,"Vari":23907,"pine":23908,"Ġempt":23909,"Ġhats":23910,"ĠPlaying":23911,"lab":23912,"average":23913,"forms":23914,"ĠCotton":23915,"Ġcans":23916,"ĠDON":23917,"ĠSomalia":23918,"Crypt":23919,"ĠIncreases":23920,"Ever":23921,"modern":23922,"Ġsurgeon":23923,"3000":23924,"Ġrandomized":23925,"================================================================":23926,"Bern":23927,"impl":23928,"ĠCOR":23929,"Ġproclaim":23930,"thouse":23931,"Ġtoes":23932,"Ġample":23933,"Ġpreserving":23934,"Ġdisbel":23935,"grand":23936,"Besides":23937,"Ġsilk":23938,"ĠPattern":23939,"hm":23940,"Ġenterprises":23941,"Ġaffidavit":23942,"ĠAdvisory":23943,"Ġadvertised":23944,"ĠReligious":23945,"sections":23946,"psych":23947,"ĠFields":23948,"aways":23949,"Ġhashtag":23950,"ĠNightmare":23951,"Ġvampire":23952,"Ġforensic":23953,"rossover":23954,"nar":23955,"Ġnavy":23956,"Ġvacant":23957,"ĠDuel":23958,"Ġhallway":23959,"Ġfacebook":23960,"identally":23961,"ĠNRA":23962,"Ġmatt":23963,"Ġhurricane":23964,"ĠKirby":23965,"ĠPuzzle":23966,"Ġskirt":23967,"oust":23968,"dullah":23969,"Ġanalogy":23970,"inion":23971,"Ġtomatoes":23972,"ĠNV":23973,"ĠPeak":23974,"ĠMeyer":23975,"Ġappointments":23976,"Ġmasc":23977,"Ġalley":23978,"rehend":23979,"Ġcharities":23980,"Ġundo":23981,"Ġdestinations":23982,"ĠTesting":23983,"\">\"":24618,"cats":24619,"*.":24620,"Ġgestures":24621,"general":24622,"League":24623,"Ġpackets":24624,"ĠInspector":24625,"ĠBerg":24626,"Ġfraudulent":24627,"Ġcriticize":24628,"Fun":24629,"Ġblaming":24630,"ndra":24631,"Ġslash":24632,"ĠEston":24633,"Ġproposing":24634,"Ġwhales":24635,"Ġtherapist":24636,"Ġsubset":24637,"Ġleisure":24638,"ELD":24639,"ĠCVE":24640,"ĠActivity":24641,"Ġculmin":24642,"shop":24643,"ĠDAY":24644,"ischer":24645,"ĠAdmiral":24646,"ĠAttacks":24647,"Ġ1958":24648,"Ġmemoir":24649,"Ġfolded":24650,"Ġsexist":24651,"Ġ153":24652,"ĠLI":24653,"Ġreadings":24654,"Ġembarrassment":24655,"ĠEmployment":24656,"wart":24657,"chin":24658,"Ġcontinuation":24659,"lia":24660,"Recently":24661,"Ġduel":24662,"Ġevacuation":24663,"ĠKashmir":24664,"Ġdisposition":24665,"ĠRig":24666,"Ġbolts":24667,"Ġinsurers":24668,"467":24669,"Mex":24670,"Ġretaliation":24671,"Ġmisery":24672,"Ġunreasonable":24673,"raining":24674,"Imm":24675,"ĠPU":24676,"emer":24677,"Ġgenital":24678,"ãĤ³":24679,"ĠCandy":24680,"Ġonions":24681,"ĠPatt":24682,"liner":24683,"Ġconceded":24684,"Ġfa":24685,"Ġforc":24686,"ĠHernandez":24687,"ĠGeoff":24688,"debian":24689,"ĠTeams":24690,"Ġcries":24691,"Ġhomeowners":24692,"237":24693,"ABC":24694,"Ġstitch":24695,"Ġstatistic":24696,"Ġheaders":24697,"ĠBiology":24698,"Ġmotors":24699,"ĠGEN":24700,"ĠLip":24701,"Ġhates":24702,"Ġheel":24703,"Self":24704,"ipl":24705,"EDIT":24706,"orting":24707,"Ġannot":24708,"ĠSpeech":24709,"oldemort":24710,"ĠJavascript":24711,"ĠLeBron":24712,"Ġfootprint":24713,"Ġfn":24714,"Ġseizures":24715,"nas":24716,"hide":24717,"Ġ1954":24718,"ĠBee":24719,"ĠDeclaration":24720,"ĠKatie":24721,"Ġreservations":24722,"NR":24723,"female":24724,"Ġsaturated":24725,"Ġbiblical":24726,"Ġtrolls":24727,"Device":24728,"photos":24729,"Ġdrums":24730,"ãĥīãĥ©ãĤ´ãĥ³":24731,"Night":24732,"fighter":24733,"ĠHak":24734,"riber":24735,"Ġcush":24736,"Ġdisciplinary":24737,"baum":24738,"ĠGH":24739,"ĠSchmidt":24740,"ilibrium":24741,"Ġsixty":24742,"ĠKushner":24743,"rots":24744,"Ġpund":24745,"ĠRac":24746,"Ġsprings":24747,"Ġconve":24748,"Business":24749,"Fall":24750,"Ġqualifications":24751,"Ġverses":24752,"Ġnarciss":24753,"ĠKoh":24754,"ĠWow":24755,"ĠCharlottesville":24756,"edo":24757,"Ġinterrogation":24758,"ĠWool":24759,"365":24760,"Brian":24761,"Ġâľĵ":24762,"Ġalleges":24763,"onds":24764,"idation":24765,"ĠJackie":24766,"yu":24767,"Ġlakes":24768,"Ġworthwhile":24769,"Ġcrystals":24770,"ĠJuda":24771,"Ġcomprehend":24772,"Ġflush":24773,"Ġabsorption":24774,"ĠOC":24775,"Ġfrightened":24776,"ĠChocolate":24777,"Martin":24778,"Ġbuys":24779,"Ġbucks":24780,"Ġappell":24781,"ĠChampionships":24782,"Ġlistener":24783,"ĠDefensive":24784,"Ġcz":24785,"uds":24786,"ĠMate":24787,"Ġreplay":24788,"Ġdecorated":24789,"Ġsunk":24790,"ĠVIP":24791,"ĠAnk":24792,"Ġ195":24793,"aaaa":24794,"Nobody":24795,"ĠMilk":24796,"ĠGur":24797,"ĠMk":24798,"ĠSara":24799,"Ġseating":24800,"ĠWid":24801,"Track":24802,"Ġemploys":24803,"Ġgigantic":24804,"APP":24805,"ãĤ§":24806,"inventory":24807,"Ġtowel":24808,"atche":24809,"lasting":24810,"ĠTL":24811,"Ġlatency":24812,"Ġkne":24813,"Ber":24814,"meaning":24815,"Ġupheld":24816,"Ġplayground":24817,"Ġmant":24818,"Side":24819,"Ġstereo":24820,"Ġnorthwest":24821,"Ġexceptionally":24822,"Ġrays":24823,"Ġrecurring":24824,"Drive":24825,"Ġupright":24826,"Ġabduct":24827,"ĠMarathon":24828,"Ġgoodbye":24829,"Ġalphabet":24830,"hp":24831,"Ġcourtroom":24832,"rington":24833,"othing":24834,"Tag":24835,"Ġdiplomats":24836,"Ġbarbar":24837,"ĠAqua":24838,"183":24839,"3333":24840,"Ġmaturity":24841,"Ġinstability":24842,"ĠApache":24843,"Ġ===":24844,"Ġfasting":24845,"ĠGrid":24846,"ModLoader":24847,"Ġ152":24848,"Abs":24849,"ĠOperating":24850,"etti":24851,"Ġacquaint":24852,"Donnell":24853,"ĠKem":24854,"ĠForge":24855,"Ġarmored":24856,"Mil":24857,"Ġphilosophers":24858,"invest":24859,"Players":24860,"âĪ":24861,"Ġmyriad":24862,"Ġcomrades":24863,"Rot":24864,"Ġremembering":24865,"Ġcorresponds":24866,"Ġprogrammers":24867,"ĠLynn":24868,"Ġolig":24869,"Ġcoherent":24870,"ynchron":24871,"ĠChemical":24872,"Ġjugg":24873,"pair":24874,"posts":24875,"Eye":24876,"ĠInner":24877,"Ġsemester":24878,"ottest":24879,"ĠEmirates":24880,"ricanes":24881,"orously":24882,"mits":24883,"ĠWis":24884,"Ġdodge":24885,"location":24886,"Ġfaded":24887,"Amazon":24888,"ĠProceed":24889,"ĠINFO":24890,"journal":24891,"ĠTruck":24892,"Ten":24893,"Ġ217":24894,"Ġstatutes":24895,"mobile":24896,"ĠTypes":24897,"Recomm":24898,"buster":24899,"pex":24900,"Ġlegends":24901,"Ġheadache":24902,"faced":24903,"ĠWiFi":24904,"ifty":24905,"ĠHER":24906,"Ġcircuits":24907,"ERROR":24908,"226":24909,"olin":24910,"Ġcylinder":24911,"ospace":24912,"ikers":24913,"Prem":24914,"Quant":24915,"Ġconflicting":24916,"Ġslightest":24917,"Ġforged":24918,"ionage":24919,"Stephen":24920,"ĠKub":24921,"ĠOpportun":24922,"ĠHeal":24923,"Ġblo":24924,"Ġrulers":24925,"Ġhuh":24926,"Ġsubmarine":24927,"fy":24928,"asser":24929,"Ġallowance":24930,"ĠKasich":24931,"ĠTas":24932,"ĠAustralians":24933,"ForgeModLoader":24934,"ĠâĨij":24935,"ĠMatrix":24936,"amins":24937,"Ġ1200":24938,"ĠAcqu":24939,"236":24940,"Document":24941,"ĠBreaking":24942,"193":24943,"ĠSubst":24944,"ĠRoller":24945,"ĠProperties":24946,"ĠNI":24947,"tier":24948,"Ġcrushing":24949,"Ġadvocating":24950,"Furthermore":24951,"keepers":24952,"Ġsexism":24953,"xd":24954,"Ġcaller":24955,"ĠSense":24956,"chieve":24957,"ĠTF":24958,"Ġfueled":24959,"Ġreminiscent":24960,"Ġobsess":24961,"urst":24962,"Ġuphold":24963,"ĠFans":24964,"hetics":24965,"ĠâĹ":24966,"ĠBath":24967,"Ġbeverage":24968,"Ġoscill":24969,"254":24970,"Ġpoles":24971,"Ġgradual":24972,"Ġexting":24973,"ĠSuff":24974,"ĠSuddenly":24975,"Ġliking":24976,"Ġ1949":24977,"unciation":24978,"amination":24979,"ĠOmar":24980,"ĠLV":24981,"ĠConsequently":24982,"Ġsynthes":24983,"ĠGIF":24984,"Ġpains":24985,"Ġinteracting":24986,"uously":24987,"incre":24988,"Ġrumor":24989,"ĠScientology":24990,"197":24991,"ĠZig":24992,"Ġspelling":24993,"ĠASS":24994,"Ġextingu":24995,"mson":24996,"Ġgh":24997,"Ġremarked":24998,"ĠStrategic":24999,"ĠMON":25000,"å¥":25001,"gae":25002,"ĠWHAT":25003,"Eric":25004,"ĠCampus":25005,"Ġmethane":25006,"Ġimagin":25007,"JUST":25008,"ĠAlm":25009,"XT":25010,"iq":25011,"ĠRSS":25012,"Ġwrongdoing":25013,"atta":25014,"Ġbigot":25015,"Ġdemonstrators":25016,"ĠCalvin":25017,"ĠVilla":25018,"Ġmembrane":25019,"ĠAwesome":25020,"Ġbenefic":25021,"268":25022,"Ġmagnificent":25023,"ĠLots":25024,"Greg":25025,"ĠBoris":25026,"Ġdetainees":25027,"ĠHerman":25028,"Ġwhispered":25029,"Ġawe":25030,"Professor":25031,"funding":25032,"Ġphysiological":25033,"ĠDestruction":25034,"Ġlimb":25035,"Ġmanipulated":25036,"Ġbubbles":25037,"Ġpseud":25038,"Ġhydra":25039,"ĠBristol":25040,"Ġstellar":25041,"ĠExpansion":25042,"ĠKell":25043,"ĠInterestingly":25044,"Ġmans":25045,"Ġdragging":25046,"Ġecological":25047,"ĠFit":25048,"Ġgent":25049,"Ġbenefited":25050,"ĠHaiti":25051,"Ġpolyg":25052,"ãĥİ":25053,"Ġ2030":25054,"Ġprow":25055,"Ġreconstruction":25056,"Ġwast":25057,"Ġpsychic":25058,"ĠGreeks":25059,"Handler":25060,"162":25061,"ĠPulse":25062,"Ġsolicit":25063,"Ġsys":25064,"Ġinflux":25065,"ĠGentle":25066,"percent":25067,"Ġproliferation":25068,"Ġtaxable":25069,"Ġdisregard":25070,"Ġescaping":25071,"Ġginger":25072,"Ġwithstand":25073,"Ġdevastated":25074,"ĠDew":25075,"series":25076,"Ġinjected":25077,"elaide":25078,"Ġturnover":25079,"heat":25080,"ĻĤ":25081,"Happy":25082,"ĠSilent":25083,"ãĤŃ":25084,"ivism":25085,"Ġirrational":25086,"AMA":25087,"Ġreef":25088,"rub":25089,"Ġ162":25090,"Ġbankers":25091,"ĠEthics":25092,"vv":25093,"Ġcriticisms":25094,"Kn":25095,"186":25096,"Movie":25097,"ĠTories":25098,"Ġnood":25099,"Ġdistortion":25100,"False":25101,"odore":25102,"Ġtasty":25103,"Research":25104,"ĠUID":25105,"-)":25106,"Ġdivorced":25107,"ĠMU":25108,"ĠHayes":25109,"ĠIsn":25110,"iani":25111,"ĠHQ":25112,"Ġ\"#":25113,"ignant":25114,"Ġtraumatic":25115,"ĠLing":25116,"Hun":25117,"Ġsabot":25118,"online":25119,"random":25120,"Ġrenamed":25121,"rared":25122,"KA":25123,"dead":25124,"ét":25125,"ĠAssistance":25126,"Ġseaf":25127,"++++++++":25128,"Ġseldom":25129,"ĠWebb":25130,"Ġboolean":25131,"ulet":25132,"Ġrefrain":25133,"ĠDIY":25134,"rule":25135,"Ġshutting":25136,"Ġutilizing":25137,"loading":25138,"ĠParam":25139,"coal":25140,"ooter":25141,"Ġattracting":25142,"ĠDol":25143,"Ġhers":25144,"agnetic":25145,"ĠReach":25146,"imo":25147,"Ġdiscarded":25148,"ĠPip":25149,"015":25150,"ür":25151,"Ġmug":25152,"Imagine":25153,"COL":25154,"Ġcursed":25155,"ĠShows":25156,"ĠCurtis":25157,"ĠSachs":25158,"speaking":25159,"ĠVista":25160,"ĠFramework":25161,"ongo":25162,"Ġsubreddit":25163,"Ġcrus":25164,"ĠOval":25165,"Row":25166,"growing":25167,"Ġinstallment":25168,"Ġglac":25169,"ĠAdvance":25170,"ECK":25171,"ĠLGBTQ":25172,"LEY":25173,"Ġacet":25174,"Ġsuccessive":25175,"ĠNicole":25176,"Ġ1957":25177,"Quote":25178,"Ġcircumstance":25179,"ackets":25180,"Ġ142":25181,"ortium":25182,"Ġguessed":25183,"ĠFrame":25184,"Ġperpetrators":25185,"ĠAviation":25186,"ĠBench":25187,"Ġhandc":25188,"Ap":25189,"Ġ1956":25190,"259":25191,"rand":25192,"NetMessage":25193,"din":25194,"urtles":25195,"hig":25196,"ĠVIII":25197,"ffiti":25198,"ĠSwords":25199,"bial":25200,"Ġkidnapping":25201,"device":25202,"Ġbarn":25203,"ĠEli":25204,"aucas":25205,"Send":25206,"Constructed":25207,"Ġ½":25208,"Ġneedles":25209,"Ġadvertisements":25210,"Ġvou":25211,"Ġexhibited":25212,"ĠFortress":25213,"Ask":25214,"Berry":25215,"TYPE":25216,"Ġcancers":25217,"umping":25218,"ĠTerritory":25219,"Ġprud":25220,"Ġnas":25221,"Ġatheist":25222,"Ġbalances":25223,"ãģŁ":25224,"ĠShawn":25225,"&&":25226,"Ġlandsc":25227,"ĠRGB":25228,"Ġpetty":25229,"Ġexcellence":25230,"Ġtranslations":25231,"Ġparcel":25232,"ĠChev":25233,"East":25234,"ĠOutput":25235,"imi":25236,"Ġambient":25237,"ĠThreat":25238,"Ġvillains":25239,"Ġ550":25240,"ICA":25241,"Ġtaller":25242,"Ġleaking":25243,"cup":25244,"Ġpolish":25245,"Ġinfectious":25246,"ĠKC":25247,"Ġ@@":25248,"background":25249,"Ġbureaucracy":25250,"ĠSai":25251,"unless":25252,"itious":25253,"ĠSkype":25254,"Atl":25255,"IDENT":25256,"008":25257,"Ġhypocr":25258,"Ġpitchers":25259,"Ġguessing":25260,"ĠFINAL":25261,"Between":25262,"Ġvillagers":25263,"Ġ252":25264,"fashion":25265,"ĠTunis":25266,"Beh":25267,"ĠExc":25268,"ĠMID":25269,"288":25270,"ĠHaskell":25271,"196":25272,"ĠNOR":25273,"Ġspecs":25274,"Ġinvari":25275,"Ġglut":25276,"ĠCars":25277,"Ġimpulse":25278,"Ġhonors":25279,"gel":25280,"Ġjurisdictions":25281,"ĠBundle":25282,"ulas":25283,"California":25284,"ĠIncrease":25285,"Ġpear":25286,"Ġsingles":25287,"Ġcues":25288,"Ġunderwent":25289,"ĠWS":25290,"Ġexaggerated":25291,"Ġdubious":25292,"Ġflashing":25293,"LOG":25294,")].":25295,"Journal":25296,"tg":25297,"Van":25298,"ĠIstanbul":25299,"ĠInsp":25300,"ĠFranken":25301,"Draw":25302,"Ġsadness":25303,"Ġironic":25304,"ĠFry":25305,"xc":25306,"Ġ164":25307,"isch":25308,"Way":25309,"ĠProtestant":25310,"horn":25311,"Ġunaff":25312,"ĠViv":25313,"illas":25314,"ĠProductions":25315,"ĠHogan":25316,"Ġperimeter":25317,"ĠSisters":25318,"Ġspontaneous":25319,"Ġdownside":25320,"Ġdescendants":25321,"Ġorn":25322,"worm":25323,"Japanese":25324,"Ġ1955":25325,"Ġ151":25326,"ĠDoing":25327,"elsen":25328,"umbles":25329,"Ġradically":25330,"ĠDrum":25331,"ĠBach":25332,"Ġliabilities":25333,"ĠOB":25334,"ĠElementary":25335,"Ġmeme":25336,"ynes":25337,"Ġfingerprint":25338,"ĠGrab":25339,"Ġundertake":25340,"Members":25341,"ĠReader":25342,"ĠSims":25343,"god":25344,"Ġhypothetical":25345,"scient":25346,"ĠAJ":25347,"Ġcharism":25348,"Ġadmissions":25349,"ĠMissile":25350,"trade":25351,"Ġexercising":25352,"ĠBackground":25353,"Written":25354,"Ġvocals":25355,"whether":25356,"Ġvi":25357,"ĠWinner":25358,"Ġlitter":25359,"ĠShooting":25360,"STEM":25361,"ãĤ¡":25362,"ĠAFL":25363,"Ġvariability":25364,"Ġeats":25365,"ĠDPS":25366,"brow":25367,"Ġelephants":25368,"Ġstrat":25369,"ĠÅ":25370,"Ġsettlers":25371,"Matthew":25372,"Ġinadvert":25373,"HI":25374,"ĠIMF":25375,"ĠGoal":25376,"Ġnerves":25377,"Johnson":25378,"eye":25379,"ablishment":25380,"Thursday":25381,"BILITY":25382,"Had":25383,"amoto":25384,"hetamine":25385,"eps":25386,"Ġmitochond":25387,"Ġcompressed":25388,"ĠTrevor":25389,"ĠAnimals":25390,"Tool":25391,"Lock":25392,"Ġtweak":25393,"Ġpinch":25394,"Ġcancellation":25395,"Pot":25396,"Ġfocal":25397,"ĠAstron":25398,"173":25399,"ĠASC":25400,"ĠOTHER":25401,"umni":25402,"Ġdemise":25403,"dl":25404,"Ùħ":25405,"Semitism":25406,"Ġcracking":25407,"Ġcollaborative":25408,"Ġexplores":25409,"sql":25410,"Ġherbs":25411,"Ġconfigurations":25412,"mis":25413,"ĠResult":25414,"acey":25415,"ĠSmoke":25416,"Ġsanct":25417,"elia":25418,"Ġdegener":25419,"Ġdeepest":25420,"Ġscreamed":25421,"Ġnap":25422,"Software":25423,"ĠSTAR":25424,"EF":25425,"ĠXin":25426,"sponsored":25427,"manship":25428,"233":25429,"Ġprimaries":25430,"Ġfiltering":25431,"Ġassemble":25432,"mil":25433,"ĠMyers":25434,"bows":25435,"Ġpunched":25436,"Mic":25437,"Ġinnovations":25438,"Ġfunc":25439,"ando":25440,"Ġfracking":25441,"ĠVul":25442,"оÐ":25443,"oshop":25444,"ĠImmun":25445,"Ġsettling":25446,"Ġadolescents":25447,"Ġrebuilding":25448,"Ġtransforming":25449,"Ġparole":25450,"Ġharbor":25451,"Ġbooking":25452,"otional":25453,"ongevity":25454,"ĠYo":25455,"bug":25456,"Ġemerges":25457,"ĠMethods":25458,"ĠChu":25459,"Pres":25460,"ĠDungeons":25461,"Ġtrailing":25462,"ĠRum":25463,"ĠHugh":25464,"天":25465,"ĠEra":25466,"ĠBattles":25467,"Results":25468,"ĠTrading":25469,"Ġversa":25470,"css":25471,"axies":25472,"heet":25473,"Ġgreed":25474,"1989":25475,"Ġgardens":25476,"Ġcontingent":25477,"Park":25478,"ĠLeafs":25479,"hook":25480,"robe":25481,"Ġdiplomacy":25482,"ĠFuel":25483,"ĠInvasion":25484,"Ġupgrading":25485,"Male":25486,"Ġelic":25487,"Ġrelentless":25488,"ĠCovenant":25489,"apesh":25490,"ĠTrop":25491,"Ty":25492,"production":25493,"arty":25494,"Ġpunches":25495,"ako":25496,"cyclopedia":25497,"ĠRabbit":25498,"ĠHDMI":25499,"Ġ141":25500,"Ġfoil":25501,"ItemImage":25502,"ĠFG":25503,"Ġimplementations":25504,"ĠPom":25505,"ixtures":25506,"Ġawait":25507,"Ġ330":25508,"amus":25509,"Ġumbrella":25510,"Ġforesee":25511,"separ":25512,"Ġcircumcision":25513,"Ġperipheral":25514,"Say":25515,"ĠExpert":25516,"Inc":25517,"Ġwithdrew":25518,"ĠAnders":25519,"fried":25520,"Ġradioactive":25521,"ĠOpening":25522,"Ġboarding":25523,"ĠND":25524,"Ġoverthrow":25525,"Activ":25526,"WP":25527,"ĠActs":25528,"×Ļ":25529,"Ġmotions":25530,"vic":25531,"ĠMighty":25532,"ĠDefender":25533,"aer":25534,"Ġthankful":25535,"ĠKilling":25536,"ĠBris":25537,"moil":25538,"Ġpredicting":25539,"266":25540,"choice":25541,"Ġkillers":25542,"Ġincub":25543,"ĠChest":25544,"athering":25545,"Ġproclaimed":25546,"flower":25547,"ossom":25548,"umbledore":25549,"ĠCycling":25550,"ĠOccupy":25551,"AGES":25552,"Pen":25553,"ĠYug":25554,"Ġpackaged":25555,"Ġheightened":25556,"cot":25557,"stack":25558,"Cond":25559,"Ġstamps":25560,"mage":25561,"Ġpersuaded":25562,"Ġensl":25563,"ĠCardinal":25564,"Ġsolitary":25565,"Ġpossessing":25566,"ĠCork":25567,"Ġevid":25568,"ĠTay":25569,"Ġblues":25570,"Ġextremism":25571,"Ġlunar":25572,"Ġclown":25573,"Techn":25574,"Ġfestivals":25575,"ĠPvP":25576,"ĠLar":25577,"Ġconsequently":25578,"present":25579,"Ġsomeday":25580,"çİĭ":25581,"ĠMeteor":25582,"Ġtouring":25583,"culture":25584,"Ġbeaches":25585,"Ship":25586,"cause":25587,"ĠFlood":25588,"ãĥ¯":25589,"Ġpurity":25590,"those":25591,"Ġemission":25592,"bolt":25593,"Ġchord":25594,"ĠScripture":25595,"Lu":25596,"Ġ${":25597,"created":25598,"Others":25599,"258":25600,"Ġelemental":25601,"Ġannoyed":25602,"ĠAE":25603,"dan":25604,"ĠSag":25605,"Researchers":25606,"Ġfairy":25607,"âĢĵâĢĵ":25608,"============":25609,"Smart":25610,"GGGG":25611,"Ġskeletons":25612,"Ġpupils":25613,"linked":25614,"Ġurgency":25615,"enabled":25616,"ĠFuck":25617,"Ġcouncill":25618,"rab":25619,"UAL":25620,"TI":25621,"Ġlifes":25622,"Ġconfessed":25623,"Bug":25624,"Ġharmon":25625,"ĠCONFIG":25626,"ĠNeutral":25627,"Double":25628,"Ġstaple":25629,"ĠSHA":25630,"British":25631,"ĠSNP":25632,"ATOR":25633,"oco":25634,"Ġswinging":25635,"gex":25636,"oleon":25637,"plain":25638,"ĠMissing":25639,"ĠTrophy":25640,"vari":25641,"ranch":25642,"Ġ301":25643,"440":25644,"0000000000000000":25645,"Ġrestoring":25646,"Ġhaul":25647,"ucing":25648,"nerg":25649,"Ġfutures":25650,"Ġstrategist":25651,"question":25652,"Ġlateral":25653,"ĠBard":25654,"Ġsor":25655,"ĠRhodes":25656,"ĠDowntown":25657,"?????-":25658,"ĠLit":25659,"ĠBened":25660,"Ġcoil":25661,"street":25662,"ĠPortal":25663,"FILE":25664,"ĠGru":25665,"*,":25666,"231":25667,"neum":25668,"Ġsucked":25669,"Ġrapper":25670,"Ġtendencies":25671,"ĠLauren":25672,"cellaneous":25673,"267":25674,"Ġbrowse":25675,"Ġoverc":25676,"header":25677,"oise":25678,"Ġbeet":25679,"ĠGle":25680,"Stay":25681,"Ġmum":25682,"Ġtyped":25683,"Ġdiscounts":25684,"Talk":25685,"ĠOg":25686,"existing":25687,"ĠSell":25688,"uph":25689,"CI":25690,"ĠAustrian":25691,"ĠWarm":25692,"Ġdismissal":25693,"Ġaverages":25694,"camera":25695,"Ġallegiance":25696,"LAN":25697,"=\"#":25698,"Ġcommentators":25699,"ĠSetting":25700,"ĠMidwest":25701,"Ġpharmac":25702,"ĠEXP":25703,"Ġstainless":25704,"Chicago":25705,"Ġtan":25706,"244":25707,"Ġcountryside":25708,"ĠVac":25709,"295":25710,"Ġpinned":25711,"Ġcrises":25712,"Ġstandardized":25713,"Task":25714,"ĠJail":25715,"ĠDocker":25716,"colored":25717,"forth":25718,"\"},":25719,"Ġpatrons":25720,"Ġspice":25721,"Ġmourn":25722,"ĠMood":25723,"Ġlaundry":25724,"Ġequip":25725,"ĠMole":25726,"yll":25727,"ĠTHC":25728,"nation":25729,"ĠSherlock":25730,"Ġissu":25731,"ĠKre":25732,"ĠAmericas":25733,"ĠAAA":25734,"Ġsystematically":25735,"Ġcontra":25736,"ĠSally":25737,"Ġrationale":25738,"Ġcarriage":25739,"Ġpeaks":25740,"Ġcontradiction":25741,"ensation":25742,"ĠFailure":25743,"Ġprops":25744,"Ġnamespace":25745,"Ġcove":25746,"fields":25747,"ãĤĭ":25748,"Ġwool":25749,"ĠCatch":25750,"Ġpresumed":25751,"ĠDiana":25752,"ragon":25753,"igi":25754,"Ġhamm":25755,"Ġstunt":25756,"ĠGUI":25757,"ĠObservatory":25758,"ĠShore":25759,"Ġsmells":25760,"annah":25761,"Ġcockpit":25762,"ĠDuterte":25763,"850":25764,"Ġoppressed":25765,"breaker":25766,"ĠContribut":25767,"ĠPeru":25768,"ĠMonsanto":25769,"ĠAttempt":25770,"Ġcommanding":25771,"Ġfridge":25772,"ĠRin":25773,"ĠChess":25774,"uality":25775,"Ġol":25776,"Republican":25777,"ĠGlory":25778,"ĠWIN":25779,".......":25780,"agent":25781,"reading":25782,"Ġinh":25783,"Jones":25784,"Ġclicks":25785,"alan":25786,"Ġ[];":25787,"ĠMajesty":25788,"ĠCed":25789,"opus":25790,"atel":25791,"ê":25792,"ARC":25793,"ĠEcuador":25794,"ãĥł":25795,"ĠKuro":25796,"Ġrituals":25797,"Ġcaptive":25798,"Ġounce":25799,"Ġdisagreement":25800,"Ġslog":25801,"fuel":25802,"Pet":25803,"Mail":25804,"Ġexercised":25805,"Ġsolic":25806,"Ġrainfall":25807,"Ġdevotion":25808,"ĠAssessment":25809,"Ġrobotic":25810,"options":25811,"ĠRP":25812,"ĠFamilies":25813,"ĠFlames":25814,"Ġassignments":25815,"007":25816,"akedown":25817,"Ġvocabulary":25818,"Reilly":25819,"Ġcaval":25820,"gars":25821,"Ġsuppressed":25822,"ĠSET":25823,"ĠJohns":25824,"Ġwarp":25825,"broken":25826,"Ġstatues":25827,"Ġadvocated":25828,"Ġ275":25829,"Ġperil":25830,"omorph":25831,"ĠFemin":25832,"perfect":25833,"Ġhatch":25834,"Lib":25835,"512":25836,"Ġlifelong":25837,"313":25838,"Ġcheeks":25839,"Ġnumbered":25840,"ĠMug":25841,"Body":25842,"ravel":25843,"Weight":25844,"ĠJak":25845,"ĠHeath":25846,"Ġkissing":25847,"ĠJUST":25848,"Ġwaving":25849,"upload":25850,"Ġinsider":25851,"ĠProgressive":25852,"ĠFilter":25853,"tta":25854,"ĠBeam":25855,"Ġviolently":25856,"ipation":25857,"Ġskepticism":25858,"Ġ1918":25859,"ĠAnnie":25860,"ĠSI":25861,"Ġgenetics":25862,"Ġonboard":25863,"atl":25864,"ĠFriedman":25865,"ĠBri":25866,"ceptive":25867,"Ġpirate":25868,"ĠReporter":25869,"278":25870,"Ġmythology":25871,"Ġeclipse":25872,"Ġskins":25873,"Ġglyph":25874,"ingham":25875,"Files":25876,"Cour":25877,"women":25878,"Ġregimes":25879,"Ġphotographed":25880,"Kat":25881,"ĠMAX":25882,"Officials":25883,"Ġunexpectedly":25884,"Ġimpressions":25885,"Front":25886,";;;;;;;;":25887,"Ġsupremacy":25888,"Ġsang":25889,"Ġaggravated":25890,"Ġabruptly":25891,"ĠSector":25892,"Ġexcuses":25893,"Ġcosting":25894,"idepress":25895,"Stack":25896,"ĠRNA":25897,"obil":25898,"Ġghosts":25899,"ldon":25900,"atibility":25901,"Topics":25902,"Ġreimburse":25903,"ĠHM":25904,"ĠDeg":25905,"Ġthief":25906,"yet":25907,"ogenesis":25908,"leaning":25909,"ĠKol":25910,"ĠBasketball":25911,"Ġfi":25912,"ĠSeeing":25913,"Ġrecycling":25914,"Ġ[-":25915,"Congress":25916,"Ġlectures":25917,"Psy":25918,"Ġnep":25919,"Ġmaid":25920,"Ġoriented":25921,"AX":25922,"Ġrespectful":25923,"rene":25924,"flush":25925,"ĠUnloaded":25926,"request":25927,"grid":25928,"ĠAlternatively":25929,"ĠHugo":25930,"Ġdecree":25931,"ĠBuddhism":25932,"andum":25933,"Android":25934,"ĠCongo":25935,"ĠJoyce":25936,"Ġacknowledging":25937,"hesive":25938,"ĠTomorrow":25939,"ĠHiro":25940,"thren":25941,"ĠMaced":25942,"Ġhoax":25943,"ĠIncreased":25944,"ĠPradesh":25945,"Wild":25946,"______":25947,"161":25948,"Ġaunt":25949,"Ġdistributing":25950,"ĠTucker":25951,"ĠSSL":25952,"ĠWolves":25953,"Building":25954,"oult":25955,"ĠLuo":25956,"ĠYas":25957,"ĠSpir":25958,"ĠShape":25959,"ĠCambod":25960,"ĠIPv":25961,"Ġml":25962,"Ġextrad":25963,"390":25964,"ĠPenny":25965,"dream":25966,"Ġstationed":25967,"optional":25968,"eworthy":25969,".":26700,"ĠWorkshop":26701,"ĠRetail":26702,"ĠAvatar":26703,"625":26704,"Na":26705,"ĠVC":26706,"ĠSecure":26707,"MY":26708,"1988":26709,"ossip":26710,"Ġprostate":26711,"Ġunden":26712,"Ġgamer":26713,"ĠContents":26714,"ĠWarhammer":26715,"ĠSentinel":26716,"310":26717,"Ġsegregation":26718,"ĠFlex":26719,"ĠMAY":26720,"Ġdrills":26721,"ĠDrugs":26722,"Islamic":26723,"Ġspur":26724,"Ġcafe":26725,"Ġimaginary":26726,"Ġguiding":26727,"Ġswings":26728,"ĠTheme":26729,"oby":26730,"Ġnud":26731,"Ġbegging":26732,"Ġstrongh":26733,"Ġrejecting":26734,"Ġpedestrians":26735,"ĠProspect":26736,"Rare":26737,"sle":26738,"Ġconcessions":26739,"ĠConstitutional":26740,"Ġbeams":26741,"Ġfibers":26742,"poon":26743,"Ġinstincts":26744,"property":26745,"ĠBIG":26746,"Sanders":26747,"imates":26748,"Ġcoating":26749,"Ġcorpses":26750,"ĠTRUE":26751,"checked":26752,"Ġ166":26753,"Ash":26754,"ĠJS":26755,"ĠFiction":26756,"Ġcommunal":26757,"Ġenergetic":26758,"oooooooo":26759,"Ġnowadays":26760,"ILD":26761,"ibo":26762,"ĠSUV":26763,"Ren":26764,"Ġdwelling":26765,"Silver":26766,"Ġtally":26767,"ĠMoving":26768,"Ġcoward":26769,"Ġgenerals":26770,"Ġhorns":26771,"Ġcirculated":26772,"Ġrobbed":26773,"ĠUnlimited":26774,"Ġharassed":26775,"Ġinhibit":26776,"Ġcomposer":26777,"ĠSpotify":26778,"Ġspreads":26779,"364":26780,"Ġsuicidal":26781,"Ġnoises":26782,"ĠStur":26783,"Ġsaga":26784,"ĠKag":26785,"iso":26786,"Ġtheoretically":26787,"Money":26788,"Ġsimilarity":26789,"Ġsliced":26790,"utils":26791,"inges":26792,"\"-":26793,"Ġanth":26794,"Ġimped":26795,"Module":26796,"Throughout":26797,"Ġmenus":26798,"committee":26799,"andi":26800,"obj":26801,"inav":26802,"fired":26803,"ĠAbdullah":26804,"Ġundead":26805,"Ġfonts":26806,"Hold":26807,"ENG":26808,"Ġsustainability":26809,"Ġflick":26810,"Ġrazor":26811,"ĠFest":26812,"ĠCharacters":26813,"Ġwording":26814,"Ġpopulist":26815,"Ġcriticizing":26816,"Ġmuse":26817,"vine":26818,"Ġcardboard":26819,"Ġkindly":26820,"Ġfringe":26821,"ĠTheft":26822,"icultural":26823,"Ġgovernors":26824,"Ġ����":26825,"Ġ163":26826,"Ġtimeout":26827,"ĠAuth":26828,"Children":26829,"AU":26830,"Ġredemption":26831,"ĠAlger":26832,"Ġ1914":26833,"Ġwaved":26834,"Ġastronauts":26835,"ograms":26836,"Ġswamp":26837,"ĠFinnish":26838,"Ġcandle":26839,"Ġtonnes":26840,"utm":26841,"Ġray":26842,"Ġspun":26843,"Ġfearful":26844,"articles":26845,"Ġcaus":26846,"orically":26847,"ĠRequires":26848,"ĠGol":26849,"Ġpope":26850,"Ġinaugural":26851,"Ġgle":26852,"ADA":26853,"ĠISIL":26854,"ĠOffensive":26855,"Ġwatchdog":26856,"Ġbalcon":26857,"entity":26858,"ĠHoo":26859,"Ġgallon":26860,"ACC":26861,"Ġdoubling":26862,"Ġimplication":26863,"ĠSight":26864,"Ġdoctr":26865,"-------":26866,"Ġ\\\\":26867,"Ġmalt":26868,"Roll":26869,"Ġâī¥":26870,"Ġrecap":26871,"adding":26872,"uces":26873,"ĠBend":26874,"figure":26875,"Ġturkey":26876,"Ġsocietal":26877,"ĠTickets":26878,"Ġcommercially":26879,"Ġspicy":26880,"Ġ216":26881,"ĠRamp":26882,"Ġsuperiority":26883,"ï":26884,"ĠTracker":26885,"Carl":26886,"ĠCoy":26887,"ĠPatriot":26888,"Ġconsulted":26889,"Ġlistings":26890,"Ġslew":26891,"reenshot":26892,"ĠGone":26893,"Ġ[...]":26894,"309":26895,"Ġhottest":26896,"ر":26897,"Ġrocky":26898,"ĠDiaz":26899,"Ġmassage":26900,"Ġparaly":26901,"Ġpony":26902,"Az":26903,"Ġcartridge":26904,"ĠNZ":26905,"Ġsnack":26906,"ĠLamar":26907,"plement":26908,"ĠLeslie":26909,"Ġmater":26910,"Ġsnipp":26911,"246":26912,"Ġjointly":26913,"ĠBrisbane":26914,"ĠiPod":26915,"Ġpumping":26916,"Ġgoat":26917,"ĠSharon":26918,"ealing":26919,"Ġcoron":26920,"Ġanomal":26921,"rahim":26922,"ĠConnection":26923,"Ġsculpture":26924,"Ġscheduling":26925,"ĠDaddy":26926,"athing":26927,"Ġeyebrows":26928,"Ġcurved":26929,"Ġsentiments":26930,"Ġdrafting":26931,"Drop":26932,"([":26933,"Ġnominal":26934,"ĠLeadership":26935,"ĠGrow":26936,"Ġ176":26937,"Ġconstructive":26938,"ivation":26939,"Ġcorrupted":26940,"gerald":26941,"ĠCros":26942,"ĠChester":26943,"ĠLap":26944,"ãģª":26945,"OTH":26946,"DATA":26947,"Ġalmond":26948,"probably":26949,"Imp":26950,"Ġfeast":26951,"ĠWarcraft":26952,"Flor":26953,"Ġcheckpoint":26954,"Ġtranscription":26955,"Ġ204":26956,"Ġtweaks":26957,"Ġrelieve":26958,"Science":26959,"Ġperformer":26960,"Zone":26961,"Ġturmoil":26962,"igated":26963,"hibit":26964,"ĠCafe":26965,"themed":26966,"Ġfluor":26967,"bench":26968,"Ġdecom":26969,"ĠUnt":26970,"ĠBarrett":26971,"ĠFacts":26972,"Ġtasting":26973,"ĠPTSD":26974,"ĠSeal":26975,"ĠJudaism":26976,"ĠDynamic":26977,"ĠCors":26978,"Ve":26979,"ĠMing":26980,"ĠTransform":26981,"von":26982,"ĠDefenders":26983,"ĠTactical":26984,"ĠVon":26985,"ĠUnivers":26986,"Ġdistorted":26987,"ĠBreath":26988,"?'\"":26989,"Ġagon":26990,"ĠDeadly":26991,"Ġlan":26992,"ĠCycle":26993,"orned":26994,"Ġreliably":26995,"Ġglor":26996,"ĠMonkey":26997,"ãĥ¡":26998,"Ġadren":26999,"Ġmicrowave":27000,"ĠAlban":27001,"ircraft":27002,"digit":27003,"smart":27004,"ĠDread":27005,"¯¯¯¯¯¯¯¯¯¯¯¯¯¯¯¯":27006,"{{":27007,"ĠRochester":27008,"Ġsimplified":27009,"Ġinflicted":27010,"Ġtakeover":27011,"Ġyourselves":27012,"aditional":27013,"Ġmuscular":27014,"KS":27015,"Ġingen":27016,"Tax":27017,"ĠFeature":27018,"277":27019,"Ġcruc":27020,"Ġcrate":27021,"Ġunidentified":27022,"Ġacclaimed":27023,"ĠManga":27024,"ĠFrances":27025,"ĠNepal":27026,"ĠGerald":27027,"ĠKuwait":27028,"Ġslain":27029,"ĠHeb":27030,"ĠGoku":27031,"ãģ®æ":27032,"286":27033,"Mrs":27034,"ĠCody":27035,"ĠSanctuary":27036,"016":27037,"Ġdismant":27038,"Ġdataset":27039,"ĠHond":27040,"buck":27041,"ĠPatterson":27042,"Ġpalette":27043,"ĠGD":27044,"icol":27045,"ĠLodge":27046,"Ġplanetary":27047,"akin":27048,"ĠRegistered":27049,"abwe":27050,"ĠPetersburg":27051,"Ġhailed":27052,"ĠPiece":27053,"Sche":27054,"ĠDOJ":27055,"Ġenumer":27056,"181":27057,"ĠObserver":27058,"ĠBold":27059,"founded":27060,"commerce":27061,"Ġexploits":27062,"ĠFinding":27063,"URN":27064,"ĠSne":27065,"ĠAcid":27066,"ayette":27067,"ĠValues":27068,"Ġdrastic":27069,"Ġarchitectural":27070,"Ġ\".":27071,"×ķ":27072,"umped":27073,"Ġwrapping":27074,"Ġwidow":27075,"ĠSlayer":27076,"lace":27077,"once":27078,"Germany":27079,"avoid":27080,"Ġtemples":27081,"PAR":27082,"ô":27083,"ĠLucifer":27084,"ĠFlickr":27085,"lov":27086,"forces":27087,"Ġscouting":27088,"Ġlouder":27089,"tesy":27090,"Ġbeforehand":27091,"Äĵ":27092,"ĠNeon":27093,"ĠWol":27094,"ĠTypically":27095,"ĠPolitico":27096,"-+-+":27097,"Ġbuilder":27098,"Ġderive":27099,"Kill":27100,"Ġpoker":27101,"Ġambiguous":27102,"Ġlifts":27103,"Ġcyt":27104,"Ġribs":27105,"oodle":27106,"ĠSounds":27107,"hair":27108,"ĠSyndrome":27109,"tf":27110,"Ġproportional":27111,"uid":27112,"Ġpertaining":27113,"ĠKindle":27114,"ĠNegro":27115,"Ġreiterated":27116,"ĠTonight":27117,"oths":27118,"ĠCornell":27119,"Ġowing":27120,"Ġ208":27121,"elfare":27122,"ocating":27123,"ĠBirds":27124,"Subscribe":27125,"Ġessays":27126,"Ġburdens":27127,"Ġillustrations":27128,"arious":27129,"ERAL":27130,"ĠCalcul":27131,"Ġxen":27132,"ĠLinkedIn":27133,"ĠJung":27134,"Ġredesign":27135,"Connor":27136,"296":27137,"Ġreversal":27138,"ĠAdelaide":27139,"ĠLL":27140,"Ġsinking":27141,"Ġgum":27142,"USH":27143,"capt":27144,"ĠGrimm":27145,"Ġfootsteps":27146,"ĠCBD":27147,"ispers":27148,"Ġprose":27149,"Wednesday":27150,"ĠMovies":27151,"edin":27152,"Ġoverturned":27153,"Ġcontentious":27154,"USB":27155,"~~~~~~~~~~~~~~~~":27156,"ĠCopper":27157,"Ġpointless":27158,"NV":27159,"values":27160,"olphin":27161,"dain":27162,"Ġdeposited":27163,"ĠGW":27164,"Ġpreceded":27165,"ĠCla":27166,"ĠGolem":27167,"ĠNim":27168,"Ġβ":27169,"ĠEngineers":27170,"middle":27171,"Ġflatt":27172,"operative":27173,"Ġcouncils":27174,"imbabwe":27175,"elin":27176,"Ġstressful":27177,"ĠLD":27178,"Ġresh":27179,"lake":27180,"Ġwheelchair":27181,"ĠAlternative":27182,"Ġoptimize":27183,"operation":27184,"Ġpeek":27185,"Ġoneself":27186,"igil":27187,"Ġtransitions":27188,"opathy":27189,"blank":27190,"Ġ169":27191,"171":27192,"________________________________________________________________":27193,"Ġlaundering":27194,"Enc":27195,"ĠDEC":27196,"Ġworkouts":27197,"Ġspikes":27198,"Ġdinosaurs":27199,"Ġdiscriminatory":27200,"Pool":27201,"Rather":27202,"385":27203,"RNA":27204,"testers":27205,"eto":27206,"ĠIdentity":27207,"Ġvein":27208,"ĠBurton":27209,"Ġarcade":27210,"420":27211,"Ultimately":27212,"ĠSadly":27213,"ð":27214,"pill":27215,"Ġcubic":27216,"ĠSpectrum":27217,"these":27218,"states":27219,"Ġunofficial":27220,"hawks":27221,"ĠEVERY":27222,"Ġrainbow":27223,"Ġincarceration":27224,"anding":27225,"Ġsyll":27226,"ĠEverton":27227,"Ġ179":27228,"ĠSerbia":27229,"Ġ189":27230,"meter":27231,"ĠMickey":27232,"Ġantiqu":27233,"Ġfactual":27234,"neck":27235,"ĠNare":27236,"norm":27237,"must":27238,"Ġhighways":27239,"Ġglam":27240,"Ġdividing":27241,"ĠSquadron":27242,"ĠMartha":27243,"Ġbirths":27244,"Cover":27245,"////////////////":27246,"ĠWong":27247,"Phot":27248,"ĠALS":27249,"rio":27250,"ĠNonetheless":27251,"ĠLemon":27252,"Ġ206":27253,"ĠEE":27254,"Ġderivative":27255,"ĠWWII":27256,"vote":27257,"Ġtherein":27258,"Ġseparating":27259,"446":27260,"sync":27261,"ĠStreets":27262,"Ġratt":27263,"Ġmunicipality":27264,"ĠShortly":27265,"Ġmonk":27266,"),\"":27267,"Ġscrub":27268,"Ġoperatives":27269,"Neither":27270,"Place":27271,"ĠLimit":27272,"Female":27273,"ĠActor":27274,"Character":27275,"Ġconstituted":27276,"357":27277,"Ġprotested":27278,"ĠStraw":27279,"ĠHeight":27280,"ilda":27281,"ĠTyph":27282,"Ġfloods":27283,"Ġcosmetic":27284,"WAY":27285,"perture":27286,"upon":27287,"tons":27288,"essing":27289,"ĠPocket":27290,"Ġrooft":27291,"ĠCaucas":27292,"Ġantidepress":27293,"Ġincompatible":27294,"ECD":27295,"Ġopera":27296,"ĠContest":27297,"Ġgenerators":27298,"lime":27299,"Defense":27300,"1987":27301,"forum":27302,"Ġsavage":27303,"ĠHungarian":27304,"nz":27305,"Ġmetallic":27306,"Ġexpelled":27307,"Ġresidency":27308,"Ġdresses":27309,"666":27310,"ĠClement":27311,"fires":27312,"Category":27313,"Ġgeek":27314,"alis":27315,"Ġcemetery":27316,"educated":27317,"Ġcrawl":27318,"ĠUnable":27319,"ĠTyson":27320,"akis":27321,"Ġpardon":27322,"ĠWra":27323,"Ġstrengthened":27324,"ĠFors":27325,"335":27326,"ĠHC":27327,"ĠMond":27328,"Ġvisuals":27329,"ĠBeatles":27330,"ettlement":27331,"Ġï":27332,"gro":27333,"Ġbash":27334,"Ġpoorest":27335,"Ġexcel":27336,"Ġaspirations":27337,"ĠMunicip":27338,"ensible":27339,"Ġceremonies":27340,"Ġintimidation":27341,"ĠCONTR":27342,"beck":27343,"ĠKap":27344,"asu":27345,"Ġtrademarks":27346,"ĠSew":27347,"ĠCompetition":27348,"network":27349,"ĠArri":27350,"ĠTet":27351,"Roaming":27352,"WC":27353,"Dat":27354,"Ġsob":27355,"Ġpairing":27356,"Ġoverdose":27357,"SAY":27358,"aber":27359,"Ġrevolt":27360,"ĠFah":27361,"acting":27362,"eq":27363,"estation":27364,"Fight":27365,"ĠMarks":27366,"273":27367,"Ġ178":27368,"Raw":27369,"ãģĭ":27370,"349":27371,"blocks":27372,"Ġverge":27373,"estine":27374,"ĠPodesta":27375,"Ġinvasive":27376,"Ġprofoundly":27377,"ĠAo":27378,"each":27379,"Ġlest":27380,"interpret":27381,"Ġshrinking":27382,"Ġerrone":27383,"Ġchees":27384,"lys":27385,"ĠIvy":27386,"ĠDirectory":27387,"Ġhinted":27388,"VICE":27389,"Ġcontacting":27390,"ĠGent":27391,"hei":27392,"Ġlabeling":27393,"Ġmercury":27394,"ĠLite":27395,"Ġexpires":27396,"Ġdestabil":27397,"ritis":27398,"cu":27399,"Ġfeathers":27400,"Ġsteer":27401,"Ġprogrammed":27402,"ĠVader":27403,"Going":27404,"ĠElim":27405,"Ġyo":27406,"ĠMiche":27407,"Ġ203":27408,"Ġsleeves":27409,"Ġbully":27410,"ĠHumans":27411,"368":27412,"Ġcompress":27413,"ĠBanner":27414,"ARS":27415,"Ġawhile":27416,"Ġcalib":27417,"Ġsponsorship":27418,"ĠDifficulty":27419,"ĠPapers":27420,"Ġidentifier":27421,"}.":27422,"Ġyog":27423,"ĠShia":27424,"Ġcleanup":27425,"Ġvibe":27426,"introdu":27427,"imming":27428,"Australia":27429,"Ġoutlines":27430,"ĠYoutube":27431,"train":27432,"ĠMakes":27433,"Ġdeported":27434,"Ġcentr":27435,"ĠDug":27436,"ĠBoulder":27437,"ĠBuffy":27438,"Ġinjunction":27439,"ĠHarley":27440,"ĠGroups":27441,"ĠDumbledore":27442,"ĠClara":27443,"Ġ\"-":27444,"Ġsacrificed":27445,"eph":27446,"Shadow":27447,"ibling":27448,"Ġfreelance":27449,"Ġevidently":27450,"phal":27451,"Ġretains":27452,"Mir":27453,"Ġfinite":27454,"dar":27455,"ĠCous":27456,"Ġrepaired":27457,"Ġperiodic":27458,"Ġchampionships":27459,"Ġasteroid":27460,"blind":27461,"Ġexpressly":27462,"ĠAstros":27463,"Ġscaled":27464,"Ġgeographical":27465,"ĠRapids":27466,"Enjoy":27467,"Ġelastic":27468,"ĠMohamed":27469,"Market":27470,"begin":27471,"Ġdiscovers":27472,"Ġtelecommunications":27473,"Ġscanner":27474,"Ġenlarge":27475,"Ġsharks":27476,"Ġpsychedel":27477,"ĠRouge":27478,"Ġsnapshot":27479,"isine":27480,"XP":27481,"Ġpesticides":27482,"ĠLSD":27483,"ĠDistribution":27484,"really":27485,"Ġdegradation":27486,"Ġdisguise":27487,"Ġbiom":27488,"ĠEXT":27489,"Ġequations":27490,"Ġhazards":27491,"ĠCompared":27492,")*":27493,"Ġvirtues":27494,"Ġelders":27495,"Ġenhancing":27496,"ĠAcross":27497,"eros":27498,"angling":27499,"Ġcombust":27500,"ucci":27501,"Ġconcussion":27502,"Ġcontraception":27503,"ĠKang":27504,"Ġexpresses":27505,"Ġaux":27506,"ĠPione":27507,"Ġexhibits":27508,"Debug":27509,"OTAL":27510,"ĠAlready":27511,"ĠWheeler":27512,"Ġexpands":27513,"?:":27514,"Ġreconciliation":27515,"Ġpirates":27516,"Ġpurse":27517,"Ġdiscourage":27518,"Ġspectacle":27519,"Rank":27520,"Ġwraps":27521,"ĠThought":27522,"Ġimpending":27523,"Opp":27524,"ĠAnglo":27525,"ĠEUR":27526,"Ġscrewed":27527,"retched":27528,"Ġencouragement":27529,"models":27530,"Ġconfuse":27531,"mmm":27532,"ĠVitamin":27533,"âĸijâĸij":27534,"Cru":27535,"Ġknights":27536,"Ġdiscard":27537,"Ġbishops":27538,"ĠWear":27539,"ĠGarrett":27540,"kan":27541,"ãĥŁ":27542,"Ġmasculine":27543,"capital":27544,"ĠAus":27545,"Ġfatally":27546,"thanks":27547,"ĠAU":27548,"ĠGut":27549,"1200":27550,"Ġ00000000":27551,"Ġsurrog":27552,"ĠBIOS":27553,"raits":27554,"ĠWatts":27555,"Ġresurrection":27556,"ĠElectoral":27557,"ĠTips":27558,"4000":27559,"Ġnutrient":27560,"Ġdepicting":27561,"Ġsprink":27562,"Ġmuff":27563,"ĠLIM":27564,"ĠSample":27565,"psc":27566,"ibi":27567,"generated":27568,"Ġspecimens":27569,"Ġdissatisf":27570,"Ġtailored":27571,"Ġholdings":27572,"ĠMonthly":27573,"ĠEat":27574,"poons":27575,"Ġnec":27576,"ĠCage":27577,"ĠLotus":27578,"ĠLantern":27579,"Ġfrontier":27580,"Ġpensions":27581,"Ġjoked":27582,"ĠHardy":27583,"=-=-=-=-":27584,"rade":27585,"UID":27586,"Ġrails":27587,"Ġemit":27588,"Ġslate":27589,"Ġsmug":27590,"Ġspit":27591,"ĠCalls":27592,"ĠJacobs":27593,"feat":27594,"ĠUE":27595,"Ġrestruct":27596,"Ġregeneration":27597,"Ġenergies":27598,"ĠConnor":27599,"OHN":27600,"ĠCheese":27601,"Ġger":27602,"Ġresurrect":27603,"management":27604,"NW":27605,"Ġpresently":27606,"ĠBruins":27607,"Member":27608,"ĠMang":27609,"idan":27610,"Ġboosting":27611,"wyn":27612,"+.":27613,"requisite":27614,"ĠNYPD":27615,"ĠMegan":27616,"ĠConditions":27617,"Ġpics":27618,"nesium":27619,"ĠRash":27620,"Ġ174":27621,"ĠDucks":27622,"Ġembro":27623,"zu":27624,"onian":27625,"religious":27626,"Ġcraz":27627,"ĠACA":27628,"ĠZucker":27629,"EMA":27630,"ĠPros":27631,"Weapon":27632,"ĠKnox":27633,"ĠArduino":27634,"Ġstove":27635,"Ġheavens":27636,"ĠPurchase":27637,"Ġherd":27638,"Ġfundraiser":27639,"Digital":27640,"5000":27641,"Ġproponents":27642,"/âĢĭ":27643,"Ġjelly":27644,"ĠVisa":27645,"Ġmonks":27646,"Ġadvancement":27647,"ĠWer":27648,"Ġ187":27649,"eus":27650,"ertility":27651,"Ġfetal":27652,"Ġ1936":27653,"Lo":27654,"Ġoutfits":27655,"Ġstaircase":27656,"bomb":27657,"Ġcustomized":27658,"clair":27659,"Tree":27660,"Ġmapped":27661,"ĠConsidering":27662,"ĠTorres":27663,"Ġmethyl":27664,"Ġapproximate":27665,"Ġdoom":27666,"ĠHansen":27667,"Ġcrossover":27668,"Ġstandalone":27669,"ä¼":27670,"Ġinvites":27671,"Ġgraveyard":27672,"Ġhp":27673,"DonaldTrump":27674,"Ġescort":27675,"Gar":27676,"Ġpredecessors":27677,"Ġhay":27678,"Ġenzyme":27679,"ĠStraight":27680,"visors":27681,"Ing":27682,"aneously":27683,"ĠApplied":27684,"Ġfec":27685,"ĠDurant":27686,"Ġoutspoken":27687,"orb":27688,"Ġzeal":27689,"Ġdisgrace":27690,"').":27691,"ĠCheng":27692,"289":27693,"ĠRena":27694,"ĠSuicide":27695,"294":27696,"Ġoutraged":27697,"ĠNewman":27698,"ĠNvidia":27699,"ĠAber":27700,"ĠBers":27701,"Ġrecreation":27702,"Window":27703,"ĠDP":27704,"xe":27705,"Ġpedoph":27706,"Ġfallout":27707,"amboo":27708,"Ġpresentations":27709,"ĠApps":27710,"Ġhtml":27711,"345":27712,"ĠXXX":27713,"Ġrubbing":27714,"ĠLeather":27715,"Ġhumidity":27716,"seys":27717,"established":27718,"ĠUnits":27719,"646":27720,"Ġrespectable":27721,"Auto":27722,"Ġthriving":27723,"ĠInnovation":27724,"angs":27725,"Extra":27726,"regulation":27727,"298":27728,"pick":27729,"Examples":27730,"ĠCJ":27731,"Attack":27732,"Ġdracon":27733,"LT":27734,"Ġsticker":27735,"rers":27736,"Ġsunny":27737,"Iss":27738,"regulated":27739,"dim":27740,"ĠAbstract":27741,"Ġhusbands":27742,"Office":27743,"omination":27744,"itars":27745,"ANGE":27746,"ascal":27747,"ĠKris":27748,"ĠInfantry":27749,"Ġmalf":27750,"ĠAthe":27751,"ĠRally":27752,"balanced":27753,"........................":27754,"OUP":27755,"Ġmolecule":27756,"metics":27757,"ĠSplit":27758,"ĠInstructions":27759,"ĠNights":27760,"cards":27761,"Ġtug":27762,"Ġcone":27763,"åŃ":27764,"Ġtx":27765,"ĠDiscussion":27766,"Ġcatastrophe":27767,"ppe":27768,"gio":27769,"Ġcommunism":27770,"Ġhalted":27771,"ĠGuant":27772,"clean":27773,"ĠSched":27774,"ĠKanye":27775,"Ġwander":27776,"ĠSeriously":27777,"Ġ188":27778,"ennial":27779,"follow":27780,"productive":27781,"ĠFlow":27782,"ĠSail":27783,"Ġcraw":27784,"Ġsimulations":27785,"oru":27786,"angles":27787,"ĠNolan":27788,"Ġmenstru":27789,"470":27790,"Ġ207":27791,"aja":27792,"Ġcasually":27793,"boarding":27794,"Ġ222":27795,"ovy":27796,"ĠNumbers":27797,"umat":27798,"OE":27799,"287":27800,"ĠClemson":27801,"Ġcerts":27802,"Ġslid":27803,"ĠTribe":27804,"Ġtoast":27805,"Ġfortunes":27806,"Ġfals":27807,"ĠCommittees":27808,"Ġgp":27809,"Ġfiery":27810,"ĠNets":27811,"ĠAnime":27812,"Package":27813,"ĠCompare":27814,"laughter":27815,"infect":27816,"Ġatrocities":27817,"Ġjustices":27818,"Ġinsults":27819,"ĠVernon":27820,"Ġshaken":27821,"Ġpersona":27822,"estamp":27823,"367":27824,"brain":27825,"Ġexperimenting":27826,"Ken":27827,"ĠElectronics":27828,"Ġ161":27829,"domain":27830,"Ġgraphical":27831,"bishop":27832,"Ġwhopping":27833,"ĠEvangel":27834,"Ġadvertisers":27835,"ĠSpear":27836,"Ġbids":27837,"Ġdestroys":27838,"utz":27839,"Ġundersc":27840,"ĠADD":27841,"Ġants":27842,"ĠCum":27843,"ipples":27844,"ĠFill":27845,"Ġglanced":27846,"Ġindicted":27847,"ĠEff":27848,"Ġmiscon":27849,"ĠDesktop":27850,"Ġabide":27851,"ãĥĢ":27852,"ĠIo":27853,"ĠCoul":27854,"Ġcapsule":27855,"ĠChrys":27856,"MON":27857,"Ġundes":27858,"ĠIRA":27859,"Ġcitation":27860,"Ġdictate":27861,"ĠNetworks":27862,"ĠConflict":27863,"ĠStuff":27864,"xa":27865,"isec":27866,"ĠChemistry":27867,"Ġquarterly":27868,"Williams":27869,"anan":27870,"Opt":27871,"ĠAlexandria":27872,"outheastern":27873,"ĠSpringfield":27874,"ĠBlacks":27875,"Ġgeography":27876,"242":27877,"Ġutmost":27878,"ĠExxon":27879,"abouts":27880,"EVA":27881,"ĠEnable":27882,"ĠBarr":27883,"Ġdisagreed":27884,"ĠCyprus":27885,"Ġdementia":27886,"Ġlabs":27887,"Ġubiquitous":27888,"ĠLOVE":27889,"Ġconsolidated":27890,"sr":27891,"Ġcreamy":27892,"ĠTimber":27893,"Regardless":27894,"ĠCertificate":27895,"Ġ\"...":27896,"ogenous":27897,"Captain":27898,"Ġinsulting":27899,"ĠSoros":27900,"ĠInstr":27901,"ĠBulgaria":27902,"better":27903,"Ġsucking":27904,"ĠDavidson":27905,"atz":27906,"Ġcollateral":27907,"gif":27908,"Ġplagued":27909,"ĠCancel":27910,"ĠGardner":27911,"RB":27912,"Ġsixteen":27913,"Remove":27914,"uristic":27915,"cook":27916,"Rod":27917,"Ġcomprising":27918,"fle":27919,")âĢĶ":27920,"ĠViking":27921,"growth":27922,"agonal":27923,"Ġsrf":27924,"afety":27925,"mot":27926,"Nearly":27927,"stown":27928,"ĠFactor":27929,"Ġautomobile":27930,"Ġprocedural":27931,"mask":27932,"ampires":27933,"Ġdisappears":27934,"jab":27935,"315":27936,"Ġ1951":27937,"needed":27938,"Ġdaring":27939,"leader":27940,"Ġpodium":27941,"Ġunhealthy":27942,"Ġmund":27943,"Ġpyramid":27944,"ocre":27945,"Ġkissed":27946,"Ġdreamed":27947,"ĠFantastic":27948,"ĠGly":27949,"åĬ":27950,"Ġgreatness":27951,"Ġspices":27952,"Ġmetropolitan":27953,"Ġcompuls":27954,"iets":27955,"1016":27956,"ĠSham":27957,"ĠPyr":27958,"flies":27959,"ĠMidnight":27960,"Ġswallowed":27961,"Ġgenres":27962,"ĠLucky":27963,"ĠRewards":27964,"Ġdispatch":27965,"ĠIPA":27966,"ĠApply":27967,"Ġaven":27968,"alities":27969,"312":27970,"things":27971,"Ġ().":27972,"Ġmates":27973,"ĠSz":27974,"ĠCOP":27975,"olate":27976,"OFF":27977,"Ġrecharge":27978,"caps":27979,"ĠYorker":27980,"icone":27981,"Ġgalaxies":27982,"ileaks":27983,"Dave":27984,"ĠPuzz":27985,"ĠCeltic":27986,"ĠAFC":27987,"276":27988,"ĠSons":27989,"Ġaffirmative":27990,"Hor":27991,"Ġtutorials":27992,"ĠCITY":27993,"ĠRosa":27994,"ĠExtension":27995,"Series":27996,"Ġfats":27997,"Ġrab":27998,"lis":27999,"Ġunic":28000,"Ġeve":28001,"ĠSpin":28002,"Ġadulthood":28003,"typ":28004,"Ġsectarian":28005,"Ġcheckout":28006,"ĠCycl":28007,"Single":28008,"Ġmartyr":28009,"Ġchilling":28010,"888":28011,"oufl":28012,"Ġ];":28013,"Ġcongestion":28014,"mk":28015,"ĠWhereas":28016,"Ġ1938":28017,"urrencies":28018,"erion":28019,"Ġboast":28020,"ĠPatients":28021,"Ġchap":28022,"ĠBD":28023,"realDonaldTrump":28024,"Ġexamines":28025,"hov":28026,"Ġstartling":28027,"ĠBabylon":28028,"wid":28029,"omew":28030,"brance":28031,"ĠOdyssey":28032,"wig":28033,"Ġtorch":28034,"ĠVox":28035,"ĠMoz":28036,"ĠTroll":28037,"ĠAns":28038,"Similarly":28039,"ĠFul":28040,"006":28041,"Unless":28042,"ĠAlone":28043,"stead":28044,"ĠPublisher":28045,"rights":28046,"tu":28047,"ĠDoesn":28048,"Ġprofessionally":28049,"Ġclo":28050,"icz":28051,"Ġsteals":28052,"Ġá":28053,"1986":28054,"Ġsturdy":28055,"ĠJohann":28056,"Ġmedals":28057,"Ġfilings":28058,"ĠFraser":28059,"done":28060,"Ġmultinational":28061,"Ġfeder":28062,"Ġworthless":28063,"Ġpest":28064,"Yesterday":28065,"ankind":28066,"Ġgays":28067,"Ġborne":28068,"ĠPOS":28069,"Picture":28070,"Ġpercentages":28071,"251":28072,"rame":28073,"Ġpotions":28074,"AMD":28075,"ĠLebanese":28076,"Ġrang":28077,"ĠLSU":28078,"ongs":28079,"Ġpeninsula":28080,"ĠClause":28081,"ALK":28082,"oha":28083,"ĠMacBook":28084,"Ġunanimous":28085,"Ġlenders":28086,"Ġhangs":28087,"Ġfranchises":28088,"orers":28089,"ĠUpdates":28090,"Ġisolate":28091,"andro":28092,"Soon":28093,"Ġdisruptive":28094,"ĠSurve":28095,"Ġstitches":28096,"ĠScorp":28097,"ĠDominion":28098,"Ġsupplying":28099,"Arg":28100,"Ġturret":28101,"ĠLuk":28102,"Ġbrackets":28103,"*)":28104,"ĠRevolutionary":28105,"ĠHonest":28106,"Ġnoticing":28107,"ĠShannon":28108,"Ġafforded":28109,"Ġtha":28110,"ĠJanet":28111,"!--":28112,"ĠNarendra":28113,"ĠPlot":28114,"Hol":28115,"sever":28116,"eenth":28117,"Ġobstruction":28118,"Ġ1024":28119,"staff":28120,"jas":28121,"orget":28122,"scenes":28123,"laughs":28124,"ĠFargo":28125,"crime":28126,"Ġorchestr":28127,"Ġdelet":28128,"iliary":28129,"rieved":28130,"Ġmilitar":28131,"ĠGreene":28132,"âĹı":28133,"ãģ¦":28134,"ĠGuards":28135,"Ġunleashed":28136,"ĠWeber":28137,"Ġadjustable":28138,"Ġcaliber":28139,"Ġmotivations":28140,"ĠÃł":28141,"mAh":28142,"ĠLanka":28143,"handle":28144,"Ġpent":28145,"ĠRav":28146,"ĠAngular":28147,"ĠKau":28148,"umbing":28149,"Ġphilanthrop":28150,"Ġdehyd":28151,"Ġtoxicity":28152,"eer":28153,"ĠYORK":28154,"witz":28155,"å¼":28156,"ĠIE":28157,"community":28158,"ĠAH":28159,"Ġretali":28160,"Ġmassively":28161,"ĠDaniels":28162,"ĠDEL":28163,"Ġcarcin":28164,"Url":28165,"Ġrouting":28166,"ĠNPCs":28167,"ĠRAF":28168,"ryce":28169,"Ġwaived":28170,"ĠGuatem":28171,"Everybody":28172,"Ġcovenant":28173,"Ġ173":28174,"Ġrelaxing":28175,"Ġquart":28176,"almost":28177,"Ġguarded":28178,"ĠSoldiers":28179,"ĠPLAY":28180,"Ġoutgoing":28181,"LAND":28182,"Ġrewrite":28183,"ĠMOV":28184,"ĠImper":28185,"ĠSolution":28186,"Ġphenomenal":28187,"Ġlongevity":28188,"Ġimpat":28189,"ĠNissan":28190,"irie":28191,"Ġodor":28192,"ĠZar":28193,"oks":28194,"Ġmilitias":28195,"ĠSPEC":28196,"Ġtolerated":28197,"arser":28198,"ĠBradford":28199,"+,":28200,"Ġsurreal":28201,"sf":28202,"Canadian":28203,"Ġresemblance":28204,"Ġcarbohydrate":28205,"VIEW":28206,"Ġaccessory":28207,"meal":28208,"largest":28209,"iegel":28210,"Someone":28211,"Ġtoughest":28212,"oso":28213,"Ġfunnel":28214,"Ġcondemnation":28215,"luent":28216,"Ġwired":28217,"ĠSunset":28218,"Jesus":28219,"ĠPST":28220,"ĠPages":28221,"ĠTycoon":28222,"ĠPF":28223,"Ġselections":28224,"Ġà¤":28225,"partisan":28226,"Ġhighs":28227,"ĠRune":28228,"Ġcrafts":28229,"lead":28230,"ĠParents":28231,"Ġreclaim":28232,"eker":28233,"ĠAllied":28234,"aeper":28235,"Ġlooming":28236,"Ġbeneficiaries":28237,"ĠHull":28238,"Students":28239,"Jewish":28240,"dj":28241,"Ġpact":28242,"template":28243,"ĠOfficials":28244,"ĠBaylor":28245,"Ġhemp":28246,"Ġyouths":28247,"ĠLevels":28248,"ĠXiao":28249,"ĠChes":28250,"Ġendeavor":28251,"ĠRemoved":28252,"Ġhippocamp":28253,"Hell":28254,"ãĤĬ":28255,"805":28256,"Ġdinosaur":28257,"ĠWrath":28258,"ĠIndonesian":28259,"Ġcalculator":28260,"ĠDictionary":28261,"Ġ420":28262,"ĠMAG":28263,"(_":28264,"!,":28265,"tarians":28266,"Ġrestricting":28267,"racuse":28268,"Ġweekday":28269,"OUNT":28270,"Ġshrugged":28271,"leground":28272,"Ġbald":28273,"ĠDoctors":28274,"Ġtouted":28275,"ĠMaxwell":28276,"Ġ214":28277,"Ġdiplomat":28278,"Ġrepression":28279,"Ġconstituency":28280,"vice":28281,"ranked":28282,"ĠNapoleon":28283,"gang":28284,"ĠForever":28285,"tun":28286,"Ġbulb":28287,"ĠPDT":28288,"ĠCisco":28289,"VEN":28290,"Ġresumed":28291,"Steven":28292,"ĠManitoba":28293,"Ġfabulous":28294,"ĠAgents":28295,"1984":28296,"Ġamusing":28297,"ĠMysteries":28298,"Ġorthodox":28299,"floor":28300,"Ġquestionnaire":28301,"Ġpenetrate":28302,"Ġfilmmakers":28303,"ĠUnc":28304,"Ġstamped":28305,"Ġthirteen":28306,"Ġoutfield":28307,"Ġforwarded":28308,"Ġappra":28309,"Ġaided":28310,"try":28311,"Ġunfocused":28312,"ĠLiz":28313,"ĠWendy":28314,"ĠScene":28315,"Charg":28316,"Ġrejects":28317,"Ġleftist":28318,"ĠProvidence":28319,"ĠBrid":28320,"regn":28321,"Ġprophecy":28322,"ĠLIVE":28323,"499":28324,"Ġforge":28325,"ĠFML":28326,"Ġintrinsic":28327,"ĠFrog":28328,"Ġwont":28329,"ĠHolt":28330,"Ġfamed":28331,"CLUS":28332,"aepernick":28333,"ĠHate":28334,"ĠCay":28335,"Ġregistering":28336,"ortality":28337,"ropy":28338,"ocalyptic":28339,"aan":28340,"nav":28341,"Ġfascist":28342,"IFIED":28343,"Ġimplicated":28344,"ĠResort":28345,"ĠChandler":28346,"ĠBrick":28347,"Pin":28348,"ysc":28349,"Usage":28350,"ĠHelm":28351,"usra":28352,"âĺħâĺħ":28353,"ĠAbbas":28354,"Ġunanimously":28355,"Ġkeeper":28356,"Ġaddicted":28357,"???":28358,"Ġhelmets":28359,"Ġantioxid":28360,"apsed":28361,"808":28362,"giene":28363,"Ġwaits":28364,"Ġminion":28365,"raved":28366,"ĠPorsche":28367,"Ġdreaming":28368,"Ġ171":28369,"ĠCain":28370,"Ġunfor":28371,"asso":28372,"ĠConfiguration":28373,"kun":28374,"hardt":28375,"Ġnested":28376,"ĠLDS":28377,"LES":28378,"Ġtying":28379,"enos":28380,"Ġcue":28381,"ĠMarqu":28382,"skirts":28383,"Ġclicked":28384,"Ġexpiration":28385,"ĠAccordingly":28386,"ĠWC":28387,"Ġblessings":28388,"Ġaddictive":28389,"ĠNarr":28390,"yx":28391,"ĠJaguars":28392,"Ġrents":28393,"ĠSiber":28394,"Ġtipped":28395,"ousse":28396,"ĠFitzgerald":28397,"Ġhierarch":28398,"outine":28399,"Ġwavelength":28400,">.":28401,"chid":28402,"ĠProcessing":28403,"/+":28404,"ranking":28405,"Easy":28406,"ĠConstruct":28407,"Ġtet":28408,"insured":28409,"HUD":28410,"Ġquoting":28411,"Ġcommunicated":28412,"inx":28413,"Ġinmate":28414,"Ġerected":28415,"ĠAbsolutely":28416,"ĠSurely":28417,"Ġunim":28418,"ĠThrone":28419,"heid":28420,"Ġclaws":28421,"Ġsuperstar":28422,"ĠLenn":28423,"ĠWhis":28424,"Uk":28425,"abol":28426,"Ġsket":28427,"ĠNiet":28428,"Ġperks":28429,"Ġaffinity":28430,"Ġopenings":28431,"phasis":28432,"Ġdiscriminate":28433,"Tip":28434,"vc":28435,"Ġgrinding":28436,"ĠJenny":28437,"Ġasthma":28438,"holes":28439,"ĠHomer":28440,"Ġregisters":28441,"ĠGlad":28442,"Ġcreations":28443,"Ġlithium":28444,"Ġapplause":28445,"until":28446,"Justice":28447,"ĠTurks":28448,"Ġscandals":28449,"Ġbake":28450,"tank":28451,"Mech":28452,"ĠMeans":28453,"ĠMaid":28454,"Republicans":28455,"isal":28456,"windows":28457,"ĠSantos":28458,"Ġvegetation":28459,"338":28460,"tri":28461,"Ġflux":28462,"insert":28463,"Ġclarified":28464,"Ġmortg":28465,"ĠChim":28466,"ĠTort":28467,"Ġdisclaim":28468,"metal":28469,"ĠAside":28470,"Ġinduction":28471,"Ġinfl":28472,"Ġatheists":28473,"amph":28474,"Ġether":28475,"ĠVital":28476,"ĠBuilt":28477,"Mind":28478,"Ġweaponry":28479,"SET":28480,"Ġ186":28481,"admin":28482,"gam":28483,"contract":28484,"afa":28485,"Ġderivatives":28486,"Ġsnacks":28487,"Ġchurn":28488,"Econom":28489,"Ġcapped":28490,"ĠUnderstanding":28491,"ĠHers":28492,"ĠIz":28493,"Ġduct":28494,"IENT":28495,"aughty":28496,"ĠâľĶ":28497,"ĠNP":28498,"Ġsailing":28499,"Initialized":28500,"Ġted":28501,"Ġreactors":28502,"ĠLomb":28503,"Ġchoke":28504,"ĠWorm":28505,"Ġadmiration":28506,"Ġswung":28507,"ensibly":28508,"Ġrash":28509,"ĠGoals":28510,"ĠImportant":28511,"Shot":28512,"ĠRas":28513,"Ġtrainers":28514,"ĠBun":28515,"Working":28516,"Ġharmed":28517,"ĠPandora":28518,"ĠLTE":28519,"Ġmushroom":28520,"ĠCHAR":28521,"ĠFee":28522,"ĠMoy":28523,"Born":28524,"oliberal":28525,"ĠMartial":28526,"Ġgentlemen":28527,"Ġlingering":28528,"Official":28529,"Ġgraffiti":28530,"ĠNames":28531,"Der":28532,"Ġquint":28533,"istrate":28534,"azeera":28535,"ĠNOTICE":28536,"ĠFlorence":28537,"Ġpayable":28538,"Ġdepicts":28539,"ĠSpecies":28540,"Heart":28541,"âĶĢâĶĢâĶĢâĶĢâĶĢâĶĢâĶĢâĶĢ":28542,"Ġenclosed":28543,"Increases":28544,"Daily":28545,"ĠLis":28546,"Ġenactment":28547,"ĠBacon":28548,"ĠSteele":28549,"demand":28550,"Ġ183":28551,"Ġmouths":28552,"Ġstranded":28553,"Ġenhancement":28554,"011":28555,"ĠWhats":28556,"Ġhealed":28557,"eny":28558,"ĠRab":28559,"Ġ340":28560,"ĠLabyrinth":28561,"roach":28562,"ĠYosh":28563,"ĠClippers":28564,"Ġconcerts":28565,"Internet":28566,"355":28567,"Ġstickers":28568,"Ġtermed":28569,"ĠAxe":28570,"Ġgrandparents":28571,"France":28572,"ĠClim":28573,"ĠUh":28574,"ulic":28575,"Ġthrill":28576,"centric":28577,"ĠOverview":28578,"ĠConduct":28579,"Ġsubstantive":28580,"Ġ182":28581,"mur":28582,"Ġstray":28583,"ĠCoff":28584,"Ġrepetitive":28585,"ĠForgotten":28586,"Ġqualification":28587,"ewitness":28588,"ĠZimbabwe":28589,"Ġsimulated":28590,"ĠJD":28591,"253":28592,"ĠWare":28593,"Ġunsc":28594,"Times":28595,"Ġsummons":28596,"Ġdisconnected":28597,"Ġ184":28598,"cius":28599,"ĠGujar":28600,"odka":28601,"Ġerase":28602,"ĠTobacco":28603,"elected":28604,"Ġuncont":28605,"ĠShepard":28606,"ĠLamp":28607,"Ġalerted":28608,"Ġoperative":28609,"arna":28610,"uint":28611,"Ġnegligence":28612,"acements":28613,"Ġsupra":28614,"Ġprevail":28615,"ĠShark":28616,"Ġbelts":28617,"ãģ«":28618,"Ġtighter":28619,"Engineers":28620,"Ġinactive":28621,"Ġexponent":28622,"ĠWillie":28623,"aples":28624,"Ġheir":28625,"ĠHits":28626,"iann":28627,"ĠSays":28628,"Ġcurrents":28629,"ĠBengal":28630,"Ġarist":28631,"Buffer":28632,"Ġbreeze":28633,"ĠWesley":28634,"Cola":28635,"Ġpronoun":28636,"Ġdeed":28637,"ĠKling":28638,"Ġoft":28639,"Ġinflict":28640,"Ġpunishing":28641,"Ġnm":28642,"iku":28643,"ODUCT":28644,"014":28645,"Ġsubsidy":28646,"ĠDEA":28647,"ĠHerbert":28648,"ĠJal":28649,"Bank":28650,"Ġdeferred":28651,"Ġshipment":28652,"Bott":28653,"Ġalle":28654,"bearing":28655,"HTML":28656,"Offline":28657,"Ġ213":28658,"Ġscrolling":28659,"Ġscanned":28660,"ĠLibyan":28661,"ĠTOP":28662,"chrom":28663,"dt":28664,"column":28665,"PsyNetMessage":28666,"Zero":28667,"Ġtorso":28668,"050":28669,"âķIJ":28670,"Ġimperson":28671,"ĠSchwartz":28672,"udic":28673,"Ġpissed":28674,"ĠSapp":28675,"257":28676,"ĠISPs":28677,"ogl":28678,"Ġsupervised":28679,"Ġadolescent":28680,"Ġattained":28681,"ĠDelivery":28682,"ĠBunny":28683,"Ġ1937":28684,"Ġminiature":28685,"Ġos":28686,"Ġ370":28687,"608":28688,"ĠMourinho":28689,"Ġinnate":28690,"Ġtempo":28691,"ĠNM":28692,"ĠFallen":28693,"009":28694,"Ġprovocative":28695,"Streamer":28696,"ĠBenedict":28697,"ĠBolshe":28698,"Ġturtle":28699,"ĠPCB":28700,"ĠEqual":28701,"Director":28702,"ĠRend":28703,"Ġfluids":28704,"Authorities":28705,"Ġcousins":28706,"requency":28707,"ĠNeighbor":28708,"sets":28709,"shared":28710,"Charles":28711,"password":28712,"Ġgears":28713,"Ġ211":28714,"ĠHardware":28715,"rika":28716,"Ġupstream":28717,"Hom":28718,"Ġdisproportionately":28719,"ivities":28720,"Ġundefined":28721,"Ġelectrons":28722,"Ġcommemor":28723,"Eventually":28724,"Ġ><":28725,"Ġirresponsible":28726,"218":28727,"ĠReleased":28728,"ĠOVER":28729,"ĠIGN":28730,"ĠBread":28731,"stellar":28732,"ĠSage":28733,"tted":28734,"damage":28735,"edition":28736,"ĠPrec":28737,"Ġlime":28738,"Ġconfinement":28739,"Ġcalorie":28740,"weapon":28741,"Ġdiffering":28742,"ĠSina":28743,"mys":28744,"amd":28745,"Ġintricate":28746,"kk":28747,"ĠPAT":28748,"ão":28749,"stones":28750,"links":28751,"Ġranch":28752,"Semitic":28753,"Ġdifferentiate":28754,"ĠSinger":28755,"occupied":28756,"Ġfortress":28757,"cmd":28758,"Ġinterception":28759,"ĠAnkara":28760,"Ġrept":28761,"ĠSolitaire":28762,"Ġremake":28763,"pred":28764,"Ġdared":28765,"autions":28766,"ĠBACK":28767,"Running":28768,"Ġdebugging":28769,"Ġgraphs":28770,"399":28771,"ĠNigel":28772,"Ġbun":28773,"Ġpillow":28774,"Ġprogressed":28775,"fashioned":28776,"Ġobedience":28777,"ERN":28778,"Ġrehears":28779,"Cell":28780,"tl":28781,"Sher":28782,"Ġherald":28783,"ĠPayment":28784,"ĠCory":28785,"ĠDept":28786,"Ġrepent":28787,"ĠWeak":28788,"uckland":28789,"Ġpleasing":28790,"Ġshortages":28791,"Ġjurors":28792,"ĠKab":28793,"qqa":28794,"Anti":28795,"Ġwow":28796,"ĠRCMP":28797,"Ġtsun":28798,"ĠSic":28799,"Ġcomprises":28800,"Ġspies":28801,"Ġprecinct":28802,"nu":28803,"Ġurges":28804,"Ġtimed":28805,"Ġstripes":28806,"ĠBoots":28807,"Ġyen":28808,"Advanced":28809,"Ġdiscrete":28810,"ĠArchangel":28811,"employment":28812,"Diff":28813,"Ġmonuments":28814,"Ġ209":28815,"worker":28816,"Ġ196":28817,"ĠIg":28818,"utterstock":28819,"TPS":28820,"Jac":28821,"Ġhomelessness":28822,"Ġcommentator":28823,"Ġracially":28824,"fing":28825,"seed":28826,"Ele":28827,"ellation":28828,"Ġethanol":28829,"Ġparish":28830,"ĠDong":28831,"ĠAwakening":28832,"Ġdeviation":28833,"ĠBearing":28834,"ĠTsuk":28835,"Ġrecess":28836,"Ġlymph":28837,"ĠCannabis":28838,"åľ":28839,"ĠNEWS":28840,"Ġdra":28841,"ĠStefan":28842,"ĠWrong":28843,"ĠSAM":28844,"Ġloosely":28845,"Ġinterpreter":28846,"ĠPlain":28847,"Government":28848,"Ġbigotry":28849,"Ġgrenades":28850,"avez":28851,"pictured":28852,"Ġmandated":28853,"ĠMonk":28854,"ĠPedro":28855,"Ġlava":28856,"274":28857,"Ġcynical":28858,"ĠScrolls":28859,"locks":28860,"Mp":28861,"Ġcongregation":28862,"ornings":28863,"phil":28864,"ĠIbid":28865,"Ġferv":28866,"Ġdisappearing":28867,"Ġarrogant":28868,"syn":28869,"ĠMaver":28870,"ĠSuit":28871,"241":28872,"Ġabbre":28873,"ackers":28874,"Pa":28875,"ĠYel":28876,"Whenever":28877,"Ġ235":28878,"ĠVine":28879,"ĠAnat":28880,"Ġextinct":28881,"LET":28882,"Ġexecutable":28883,"VERS":28884,"oxide":28885,"DNA":28886,"ĠPrel":28887,"Ġresentment":28888,"Ġcomprise":28889,"ĠAviv":28890,"Ġinterceptions":28891,"Ġprolific":28892,"INA":28893,"ĠErin":28894,"thought":28895,"219":28896,"ĠPsychiatry":28897,"unky":28898,"chemist":28899,"Ho":28900,"ĠMcCoy":28901,"Ġbricks":28902,"Los":28903,"rily":28904,"ĠUSSR":28905,"Ġrud":28906,"Ġlaud":28907,"ĠWise":28908,"ĠEmerald":28909,"Ġrevived":28910,"Ġdamned":28911,"ĠRepair":28912,"idem":28913,"ctica":28914,"Ġpatriarch":28915,"ĠNurs":28916,"meg":28917,"Ġcheapest":28918,"reements":28919,"empty":28920,"ĠCelebr":28921,"Ġdeprivation":28922,"chanted":28923,"ĠThumbnails":28924,"Energy":28925,"ĠEthan":28926,"ĠQing":28927,"Ġopposes":28928,"WIND":28929,"vik":28930,"ĠMau":28931,"ĠSUB":28932,"667":28933,"GRE":28934,"ĠVolunte":28935,"nton":28936,"Cook":28937,"åIJ":28938,"esque":28939,"Ġplummet":28940,"Ġsuing":28941,"Ġpronounce":28942,"Ġresisting":28943,"ĠFishing":28944,"ĠTrials":28945,"Ġyell":28946,"Ġ310":28947,"Ġinduct":28948,"Ġpersonalized":28949,"often":28950,"Reb":28951,"EMBER":28952,"Ġviewpoint":28953,"Ġexistential":28954,"())":28955,"remove":28956,"MENTS":28957,"lasses":28958,"Ġevapor":28959,"Ġaisle":28960,"meta":28961,"Ġreflective":28962,"Ġentitlement":28963,"Ġdevised":28964,"music":28965,"ascade":28966,"Ġwinding":28967,"offset":28968,"Ġaccessibility":28969,"kered":28970,"Better":28971,"ĠJohnston":28972,"thinking":28973,"Snow":28974,"ĠCroatia":28975,"ĠAtomic":28976,"271":28977,"348":28978,"Ġtextbook":28979,"ĠSixth":28980,"ĠاÙĦ":28981,"Ġslider":28982,"ĠBurger":28983,"bol":28984,"Sync":28985,"Ġgrandchildren":28986,"Ġcerv":28987,"+)":28988,"Ġeternity":28989,"Ġtweeting":28990,"Ġspeculative":28991,"Ġpivotal":28992,"ĠWP":28993,"ĠTER":28994,"ynamic":28995,"Ġupl":28996,"ĠCats":28997,"perhaps":28998,"Ġclassmates":28999,"Ġblatant":29000,"'-":29001,"Ġlakh":29002,"antine":29003,"ĠBorg":29004,"iom":29005,"/(":29006,"ĠAthletic":29007,"Ġsar":29008,"OTA":29009,"ĠHoffman":29010,"Nevertheless":29011,"Ġadorable":29012,"Ġspawned":29013,"Associated":29014,"ĠDomestic":29015,"Ġimplant":29016,"ĠLuxem":29017,"ĠKens":29018,"Ġpumps":29019,"ĠSAT":29020,"Attributes":29021,"509":29022,"avour":29023,"Ġcentralized":29024,"ĠTN":29025,"Ġfreshly":29026,"ĠAchieve":29027,"Ġoutsiders":29028,"herty":29029,"ĠRee":29030,"ĠTowers":29031,"ĠDart":29032,"akable":29033,"Ġmp":29034,"ĠHeavenly":29035,"Ġripe":29036,"ĠCaroline":29037,"ryan":29038,"Ġclassics":29039,"Ġretiring":29040,"Ġ228":29041,"Ġah":29042,"Ġdealings":29043,"Ġpunching":29044,"ĠChapman":29045,"Options":29046,"maxwell":29047,"volume":29048,"Ġstal":29049,"Ġexported":29050,"ĠQuite":29051,"Ġnumerical":29052,"Burn":29053,"Fact":29054,"ĠKeystone":29055,"Ġtrending":29056,"Ġaltering":29057,"ĠAfricans":29058,"478":29059,"ĠMN":29060,"ĠKnock":29061,"Ġtemptation":29062,"Ġprestige":29063,"Overview":29064,"ĠTraditional":29065,"ĠBahrain":29066,"Private":29067,"ĠHOU":29068,"Ġbarr":29069,"ĠTat":29070,"Cube":29071,"USD":29072,"ĠGrande":29073,"ĠGat":29074,"ĠFlo":29075,"Ġresides":29076,"Ġindec":29077,"volent":29078,"Ġperpetual":29079,"ubes":29080,"Ġworldview":29081,"ĠQuantum":29082,"Ġfiltered":29083,"Ġensu":29084,"orgetown":29085,"ERSON":29086,"ĠMild":29087,"379":29088,"OTT":29089,"Ã¥":29090,"Ġvitamins":29091,"Ġribbon":29092,"Ġsincerely":29093,"ĠHin":29094,"Ġeighteen":29095,"Ġcontradictory":29096,"Ġglaring":29097,"Ġexpectancy":29098,"Ġconspir":29099,"Ġmonstrous":29100,"Ġ380":29101,"reci":29102,"Ġhandic":29103,"Ġpumped":29104,"Ġindicative":29105,"Ġrapp":29106,"Ġavail":29107,"ĠLEGO":29108,"ĠMarijuana":29109,"1985":29110,"erton":29111,"Ġtwentieth":29112,"################################":29113,"ĠSwamp":29114,"Ġvaluation":29115,"Ġaffiliates":29116,"adjusted":29117,"ĠFacility":29118,"262":29119,"Ġenzymes":29120,"itudinal":29121,"Ġimprint":29122,"Site":29123,"Ġinstaller":29124,"ĠTRA":29125,"mology":29126,"linear":29127,"ĠCollective":29128,"igating":29129,"ĠToken":29130,"Ġspeculated":29131,"KN":29132,"ĠCly":29133,"ority":29134,"Ġdefer":29135,"Ġinspectors":29136,"approved":29137,"RM":29138,"ĠSuns":29139,"Ġinforming":29140,"ĠSyracuse":29141,"ibli":29142,"765":29143,"Ġglove":29144,"Ġauthorize":29145,"âĢ¦âĢ¦âĢ¦âĢ¦âĢ¦âĢ¦âĢ¦âĢ¦":29146,"ĠCruise":29147,"Ġcontracting":29148,"shell":29149,"IFE":29150,"ĠJewel":29151,"pract":29152,"ĠPhotoshop":29153,"ĠKnowing":29154,"harm":29155,"Ġattractions":29156,"adan":29157,"etus":29158,"018":29159,"wagen":29160,"Alt":29161,"Ġmultiply":29162,"Ġequilibrium":29163,":{":29164,"ĠFighters":29165,"ĠEdgar":29166,"Ġfourteen":29167,"Govern":29168,"Ġmisuse":29169,"Ġabusing":29170,"Ġancestry":29171,"ramer":29172,"644":29173,"Ġworms":29174,"Ġthicker":29175,"ĠCombine":29176,"Ġpeasants":29177,"Ġvind":29178,"Ġconquest":29179,"Ġmocked":29180,"Ġcinnamon":29181,"ĠCald":29182,"ĠGallup":29183,"Ġavoidance":29184,"Ġincarnation":29185,"ĠStrat":29186,"Ġtasted":29187,"enta":29188,"ĠNeal":29189,"pared":29190,"Ġterminology":29191,"jection":29192,"Scientists":29193,"ĠINS":29194,"ĠDee":29195,"Ġdirectories":29196,"Road":29197,"ĠShap":29198,"bright":29199,"ĠDirectors":29200,"ĠColumn":29201,"Ġbob":29202,"Ġpreferably":29203,"Ġglitch":29204,"furt":29205,"Ġeg":29206,"idis":29207,"CBC":29208,"Ġsurrendered":29209,"Ġtestament":29210,"336":29211,"uggest":29212,"ĠNil":29213,"another":29214,"Ġpathetic":29215,"ĠDonna":29216,"Ġ218":29217,"ĠAvery":29218,"Ġwhiskey":29219,"Ġfixture":29220,"ĠConquest":29221,"Ġbets":29222,"Occ":29223,"ĠLeicester":29224,"].\"":29225,"Ġ));":29226,"Ġflashes":29227,"456":29228,"Ġmasked":29229,"gebra":29230,"Ġcomputed":29231,"chel":29232,"auder":29233,"Ġdefeats":29234,"ĠLiberation":29235,"ĠOsama":29236,"ĠVive":29237,"Changes":29238,"Channel":29239,"Ġtariffs":29240,"Ġmage":29241,"ĠSax":29242,"Ġinadvertently":29243,"ĠCRE":29244,"ĠReaper":29245,"inky":29246,"grading":29247,"Ġstereotyp":29248,"Ġcurl":29249,"ĠFANT":29250,"Ġframeworks":29251,"Mom":29252,"ĠAnch":29253,"Ġflavour":29254,"carbon":29255,"Ġpermitting":29256,"letcher":29257,"ĠMozilla":29258,"ĠParking":29259,"ĠChamp":29260,"Scroll":29261,"Ġmurderer":29262,"Ġrested":29263,"Ġowes":29264,"ĠPoss":29265,"ADD":29266,"IFF":29267,"resolution":29268,"ĠMining":29269,"Ġcomparative":29270,"Dim":29271,"Ġneighbouring":29272,"ĠAST":29273,"ĠToxic":29274,"Ġbiases":29275,"Ġgunfire":29276,"urous":29277,"ĠMoment":29278,"1983":29279,"Ġpervasive":29280,"ttp":29281,"ĠNormally":29282,"rir":29283,"Sarah":29284,"ĠAlbany":29285,"Ġunsett":29286,"ĠSMS":29287,"ipers":29288,"layer":29289,"ĠWhites":29290,"uple":29291,"Ġturbo":29292,"ĠLeeds":29293,"Ġthats":29294,"ĠMiner":29295,"MER":29296,"ĠReign":29297,"Ġperme":29298,"ĠBlitz":29299,"Ġ1934":29300,"Ġintimidating":29301,"tube":29302,"Ġeccentric":29303,"abolic":29304,"boxes":29305,"ĠAssociates":29306,"votes":29307,"Ġsimulate":29308,"umbo":29309,"astery":29310,"Ġshipments":29311,"FFFF":29312,"anth":29313,"Ġseasoned":29314,"Ġexperimentation":29315,"âĸł":29316,"laws":29317,"Meet":29318,"iddles":29319,"antics":29320,"Rating":29321,"ISIS":29322,"hift":29323,"Ġfronts":29324,"buf":29325,"017":29326,"Ġunatt":29327,"ĠDil":29328,"leases":29329,"ĠGardens":29330,"777":29331,"touch":29332,"vell":29333,"458":29334,"Ġ=====":29335,"saving":29336,"Ġerosion":29337,"ĠQuin":29338,"Ġearns":29339,"Ġaccomplishment":29340,"ĠWei":29341,"Ġ<[":29342,"_____":29343,"Ġirrig":29344,"ĠTeddy":29345,"Ġconquered":29346,"ĠArmored":29347,"Ġasserts":29348,"Ġmanipulating":29349,"ré":29350,"Ġtranscripts":29351,"Gallery":29352,"Ġplotting":29353,"Neil":29354,"Ġbetrayal":29355,"loader":29356,"ĠSul":29357,"Ġdisplacement":29358,"Ġroyalty":29359,"ĠWI":29360,"heit":29361,"ĠDevices":29362,"allel":29363,"Ġmunicipalities":29364,"Ġcanal":29365,"Stars":29366,"ĠUAE":29367,"Ġ\"âĢ¦":29368,"ĠCU":29369,"above":29370,"Ġresonance":29371,"ĠguiActiveUn":29372,"added":29373,"ĠBraves":29374,"ĠIbn":29375,"Ġhereby":29376,"ĠBRE":29377,"Ġshareholder":29378,"ĠHir":29379,"ĠJi":29380,"Ġstrangely":29381,"Ġadmired":29382,"Ġplight":29383,"Ġbachelor":29384,"ĠPole":29385,"ciplinary":29386,"Tony":29387,"ĠArmenian":29388,"Ġunman":29389,"ĠZionist":29390,"Stage":29391,"iscover":29392,"Ġautomotive":29393,"Ġsidelines":29394,"Ġslick":29395,"ĠRenaissance":29396,"ĠFUN":29397,"Images":29398,"ĠHaj":29399,"Ġping":29400,"Ġshortcut":29401,"ĠBlvd":29402,"ĠLooks":29403,"Ġbursts":29404,"Ġclamp":29405,"Ġmish":29406,"Ġsorting":29407,"Ġpatriot":29408,"Ġcorrectness":29409,"ĠScandinav":29410,"ĠCavaliers":29411,"python":29412,"azar":29413,"Ġ375":29414,"ĠJaune":29415,"409":29416,"Ġdetrimental":29417,"Ġstabbing":29418,"Ġpoisoned":29419,"Ġfountain":29420,"ocent":29421,"orst":29422,"ĠMari":29423,"Ġrains":29424,"ĠOvers":29425,"ĠInstitution":29426,"udget":29427,"AMY":29428,"tale":29429,"ĠKR":29430,"ĠPrices":29431,"Ġheadaches":29432,"Ġlandsl":29433,"ĠAura":29434,"Bonus":29435,"ĠZhao":29436,"ĠHip":29437,"Ġhops":29438,"ĠKurdistan":29439,"Ġexploiting":29440,"ryn":29441,"Ġhypocrisy":29442,"opening":29443,"Ġgunshot":29444,"Ġwed":29445,"interstitial":29446,"Interstitial":29447,"Ġamen":29448,"Breaking":29449,"Ġmarketed":29450,"Wire":29451,"ĠCrowd":29452,"Continue":29453,"ĠKnown":29454,"ĠEffective":29455,"orean":29456,"izons":29457,"Joseph":29458,"Ġescalation":29459,"username":29460,"Ġcurtain":29461,"ATES":29462,"ĠPAR":29463,"ĠMiy":29464,"Ġcounterfe":29465,"lene":29466,"Ġcontenders":29467,"daily":29468,"ĠAsc":29469,"ĠPhillip":29470,"mostly":29471,"Ġfilename":29472,"hene":29473,"Ġresembling":29474,"Ġstaging":29475,"ĠChloe":29476,"Ġwiring":29477,"Hon":29478,"ĠRenew":29479,"ottage":29480,"ĠHybrid":29481,"much":29482,"Ġstrokes":29483,"Ġpolicymakers":29484,"APTER":29485,"ĠArkham":29486,"plot":29487,"Ġassistants":29488,"Ġdeport":29489,"ĠSega":29490,"Ġinfluenza":29491,"ĠCursed":29492,"ĠKobe":29493,"Ġskinny":29494,"Provider":29495,"ĠRip":29496,"Ġincremental":29497,"products":29498,"BF":29499,"Ġdome":29500,"ĠCredits":29501,"Ġlosers":29502,"ints":29503,"ĠBetty":29504,"ĠTalent":29505,"ĠDAM":29506,"Lv":29507,"Ess":29508,"Ġdens":29509,"temp":29510,"Judge":29511,"odic":29512,"Ġ'(":29513,"URES":29514,"etsk":29515,"VO":29516,"Ġretrieved":29517,"Ġarchitects":29518,"Ùĩ":29519,"Ġethic":29520,"ĠSecondary":29521,"stocks":29522,"adia":29523,"Ġ325":29524,"ĠOpinion":29525,"Ġsimultaneous":29526,"Ġdizz":29527,"ulp":29528,"Ġsmuggling":29529,"ippery":29530,"Random":29531,"facing":29532,"ĠDas":29533,"Ġstockp":29534,"Ġdisclosures":29535,"pointer":29536,"Ġcoral":29537,"ĠSelection":29538,"ĠPike":29539,"ivalent":29540,"Ġruthless":29541,"ĠRim":29542,"Ġensuing":29543,"ĠExperiment":29544,"Ġcongressman":29545,"Ġbeliever":29546,"Ġunspecified":29547,"ĠMord":29548,"Ġknowledgeable":29549,"ĠVERY":29550,"TX":29551,"Ġstraps":29552,"Ġturf":29553,"apeshifter":29554,"Ġmarital":29555,"Ġflock":29556,"ãģĨ":29557,"263":29558,"AMES":29559,"ĠOpposition":29560,"Ġtreasures":29561,"ĠGOD":29562,"Ġmodeled":29563,"ĠWORLD":29564,"Ġ([":29565,"ĠUsage":29566,"HF":29567,"Ġ$(":29568,"ussed":29569,"Ġpioneer":29570,"Eight":29571,"parse":29572,"bread":29573,"ritz":29574,"ĠMiranda":29575,"ĠKant":29576,"++)":29577,"oren":29578,"Ġprovoked":29579,"Ġbreeds":29580,"ĠIncludes":29581,"ĠPastebin":29582,"ĠFlip":29583,"Java":29584,"Ġbrink":29585,"Ġrumored":29586,"Ġunseen":29587,"Ġgarnered":29588,"ĠDefin":29589,"alted":29590,"Ġtattoos":29591,"Ġhesitation":29592,"isitions":29593,"ĠWeaver":29594,"ĠReporting":29595,"Ġtherapies":29596,"Ġconsultants":29597,"Ġresidual":29598,"ĠMali":29599,"ĠRoma":29600,"iago":29601,"ĠResidents":29602,"ubi":29603,"Ġremedies":29604,"Ġadaptive":29605,"ĠAlive":29606,"ĠBarcl":29607,"Ġwallets":29608,"crypt":29609,"etermination":29610,"ĠPelosi":29611,"Ġslipping":29612,"otonin":29613,"Ġalliances":29614,"patrick":29615,"iris":29616,"Ġorth":29617,"ĠPerkins":29618,"ĠDeV":29619,"ĠGets":29620,"Ġdrying":29621,"gee":29622,"forest":29623,"ĠForget":29624,"orem":29625,"339":29626,"Ġvaguely":29627,"ĠDion":29628,"ĠPorn":29629,"ĠHOW":29630,"Ġpneum":29631,"Ġrubble":29632,"ĠTaste":29633,"encia":29634,"ĠGel":29635,"Ġdst":29636,"Ġ245":29637,"ĠMorocco":29638,"inflamm":29639,"ĠTwins":29640,"Ġbots":29641,"daughter":29642,"ĠBalk":29643,"Ġbrethren":29644,"Ġlogos":29645,"Ġgobl":29646,"fps":29647,"Ġsubdivision":29648,"Ġpawn":29649,"Ġsqueezed":29650,"Ġmorale":29651,"ĠDW":29652,"'\"":29653,"Ġknot":29654,"ooky":29655,"Ġdivisive":29656,"Ġboosted":29657,"chy":29658,"ãĥIJ":29659,"ifact":29660,"Ġnewcomers":29661,"ĠWrestling":29662,"Ġscouts":29663,"wolves":29664,"Rat":29665,"Ġnineteenth":29666,"ĠOsborne":29667,"Stats":29668,"Ġempowered":29669,"Ġpsychopath":29670,"ĠOEM":29671,"uggage":29672,"ĠPK":29673,"ĠMohammad":29674,"Pak":29675,"Ġanarchists":29676,"ĠExtract":29677,"esthes":29678,"ĠStockholm":29679,"loo":29680,"ĠGraph":29681,"Ġdeploying":29682,"ĠStranger":29683,"ĠMold":29684,"Ġstaffer":29685,"Ġdiscounted":29686,"uckle":29687,"please":29688,"ĠLanding":29689,"ÃŃa":29690,"Ġ193":29691,"Ġante":29692,"Ġrepetition":29693,"Ġ+/-":29694,"Ġparody":29695,"Ġlively":29696,"AAA":29697,"ĠHorus":29698,"Ġpits":29699,"inders":29700,"LOC":29701,"ĠVenice":29702,"406":29703,"ĠDiscover":29704,"âĨ":29705,"ellectual":29706,"Ġpens":29707,"Ġeyel":29708,"iguous":29709,"Impl":29710,"Ġjoking":29711,"Ġinval":29712,"ĠBelfast":29713,"Ġcreditors":29714,"ĠSkywalker":29715,"ovsky":29716,"Ġceasefire":29717,"Ġseals":29718,"isoft":29719,")).":29720,"ĠFelix":29721,"ITS":29722,"Ġtresp":29723,"ĠBlockchain":29724,"eware":29725,"ĠSchwar":29726,"enne":29727,"mounted":29728,"ĠBeacon":29729,"lesh":29730,"Ġimmensely":29731,"Ġcheering":29732,"Employ":29733,"scene":29734,"ishly":29735,"atchewan":29736,"ĠNicolas":29737,"Ġdrained":29738,"ĠExit":29739,"ĠAzerb":29740,"jun":29741,"Ġfloated":29742,"uania":29743,"Deep":29744,"Ġsuperv":29745,"Ġmystical":29746,"ĠDollar":29747,"ĠApostle":29748,"ĠREL":29749,"ĠProvided":29750,"ĠBucks":29751,"ãĥ´":29752,"cutting":29753,"Ġenhancements":29754,"ĠPenguins":29755,"ĠIsaiah":29756,"Ġjerk":29757,"ĠWyn":29758,"Ġstalled":29759,"Ġcryptocurrencies":29760,"ĠRoland":29761,"single":29762,"Ġlumin":29763,"ĠFellow":29764,"ĠCapacity":29765,"ĠKazakh":29766,"WN":29767,"Ġfinanced":29768,"389":29769,"Ġtid":29770,"Ġcollusion":29771,"ĠMyr":29772,"îĢ":29773,"Senator":29774,"Ġpediatric":29775,"Ġneatly":29776,"Ġsandwiches":29777,"ĠArchitecture":29778,"Ġtucked":29779,"Ġbalcony":29780,"Ġearthquakes":29781,"quire":29782,"Future":29783,"Ġhefty":29784,"éĹ":29785,"Ġspecializes":29786,"Ġstresses":29787,"Ġsender":29788,"Ġmisunderstanding":29789,"Ġepile":29790,"Ġprovoke":29791,"ĠColors":29792,"Ġdismay":29793,"uko":29794,"[_":29795,"586":29796,"neutral":29797,"Ġdonating":29798,"ĠRandall":29799,"Multi":29800,"Ġconveniently":29801,"ĠSung":29802,"ĠCoca":29803,"Ġtents":29804,"ĠAcceler":29805,"Ġpartnered":29806,"272":29807,"irming":29808,"ĠBAS":29809,"sometimes":29810,"Ġobjected":29811,"ubric":29812,"posed":29813,"LCS":29814,"grass":29815,"Ġattributable":29816,"VIS":29817,"Israeli":29818,"Ġrepeats":29819,"ĠRM":29820,"vag":29821,"uta":29822,"inous":29823,"Ġinert":29824,"ĠMiguel":29825,"æŃ":29826,"ĠHawaiian":29827,"Board":29828,"Ġartific":29829,"ĠAzerbai":29830,"asio":29831,"ĠRent":29832,"AIN":29833,"Ġappliances":29834,"Ġnationality":29835,"Ġasshole":29836,"ĠNeb":29837,"Ġnotch":29838,"hani":29839,"ĠBride":29840,"Availability":29841,"Ġintercepted":29842,"Ġcontinental":29843,"Ġswelling":29844,"ĠPerspect":29845,"bies":29846,".<":29847,"ithmetic":29848,"ĠLara":29849,"Ġtempting":29850,"addr":29851,"Ġoverseeing":29852,"clad":29853,"ĠDV":29854,"ĠGingrich":29855,"Ġmun":29856,"ĠAppropri":29857,"Ġalterations":29858,"ĠPatreon":29859,"Ġhavoc":29860,"Ġdisciplines":29861,"Ġnotoriously":29862,"akuya":29863,"ieri":29864,"?).":29865,"ĠWent":29866,"Ġsilicon":29867,"Ġtremb":29868,"Container":29869,"Known":29870,"Ġmortar":29871,"este":29872,"icka":29873,"Arthur":29874,"ĠPreviously":29875,"ĠMarty":29876,"Ġsparse":29877,"gins":29878,"Ġinward":29879,"ĠParticipant":29880,"Copy":29881,"ĠMisc":29882,"Ġantibiotic":29883,"ĠRetro":29884,"Ġelusive":29885,"Ġassail":29886,"ĠBattalion":29887,"ĠBought":29888,"Ġdiminish":29889,"ĠEuropa":29890,"session":29891,"ĠDangerous":29892,"iesel":29893,"Ġdisbelief":29894,"Ġblasts":29895,"extreme":29896,"ĠBoyd":29897,"ĠProjects":29898,"ĠGuys":29899,"Ġundergone":29900,"Ġgrill":29901,"ĠDwight":29902,"Ġ197":29903,"USER":29904,"Ġfilesystem":29905,"Ġclocks":29906,"Taylor":29907,"Ġwrapper":29908,"Ġfolding":29909,"ousand":29910,"ĠPhilippine":29911,"ATIONAL":29912,"ĠPerth":29913,"Ġashes":29914,"Ġaccumulate":29915,"ĠGateway":29916,"Shop":29917,"orkshire":29918,"Han":29919,"ĠBarrel":29920,"ĠLeh":29921,"ĠXV":29922,"Ġwhim":29923,"Ġrepo":29924,"ĠCG":29925,"ĠMam":29926,"Ġincorporating":29927,"Ġbailout":29928,"Ġlinguistic":29929,"Ġdisinteg":29930,"CLE":29931,"Ġcinematic":29932,"ĠFiber":29933,"Syn":29934,"ilion":29935,"ĠCompos":29936,"chens":29937,"Ġneoc":29938,"Ġboiled":29939,"FINE":29940,"ono":29941,"uncle":29942,"iken":29943,"ĠBM":29944,"ι":29945,"Ġreceipts":29946,"Ġdisposed":29947,"ĠThirty":29948,"ĠRough":29949,"ĠABS":29950,"Ġnotwithstanding":29951,"ollen":29952,"#$":29953,"Ġunreliable":29954,"Ġbloom":29955,"Ġmediocre":29956,"Ġtram":29957,"ĠTasman":29958,"Ġshakes":29959,"Ġmanifesto":29960,"ĠMW":29961,"Ġsatisfactory":29962,"Ġshores":29963,"Ġcomputation":29964,"Ġassertions":29965,"ormons":29966,"arag":29967,"abit":29968,"Democrats":29969,"ĠLoot":29970,"ĠVolks":29971,"haired":29972,"Ġgravitational":29973,"Sing":29974,"ĠMiz":29975,"Ġthrottle":29976,"Ġtyranny":29977,"ĠViews":29978,"Ġrobber":29979,"ĠMinority":29980,"Ġshrine":29981,"scope":29982,"purpose":29983,"Ġnucleus":29984,"ourcing":29985,"ĠUSDA":29986,"ĠDHS":29987,"wra":29988,"ĠBowie":29989,"Scale":29990,"ĠBEL":29991,"xi":29992,"Iter":29993,"Ġ(),":29994,"wright":29995,"Ġsailors":29996,"oused":29997,"NASA":29998,"ĠProof":29999,"ĠMineral":30000,"token":30001,"ĠFD":30002,"Rew":30003,"Ġell":30004,"630":30005,"Ġchancellor":30006,"ĠGos":30007,"Ġamounted":30008,"ĠRecre":30009,"omez":30010,"ĠOptim":30011,"ĠOlive":30012,"Ġtracker":30013,"owler":30014,"ĠUnique":30015,"Root":30016,"Ġmaritime":30017,"ĠQuran":30018,"ĠAdapt":30019,"Ġecosystems":30020,"ĠRepeat":30021,"ĠSoy":30022,"ĠIMP":30023,"Ġgraduating":30024,"andem":30025,"Pur":30026,"ĠReset":30027,"ĠTrick":30028,"ĠPhilly":30029,"ĠTue":30030,"ĠMalaysian":30031,"Ġclimax":30032,"Ġbury":30033,"Ġconspic":30034,"ĠSouthampton":30035,"ĠFlowers":30036,"Ġescorted":30037,"ĠEducational":30038,"ĠIRC":30039,"Ġbrutally":30040,"eating":30041,"Ġpillar":30042,"ĠSang":30043,"ĠJude":30044,"arling":30045,"ĠAmnesty":30046,"Ġreminding":30047,"ĠAdministrative":30048,"hesda":30049,"Ġflashed":30050,"ĠPBS":30051,"perate":30052,"feature":30053,"Ġswipe":30054,"Ġgraves":30055,"oultry":30056,"261":30057,"breaks":30058,"ĠGuer":30059,"Ġshrimp":30060,"ĠVoting":30061,"quist":30062,"Ġanalytical":30063,"Ġtablespoons":30064,"ĠSOU":30065,"Ġresearched":30066,"Ġdisrupted":30067,"Ġjour":30068,"Ġreplica":30069,"Ġcartoons":30070,"bians":30071,"})":30072,"copy":30073,"Got":30074,"ouched":30075,"PUT":30076,"Ġswarm":30077,"notations":30078,"said":30079,"Ġrebuilt":30080,"Ġcollaborate":30081,"Ġraging":30082,"Ġnar":30083,"Ġdemographics":30084,"ĠDDR":30085,"Ġdistrust":30086,"ossier":30087,"ĠKro":30088,"Ġpumpkin":30089,"Ġregrets":30090,"Ġfatalities":30091,"ĠLens":30092,"ĠOle":30093,"pd":30094,"Ġpuppet":30095,"ĠOutlook":30096,"ĠStam":30097,"Ol":30098,"Fair":30099,"UU":30100,"Ġrewritten":30101,"ı":30102,"Ġfascinated":30103,"Ġvectors":30104,"Ġtribunal":30105,"uay":30106,"ĠMats":30107,"ĠCoins":30108,"[[":30109,"Ġ181":30110,"Ġrenders":30111,"ĠKaepernick":30112,"Ġespionage":30113,"Ġsumm":30114,"Ġditch":30115,"Account":30116,"Ġspreadsheet":30117,"Ġmutant":30118,"past":30119,"407":30120,"Ġdye":30121,"Ġinitiation":30122,"Ġ4000":30123,"Ġpunishable":30124,"Ġthinner":30125,"ĠKhal":30126,"Ġintermedi":30127,"Dun":30128,"ĠGotham":30129,"Ġeagerly":30130,"Ġvaginal":30131,"powers":30132,"VW":30133,"ĠWATCHED":30134,"Ġpredator":30135,"amsung":30136,"Ġdisparity":30137,"Ġ[*":30138,"Ġamph":30139,"Ġoutskirts":30140,"ĠSpirits":30141,"Ġskeletal":30142,"л":30143,"ĠRear":30144,"Ġissuance":30145,"ĠLogic":30146,"released":30147,"ZZ":30148,"ĠBound":30149,"Entry":30150,"Ġexits":30151,"isol":30152,"ĠFounder":30153,"Ġwre":30154,"ĠGreenland":30155,"ĠMMO":30156,"taker":30157,"INC":30158,"ãģ¾":30159,"Ġhourly":30160,"henko":30161,"Ġfantasies":30162,"Ġdisob":30163,"Ġdemolition":30164,"ãĥĭ":30165,"Ġenlisted":30166,"ratulations":30167,"Ġmisguided":30168,"Ġensured":30169,"Ġdiscouraged":30170,"mort":30171,"Ġflank":30172,"Ġcess":30173,"Ġreacts":30174,"ĠSere":30175,"sensitive":30176,"ĠSerpent":30177,"assad":30178,"Ġ247":30179,"Ġcalmly":30180,"busters":30181,"Ġbleed":30182,"ĠStro":30183,"Ġamusement":30184,"ĠAntarctica":30185,"Ġscept":30186,"ĠGaw":30187,"aq":30188,"asonic":30189,"Ġsprawling":30190,"native":30191,"aturated":30192,"ĠBattlefield":30193,"IVERS":30194,"EB":30195,"ĠGems":30196,"ĠNorthwestern":30197,"ĠFilms":30198,"ĠAutomatic":30199,"Ġapprehend":30200,"ãģ¨":30201,"ĠguiName":30202,"Ġbackend":30203,"Ġevidenced":30204,"geant":30205,"012":30206,"ĠSiege":30207,"ĠexternalTo":30208,"ĠunfocusedRange":30209,"ĠguiActiveUnfocused":30210,"ĠguiIcon":30211,"ĠexternalToEVA":30212,"ĠexternalToEVAOnly":30213,"Fri":30214,"chard":30215,"enaries":30216,"Ġchiefs":30217,"Ġcf":30218,"ĠHUD":30219,"Ġcorrobor":30220,"ĠdB":30221,"ĠTaken":30222,"ĠPatricia":30223,"rail":30224,"ĠCharm":30225,"ĠLibertarian":30226,"rieve":30227,"Personal":30228,"ĠOUR":30229,"geries":30230,"Ġdumping":30231,"Ġneurological":30232,"itimate":30233,"ĠClintons":30234,"rafted":30235,"ĠMolly":30236,"Ġterminals":30237,"register":30238,"Ġflare":30239,"Ġencoded":30240,"Ġautopsy":30241,"pel":30242,"machine":30243,"Ġexemptions":30244,"ĠRoyals":30245,"distance":30246,"Ġdrafts":30247,"Ġlame":30248,"ĠCunning":30249,"Ġspouses":30250,"ĠMarkets":30251,"ĠCarrier":30252,"Ġimplying":30253,"ĠYak":30254,"sid":30255,"Ġloser":30256,"Ġvigilant":30257,"Ġimpeachment":30258,"Ġaugmented":30259,"ĠEmployees":30260,"Ġunintended":30261,"ternally":30262,"ĠWatt":30263,"Ġrecognizable":30264,"essim":30265,"æĿ":30266,"Ġcoated":30267,"rha":30268,"Ġlieutenant":30269,"ĠLegislation":30270,"published":30271,"444":30272,"013":30273,"Ġideally":30274,"ĠPassword":30275,"Ġsimplify":30276,"ĠMeta":30277,"ĠMRI":30278,"Ġpleading":30279,"organized":30280,"handler":30281,"Ġunravel":30282,"correct":30283,"Ġicy":30284,"Ġparanoid":30285,"Ġpasser":30286,"Ġinspections":30287,"ofer":30288,"ĠHealthcare":30289,"283":30290,"ĠBrut":30291,"iola":30292,"forge":30293,"ĠMedieval":30294,"MSN":30295,"ievers":30296,"ĠProgramming":30297,"åī":30298,"Ġ223":30299,"mu":30300,"ĠCLE":30301,"uga":30302,"Ġshoppers":30303,"Ġinformative":30304,"ĠPlans":30305,"Ġsupplementation":30306,"ĠTests":30307,"tyard":30308,"ocytes":30309,"ĠVega":30310,"ĠGujarat":30311,"ermanent":30312,"Except":30313,"ĠLOT":30314,"alla":30315,"ĠCumm":30316,"ĠOsw":30317,"Ġvenom":30318,"ĠDebt":30319,"ĠDOWN":30320,"Ġreunion":30321,"Ġmuc":30322,"ĠRelief":30323,"Ġgeop":30324,"ĠðŁĺ":30325,"alogue":30326,"Anth":30327,"echo":30328,"Ġcorros":30329,"Ġreplication":30330,"ĠBlazing":30331,"ĠDaughter":30332,"Ġinflic":30333,"ĠLindsey":30334,"ÙĪ":30335,"284":30336,"Exit":30337,"Ġgloom":30338,"TAIN":30339,"Ġundermining":30340,"Ġadvising":30341,"hidden":30342,"Ġoverflow":30343,"Ġgor":30344,"urdue":30345,"Ġechoes":30346,"enhagen":30347,"Ġimpuls":30348,"drug":30349,"cash":30350,"Ġasync":30351,"Ġmirac":30352,"atts":30353,"punk":30354,"Ġpivot":30355,"ĠLegislative":30356,"Ġbloggers":30357,"ĠClaw":30358,"sburg":30359,"dyl":30360,"ĠRecommend":30361,"Ġverte":30362,"Ġprohibiting":30363,"ĠPanther":30364,"Jonathan":30365,"Ġomin":30366,"Ġhateful":30367,"281":30368,"ĠOrche":30369,"ĠMurdoch":30370,"downs":30371,"Ġasymm":30372,"GER":30373,"Always":30374,"Ġinforms":30375,"ĠWM":30376,"ĠPony":30377,"ĠAppendix":30378,"ĠArlington":30379,"Jam":30380,"Ġmedicinal":30381,"ĠSlam":30382,"ITIES":30383,"Ġreaff":30384,"ĠRi":30385,"FG":30386,"Spring":30387,"bool":30388,"Ġthighs":30389,"Ġmarkings":30390,"ĠRaqqa":30391,"ĠLak":30392,"poll":30393,"tsky":30394,"ĠMorty":30395,"ĠDefinition":30396,"Ġdebunk":30397,"endered":30398,"ĠLeone":30399,"avers":30400,"Ġmortgages":30401,"Apparently":30402,"Nic":30403,"haus":30404,"ĠThousands":30405,"auld":30406,"Ġmash":30407,"shoot":30408,"Ġdiarr":30409,"Ġconsciously":30410,"Hero":30411,"eas":30412,"ĠNaturally":30413,"ĠDestroyer":30414,"Ġdashboard":30415,"services":30416,"Rog":30417,"Ġmillennials":30418,"Ġinvade":30419,"-(":30420,"Ġcommissions":30421,"ĠAuckland":30422,"Ġbroadcasts":30423,"Ġfrontal":30424,"Ġcrank":30425,"ĠHistoric":30426,"Ġrumours":30427,"CTV":30428,"Ġsteril":30429,"Ġbooster":30430,"rocket":30431,"ãĤ¼":30432,"utsche":30433,"ĠPI":30434,"Ġ233":30435,"ĠProducer":30436,"ĠAnalytics":30437,"Ġinvaluable":30438,"Ġunintention":30439,"ĠCY":30440,"Ġscrutin":30441,"Ġgigg":30442,"Ġengulf":30443,"Ġproletariat":30444,"Ġhacks":30445,"ĠHew":30446,"arak":30447,"ĠSlime":30448,"ielding":30449,"agher":30450,"ĠElliot":30451,"Ġtelecom":30452,"Ġ219":30453,"ultan":30454,"ĠArbor":30455,"ĠScouts":30456,"Ban":30457,"Ġlifespan":30458,"Ġblasp":30459,"388":30460,"Ġjudiciary":30461,"ĠContinental":30462,"asking":30463,"McC":30464,"LED":30465,"Ġbaggage":30466,"ĠSorcerer":30467,"Ġremnants":30468,"ĠGriffith":30469,"etsu":30470,"ĠSubaru":30471,"ĠPersonality":30472,"designed":30473,"ushima":30474,"agnar":30475,"Ġrecoil":30476,"Ġpassions":30477,"\\\":":30478,"Ġtee":30479,"Ġabolition":30480,"ĠCreating":30481,"jac":30482,"Ġ194":30483,"019":30484,"Ġpillars":30485,"riched":30486,"/\"":30487,"tk":30488,"Ġlivelihood":30489,"Ġroasted":30490,"ahon":30491,"ĠHutch":30492,"assert":30493,"Ġdividend":30494,"Ġknit":30495,"Ġdaunting":30496,"Ġdisturbance":30497,"Ġshale":30498,"Ġcultivated":30499,"Ġrefrigerator":30500,"LB":30501,"ĠNET":30502,"Ġcommercials":30503,"Ġthinkers":30504,"455":30505,"Ġchop":30506,"Broad":30507,"Ġsuspicions":30508,"Ġtagged":30509,"lifting":30510,"Ġstylish":30511,"ĠShields":30512,"Shortly":30513,"Ġtails":30514,"Auth":30515,"STE":30516,"ĠGAME":30517,"Ġseism":30518,"ĠKis":30519,"ologne":30520,"Ġcowork":30521,"Ġforcibly":30522,"Ġthyroid":30523,"ĠPB":30524,"ANE":30525,"married":30526,"horse":30527,"Ġpolymer":30528,"ĠChal":30529,"odor":30530,"DEBUG":30531,"ĠContext":30532,"Ġbliss":30533,"Ġpinpoint":30534,"ĠMathemat":30535,"legram":30536,"ĠWeekend":30537,"Ġlabelled":30538,"Ġbart":30539,"itles":30540,"Ġestrogen":30541,"âĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶâĢĶ":30542,"\"'":30543,"Ġvisibly":30544,"Ġoutsider":30545,"aida":30546,"Area":30547,"Ġdissemin":30548,"Ġdishonest":30549,"ĠClosed":30550,"ĠBulletin":30551,"ĠRamsey":30552,"sword":30553,"ĠXI":30554,"ourced":30555,"Same":30556,"346":30557,"ĠRepe":30558,"ĠKou":30559,"cake":30560,"emis":30561,"Cache":30562,"ĠMeaning":30563,"ĠEnlight":30564,"onomy":30565,"Ġmanifestation":30566,"sworth":30567,"Jay":30568,"Ġchore":30569,"ör":30570,"Dream":30571,"Ġsanctioned":30572,"Ġculturally":30573,"ĠAra":30574,"Nav":30575,"Ġtheological":30576,"Ġstrut":30577,"ĠVO":30578,"ĠHandbook":30579,"Ġconstructing":30580,"Ġ¶":30581,"ĠBenefits":30582,"ĠPsychological":30583,"sac":30584,"å¸":30585,"policy":30586,"ĠMatters":30587,"ĠReported":30588,"ĠByte":30589,"Ġvitro":30590,"ĠMaiden":30591,"Ġlam":30592,"ĠJennings":30593,"Ġgarment":30594,"ĠRutgers":30595,"ĠStafford":30596,"ĠWellington":30597,"Ġintermitt":30598,"Ġnpm":30599,"Ġordeal":30600,"Ġplugged":30601,"ooming":30602,"inished":30603,"framework":30604,"Ġtimber":30605,"Ġcass":30606,"Ġ850":30607,"iless":30608,"ĠRedux":30609,"768":30610,"Stre":30611,"Ġsurpassed":30612,"whel":30613,"Ġparallels":30614,"Ġveil":30615,"ĠGI":30616,"ĠREST":30617,"Ġreadiness":30618,"sort":30619,"Ġmodifying":30620,"ĠSlate":30621,"ruff":30622,"Ġmarble":30623,"Ġinfrared":30624,"Ġauditor":30625,"ĠFANTASY":30626,"ĠPoverty":30627,"ĠSPD":30628,"Ġ\"(":30629,"Ky":30630,"RAY":30631,"Ġexecutions":30632,"ĠBeverly":30633,"ĠMarxism":30634,"ĠBurst":30635,"ĠKali":30636,"estones":30637,"Clearly":30638,"Ell":30639,"ãģ§":30640,"ĠProceedings":30641,"Token":30642,"IFIC":30643,"ña":30644,"Central":30645,"ĠHaley":30646,"ĠDrama":30647,"Ġformations":30648,"ORN":30649,"Books":30650,"Ġdominating":30651,"ĠFlyers":30652,"ĠCompanion":30653,"Ġdisciplined":30654,"ĠYugoslav":30655,"ĠSpells":30656,"Ġvengeance":30657,"Ġlandlords":30658,"Len":30659,"ĠOgre":30660,"anoia":30661,"Ġpiercing":30662,"Ġcongreg":30663,"Ġscorer":30664,"obia":30665,"Ġnickel":30666,"ĠLearns":30667,"Ġrejo":30668,"Ġmasterpiece":30669,"Flash":30670,"Ġinhabited":30671,"ĠOpenGL":30672,"ĠDud":30673,"ĠICO":30674,"Ġarter":30675,"Ġplur":30676,"Ġmastery":30677,"Ġlongstanding":30678,"sted":30679,"Ġwines":30680,"Ġtelevised":30681,"ĠShrine":30682,"ĠBayern":30683,"Ġâĵĺ":30684,"Ġenclosure":30685,"john":30686,"Ġprophets":30687,"ĠResurrection":30688,"ĠOrders":30689,"Ġuneven":30690,"rals":30691,"Ġdwind":30692,"ĠLah":30693,"ĠSloven":30694,"378":30695,"Ġinsistence":30696,"affle":30697,"ĠClone":30698,"Ġhardship":30699,"ĠCongressman":30700,"Ġplead":30701,"Ġreviewers":30702,"Ġcured":30703,"Ġ1935":30704,"asley":30705,"fake":30706,"ĠThinking":30707,"ydia":30708,"PART":30709,"ĠDota":30710,"oit":30711,"Ġwhipped":30712,"Ġbouncing":30713,"ĠHispanics":30714,"comings":30715,"Ġcannabin":30716,"ĠChambers":30717,"ĠZack":30718,"Optional":30719,"Ġcoats":30720,"Ġprowess":30721,"ĠNorton":30722,"Ġplainly":30723,"Ġfreight":30724,"Ġinhibition":30725,"Ġclam":30726,"Ġ303":30727,"kef":30728,"aleigh":30729,"Luke":30730,"Ġpsycho":30731,"atorium":30732,"MED":30733,"Ġtreaties":30734,"Ġindisc":30735,"Ġdc":30736,"OPS":30737,"Ġresilient":30738,"ĠInterstate":30739,"Ġslack":30740,"Ġmundane":30741,"Ġestablishes":30742,"359":30743,"Ġstrained":30744,"Ġnond":30745,"Sus":30746,"Ġcaste":30747,"arate":30748,"ieving":30749,"Ġunfairly":30750,"Ġparser":30751,"onial":30752,"ursive":30753,"Via":30754,"ĠOtto":30755,"ĠAuthorities":30756,"stroke":30757,"KR":30758,"ĠMercy":30759,"Ġfurnished":30760,"Ġoutset":30761,"Ġmetic":30762,"1982":30763,"olithic":30764,"ĠTent":30765,"ogical":30766,"ĠAircraft":30767,"Ġhides":30768,"ĠBecame":30769,"Ġeducators":30770,"reaching":30771,"Ġvolatility":30772,"Ġtoddler":30773,"ĠNASCAR":30774,"ĠTwelve":30775,"ĠHighlights":30776,"Ġgrape":30777,"Ġsplits":30778,"Ġpeasant":30779,"Ġreneg":30780,"ĠMSI":30781,"Temp":30782,"stars":30783,"Ġtrek":30784,"ĠHyde":30785,"binding":30786,"Ġrealism":30787,"Ġoxide":30788,"ĠHos":30789,"Ġmounts":30790,"Ġbiting":30791,"Ġcollapsing":30792,"Ġpostal":30793,"Ġmuseums":30794,"Ġdetached":30795,"Ġrespecting":30796,"Ġmonopol":30797,"Ġworkflow":30798,"ĠCake":30799,"Template":30800,"ĠOrganisation":30801,"Ġpersistence":30802,"369":30803,"Coming":30804,"Brad":30805,"Ġredundant":30806,"ĠGTA":30807,"Ġbending":30808,"Ġrevoked":30809,"Ġoffending":30810,"Ġframing":30811,"Ġprintf":30812,"Commun":30813,"members":30814,"Outside":30815,"Ġconstrued":30816,"Ġcoded":30817,"FORE":30818,"Ġchast":30819,"Chat":30820,"Indian":30821,"ĠYard":30822,"?!\"":30823,"ĠPorts":30824,"ĠXavier":30825,"ĠRET":30826,"'.\"":30827,"ĠBoat":30828,"ivated":30829,"icht":30830,"umerable":30831,"Ds":30832,"ĠDunn":30833,"Ġcoffin":30834,"Ġsecurely":30835,"ĠRaptors":30836,"ĠBes":30837,"Installation":30838,"Ġinception":30839,"ĠHealthy":30840,"endants":30841,"Ġpsychologists":30842,"ĠSheikh":30843,"cultural":30844,"ĠBlackBerry":30845,"shift":30846,"Fred":30847,"oche":30848,"Ġcakes":30849,"ĠSEO":30850,"ĠGian":30851,"ĠAsians":30852,"ogging":30853,"element":30854,"Ġpundits":30855,"ĠVaugh":30856,"ĠGavin":30857,"Ġhitter":30858,"Ġdrowned":30859,"Ġchalk":30860,"ĠZika":30861,"Ġmeasles":30862,"802":30863,"âĢ¦..":30864,"ĠAWS":30865,"]\"":30866,"Ġdistort":30867,"ĠMast":30868,"Ġantibodies":30869,"ĠMash":30870,"Memory":30871,"ĠUganda":30872,"ĠProb":30873,"Ġvomiting":30874,"ĠTurns":30875,"Ġoccupying":30876,"Ġevasion":30877,"ĠTherapy":30878,"Ġpromo":30879,"Ġelectr":30880,"Ġblueprint":30881,"ĠDre":30882,"priced":30883,"ĠDepot":30884,"Ġalleviate":30885,"ĠSomali":30886,"marg":30887,"nine":30888,"Ġnostalgia":30889,"ĠShepherd":30890,"Ġcavalry":30891,"Ġtorped":30892,"ĠBloody":30893,"xb":30894,"Ġsank":30895,"Ġgoalt":30896,"reportprint":30897,"embedreportprint":30898,"cloneembedreportprint":30899,"ĠInitially":30900,"ĠFischer":30901,"Ġnoteworthy":30902,"cern":30903,"Ġinefficient":30904,"rawdownload":30905,"rawdownloadcloneembedreportprint":30906,"cation":30907,"ĠDynasty":30908,"lag":30909,"DES":30910,"Ġdistinctly":30911,"ĠEstonia":30912,"Ġopenness":30913,"Ġgossip":30914,"ruck":30915,"Width":30916,"ĠIbrahim":30917,"Ġpetroleum":30918,"Ġavatar":30919,"ĠHed":30920,"atha":30921,"ĠHogwarts":30922,"Ġcaves":30923,"678":30924,"Ġsafeguard":30925,"ĠMog":30926,"isson":30927,"ĠDurham":30928,"slaught":30929,"ĠGraduate":30930,"Ġsubconscious":30931,"ĠExcellent":30932,"ĠDum":30933,"-----":30934,"Ġpiles":30935,"ĠWORK":30936,"ĠGarn":30937,"ĠFol":30938,"ĠATM":30939,"Ġavoids":30940,"ĠTul":30941,"Ġbleak":30942,"ELY":30943,"ivist":30944,"lightly":30945,"Pers":30946,"ĠDob":30947,"ĠLS":30948,"Ġinsanity":30949,"ε":30950,"atalie":30951,"Enlarge":30952,"Ġtwists":30953,"Ġfaulty":30954,"Ġpiracy":30955,"Ġimpover":30956,"Ġrugged":30957,"ĠFashion":30958,"Ġsands":30959,"'?":30960,"swick":30961,"Ġnatives":30962,"Ġhen":30963,"ĠNoise":30964,"ãĥĹ":30965,"Ġgreens":30966,"Ġfreezer":30967,"Ġdynasty":30968,"ĠFathers":30969,"ĠNewark":30970,"Ġarchaeological":30971,"Ġot":30972,"obar":30973,"Ġblockade":30974,"Ġallerg":30975,"LV":30976,"Ġdebit":30977,"ĠRFC":30978,"ĠMilton":30979,"ĠPressure":30980,"Ġwillingly":30981,"Ġdisproportionate":30982,"Ġoppressive":30983,"Ġdiamonds":30984,"Ġbelongings":30985,"1970":30986,"Ġbells":30987,"Ġimperialism":30988,"Ġ227":30989,"Ġexploding":30990,"ĠEclipse":30991,"Ġ1919":30992,"Ġrant":30993,"Ġnominations":30994,"347":30995,"Ġpeacefully":30996,"rica":30997,"ĠFUCK":30998,"Ġvibration":30999,"malink":31000,"Ġropes":31001,"ĠIvanka":31002,"ĠBrewery":31003,"ĠBooker":31004,"ĠOwens":31005,"goers":31006,"Services":31007,"ĠSnape":31008,"Ġ191":31009,"395":31010,"Ġ299":31011,"justice":31012,"Ġbri":31013,"Ġdiscs":31014,"Ġprominently":31015,"Ġvulgar":31016,"Ġskipping":31017,"lves":31018,"Ġtsunami":31019,"374":31020,"ĠUrug":31021,"ĠEid":31022,"recated":31023,"phen":31024,"Ġfaults":31025,"ĠStarted":31026,"950":31027,"Ġpi":31028,"Ġdetector":31029,"Ġbastard":31030,"Ġvalidated":31031,"SpaceEngineers":31032,"OURCE":31033,"Ġ(~":31034,"Ġunsur":31035,"Ġaffirmed":31036,"Ġfascism":31037,"Ġresolving":31038,"ĠChavez":31039,"ĠCyn":31040,"Ġdetract":31041,"Lost":31042,"Ġrigged":31043,"Ġhomage":31044,"ĠBruno":31045,"555":31046,"eca":31047,"Ġpresses":31048,"Ġhumour":31049,"Ġspacing":31050,"Ġ'/":31051,"olkien":31052,"Coun":31053,"OPER":31054,"Tre":31055,"Son":31056,"ĠCambodia":31057,"ierre":31058,"mong":31059,"ozy":31060,"Ġliquidity":31061,"ĠSoviets":31062,"ĠFernando":31063,"Ġ229":31064,"Ġslug":31065,"ĠCatalan":31066,"electric":31067,"Ġscenery":31068,"ĠHearth":31069,"Ġconstrained":31070,"Ġgoalie":31071,"ĠGuidelines":31072,"ĠAmmo":31073,"ĠPearson":31074,"Ġtaxed":31075,"Ġfetus":31076,"Response":31077,"ĠAlexis":31078,"thia":31079,"Guy":31080,"Ġreconstruct":31081,"Ġextremes":31082,"Ġconcluding":31083,"ĠPeg":31084,"ooks":31085,"Ġdeductions":31086,"Rose":31087,"Ġgroundbreaking":31088,"ĠTarg":31089,"ãĥģ":31090,"ĠReve":31091,"resource":31092,"Ġmoons":31093,"Ġelectromagnetic":31094,"Ġamidst":31095,"ĠViktor":31096,"NESS":31097,"BACK":31098,"Ġcommute":31099,"ĠAnaheim":31100,"Ġfluctuations":31101,"640":31102,"Ġnoodles":31103,"ĠCopenhagen":31104,"ĠTide":31105,"ĠGrizz":31106,"ĠSEE":31107,"Ġpipelines":31108,"Ġscars":31109,"endo":31110,"agus":31111,"ĠETF":31112,"/#":31113,"ĠBecome":31114,"448":31115,"Ġvisc":31116,"ĠRecommended":31117,"Ġjumper":31118,"Ġcognition":31119,"Ġassassin":31120,"Ġwitnessing":31121,"ĠSetup":31122,"Ġlac":31123,"vim":31124,"ISM":31125,"pages":31126,"SSL":31127,"358":31128,"Ġadject":31129,"industrial":31130,"lore":31131,"chery":31132,"Ġglitter":31133,"Ġcalf":31134,"Florida":31135,"Ġspoilers":31136,"Ġsucceeds":31137,"Ġchanting":31138,"Ġslogans":31139,"ĠTracy":31140,"Visit":31141,"rology":31142,"Ġmornings":31143,"Ġlineage":31144,"Ġsip":31145,"Ġintensely":31146,"Ġflourish":31147,"ĠSleeping":31148,"ĠFem":31149,"orpor":31150,"ĠKlan":31151,"ĠDarth":31152,"hack":31153,"ĠNielsen":31154,"Ġtumors":31155,"Ġprocurement":31156,"ĠYorkshire":31157,"Ġraided":31158,"KY":31159,"Anna":31160,"Ġ//[":31161,"ĠDisorder":31162,"ĠMustang":31163,"ĠWen":31164,"ĠTrying":31165,"sq":31166,"Ġdeliveries":31167,"Ġshutter":31168,"Ġcerebral":31169,"Ġbipolar":31170,"ĠCN":31171,"lass":31172,"jet":31173,"Ġdebating":31174,">:":31175,"Ġeagle":31176,"grades":31177,"ĠDixon":31178,"UGC":31179,"MAS":31180,"ĠDraco":31181,"ĠMachines":31182,"affer":31183,"Ġeman":31184,"²":31185,"pron":31186,"ĠGym":31187,"Ġcomparatively":31188,"ĠTribunal":31189,"PRO":31190,"Ġlex":31191,"Ġfertile":31192,"Ġdepressing":31193,"Ġsuperficial":31194,"essential":31195,"ĠHunters":31196,"gp":31197,"Ġprominence":31198,"Liber":31199,"ĠAncest":31200,"otechnology":31201,"Ġmocking":31202,"ĠTraff":31203,"ĸļ":31204,"Medium":31205,"Iraq":31206,"Ġpsychiatrist":31207,"Quantity":31208,"ĠLect":31209,"Ġnoisy":31210,"520":31211,"GY":31212,"Ġslapped":31213,"ĠMTV":31214,"Ġpara":31215,"pull":31216,"Multiple":31217,"asher":31218,"Ġnour":31219,"ĠSeg":31220,"Spell":31221,"vous":31222,"ordial":31223,"Senior":31224,"ĠGoldberg":31225,"ĠPlasma":31226,"need":31227,"Ġmessenger":31228,"eret":31229,"Ġteamed":31230,"Ġliteracy":31231,"ĠLeah":31232,"ĠDoyle":31233,"Ġemitted":31234,"UX":31235,"Ġevade":31236,"Ġmaze":31237,"Ġwrongly":31238,"ĠLars":31239,"Ġstereotype":31240,"Ġpledges":31241,"Ġaroma":31242,"ĠMET":31243,"Ġacre":31244,"ĠOD":31245,"Ġff":31246,"Ġbreweries":31247,"ĠHilton":31248,"undle":31249,"ĠKak":31250,"ĠThankfully":31251,"ĠCanucks":31252,"inctions":31253,"ĠAppears":31254,"Ġcoer":31255,"Ġundermined":31256,"rovers":31257,"Andre":31258,"Ġblaze":31259,"umers":31260,"Ġfamine":31261,"amphetamine":31262,"ulkan":31263,"Amount":31264,"Ġdesperation":31265,"wikipedia":31266,"development":31267,"ĠCorinth":31268,"ussia":31269,"Jackson":31270,"LI":31271,"Native":31272,"Rs":31273,"Ohio":31274,"ĠKathleen":31275,"Fortunately":31276,"Ġattendant":31277,"ĠPreferred":31278,"ĠDidn":31279,"ĠVs":31280,"Mis":31281,"Ġrespondent":31282,"Ġboun":31283,"stable":31284,"Ġpaved":31285,"Ġunexpl":31286,"ĠCheney":31287,"LM":31288,"ĠCull":31289,"blown":31290,"Ġconfronting":31291,"ocese":31292,"serving":31293,"Wi":31294,"ĠLithuania":31295,"anni":31296,"Ġstalk":31297,"hd":31298,"Ġvener":31299,"APH":31300,"ynchronous":31301,"URR":31302,"umably":31303,"historic":31304,"Half":31305,"Hay":31306,"Ġresilience":31307,"spection":31308,"Ġabandoning":31309,"Obs":31310,"ĠDebbie":31311,"Ġgradient":31312,"ĠPlaint":31313,"ĠCanal":31314,"ARCH":31315,"Ġexpansive":31316,"Ġfung":31317,"Ġbounced":31318,"Und":31319,"Ġprecautions":31320,"Ġclarification":31321,"Ġdagger":31322,"Ġgrips":31323,"Ġµ":31324,"ĠRivera":31325,"ĠUndead":31326,"isites":31327,"ĠFIRST":31328,"ño":31329,"audi":31330,"Ġhostages":31331,"Ġcompliant":31332,"Ġalumni":31333,"Seven":31334,"Ġcybersecurity":31335,"either":31336,"Collect":31337,"Ġinvariably":31338,"ĠSoci":31339,"Ġlawmaker":31340,"Ġale":31341,"ĠPersonally":31342,"Nazi":31343,"Ġcustomization":31344,"ĠProc":31345,"ĠSaskatchewan":31346,"eaturing":31347,"Ġspared":31348,"Ġdiscontinued":31349,"Ġcomputational":31350,"ĠMotorola":31351,"Ġsupremacist":31352,"governmental":31353,"Ġparadise":31354,"ĠDowning":31355,"ĠNikon":31356,"Ġcatalyst":31357,"berra":31358,"Toronto":31359,"875":31360,"beta":31361,"ĠMacron":31362,"Ġunrealistic":31363,"vector":31364,"ĠVehicles":31365,"itiveness":31366,"ĠRV":31367,"ĠColbert":31368,"sin":31369,"oji":31370,"entin":31371,"ĠKrish":31372,"hello":31373,"ffield":31374,"oky":31375,"ĠTate":31376,"Ġmaple":31377,"Ġaids":31378,"chemical":31379,"334":31380,"nuts":31381,"ĠWarp":31382,"Ġxx":31383,"ĠRobb":31384,"umerous":31385,"_-_":31386,"ftime":31387,"ĠVW":31388,"Ġwinger":31389,"ĠDome":31390,"tools":31391,"ĠPV":31392,"ĠGeorgetown":31393,"Ġgeared":31394,"Ġjihadists":31395,"Ġcp":31396,"Ġsteroids":31397,"Mother":31398,"clerosis":31399,"ĠDRM":31400,"nesia":31401,"Ġlinger":31402,"Ġimmersive":31403,"ĠCOUN":31404,"Ġoutweigh":31405,"ensual":31406,"Band":31407,"Ġtransforms":31408,"matched":31409,"psons":31410,"ĠJudicial":31411,"factor":31412,"Ġreferral":31413,"Ġoddly":31414,"ĠWenger":31415,"Bring":31416,"ĠBows":31417,"602":31418,"ICLE":31419,"Ġlions":31420,"ĠAcademic":31421,"ĠThorn":31422,"ĠRaider":31423,"kefeller":31424,"Storage":31425,"Lower":31426,"ĠOrt":31427,"ĠEquality":31428,"ALT":31429,"ĠSOC":31430,"Types":31431,"Ġlyn":31432,"ĠAsset":31433,"coat":31434,"TPP":31435,"CVE":31436,"ĠPioneer":31437,"application":31438,"Modern":31439,"ĠHK":31440,"Environment":31441,"Alright":31442,"Rain":31443,"IPP":31444,"ĠShiite":31445,"Ġmound":31446,"ĠAbilities":31447,"condition":31448,"Staff":31449,"Ġcompetence":31450,"ĠMoor":31451,"ĠDiablo":31452,"Ġwithheld":31453,"Ġostensibly":31454,"ĠBrom":31455,"Ġmsg":31456,"Ġdenomin":31457,"ĠReferences":31458,"ĠFP":31459,"Ġplunged":31460,"Ġpamph":31461,"moving":31462,"central":31463,"Ġdownright":31464,"Ġfading":31465,"Tal":31466,"Typ":31467,"ĠThy":31468,"ukes":31469,"ithe":31470,"Ġove":31471,"Ġbattled":31472,"Ġseafood":31473,"Ġfigur":31474,"ĠRD":31475,"crop":31476,"Ġsquads":31477,"{\\":31478,"à¹":31479,"ĠEh":31480,"Ġinterviewing":31481,"ĠQin":31482,"Ġaspiring":31483,"PLIC":31484,"Ġclauses":31485,"ĠGast":31486,"ĠNir":31487,"Ġluggage":31488,"Ġhose":31489,"Ġsystemd":31490,"Ġdescending":31491,"ĠRevised":31492,"ĠRails":31493,"align":31494,"709":31495,"337":31496,"Ġfug":31497,"charging":31498,"tags":31499,"Ġuter":31500,"kish":31501,"WARNING":31502,"490":31503,"profits":31504,"Ġvoyage":31505,"Ġace":31506,"ĠVanguard":31507,"ĠTanks":31508,"ĠMuk":31509,"Ġ226":31510,"Safe":31511,"Armor":31512,"Ġvolcanic":31513,"Ġwomb":31514,"ĠMIL":31515,"Ġbeginner":31516,"ĠRecogn":31517,"ĠAAP":31518,"PLAY":31519,")!":31520,"Ġdetecting":31521,"cn":31522,"Ġbreaches":31523,"Basically":31524,"ĠPag":31525,"ĠMunicipal":31526,"ĠIndie":31527,"ĠLaf":31528,"ĠDisable":31529,"ĠOlson":31530,"Ġrestrained":31531,"Ġrulings":31532,"Ġhumane":31533,"events":31534,"ĠCinema":31535,"displayText":31536,"ĠHatch":31537,"actionDate":31538,"onnaissance":31539,"Ġassaulting":31540,"ĠLug":31541,"CHAT":31542,"Ġvigorous":31543,"ĠPerse":31544,"Ġintolerance":31545,"ĠSnapchat":31546,"ĠSharks":31547,"Ġdummy":31548,"ĠDiagn":31549,"ĠGuitar":31550,"imeters":31551,"403":31552,"REG":31553,"Ax":31554,"Ġseparates":31555,"ĠMahm":31556,"Ġtv":31557,"jah":31558,"OOL":31559,"Circ":31560,"ĠWindsor":31561,"ussian":31562,"Ġintuition":31563,"Ġdisdain":31564,"ĠDonovan":31565,"Ġ221":31566,"Emb":31567,"Ġcondemning":31568,"Ġgenerosity":31569,"zzy":31570,"Ġpanties":31571,"ĠPrevent":31572,"ActionCode":31573,"ANA":31574,"342":31575,"externalActionCode":31576,"Ġspecifying":31577,"Ġcrystall":31578,"Jere":31579,"Ġrupt":31580,"ĠApprentice":31581,"Ġprofiling":31582,"к":31583,"Strike":31584,"Ġsideline":31585,"Ġobligated":31586,"Ġoccult":31587,"Ġbureaucratic":31588,"antically":31589,"rupted":31590,"negative":31591,"ĠEthiopia":31592,"ĠCivic":31593,"Ġinsiders":31594,"eligible":31595,"ĠTVs":31596,"ĠBAR":31597,"ĠTI":31598,"iologist":31599,"ĠAIR":31600,"Ġsubstituted":31601,"Arab":31602,"ĠSaul":31603,"ĠYog":31604,"prem":31605,"Ġbuilders":31606,"Ġstationary":31607,"Ġdoubtful":31608,"Ġvigorously":31609,"Ġthrilling":31610,"Physical":31611,"ĠCarey":31612,"ĠHydra":31613,"geoning":31614,"ĠSly":31615,"yton":31616,"Ġborrowers":31617,"ĠParkinson":31618,"Ġë":31619,"ĠJamaica":31620,"Ġsatir":31621,"Ġinsurgents":31622,"ĠFirm":31623,"Ġisot":31624,"ĠKarn":31625,"ourning":31626,"akens":31627,"docs":31628,"little":31629,"ĠMonaco":31630,"CLASS":31631,"Turkey":31632,"Ly":31633,"ĠConan":31634,"assic":31635,"Ġstarred":31636,"ĠPacers":31637,"eties":31638,"Ġtipping":31639,"Moon":31640,"ĠRw":31641,"same":31642,"Ġcavity":31643,"Ġgoof":31644,"ĠZo":31645,"Shock":31646,"ummer":31647,"Ġemphasizes":31648,"Ġregrett":31649,"Ġnovelty":31650,"Ġenvy":31651,"ĠPassive":31652,"rw":31653,"505":31654,"Ġindifferent":31655,"ĠRica":31656,"ĠHimself":31657,"ĠFreddie":31658,"Ġadip":31659,"ä¸Ģ":31660,"Ġbreakout":31661,"Ġhurried":31662,"ĠHuang":31663,"ĠDisk":31664,"Ġroaming":31665,"?????-?????-":31666,"UV":31667,"ĠRicky":31668,"ĠSigma":31669,"Ġmarginalized":31670,"Ġedits":31671,"Ġ304":31672,"memory":31673,"Ġspecimen":31674,"293":31675,"ãģ¯":31676,"Ġvertically":31677,"Ġaudition":31678,"ĠHeck":31679,"Ġcaster":31680,"ĠHoldings":31681,"adal":31682,"ĠCron":31683,"ĠLiam":31684,"Ġdeflect":31685,"Pick":31686,"ĠDebug":31687,"REF":31688,"Ġversatility":31689,"othes":31690,"classified":31691,"ĠMahar":31692,"ĠHort":31693,"Counter":31694,"stasy":31695,"noticed":31696,"331":31697,"ĠShim":31698,"fuck":31699,"ĠBie":31700,"Ġairing":31701,"ĠProtein":31702,"ĠHolding":31703,"Ġspectators":31704,"iliated":31705,"ĠThatcher":31706,"nosis":31707,"ãĥ¼ãĥ³":31708,"Tele":31709,"Boston":31710,"ĠTempl":31711,"stay":31712,"Ġdeclarations":31713,"479":31714,"Volume":31715,"ĠDesigner":31716,"ĠOverwatch":31717,"idae":31718,"Ġonwards":31719,"Ġnets":31720,"ĠManila":31721,"particularly":31722,"Ġpolitic":31723,"oother":31724,"Ġportraits":31725,"Ġpavement":31726,"cffff":31727,"Ġsaints":31728,"Ġbeginners":31729,"ESPN":31730,"Ġshortcomings":31731,"âķIJâķIJ":31732,"Ġcomet":31733,"ĠOrganic":31734,"quel":31735,"Ġhospitalized":31736,"Break":31737,"Ġpeel":31738,"dylib":31739,"aspx":31740,"urances":31741,"ĠTIM":31742,"Pg":31743,"Ġreadable":31744,"ĠMalik":31745,"Ġmuzzle":31746,"Ġbenchmarks":31747,"dal":31748,"ĠVacc":31749,"ĠHicks":31750,"609":31751,"ĠBiblical":31752,"heng":31753,"Ġoverload":31754,"ĠCivilization":31755,"Ġimmoral":31756,"Ġfries":31757,"ãĤĴ":31758,"Ġreproduced":31759,"Ġformulation":31760,"jug":31761,"irez":31762,"gear":31763,"Ġcoached":31764,"MpServer":31765,"ĠSJ":31766,"ĠKw":31767,"Init":31768,"deal":31769,"ĠOro":31770,"ĠLoki":31771,"ĠSongs":31772,"Ġ232":31773,"ĠLouise":31774,"asionally":31775,"Ġuncond":31776,"ollywood":31777,"Ġprogressives":31778,"ĠEnough":31779,"ĠDoe":31780,"Ġwreckage":31781,"Ġbrushed":31782,"ĠBaseType":31783,"Ġzoning":31784,"ishable":31785,"hetically":31786,"ĠCaucus":31787,"ĠHue":31788,"Ġkarma":31789,"ĠSporting":31790,"Ġtrader":31791,"Ġseeming":31792,"ĠCapture":31793,"430":31794,"bish":31795,"Ġtunes":31796,"Ġindoors":31797,"ĠSphere":31798,"ĠDancing":31799,"TERN":31800,"Ġnob":31801,"ĠGST":31802,"maps":31803,"Ġpeppers":31804,"Fit":31805,"Ġoversees":31806,"ĠRabbi":31807,"ĠRuler":31808,"vertising":31809,"office":31810,"xxx":31811,"Ġraft":31812,"Changed":31813,"Ġtextbooks":31814,"Links":31815,"ĠOmn":31816,"ãĢij":31817,"Ġinconvenience":31818,"ĠDonetsk":31819,"=~":31820,"Ġimplicitly":31821,"Ġboosts":31822,"ĠBones":31823,"ĠBoom":31824,"Courtesy":31825,"Ġsensational":31826,"ANY":31827,"Ġgreedy":31828,"eden":31829,"Ġinexper":31830,"ĠLer":31831,"ĠVale":31832,"Ġtighten":31833,"ĠEAR":31834,"ĠNum":31835,"Ġancestor":31836,"Sent":31837,"ĠHorde":31838,"urgical":31839,"allah":31840,"Ġsap":31841,"amba":31842,"ĠSpread":31843,"twitch":31844,"Ġgrandson":31845,"Ġfracture":31846,"Ġmoderator":31847,"ĠSeventh":31848,"ĠReverse":31849,"Ġestimation":31850,"Choose":31851,"Ġparach":31852,"Ġbarric":31853,"ãĢIJ":31854,"Ġcompass":31855,"Ġallergic":31856,"âĢķ":31857,"OTHER":31858,"errilla":31859,"Ġwagon":31860,"Ġzinc":31861,"Ġrubbed":31862,"ĠFuller":31863,"ĠLuxembourg":31864,"ĠHoover":31865,"Ġliar":31866,"ĠEvening":31867,"ĠCobb":31868,"esteem":31869,"Ġselector":31870,"ĠBrawl":31871,"isance":31872,"ĠEk":31873,"Ġtroop":31874,"Ġguts":31875,"ĠAppeal":31876,"ĠTibetan":31877,"Ġroutines":31878,"ĠMent":31879,"Ġsummarized":31880,"steamapps":31881,"Ġtranqu":31882,"Ġ1929":31883,"oran":31884,"ĠAuthent":31885,"Ġgmaxwell":31886,"Ġapprehens":31887,"Ġpoems":31888,"Ġsausage":31889,"ĠWebster":31890,"urus":31891,"Ġthemed":31892,"Ġlounge":31893,"Ġcharger":31894,"Spoiler":31895,"Ġspilled":31896,"hog":31897,"ĠSunder":31898,"ĠAin":31899,"ĠAngry":31900,"Ġdisqual":31901,"ĠFrequency":31902,"ĠEthernet":31903,"Ġhelper":31904,"Percent":31905,"Ġhorrifying":31906,"Ġail":31907,"ĠAllan":31908,"EEE":31909,"ĠCrossing":31910,"449":31911,"Ġholog":31912,"ĠPuzzles":31913,"ĠGoes":31914,"erenn":31915,"604":31916,"ãģı":31917,"ĠRafael":31918,"Ġatten":31919,"ĠEmanuel":31920,"Ġupro":31921,"ĠSusp":31922,"Psych":31923,"ĠTrainer":31924,"ĠNES":31925,"ĠHunts":31926,"becue":31927,"Ġcounselor":31928,"Rule":31929,"Ġtoxins":31930,"Ġbanners":31931,"rifice":31932,"Ġgreeting":31933,"Ġfrenzy":31934,"Ġallocate":31935,"Ġ*)":31936,"expr":31937,"503":31938,"ĠChick":31939,"ĠTorn":31940,"Ġconsolidation":31941,"ĠFletcher":31942,"switch":31943,"frac":31944,"clips":31945,"ĠMcKin":31946,"ĠLunar":31947,"Month":31948,"ITCH":31949,"Ġscholarly":31950,"raped":31951,"398":31952,"Ġ1910":31953,"Ġegreg":31954,"Ġinsecure":31955,"Ġvictorious":31956,"cffffcc":31957,"Ġsingled":31958,"Ġelves":31959,"ĠWond":31960,"burst":31961,"Ġcamoufl":31962,"ĠBLACK":31963,"Ġconditioned":31964,"çī":31965,"answered":31966,"Ġcompulsory":31967,"ascist":31968,"Ġpodcasts":31969,"ĠFrankfurt":31970,"bnb":31971,"Ġneoliberal":31972,"ĠKeyboard":31973,"ĠBelle":31974,"warm":31975,"Ġtrusts":31976,"Ġinsured":31977,"ĠBucc":31978,"usable":31979,"607":31980,"ĠPlains":31981,"Ġ1890":31982,"Ġsabotage":31983,"Ġlodged":31984,"felt":31985,"Ġga":31986,"ĠNarc":31987,"ĠSalem":31988,"Ġseventy":31989,"ĠBlank":31990,"pocket":31991,"Ġwhisper":31992,"Ġmating":31993,"omics":31994,"ĠSalman":31995,"ĠKad":31996,"Ġangered":31997,"Ġcollisions":31998,"Ġextraordinarily":31999,"Ġcoercion":32000,"Ghost":32001,"birds":32002,"èĢ":32003,"kok":32004,"Ġpermissible":32005,"avorable":32006,"Ġpointers":32007,"Ġdissip":32008,"aci":32009,"Ġtheatrical":32010,"ĠCosmic":32011,"Ġforgetting":32012,"Ġfinalized":32013,"大":32014,"yout":32015,"library":32016,"Ġbooming":32017,"ĠBelieve":32018,"ĠTeacher":32019,"ĠLiv":32020,"ĠGOODMAN":32021,"ĠDominican":32022,"ORED":32023,"ĠParties":32024,"Ġprecipitation":32025,"ĠSlot":32026,"Roy":32027,"ĠCombined":32028,"Ġintegrating":32029,"Ġchrome":32030,"Ġintestinal":32031,"ĠRebell":32032,"Ġmatchups":32033,"Ġblockbuster":32034,"ĠLoren":32035,"ĠLevy":32036,"Ġpreaching":32037,"ĠSending":32038,"ĠPurpose":32039,"rax":32040,"fif":32041,"Ġauthoritative":32042,"ĠPET":32043,"astical":32044,"Ġdishon":32045,"Ġchatting":32046,"Ġ\"$:/":32047,"Connection":32048,"Ġrecreate":32049,"Ġdelinqu":32050,"Ġbroth":32051,"ĠDirty":32052,"ĠAdmin":32053,"zman":32054,"Ġscholarships":32055,"Ġ253":32056,"contact":32057,"alsa":32058,"767":32059,"creen":32060,"abbage":32061,"Ġ1915":32062,"Ġblended":32063,"Ġalarmed":32064,"Language":32065,"356":32066,"Ġblends":32067,"ĠChanged":32068,"Wolf":32069,"Ġhepat":32070,"Creating":32071,"Ġpersecut":32072,"Ġsweetness":32073,"arte":32074,"Ġforfeiture":32075,"ĠRoberto":32076,"impro":32077,"NFL":32078,"ĠMagnet":32079,"Detailed":32080,"Ġinsignificant":32081,"ĠPOLIT":32082,"ĠBBQ":32083,"ĠCPS":32084,"Ġseaw":32085,"aminer":32086,"mL":32087,"endif":32088,"finals":32089,"Ġ265":32090,"uish":32091,"Ġ})":32092,"ĠProblems":32093,"Ġemblem":32094,"Ġseriousness":32095,"Ġparsing":32096,"Ġsubstitution":32097,"Ġpressured":32098,"Ġrecycled":32099,"aleb":32100,"Ruby":32101,"Ġproficiency":32102,"Driver":32103,"ĠWester":32104,":'":32105,"AFTA":32106,"Ġmantle":32107,"ĠClayton":32108,"flag":32109,"Ġpractitioner":32110,"covered":32111,"ĠStruct":32112,"addafi":32113,"425":32114,"ĠTownship":32115,"ĠHydro":32116,"Louis":32117,"343":32118,"Ġcondo":32119,"ĠTao":32120,"Ġutilization":32121,"Ġnausea":32122,"ĠDems":32123,"ridges":32124,"pause":32125,"Ġformulas":32126,"Ġchallenger":32127,"376":32128,"Ġdefective":32129,"ĠRailway":32130,"ĠPubMed":32131,"Ġyogurt":32132,"lbs":32133,"ĠNorfolk":32134,"OPE":32135,"ĠMoody":32136,"Ġdistributor":32137,"Ġscrolls":32138,"Ġextracts":32139,"Stan":32140,"Ġviability":32141,"Ġexposes":32142,"Ġstarvation":32143,"ĠSteps":32144,"ĠDodd":32145,"few":32146,"STD":32147,"332":32148,"Ġclosures":32149,"Ġcomplementary":32150,"ĠSasha":32151,"umpy":32152,"Ġmonet":32153,"Ġarticulate":32154,"ĠDoct":32155,"killer":32156,"Ġscrim":32157,"Ġ264":32158,"Ġprostitutes":32159,"Ġsevered":32160,"Ġattachments":32161,"Ġcooled":32162,"Lev":32163,"ĠFalk":32164,"fail":32165,"Ġpoliceman":32166,"ĠDag":32167,"Ġprayed":32168,"ĠKernel":32169,"Ġclut":32170,"Ġcath":32171,"Ġanomaly":32172,"Storm":32173,"emaker":32174,"ĠBreakfast":32175,"uli":32176,"oire":32177,"JJ":32178,"hz":32179,"Operation":32180,"ĠSick":32181,"354":32182,"ĠGuatemala":32183,"Rate":32184,"Ġexposures":32185,"faces":32186,"ĠArchae":32187,"raf":32188,"ĠMia":32189,"Ġ2025":32190,"Ġopaque":32191,"Ġdisguised":32192,"ĠHeadquarters":32193,"Sah":32194,"Ġpots":32195,"978":32196,"ĠMalf":32197,"Ġfrowned":32198,"Ġpoisonous":32199,"ĠConvers":32200,"eeks":32201,"Ġcrab":32202,".\"\"":32203,"Ġtreason":32204,"Ġranc":32205,"Ġescalating":32206,"Ġwarr":32207,"Ġmobs":32208,"Ġlamps":32209,"ĠSunshine":32210,"ĠBrunswick":32211,"Phones":32212,"Ġspelled":32213,"ĠSkip":32214,"Ġ2050":32215,"Ġ1911":32216,"ĠPluto":32217,"ĠAmend":32218,"Ġmeats":32219,"387":32220,"Ġstomp":32221,"ĠZhou":32222,"ĠLeviathan":32223,"ĠHazard":32224,"adv":32225,"ĠOrwell":32226,"Ġaloud":32227,"Ġbumper":32228,"ĠAnarch":32229,"ubuntu":32230,"ĠSerious":32231,"fitting":32232,"ĠOptional":32233,"ĠCecil":32234,"REAM":32235,"Ġserotonin":32236,"Ġcultivate":32237,"agogue":32238,"}\\":32239,"Ġmosques":32240,"ĠSunny":32241,"Ġreactive":32242,"revolution":32243,"ĠLup":32244,"ĠFedora":32245,"Ġdefenseman":32246,"ĠVID":32247,"istine":32248,"Ġdrowning":32249,"ĠBroadcasting":32250,"Ġthriller":32251,"ĠScy":32252,"Ġaccelerating":32253,"Ġdirects":32254,"odied":32255,"bike":32256,"duration":32257,"Ġpainfully":32258,"Redd":32259,"Ġproductions":32260,"Ġgag":32261,"Ġwhist":32262,"Ġsock":32263,"Ġinfinitely":32264,"ĠConcern":32265,"ĠCitadel":32266,"Ġlieu":32267,"Ġcandles":32268,"ogeneous":32269,"arger":32270,"Ġheavenly":32271,"inflammatory":32272,"Performance":32273,"Cs":32274,"ructose":32275,"azaki":32276,"Ġpessim":32277,"Ġinference":32278,"Ġpowd":32279,"ĠZoe":32280,"Ġpaints":32281,"Ġdazz":32282,"pta":32283,"-----------":32284,"Ġinspir":32285,"ĠExperimental":32286,"ĠKnife":32287,"regor":32288,"bors":32289,"Ġshowers":32290,"romeda":32291,"Ġsaint":32292,"Ġbenign":32293,"ĠJiang":32294,"Ġenvisioned":32295,"Ġshroud":32296,"IFT":32297,"HO":32298,"Ġshuff":32299,"ĠICC":32300,"Ġsegreg":32301,"Ġrevisit":32302,"ighthouse":32303,"Li":32304,"Ġsubstrate":32305,"ĠSeas":32306,"ĠReward":32307,"ĠHep":32308,"ĠBrass":32309,"sbm":32310,"Ġeliminates":32311,"Ġstamina":32312,"ĠVAT":32313,"ĠLoan":32314,"Ġconstraint":32315,"Ġappropriated":32316,"Ġpes":32317,"ĠALE":32318,"ranging":32319,"Ġ404":32320,"392":32321,"Ġintellectuals":32322,"achu":32323,"Ġrestructuring":32324,"ĠLevin":32325,"Ġrunes":32326,"Ġdelightful":32327,"Ġcarbohydrates":32328,"ĠModels":32329,"ĠExpo":32330,"Ġtransporting":32331,"alloc":32332,"Ġringing":32333,"Samsung":32334,"Ġscarcely":32335,"ĠURLs":32336,"ĠMAS":32337,"Ġprototypes":32338,"Ġnarrator":32339,"ĠCPUs":32340,"cdn":32341,"ĠBarton":32342,"Ġdecidedly":32343,"ĠShu":32344,"ixir":32345,"ocious":32346,"ĠMyst":32347,"Nintendo":32348,"Ġreuse":32349,"Ġforgiven":32350,"Few":32351,"inical":32352,"nat":32353,"Ġseamless":32354,"ĠEva":32355,"ĠEVE":32356,"ĠJO":32357,"landers":32358,"Ġsofter":32359,"negie":32360,"Ġtransient":32361,"Ġorbital":32362,"Ġfulfil":32363,"ĠKom":32364,"Hopefully":32365,"Ġdynamically":32366,"ĠHunger":32367,"åĽ":32368,"ĠArmenia":32369,"elman":32370,"berto":32371,"Ġpige":32372,"ĠIDs":32373,"limit":32374,"Ġveins":32375,"Ġsoaring":32376,"packs":32377,"Golden":32378,"ĠCrab":32379,"istor":32380,"ĠRPM":32381,"Ġ$$":32382,"gression":32383,"Ġjihadist":32384,"Ġgamble":32385,"Ġcareg":32386,"Ġinflated":32387,"Face":32388,"ĠFirearms":32389,"ĠEmmanuel":32390,"âĿ":32391,"Ġshocks":32392,"grab":32393,"Ġsplend":32394,"ĠHPV":32395,"abortion":32396,"Above":32397,"Entity":32398,"players":32399,"Ġcommenced":32400,"ulence":32401,"Ġfulfillment":32402,"Ġembodiments":32403,"ĠWelfare":32404,"Ġhail":32405,"Ġ<@":32406,"tten":32407,"Ġcatcher":32408,"ĠJazeera":32409,"Ġvolcano":32410,"Ġstabilize":32411,"ĠHandler":32412,"Ġintensified":32413,"ĠAbrams":32414,"Ġhumiliation":32415,"paced":32416,"605":32417,"ĠCentOS":32418,"Specific":32419,"Ġheed":32420,"ĠCAM":32421,"ĠGalile":32422,"Die":32423,"Ġabolished":32424,"ĠThomson":32425,"ĠTeachers":32426,"ĠWass":32427,"jong":32428,"ĠISBN":32429,"ĠAllies":32430,"shake":32431,"å·":32432,"vict":32433,"Howard":32434,"Ġdeem":32435,"Ġexceedingly":32436,"ĠSmartstocks":32437,"ibe":32438,"Ġdoorway":32439,"Ġcompeted":32440,"igmat":32441,"Ġnationalists":32442,"Ġgroom":32443,"ĠKeen":32444,"Ġdisposable":32445,"decl":32446,"ĠTolkien":32447,"ĠScheme":32448,"Ġbiod":32449,"Ġavid":32450,"ĠElon":32451,"agar":32452,"ĠTSA":32453,"Roman":32454,"Ġartificially":32455,"Ġadvisors":32456,"XL":32457,"ĠInferno":32458,"366":32459,"Ġtedious":32460,"ĠPhotography":32461,"ĠCarrie":32462,"Ġtrope":32463,"ĠSandra":32464,"Ġdecimal":32465,"Queen":32466,"ĠGundam":32467,"ĠOM":32468,"otech":32469,"NBA":32470,"Ġ1932":32471,"Ġentrenched":32472,"ĠMarion":32473,"Ġfraternity":32474,"Labour":32475,"Henry":32476,"Ġlatitude":32477,"Either":32478,"Ġenhances":32479,"ĠPotential":32480,"Ġshines":32481,"idad":32482,"Ġbreadth":32483,"Ġcapacities":32484,"ĠðŁĻĤ":32485,"ĠBronx":32486,"Ġsexes":32487,"Ġdifferentiation":32488,"Ġheavyweight":32489,"ĠTaj":32490,"dra":32491,"Ġmigrate":32492,"Ġexhaustion":32493,"ĠRUN":32494,"elsius":32495,"ĠCuomo":32496,"Ġguitars":32497,"Ġclones":32498,"ĠSomew":32499,"ĠPry":32500,"-------------":32501,"Ġwarranted":32502,"cycles":32503,"Ġsalvage":32504,"Ġdisks":32505,"RANT":32506,"ĠNGOs":32507,"ĠMartian":32508,"\":[{\"":32509,"Ġaddicts":32510,"ojure":32511,"illet":32512,"Ġamazingly":32513,"artments":32514,"pixel":32515,"ĠGPUs":32516,"Layout":32517,"è£":32518,"ĠTamil":32519,"ĠBasil":32520,"Ġimpartial":32521,"ĠStructure":32522,"fork":32523,"bryce":32524,"Ġridge":32525,"ĠHamburg":32526,"rious":32527,"Ġblitz":32528,"cigarettes":32529,"Ġcanned":32530,"402":32531,"Ġironically":32532,"Ġcompassionate":32533,"ĠHawkins":32534,".#":32535,"ĠCathedral":32536,"Ġrallied":32537,"internal":32538,"Ġquota":32539,"stakes":32540,"TEXT":32541,"mom":32542,"Ġcompletes":32543,"Ġ238":32544,"Ġshrug":32545,"ãĥij":32546,"ĠNinth":32547,"Ġrevise":32548,"ĠProvider":32549,"Ġtreacher":32550,"Ġquasi":32551,"ĠPRES":32552,"Ġdeposition":32553,"Ġconfidentiality":32554,"issors":32555,"Ġimbalance":32556,"Ġspanning":32557,"Ġangular":32558,"ĠCul":32559,"communication":32560,"ĠNora":32561,"ĠGenius":32562,"opter":32563,"Ġsacked":32564,"Spot":32565,"Ġfinely":32566,"ĠCHR":32567,"282":32568,"waves":32569,"Palest":32570,"ĠRohing":32571,"NL":32572,"è¿":32573,"Ġshitty":32574,"ĠScalia":32575,"475":32576,"Progress":32577,"Ġreferencing":32578,"Ġclassrooms":32579,"abee":32580,"Ġsod":32581,"hesion":32582,"708":32583,"ĠZuckerberg":32584,"ĠFinish":32585,"ĠScotia":32586,"ĠSavior":32587,"ĠInstallation":32588,"antha":32589,"(-":32590,"Ġ302":32591,"ĠPunk":32592,"Ġcrater":32593,"youtu":32594,"Ġroast":32595,"Ġinfluencing":32596,"Ġdup":32597,"ĠJR":32598,"ĠGrav":32599,"Ġstature":32600,"Ġbathrooms":32601,"Aside":32602,"Wiki":32603,"mean":32604,"ĠZak":32605,"ĠOnes":32606,"ĠNath":32607,"Ġhypert":32608,"Ġcommencement":32609,"Civil":32610,"Ġmoderately":32611,"Ġdistributors":32612,"Ġbreastfeeding":32613,"Ġ980":32614,"ĠSik":32615,"ĠCig":32616,"ĠAMER":32617,"RIP":32618,"ĠCareer":32619,"usting":32620,"Ġmessed":32621,"Ġeh":32622,"ĠJensen":32623,"/$":32624,"Ġblackmail":32625,"Ġconversions":32626,"Ġscientifically":32627,"Ġmantra":32628,"paying":32629,"Ġivory":32630,"ĠCourts":32631,"OUGH":32632,"auntlet":32633,"Serial":32634,"Brow":32635,"ĠHundreds":32636,"323":32637,"Ġpee":32638,"Ġlinux":32639,"Ġsubmer":32640,"ĠPrincipal":32641,"485":32642,"ĠDSL":32643,"ĠCousins":32644,"Ġdoctrines":32645,"ĠAthletics":32646,"Ġ315":32647,"ĠKarma":32648,"Ġattent":32649,"urger":32650,"Ġprescribe":32651,"Ġencaps":32652,"ĠCame":32653,"Ġsecretive":32654,"ĠCrimes":32655,"dn":32656,"Clean":32657,"ĠEgyptians":32658,"ĠCarpenter":32659,"Ġll":32660,"Hum":32661,"ĠMilo":32662,"Ġcapitalists":32663,"Ġbriefed":32664,"Twe":32665,"ĠBasin":32666,"elvet":32667,"Mos":32668,"Ġplunge":32669,"ĠKaiser":32670,"ĠFuj":32671,"illin":32672,"Ġsafeguards":32673,"Ġoste":32674,"ĠOpportunity":32675,"ĠMafia":32676,"ĠCalling":32677,"apa":32678,"urban":32679,"brush":32680,"illard":32681,"cé":32682,"intelligence":32683,"ĠLob":32684,"ĠDruid":32685,"Ġsmoother":32686,"Ġfooting":32687,"Ġmotorists":32688,"arcity":32689,"Ġmasculinity":32690,"Ġmism":32691,"Ġabdominal":32692,"ĠTavern":32693,"ĠRoh":32694,"Ġescapes":32695,"signed":32696,"Anthony":32697,"Ġsacrificing":32698,"Ġintimacy":32699,"Ġanterior":32700,"ĠKod":32701,"Ġmotif":32702,"Ġgraz":32703,"Ġvisualization":32704,"Ġguitarist":32705,"ĠTrotsky":32706,"magic":32707,"Dar":32708,"ĠMori":32709,"Ġwards":32710,"Ġtoilets":32711,"lest":32712,"Ġteleport":32713,"ĠSundays":32714,"ĠPlat":32715,"ETS":32716,"ĠeSports":32717,"Patrick":32718,"ĠKatherine":32719,"enko":32720,"Ġhassle":32721,"ĠMick":32722,"ggles":32723,"Ġhob":32724,"aintain":32725,"Ġairborne":32726,"Ġspans":32727,"Ġchili":32728,"Ġaperture":32729,"Ġvolunteered":32730,"ĠIncident":32731,"ĠFres":32732,"ĠVeteran":32733,"aughtered":32734,"ingo":32735,"Ġuninsured":32736,"CLOSE":32737,"Ġfuse":32738,"Ġerotic":32739,"Ġadvertise":32740,"raising":32741,"Texture":32742,"Ġattends":32743,"ĠREAL":32744,"uddled":32745,"Ġsmoot":32746,"Ġ305":32747,"ĠWillis":32748,"Ġblond":32749,"Analysis":32750,"ĠVT":32751,"onica":32752,"Ġstronghold":32753,"RF":32754,"NM":32755,".>>":32756,"Ġprosperous":32757,"Ġboasted":32758,"292":32759,"ĠManufacturing":32760,"PRESS":32761,"gren":32762,"Ġpharmacy":32763,"ĠRockefeller":32764,"kai":32765,"Ġthumbs":32766,"ĠHut":32767,"Ġmotherboard":32768,"Ġguardians":32769,"ĠAlter":32770,"llular":32771,"Ġshack":32772,"Ġwisely":32773,"Ġbackbone":32774,"erva":32775,"Ġsuicides":32776,"ĠMcGregor":32777,"ijah":32778,"Emer":32779,"ĠBrav":32780,"Ġdesignate":32781,"POST":32782,"produced":32783,"Ġcleansing":32784,"irlwind":32785,"existent":32786,"ĠHumph":32787,"ĠPayne":32788,"Ġvested":32789,"Å¡":32790,"Ġstringent":32791,"iona":32792,"Ġunsub":32793,"Ġsummed":32794,"ĠHercules":32795,"subject":32796,"ĠRagnar":32797,"ĠNos":32798,"Ġcharacterization":32799,"Ġsavvy":32800,"ĠDawson":32801,"ĠCasino":32802,"Ġfri":32803,"ĠBarrier":32804,"Ġmisinformation":32805,"Ġinsulation":32806,"Ġcorridors":32807,"Ġairplanes":32808,"ĠNoct":32809,"ahi":32810,"Ġ1916":32811,"kb":32812,"armac":32813,"Ġshun":32814,"Ġschema":32815,"Ġhorrified":32816,"Ġ239":32817,"aunders":32818,"NB":32819,"iates":32820,"erity":32821,"ĠShard":32822,"Ġrarity":32823,"Ġgrouped":32824,"ĠGhana":32825,"against":32826,"ĠBiological":32827,"ĠAware":32828,"owell":32829,"ÏĦ":32830,"ĠBeau":32831,"shaw":32832,"Hack":32833,"ĠJulius":32834,"USS":32835,"olson":32836,"auna":32837,"cru":32838,"ĠMaurice":32839,"ĠIk":32840,"Ġsequencing":32841,"Ġradicals":32842,"Ġ(?,":32843,"virtual":32844,"Ġanyways":32845,"Ġreperc":32846,"Ġhandlers":32847,"Ġhesitant":32848,"éĥ":32849,"ĠMF":32850,"plementation":32851,"associated":32852,"Ġcampaigned":32853,"ĠYue":32854,"utations":32855,"ĠYoga":32856,"Ġsimmer":32857,"Ġrods":32858,"Ġmelody":32859,"Ġconvoy":32860,"videos":32861,"Ġscreened":32862,"Neg":32863,"ochemical":32864,"Ġ())":32865,"Ġultras":32866,"Ġantip":32867,"ĠIslanders":32868,"704":32869,"Ġfetish":32870,"Ġridiculously":32871,"ĠKart":32872,"Ġmitochondrial":32873,"Ġinterfering":32874,"Builder":32875,"Ġoverfl":32876,"Ġacne":32877,"ĠMud":32878,"ĠKerr":32879,"flex":32880,"ĠPostal":32881,"ĠBaltic":32882,"477":32883,"ĠPersons":32884,"ourage":32885,"HB":32886,"ĠMuse":32887,"ĠImmortal":32888,"ĠDriving":32889,"Ġpetitions":32890,"Ġsubscript":32891,"Ġsorce":32892,"ĠProcessor":32893,"uton":32894,"Sony":32895,"Ġphon":32896,"Ġraced":32897,"ĠAnthrop":32898,"Ġdaytime":32899,"ĠExercise":32900,"Adding":32901,"Ġengages":32902,"ĠQualcomm":32903,"Ġmiracles":32904,"Ġmemes":32905,"ĠDrink":32906,"ĠOrioles":32907,"Ġhairs":32908,"ĠPolar":32909,"athom":32910,"Ġslippery":32911,"ĠRemy":32912,"Ġcaramel":32913,"ĠYEAR":32914,"Ġalk":32915,"Ign":32916,"aution":32917,"ĠMerlin":32918,"ĠCran":32919,"Ġapologies":32920,"Ġ410":32921,"Ġouting":32922,"ĠMemories":32923,"appointed":32924,"Ġcountered":32925,"uld":32926,"posing":32927,"Ġfirewall":32928,"ĠWast":32929,"ĠWet":32930,"worked":32931,"seller":32932,"Ġrepealed":32933,"ereo":32934,"assuming":32935,"BLIC":32936,"mite":32937,"ĠCEOs":32938,"ĠChapel":32939,"elligent":32940,"________________________":32941,"Dog":32942,"Ġwart":32943,"Ġsubscriber":32944,"sports":32945,"Ġbegged":32946,"ĠMV":32947,"Ġsemif":32948,"ethical":32949,"Ġpreach":32950,"Ġrevital":32951,"Ġpunitive":32952,"Ġshortcuts":32953,"Ġinstituted":32954,"ĠWarsaw":32955,"Ġabdomen":32956,"ĠKING":32957,"Ġsuperintendent":32958,"Ġfry":32959,"ĠGeo":32960,"TOR":32961,"Ġcontradictions":32962,"aptic":32963,"Ġlandscapes":32964,"bugs":32965,"Ġclust":32966,"Ġvolley":32967,"cribed":32968,"Ġtandem":32969,"Ġrobes":32970,"WHAT":32971,"Ġpromoter":32972,"Ġeloqu":32973,"reviewed":32974,"ĠDK":32975,"ĠPlato":32976,"Ġfps":32977,"Tank":32978,"ĠDerrick":32979,"Ġprioritize":32980,"asper":32981,"ĠHonduras":32982,"ĠCompleted":32983,"nec":32984,"Ġmog":32985,"nir":32986,"ĠMayo":32987,"DEF":32988,"stall":32989,"inness":32990,"ĠVolkswagen":32991,"Ġprecaution":32992,"ĠMell":32993,"iak":32994,"istries":32995,"Ġ248":32996,"Ġoverlapping":32997,"Senate":32998,"ĠEnhance":32999,"resy":33000,"racial":33001,"ORTS":33002,"ĠMormons":33003,"Strong":33004,"ĠCoch":33005,"Mexico":33006,"ĠMaduro":33007,"Ġjars":33008,"Ġcane":33009,"Wik":33010,"olla":33011,"ifference":33012,"Ġphysicist":33013,"ĠMaggie":33014,"Ġ285":33015,"Ġdepiction":33016,"ĠMcLaren":33017,"Ju":33018,"Ġslows":33019,"Ġcommissioners":33020,"ĠWillow":33021,"ĠExplos":33022,"hovah":33023,"Ġtechnician":33024,"Ġhomicides":33025,"ĠFlav":33026,"ĠTruman":33027,"Ġ10000":33028,"uctor":33029,"Ġshader":33030,"Newsletter":33031,"457":33032,"Ġrever":33033,"Ġhardened":33034,"Ġwhereabouts":33035,"Ġredevelop":33036,"Ġcarbs":33037,"Ġtravers":33038,"Ġsquirrel":33039,"Ġfollower":33040,"Ġsings":33041,"508":33042,"Ġrabbits":33043,"emonium":33044,"Ġdocumenting":33045,"Ġmisunderstood":33046,")'":33047,"Rick":33048,"ggies":33049,"Ġpremie":33050,"Ġskating":33051,"Ġpassports":33052,"Ġfists":33053,"ageddon":33054,"Haw":33055,"ACP":33056,"080":33057,"ĠThoughts":33058,"ĠCarlson":33059,"Ġpriesthood":33060,"hua":33061,"Ġdungeons":33062,"ĠLoans":33063,"Ġantis":33064,"Ġfamiliarity":33065,"ĠSabb":33066,"opal":33067,"ĠInk":33068,"strike":33069,"Ġcram":33070,"Ġlegalized":33071,"Ġcuisine":33072,"Ġfibre":33073,"Travel":33074,"ĠMonument":33075,"ODY":33076,"ethy":33077,"Ġinterstate":33078,"ĠPUR":33079,"emporary":33080,"ĠArabian":33081,"developed":33082,"Ġsaddle":33083,"Ġgithub":33084,"ĠOffer":33085,"ĠISP":33086,"rolet":33087,"ĠSUPER":33088,"ĠDenis":33089,"Ġmultiplier":33090,"Ġstirred":33091,"Interestingly":33092,"Ġcustomary":33093,"Ġbilled":33094,"hex":33095,"Ġmultiplied":33096,"Ġflipping":33097,"ĠCrosby":33098,"Ġfundamentals":33099,"iae":33100,"ĠPlayed":33101,"ĠAtom":33102,"amazon":33103,"ĠFlam":33104,"eez":33105,"activated":33106,"Ġtablespoon":33107,"Ġliberalism":33108,"ĠPalin":33109,"ĠPatel":33110,"Num":33111,"ĠTAM":33112,"Ġsurn":33113,"ĠReloaded":33114,"Ġcoined":33115,"\"],":33116,"ĠClash":33117,"ĠAgu":33118,"Ġpragmatic":33119,"ĠActivate":33120,"Ġ802":33121,"Ġtrailers":33122,"Ġsilhou":33123,"Ġprobes":33124,"Ġcircus":33125,"ĠBain":33126,"ĠLindsay":33127,"ĠAbbey":33128,"Delivery":33129,"Ġconcession":33130,"Ġgastro":33131,"ĠSprite":33132,"ÄŁ":33133,"andel":33134,"Ġgimm":33135,"Ġautobi":33136,"ĠTurtle":33137,"Ġwonderfully":33138,"ĠHaram":33139,"ĠWorldwide":33140,"ĠHandle":33141,"Ġtheorists":33142,"Ġsleek":33143,"ĠZhu":33144,"ographically":33145,"EGA":33146,"ĠOwners":33147,"aths":33148,"ĠAntarctic":33149,"natal":33150,"=\"\"":33151,"flags":33152,"````":33153,"Ġsul":33154,"Kh":33155,"Ġpotassium":33156,"Ġlineman":33157,"Ġcereal":33158,"ĠSeasons":33159,"Ġ2022":33160,"Ġmathematic":33161,"Ġastronomers":33162,"professional":33163,"Ġfares":33164,"cknowled":33165,"Ġchi":33166,"Ġyoungsters":33167,"Ġmistakenly":33168,"Ġhemisphere":33169,"ĠDivinity":33170,"rone":33171,"Ġ\",":33172,"rings":33173,"Ġattracts":33174,"vana":33175,"å¹":33176,"CAP":33177,"Ġplaylist":33178,"Ġporch":33179,"ãģ£":33180,"Ġincorporates":33181,"Ġsoak":33182,"Ġasserting":33183,"ĠTerrorism":33184,"ĠPablo":33185,"Ja":33186,"cester":33187,"Ġfearing":33188,"ĠPrayer":33189,"Ġescalated":33190,"GW":33191,"Ġrobe":33192,"ĠBrighton":33193,"acists":33194,"ĠSymphony":33195,"ĠDwarf":33196,"ĠParade":33197,"ĠLego":33198,"Ġinexpl":33199,"Ġlords":33200,"leaf":33201,"RAG":33202,"liber":33203,"Ġcigars":33204,"ĠJehovah":33205,"606":33206,"WINDOWS":33207,"ĠLiberia":33208,"ebus":33209,"Heavy":33210,"Ġlubric":33211,"ĠRW":33212,"anguages":33213,"Ġnarrowed":33214,"computer":33215,"ĠEmber":33216,"Ġmurdering":33217,"Ġdownstream":33218,"ĠTuls":33219,"ĠTables":33220,"Topic":33221,"ĠAccuracy":33222,"=/":33223,"lost":33224,"ĠRei":33225,"Ġprogresses":33226,"bear":33227,"Ġestablishments":33228,"Justin":33229,"ĠPeach":33230,"ĠGomez":33231,"å¿":33232,"ĠTriangle":33233,"Ident":33234,"ĠHive":33235,"Resources":33236,"Ġmixes":33237,"ĠAssuming":33238,"Mu":33239,"Ġhypoc":33240,"Ġsane":33241,"ĠWan":33242,"idious":33243,"Success":33244,"Ġio":33245,"Angel":33246,"Ġdangerously":33247,"ĠCreature":33248,"WORK":33249,":[":33250,"ĠKatrina":33251,"Listener":33252,"Miller":33253,"ĠIdlib":33254,"hang":33255,"Ġcircumvent":33256,"href":33257,"Ġcelestial":33258,"ĠWeeks":33259,"ĠPug":33260,"ĠDalton":33261,"Ġsubpoena":33262,"uku":33263,"Ġpersisted":33264,"pei":33265,"olding":33266,"ĠDocuments":33267,"ĠHast":33268,"ĠCENT":33269,"Ġprimer":33270,"Ġsynonymous":33271,"Ġnib":33272,"ombs":33273,"Ġnotation":33274,"ĠDish":33275,"ĠAtmosp":33276,"Ġforbid":33277,"ĠANG":33278,"pattern":33279,"los":33280,"Ġprojectiles":33281,"brown":33282,".\",":33283,"ĠVenom":33284,"Ġfiercely":33285,"ublished":33286,"ĠUran":33287,"ĠNicarag":33288,"410":33289,"ĠCAL":33290,"OTOS":33291,"ĠMiracle":33292,"ĠEnchant":33293,"Ġguarding":33294,"append":33295,"Attach":33296,"Ġleveled":33297,"Ġcondoms":33298,"ihilation":33299,"649":33300,"Ġnightmares":33301,"ĠTHEY":33302,"ĠSTART":33303,"ĠKinn":33304,"Ġroommate":33305,"Ġhygiene":33306,"opping":33307,"Job":33308,"Ġlvl":33309,"ĠVER":33310,"ĠKeeping":33311,"abetic":33312,"Ġformatting":33313,"erala":33314,"Ġrevisions":33315,"Ġresurg":33316,"Tel":33317,"ĠGoodman":33318,"353":33319,"pod":33320,"Ġindisp":33321,"ĠTranslation":33322,"Ġgown":33323,"ĠMund":33324,"Ġcis":33325,"Ġbystand":33326,"collect":33327,"ĠPunjab":33328,"actively":33329,"ĠGamb":33330,"tell":33331,"Ġimporting":33332,"gencies":33333,"Ġlocom":33334,"ĠBrill":33335,"Holy":33336,"ĠBerger":33337,"Ġshowdown":33338,"Ġresponders":33339,"ILY":33340,"Ġtakedown":33341,"leted":33342,"Ġmattered":33343,"Ġpredictive":33344,"Ġoverlay":33345,"GPU":33346,"ĠVick":33347,"Ġconveyed":33348,"Tab":33349,"peer":33350,"Scan":33351,"Ġdefensively":33352,"vae":33353,"Ġapproving":33354,"Ġtiers":33355,"ĠVia":33356,"querade":33357,"ĠSaudis":33358,"Ġdemolished":33359,"ĠProphe":33360,"Ġmono":33361,"Ġhospitality":33362,"HAM":33363,"ĠAriel":33364,"MOD":33365,"ĠTorah":33366,"Ġblah":33367,"ĠBelarus":33368,"erential":33369,"ĠTuc":33370,"Ġbanker":33371,"397":33372,"Ġmosquit":33373,"ĠScientist":33374,"ĠMusical":33375,"Ġhust":33376,"Shift":33377,"Ġtorment":33378,"Ġstandoff":33379,"Educ":33380,"ĠFog":33381,"Ġamplifier":33382,"Shape":33383,"Instance":33384,"ĠCritics":33385,"Ġdaemon":33386,"Houston":33387,"Ġmattress":33388,"ĠIDF":33389,"Ġobscene":33390,"ĠAmer":33391,"hetti":33392,"Ġcompiling":33393,"352":33394,"verett":33395,"ĠReduction":33396,"istration":33397,"ĠBlessed":33398,"ĠBachelor":33399,"316":33400,"Ġprank":33401,"ĠVulcan":33402,"dding":33403,"Ġmourning":33404,"ĠQuint":33405,"ĠBlaster":33406,"testing":33407,"Ġsediment":33408,">>>":33409,"ĠEternity":33410,"ĠWHERE":33411,"ĠMaze":33412,"Ġreacting":33413,"ĠAlv":33414,"omsday":33415,"ĠCRA":33416,"Ġtranslator":33417,"Ġbogus":33418,"atu":33419,"Website":33420,"olls":33421,"Ġbaptism":33422,"Ġsibling":33423,"ĠAutumn":33424,"vez":33425,"ãģ®é":33426,"guards":33427,"Georg":33428,"assadors":33429,"ĠFreud":33430,"Ġcontinents":33431,"ĠRegistry":33432,"Bernie":33433,"ĸļ士":33434,"Ġtolerant":33435,"ĠUW":33436,"Ġhorribly":33437,"995":33438,"ĠMIDI":33439,"Ġimpatient":33440,"ocado":33441,"eri":33442,"ĠWorst":33443,"ĠNorris":33444,"ĠTalking":33445,"Ġdefends":33446,"ensable":33447,"Ġ2021":33448,"Ġanatomy":33449,"Lew":33450,"Ġdrawer":33451,"ĠCanberra":33452,"Ġpatriotic":33453,"é¾įåĸļ士":33454,"ĠAvg":33455,"ARM":33456,"Ġundisclosed":33457,"Ġfarewell":33458,"459":33459,"bable":33460,"ĠAllison":33461,"OLOG":33462,"Ġconco":33463,"tight":33464,"ĠACPI":33465,"ĠMines":33466,"lich":33467,"ĠâĶľ":33468,"represented":33469,"200000":33470,"Ġenthusiast":33471,"OTS":33472,"bil":33473,"ĠIngredients":33474,"Ġinventor":33475,"ĠMySQL":33476,"³³³":33477,"ĠABOUT":33478,"within":33479,"Ġmk":33480,"Bul":33481,"ĠFake":33482,"Ġdraconian":33483,"Wa":33484,"helm":33485,"ĠTerran":33486,"erville":33487,"Ġcommonplace":33488,"SIZE":33489,"Ġ\"<":33490,"replace":33491,"ographs":33492,"ĠSELECT":33493,"incible":33494,"ĠMostly":33495,"ĠSheffield":33496,"ĠIDE":33497,"uggle":33498,"Ġcitations":33499,"hurst":33500,"ĠUnix":33501,"Ġunleash":33502,"ĠPiper":33503,"ĠNano":33504,"Ġsuccumb":33505,"Ġreluctance":33506,"Ġ2500":33507,"ĠMerchant":33508,"Ġwiret":33509,"Ġcombos":33510,"ĠBirthday":33511,"Ġcharcoal":33512,"ĠUPS":33513,"ĠFairfax":33514,"Ġdriveway":33515,"ĠTek":33516,"ĠPitch":33517,"overe":33518,"Ġtechnicians":33519,"ĠActual":33520,"flation":33521,"ĠFiscal":33522,"ĠEmpty":33523,"anamo":33524,"Ġmagnesium":33525,"Ġslut":33526,"Ġgrowers":33527,"Investigators":33528,"():":33529,"ĠSatellite":33530,"ĠKeynes":33531,"missive":33532,"lane":33533,"Ġborough":33534,"344":33535,"ĠTEAM":33536,"ĠBethesda":33537,"CV":33538,"hower":33539,"ĠRAD":33540,"Ġchant":33541,"ĠRiy":33542,"Ġcompositions":33543,"Ġmildly":33544,"Ġmeddling":33545,"Ġagility":33546,"aneers":33547,"501":33548,"Ġsynth":33549,"linger":33550,"291":33551,"Ġexclaimed":33552,"Party":33553,"Ġcontamin":33554,"ĠManor":33555,"ĠRespond":33556,"Ġpraising":33557,"Ġmanners":33558,"fleet":33559,"Summer":33560,"ĠLynd":33561,"ĠDefinitely":33562,"grim":33563,"Ġbowling":33564,"stri":33565,"çĽ":33566,"ynt":33567,"Ġmandates":33568,"DIV":33569,"Ġreconcile":33570,"views":33571,"ĠDamon":33572,"vette":33573,"Flo":33574,"ĠGreatest":33575,"ilon":33576,"icia":33577,"Ġportrayal":33578,"Ġcushion":33579,"504":33580,"1979":33581,"ossal":33582,"Applic":33583,"scription":33584,"Ġmitigation":33585,"ATS":33586,"pac":33587,"Ġerased":33588,"Ġdeficiencies":33589,"ĠHollande":33590,"ĠXu":33591,"Ġbred":33592,"Ġpregnancies":33593,"femin":33594,"Ġemph":33595,"Ġplanners":33596,"Ġoutper":33597,"uttering":33598,"Ġperpetrator":33599,"Ġmotto":33600,"ĠEllison":33601,"ĠNEVER":33602,"Ġadmittedly":33603,"ARI":33604,"ĠAzerbaijan":33605,"Ġmillisec":33606,"Ġcombustion":33607,"ĠBottle":33608,"ĠLund":33609,"ĠPs":33610,"ĠDress":33611,"Ġfabricated":33612,"Ġbattered":33613,"Ġsidel":33614,"ĠNotting":33615,"Foreign":33616,"ĠJerome":33617,"020":33618,"ĠArbit":33619,"Ġknots":33620,"ĠRIGHT":33621,"Moving":33622,"ãģĻ":33623,"Ġsurgeries":33624,"Ġcourthouse":33625,"Ġmastered":33626,"Ġhovering":33627,"ĠBran":33628,"ĠAlison":33629,"Ġsafest":33630,"military":33631,"Ġbullied":33632,"Ġbarrage":33633,"Reader":33634,"ESE":33635,"ĠGeographic":33636,"Tools":33637,"314":33638,"ĠGeek":33639,"roth":33640,"glers":33641,"ĠFIN":33642,"Ïģ":33643,"ĠAston":33644,"altern":33645,"488":33646,"Ġveterin":33647,"Gamer":33648,"Ġintel":33649,"renches":33650,"Shield":33651,"Ġamnesty":33652,"ĠBhar":33653,"Ġpiled":33654,"Ġhonorable":33655,"ĠInstitutes":33656,"Ġsoaked":33657,"Ġcoma":33658,"ĠEFF":33659,"341":33660,"bytes":33661,"ĠGmail":33662,"lein":33663,"ĠCanadiens":33664,"material":33665,"Il":33666,"Ġinstructors":33667,"ĠKY":33668,"Ġconceive":33669,"ubb":33670,"ĠPossible":33671,"Ġeasing":33672,"ĠChristina":33673,"Ġcaric":33674,"ĠHDR":33675,"ROM":33676,"Ġshovel":33677,"delete":33678,"Ġpuff":33679,"ĠChanging":33680,"Ġseamlessly":33681,"Attribute":33682,"Ġacquisitions":33683,"akery":33684,"ĠEF":33685,"Ġautistic":33686,"ĠTakes":33687,"ĠPowder":33688,"ĠStir":33689,"510":33690,"ĠBubble":33691,"settings":33692,"ĠFowler":33693,"Ġmustard":33694,"Ġmoreover":33695,"Ġcopyrighted":33696,"ĠLEDs":33697,"1500":33698,"æī":33699,"ĠHIS":33700,"enf":33701,"Ġcustod":33702,"ĠHuck":33703,"Gi":33704,"Ġimg":33705,"Answer":33706,"Ct":33707,"jay":33708,"ĠInfrastructure":33709,"Ġfederally":33710,"Loc":33711,"Ġmicrobes":33712,"Ġoverrun":33713,"dds":33714,"otent":33715,"adiator":33716,">>>>>>>>":33717,"Ġtornado":33718,"Ġadjud":33719,"Ġintrigued":33720,"Ġsi":33721,"ĠRevelation":33722,"progress":33723,"Ġburglary":33724,"ĠSaiyan":33725,"ĠKathy":33726,"Ġserpent":33727,"ĠAndreas":33728,"Ġcompel":33729,"essler":33730,"ĠPlastic":33731,"ĠAdvent":33732,"ĠPositive":33733,"ĠQt":33734,"ĠHindus":33735,"registered":33736,"ularity":33737,"Ġrighteousness":33738,"Ġdemonic":33739,"uitive":33740,"ĠBDS":33741,"ĠGregg":33742,"cia":33743,"ĠCrusade":33744,"ĠSinai":33745,"WARE":33746,"+(":33747,"Ġmell":33748,"Ġderail":33749,"yards":33750,"Ast":33751,"Ġnoticeably":33752,"ĠOber":33753,"Ram":33754,"Ġunnoticed":33755,"Ġseq":33756,"avage":33757,"Ts":33758,"Ġ640":33759,"Ġconcede":33760,"Ġ])":33761,"Fill":33762,"Ġcaptivity":33763,"ĠImprovement":33764,"ĠCrusader":33765,"araoh":33766,"MAP":33767,"æĹ":33768,"Ġstride":33769,"always":33770,"Fly":33771,"Nit":33772,"Ġalgae":33773,"ĠCooking":33774,"ĠDoors":33775,"Malley":33776,"Ġpolicemen":33777,"ãģį":33778,"Ġastronaut":33779,"accessible":33780,"495":33781,"ĠRAW":33782,"cliffe":33783,"udicrous":33784,"Ġdepended":33785,"alach":33786,"Ġventures":33787,"rake":33788,"Ġtits":33789,"ĠHou":33790,"Ġcondom":33791,"ormonal":33792,"Ġindent":33793,"Ġuploading":33794,"Footnote":33795,"Important":33796,"Ġ271":33797,"Ġmindful":33798,"Ġcontends":33799,"Cra":33800,"Ġcalibr":33801,"ĠOECD":33802,"plugin":33803,"Fat":33804,"ĠISS":33805,"ĠDynamics":33806,"ansen":33807,"686":33808,"'),":33809,"Ġsprite":33810,"Ġhandheld":33811,"ĠHipp":33812,"=~=~":33813,"Trust":33814,"Ġsemantics":33815,"ĠBundes":33816,"ĠReno":33817,"ĠLiterature":33818,"sense":33819,"Gary":33820,"ĠAeg":33821,"ĠTrin":33822,"EEK":33823,"Ġcleric":33824,"ĠSSH":33825,"Ġchrist":33826,"Ġinvading":33827,"ibu":33828,"Ġenum":33829,"aura":33830,"Ġallege":33831,"ĠIncredible":33832,"BBC":33833,"Ġthru":33834,"Ġsailed":33835,"Ġemulate":33836,"Ġinsecurity":33837,"Ġcrou":33838,"Ġaccommodations":33839,"Ġincompetent":33840,"Ġslips":33841,"ĠEarthqu":33842,"sama":33843,"ILLE":33844,"ĠiPhones":33845,"asaki":33846,"Ġbye":33847,"Ġard":33848,"Ġextras":33849,"Ġslaughtered":33850,"Ġcrowdfunding":33851,"resso":33852,"Ġfilib":33853,"ĠERROR":33854,"ĠTLS":33855,"egg":33856,"ĠItal":33857,"Ġenlist":33858,"ĠCatalonia":33859,"ĠScots":33860,"Ġsergeant":33861,"Ġdissolve":33862,"NH":33863,"Ġstandings":33864,"rique":33865,"IQ":33866,"Ġbeneficiary":33867,"Ġaquarium":33868,"YouTube":33869,"ĠPowerShell":33870,"Ġbrightest":33871,"ĠWarrant":33872,"Sold":33873,"Writing":33874,"Ġbeginnings":33875,"ĠReserved":33876,"ĠLatinos":33877,"heading":33878,"Ġ440":33879,"Ġrooftop":33880,"ATING":33881,"Ġ390":33882,"VPN":33883,"Gs":33884,"kernel":33885,"turned":33886,"Ġpreferable":33887,"Ġturnovers":33888,"ĠHels":33889,"Sa":33890,"ĠShinji":33891,"veh":33892,"ĠMODULE":33893,"Viol":33894,"Ġexiting":33895,"Ġjab":33896,"ĠVanilla":33897,"Ġacron":33898,"ĠGap":33899,"bern":33900,"Ak":33901,"ĠMcGu":33902,"Ġendlessly":33903,"ĠFarage":33904,"ĠNoel":33905,"Va":33906,"MK":33907,"Ġbrute":33908,"ĠKru":33909,"ĠESV":33910,"ĠOlivia":33911,"âĢł":33912,"ĠKaf":33913,"Ġtrusting":33914,"Ġhots":33915,"324":33916,"Ġmalaria":33917,"Ġjson":33918,"Ġpounding":33919,"ortment":33920,"Country":33921,"Ġpostponed":33922,"Ġunequiv":33923,"?),":33924,"ĠRooney":33925,"udding":33926,"ĠLeap":33927,"urrence":33928,"shapeshifter":33929,"ĠHAS":33930,"osate":33931,"Ġcavern":33932,"Ġconservatism":33933,"ĠBAD":33934,"Ġmileage":33935,"Ġarresting":33936,"Vaults":33937,"Ġmixer":33938,"Democratic":33939,"ĠBenson":33940,"Ġauthored":33941,"8000":33942,"Ġproactive":33943,"ĠSpiritual":33944,"tre":33945,"Ġincarcerated":33946,"ĠSort":33947,"Ġpeaked":33948,"Ġwielding":33949,"reciation":33950,"×Ļ×":33951,"Patch":33952,"ĠEmmy":33953,"Ġexqu":33954,"tto":33955,"ĠRatio":33956,"ĠPicks":33957,"ĠGry":33958,"phant":33959,"Ġfret":33960,"Ġethn":33961,"Ġarchived":33962,"%-":33963,"cases":33964,"ĠBlaze":33965,"Ġimb":33966,"cv":33967,"yss":33968,"imony":33969,"Ġcountdown":33970,"Ġawakening":33971,"ĠTunisia":33972,"ĠRefer":33973,"ĠMJ":33974,"Ġunnatural":33975,"ĠCarnegie":33976,"izen":33977,"ĠNuggets":33978,"hess":33979,"Ġevils":33980,"647":33981,"Ġintroductory":33982,"loving":33983,"ĠMcMahon":33984,"Ġambiguity":33985,"Label":33986,"ĠAlmighty":33987,"Ġcoloring":33988,"ĠClaus":33989,"setting":33990,"NULL":33991,"ĠFavorite":33992,"ĠSIG":33993,">(":33994,"ĠShiva":33995,"ĠMayer":33996,"Ġstormed":33997,"ĠCoverage":33998,"weapons":33999,"igham":34000,"Ġunanswered":34001,"Ġleve":34002,"Ġcoy":34003,"cas":34004,"bags":34005,"asured":34006,"Seattle":34007,"ĠSantorum":34008,"serious":34009,"Ġcourageous":34010,"ĠSoup":34011,"Ġconfiscated":34012,"Ġ///":34013,"Ġunconventional":34014,"Ġmoms":34015,"ĠRohingya":34016,"ĠOrchestra":34017,"ĠPotion":34018,"Ġdiscredit":34019,"ĠFIL":34020,"fixed":34021,"ĠDeer":34022,"doi":34023,"ĠDimension":34024,"Ġbureaucrats":34025,"eteen":34026,"ĠactionGroup":34027,"ohm":34028,"Ġbumps":34029,"ĠUtility":34030,"Ġsubmarines":34031,"renheit":34032,"research":34033,"ĠShapiro":34034,"Ġsketches":34035,"Ġdeceptive":34036,"ĠVil":34037,"esame":34038,"ĠEssentially":34039,"Ġrampage":34040,"isky":34041,"Ġmuttered":34042,"thritis":34043,"Ġ236":34044,"fet":34045,"bars":34046,"Ġpupil":34047,"ĠThou":34048,"oS":34049,"song":34050,"Ġfractured":34051,"Ġrevert":34052,"picture":34053,"Ġcriterion":34054,"usher":34055,"Ġrepercussions":34056,"ĠVintage":34057,"ĠSuperintendent":34058,"Officers":34059,"Ġflagged":34060,"Ġblames":34061,"Ġinverse":34062,"ographers":34063,"Ġmakeshift":34064,"Ġdevoid":34065,"Ġfossils":34066,"ĠAristotle":34067,"ĠFunds":34068,"Ġdepleted":34069,"ĠFlu":34070,"ĠYuan":34071,"Ġwoes":34072,"Ġlipid":34073,"Ġsitu":34074,"requisites":34075,"Ġfurnish":34076,"ĠSamar":34077,"Ġshameful":34078,"Ġadversely":34079,"Ġadept":34080,"Ġremorse":34081,"Ġmurderous":34082,"uckles":34083,"ĠESL":34084,"Ġ314":34085,"sent":34086,"Ġredef":34087,"ĠCache":34088,"ĠPurs":34089,"igans":34090,"Ġ460":34091,"Ġprescriptions":34092,"Ġfres":34093,"Fuck":34094,"ocrates":34095,"Twenty":34096,"ĠWeird":34097,"ĠToggle":34098,"ĠCalled":34099,"itizens":34100,"Ġpoultry":34101,"Ġharvesting":34102,"ãĤ¦ãĤ¹":34103,"Bottom":34104,"Ġcautioned":34105,"tn":34106,"396":34107,"ĠNikki":34108,"Ġevaluations":34109,"Ġharassing":34110,"Ġbindings":34111,"ĠMonetary":34112,"Ġhitters":34113,"Ġadversary":34114,"unts":34115,"Ġsetback":34116,"Ġencrypt":34117,"ĠCait":34118,"Ġlows":34119,"enges":34120,"ĠNorn":34121,"Ġbulbs":34122,"Ġbottled":34123,"ĠVoyager":34124,"317":34125,"Ġspheres":34126,"politics":34127,"Ġsubtract":34128,"Ġsensations":34129,"Ġappalling":34130,"Ġ316":34131,"Ġenvironmentally":34132,"ĠSTEM":34133,"Ġpublishes":34134,"560":34135,"Ġdiligence":34136,"484":34137,"Ġadvises":34138,"Ġpetrol":34139,"Ġimagining":34140,"Ġpatrols":34141,"ĠInteger":34142,"ĠAshes":34143,"actus":34144,"ĠRadiant":34145,"ĠLT":34146,"itability":34147,"htaking":34148,"Setting":34149,"Ġnuanced":34150,"ĠReef":34151,"ĠDevelopers":34152,"Ni":34153,"pieces":34154,"990":34155,"License":34156,"Ġlowers":34157,"ĠOttoman":34158,"327":34159,"ooo":34160,"Ġquitting":34161,"markets":34162,"Behind":34163,"Ġbasin":34164,"Ġdocs":34165,"anie":34166,"flash":34167,"ctl":34168,"Ġcivilized":34169,"ĠFukushima":34170,"\"],\"":34171,"ĠKS":34172,"ĠHonestly":34173,"arat":34174,"Ġconstructs":34175,"ĠLans":34176,"ĠDire":34177,"ĠLIKE":34178,"ĠTrouble":34179,"Ġwithholding":34180,"ĠOblivion":34181,"Ġsanity":34182,"anya":34183,"Const":34184,"Ġgrocer":34185,"ĠCelsius":34186,"Ġrecounted":34187,"ĠWife":34188,"Border":34189,"atered":34190,"happy":34191,"Ġspoiler":34192,"Ġlogically":34193,"Hall":34194,"Ġsucceeding":34195,"Ġpolymorph":34196,"Ġaxes":34197,"ĠShotgun":34198,"ĠSlim":34199,"ĠPrinciples":34200,"ĠLeth":34201,"arta":34202,"Ġscor":34203,"Screenshot":34204,"Ġrelaxation":34205,"#$#$":34206,"Ġdeterrent":34207,"iddy":34208,"Ġpowerless":34209,"Ġlesbians":34210,"Ġchords":34211,"ĠEdited":34212,"selected":34213,"Ġseparatists":34214,"0002":34215,"Ġairspace":34216,"Ġturnaround":34217,"Ġcunning":34218,"PATH":34219,"Poly":34220,"Ġbombed":34221,"Ġtion":34222,"xs":34223,"Ġwithhold":34224,"Ġwaged":34225,"ĠLiberties":34226,"Flag":34227,"Ġcomforting":34228,"454":34229,"ĠIris":34230,"arers":34231,"Ġrag":34232,"Ġrelocated":34233,"ĠGuarant":34234,"Ġstrategically":34235,"Ġgamma":34236,"uberty":34237,"ĠLockheed":34238,"gres":34239,"Ġgrilled":34240,"ĠLowe":34241,"stats":34242,"ĠRocks":34243,"Ġsensing":34244,"Ġrenting":34245,"ĠGeological":34246,"اØ":34247,"otrop":34248,"Ġsew":34249,"Ġimproperly":34250,"486":34251,"Ġâĸł":34252,"Ġstarving":34253,"ĠBj":34254,"Discussion":34255,"328":34256,"ĠCombo":34257,"ĠFixes":34258,"NAT":34259,"Ġstriving":34260,"thora":34261,"Ġharvested":34262,"ĠPing":34263,"Ġplayful":34264,"Ġavenues":34265,"Ġoccupational":34266,"Ġwakes":34267,"ĠCourier":34268,"Ġdrummer":34269,"ĠBrowser":34270,"ĠHouth":34271,"itu":34272,"Ġapparel":34273,"paste":34274,"Ġhunted":34275,"ĠSecondly":34276,"lain":34277,"XY":34278,"ĠPIN":34279,"icons":34280,"Ġcocktails":34281,"Ġsizable":34282,"Ġhurdles":34283,"estinal":34284,"ĠRecreation":34285,"Ġeco":34286,"648":34287,"ĠDied":34288,"mint":34289,"Ġfingerprints":34290,"Ġdispose":34291,"ĠBosnia":34292,"tsy":34293,"2200":34294,"Ġinspected":34295,"ĠFou":34296,"Ġfuss":34297,"Ġambush":34298,"ĠRak":34299,"Ġmanifested":34300,"Prosecut":34301,"Ġsuffice":34302,"rences":34303,"Ġcompensated":34304,"ĠCyrus":34305,"Ġgenus":34306,"ĠWolverine":34307,"ĠTrends":34308,"Ġhikes":34309,"ĠSeen":34310,"Ġenrol":34311,"Cold":34312,"Ġpolitely":34313,"ĠSlav":34314,"ĠRupert":34315,"Ġeyewitness":34316,"ĠAlto":34317,"Ġuncomp":34318,"Ġposterior":34319,"Must":34320,"ĠHerz":34321,"Ġprogressively":34322,"Ġ234":34323,"Ġindifference":34324,"ĠCunningham":34325,"Ġacademia":34326,"Ġsewer":34327,"Ġastounding":34328,"ĠAES":34329,"rather":34330,"Ġeldest":34331,"Ġclimbs":34332,"ĠAdds":34333,"Ġoutcry":34334,"Ġcontag":34335,"ĠHouses":34336,"Ġpept":34337,"ĠMelania":34338,"interested":34339,"ĠUCH":34340,"ĠRoots":34341,"ĠHubbard":34342,"ĠTBD":34343,"ĠRomanian":34344,"filename":34345,"Stone":34346,"ĠImpl":34347,"Ġchromosome":34348,"Cle":34349,"dx":34350,"Ġscrambled":34351,"ĠPt":34352,"Ġ242":34353,"OPLE":34354,"Ġtremendously":34355,"Street":34356,"Ġcraving":34357,"Ġbundled":34358,"ĠRG":34359,"pipe":34360,"Ġinjuring":34361,"Ġarcane":34362,"Particip":34363,"ĠHeroic":34364,"sty":34365,"Ġtopping":34366,"ĠTempest":34367,"rentices":34368,"bh":34369,"Ġparanoia":34370,"ĠUnicode":34371,"Ġegregious":34372,"Ġ\\'":34373,"ĠOswald":34374,"Ġgravel":34375,"ĠSimpsons":34376,"Ġbland":34377,"ĠGuantanamo":34378,"Writer":34379,"liners":34380,"ĠDice":34381,"JC":34382,"Ġparity":34383,"Ġsided":34384,"Ġ237":34385,"ĠPyrrha":34386,"atters":34387,"dk":34388,"Fine":34389,"compan":34390,"Ġformulated":34391,"ĠIdol":34392,"ilers":34393,"hemoth":34394,"ĠFav":34395,"Ġintrusion":34396,"Ġcarrots":34397,"ĠLayer":34398,"ĠHacker":34399,"Ġ----------------":34400,"Ġmoderation":34401,"éģ":34402,"ococ":34403,"Ġcharacterize":34404,"ĠTeresa":34405,"Ġsocioeconomic":34406,"Ġperk":34407,"ĠParticipation":34408,"training":34409,"ĠPaulo":34410,"phys":34411,"Ġtrustworthy":34412,"Ġembodied":34413,"ĠMerch":34414,"currency":34415,"ĠPriority":34416,"Ġteasing":34417,"Ġabsorbing":34418,"Ġunfinished":34419,"ĠComparison":34420,"Ġdisple":34421,"writers":34422,"Ġprofessions":34423,"ĠPenguin":34424,"Ġangrily":34425,"ĠLINK":34426,"688":34427,"ĠCorrespond":34428,"Ġprevailed":34429,"Ġcartel":34430,"lp":34431,"asms":34432,"ĠRedemption":34433,"ĠIslamists":34434,"effects":34435,"dose":34436,"ĠLatter":34437,"ĠHalifax":34438,"Ġvas":34439,"ĠTopics":34440,"ĠNamed":34441,"advertising":34442,"zza":34443,"ICES":34444,"Ġretarded":34445,"achable":34446,"ĠPuppet":34447,"ĠItemLevel":34448,"Ġretract":34449,"Ġidentifiable":34450,"Aaron":34451,"ĠBuster":34452,"sol":34453,"helle":34454,"assemb":34455,"Hope":34456,"ranged":34457,"Ba":34458,"ĠPurch":34459,"éĢ":34460,"ĠSiri":34461,"Ġarrivals":34462,"Ġ1912":34463,"Ġshortened":34464,"Ġ312":34465,"Ġdiscrepancy":34466,"ĠTemperature":34467,"ĠWalton":34468,"Ġkinderg":34469,"polit":34470,"Ġremix":34471,"Ġconnectors":34472,"ãĥĺãĥ©":34473,"ĠKazakhstan":34474,"dominated":34475,"Ġsugars":34476,"imble":34477,"ĠPanic":34478,"ĠDemand":34479,"ĠColony":34480,"onen":34481,"ĠMER":34482,"775":34483,"uria":34484,"azaar":34485,"ĠDegree":34486,"Pri":34487,"Ġsunshine":34488,"Ġ251":34489,"Ġpsychedelic":34490,"Ġdigitally":34491,"ĠBraun":34492,"Ġshimmer":34493,"Ġshave":34494,"ĠTelesc":34495,"ĠAstral":34496,"ĠVenezuelan":34497,"ĠOG":34498,"Ġcrawling":34499,"Integ":34500,"ĠFeather":34501,"Ġunfolding":34502,"Ġappropriation":34503,"Ġè£ıè":34504,"ĠMobility":34505,"ĠNey":34506,"-.":34507,"bilt":34508,"LIN":34509,"ĠTube":34510,"ĠConversely":34511,"Ġkeyboards":34512,"ĠCao":34513,"Ġoverth":34514,"Ġlaure":34515,">>\\":34516,"ĠViper":34517,"acha":34518,"Offset":34519,"ĠRaleigh":34520,"ĠJae":34521,"Jordan":34522,"jp":34523,"Ġtotalitarian":34524,"Connector":34525,"Ġobserves":34526,"ĠSpartan":34527,"ĠImmediately":34528,"ĠScal":34529,"Cool":34530,"Ġtaps":34531,"Ġroar":34532,"Past":34533,"Ġchars":34534,"ĠBender":34535,"ĠSheldon":34536,"Ġpainter":34537,"Ġbeacon":34538,"ĠCreatures":34539,"Ġdownturn":34540,"Ġhinder":34541,"ĠAndromeda":34542,"ÃĽ":34543,"ccoli":34544,"ĠFitness":34545,"etrical":34546,"Ġutilizes":34547,"Ġsenate":34548,"Ġensemble":34549,"Ġcheers":34550,"TW":34551,"Ġaffluent":34552,"kil":34553,"rylic":34554,"ordering":34555,"Computer":34556,"Ġgruesome":34557,"ostics":34558,"ĠUbisoft":34559,"ĠKelley":34560,"Ġwrench":34561,"Ġbourgeoisie":34562,"IBLE":34563,"ĠPreston":34564,"worn":34565,"arist":34566,"reating":34567,"Ġstained":34568,"arine":34569,"Ġslime":34570,"ENN":34571,"Ġchests":34572,"Ġgroundwater":34573,"annot":34574,"ĠTray":34575,"ĠLocke":34576,"ĠCTR":34577,"Ġdudes":34578,"ĠExternal":34579,"ĠDecoder":34580,"Ġparamed":34581,"ĠMedline":34582,"809":34583,"ĠDinner":34584,"rupal":34585,"gz":34586,"ĠGum":34587,"ĠDemo":34588,"jee":34589,"Ġdh":34590,"berman":34591,"archs":34592,"Ġenqu":34593,"ĠEpstein":34594,"Ġdevastation":34595,"Ġfriendships":34596,"ĠArd":34597,"Ġ231":34598,"ĠRubin":34599,"ĠDistance":34600,"Ġspurred":34601,"Ġdossier":34602,"Ġoverlooking":34603,"\\\\\\\\\\\\\\\\\\\\\\\\\\\\\\\\":34604,"Forest":34605,"ĠComes":34606,"\\\",":34607,"ĠIranians":34608,"Ġfixtures":34609,"Laughs":34610,"Ġcurry":34611,"ĠKingston":34612,"Ġsquash":34613,"Ġcatalogue":34614,"Ġabnormalities":34615,"Ġdigestive":34616,".........":34617,"Ġsubordinate":34618,"ogly":34619,"Ġ249":34620,"Middle":34621,"Ġmassac":34622,"Ġburgers":34623,"Ġdownstairs":34624,"Ġ1931":34625,"394":34626,"ĠVG":34627,"Ġlasers":34628,"ĠSikh":34629,"ĠAlexa":34630,"derived":34631,"Ġcyclist":34632,"ãģ®éŃĶ":34633,"oneliness":34634,"!!!!!!!!":34635,"Ġbuffs":34636,"legate":34637,"Ġraping":34638,"Ġrecommending":34639,"rored":34640,"Ġmulticultural":34641,"unique":34642,"Ġbusinessmen":34643,"Ġuneasy":34644,"ĠMAP":34645,"Ġdispersed":34646,"cipline":34647,"Jess":34648,"ĠKerala":34649,"å§":34650,"Ġabstraction":34651,"Surv":34652,"Uh":34653,"Ġprinters":34654,"ija":34655,"owder":34656,"Ġanalogous":34657,"ĠASP":34658,"afer":34659,"Ġunfolded":34660,"Ġleveling":34661,"Ġbreached":34662,"ĠHearing":34663,"Ġnat":34664,"Ġtranslating":34665,"critical":34666,"Ġantagonist":34667,"ĠYesterday":34668,"Ġfuzzy":34669,"wash":34670,"mere":34671,"Ġbewild":34672,"ĠMae":34673,"Virgin":34674,"phrase":34675,"Ġsignaled":34676,"ĠHIGH":34677,"Ġprotester":34678,"Ġgarner":34679,"unknown":34680,"Ġkay":34681,"Ġabducted":34682,"Ġstalking":34683,"amn":34684,"Ġdeserving":34685,"ĠRiv":34686,"ĠJorge":34687,"Ġscratching":34688,"ĠSaving":34689,"iping":34690,"Ġtease":34691,"Ġmissionary":34692,"ĠMorrow":34693,"TIME":34694,"Present":34695,"Ġchemotherapy":34696,"terness":34697,"ĠHomes":34698,"ĠPurdue":34699,"Ġstaunch":34700,"ĠWhitney":34701,"ĠTHERE":34702,"μ":34703,"iatus":34704,"ĠErnest":34705,"ĠDeploy":34706,"Ġcoveted":34707,"FML":34708,"ĠDialogue":34709,"Ġexited":34710,"fruit":34711,"Ġnerd":34712,"\":\"\",\"":34713,"Ġvivo":34714,"ruly":34715,"460":34716,"ĠAmen":34717,"rehensible":34718,"Ġâĺ":34719,"DIR":34720,"Ġadherence":34721,"Ġchew":34722,"ĠCoke":34723,"ĠSergei":34724,"digital":34725,"ĠNeck":34726,"gently":34727,"enthal":34728,"/)":34729,"Ġweary":34730,"Ġguise":34731,"ĠConcord":34732,"ĠOnion":34733,"atcher":34734,"Ġbinge":34735,"ĠDirective":34736,"Ġmanned":34737,"ansk":34738,"Ġillusions":34739,"Ġbillionaires":34740,"383":34741,"olyn":34742,"odynamic":34743,"ĠWheat":34744,"ĠAlic":34745,"Ġcoloured":34746,"ĠNAFTA":34747,"abo":34748,"Ġmacros":34749,"independent":34750,"sweet":34751,"Ġspac":34752,"ĠKabul":34753,"ĠÄ":34754,"eme":34755,"Ġdictated":34756,"Ġshouts":34757,"={":34758,"Ġripping":34759,"ĠShay":34760,"ĠCricket":34761,"directed":34762,"Ġanalysed":34763,"ĠWARRANT":34764,"agons":34765,"ĠBlazers":34766,"Ġcheered":34767,"Ġarithmetic":34768,"ĠTanz":34769,"373":34770,"ĠFlags":34771,"Ġ295":34772,"Ġwitches":34773,"ĠIncluded":34774,"ĠGained":34775,"ĠBlades":34776,"Gam":34777,"ĠSamantha":34778,"ĠAtlantis":34779,"ĠPratt":34780,"Ġspoiled":34781,"ĠIB":34782,"ĠRamirez":34783,"Probably":34784,"rero":34785,"ĠNg":34786,"ĠWarlock":34787,"tp":34788,"Ġoverhe":34789,"Ġadministrations":34790,"Ġtint":34791,"Ġregiment":34792,"Ġpistols":34793,"Ġblankets":34794,"Ġepist":34795,"Ġbowls":34796,"Ġhydraulic":34797,"Ġdean":34798,"Ġjung":34799,"Ġascend":34800,"705":34801,"ĠSantiago":34802,"î":34803,"Ġunavoid":34804,"ĠShaman":34805,"reb":34806,"Ġstemming":34807,"998":34808,"ĠMG":34809,"sticks":34810,"esthesia":34811,"ERO":34812,"Ġmorbid":34813,"ĠGrill":34814,"ĠPoe":34815,"anyl":34816,"Ġdeleting":34817,"ĠSurveillance":34818,"Ġdirectives":34819,"Ġiterations":34820,"ĠRox":34821,"ĠMilky":34822,"Father":34823,"Ġpatented":34824,"447":34825,"Ġprecursor":34826,"Ġmaiden":34827,"ĠPhen":34828,"ĠVegan":34829,"ĠPatent":34830,"Kelly":34831,"Redditor":34832,"Ġnods":34833,"Ġventilation":34834,"ĠSchwarz":34835,"Ġwizards":34836,"Ġominous":34837,"ĠHeads":34838,"ĠBG":34839,"Ġlumber":34840,"ĠSpiel":34841,"ĠisEnabled":34842,"Ġancestral":34843,"ĠShips":34844,"Ġwrestler":34845,"phi":34846,"Ġyuan":34847,"ĠRebellion":34848,"Ġiceberg":34849,"Ġmagically":34850,"Ġdiversion":34851,"arro":34852,"ythm":34853,"ĠRiders":34854,"ĠRobbie":34855,"ĠKara":34856,"ĠMaintenance":34857,"ĠHerb":34858,"Ġharms":34859,"packed":34860,"ĠFeinstein":34861,"Ġmarrying":34862,"Ġblending":34863,"ĠRates":34864,"Ġ1880":34865,"Ġwrink":34866,"ĠUnch":34867,"ĠTorch":34868,"described":34869,"Ġhumanoid":34870,"ilitating":34871,"ĠConv":34872,"ĠFeld":34873,"IGHTS":34874,"Ġwhistleblower":34875,"ortmund":34876,"etsy":34877,"arrett":34878,"ĠMono":34879,"ĠIke":34880,"ĠCNBC":34881,"ĠWAY":34882,"ĠMDMA":34883,"ĠIndividuals":34884,"Ġsupplemental":34885,"Ġpowerhouse":34886,"ĠStru":34887,"Focus":34888,"aphael":34889,"ĠColleg":34890,"atti":34891,"ZA":34892,"Ġperenn":34893,"ĠSignature":34894,"ĠRodney":34895,"Ġcubes":34896,"iddled":34897,"ĠDante":34898,"ĠINV":34899,"ilingual":34900,"ĠCth":34901,"Ġsofa":34902,"Ġintimidate":34903,"ĠRoe":34904,"ĠDiplom":34905,"ĠCountries":34906,"ayson":34907,"Ġextradition":34908,"Ġdisabling":34909,"ĠCardiff":34910,"Ġmemorandum":34911,"ĠTrace":34912,"Ġ???":34913,"sector":34914,"ĠRouhani":34915,"ĠYates":34916,"ĠFreeze":34917,"Ġbladder":34918,"Motor":34919,"ĠPromise":34920,"antasy":34921,"Ġforeseeable":34922,"ĠCologne":34923,"container":34924,"ĠTrees":34925,"ĠGors":34926,"ĠSinclair":34927,"Ġbarring":34928,"keye":34929,"Ġslashed":34930,"ĠStatistical":34931,"éĩ":34932,"Ġâĸº":34933,"Allows":34934,"Ġhumility":34935,"Ġdrilled":34936,"ĠFurn":34937,"443":34938,"Ġsewage":34939,"Ġhomepage":34940,"Ġcourtyard":34941,"Ġvile":34942,"Ġsubsidiaries":34943,"ajo":34944,"directory":34945,"Ġammon":34946,"Vers":34947,"charges":34948,"Ġ}}":34949,"ĠChains":34950,"Ġ246":34951,"nob":34952,"Ġpercept":34953,"Ġgrit":34954,"Ġfishermen":34955,"ĠIraqis":34956,"ĠDISTR":34957,"ĠFULL":34958,"ĠEvaluation":34959,"graph":34960,"atial":34961,"Ġcooperating":34962,"Ġmelan":34963,"Ġenlightened":34964,"Ġali":34965,"tailed":34966,"Ġsalute":34967,"Ġweakest":34968,"ĠBulldogs":34969,"UA":34970,"ĠAlloy":34971,"Ġsemen":34972,"ocene":34973,"ĠWilliamson":34974,"spr":34975,",âĢĶ":34976,"ĠGF":34977,"ittens":34978,"Beat":34979,"ĠJunk":34980,"iphate":34981,"ĠFarmers":34982,"ĠBitcoins":34983,"igers":34984,"dh":34985,"ĠLoyal":34986,"payer":34987,"Ġentertained":34988,"Ġpenned":34989,"Ġcoupon":34990,"Queue":34991,"Ġweakening":34992,"carry":34993,"Ġunderestimate":34994,"Ġshootout":34995,"Ġcharismatic":34996,"ĠProcedure":34997,"Ġprudent":34998,"inances":34999,"Ġriches":35000,"Ġcortical":35001,"Ġstrides":35002,"Ġdrib":35003,"ĠOilers":35004,"540":35005,"ĠPerform":35006,"ĠBangkok":35007,"Ġeuth":35008,"SER":35009,"Ġsimplistic":35010,"tops":35011,"campaign":35012,"Quality":35013,"Ġimpoverished":35014,"ĠEisenhower":35015,"Ġaugment":35016,"ĠHarden":35017,"Ġintervened":35018,"Ġlistens":35019,"ĠKok":35020,"Ġsage":35021,"Ġrubbish":35022,"ĠDed":35023,"Ġmull":35024,"pelling":35025,"Ġvideot":35026,"Production":35027,"DJ":35028,"miah":35029,"Ġadaptations":35030,"Ġmedically":35031,"Ġboarded":35032,"Ġarrogance":35033,"Ġscrapped":35034,"Ġoppress":35035,"FORMATION":35036,"Ġjunction":35037,"415":35038,"EEEE":35039,"Skill":35040,"Ġsubdu":35041,"ĠSuggest":35042,"ĠPett":35043,"Ġlett":35044,"ĠManip":35045,"ĠCaf":35046,"ĠCooperation":35047,"Ther":35048,"Ġregained":35049,"¶æ":35050,"reflect":35051,"Ġthugs":35052,"ĠShelby":35053,"Ġdictates":35054,"ĠWeiner":35055,"ĠHale":35056,"Ġbattleground":35057,"schild":35058,"Ġcondol":35059,"hunt":35060,"ositories":35061,"Ġaccuses":35062,"Filename":35063,"Ġshri":35064,"Ġmotivate":35065,"Ġreflections":35066,"Null":35067,"ĠLobby":35068,"¥µ":35069,"ĠSATA":35070,"ĠBackup":35071,"Ñĥ":35072,"nin":35073,"ĠCorrection":35074,"Ġjuicy":35075,"utra":35076,"ĠPric":35077,"Ġrestraining":35078,"ĠAirbnb":35079,"ĠArrest":35080,"Ġappropriations":35081,"Ġslopes":35082,"Ġmanslaughter":35083,"Ġworkings":35084,"ĠHuss":35085,"ĠFrey":35086,"Leave":35087,"ĠHarmony":35088,"ĠFeder":35089,"Ġ430":35090,"Ġtrench":35091,"Ġgladly":35092,"Ġbullpen":35093,"ĠGau":35094,"bones":35095,"Ġgroove":35096,"Ġpretext":35097,"ãħĭ":35098,"Ġtransmitter":35099,"ĠComponent":35100,"Ġunderage":35101,"ĠEmpires":35102,"Tile":35103,"Ġoy":35104,"ĠMarvin":35105,"ĠCAS":35106,"Ġbloss":35107,"Ġreplicated":35108,"ĠMariners":35109,"Marcus":35110,"ĠBlocks":35111,"Ġliberated":35112,"Ġbutterfly":35113,"Feel":35114,"Ġfermentation":35115,"Ġyoutube":35116,"Ġoffend":35117,"ĠTerm":35118,"resist":35119,"Ġcessation":35120,"Ġinsurgency":35121,"Ġbir":35122,"ĠRaise":35123,"595":35124,"Ġhypotheses":35125,"502":35126,"Ġplaque":35127,"ocrat":35128,"Ġjackets":35129,"ĠHuffPost":35130,"among":35131,"Ġconfer":35132,"487":35133,"ĠLilly":35134,"Ġadapting":35135,"ĠFay":35136,"Ġshoved":35137,"vec":35138,"Ġrefine":35139,"Ġgon":35140,"Ġgunmen":35141,"zai":35142,"ĠShuttle":35143,"ĠIzan":35144,"Ġ1913":35145,"Ġplethora":35146,"··":35147,"Ġ510":35148,"Ġpuberty":35149,"Ġ241":35150,"ĠWealth":35151,"ĠAlma":35152,"ĠMEM":35153,"ĠAdults":35154,"Cas":35155,"prison":35156,"Race":35157,"Ġwaterproof":35158,"Ġathleticism":35159,"Ġcapitalize":35160,"ĠJuice":35161,"Ġilluminated":35162,"ĠPascal":35163,"Ġirritation":35164,"ĠWitnesses":35165,"adle":35166,"ĠAstro":35167,"Ġfax":35168,"ĠElvis":35169,"Primary":35170,"ĠLich":35171,"ĠElves":35172,"Ġresiding":35173,"Ġstumble":35174,"319":35175,"ĠPKK":35176,"Ġadversaries":35177,"DOS":35178,"ĠRitual":35179,"Ġsmear":35180,"Ġarson":35181,"idental":35182,"Ġscant":35183,"Ġmonarchy":35184,"Ġhalftime":35185,"Ġresidue":35186,"Ġindign":35187,"ĠShaun":35188,"ĠElm":35189,"auri":35190,"Aff":35191,"WATCH":35192,"ĠLyon":35193,"helps":35194,"361":35195,"Ġlobbyist":35196,"Ġdiminishing":35197,"Ġoutbreaks":35198,"Ġgoats":35199,"favorite":35200,"ĠNah":35201,"sonian":35202,"ĠBooster":35203,"Ġsandbox":35204,"ĠFare":35205,"ĠMalta":35206,"ĠattRot":35207,"ĠMOR":35208,"lde":35209,"Ġnavigating":35210,"Touch":35211,"Ġuntrue":35212,"ĠDisaster":35213,"Ġludicrous":35214,"Password":35215,"ĠJFK":35216,"blogspot":35217,"416":35218,"ĠUNDER":35219,"ernal":35220,"Ġdelaying":35221,"TOP":35222,"Ġimplants":35223,"ĠAVG":35224,"ĠHuge":35225,"attr":35226,"Ġjournalistic":35227,"ĠPeyton":35228,"ĠIA":35229,"Rap":35230,"goal":35231,"ĠProgramme":35232,"Ġsmashing":35233,"wives":35234,"println":35235,"ĠPlague":35236,"inus":35237,"EEP":35238,"Ġcruiser":35239,"ĠParish":35240,"uminium":35241,"Ġoccupants":35242,"ĠJihad":35243,"mop":35244,"Ġpint":35245,"Ġhect":35246,"ĠMecca":35247,"director":35248,"ĠFunding":35249,"ĠMixed":35250,"Ġstag":35251,"Tier":35252,"Ġgust":35253,"Ġbrightly":35254,"orsi":35255,"Ġuphill":35256,"RD":35257,"Ġlesions":35258,"ĠBundy":35259,"livious":35260,"Ġbiologist":35261,"ĠFaculty":35262,"ĠAuthorization":35263,"Ġ244":35264,"Allow":35265,"ï¸":35266,"ĠGiul":35267,"Ġpertinent":35268,"otaur":35269,"esse":35270,"ĠRoof":35271,"Ġunmanned":35272,"351":35273,"ĠShak":35274,"ĠOrient":35275,"Ġendanger":35276,"Dir":35277,"Ġreplen":35278,"edient":35279,"Ġtailor":35280,"Ġgadgets":35281,"Ġaudible":35282,"âĺĨ":35283,"Nice":35284,"Ġbombard":35285,"ĠRape":35286,"Ġdefiance":35287,"ĠTWO":35288,"ĠFilipino":35289,"Ġunaffected":35290,"ervatives":35291,"Ġsoared":35292,"ĠBolton":35293,"Ġcompromising":35294,"ĠBrewers":35295,"RAL":35296,"ĠAHL":35297,"icycle":35298,"Ġvampires":35299,"Ġdipped":35300,"oyer":35301,"ĠXIII":35302,"Ġsideways":35303,"ĠWaste":35304,"ĠDiss":35305,"ĠâĶľâĶĢâĶĢ":35306,"$.":35307,"Ġhabitats":35308,"ĠBeef":35309,"truth":35310,"trained":35311,"split":35312,"Rus":35313,"Andy":35314,"ĠBram":35315,"REP":35316,"pid":35317,"è£ħ":35318,"ĠMutant":35319,"Anim":35320,"ĠMarina":35321,"Ġfutile":35322,"highest":35323,"frequency":35324,"Ġepilepsy":35325,"Ġcoping":35326,"Ġconcise":35327,"Ġtracing":35328,"ĠSUN":35329,"panel":35330,"ĠSophie":35331,"ĠCrowley":35332,"ĠAdolf":35333,"ĠShooter":35334,"Ġshaky":35335,"ĠIG":35336,"ĠLies":35337,"ĠBarber":35338,"pkg":35339,"Ġuptake":35340,"Ġpredatory":35341,"ULTS":35342,"/**":35343,"Ġintoxicated":35344,"ĠWestbrook":35345,"odder":35346,"hement":35347,"Ġbaseman":35348,"APD":35349,"storage":35350,"ĠFifty":35351,"editor":35352,"GEN":35353,"UTION":35354,"irting":35355,"Ġsewing":35356,"rift":35357,"Ġagony":35358,"ĠSands":35359,"Ġ254":35360,"Cash":35361,"Ġlodge":35362,"Ġpunt":35363,"Natural":35364,"ĠIdeas":35365,"Ġerroneous":35366,"ĠSensor":35367,"ĠHannity":35368,"Ġ1921":35369,"Ġmould":35370,"ĠGon":35371,"kaya":35372,"Ġanonymously":35373,"ĠKEY":35374,"Ġsimulator":35375,"Winter":35376,"Ġstreamed":35377,"507":35378,"?\",":35379,"Ġteased":35380,"Ġcoefficient":35381,"Ġwartime":35382,"ĠTHR":35383,"''.":35384,"ĠBanking":35385,"mpire":35386,"Ġfandom":35387,"Ġlia":35388,"Ga":35389,"Ġdownhill":35390,"Ġinterpreting":35391,"Individual":35392,"Norm":35393,"Ġjealousy":35394,"bitcoin":35395,"Ġpleasures":35396,"ĠToys":35397,"ĠChevrolet":35398,"ĠAdvisor":35399,"IZE":35400,"Ġreceptions":35401,"706":35402,"Cro":35403,"Ġ262":35404,"Ġcitrus":35405,"iru":35406,"Reviewer":35407,"jected":35408,"UES":35409,"anz":35410,"1981":35411,"ĠWorker":35412,"Ġcomplied":35413,"orescent":35414,"continental":35415,"Ton":35416,"ĠPrism":35417,"ĠSheep":35418,"Ġ288":35419,"nox":35420,"ĠVog":35421,"Ord":35422,"Ġrealms":35423,"tek":35424,"Ġirrigation":35425,"Ġbicycles":35426,"Ġelectronically":35427,"poly":35428,"tall":35429,"());":35430,"Ġaesthetics":35431,"ĠIntegrated":35432,"Explore":35433,"Ġdunk":35434,"476":35435,"pain":35436,"ĠJacques":35437,"ĠDmit":35438,"Frames":35439,"Ġreunited":35440,"Ġhumid":35441,"Dro":35442,"Political":35443,"Ġyouthful":35444,"Ġentails":35445,"Ġmosquito":35446,"363":35447,"species":35448,"Ġcoordinating":35449,"ĠMayhem":35450,"ĠMagnus":35451,"Mount":35452,"Improved":35453,"ĠSTATE":35454,"ATTLE":35455,"Ġflowed":35456,"Ġtackled":35457,"Ġfashioned":35458,"Ġreorgan":35459,"ivari":35460,"finger":35461,"Ġreluctantly":35462,"etting":35463,"ĠVand":35464,"young":35465,"ĠGarland":35466,"Ġpresumption":35467,"Ġamenities":35468,"ĠPleasant":35469,"onential":35470,"ĠOxy":35471,"Ġmorals":35472,"ĠYah":35473,"Ready":35474,"Simon":35475,"Enh":35476,"Demon":35477,"Ġclich":35478,"Monitor":35479,"ĠDU":35480,"Ġwelcomes":35481,"Ġstandout":35482,"Ġdreadful":35483,"Ġbananas":35484,"Ġballoons":35485,"hooting":35486,"basic":35487,"Ġsuffix":35488,"Ġduly":35489,"cano":35490,"Chain":35491,"atos":35492,"Ġgeopolitical":35493,"Ġ(&":35494,"ĠGemini":35495,"ÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤÃĥÃĤ":35496,"Ġacquitted":35497,"Luck":35498,"protect":35499,"1024":35500,"Ġscarcity":35501,"Ġmindfulness":35502,"ecided":35503,"DN":35504,"prime":35505,"ĠPresidents":35506,"ĠVIDEO":35507,"Ġ(âĪĴ":35508,"addock":35509,"NOR":35510,"ĠPru":35511,"pun":35512,"ĠLOL":35513,"))))":35514,"ĠLiqu":35515,"ĠSAS":35516,"Ġstyling":35517,"Ġpunishments":35518,"Ġnumb":35519,"Ġascertain":35520,"ĠRockies":35521,"flu":35522,"Thumbnail":35523,"Ġperpetrated":35524,"ĠSemi":35525,"Ġdisarm":35526,"ĠOlder":35527,"ĠException":35528,"Ġexponentially":35529,"ĠCommunities":35530,"Ġabolish":35531,"ĠPartner":35532,"ptoms":35533,"Ġ777":35534,"ĠFoley":35535,"ĠCases":35536,"Ġgrease":35537,"ĠRebirth":35538,"Ground":35539,"Ġ;)":35540,"ĠDoctrine":35541,"ikini":35542,"Ye":35543,"ĠBlossom":35544,"Ġpersists":35545,"bill":35546,"Ġinfusion":35547,"Ġbuddies":35548,"911":35549,"ĠPatient":35550,"Ġdemos":35551,"Ġacquaintance":35552,"ĠPaw":35553,"atari":35554,"Ġxml":35555,"Ġfascination":35556,"ĠServe":35557,"ÏĤ":35558,"branded":35559,"Ġaz":35560,"Returns":35561,"Ġovershadow":35562,"Ġroam":35563,"Ġspeedy":35564,"numbered":35565,"helial":35566,"Ġdisciple":35567,"Ġassurances":35568,"given":35569,"pecting":35570,"ĠNatalie":35571,"çĶ°":35572,"Ġmosquitoes":35573,"rotein":35574,"Ġnumeric":35575,"Ġindependents":35576,"Ġtransitional":35577,"Ġreactionary":35578,"ĠMechdragon":35579,"doctor":35580,"Ġshortest":35581,"Ġsequential":35582,"ĠBac":35583,"ĠAccounts":35584,"ãģĮ":35585,"achy":35586,"ractive":35587,"ĠRegiment":35588,"Ġbreathtaking":35589,"fficiency":35590,"ĠBates":35591,"Ġ311":35592,"Ġwardrobe":35593,"fts":35594,"ĠBerk":35595,"Simply":35596,"ĠRiverside":35597,"ivering":35598,"idential":35599,"lucent":35600,"Ġenriched":35601,"ĠConver":35602,"ĠGiving":35603,"ãĥĻ":35604,"Ġlegalize":35605,"ĠFTC":35606,"Ġfreaking":35607,"Mix":35608,"Ġterrestrial":35609,"esian":35610,"cients":35611,"Wing":35612,"LOAD":35613,"Ġledge":35614,"ĠViolent":35615,"ĠMetall":35616,"Ġ308":35617,"Ġsoutheastern":35618,"hetto":35619,"Meat":35620,"Ġslowdown":35621,"Ġretreated":35622,"Jeremy":35623,"endas":35624,"*****":35625,"eric":35626,"Ġreins":35627,"oppable":35628,"ĠHumanity":35629,"earances":35630,"rigan":35631,"Camera":35632,"Ġwaivers":35633,"soc":35634,"Ġalteration":35635,"transform":35636,"ĠCemetery":35637,"506":35638,"Ġindefinite":35639,"Ġstimulating":35640,"yg":35641,"603":35642,"ĠSop":35643,"Ġdescriptive":35644,"Phase":35645,"ĠEdmund":35646,"Ġpneumonia":35647,"ventus":35648,"Amb":35649,"Ġlaboratories":35650,"ĠExclusive":35651,"ugar":35652,"Were":35653,"Ġmalfunction":35654,"Ġhomosexuals":35655,"Ġ-------":35656,"uni":35657,"Ġturbines":35658,"ĠEquity":35659,"Du":35660,"Ġminded":35661,"ĠRH":35662,"ĠBlackhawks":35663,"Ġfeats":35664,"Ġ1700":35665,"repl":35666,"362":35667,"laden":35668,"Ġindispensable":35669,"lyss":35670,"tti":35671,"Ġreel":35672,"Ġdiverted":35673,"Ġlikeness":35674,"Ġsubscriptions":35675,"Ġfingert":35676,"Ġfilthy":35677,"destruct":35678,"draft":35679,"ĠBernardino":35680,"launch":35681,"Ġperplex":35682,"ĠSUM":35683,"carb":35684,"Ġsweater":35685,"ĠVenture":35686,"ĠJag":35687,"ĠCeleb":35688,"ĠVoters":35689,"Ġsteadfast":35690,"Ġathletics":35691,"ĠHanson":35692,"ĠDrac":35693,"Tracker":35694,"Ġcommend":35695,"ĠPresidency":35696,"ĠDID":35697,"informed":35698,"Ġwebpage":35699,"Pretty":35700,"Ġforcefully":35701,"ãĥĥãĤ¯":35702,"Ġrelocation":35703,"Ġsatire":35704,"âī":35705,"ĠSunderland":35706,"æĦ":35707,"Voice":35708,"????????":35709,"Ġinformant":35710,"Ġbowel":35711,"ĠUniform":35712,"Ġ...\"":35713,"Ġpurge":35714,"Ġpicnic":35715,"ĠUmb":35716,"ĠUPDATE":35717,"ĠSapphire":35718,"ĠStall":35719,"learn":35720,"Ġobjectively":35721,"Ġobliter":35722,"Ġloophole":35723,"Ġjourneys":35724,"Ġomission":35725,"Pros":35726,"ĠSidney":35727,"ploma":35728,"Ġsprayed":35729,"Ġguru":35730,"Ġtraitor":35731,"Ġtimet":35732,"Ġsnapping":35733,"ĠSevent":35734,"urnal":35735,"ĠUkip":35736,"Ġbowed":35737,"poral":35738,"liberal":35739,"Ros":35740,"Questions":35741,"iOS":35742,"Ġsummarize":35743,"STAT":35744,"Ġ1850":35745,"apest":35746,"Ġlender":35747,"ĠVariable":35748,"bringing":35749,"ĠLORD":35750,",)":35751,"Ġcollapses":35752,"xiety":35753,"ĠNed":35754,"YD":35755,"ĠScha":35756,"Ġantibody":35757,"Ġdisband":35758,"yre":35759,"illusion":35760,"Ġrover":35761,"shed":35762,"ĠHirosh":35763,"cci":35764,"Ġcalam":35765,"ĠMorton":35766,"Pinterest":35767,"Ġ1928":35768,"ĠEuras":35769,"ordes":35770,"Ġfences":35771,"ĠInventory":35772,"ĠValencia":35773,"ĠUd":35774,"ĠTiff":35775,"Ġsque":35776,"Ġquotation":35777,"Ġtroublesome":35778,"erker":35779,"QUEST":35780,"ĠKingdoms":35781,"south":35782,"Ġlevy":35783,"Prince":35784,"ĠSting":35785,"Ġnicknamed":35786,"Ġappe":35787,"Ġphotographic":35788,"Ġcorpus":35789,"reference":35790,"ĠTrog":35791,"Unt":35792,")=(":35793,"ĠLatvia":35794,"Ġactivating":35795,"Ġlicensee":35796,"Ġdisparities":35797,"ĠNewsletter":35798,"ãĥĥãĥĪ":35799,"Ġfreeing":35800,"ĠJeep":35801,"ĠPerception":35802,"insk":35803,"Ġsilicone":35804,"ĠHayden":35805,"Lean":35806,"ĠSuzuki":35807,"ibrarian":35808,"668":35809,"Ġspor":35810,"Ġcorrelations":35811,"aghetti":35812,"Ġtuber":35813,"ĠIPCC":35814,"ilus":35815,"ĠVu":35816,"Ġwealthiest":35817,"ĠCarbuncle":35818,"anza":35819,"Ġfooled":35820,"ĠZur":35821,"Ġdaddy":35822,"rano":35823,"ilian":35824,"Ġknockout":35825,"fman":35826,"required":35827,"ĠWikileaks":35828,"ĠDuffy":35829,"ONT":35830,"Ġinsol":35831,"ĠObjects":35832,"Ġbou":35833,"ĠNordic":35834,"ĠInsert":35835,"scan":35836,"Ġdancers":35837,"Ġidiots":35838,"majority":35839,"ĠNeville":35840,"ĠFreeBSD":35841,"Ġtart":35842,"panic":35843,"690":35844,"Ġcocoa":35845,"Ġsampled":35846,"Ġlookup":35847,"Indust":35848,"Ġinjections":35849,"genre":35850,"Ġau":35851,"Ġroadway":35852,"Ġgenitals":35853,"Kind":35854,"ĠExaminer":35855,"ĠYaz":35856,"Fresh":35857,"Ġparalysis":35858,"ĠAluminum":35859,"Ġreap":35860,"oké":35861,"Ġsloppy":35862,"ĠTunnel":35863,"posium":35864,"nery":35865,"enic":35866,"Ġherbal":35867,"ĠOuter":35868,"ĠBuilder":35869,"Ġincur":35870,"Ġideologies":35871,"Ġbackups":35872,"consuming":35873,"ĠDetect":35874,"deck":35875,"ĠKNOW":35876,"ĠGret":35877,"ĠMIC":35878,"Ġtoughness":35879,"ĠExhibit":35880,"Ġhive":35881,"Les":35882,"ĠSCHOOL":35883,"ĠAtari":35884,"alde":35885,"ĠNull":35886,"andestine":35887,"mouse":35888,"Ġbrigade":35889,"489":35890,"Ġrevol":35891,"ĠLawson":35892,"ĠWah":35893,"opoly":35894,"ebted":35895,"ĠSaunders":35896,"Ġ313":35897,"ĠWinc":35898,"Ġtaboo":35899,"ĠHelmet":35900,"Ġwedge":35901,"chip":35902,"ĠTina":35903,"bg":35904,"Ġinfuri":35905,"rn":35906,"Ġanomalies":35907,"ĠSync":35908,"ĠExam":35909,"ĠCommit":35910,"ĠDiary":35911,"ĠALSO":35912,"ĠDebor":35913,"omedical":35914,"Ġcomprehension":35915,"655":35916,"Ġempowering":35917,"Ġire":35918,"Ġjuices":35919,"ĠETH":35920,"ĠBoxing":35921,"=\"/":35922,"Ġfacilitated":35923,"poke":35924,"ĠParsons":35925,"ĠModer":35926,"travel":35927,"Ġcivilizations":35928,"Ġlibertarians":35929,"Ġrune":35930,"ĠClarks":35931,"athed":35932,"Ġcampaigners":35933,"ĠDispatch":35934,"ĠFahrenheit":35935,"ĠCapcom":35936,"----------":35937,"Ġlace":35938,"Ġdraining":35939,"Ġliner":35940,"ĠArtificial":35941,"én":35942,"task":35943,"]).":35944,"ĠGMO":35945,"ĠOperator":35946,"ordinary":35947,"ĠInfluence":35948,"ĠUps":35949,"Ġpotency":35950,"ussen":35951,"ospons":35952,"ĠSwim":35953,"ĠDeadline":35954,"Unity":35955,"Ġculinary":35956,"Ġenlightenment":35957,"Ġwearer":35958,"Ġmined":35959,"Ġply":35960,"Ġincest":35961,"ĠDVDs":35962,"Walk":35963,"BTC":35964,"Trade":35965,"Ġdeval":35966,"iband":35967,"ĠOversight":35968,"Palestinian":35969,"Ġdart":35970,"Ġmul":35971,"LR":35972,"Ġremovable":35973,"ĠRealms":35974,"ìĿ":35975,"Ġmiscar":35976,"ĠVulkan":35977,"685":35978,"ère":35979,"ĠSap":35980,"Ġmerging":35981,"ĠCarly":35982,"chester":35983,"Ġbrisk":35984,"Ġluxurious":35985,"ĠGenerator":35986,"Ġbitterness":35987,"Ġedible":35988,"Ġ243":35989,"TG":35990,"Ġrectangle":35991,"WithNo":35992,"below":35993,"Jenn":35994,"Ġdarkest":35995,"Ġhitch":35996,"Ġdosage":35997,"Ġscaven":35998,"ĠKeller":35999,"ĠIllustrated":36000,"Certainly":36001,"ĠMavericks":36002,"Marginal":36003,"Ġdiarrhea":36004,"Ġenormously":36005,"Ġ999":36006,"shr":36007,"quart":36008,"Ġadamant":36009,"ĠMew":36010,"Ġrenovation":36011,"Ġcervical":36012,"ĠPercentage":36013,"eners":36014,"ĠKimber":36015,"Ġfloats":36016,"Ġdex":36017,"ĠWitcher":36018,"ĠSwansea":36019,"dm":36020,"Ġsalty":36021,"yellow":36022,"Ġcape":36023,"ĠDrain":36024,"ĠPaula":36025,"ĠToledo":36026,"lesi":36027,"Magazine":36028,"ĠWick":36029,"ĠMn":36030,"ĠAck":36031,"ĠRiding":36032,"ASON":36033,"Ġhomophobic":36034,"ARP":36035,"Ġwandered":36036,"CPU":36037,"oodoo":36038,"ĠPipe":36039,"Ġtightening":36040,"ĠButt":36041,"318":36042,"Ġdeserted":36043,"Session":36044,"Ġfacilitating":36045,"Jump":36046,"Ġemergencies":36047,"OWER":36048,"Ġexhaustive":36049,"ĠAFTER":36050,"Ġheartbeat":36051,"ĠLabel":36052,"acky":36053,"ĠCertified":36054,"iltration":36055,"Ze":36056,"ĠUtt":36057,"Ġ1300":36058,"Ġpresume":36059,"ĠDisp":36060,"Ġsurged":36061,"Ġdolls":36062,"Columb":36063,"Ġchimpan":36064,"ĠRazor":36065,"Ġticks":36066,"Ġcouncillor":36067,"Ġpilgrimage":36068,"ĠRebels":36069,"ĠQC":36070,"ĠAuction":36071,"xia":36072,"ikk":36073,"bred":36074,"Ġinsertion":36075,"Ġcoarse":36076,"dB":36077,"SEE":36078,"ĠZap":36079,"ĠFoo":36080,"Ġcontempor":36081,"ĠQuarterly":36082,"otions":36083,"ĠAlchemist":36084,"ĠTrey":36085,"ĠDuo":36086,"Sweet":36087,"804":36088,"ĠGiov":36089,"Ġfunn":36090,"Nin":36091,"hoff":36092,"Ġramifications":36093,"Ġ1922":36094,"ĠExperts":36095,"azes":36096,"Ġgarments":36097,"arial":36098,"ĠNab":36099,"Ġ257":36100,"ĠVed":36101,"Ġhumorous":36102,"ĠPompe":36103,"Ġnylon":36104,"Ġlurking":36105,"ĠSergey":36106,"ĠMattis":36107,"Ġmisogyny":36108,"ĠComponents":36109,"ĠWatching":36110,"ĠFolk":36111,"ractical":36112,"Bush":36113,"Ġtaped":36114,"Ġgrouping":36115,"Ġbeads":36116,"Ġ2048":36117,"Ġcondu":36118,"querque":36119,"Reading":36120,"Ġgrievances":36121,"Ultra":36122,"Ġendpoint":36123,"Hig":36124,"ĠStatic":36125,"ĠScarborough":36126,"Lua":36127,"ĠMessi":36128,"aqu":36129,"ĠPsyNet":36130,"ĠRudd":36131,"Ġavenue":36132,"vp":36133,"Jer":36134,"Ġshady":36135,"ĠResist":36136,"ĠArtemis":36137,"Ġcareless":36138,"Ġbrokers":36139,"Ġtemperament":36140,"Ġ520":36141,"Tags":36142,"ĠTurning":36143,"Ġuttered":36144,"Ġpedd":36145,"Ġimprovised":36146,"Ġ:(":36147,"Ġtabl":36148,"Ġplains":36149,"1600":36150,"pressure":36151,"ĠEssence":36152,"margin":36153,"friends":36154,"ĠRestoration":36155,"Ġpollut":36156,"ĠPoker":36157,"ĠAugustine":36158,"ĠCIS":36159,"ĠSEAL":36160,"orama":36161,"Ġthwart":36162,"seek":36163,"Ġpagan":36164,"º":36165,"cpu":36166,"Ġgarn":36167,"Ġassortment":36168,"ĠILCS":36169,"tower":36170,"Recommended":36171,"Ġunborn":36172,"ĠRandomRedditor":36173,"ĠRandomRedditorWithNo":36174,"Ġparalyzed":36175,"Ġeruption":36176,"Ġintersect":36177,"ĠStoke":36178,"ĠSco":36179,"Bind":36180,"å¾":36181,"ĠPNG":36182,"ĠNegative":36183,"ĠNOAA":36184,"Leon":36185,"Ġalloy":36186,"ĠLama":36187,"ĠDiversity":36188,"575":36189,"Ġunderestimated":36190,"ĠScor":36191,"Ġmural":36192,"Ġbusted":36193,"soon":36194,"lif":36195,"Ġnonex":36196,"Ġallergy":36197,"ĠUnderworld":36198,"ĠRays":36199,"ĠBlasio":36200,"Ġhrs":36201,"ĠDir":36202,"Ġ327":36203,"byter":36204,"Ġreplacements":36205,"Ġactivates":36206,"rived":36207,"MH":36208,"Ġpans":36209,"ĠHI":36210,"Ġlongitudinal":36211,"Ġnuisance":36212,"aler":36213,"Ġswell":36214,"ĠSigned":36215,"sci":36216,"ĠIsles":36217,"ĠAGA":36218,"Ġdefiant":36219,"Ġsonic":36220,"ocon":36221,"KC":36222,"ĠAim":36223,"tie":36224,"ahah":36225,"ĠmL":36226,"DX":36227,"Ġbisc":36228,"ĠBillboard":36229,"ĠSYSTEM":36230,"NEY":36231,"gaard":36232,"Ġdistressed":36233,"formerly":36234,"Alan":36235,"Ġchefs":36236,"Ġoptics":36237,"ĠComet":36238,"ĠAMC":36239,"Ġredesigned":36240,"irmation":36241,"Ġsightings":36242,"382":36243,"311":36244,"ĠWB":36245,"Ġcontraction":36246,"ĠTOTAL":36247,"Dual":36248,"Ġstartled":36249,"Ġunderstandably":36250,"Ġsunglasses":36251,"ETHOD":36252,"Ġdocker":36253,"Ġsurfing":36254,"ĠHEL":36255,"ĠSlack":36256,"tones":36257,"Ġshalt":36258,"Visual":36259,"498":36260,"Department":36261,"cussion":36262,"Ġunrestricted":36263,"Ġtad":36264,"Ġrename":36265,"employed":36266,"Ġeducating":36267,"Ġgrinned":36268,"bedroom":36269,"ĠActivities":36270,"ĠVelvet":36271,"ĠSWAT":36272,"Ġshuffle":36273,"igor":36274,"Ġsaturation":36275,"Finding":36276,"cream":36277,"icter":36278,"Ġvodka":36279,"tracking":36280,"tec":36281,"Ġforeground":36282,"iesta":36283,"Ġvehement":36284,"ĠECB":36285,"ĠTie":36286,"Ey":36287,"Ġturtles":36288,"ĠRailroad":36289,"ĠKatz":36290,"ĠFrames":36291,"Ġmenace":36292,"ĠFellowship":36293,"ĠEssential":36294,"uggish":36295,"Ġdrip":36296,"chwitz":36297,"ĠKyoto":36298,"sb":36299,"ĠNina":36300,"Parameter":36301,"Ġalarms":36302,"ĠClaud":36303,"Ġpioneering":36304,"Ġchiefly":36305,"ĠScream":36306,"Collection":36307,"Ġthankfully":36308,"ĠRonaldo":36309,"åŃIJ":36310,"strip":36311,"ĠDisneyland":36312,"commercial":36313,"Seeing":36314,"Soul":36315,"Ġevacuate":36316,"Ġciv":36317,"ĠAshe":36318,"Ġdivides":36319,"ĠDagger":36320,"rehensive":36321,"Ġberries":36322,"ĠDF":36323,"Ġsushi":36324,"Ġplurality":36325,"WI":36326,"Ġdisadvantaged":36327,"Ġbattalion":36328,"obiles":36329,"451":36330,"Ġcling":36331,"Ġundeniable":36332,"ĠLounge":36333,"Ġhaunt":36334,"phe":36335,"Ġquantify":36336,"Ġdiffered":36337,"Ġ[*]":36338,"ĠViz":36339,"cum":36340,"slave":36341,"Ġvideog":36342,"Ġquar":36343,"Ġbundles":36344,"ĠAlonso":36345,"tackle":36346,"Ġneuronal":36347,"Ġlandslide":36348,"confirmed":36349,"ĠDepth":36350,"Ġrenewables":36351,"Bear":36352,"ĠMacedonia":36353,"Ġjerseys":36354,"Ġbunk":36355,"ĠSpawn":36356,"ĠControls":36357,"ĠBuchanan":36358,"Ġrobotics":36359,"Ġemphasizing":36360,"ĠTutorial":36361,"hyp":36362,"iston":36363,"Ġmonumental":36364,"æ°":36365,"ĠCarry":36366,"Ġtbsp":36367,"enance":36368,"Hill":36369,"arthed":36370,"Ġrotten":36371,"Dean":36372,"Ġtwisting":36373,"Ġgoodwill":36374,"Ġimmersion":36375,"Living":36376,"Ġbrushes":36377,"ĠCGI":36378,"ĠAtk":36379,"traditional":36380,"Ġphantom":36381,"ĠStamina":36382,"Ġexpansions":36383,"ĠMarin":36384,"Ġembarked":36385,"ĠEg":36386,"intestinal":36387,"ĠPEOPLE":36388,"ĠBooth":36389,"ĠAppalach":36390,"Ġrelegated":36391,"VT":36392,"MIT":36393,"Ġmuster":36394,"Ġwithdrawing":36395,"Ġmicroscope":36396,"ĠGathering":36397,"ĠCrescent":36398,"ĠArgentine":36399,"ĠDecre":36400,"ĠDominic":36401,"Ġbuds":36402,"antage":36403,"ĠIon":36404,"Ġwidened":36405,"ONSORED":36406,"ĠGloves":36407,"iannopoulos":36408,"razen":36409,"feel":36410,"Ġrepayment":36411,"Ġhindsight":36412,"ĠREALLY":36413,"ĠPistol":36414,"ĠBrah":36415,"Ġwatts":36416,"Ġsurvives":36417,"Ġflurry":36418,"issy":36419,"Alert":36420,"ĠUruguay":36421,"Phoenix":36422,"Slow":36423,"ĠGrave":36424,"ĠFir":36425,"Ġmanageable":36426,"Ġtariff":36427,"ĠUDP":36428,"ĠPistons":36429,"ĠNigerian":36430,"Ġstrikeouts":36431,"Ġcosmetics":36432,"whelming":36433,"fab":36434,"cape":36435,"proxy":36436,"Ġrethink":36437,"Ġovercoming":36438,"simple":36439,"Ġwoo":36440,"Ġdistracting":36441,"ĠStanton":36442,"ĠTulsa":36443,"ĠDock":36444,"659":36445,"Ġdiscord":36446,"ĠEmacs":36447,"ĠVes":36448,"ĠROB":36449,"Ġreassuring":36450,"Ġconsortium":36451,"Muslims":36452,"321":36453,"Ġprompts":36454,"sei":36455,"ĠHitch":36456,"imposed":36457,"ĠFool":36458,"Ġindiscrim":36459,"wrong":36460,"buquerque":36461,"Davis":36462,"!]":36463,"Ġtimeless":36464,"ĠNEED":36465,"Ġpesticide":36466,"Ġrallying":36467,"ĠCalder":36468,"Ġå¤":36469,"Ġxp":36470,"ĠUnle":36471,"ĠExport":36472,"luaj":36473,"Buff":36474,")[":36937,"Ġsqor":36938,"Saudi":36939,"Ġistg":36940,"Ġindulge":36941,"proc":36942,"Ġdisgusted":36943,"Ġcompounded":36944,"Ġnem":36945,"Ġschooling":36946,"ĠCure":36947,"processing":36948,"Sol":36949,"Ġproverb":36950,"itized":36951,"ĠAlvarez":36952,"Ġscarf":36953,"Ġrectangular":36954,"reve":36955,"Ġhormonal":36956,"ĠStress":36957,"itizen":36958,"Ġ425":36959,"girls":36960,"ĠNoir":36961,"ĠRapp":36962,"Ġmarches":36963,"church":36964,"ĠUses":36965,"Ġ405":36966,"ĠBerm":36967,"Ġordinances":36968,"ĠJudgment":36969,"Charges":36970,"ĠZin":36971,"Ġdusty":36972,"Ġstrawberries":36973,"Ġperce":36974,"ĠThur":36975,"ĠDeborah":36976,"netflix":36977,"ĠLambert":36978,"Ġamused":36979,"ĠGuang":36980,"YOU":36981,"RGB":36982,"ĠCCTV":36983,"Ġfiat":36984,"rang":36985,"Ġfederation":36986,"ĠMant":36987,"ĠBust":36988,"ĠMare":36989,"respective":36990,"ĠMigration":36991,"ĠBIT":36992,"590":36993,"Ġpatriotism":36994,"Ġoutlining":36995,"region":36996,"ĠJosé":36997,"Ġblasting":36998,"ĠEzra":36999,"Bs":37000,"Ġundermines":37001,"ĠSmooth":37002,"Ġclashed":37003,"radio":37004,"Ġtransitioning":37005,"ĠBuccaneers":37006,"ĠOwl":37007,"Ġplugs":37008,"Ġhiatus":37009,"ĠPinball":37010,"Ġmig":37011,"ĠNutr":37012,"ĠWolfe":37013,"Ġintegers":37014,"Ġorbits":37015,"ĠEdwin":37016,"ĠDirectX":37017,"bite":37018,"Ġblazing":37019,"vr":37020,"Edge":37021,"ĠPID":37022,"exit":37023,"ĠComed":37024,"ĠPathfinder":37025,"ĠGuid":37026,"ĠSigns":37027,"ĠZer":37028,"ĠAgenda":37029,"Ġreimbursement":37030,"Mesh":37031,"iPhone":37032,"ĠMarcos":37033,"ĠSites":37034,"hate":37035,"enburg":37036,"Ġsockets":37037,"pend":37038,"Batman":37039,"vir":37040,"ĠSHOW":37041,"Ġprovisional":37042,"conn":37043,"ĠDeaths":37044,"ATIVE":37045,"Profile":37046,"sym":37047,"JA":37048,"Ġninja":37049,"installed":37050,"idates":37051,"ebra":37052,"ĠOmaha":37053,"Ġseizing":37054,"ĠBeasts":37055,"Ġsalts":37056,"Mission":37057,"Generally":37058,"ĠTrilogy":37059,"heon":37060,"legates":37061,"Ġdime":37062,"Ġfaire":37063,"parable":37064,"Graph":37065,"Ġtotaling":37066,"Ġdiagrams":37067,"ĠYanuk":37068,"plet":37069,"ĠMeh":37070,"Ġmythical":37071,"ĠStephens":37072,"autical":37073,"ochemistry":37074,"Ġkilograms":37075,"Ġelbows":37076,"ancock":37077,"ĠBCE":37078,"ĠPrague":37079,"Ġimprov":37080,"ĠDevin":37081,"Ġ\"\\":37082,"paralle":37083,"Ġsupremacists":37084,"ĠBillion":37085,"Ġregimen":37086,"innacle":37087,"Ġrequisite":37088,"angan":37089,"ĠBurlington":37090,"ainment":37091,"ĠObjective":37092,"omsky":37093,"GV":37094,"Ġunilateral":37095,"Ġtc":37096,"Ġhires":37097,"mental":37098,"Ġinvoluntary":37099,"Ġtranspl":37100,"ĠASCII":37101,"¨":37102,"Events":37103,"Ġdoubted":37104,"ĠKaplan":37105,"ĠCourage":37106,"igon":37107,"ĠManaging":37108,"ĠTart":37109,"Ġfalsehood":37110,"ĠViolet":37111,"Ġairs":37112,"Ġfertilizer":37113,"Britain":37114,"Ġaquatic":37115,"ouf":37116,"Words":37117,"ĠHartford":37118,"Ġevenings":37119,"ĠVengeance":37120,"quite":37121,"Gall":37122,"ĠPret":37123,"Ġpdf":37124,"ĠLM":37125,"ĠSochi":37126,"ĠIntercept":37127,"920":37128,"Ġprofitability":37129,"ĠIdle":37130,"ĠMacDonald":37131,"ĠEstablishment":37132,"umsy":37133,"Ġgatherings":37134,"ĠNaj":37135,"Charlie":37136,"Ġascent":37137,"ĠProtector":37138,"Ġalgebra":37139,"Ġbios":37140,"forums":37141,"ELS":37142,"Introduced":37143,"Ġ335":37144,"Ġastronomy":37145,"Contribut":37146,"ĠPolic":37147,"Platform":37148,"Ġcontainment":37149,"wrap":37150,"Ġcoronary":37151,"ĠJelly":37152,"manager":37153,"Ġheartbreaking":37154,"cair":37155,"ĠChero":37156,"cgi":37157,"Medical":37158,"ĠAccountability":37159,"!!\"":37160,"ophile":37161,"Ġpsychotic":37162,"ĠRestrict":37163,"Ġequitable":37164,"issues":37165,"Ġ1905":37166,"ĠNek":37167,"cised":37168,"ĠTracking":37169,"Ġozone":37170,"Ġcooker":37171,"rosis":37172,"Ġreopen":37173,"Ġinfinity":37174,"ĠPharmaceutical":37175,"ensional":37176,"Attempt":37177,"ĠRory":37178,"Marco":37179,"Ġawaits":37180,"HOW":37181,"treated":37182,"Ġbolst":37183,"Ġrevered":37184,"Ġpods":37185,"oppers":37186,"0010":37187,"Ġamplitude":37188,"rican":37189,"SPONSORED":37190,"Ġtrousers":37191,"Ġhalves":37192,"ĠKaine":37193,"ĠCutler":37194,"ĠAUTH":37195,"Ġsplendid":37196,"Ġpreventive":37197,"ĠDudley":37198,"ifacts":37199,"uminati":37200,"ĠYin":37201,"Ġadmon":37202,"ĠVag":37203,"Ġinverted":37204,"Ġhastily":37205,"ĠHague":37206,"Lyn":37207,"Ġledger":37208,"Ġastronomical":37209,"getting":37210,"Ġcirca":37211,"ĠCic":37212,"ĠTennis":37213,"Limited":37214,"Ġdru":37215,"ĠBYU":37216,"Ġtravellers":37217,"Ġpane":37218,"ĠIntro":37219,"Ġpatiently":37220,"Ġaiding":37221,"Ġloos":37222,"ĠTough":37223,"Ġ293":37224,"Ġconsumes":37225,"SourceFile":37226,"Ġ\"\"\"":37227,"Ġbonding":37228,"Ġtilted":37229,"Ġmenstrual":37230,"ĠCelestial":37231,"ULAR":37232,"Plugin":37233,"Ġrisking":37234,"Naz":37235,"ĠRiyadh":37236,"Ġaccredited":37237,"Ġskirm":37238,"éĽ":37239,"Ġexaminer":37240,"Ġmessing":37241,"Ġnearing":37242,"ĠChern":37243,"ĠBeckham":37244,"Ġswapped":37245,"Ġgoose":37246,"Kay":37247,"Ġlofty":37248,"ĠWallet":37249,"Ġ['":37250,"Ġapocalypse":37251,"Ġbamboo":37252,"ĠSPACE":37253,"ĠElena":37254,"Ġ306":37255,"acons":37256,"Ġtightened":37257,"Ġadolescence":37258,"Ġrainy":37259,"Ġvandalism":37260,"ĠNewtown":37261,"Ġconject":37262,"cakes":37263,"Ġcheated":37264,"Ġmoderators":37265,"params":37266,"EFF":37267,"Ġdeceit":37268,"ĠSTL":37269,"ĠTanzania":37270,"ĠRI":37271,"Ġ1923":37272,"ĠExile":37273,"thel":37274,"Ġtheolog":37275,"Ġquirky":37276,"ĠIrvine":37277,"Ġneedy":37278,"oris":37279,"Um":37280,"Ka":37281,"Ġmailbox":37282,"322":37283,"Ġbos":37284,"ĠPetra":37285,"KING":37286,"Ġenlarged":37287,"Often":37288,"Ġbadass":37289,"Ġ343":37290,"ĠPlaces":37291,"ĠCAD":37292,"Ġpristine":37293,"Ġintervening":37294,"direction":37295,"Ġlaz":37296,"ĠDSM":37297,"Ġprojecting":37298,"ĠFunk":37299,"agog":37300,"payment":37301,"nov":37302,"Ġchatter":37303,"ARB":37304,"Ġexaminations":37305,"ĠHousehold":37306,"ĠGus":37307,"Ford":37308,"414":37309,"Boss":37310,"Ġmystic":37311,"Ġleaps":37312,"ĠBav":37313,"ulz":37314,"budget":37315,"Football":37316,"Ġsubsidized":37317,"Ġfirsthand":37318,"Ġcoincide":37319,"ocular":37320,"Conn":37321,"ĠCollabor":37322,"Ġfools":37323,"amura":37324,"ahar":37325,"rists":37326,"Ġswollen":37327,"Ġexpended":37328,"ĠPau":37329,"sup":37330,"Ġspar":37331,"Ġkeynote":37332,"suff":37333,"Ġunequal":37334,"Ġprogressing":37335,"strings":37336,"ĠGamergate":37337,"Disney":37338,"ĠEleven":37339,"omnia":37340,"Ġscripted":37341,"Ġearners":37342,"brother":37343,"ĠEnabled":37344,"æ³":37345,"Ġlarvae":37346,"ĠLOC":37347,"mess":37348,"Wilson":37349,"ĠTemplate":37350,"successfully":37351,"Ġparamount":37352,"Ġcamouflage":37353,"Ġbinds":37354,"ĠQuiet":37355,"ĠShutterstock":37356,"rush":37357,"Ġmascot":37358,"fortune":37359,"ĠColt":37360,"ĠBeyon":37361,"habi":37362,"Ġhairc":37363,"Ġ267":37364,"ĠDeus":37365,"Ġtwitch":37366,"Ġconcentrating":37367,"Ġnipples":37368,"cible":37369,"Ġgir":37370,"NZ":37371,"Math":37372,"nih":37373,"Required":37374,"Ġponder":37375,"ĠSAN":37376,"Ġweddings":37377,"Ġloneliness":37378,"NES":37379,"ĠMahjong":37380,"695":37381,"addle":37382,"ĠGarner":37383,"ĠCOUR":37384,"Bridge":37385,"Ġspree":37386,"ĠCaldwell":37387,"Ġbribery":37388,"Ġ��������":37389,"plugins":37390,"Ġracket":37391,"Ġchampagne":37392,"versible":37393,"Vote":37394,"Ġmodifiers":37395,"Mayor":37396,"680":37397,"Ġassemblies":37398,"ĠSultan":37399,"ĠNing":37400,"ĠLadies":37401,"Ġsulfur":37402,"Ġorbs":37403,"Ġ-----":37404,"_______":37405,"ĠJournalism":37406,"Ġesports":37407,"Ġlush":37408,"Ġhue":37409,"Ġspectral":37410,"Honest":37411,"ãĥı":37412,"Ġbushes":37413,"Ġreinforcement":37414,"Ġreopened":37415,"ĠWheels":37416,"ĠMorg":37417,"rieving":37418,"Ġauxiliary":37419,"ĠjQuery":37420,"ĠBAT":37421,"tesque":37422,"Ġvertex":37423,"pure":37424,"frey":37425,"ãĤº":37426,"dos":37427,"Ġtyph":37428,"Ġcull":37429,"Ġeq":37430,"Ġdecon":37431,"Ġtossing":37432,"Ġdisparate":37433,"ĠBrigham":37434,"printf":37435,"ledged":37436,"Ġsund":37437,"Ġcozy":37438,"Ġhepatitis":37439,"performing":37440,"Ġaval":37441,"ĠGG":37442,"future":37443,"Ġpetertodd":37444,"ĠKosovo":37445,"Ġmagnets":37446,"Already":37447,"ĠEdison":37448,"ĠCeres":37449,"ĠRAID":37450,"Ġbrilliance":37451,"576":37452,"Ġderives":37453,"Ġhypertension":37454,"ĠÎĶ":37455,"Ġlambda":37456,"Ġflair":37457,"Ġmissionaries":37458,"Ġrapes":37459,"ĠStarter":37460,"ĠMonths":37461,"Ġdefy":37462,"Ġseismic":37463,"ĠRaphael":37464,"Ġeurozone":37465,"656":37466,"zsche":37467,"Ġscratched":37468,"Ġbows":37469,"ĠLennon":37470,"ĠGaia":37471,"Ġdripping":37472,"facts":37473,"Ale":37474,"Ġfrogs":37475,"ĠBreast":37476,"ogeneity":37477,"ĠProsecutor":37478,"Ġamplified":37479,"ĠHodg":37480,"ĠFn":37481,"Thousands":37482,"ĠNIH":37483,"ĠMonitoring":37484,"FTWARE":37485,"ĠPriebus":37486,"ĠGrowing":37487,"hunter":37488,"Ġdiagnose":37489,"ĠMald":37490,"ĠLR":37491,"Ġcrowned":37492,"Ġbursting":37493,"Ġdissolution":37494,"javascript":37495,"Ġusefulness":37496,"ĠExecution":37497,":(":37498,"ĠIvory":37499,"aah":37500,"Ġpersecuted":37501,"violence":37502,"istas":37503,"ĠCrate":37504,"Ġimpulses":37505,"ĠSpani":37506,"edes":37507,"Handle":37508,"ĠZerg":37509,"thinkable":37510,"Lastly":37511,"Ġspontaneously":37512,"Ġinconvenient":37513,"Ġdismissing":37514,"Ġplotted":37515,"Ġeighty":37516,"Ġ737":37517,"rish":37518,"ĠThornton":37519,"atham":37520,"Ġsitcom":37521,"Ven":37522,"Recipe":37523,"tel":37524,"lund":37525,"Ġclears":37526,"ĠSasuke":37527,"Ġ258":37528,"Ġopting":37529,"Ġenraged":37530,"esthetic":37531,"ĠAe":37532,"uchs":37533,"Prep":37534,"Flow":37535,"Ġrunoff":37536,"ĠEating":37537,"ĠGiles":37538,"ĠActing":37539,"resources":37540,"ibaba":37541,"Ġrpm":37542,"Ġskewed":37543,"ĠBlanc":37544,"ĠSakuya":37545,"Ġhotter":37546,"Ġ1924":37547,"opian":37548,"cko":37549,"Ġcrumbling":37550,"Ġcaptains":37551,"ĠAppropriations":37552,"leaders":37553,"dropping":37554,"anuts":37555,"Ġreversing":37556,"ĠPose":37557,"ĠSek":37558,"Scot":37559,"ĠIdea":37560,"cise":37561,"ĠSlovenia":37562,"Ġ317":37563,"Doctor":37564,"Ġcrocod":37565,"aldi":37566,"Sea":37567,"ĠFarrell":37568,"Ġmercenaries":37569,"ĠRNC":37570,"ĠGuess":37571,"Ġpacing":37572,"Machine":37573,"StreamerBot":37574,"ĠCharity":37575,"Ġ298":37576,"Ġcannons":37577,"ĠToby":37578,"TPPStreamerBot":37579,"ĠPassion":37580,"cfg":37581,"Thom":37582,"Ġbadges":37583,"ĠBernstein":37584,".âĢĵ":37585,"ĠPOP":37586,"ĠConj":37587,"Ġinitialization":37588,"Ġbiodiversity":37589,"Dub":37590,"Ġfeudal":37591,"Ġdisclaimer":37592,"Ġcrow":37593,"Ġignition":37594,"arf":37595,"SHA":37596,"ĠkHz":37597,"hazard":37598,"ĠArtists":37599,"oeuv":37600,"679":37601,"ĠRudy":37602,"Nine":37603,"ĠRamadan":37604,"å½":37605,"itto":37606,"Ġadrenaline":37607,"Cert":37608,"Ġsmelled":37609,"Ġimpunity":37610,"Ġagendas":37611,"ĠReborn":37612,"ĠConcent":37613,"ĠSeems":37614,"Ġomega":37615,"ĠDustin":37616,"Ġbacker":37617,"ĠSauce":37618,"ĠBoyle":37619,"WIN":37620,"Ġspins":37621,"Ġpauses":37622,"upt":37623,"Ġshredded":37624,"Ġstrapped":37625,"ĠCorruption":37626,"Ġscratches":37627,"Ġni":37628,"Ġattire":37629,"ĠSAF":37630,"FactoryReloaded":37631,"ĠIPS":37632,"Ġ(%":37633,"Ġseminar":37634,"focus":37635,"civil":37636,"Ġ1860":37637,"intosh":37638,"Ġcontinual":37639,"Ġabbrevi":37640,"ĠSok":37641,"ocobo":37642,"XM":37643,"Ġfrantic":37644,"Ġunavoidable":37645,"Ġartery":37646,"Ġannotations":37647,"bath":37648,"Climate":37649,"Ġdors":37650,"ĠSlide":37651,"coord":37652,"ĠReload":37653,"ĠLDL":37654,"ĠLovecraft":37655,"Ġunimagin":37656,"Ġresembled":37657,"Ġbarracks":37658,"np":37659,"Ġsurrogate":37660,"Ġcategorized":37661,"ãĤ©":37662,"Ġvaccinated":37663,"Ġdrainage":37664,"Ġindist":37665,"ĠWhatsApp":37666,"Ġ1870":37667,"olerance":37668,"invoke":37669,"amorph":37670,"Ġreconnect":37671,"Ġemanc":37672,"Ġblindness":37673,"Ġ1280":37674,"internet":37675,"collar":37676,"Ġaltru":37677,"Ġabyss":37678,"ĠTRI":37679,"657":37680,"Ġinfused":37681,"HEAD":37682,"Ġforestry":37683,"ĠWoody":37684,"ĠCi":37685,"wi":37686,"sam":37687,"784":37688,"holiday":37689,"Ġmogul":37690,"ĠFees":37691,"ĠDEN":37692,"Internal":37693,"urbed":37694,"fusc":37695,"atom":37696,"ĠIllusion":37697,"Ġpolled":37698,"Ġflap":37699,"Ġcoax":37700,"LGBT":37701,"Analy":37702,"ĠSections":37703,"ĠCaliforn":37704,"emn":37705,"Ġhither":37706,"ĠNIGHT":37707,"Ġnailed":37708,"ĠPipeline":37709,"391":37710,"oof":37711,"ĠPrimal":37712,"verend":37713,"Ġslashing":37714,"Ġretri":37715,"aviour":37716,"Ġdeparting":37717,"gil":37718,"ISC":37719,"Ġmidway":37720,"Ġultrasound":37721,"Ġbehaving":37722,"ĠTara":37723,"classes":37724,"Virtual":37725,"ĠColonial":37726,"Ġstripping":37727,"Ġorchestrated":37728,"ĠGraves":37729,"452":37730,"ĠIronically":37731,"ĠWriters":37732,"Ġlends":37733,"ĠManz":37734,"Ġraven":37735,"Ġoxidative":37736,"Ġ266":37737,"ELF":37738,"actually":37739,"ascar":37740,"Draft":37741,"Ġfavourable":37742,"Ġhumiliating":37743,"Ġfidelity":37744,"ĠHof":37745,"ĠXuan":37746,"496":37747,"Ġlayered":37748,"atis":37749,"790":37750,"Ġpaycheck":37751,"iton":37752,"Kar":37753,"ĠVMware":37754,"ĠFarmer":37755,"Ġservic":37756,"glomer":37757,"Ġslump":37758,"ĠFabric":37759,"ĠDOC":37760,"esting":37761,"Ġreassure":37762,"Ġphyl":37763,"volt":37764,"itory":37765,"Rules":37766,"Ġoxidation":37767,"Ġprized":37768,"Ġmistress":37769,"ĠDjango":37770,"WARN":37771,"åij":37772,"Ġencode":37773,"ĠFeedback":37774,"Ġstupidity":37775,"Ian":37776,"ĠYugoslavia":37777,"ר":37778,"acl":37779,"UTE":37780,"1977":37781,"Ġqualifies":37782,"Ġpulses":37783,"pretty":37784,"Ġfroze":37785,"Ġss":37786,"Iterator":37787,"Ġurgently":37788,"Ġmailed":37789,"ĠCham":37790,"Ġsustaining":37791,"Ġbasil":37792,"Ġpuppies":37793,"ilant":37794,"ĠPLEASE":37795,"lap":37796,"aceous":37797,"Fear":37798,"ĠMastery":37799,"automatic":37800,"ĠTAG":37801,"Ġantim":37802,"agles":37803,"473":37804,"frames":37805,"Ġwhispers":37806,"ĠWhoever":37807,"Ġbravery":37808,"ĠUKIP":37809,"ractions":37810,"\"\"\"":37811,"Ġtame":37812,"Ġparted":37813,"everything":37814,"CONT":37815,"Ġindebted":37816,"Ġaddr":37817,"rek":37818,"IRED":37819,"Ġeminent":37820,"clinton":37821,"Ġousted":37822,"Ġreviewer":37823,"Ġmeltdown":37824,"Ġrearr":37825,"ĠYao":37826,"thereal":37827,"abyte":37828,"Ġstumbling":37829,"Ġbatches":37830,"Ġ259":37831,"Ġcontraceptive":37832,"Ġprostitute":37833,"ensis":37834,"Decl":37835,"ĠStrikes":37836,"Military":37837,"ĠOath":37838,"vacc":37839,"ppings":37840,"052":37841,"ĠpartName":37842,"amping":37843,"Reports":37844,"KI":37845,"CHR":37846,"Ġsubtly":37847,"swers":37848,"Blake":37849,"usual":37850,"Ġcontestants":37851,"Ġcartridges":37852,"ĠGREAT":37853,"Ġblush":37854,"ĠâĢº":37855,"472":37856,"Ġreasoned":37857,"ãĥ¤":37858,"paralleled":37859,"Ġdyn":37860,"agate":37861,"Ġnightly":37862,"åĨ":37863,"556":37864,"Ġsemantic":37865,"ĠAdvoc":37866,"Ġ!!":37867,"Ġdisagrees":37868,"ĠBW":37869,"Veh":37870,"Ġharming":37871,"Ġembraces":37872,"Ġstrives":37873,"Ġinland":37874,"ĠKard":37875,"Ġheats":37876,"ĠGinny":37877,"utan":37878,"ernaut":37879,"ylene":37880,"ĠElev":37881,"JD":37882,"Ġhars":37883,"ĠStarr":37884,"Ġskysc":37885,"Ġcollaborators":37886,"Usually":37887,"Ġrevolutions":37888,"ĠSTATS":37889,"Ġdismantle":37890,"Ġconfidently":37891,"Ġkinetic":37892,"Ali":37893,"Ġpercentile":37894,"Ġextracting":37895,"illian":37896,"estead":37897,"Ġphysicists":37898,"ĠMarshal":37899,"Ġfellowship":37900,"Ġdashed":37901,"ĠUR":37902,"ĠSioux":37903,"ĠCompact":37904,"amide":37905,"Python":37906,"ĠLeigh":37907,"ĠPharmac":37908,"istrates":37909,"herical":37910,"Ġfue":37911,"ĠEmin":37912,"Ġ({":37913,"ĠNeighborhood":37914,"Ġdisrupting":37915,"ĠDup":37916,"Ġgland":37917,"ĠSev":37918,"ĠMarian":37919,"argon":37920,"ĠDund":37921,"Ġ":46904,"ĠPhilips":46905,"ĠKafka":46906,"Ġupheaval":46907,"Ġsentimental":46908,"Ġsax":46909,"ĠAkira":46910,"serial":46911,"Matrix":46912,"Ġelecting":46913,"Ġcommenter":46914,"ĠNebula":46915,"plets":46916,"ĠNadu":46917,"ĠAdren":46918,"Ġenshr":46919,"ĠRAND":46920,"financial":46921,"ĠClyde":46922,"utherford":46923,"Ġsignage":46924,"Ġdeline":46925,"Ġphosphate":46926,"roversial":46927,"fascist":46928,"ĠVall":46929,"ĠBethlehem":46930,"Ġfors":46931,"Ġenglish":46932,"Solid":46933,"Nature":46934,"Ġva":46935,"ĠGuests":46936,"Ġtantal":46937,"Ġautoimmune":46938,";;;;;;;;;;;;":46939,"ĠTotally":46940,"ĠOv":46941,"Ġdefences":46942,"ĠCoconut":46943,"Ġtranquil":46944,"Ġploy":46945,"Ġflavours":46946,"ĠFlask":46947,"ãĤ¨ãĥ«":46948,"ĠWeston":46949,"ĠVolvo":46950,"870":46951,"Ġmicrophones":46952,"verbal":46953,"RPG":46954,"Ġiii":46955,";}":46956,"028":46957,"Ġheadlined":46958,"Ġprimed":46959,"Ġhoard":46960,"ĠShad":46961,"ĠENTER":46962,"Ġtriangular":46963,"Ġcapit":46964,"lik":46965,"ĠAncients":46966,"Ġlash":46967,"Ġconvol":46968,"Ġcolonel":46969,"enemy":46970,"Gra":46971,"Ġpubs":46972,"utters":46973,"Ġassigns":46974,"ĠPenet":46975,"ĠMonstrous":46976,"ĠBowen":46977,"ilver":46978,"Haunted":46979,"ĠDing":46980,"started":46981,"plin":46982,"Ġcontaminants":46983,"ĠDOE":46984,"ffen":46985,"ĠTechnician":46986,"Ry":46987,"Ġrobbers":46988,"Ġhotline":46989,"ĠGuardiola":46990,"ĠKaufman":46991,"rower":46992,"ĠDresden":46993,"ĠAlpine":46994,"Elf":46995,"Ġfmt":46996,"ĠSard":46997,"urses":46998,"gpu":46999,"Unix":47000,"Ġunequivocally":47001,"ĠCitizenship":47002,"quad":47003,"mire":47004,"ĠSweeney":47005,"Battery":47006,"615":47007,"Ġpancakes":47008,"Ġoats":47009,"Maps":47010,"ĠContrast":47011,"mbudsman":47012,"ĠEPS":47013,"Ġsubcommittee":47014,"Ġsourcing":47015,"Ġsizing":47016,"ĠBuffer":47017,"ĠMandatory":47018,"Ġmoderates":47019,"ĠPatterns":47020,"ĠChocobo":47021,"ĠZan":47022,"ĠSTATES":47023,"ĠJudging":47024,"ĠInher":47025,"*:":47026,"Ġbil":47027,"ĠYen":47028,"Ġexhilar":47029,"ollower":47030,"zers":47031,"Ġsnug":47032,"maximum":47033,"Ġdespicable":47034,"ĠPACK":47035,"ĠAnnex":47036,"Ġsarcastic":47037,"Ġlatex":47038,"Ġtamp":47039,"ĠSao":47040,"bah":47041,"ĠReverend":47042,"ĠChinatown":47043,"ĠAUT":47044,"documented":47045,"ĠGABA":47046,"ĠCanaan":47047,"ĠÙħ":47048,"Ġgoverns":47049,"prev":47050,"Esc":47051,"ĠEstimates":47052,"OSP":47053,"Ġendeavour":47054,"ĠClosing":47055,"ometime":47056,"everyone":47057,"Ġworsen":47058,"Ġscanners":47059,"Ġdeviations":47060,"ĠRobotics":47061,"ĠCompton":47062,"Ġsorcerer":47063,"Ġendogenous":47064,"Ġemulation":47065,"ĠPiercing":47066,"ĠAph":47067,"ĠSocket":47068,"Ġbould":47069,"ĠOU":47070,"ĠBorderlands":47071,"Ġ1863":47072,"Gordon":47073,"ĠWTO":47074,"Ġrestricts":47075,"Ġmosaic":47076,"Ġmelodies":47077,"çĦ":47078,"Tar":47079,"Ġdisson":47080,"ĠProvides":47081,"Ġ......":47082,"bek":47083,"FIX":47084,"Ġbroom":47085,"anship":47086,"Doctors":47087,"Ġnerds":47088,"ĠRegions":47089,"naissance":47090,"Ġmete":47091,"Ġcrept":47092,"plings":47093,"Ġgirlfriends":47094,"knit":47095,"igent":47096,"owe":47097,"Ġushered":47098,"ĠBaz":47099,"Mobil":47100,"434":47101,"ĠPresents":47102,"origin":47103,"Ġinsomnia":47104,"ĠAux":47105,"439":47106,"ĠChili":47107,"irsch":47108,"GAME":47109,"Ġgestation":47110,"algia":47111,"romising":47112,"$,":47113,"crow":47114,"ĠInspection":47115,"atomic":47116,"Relations":47117,"JOHN":47118,"roman":47119,"ĠClockwork":47120,"ĠBakr":47121,"mone":47122,"MET":47123,"Ġthirsty":47124,"Ġbc":47125,"Ġfaculties":47126,"Rum":47127,"Ġnuance":47128,"ĠDarius":47129,"pleting":47130,"fters":47131,"etchup":47132,"Registration":47133,"ĠKE":47134,"Rah":47135,"Ġpreferential":47136,"ĠLash":47137,"ĠHH":47138,"Valid":47139,"ĠNAV":47140,"Ġstarve":47141,"ĠGong":47142,"zynski":47143,"ĠActress":47144,"Ġwik":47145,"Ġunaccompanied":47146,"lvl":47147,"Bride":47148,"ADS":47149,"ĠCommando":47150,"ĠVaughn":47151,"Wallet":47152,"Ġhopping":47153,"ĠVie":47154,"Ġcaveats":47155,"Ġalas":47156,"ifled":47157,"abuse":47158,"661":47159,"Ġibn":47160,"Ġgul":47161,"Ġrobbing":47162,"til":47163,"ILA":47164,"Ġmitigating":47165,"Ġaptly":47166,"Ġtyrant":47167,"Ġmidday":47168,"ĠGilmore":47169,"ĠDecker":47170,"Ġ§§":47171,"partial":47172,"Exactly":47173,"Ġphenotype":47174,"Ġ[+]":47175,"ĠPlex":47176,"ĠIps":47177,"versions":47178,"Ġebook":47179,"Ġchic":47180,"gross":47181,"\":\"\"},{\"":47182,"ĠSurprisingly":47183,"Morgan":47184,"Ġresidues":47185,"ĠConfederation":47186,"infeld":47187,"Ġlyr":47188,"moderate":47189,"Ġperpendicular":47190,"VK":47191,"Ġsynchronized":47192,"Ġrefreshed":47193,"Ġadore":47194,"ĠTorment":47195,"olina":47196,"Ġ2600":47197,"ItemTracker":47198,"Ġpies":47199,"ĠFAT":47200,"ĠRHP":47201,"048":47202,"ĠRESP":47203,"ĠBJ":47204,"allows":47205,"Pand":47206,"Ġunwelcome":47207,"ĠVoc":47208,"ĠBastard":47209,"ĠOW":47210,"ĠLAR":47211,"ĠHealer":47212,"Environmental":47213,"ĠKenyan":47214,"ĠTrance":47215,"ĠPats":47216,"Ġaliases":47217,"ĠGarfield":47218,"Ġcampaigner":47219,"Ġadvancements":47220,"ĠOkinawa":47221,"ĠCoh":47222,"owsky":47223,"Ġstarved":47224,"Ġsizeable":47225,"Ġ:-)":47226,"ĠmRNA":47227,"Ġsuspensions":47228,"istar":47229,"Scotland":47230,"Prin":47231,"------------------------------------------------":47232,"Ġ502":47233,"Ġteaspoons":47234,"Ġ1050":47235,"Ġcoercive":47236,"ĠMasonic":47237,"edded":47238,"ĠPassenger":47239,"Ġlatt":47240,"Ġbraces":47241,"ĠSteal":47242,"ĠNYT":47243,"ĠKats":47244,"ĠCelest":47245,"aez":47246,"Tu":47247,"ĠCoulter":47248,"ðŁĺ":47249,"Flickr":47250,"ĠWilmington":47251,"iths":47252,"++;":47253,"Ġvending":47254,"Ġnegro":47255,"ĠPhi":47256,"ĠYellowstone":47257,"Callback":47258,"Ġshampoo":47259,"ĠShades":47260,"wat":47261,"Ġsuperhuman":47262,"Ġridiculed":47263,"Ġholiest":47264,"ombo":47265,"Ġinterns":47266,"Ġhone":47267,"ĠParagu":47268,"URI":47269,"Ġdangling":47270,"ãĤ»":47271,"sov":47272,"ictional":47273,"availability":47274,"Ġrevocation":47275,"Ġdow":47276,"inic":47277,"ĠTHEIR":47278,"Ġiso":47279,"Ġoutings":47280,"ĠLethal":47281,"Ġ)))":47282,"Ġinaccur":47283,"Ġoutlandish":47284,"Ġanus":47285,"letico":47286,"idon":47287,"lol":47288,"Ġunregulated":47289,"Ġsuccumbed":47290,"Ġcuff":47291,"ĠWasteland":47292,"letal":47293,"Ġsubstr":47294,"Ġcoffers":47295,"Ġautomakers":47296,"ovi":47297,"ĠXue":47298,"ĠDaytona":47299,"Ġjarring":47300,"Ġfumes":47301,"Ġdisbanded":47302,"zik":47303,"itton":47304,"Ġstrikingly":47305,"Ġspores":47306,"Adapter":47307,".):":47308,"ĠLyndon":47309,"ivalry":47310,"Ġorally":47311,"Ġtumultuous":47312,"Ġdispleasure":47313,"Ġcones":47314,"orrect":47315,"Ġappease":47316,"Ġderby":47317,"ĠTripoli":47318,"ĠAless":47319,"Ġpoked":47320,"ĠGuilty":47321,"vP":47322,"Enough":47323,"Ġoriginals":47324,"699":47325,"Ġrabbi":47326,"Ġproverbial":47327,"Ġpostpone":47328,"elope":47329,"ĠMisty":47330,"Ġstaffed":47331,"ĠUnemployment":47332,"reditary":47333,"Ġdiligent":47334,"recomm":47335,"measures":47336,"asin":47337,"825":47338,"Ġponds":47339,"Ġmmol":47340,"ĠSAR":47341,"ĠCARE":47342,"Ġ371":47343,"Ġclenched":47344,"ĠCorsair":47345,"Ġcaricature":47346,"zn":47347,"attach":47348,"ĠSchro":47349,"speak":47350,"painted":47351,"ĠSuc":47352,"ĠENT":47353,"Ġcellul":47354,"ĠPaid":47355,"diagn":47356,"WHERE":47357,"Ġtexted":47358,"Barn":47359,"Ġretracted":47360,"ĠReferred":47361,"Sav":47362,"Ġupkeep":47363,"Ġworkplaces":47364,"ĠTokens":47365,"Ġamplify":47366,"clinical":47367,"Ġmultic":47368,"mberg":47369,"Ġconvoluted":47370,"Region":47371,"565":47372,"ĠTopic":47373,"Ġsnail":47374,"Ġsaline":47375,"Ġinsurrection":47376,"ĠPetr":47377,"forts":47378,"BAT":47379,"ĠNavajo":47380,"Ġrudimentary":47381,"ĠLaksh":47382,"ONDON":47383,"Measure":47384,"Ġtransformer":47385,"ĠGoddard":47386,"Ġcoincides":47387,"irin":47388,"Rex":47389,"ĠBok":47390,"quit":47391,"Ġshotguns":47392,"Ġproletarian":47393,"Ġscorp":47394,"ĠAda":47395,"514":47396,"Ġslander":47397,"recorded":47398,"Ġembell":47399,"risome":47400,"Ġapologizing":47401,"ĠMulcair":47402,"ĠGibraltar":47403,"Cla":47404,"Ġallot":47405,"ĠAttention":47406,"Ġ433":47407,"leave":47408,"Ġwhine":47409,"ĠIssa":47410,"ĠFaust":47411,"ĠBarron":47412,"heny":47413,"Ġvictimized":47414,"Jews":47415,"Ġnurturing":47416,"ettel":47417,"Winged":47418,"ĠSubtle":47419,"Ġflavorful":47420,"ĠReps":47421,"enged":47422,"callback":47423,"Ġdirectional":47424,"Ġclasp":47425,"ĠDirections":47426,"planet":47427,"iculture":47428,"Helper":47429,"icion":47430,"acia":47431,"Ġç¥ŀ":47432,"Ġsurges":47433,"Ġcanoe":47434,"ĠPremiership":47435,"been":47436,"Ġdefied":47437,"ĠTrooper":47438,"Ġtripod":47439,"Ġgasp":47440,"ĠEuph":47441,"ĠAds":47442,"vernight":47443,"highly":47444,"Role":47445,"Ġentangled":47446,"ĠZeit":47447,"618":47448,"ĠRusty":47449,"Ġhavens":47450,"ĠVaughan":47451,"HAEL":47452,"ĠSERVICE":47453,"/,":47454,"Ġstricken":47455,"Ġdelusions":47456,"Ġbis":47457,"ĠHaf":47458,"Ġgratification":47459,"Ġenticing":47460,"UNCH":47461,"Adams":47462,"ĠOLED":47463,"ĠBeetle":47464,"Ġ1899":47465,"ĠSOFTWARE":47466,"ategor":47467,"VL":47468,"ĠTotem":47469,"ĠGators":47470,"ATURES":47471,"Ġimpedance":47472,"Registered":47473,"ĠCary":47474,"ĠAerial":47475,"onne":47476,"enium":47477,"Ġdred":47478,"ĠBeg":47479,"Ġconcurrently":47480,"Ġsuperpower":47481,"ĠXan":47482,"jew":47483,"imester":47484,"ĠDickinson":47485,"âĶģ":47486,"Fla":47487,"Ġpree":47488,"ĠRollins":47489,"©¶æ":47490,"Ġdenomination":47491,"ĠLana":47492,"516":47493,"Ġinciting":47494,"scribed":47495,"juries":47496,"ĠWonders":47497,"approximately":47498,"Ġsuspending":47499,"Ġmountainous":47500,"ĠLaugh":47501,"oidal":47502,"Ns":47503,"Detect":47504,")=":47505,"ĠLuthor":47506,"ĠSchwarzenegger":47507,"ĠMuller":47508,"ĠDevi":47509,"ecycle":47510,"Jar":47511,"613":47512,"ĠLongh":47513,"Bah":47514,"ĠSPORTS":47515,"nw":47516,"Ġrefinement":47517,"Ġwaterways":47518,"Ġdiner":47519,"Blade":47520,"683":47521,"Fac":47522,"Ġinitials":47523,"Ġrog":47524,"Ġparanormal":47525,"BUT":47526,"Ġ[(":47527,"ĠSwanson":47528,"ĠMesh":47529,"âĸ¬":47530,"Improve":47531,"ĠRadiation":47532,"ĠEsther":47533,"ĠEsk":47534,"ĠAly":47535,"iky":47536,"Ġirrad":47537,"ĠBuckingham":47538,"Ġrefill":47539,"Ġ._":47540,"Repe":47541,"CONCLUS":47542,"Ġdifferentiated":47543,"Ġchirop":47544,"ĠAtkins":47545,"Pattern":47546,"Ġexcise":47547,"Ġcabal":47548,"NSA":47549,"ĠSTA":47550,"ĠSIL":47551,"ĠParaly":47552,"Ġrye":47553,"ĠHowell":47554,"ĠCountdown":47555,"nesses":47556,"alysed":47557,"Ġresize":47558,"ãĤ½":47559,"Ġbudgetary":47560,"ĠStras":47561,"wang":47562,"Ġapiece":47563,"Ġprecincts":47564,"Ġpeach":47565,"Ġskyline":47566,"Ġ353":47567,"popular":47568,"Appearances":47569,"ĠMechanics":47570,"ĠDevOnline":47571,"Sullivan":47572,"Zen":47573,"Ġpu":47574,"opolis":47575,"544":47576,"Ġdeform":47577,"Ġcounteract":47578,"ĠLange":47579,"Ġ417":47580,"Console":47581,"774":47582,"Ġnodding":47583,"Ġpopulism":47584,"Ġhep":47585,"Ġcounselling":47586,"compliance":47587,"UFF":47588,"Ġundeniably":47589,"Ġrailing":47590,"ĠHorowitz":47591,"ĠSimone":47592,"ĠBungie":47593,"Ġak":47594,"ĠTalks":47595,"xff":47596,"flake":47597,"Crash":47598,"Ġsweaty":47599,"Ġbanquet":47600,"ĠOFFIC":47601,"Ġinventive":47602,"Ġastronomer":47603,"ĠStamford":47604,"ĠScare":47605,"ĠGREEN":47606,"olicited":47607,"Ġrusher":47608,"Ġcentrist":47609,"ighting":47610,"Ġsubclass":47611,"Ġdisav":47612,"Ġdefund":47613,"ĠNanto":47614,"ociate":47615,"mast":47616,"Ġpacif":47617,"Ġmend":47618,"eers":47619,"immigration":47620,"ESSION":47621,"Ġnumbering":47622,"Ġlaughable":47623,"ĠEnded":47624,"viation":47625,"emark":47626,"Pitt":47627,"Ġmeticulous":47628,"ĠLF":47629,"Ġcongratulated":47630,"ĠBirch":47631,"Ġswayed":47632,"Ġsemifinals":47633,"Ġhumankind":47634,"matter":47635,"ĠEquip":47636,"opausal":47637,"Said":47638,"ĠLayout":47639,"Ġvoicing":47640,"Ġthug":47641,"Ġpornographic":47642,"IPS":47643,"Ġmoaning":47644,"Ġgrievance":47645,"Ġconfessions":47646,"escal":47647,"TEXTURE":47648,"Authent":47649,"osaurus":47650,"Purchase":47651,"Ġrelegation":47652,"alter":47653,"Ġ³³":47654,"Ġriddled":47655,"Ġogre":47656,"ĠLowell":47657,"Occup":47658,"Eat":47659,"ĠHyder":47660,"ĠAdviser":47661,"Commerce":47662,"Hunt":47663,"ĠOrth":47664,"ĠCompetitive":47665,"ĠCLA":47666,"CDC":47667,"Ġsalads":47668,"Fle":47669,"Ġindustrialized":47670,"`,":47671,"ĠOWN":47672,"Ġbeck":47673,"ĠParticularly":47674,"oubt":47675,"ĠmM":47676,"ĠHussain":47677,"ĠChennai":47678,"Ġ920":47679,"Ġappointing":47680,"ĠCullen":47681,",,,,,,,,":47682,"Ġpores":47683,"verified":47684,"Ġbiochemical":47685,"emate":47686,"Ġcowardly":47687,"ĠHelsinki":47688,"ĠEthiopian":47689,"SOURCE":47690,"ERC":47691,"estro":47692,"Ġbiotech":47693,"ĠSour":47694,"Ġbrewer":47695,"Bloomberg":47696,"Ġintensify":47697,"Glass":47698,"anco":47699,"ĠFDR":47700,"greSQL":47701,"ĠFires":47702,"©¶æ¥µ":47703,"eco":47704,"1001":47705,"ĠHomeless":47706,"Ġinstantaneous":47707,"ĠHaste":47708,"igel":47709,"Diamond":47710,"Ġpaving":47711,"Ġlandfill":47712,"Ġdads":47713,"houn":47714,":]":47715,"Ġincendiary":47716,"ĠLivingston":47717,"ĠHilbert":47718,"ĠChecks":47719,"styles":47720,"inators":47721,"ĠClive":47722,"phrine":47723,"Ġchimpanzees":47724,"Ġpall":47725,"ĠJM":47726,"ĠAadhaar":47727,"ðĿ":47728,"Ġachievable":47729,"disabled":47730,"PET":47731,"OOOOOOOO":47732,"Mot":47733,"Ġintangible":47734,"Ġballet":47735,"ĠWebs":47736,"ĠEstimated":47737,"Effects":47738,"Ġbailed":47739,"Joshua":47740,"Ġturbulence":47741,"Ġoccupant":47742,"ĠDaylight":47743,"Ġ361":47744,"meet":47745,"Ġstatically":47746,"Ġonlook":47747,"Ġki":47748,"illegal":47749,"Ġvelvet":47750,"Ġdehydration":47751,"Ġacquies":47752,"ĠRez":47753,"akura":47754,"ĠUpton":47755,"atro":47756,"Ġincomprehensible":47757,"Ġbackdoor":47758,"ĠRhino":47759,"727":47760,"Ġmaths":47761,")+":47762,"Ġheresy":47763,"Ġdf":47764,"ĠRoche":47765,"ĠLydia":47766,"Ġpancreat":47767,"reply":47768,"arrell":47769,"Ġsolicitation":47770,"Ġcircadian":47771,"BIP":47772,"Ġforay":47773,"Ġcryptic":47774,"izu":47775,"imeo":47776,"ĠTomato":47777,"ĠHoms":47778,"examination":47779,"Ġquarry":47780,"ĠValiant":47781,"ĠJericho":47782,"ĠINCLUD":47783,"Ġ1840":47784,"519":47785,"Ġresists":47786,"Ġsnapshots":47787,"ĠSpur":47788,"ĠAntiqu":47789,"Login":47790,"Ġbestselling":47791,"Ġantic":47792,"ĠSutherland":47793,"ãĤ¢ãĥ«":47794,"Ġ~/":47795,"ĠParm":47796,"èĥ":47797,"Pages":47798,"intensity":47799,"Ġimmobil":47800,"Ġ1865":47801,"zzo":47802,"Ġnifty":47803,"Ġfentanyl":47804,"ĠPreservation":47805,"ophen":47806,"Ġdarts":47807,"ĠDinosaur":47808,"pointers":47809,"ĠRite":47810,"suggest":47811,"awareness":47812,"ĠSheridan":47813,"Ġstances":47814,"Ġsorcery":47815,"Ġperjury":47816,"ĠNikola":47817,"iever":47818,"Ġfiance":47819,"ĠJordanian":47820,"ĠBalloon":47821,"Ġnab":47822,"Ġkb":47823,"Ġhumanities":47824,"ĠTanaka":47825,"hillary":47826,"Ġconsultancy":47827,"ĠZub":47828,"Ġremission":47829,"Ġconfid":47830,"CHQ":47831,"ĠFug":47832,"Ġimprovis":47833,"Yep":47834,"/_":47835,"Ġunwillingness":47836,"Ġportfolios":47837,"055":47838,"ĠInstructor":47839,"aiman":47840,"Ġclaimants":47841,"Mbps":47842,"ĠBye":47843,"received":47844,"Tweet":47845,"Ġindemn":47846,"riz":47847,"amara":47848,"Nat":47849,"Ġevaluates":47850,"ĠLur":47851,"epad":47852,"FOX":47853,"ĠThro":47854,"Ġrusty":47855,"Ġbedrock":47856,"ĠOprah":47857,"JB":47858,"Ġmanipulative":47859,"Ġwillful":47860,"Ġrelapse":47861,"Ġextant":47862,"Theme":47863,"Sensor":47864,"ĠStability":47865,"govern":47866,"Ġpoppy":47867,"Ġknack":47868,"Ġinsulated":47869,"ĠTile":47870,"ĠExtrem":47871,"Ġuntold":47872,"Ġconverge":47873,"Ġrefuel":47874,"igroup":47875,"Ġdistortions":47876,"Ġravaged":47877,"Ġmechanically":47878,"ĠReilly":47879,"ĠNose":47880,"ĠIncarnation":47881,"ĠBecky":47882,"abbling":47883,"Ġtaco":47884,"Ġrake":47885,"Ġmelancholy":47886,"Ġillustrious":47887,"ĠDartmouth":47888,"Guide":47889,"ĠRazer":47890,"ĠBenz":47891,"Ultimate":47892,"ĠSurprise":47893,"Ġpageant":47894,"offer":47895,"Whoever":47896,"Ġwiser":47897,"Ġchemist":47898,"ĠHELL":47899,"ĠBulk":47900,"Ġplutonium":47901,"ĠCOVER":47902,"Ö¼":47903,"failed":47904,"Ġtirelessly":47905,"Ġinfertility":47906,"ĠTrident":47907,"ĠShowtime":47908,"ĠCiv":47909,"Vice":47910,"requires":47911,"ittance":47912,"Ġuncontrolled":47913,"interesting":47914,"561":47915,"Ġinnovate":47916,"ategic":47917,"Lie":47918,"ĠSelling":47919,"Ul":47920,"Ġsavior":47921,"ĠTosh":47922,"Ġswast":47923,"PASS":47924,"Ġrink":47925,"Ġcardio":47926,"ĠIro":47927,"udi":47928,"Ġvantage":47929,"Ġvans":47930,"ĠNiño":47931,"+=":47932,"Ġpropagate":47933,"":49029,"Ġleukemia":49030,"Ġeluc":49031,"Ġannouncer":49032,"ĠLithuan":49033,"ĠArmageddon":49034,"åĩ":49035,"Lenin":49036,"ĠRuk":49037,"Ġpepp":49038,"ĠRomantic":49039,"ĠPIT":49040,"ĠInterstellar":49041,"ĠAtkinson":49042,"Raid":49043,"Js":49044,"Goal":49045,"Course":49046,"Ġvanishing":49047,"esley":49048,"ĠRounds":49049,"Elsa":49050,"593":49051,"Ġredundancy":49052,"ĠSTAND":49053,"Ġprophetic":49054,"Ġhabitable":49055,"ryu":49056,"Ġfaintly":49057,"MODE":49058,"Ġflanked":49059,"IRC":49060,"Awesome":49061,"Ġspurious":49062,"ĠZah":49063,"ĠMSG":49064,"Ġshading":49065,"Ġmotivational":49066,"ĠSantana":49067,"ĠSPR":49068,"Ġexcruciating":49069,"omial":49070,"ĠMiko":49071,"ĠLeopard":49072,"Abyss":49073,"Ġ[|":49074,"dirty":49075,"Ġbaths":49076,"Ġdemoral":49077,"andre":49078,"PB":49079,"Ġunification":49080,"Ġsacrament":49081,"Ġ[&":49082,"Ġpriceless":49083,"Ġgelatin":49084,"Ġemanating":49085,"ĠAllaah":49086,"986":49087,"Ġoutburst":49088,"Ġeras":49089,"ĠXVI":49090,"ĠSPI":49091,"Ott":49092,"ĠLazarus":49093,"PLIED":49094,"Flying":49095,"blogs":49096,"Wisconsin":49097,"Raven":49098,"Ġrebate":49099,"Ġcreeps":49100,"ĠSpan":49101,"ĠPainter":49102,"ĠKira":49103,"ĠAmos":49104,"ĠCorvette":49105,"Consumer":49106,"ĠRecover":49107,"cki":49108,"Ġpesky":49109,"ĠInvention":49110,"Companies":49111,"Ġchallengers":49112,"ademic":49113,"ĠUkrainians":49114,"ĠNeurolog":49115,"ĠForsaken":49116,"Ġentrants":49117,"Ġembattled":49118,"Ġdefunct":49119,"ĠGlacier":49120,"Ġpoisons":49121,"ĠHorses":49122,"makes":49123,"ĠDirt":49124,"Ġ423":49125,"hhh":49126,"ĠTransformation":49127,"QUIRE":49128,"..................":49129,"Ġtraveller":49130,"ĠSexy":49131,"ĠKern":49132,"ipolar":49133,"Ġransomware":49134,"oooooooooooooooo":49135,"Ec":49136,"ruby":49137,"Professional":49138,"ĠOutbreak":49139,"argument":49140,"Grey":49141,"ĠFifa":49142,"ĠCHO":49143,"ĠFORM":49144,"ĠAmtrak":49145,"-[":49146,"Ġcradle":49147,"Ġantioxidants":49148,"ãģ®å®":49149,"736":49150,"ĠNASL":49151,"ĠContributions":49152,"Indiana":49153,"ĠSTEP":49154,"CSS":49155,"Ġsalient":49156,"Ġallocations":49157,"yrights":49158,"Ġmashed":49159,"ĠCutter":49160,"Sexual":49161,"Ġpounded":49162,"Ġfanbase":49163,"Ġcasc":49164,"ĠTransparency":49165,"Ġanalytic":49166,"ĠSummoner":49167,"×ŀ":49168,"ĠADC":49169,"detail":49170,"Ġvanquished":49171,"Ġcrabs":49172,"arie":49173,"Destroy":49174,"ĠSack":49175,"Ġtransistor":49176,"Alabama":49177,"ĠKoen":49178,"ĠFisheries":49179,"cone":49180,"Ġannexed":49181,"ĠMGM":49182,"esa":49183,"Ġfaked":49184,"ĠCongratulations":49185,"Ġhindered":49186,"Ġcorrectional":49187,"ĠITV":49188,"leeve":49189,"Ġinappropriately":49190,"licks":49191,"Ġtrespass":49192,"Ġpaws":49193,"Ġnegotiator":49194,"ĠChristensen":49195,"limits":49196,"ĠDianne":49197,"Ġelegance":49198,"ĠContracts":49199,"anke":49200,"Obj":49201,"Ġvigilance":49202,"Ġcastles":49203,"ĠNAD":49204,"ĠHolo":49205,"Ġemphatically":49206,"ĠTitus":49207,"ĠServing":49208,"ĠRichie":49209,"ĠPigs":49210,"568":49211,"Ġanimosity":49212,"ĠAttributes":49213,"ĠUriel":49214,"MQ":49215,"myra":49216,"ĠApplicant":49217,"Ġpsychiatrists":49218,"ĠVij":49219,"ĠAbby":49220,"agree":49221,"Push":49222,"ĠkWh":49223,"hiba":49224,"Ġincite":49225,"ĠWeasley":49226,"ĠTaxi":49227,"ministic":49228,"hyper":49229,"ĠFarn":49230,"Ġ601":49231,"ĠNationwide":49232,"Fake":49233,"952":49234,"Ġmaize":49235,"Ġinteracted":49236,"Ġtransitioned":49237,"Ġparasitic":49238,"Ġharmonic":49239,"Ġdecaying":49240,"Ġbaseless":49241,"nsics":49242,"Ġtranspired":49243,"Ġabundantly":49244,"ĠForensic":49245,"Ġtreadmill":49246,"ĠJav":49247,"aband":49248,"Ġsshd":49249,"Ġfrontman":49250,"ĠJakarta":49251,"oller":49252,"drops":49253,"ĠSERVICES":49254,"romptu":49255,"ophical":49256,"hospital":49257,"bledon":49258,"645":49259,"Ġmidrange":49260,"ĠEVENT":49261,"culated":49262,"rawled":49263,"Ġperched":49264,"Ġoverboard":49265,"ĠPeel":49266,"ĠPwr":49267,"ĠCarth":49268,"ĠCOMPLE":49269,"coe":49270,"shall":49271,"Ġdeterrence":49272,"METHOD":49273,"ĠAbsent":49274,"MEN":49275,"Ġsill":49276,"ĠLEVEL":49277,"York":49278,"Ġsinners":49279,"ĠOPEC":49280,"ĠNur":49281,"ĠDesigns":49282,"selection":49283,"Ġunworthy":49284,"CHA":49285,"Ġstrengthens":49286,"883":49287,"edly":49288,"Ġslicing":49289,"Ġmalnutrition":49290,"Ġfilmmaking":49291,"ĠPolk":49292,"urated":49293,"Ġ421":49294,"breakers":49295,"!'\"":49296,"Ġwetlands":49297,"ĠDiscrimination":49298,"Ġallowable":49299,"Ġsteered":49300,"ĠSicily":49301,"SAM":49302,"Ġmustache":49303,"Ġmids":49304,"Ġclipped":49305,"Ġcirculate":49306,"Ġbrittle":49307,"ĠBuildings":49308,"raised":49309,"ĠRoundup":49310,"Ġwealthier":49311,"Ġoverwrite":49312,"Ġoverpowered":49313,"ĠGerrard":49314,"sites":49315,"PDATED":49316,"Ġacutely":49317,"ĠGamble":49318,"Ġpim":49319,"ĠKus":49320,"Typically":49321,"Deploy":49322,"ĠMoroccan":49323,"potion":49324,"combe":49325,"Ġvigilante":49326,"Ġ363":49327,"Stew":49328,"ĠBagg":49329,"Ġresided":49330,"ĠSpo":49331,"Ġremnant":49332,"Ġemptiness":49333,"brainer":49334,"Ġoutpatient":49335,"priority":49336,"Ġleptin":49337,"ĠPayton":49338,"ĠGleaming":49339,"ĠShed":49340,"ĠPolo":49341,"ĠMormonism":49342,"restricted":49343,"arlane":49344,"wx":49345,"Ġcreatine":49346,"ĠAnon":49347,"ĠSTUD":49348,"ĠJUL":49349,"ĠTee":49350,"528":49351,"089":49352,"Ġhatched":49353,"Dispatch":49354,"ĠComposite":49355,"Ġ451":49356,"puff":49357,"ĠXCOM":49358,"ĠOrn":49359,"ĠTHANK":49360,"ENDED":49361,"ĠAsheville":49362,"ĠÃľ":49363,"Ġmango":49364,"ĠSlightly":49365,"worldly":49366,"ĠWander":49367,"ĠExpand":49368,"ĠChr":49369,"Mist":49370,"Ġorthodoxy":49371,"ĠUNESCO":49372,"regate":49373,"Elsewhere":49374,"kie":49375,"irled":49376,"Ġtopple":49377,"Ġadoptive":49378,"ĠLegs":49379,"dress":49380,"ĠSagan":49381,"bare":49382,"ĠGlou":49383,"Crunch":49384,"Ġhelpers":49385,"Ġchronically":49386,"ĠHuma":49387,"10000":49388,"Ġaccommodating":49389,"äºĶ":49390,"Ġwrinkles":49391,"Ġdodged":49392,"fourth":49393,"Ġprecon":49394,"Ġcompressor":49395,"ĠKare":49396,"Ġevict":49397,"ĠWarwick":49398,"imar":49399,"Ġmodernization":49400,"Ġbandwagon":49401,"Ġrefuted":49402,"Ġnetted":49403,"ĠNaples":49404,"ĠGenie":49405,"perors":49406,"Ġfielded":49407,"Ġdere":49408,"ĠParables":49409,"lees":49410,"Ġtrout":49411,"aspers":49412,"Ġnihil":49413,"Ġhappiest":49414,"Ġfloppy":49415,"ĠLoft":49416,"ĠHeard":49417,"Ġunison":49418,"Ġlug":49419,"ĠRedmond":49420,"classic":49421,"Supporters":49422,"SHIP":49423,"GMT":49424,"Ġfuelled":49425,"çIJ":49426,"Ġdd":49427,"ĠEminem":49428,"Ġ1897":49429,"NYSE":49430,"Ġsecretaries":49431,"ĠFIA":49432,"ĠCanaveral":49433,"Favorite":49434,"Ġpomp":49435,"Ġdetainee":49436,"ership":49437,"aimon":49438,"iour":49439,"ĠApex":49440,"Ġplantations":49441,"amia":49442,"acion":49443,"Rust":49444,"Ġtowed":49445,"ĠTruly":49446,"577":49447,"Ġsheltered":49448,"rider":49449,"Wo":49450,"Ġlair":49451,"ĠIntelligent":49452,"improve":49453,"matically":49454,"Ġetiquette":49455,"adra":49456,"allo":49457,"ĠJuno":49458,"anything":49459,"ĠStruggle":49460,"ĠPredict":49461,"ĠGrimes":49462,"ĠAMERICA":49463,"ctx":49464,"ĠSituation":49465,"WOOD":49466,"Ġsoluble":49467,"meier":49468,"Ġintolerable":49469,"angering":49470,"Ġuninterrupted":49471,"Ġtooltip":49472,"Ġinterrogated":49473,"Ġgunned":49474,"ĠSneak":49475,"æѦ":49476,"Ġtether":49477,"Ġcrumble":49478,"Lens":49479,"Ġclustered":49480,"ĠSyl":49481,"ĠHasan":49482,"Ġdystopian":49483,"wana":49484,"Ġjoystick":49485,"ĠThib":49486,"ammu":49487,"Tomorrow":49488,"546":49489,"Ġovercame":49490,"Ġminimized":49491,"ceptor":49492,"Runner":49493,"ENGTH":49494,"ĠBrenda":49495,"ĠAchievements":49496,"Ġtorches":49497,"Ġrapport":49498,"ĠInvestigator":49499,"ĠHandling":49500,"relation":49501,"grey":49502,"815":49503,"Ġkcal":49504,"ĠCommands":49505,"dq":49506,"Ġcurls":49507,"Ġbearer":49508,"Ġcynicism":49509,"itri":49510,"ĠUseful":49511,"Bee":49512,"DCS":49513,"Ġabras":49514,"Pract":49515,"BILITIES":49516,"712":49517,"Ġdebugger":49518,"Ġdebtor":49519,"ĠLia":49520,"ĠKers":49521,"Ġexacerbate":49522,"ĠStacy":49523,"ĠBland":49524,"ĠScenes":49525,"Ġbranching":49526,"âĸĪâĸĪâĸĪâĸĪâĸĪâĸĪâĸĪâĸĪ":49527,"apeake":49528,"Ġsalsa":49529,"Ġmishand":49530,"ĠKonami":49531,"ĠNib":49532,"Ġanecdote":49533,"Ġagreeable":49534,"Ïī":49535,"ĠNathaniel":49536,"ĠHeisman":49537,"ĠBeware":49538,"Ġ1886":49539,"spective":49540,"691":49541,"522":49542,"Ġinhibits":49543,"Ġhashing":49544,"Ġ1889":49545,"å°Ĩ":49546,"vich":49547,"Pure":49548,"Ġsolidly":49549,"Ġaspirin":49550,"imaru":49551,"Ġstreetcar":49552,"ĠUCS":49553,"ĠJudd":49554,"Ġflashbacks":49555,"pins":49556,"Ġ1440":49557,"ĠUNHCR":49558,"ĠSymptoms":49559,"TIT":49560,"538":49561,"Fra":49562,"%);":49563,"Ġooz":49564,"Ġcurfew":49565,"Ġcalmed":49566,"Ġparticipates":49567,"TeX":49568,"Ġnonsensical":49569,"Ġfullback":49570,"ĠDeL":49571,"monkey":49572,"hari":49573,"Ġmetabolites":49574,"Ġlooted":49575,"ĠALWAYS":49576,"ĠBCC":49577,"Lt":49578,"ochet":49579,"Bone":49580,"Ġvetoed":49581,"Ġgcc":49582,"ĠCLICK":49583,"Ġ1888":49584,"saf":49585,"Ġstiffness":49586,"Ġlowly":49587,"ĠGeh":49588,"verson":49589,"orset":49590,"Ġunforeseen":49591,"Ġanesthesia":49592,"ĠOptical":49593,"Ġreconstructed":49594,"ĠTup":49595,"shows":49596,"NEWS":49597,"ĠNewspaper":49598,"ĠASA":49599,"tera":49600,"Numbers":49601,"Ġinexplicable":49602,"×ij":49603,"Ġhardness":49604,"untarily":49605,"ĠAcer":49606,"gradient":49607,"ARDIS":49608,"Ġwoodland":49609,"Ġmetaphors":49610,"ĠWembley":49611,"ĠPavel":49612,"philis":49613,"Ġrewriting":49614,"Ġperceptual":49615,"Ġ1070":49616,"worms":49617,"ĠDowns":49618,"Ġunsurprisingly":49619,"Ġtagging":49620,"flame":49621,"Ġlitres":49622,"Ġbounces":49623,"ĠBabe":49624,"shut":49625,"Ġoverdoses":49626,"ĠSheila":49627,"ĠChau":49628,"ĠBless":49629,"Capture":49630,"ĠSignificant":49631,"ĠScion":49632,"Ġ389":49633,"ĠMcH":49634,"ĠTitanium":49635,"ĠMeal":49636,"ameda":49637,"agents":49638,"aggressive":49639,"Billy":49640,"763":49641,"ĠSaying":49642,"DERR":49643,"itone":49644,"Collins":49645,"Bound":49646,"Ġbolted":49647,"ĠDMCA":49648,"953":49649,"Ġuniqueness":49650,"Ġepigen":49651,"unci":49652,"antam":49653,"Ġreckoning":49654,"chairs":49655,"OGR":49656,"ĠSenegal":49657,"Ġ1862":49658,"relevant":49659,"Ġ¯":49660,"Ġpharmacies":49661,"ĠGeral":49662,"vier":49663,"Yan":49664,"ORPG":49665,"Ġrabid":49666,"bending":49667,"ĠUNITED":49668,"Ġ465":49669,"Assembly":49670,"Ġweep":49671,"Ġbehest":49672,"ĠMothers":49673,"ĠJace":49674,"hid":49675,"Ġwhirlwind":49676,"ĠUNIVERS":49677,"Ġutopian":49678,"Ġkidnap":49679,"Philipp":49680,"Kin":49681,"893":49682,"Ġlivestream":49683,"ĠMISS":49684,"Ġsubversive":49685,"ĠTechniques":49686,"ĠJUSTICE":49687,"ĠBASE":49688,"Ġ387":49689,"Ġassailants":49690,"ĠHardcore":49691,"Ġsprinkled":49692,"ĠPse":49693,"éļ":49694,"printed":49695,"ĠHau":49696,"ORGE":49697,"ĠTOUR":49698,"Ġlaced":49699,"Ġitch":49700,"Giving":49701,"Ġported":49702,"781":49703,"////////////////////////////////":49704,"breeding":49705,"Ġlogger":49706,"ĠHOL":49707,"innie":49708,"Firstly":49709,"Ġembryonic":49710,"Ġdelegated":49711,"pai":49712,"OIL":49713,"Ġcentrally":49714,"ĠRx":49715,"ĠScouting":49716,"Dutch":49717,"Ġhereditary":49718,"ĠCruiser":49719,"sat":49720,"529":49721,"ĠMarriott":49722,"othermal":49723,"Ġprohibitions":49724,"Earn":49725,"ĠStab":49726,"ĠColleges":49727,"ĠBelief":49728,"stretched":49729,"ĠLH":49730,"ĠEntityItem":49731,"CIA":49732,"Ġunrem":49733,"Ġlaureate":49734,"Ġdenominations":49735,"summary":49736,"hler":49737,"Spect":49738,"ĠKlaus":49739,"ĠBeans":49740,"Ġinsur":49741,"ĠPAX":49742,"Ġfielder":49743,"ĠVet":49744,"ĠSparrow":49745,"zie":49746,"ĠSQ":49747,"ĠMondays":49748,"ĠOffline":49749,"ĠLerner":49750,"ĠExtensions":49751,"Ireland":49752,"Ġpatronage":49753,"Ġcontrasted":49754,"ĠMania":49755,"hirt":49756,"Moscow":49757,"Ġcondemns":49758,"ĠAnge":49759,"Ġcomposing":49760,"ĠPepe":49761,"ĠPaddock":49762,"Ġheterogeneity":49763,"Ġideologically":49764,"Ġfishes":49765,"Ġcursing":49766,"ĠRutherford":49767,"ĠFloating":49768,"ĠAmelia":49769,"Tea":49770,"Synopsis":49771,"Ġstunts":49772,"Ġbead":49773,"Ġstocking":49774,"ĠMILL":49775,"obook":49776,"massive":49777,"\\<":49778,"Ġhump":49779,"ĠPreferences":49780,"EngineDebug":49781,"geist":49782,"ĠNieto":49783,"omever":49784,"ishy":49785,"evaluate":49786,"colonial":49787,"Alternative":49788,"ĠGoPro":49789,"ĠVortex":49790,"ĠNETWORK":49791,"ansky":49792,"Secure":49793,"ĠThrust":49794,"Snake":49795,"Ġparcels":49796,"Ġsamurai":49797,"Ġactresses":49798,"Nap":49799,"MF":49800,"iferation":49801,"Beer":49802,"523":49803,"ĠIly":49804,"ointment":49805,"Ping":49806,"Ġstriped":49807,"ĠMellon":49808,"ossession":49809,"Ġneutron":49810,"endium":49811,"Ġaph":49812,"ĠFlavoring":49813,"Ġ383":49814,"Ġresponsiveness":49815,"ĠJindal":49816,"ĠHitchcock":49817,"Denver":49818,"ĠDRAGON":49819,"smanship":49820,"ĠDupl":49821,"Ġsly":49822,"Ġwebcam":49823,"ĠTwain":49824,"ĠDarling":49825,"iliate":49826,"consumer":49827,"DIT":49828,"Ġnamesake":49829,"Ġunorthodox":49830,"Ġfuner":49831,"ĠPLoS":49832,"ĠCONTROL":49833,"ozyg":49834,"oglobin":49835,"FACE":49836,"ERG":49837,"ĠDia":49838,"ĠFiesta":49839,"cele":49840,"034":49841,"Ġenclave":49842,"âĸ¬âĸ¬":49843,"onement":49844,"alist":49845,"Mand":49846,"Ġhomegrown":49847,"ĠFancy":49848,"Ġconceptions":49849,"ĠContains":49850,"ureen":49851,"Ġreiterate":49852,"Ġmeager":49853,"Ġinstallments":49854,"Spawn":49855,"627":49856,"Ġphotoc":49857,"ĠCabrera":49858,"ĠRosenthal":49859,"ĠLansing":49860,"isner":49861,"Ġinvests":49862,"ĠUFOs":49863,"EXP":49864,"Hardware":49865,"Ġtragically":49866,"Ġconcedes":49867,"ieft":49868,"cham":49869,"borgh":49870,"ĠSchr":49871,"ĠMelanie":49872,"ĠHoy":49873,"Ġvisitation":49874,"Ġidiosyncr":49875,"Ġfractions":49876,"Ġforeskin":49877,"obos":49878,"Ġpoaching":49879,"ĠVIEW":49880,"Ġstimulates":49881,"ĠGork":49882,"canon":49883,"MIC":49884,"ĠNemesis":49885,"ĠIndra":49886,"ĠDMV":49887,"Ġ529":49888,"Ġinspecting":49889,"Ġgrandma":49890,"ĠWhedon":49891,"ĠShant":49892,"ĠPurg":49893,"ikan":49894,"ĠTeg":49895,"ĠCLR":49896,"zac":49897,"Victoria":49898,"ĠVerify":49899,"ionics":49900,"Ġpartying":49901,"ĠMou":49902,"colour":49903,"Ġtestimonies":49904,"lations":49905,"Ġpressuring":49906,"hiro":49907,"acers":49908,"Ġfid":49909,"angler":49910,"ĠCSI":49911,"Ġhereafter":49912,"Ġdissidents":49913,"reporting":49914,"iphany":49915,"chev":49916,"Ġsolitude":49917,"Ġlobe":49918,"Ġindis":49919,"Ġcredential":49920,"recent":49921,"adult":49922,"ĠNirvana":49923,"ĠFranchise":49924,"Layer":49925,"Hyp":49926,"ĠBerkshire":49927,"Ġwills":49928,"tif":49929,"Ġtotem":49930,"ĠJudah":49931,"repair":49932,"Instant":49933,"548":49934,"Ġembassies":49935,"Ġbottleneck":49936,"Ġbount":49937,"Ġtypew":49938,"ĠAlvin":49939,"jing":49940,"imilar":49941,"Rush":49942,"Ġbrim":49943,"ĠHELP":49944,"Aim":49945,"]'":49946,"Ġpassively":49947,"Ġbounded":49948,"ĠRated":49949,"Ġcriminality":49950,"Ġbiomark":49951,"Ġdispatcher":49952,"ĠTowards":49953,"Ġ+++":49954,"righteous":49955,"frog":49956,"ĠPanc":49957,"Carter":49958,"032":49959,"æ©Ł":49960,"Ġultraviolet":49961,"ĠLicensed":49962,"ĠTata":49963,"ĠBlessing":49964,"ĠGAM":49965,"Ġchemically":49966,"ĠSeaf":49967,"ĠRELE":49968,"ĠMercenary":49969,"capitalist":49970,"Ġformulations":49971,"Ġannihilation":49972,"ĠVerb":49973,"ĠArgon":49974,"Ġunloaded":49975,"Ġmorphed":49976,"Ġconquering":49977,"backer":49978,"IELD":49979,"Ġthefts":49980,"Ġfrontrunner":49981,"ĠRoyale":49982,"ĠFundamental":49983,"elight":49984,"Chip":49985,"necessary":49986,"ayn":49987,"ĠSlip":49988,"Ġ448":49989,"cerned":49990,"Pause":49991,"Ġshockingly":49992,"ĠABV":49993,"Ġcomposure":49994,"733":49995,"ĠMotorsport":49996,"ahime":49997,"Murray":49998,"Mach":49999,"Ġgrids":50000,"Ġdebian":50001,"Ġfurthermore":50002,"Ġdexterity":50003,"ĠCollections":50004,"oslov":50005,"ilage":50006,"bj":50007,"ĠMonteneg":50008,"ĠstrutConnector":50009,"Ġmassacres":50010,"Ġbriefs":50011,"fetched":50012,"uvian":50013,"olition":50014,"Failure":50015,"emonic":50016,"Ġflared":50017,"Ġclaimant":50018,"Ġcures":50019,"Ġgiveaways":50020,"ĠSubstance":50021,"alions":50022,"Ġcringe":50023,"ĠKul":50024,"Ġaristocracy":50025,"ĠUlster":50026,"olated":50027,"housing":50028,"ĠMIS":50029,"Ġglared":50030,"ĠWilhelm":50031,"needs":50032,"lambda":50033,"builders":50034,"ĠVIS":50035,"Ġradiator":50036,"ĠGhostbusters":50037,"Ġ436":50038,"actual":50039,"Ġherds":50040,"ça":50041,"watching":50042,"Ġcountering":50043,"Charge":50044,"Ġcharred":50045,"Ġwarheads":50046,"Ġiodine":50047,"ĠMacy":50048,"041":50049,"Ġdepartures":50050,"ĠSins":50051,"Ġdyed":50052,"ĠConcepts":50053,"gado":50054,"713":50055,"Ġquotations":50056,"Ġgist":50057,"ĠChristy":50058,"Ġantigen":50059,"ĠHemp":50060,"ĠDrawn":50061,"ĠBarg":50062,"ezvous":50063,"Ġpaternity":50064,"Ġardu":50065,"ĠAnchorage":50066,"ĠRik":50067,"Ġoverloaded":50068,"ĠUsername":50069,"ĠTammy":50070,"ĠNau":50071,"ĠCellular":50072,"Ġwaning":50073,"Ġrodent":50074,"ĠWorcester":50075,"ilts":50076,"ĠTad":50077,"Ġdwellings":50078,"Ġbullish":50079,"431":50080,"Ġretaliate":50081,"Ġmigraine":50082,"ĠChevron":50083,"CHECK":50084,"Ġdonkey":50085,"crim":50086,"SPA":50087,"ĠAnalog":50088,"Ġmarquee":50089,"ĠHaas":50090,"Bir":50091,"ĠGDDR":50092,"ĠDownloads":50093,"Ġwillpower":50094,"ĠForth":50095,"ĠRecorded":50096,"Ġimpossibility":50097,"ĠLogged":50098,"ĠFranks":50099,"ĠRatt":50100,"initions":50101,"Ġcleaners":50102,"Ġsorely":50103,"Ġflickering":50104,"ĠExamination":50105,"catching":50106,"alloween":50107,"Msg":50108,"Ġdunno":50109,"Fa":50110,"Ġdysph":50111,"crazy":50112,".''.":50113,"Ġmainline":50114,"Ġcs":50115,"Ġptr":50116,"ĠWally":50117,"igun":50118,"951":50119,"ĠBigfoot":50120,"fights":50121,"Ġretrieving":50122,"Jr":50123,"Ġduplication":50124,"ĠExplan":50125,"Ġrelational":50126,"Ġquaint":50127,"Ġbiscuits":50128,"Ġado":50129,"Ġshudder":50130,"Ġantidote":50131,"blooded":50132,"ksh":50133,"Ġsauces":50134,"Ġreinvest":50135,"Ġdispensary":50136,"ĠDiver":50137,"Ġ9000":50138,"student":50139,"Ġinsepar":50140,"escap":50141,"Ġtoddlers":50142,"ĠGPIO":50143,"ĠAssignment":50144,"headers":50145,"Ġlackluster":50146,"Ġaback":50147,"956":50148,"Ġtoolbar":50149,"745":50150,"Ġoust":50151,"Ġcontemplation":50152,"ĠPRESIDENT":50153,"Ġ458":50154,"======":50155,"Ġguaranteeing":50156,"ĠHeist":50157,"ĠCannes":50158,"Ļ½":50159,"Ġcollaborator":50160,"ĠAmp":50161,"Ġgou":50162,"ĠSHALL":50163,"stories":50164,"783":50165,"Ġmobilized":50166,"Ġbrood":50167,"ĠLU":50168,"ĠðŁij":50169,"Ġrefin":50170,"ĠAnthropology":50171,"vind":50172,"illi":50173,"Ġwarranties":50174,"ĠBabel":50175,"Ġswath":50176,"Ġcaches":50177,"Ġantagonists":50178,"artifacts":50179,"Ġhotly":50180,"ĠStarts":50181,"ĠGö":50182,"zag":50183,"!!!!!":50184,"Ġscourge":50185,"Ġconspiring":50186,"ruits":50187,"reverse":50188,"ĠSheen":50189,"ĠJesuit":50190,"ĠGiovanni":50191,"adies":50192,"Ġbuttocks":50193,"earcher":50194,"acan":50195,"Ġvolleyball":50196,"Ġshrouded":50197,"Ġscoreboard":50198,"bats":50199,"ĠIPM":50200,"Ġasses":50201,"Ġderegulation":50202,"ĠTelegram":50203,"ĠReboot":50204,"Ġ7000":50205,"ĠCanary":50206,"Ġkernels":50207,"ĠFrançois":50208,"ĠDuff":50209,"ĠPon":50210,"ĠLeica":50211,"ĠGarmin":50212,"Ġorphans":50213,"ĠClaudia":50214,"Ġcalendars":50215,"ĠLeilan":50216,"ento":50217,"Rocket":50218,"Ġbrunch":50219,"ĠHawking":50220,"ainers":50221,"Ġsensibilities":50222,"ĠkW":50223,"ĠKand":50224,"Ġreclaimed":50225,"Ġinterestingly":50226,"ש":50227,"romy":50228,"JM":50229,"ĠEnhancement":50230,"bush":50231,"Skip":50232,"Ġrappers":50233,"Ġgazing":50234,"pedia":50235,"athlon":50236,"Revolution":50237,"Ġsnipers":50238,"Ġreverted":50239,"Ġconglomerate":50240,"Terry":50241,"794":50242,"Ġharsher":50243,"Ġdesolate":50244,"ĠHitman":50245,"Commission":50246,"Ġ(/":50247,"âĢ¦.\"":50248,"Compar":50249,"Ġamplification":50250,"ominated":50251,"Ġregress":50252,"ĠCollider":50253,"Ġinformants":50254,"Ġgazed":50255,"<|endoftext|>":50256} \ No newline at end of file diff --git a/chatbot/nohup.out b/chatbot/nohup.out new file mode 100644 index 0000000000000000000000000000000000000000..b152d3a30f3af2f255989c5bd5faebd4841996fc --- /dev/null +++ b/chatbot/nohup.out @@ -0,0 +1,64 @@ +2024-11-06 09:03:33.985287: I tensorflow/core/util/port.cc:153] oneDNN custom operations are on. You may see slightly different numerical results due to floating-point round-off errors from different computation orders. To turn them off, set the environment variable `TF_ENABLE_ONEDNN_OPTS=0`. +2024-11-06 09:03:33.998689: E external/local_xla/xla/stream_executor/cuda/cuda_fft.cc:485] Unable to register cuFFT factory: Attempting to register factory for plugin cuFFT when one has already been registered +2024-11-06 09:03:34.018235: E external/local_xla/xla/stream_executor/cuda/cuda_dnn.cc:8454] Unable to register cuDNN factory: Attempting to register factory for plugin cuDNN when one has already been registered +2024-11-06 09:03:34.024188: E external/local_xla/xla/stream_executor/cuda/cuda_blas.cc:1452] Unable to register cuBLAS factory: Attempting to register factory for plugin cuBLAS when one has already been registered +2024-11-06 09:03:34.038006: I tensorflow/core/platform/cpu_feature_guard.cc:210] This TensorFlow binary is optimized to use available CPU instructions in performance-critical operations. +To enable the following instructions: AVX2 AVX512F AVX512_VNNI FMA, in other operations, rebuild TensorFlow with the appropriate compiler flags. +2024-11-06 09:03:34.899647: W tensorflow/compiler/tf2tensorrt/utils/py_utils.cc:38] TF-TRT Warning: Could not find TensorRT +/home/ubuntu/nvidia-workbench/rogerkorantenng-Mental-Health-Chat-Bot/venv/lib/python3.10/site-packages/transformers/models/vit/feature_extraction_vit.py:28: FutureWarning: The class ViTFeatureExtractor is deprecated and will be removed in version 5 of Transformers. Please use ViTImageProcessor instead. + warnings.warn( +/home/ubuntu/nvidia-workbench/rogerkorantenng-Mental-Health-Chat-Bot/venv/lib/python3.10/site-packages/transformers/tokenization_utils_base.py:1601: FutureWarning: `clean_up_tokenization_spaces` was not set. It will be set to `True` by default. This behavior will be depracted in transformers v4.45, and will be then set to `False` by default. For more details check this issue: https://github.com/huggingface/transformers/issues/31884 + warnings.warn( + * Serving Flask app 'app' + * Debug mode: off +Address already in use +Port 5000 is in use by another program. Either identify and stop that program, or start the server with a different port. +Exception in thread Thread-4 (run_gradio): +Traceback (most recent call last): + File "/usr/lib/python3.10/threading.py", line 1016, in _bootstrap_inner + self.run() + File "/usr/lib/python3.10/threading.py", line 953, in run + self._target(*self._args, **self._kwargs) + File "/home/ubuntu/nvidia-workbench/rogerkorantenng-Mental-Health-Chat-Bot/code/chatbot/app.py", line 162, in run_gradio + interface.launch(server_name="0.0.0.0", server_port=8080, share=True) + File "/home/ubuntu/nvidia-workbench/rogerkorantenng-Mental-Health-Chat-Bot/venv/lib/python3.10/site-packages/gradio/blocks.py", line 2368, in launch + ) = http_server.start_server( + File "/home/ubuntu/nvidia-workbench/rogerkorantenng-Mental-Health-Chat-Bot/venv/lib/python3.10/site-packages/gradio/http_server.py", line 154, in start_server + raise OSError( +OSError: Cannot find empty port in range: 8080-8080. You can specify a different port by setting the GRADIO_SERVER_PORT environment variable or passing the `server_port` parameter to `launch()`. +/home/ubuntu/nvidia-workbench/rogerkorantenng-Mental-Health-Chat-Bot/venv/lib/python3.10/site-packages/gradio/analytics.py:106: UserWarning: IMPORTANT: You are using gradio version 4.42.0, however version 4.44.1 is available, please upgrade. +-------- + warnings.warn( +Traceback (most recent call last): + File "/home/ubuntu/nvidia-workbench/rogerkorantenng-Mental-Health-Chat-Bot/code/chatbot/app.py", line 12, in + import faiss +ModuleNotFoundError: No module named 'faiss' +2024-11-06 09:16:46.412670: I tensorflow/core/util/port.cc:153] oneDNN custom operations are on. You may see slightly different numerical results due to floating-point round-off errors from different computation orders. To turn them off, set the environment variable `TF_ENABLE_ONEDNN_OPTS=0`. +2024-11-06 09:16:46.426322: E external/local_xla/xla/stream_executor/cuda/cuda_fft.cc:485] Unable to register cuFFT factory: Attempting to register factory for plugin cuFFT when one has already been registered +2024-11-06 09:16:46.445934: E external/local_xla/xla/stream_executor/cuda/cuda_dnn.cc:8454] Unable to register cuDNN factory: Attempting to register factory for plugin cuDNN when one has already been registered +2024-11-06 09:16:46.451959: E external/local_xla/xla/stream_executor/cuda/cuda_blas.cc:1452] Unable to register cuBLAS factory: Attempting to register factory for plugin cuBLAS when one has already been registered +2024-11-06 09:16:46.465820: I tensorflow/core/platform/cpu_feature_guard.cc:210] This TensorFlow binary is optimized to use available CPU instructions in performance-critical operations. +To enable the following instructions: AVX2 AVX512F AVX512_VNNI FMA, in other operations, rebuild TensorFlow with the appropriate compiler flags. +2024-11-06 09:16:47.323371: W tensorflow/compiler/tf2tensorrt/utils/py_utils.cc:38] TF-TRT Warning: Could not find TensorRT +/home/ubuntu/nvidia-workbench/rogerkorantenng-Mental-Health-Chat-Bot/venv/lib/python3.10/site-packages/transformers/models/vit/feature_extraction_vit.py:28: FutureWarning: The class ViTFeatureExtractor is deprecated and will be removed in version 5 of Transformers. Please use ViTImageProcessor instead. + warnings.warn( +/home/ubuntu/nvidia-workbench/rogerkorantenng-Mental-Health-Chat-Bot/venv/lib/python3.10/site-packages/transformers/tokenization_utils_base.py:1601: FutureWarning: `clean_up_tokenization_spaces` was not set. It will be set to `True` by default. This behavior will be depracted in transformers v4.45, and will be then set to `False` by default. For more details check this issue: https://github.com/huggingface/transformers/issues/31884 + warnings.warn( + * Serving Flask app 'app' + * Debug mode: off +WARNING: This is a development server. Do not use it in a production deployment. Use a production WSGI server instead. + * Running on http://127.0.0.1:5000 +Press CTRL+C to quit +/home/ubuntu/nvidia-workbench/rogerkorantenng-Mental-Health-Chat-Bot/venv/lib/python3.10/site-packages/gradio/analytics.py:106: UserWarning: IMPORTANT: You are using gradio version 4.42.0, however version 4.44.1 is available, please upgrade. +-------- + warnings.warn( +Exception ignored in: +Traceback (most recent call last): + File "/usr/lib/python3.10/threading.py", line 1567, in _shutdown + lock.acquire() +KeyboardInterrupt: +Running on local URL: http://0.0.0.0:8080 +Running on public URL: https://97297d8d0789e6b8d0.gradio.live + +This share link expires in 72 hours. For free permanent hosting and GPU upgrades, run `gradio deploy` from Terminal to deploy to Spaces (https://huggingface.co/spaces) +Killing tunnel 0.0.0.0:8080 <> https://97297d8d0789e6b8d0.gradio.live diff --git a/chatbot/pie_chart.png b/chatbot/pie_chart.png new file mode 100644 index 0000000000000000000000000000000000000000..bd0b00d8a4a4e6d3bed55857f517b0ba9d0df361 Binary files /dev/null and b/chatbot/pie_chart.png differ diff --git a/chatbot/requirements.txt b/chatbot/requirements.txt new file mode 100644 index 0000000000000000000000000000000000000000..ea1d71cd93d389c6ea1da07b804bbbec37c389a3 --- /dev/null +++ b/chatbot/requirements.txt @@ -0,0 +1,170 @@ +aiofiles==23.2.1 +aiohappyeyeballs==2.4.3 +aiohttp==3.10.10 +aiosignal==1.3.1 +analytics-python==1.4.post1 +annotated-types==0.7.0 +anyio==3.7.1 +asgiref==3.8.1 +async-timeout==4.0.3 +attrs==24.2.0 +backoff==1.10.0 +bcrypt==4.2.0 +build==1.2.2.post1 +cachetools==5.5.0 +certifi==2024.8.30 +cffi==1.17.1 +charset-normalizer==3.4.0 +chroma-bullet==2.2.0 +chroma-hnswlib==0.7.6 +chroma-migrate==0.0.7 +chromadb==0.5.18 +click==8.1.7 +clickhouse-connect==0.6.6 +coloredlogs==15.0.1 +contourpy==1.3.0 +cryptography==43.0.3 +cycler==0.12.1 +Deprecated==1.2.14 +duckdb==0.7.1 +durationpy==0.9 +exceptiongroup==1.2.2 +fastapi==0.115.4 +ffmpeg==1.4 +ffmpy==0.4.0 +filelock==3.16.1 +flatbuffers==24.3.25 +fonttools==4.54.1 +frozenlist==1.5.0 +fsspec==2024.10.0 +google-auth==2.36.0 +googleapis-common-protos==1.65.0 +gradio==5.5.0 +gradio_client==1.4.2 +grpcio==1.67.1 +gTTS==2.5.4 +h11==0.14.0 +HLL==2.2.0 +httpcore==1.0.6 +httptools==0.6.4 +httpx==0.27.2 +huggingface-hub==0.26.2 +humanfriendly==10.0 +idna==3.10 +importlib_metadata==8.5.0 +importlib_resources==6.4.5 +Jinja2==3.1.4 +joblib==1.4.2 +kiwisolver==1.4.7 +kubernetes==31.0.0 +linkify-it-py==2.0.3 +lz4==4.3.3 +markdown-it-py==3.0.0 +MarkupSafe==2.1.5 +matplotlib==3.9.2 +mdit-py-plugins==0.4.2 +mdurl==0.1.2 +mmh3==5.0.1 +monotonic==1.6 +more-itertools==10.5.0 +mpmath==1.3.0 +multidict==6.1.0 +networkx==3.4.2 +nltk==3.9.1 +numpy==1.23.5 +nvidia-cublas-cu12==12.1.3.1 +nvidia-cuda-cupti-cu12==12.1.105 +nvidia-cuda-nvrtc-cu12==12.1.105 +nvidia-cuda-runtime-cu12==12.1.105 +nvidia-cudnn-cu12==9.1.0.70 +nvidia-cufft-cu12==11.0.2.54 +nvidia-curand-cu12==10.3.2.106 +nvidia-cusolver-cu12==11.4.5.107 +nvidia-cusparse-cu12==12.1.0.106 +nvidia-cusparselt-cu12==0.6.2 +nvidia-nccl-cu12==2.21.5 +nvidia-nvjitlink-cu12==12.4.127 +nvidia-nvtx-cu12==12.1.105 +oauthlib==3.2.2 +onnxruntime==1.20.0 +opentelemetry-api==1.28.1 +opentelemetry-exporter-otlp-proto-common==1.28.1 +opentelemetry-exporter-otlp-proto-grpc==1.28.1 +opentelemetry-instrumentation==0.49b1 +opentelemetry-instrumentation-asgi==0.49b1 +opentelemetry-instrumentation-fastapi==0.49b1 +opentelemetry-proto==1.28.1 +opentelemetry-sdk==1.28.1 +opentelemetry-semantic-conventions==0.49b1 +opentelemetry-util-http==0.49b1 +orjson==3.10.11 +overrides==7.7.0 +packaging==24.2 +pandas==1.5.3 +paramiko==3.5.0 +pillow==11.0.0 +plotly==5.14.0 +posthog==3.7.0 +propcache==0.2.0 +protobuf==5.28.3 +pulsar-client==3.5.0 +pyasn1==0.6.1 +pyasn1_modules==0.4.1 +pycparser==2.22 +pycryptodome==3.21.0 +pydantic==2.9.2 +pydantic_core==2.23.4 +pydub==0.25.1 +Pygments==2.18.0 +PyNaCl==1.5.0 +pyparsing==3.2.0 +PyPika==0.48.9 +pyproject_hooks==1.2.0 +python-dateutil==2.9.0.post0 +python-dotenv==1.0.1 +python-multipart==0.0.12 +pytorch-triton==3.1.0+cf34004b8a +pytz==2024.2 +PyYAML==6.0.2 +regex==2024.11.6 +requests==2.32.3 +requests-oauthlib==2.0.0 +rich==13.9.4 +rsa==4.9 +ruff==0.7.3 +safehttpx==0.1.1 +safetensors==0.4.5 +scikit-learn==1.1.3 +scipy==1.14.1 +semantic-version==2.10.0 +sentence-transformers==3.2.1 +sentencepiece==0.2.0 +shellingham==1.5.4 +six==1.16.0 +sniffio==1.3.1 +starlette==0.41.2 +sympy==1.13.1 +tenacity==9.0.0 +threadpoolctl==3.5.0 +tokenizers==0.20.3 +tomli==2.0.2 +tomlkit==0.12.0 +torch==2.6.0.dev20241107+cu121 +torchaudio==2.5.0.dev20241107+cu121 +torchvision==0.20.0.dev20241107+cu121 +tqdm==4.67.0 +transformers==4.46.2 +triton==3.1.0 +typer==0.13.0 +typing_extensions==4.12.2 +uc-micro-py==1.0.3 +urllib3==2.2.3 +uvicorn==0.32.0 +uvloop==0.21.0 +watchfiles==0.24.0 +websocket-client==1.8.0 +websockets==12.0 +wrapt==1.16.0 +yarl==1.17.1 +zipp==3.20.2 +zstandard==0.23.0 diff --git a/chatbot/static/bar_chart.png b/chatbot/static/bar_chart.png new file mode 100644 index 0000000000000000000000000000000000000000..5d56e523d7f51d6e4f8c93407f58b39a814e3cbd Binary files /dev/null and b/chatbot/static/bar_chart.png differ diff --git a/chatbot/static/line_chart.png b/chatbot/static/line_chart.png new file mode 100644 index 0000000000000000000000000000000000000000..9a8616378e6f94636b5cac2bc584c91b8ed41492 Binary files /dev/null and b/chatbot/static/line_chart.png differ diff --git a/chatbot/static/pie_chart.png b/chatbot/static/pie_chart.png new file mode 100644 index 0000000000000000000000000000000000000000..92ee22c434dbcce73fc2e24defb9a31a1a23665c Binary files /dev/null and b/chatbot/static/pie_chart.png differ diff --git a/chatbot/stock_changes.png b/chatbot/stock_changes.png new file mode 100644 index 0000000000000000000000000000000000000000..6dfaef5ddfadb7b437037d20faaf65675583d028 Binary files /dev/null and b/chatbot/stock_changes.png differ diff --git a/chatbot/test.py b/chatbot/test.py new file mode 100644 index 0000000000000000000000000000000000000000..27eac1c468da60bf04b27bd0874ffc15c42bf793 --- /dev/null +++ b/chatbot/test.py @@ -0,0 +1,487 @@ +import os +import json +import torch +import sqlite3 +import gradio as gr +import faiss +import pandas as pd +from datetime import datetime +from PIL import Image +from flask import Flask, jsonify, request +from werkzeug.utils import secure_filename +from threading import Thread +from transformers import AutoFeatureExtractor, AutoModelForImageClassification, AutoTokenizer, AutoModel, \ + AutoModelForCausalLM +from matplotlib import pyplot as plt +from sklearn.linear_model import LinearRegression +import numpy as np +import seaborn as sns +from torch.utils.data import Dataset, DataLoader +from torchvision import transforms +from torch import nn, optim +from torch.optim import lr_scheduler +from sklearn.preprocessing import LabelEncoder + + +# Initialize Flask app and models +app = Flask(__name__, static_folder="static") + +# Constants +LOW_STOCK_THRESHOLD = 5 # Customize threshold as needed +DATABASE = 'uploaded_images.db' + +# Available model options +MODEL_OPTIONS = { + "Google ViT (Base)": "google/vit-base-patch16-224", + "Google ViT (Large)": "google/vit-large-patch16-224", + "Microsoft ResNet50": "microsoft/resnet-50", + "Facebook ConvNeXt Tiny": "facebook/convnext-tiny-224", + "Microsoft Swin": "microsoft/swin-tiny-patch4-window7-224", +} + +# Set default model +selected_model_name = MODEL_OPTIONS["Google ViT (Base)"] +feature_extractor = AutoFeatureExtractor.from_pretrained(selected_model_name) +model = AutoModelForImageClassification.from_pretrained(selected_model_name) +class_names = model.config.id2label + +# Initialize inventory data +inventory_data = {} + + +# Initialize database +def init_db(): + conn = sqlite3.connect(DATABASE) + cursor = conn.cursor() + cursor.execute(""" + CREATE TABLE IF NOT EXISTS images ( + id INTEGER PRIMARY KEY AUTOINCREMENT, + filename TEXT, + upload_time TEXT + ) + """) + conn.commit() + conn.close() + + +init_db() + + +def plot_bar_chart(inventory_data): + # Get the list of items and their counts + items = list(inventory_data.keys()) + counts = [inventory_data[item]["count"] for item in items] + + # Extract only the first word from each item name + first_words = [item.split()[0] for item in items] + + # Create the bar chart + fig, ax = plt.subplots(figsize=(8, 6)) + ax.bar(first_words, counts, color="skyblue") + + # Set titles and labels + ax.set_title("Inventory Counts") + ax.set_xlabel("Items") + ax.set_ylabel("Count") + + # Save the chart as a PNG file + chart_path = "bar_chart.png" + plt.tight_layout() + plt.savefig(chart_path) + plt.close() + + return chart_path + + + +def plot_line_chart(inventory_data): + # Extract items, counts, and dates from inventory data + items = list(inventory_data.keys()) + counts = [inventory_data[item]["count"] for item in items] + dates = [inventory_data[item]["last_detected"] for item in items] + + # Convert string dates to pandas datetime objects + dates = pd.to_datetime(dates) + + # Create a DataFrame with dates and counts + counts_df = pd.DataFrame({"Date": dates, "Count": counts}) + counts_df.sort_values("Date", inplace=True) + + # Format the 'Date' column into a human-readable format + counts_df["Date"] = counts_df["Date"].dt.strftime('%Y-%m-%d %H:%M:%S') + + # Create the plot + fig, ax = plt.subplots(figsize=(8, 6)) + ax.plot(counts_df["Date"], counts_df["Count"], marker="o", color="orange") + + # Set the title and labels for the plot + ax.set_title("Stock Changes Over Time") + ax.set_xlabel("Date") + ax.set_ylabel("Stock Level") + + # Save the plot as a PNG file + chart_path = "line_chart.png" + plt.xticks(rotation=45) # Rotate x-ticks for better readability + plt.tight_layout() + plt.savefig(chart_path) + plt.close() + + return chart_path + + +def plot_pie_chart(inventory_data): + # Get the list of items and their counts + items = list(inventory_data.keys()) + counts = [inventory_data[item]["count"] for item in items] + + # Extract only the first word from each item name + first_words = [item.split()[0] for item in items] + + # Create the pie chart + fig, ax = plt.subplots(figsize=(8, 6)) + ax.pie(counts, labels=first_words, autopct='%1.1f%%', startangle=140, colors=plt.cm.Paired.colors) + + # Set the title + ax.set_title("Product Category Breakdown") + + # Save the chart as a PNG file + chart_path = "pie_chart.png" + plt.tight_layout() + plt.savefig(chart_path) + plt.close() + + return chart_path + + + +def plot_heatmap(inventory_data): + # Get the list of items + items = list(inventory_data.keys()) + + # Extract only the first word from each item name + first_words = [item.split()[0] for item in items] + + # Create a matrix where the count is placed at the correct location + change_matrix = [[inventory_data[item]["count"] if item == other else 0 for other in items] for item in items] + + # Create the heatmap + fig, ax = plt.subplots(figsize=(8, 6)) + cax = ax.imshow(change_matrix, cmap="YlOrRd", interpolation='nearest') + # Set the labels on the x and y axes to the first words of the items + ax.set_xticks(range(len(items))) + ax.set_yticks(range(len(items))) + ax.set_xticklabels(first_words) + ax.set_yticklabels(first_words) + # Add a colorbar + fig.colorbar(cax) + # Set the title of the heatmap + ax.set_title("Stock Change Heatmap") + # Save the chart as a PNG file + chart_path = "heatmap.png" + plt.tight_layout() + plt.savefig(chart_path) + plt.close() + + return chart_path + + + +# Function to return the paths of the images +def generate_bar_chart(): + return plot_bar_chart(inventory_data) + + +def generate_line_chart(): + return plot_line_chart(inventory_data) + + +def generate_pie_chart(): + return plot_pie_chart(inventory_data) + + +def generate_heatmap(): + return plot_heatmap(inventory_data) + + +# Utility functions +def log_inventory_data(item_class): + try: + timestamp = datetime.now().isoformat() + + # Initialize the inventory data for the item class if it's not present + if item_class not in inventory_data: + inventory_data[item_class] = { + "category": item_class, + "count": 0, # Initial count + "last_detected": None, # Timestamp of last detection + "history": [] # Track the historical counts over time + } + + # Log the count and timestamp to the history + inventory_data[item_class]["history"].append({ + "timestamp": timestamp, # Store the timestamp as a string + "count": inventory_data[item_class]["count"] + }) + + # Update the count of the item class + inventory_data[item_class]["count"] += 1 + + # Update the last detected timestamp + inventory_data[item_class]["last_detected"] = timestamp + + # Optionally: Save the data to a file for persistence + with open("inventory_log.json", "w") as f: + json.dump(inventory_data, f, indent=4) + + print(f"Inventory data logged for item class: {item_class}") + + except Exception as e: + print(f"Error logging inventory data: {e}") + + +def check_stock_levels(): + try: + for item, details in inventory_data.items(): + if details["count"] < LOW_STOCK_THRESHOLD: + print(f"Low stock detected for {item}: {details['count']} items.") + except Exception as e: + print(f"Error checking stock levels: {e}") + + +def save_image_to_db(file): + filename = secure_filename(file.filename) + upload_time = datetime.now().isoformat() + file_path = os.path.join("uploads", filename) + file.save(file_path) + conn = sqlite3.connect(DATABASE) + cursor = conn.cursor() + cursor.execute("INSERT INTO images (filename, upload_time) VALUES (?, ?)", (filename, upload_time)) + conn.commit() + conn.close() + + +def batch_predict(images): + results = [] + try: + for image_file in images: + with Image.open(image_file.name) as image: + if image.mode != "RGB": + image = image.convert("RGB") + inputs = feature_extractor(images=image, return_tensors="pt") + outputs = model(**inputs) + predicted_class_id = torch.argmax(outputs.logits, dim=1).item() + item_class = class_names[predicted_class_id] + log_inventory_data(item_class) # Pass only the item_class argument + results.append({"Image": os.path.basename(image_file.name), "Classification": item_class}) + except Exception as e: + return [{"Image": "Error", "Classification": str(e)}] + return pd.DataFrame(results) + + +def forecast_inventory(item_class, days=7): + """Use linear regression for basic inventory forecasting.""" + try: + # Get the historical data for the item class + if item_class not in inventory_data or not inventory_data[item_class]["history"]: + return {"error": f"No historical data for {item_class}."} + + history = inventory_data[item_class]["history"] + timestamps = [datetime.fromisoformat(entry["timestamp"]) for entry in history] + counts = [entry["count"] for entry in history] + + # Convert timestamps to days since the first entry + days_since_first_entry = [(timestamp - timestamps[0]).days for timestamp in timestamps] + + # Apply linear regression to forecast the next `days` values + model = LinearRegression() + model.fit(np.array(days_since_first_entry).reshape(-1, 1), counts) + + # Predict future inventory counts + future_days = np.array([days_since_first_entry[-1] + i for i in range(1, days + 1)]).reshape(-1, 1) + predictions = model.predict(future_days) + + forecast = [{"day": i + 1, "predicted_count": int(predictions[i])} for i in range(days)] + return forecast + print(f"Inventory data logged for item class: {forecast}") + + except Exception as e: + return {"error": f"Error in forecasting: {str(e)}"} + + +def change_model(selected_model_key): + try: + global feature_extractor, model, class_names + + if selected_model_key not in MODEL_OPTIONS: + return "Error: Invalid model selection" + + # Retrieve the model path (either pre-trained or fine-tuned) + selected_model_path = MODEL_OPTIONS[selected_model_key] + + # Load the model from the specified path + feature_extractor = AutoFeatureExtractor.from_pretrained(selected_model_path) + model = AutoModelForImageClassification.from_pretrained(selected_model_path) + class_names = model.config.id2label + + return f"Model changed to {selected_model_key}" + except Exception as e: + return f"Error changing model: {str(e)}" + + +# Define a custom dataset class +class CustomDataset(Dataset): + def __init__(self, images, labels, transform=None): + self.images = images + self.labels = labels + self.transform = transform + + def __len__(self): + return len(self.images) + + def __getitem__(self, idx): + image = Image.open(self.images[idx]).convert("RGB") + label = self.labels[idx] + if self.transform: + image = self.transform(image) + return image, label + +# Define transformations for image preprocessing +transform = transforms.Compose([ + transforms.Resize((224, 224)), + transforms.ToTensor(), + transforms.Normalize(mean=[0.485, 0.456, 0.406], std=[0.229, 0.224, 0.225]) +]) + +# Function to preprocess and load data +def preprocess_data(train_images, train_labels): + dataset = CustomDataset(train_images, train_labels, transform=transform) + dataloader = DataLoader(dataset, batch_size=16, shuffle=True) + return dataloader + + +# Fine-tune the model with a custom dataset +def fine_tune_model(train_images, train_labels, model_name="custom_model"): + try: + # Convert image paths to a suitable format + train_images = [image.name for image in train_images] # list of image paths + + # Check if labels need encoding + if isinstance(train_labels, str): + train_labels = train_labels.split(",") # Convert the comma-separated string to a list + + # Encode labels if they are not integers + label_encoder = LabelEncoder() + train_labels = label_encoder.fit_transform(train_labels) + + # Load the model and prepare for fine-tuning + global model + model = AutoModelForImageClassification.from_pretrained(selected_model_name) + + # Modify the classifier layer for the new dataset + num_labels = len(set(train_labels)) # Number of unique labels + model.classifier = nn.Linear(model.config.hidden_size, num_labels) + + # Prepare data loader + dataloader = preprocess_data(train_images, train_labels) + + # Define loss function, optimizer, and learning rate scheduler + criterion = nn.CrossEntropyLoss() + optimizer = optim.Adam(model.parameters(), lr=0.0001) + scheduler = lr_scheduler.StepLR(optimizer, step_size=7, gamma=0.1) + + # Training loop + num_epochs = 50 # Set the number of epochs + model.train() # Set model to training mode + for epoch in range(num_epochs): + running_loss = 0.0 + for inputs, labels in dataloader: + optimizer.zero_grad() + + # Forward pass + outputs = model(inputs) + logits = outputs.logits if hasattr(outputs, "logits") else outputs # Handle outputs + + # Calculate loss + loss = criterion(logits, labels) + loss.backward() + optimizer.step() + + running_loss += loss.item() + + scheduler.step() + print(f"Epoch {epoch + 1}/{num_epochs}, Loss: {running_loss / len(dataloader)}") + # return f"Epoch {epoch + 1}/{num_epochs}, Loss: {running_loss / len(dataloader)}" + + # Save the fine-tuned model + fine_tuned_model_path = f"models/{model_name}" # Save path + model.save_pretrained(fine_tuned_model_path) + print(f"Fine-tuned model saved to {fine_tuned_model_path}") + + # Dynamically add the fine-tuned model to the model selection + MODEL_OPTIONS[model_name] = fine_tuned_model_path + return f"Fine-tuned model {model_name} has been added successfully!" + except Exception as e: + return f"Error fine-tuning the model: {str(e)}" + + + +proxy_prefix = os.environ.get("PROXY_PREFIX") + +# Gradio Interface +with gr.Blocks() as interface: + gr.Markdown("## VisionTrack - Smart Inventory Management and Analysis System") + + with gr.Tab("Model Selection/Fine-Tuning"): + with gr.Tab("Select Model"): + gr.Markdown("Choose a model for image classification.") + model_dropdown = gr.Dropdown(choices=list(MODEL_OPTIONS.keys()), label="Select Model", + value="Google ViT (Base)") + model_dropdown.change(change_model, inputs=model_dropdown, outputs=gr.Textbox(label="status")) + with gr.Tab("Model Fine-Tuning"): + gr.Markdown("Upload your custom dataset for model fine-tuning.") + train_image_input = gr.File(label="Upload Training Images", file_count="multiple", type="filepath") + train_label_input = gr.Textbox(label="Enter Corresponding Labels (comma-separated)") + fine_tune_button = gr.Button("Fine-Tune Model") + fine_tune_output = gr.Text(label="Training Status") + fine_tune_button.click(fine_tune_model, inputs=[train_image_input, train_label_input], + outputs=fine_tune_output) + + with gr.Tab("Image Classification"): + gr.Markdown("Upload images for classification.") + image_input = gr.File(label="Upload Images", file_count="multiple", type="filepath") + output = gr.DataFrame(label="Classification Results", interactive=True) + image_input.upload(batch_predict, inputs=image_input, outputs=output) + + with gr.Tab("Inventory"): + gr.Markdown("Check current inventory.") + inventory_display = gr.DataFrame(value=pd.DataFrame(columns=["Item", "Count", "Last Detected"])) + gr.Button("Fetch Inventory").click(lambda: pd.DataFrame(inventory_data).T, outputs=inventory_display) + + with gr.Tab("Forecasting"): + gr.Markdown("Forecast inventory levels for the next 7 days.") + item_class_input = gr.Textbox(label="Enter Item Class") + forecast_button = gr.Button("Forecast") + forecast_output = gr.Text(label="Predicted Inventory Forecast") + forecast_button.click(forecast_inventory, inputs=item_class_input, outputs=forecast_output) + + with gr.Tab("Inventory Dashboard"): + with gr.Tab("Bar Chart"): + bar_chart_image = gr.Image(type="filepath", label="Bar Chart") + gr.Button("Generate Bar Chart").click(generate_bar_chart, outputs=bar_chart_image) + + with gr.Tab("Line Chart"): + line_chart_image = gr.Image(type="filepath", label="Line Chart") + gr.Button("Generate Line Chart").click(generate_line_chart, outputs=line_chart_image) + + with gr.Tab("Pie Chart"): + pie_chart_image = gr.Image(type="filepath", label="Pie Chart") + gr.Button("Generate Pie Chart").click(generate_pie_chart, outputs=pie_chart_image) + + with gr.Tab("Heatmap"): + heatmap_image = gr.Image(type="filepath", label="Heatmap") + gr.Button("Generate Heatmap").click(generate_heatmap, outputs=heatmap_image) + +if __name__ == '__main__': + app_thread = Thread(target=lambda: app.run(debug=True, use_reloader=False)) + app_thread.start() + interface.launch(server_name="0.0.0.0", server_port=8080, root_path=proxy_prefix, share=True) diff --git a/chatbot/uploaded_images.db b/chatbot/uploaded_images.db new file mode 100644 index 0000000000000000000000000000000000000000..e2c396d9f762ad78792a5e0bed25ba5e78404548 Binary files /dev/null and b/chatbot/uploaded_images.db differ diff --git a/chatbot/visualizations.png b/chatbot/visualizations.png new file mode 100644 index 0000000000000000000000000000000000000000..fc61370a48c2dc537a2110501d5ce2d1161c695b Binary files /dev/null and b/chatbot/visualizations.png differ diff --git a/health-Copy1.ipynb b/health-Copy1.ipynb new file mode 100644 index 0000000000000000000000000000000000000000..53a52d01c0683cb6a45c51bbce6d32411e32ce8d --- /dev/null +++ b/health-Copy1.ipynb @@ -0,0 +1,308 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "id": "a6b7c9f9-db9d-4278-8e0c-192db80afb9b", + "metadata": {}, + "source": [ + "### Importing Libraries\n", + "\n", + "This cell imports the necessary libraries for the project. `keras` is a high-level neural networks API, and `keras_nlp` provides additional tools and functionalities for natural language processing tasks using Keras.\n" + ] + }, + { + "cell_type": "code", + "execution_count": 1, + "id": "09958eb5-8363-47dd-b508-353d6e538827", + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2024-08-29 18:01:15.929029: I tensorflow/core/util/port.cc:153] oneDNN custom operations are on. You may see slightly different numerical results due to floating-point round-off errors from different computation orders. To turn them off, set the environment variable `TF_ENABLE_ONEDNN_OPTS=0`.\n", + "2024-08-29 18:01:15.944717: E external/local_xla/xla/stream_executor/cuda/cuda_fft.cc:485] Unable to register cuFFT factory: Attempting to register factory for plugin cuFFT when one has already been registered\n", + "2024-08-29 18:01:15.963838: E external/local_xla/xla/stream_executor/cuda/cuda_dnn.cc:8454] Unable to register cuDNN factory: Attempting to register factory for plugin cuDNN when one has already been registered\n", + "2024-08-29 18:01:15.969620: E external/local_xla/xla/stream_executor/cuda/cuda_blas.cc:1452] Unable to register cuBLAS factory: Attempting to register factory for plugin cuBLAS when one has already been registered\n", + "2024-08-29 18:01:15.983677: I tensorflow/core/platform/cpu_feature_guard.cc:210] This TensorFlow binary is optimized to use available CPU instructions in performance-critical operations.\n", + "To enable the following instructions: AVX2 AVX512F AVX512_VNNI FMA, in other operations, rebuild TensorFlow with the appropriate compiler flags.\n", + "/usr/local/lib/python3.10/dist-packages/tqdm/auto.py:21: TqdmWarning: IProgress not found. Please update jupyter and ipywidgets. See https://ipywidgets.readthedocs.io/en/stable/user_install.html\n", + " from .autonotebook import tqdm as notebook_tqdm\n" + ] + } + ], + "source": [ + "import keras\n", + "import keras_nlp\n", + "import tensorflow" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "de2731f6-422e-46bf-839d-ef8f474e7742", + "metadata": {}, + "outputs": [], + "source": [ + "# import os\n", + "\n", + "# os.environ[\"KERAS_BACKEND\"] = \"jax\" \n", + "# # Avoid memory fragmentation on JAX backend.\n", + "# os.environ[\"XLA_PYTHON_CLIENT_MEM_FRACTION\"]=\"1.00\"" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "8725e8ba-f1c3-4e5f-8bb8-1451e3a7a394", + "metadata": { + "scrolled": true + }, + "outputs": [], + "source": [ + "import json\n", + "\n", + "# Initialize an empty list to hold the processed data.\n", + "data = []\n", + "\n", + "# Open and read the JSON file line by line.\n", + "with open('/project/data/combined_dataset.json') as file:\n", + " for line in file:\n", + " features = json.loads(line)\n", + " \n", + " # Filter out examples without \"Context\".\n", + " if not features.get(\"Context\"):\n", + " continue\n", + " \n", + " # Format the example as a string.\n", + " template = \"Instruction:\\n{Context}\\n\\nResponse:\\n{Response}\"\n", + " formatted_example = template.format(**features)\n", + " \n", + " # Append the formatted example to the data list.\n", + " data.append(formatted_example)\n", + "\n", + "# Now data contains a list of formatted strings.\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "a26993cb-c8aa-42b1-943f-b6033d909336", + "metadata": {}, + "outputs": [], + "source": [ + "import os\n", + "\n", + "# Set Kaggle API credentials\n", + "os.environ[\"KAGGLE_USERNAME\"] = \"rogerkorantenng\"\n", + "os.environ[\"KAGGLE_KEY\"] = \"9a33b6e88bcb6058b1281d777fa6808d\"\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "008c3f60-b0f6-4709-a7c7-836a6ea4f5cb", + "metadata": {}, + "outputs": [], + "source": [ + "gemma_lm = keras_nlp.models.GemmaCausalLM.from_preset(\"gemma_2b_en\")\n", + "gemma_lm.summary()" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "8fcd0823-61b8-4037-863d-d81dfcd8dec1", + "metadata": {}, + "outputs": [], + "source": [ + "# Define the template with placeholders for 'instruction' and 'response'\n", + "template = \"Instruction:\\n{instruction}\\n\\nResponse:\\n{response}\"\n", + "\n", + "# Create the prompt by formatting the template with actual data\n", + "prompt = template.format(\n", + " instruction=\"I'm going through some things with my feelings and myself. I barely sleep and I do nothing but think about how I'm worthless and how I shouldn't be here.\\n I've never tried or contemplated suicide. I've always wanted to fix my issues, but I never get around to it.\\n How can I change my feeling of being worthless to everyone?\",\n", + " response=\"\",\n", + ")\n", + "\n", + "# Assuming gemma_lm is a language model that you're using to generate text\n", + "print(gemma_lm.generate(prompt, max_length=256))\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "834bffa8-4361-4ec9-8c3a-7403d3ce83c4", + "metadata": {}, + "outputs": [], + "source": [ + "# gemma_lm.save(\"gemma_model.h5\")\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "3af9301d-2623-4773-9f3b-07efcc788fc4", + "metadata": {}, + "outputs": [], + "source": [ + "# Enable LoRA for the model and set the LoRA rank to 4.\n", + "gemma_lm.backbone.enable_lora(rank=10)\n", + "gemma_lm.summary()" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "ab365ee3-da5f-4b5c-b00b-428005ff42e4", + "metadata": {}, + "outputs": [], + "source": [ + "import os\n", + "import tensorflow as tf\n", + "import keras_nlp\n", + "import keras\n", + "import json\n", + "\n", + "# Set Kaggle API credentials\n", + "os.environ[\"KAGGLE_USERNAME\"] = \"rogerkorantenng\"\n", + "os.environ[\"KAGGLE_KEY\"] = \"9a33b6e88bcb6058b1281d777fa6808d\"" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "ae2db527-0964-491d-8fd6-0c746cbcae2e", + "metadata": {}, + "outputs": [], + "source": [ + "def get_compiled_model():\n", + " gemma_lm = keras_nlp.models.GemmaCausalLM.from_preset(\"gemma_2b_en\")\n", + " gemma_lm.summary()\n", + "\n", + " gemma_lm.backbone.enable_lora(rank=2)\n", + " gemma_lm.summary()\n", + " \n", + " # Set the sequence length to 128 before using the model.\n", + " gemma_lm.preprocessor.sequence_length = 128\n", + " \n", + " # Use AdamW (a common optimizer for transformer models).\n", + " optimizer = keras.optimizers.AdamW(\n", + " learning_rate=5e-5,\n", + " weight_decay=0.01,\n", + " )\n", + " \n", + " # Exclude layernorm and bias terms from decay.\n", + " optimizer.exclude_from_weight_decay(var_names=[\"bias\", \"scale\"])\n", + " \n", + " gemma_lm.compile(\n", + " loss=keras.losses.SparseCategoricalCrossentropy(from_logits=True),\n", + " optimizer=optimizer,\n", + " weighted_metrics=[keras.metrics.SparseCategoricalAccuracy()],\n", + " )\n", + "\n", + " \n", + " return gemma_lm\n", + "print(gemma_lm.)\n", + "\n", + "print(gemma_lm.summary())\n", + "\n", + "\n", + " " + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "bd11ce52-9eb8-4e48-a4da-fdc759e7f789", + "metadata": {}, + "outputs": [], + "source": [ + "def get_dataset():\n", + " # Initialize an empty list to hold the processed data.\n", + " data = []\n", + " \n", + " # Open and read the JSON file line by line.\n", + " with open('/project/data/HealthCareMagic-100k-en.jsonl') as file:\n", + " for line in file:\n", + " features = json.loads(line)\n", + " \n", + " # Filter out examples without \"Context\".\n", + " if not features.get(\"Context\"):\n", + " continue\n", + " \n", + " # Format the example as a string.\n", + " template = \"Instruction:\\n{Context}\\n\\nResponse:\\n{Response}\"\n", + " formatted_example = template.format(**features)\n", + " \n", + " # Append the formatted example to the data list.\n", + " data.append(formatted_example)\n", + " \n", + " return data " + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "4ec94c5f-70b6-4683-95d4-53c1231f5a9c", + "metadata": {}, + "outputs": [], + "source": [ + "model = get_compiled_model()\n", + "\n", + "# Get the dataset outside the strategy scope.\n", + "data = get_dataset()\n", + "\n", + "# Fit the model using the data.\n", + "model.fit(data, epochs=2, batch_size=0, verbose=1)" + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "id": "bfe053b2-a02f-4e2b-af04-48c28a00c20e", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Hello\n" + ] + } + ], + "source": [ + "print('Hello')" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "35d93608-b1ef-44a1-a57b-4c1a3d3dbebb", + "metadata": {}, + "outputs": [], + "source": [] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3 (ipykernel)", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.10.12" + } + }, + "nbformat": 4, + "nbformat_minor": 5 +} diff --git a/main.py b/main.py new file mode 100644 index 0000000000000000000000000000000000000000..dd63fd25c27f4d1770803c8ddd17e0ee73851d3c --- /dev/null +++ b/main.py @@ -0,0 +1,348 @@ +import gradio as gr +import os +import json +from dotenv import load_dotenv +import requests +from transformers import AutoModelForCausalLM, AutoTokenizer, pipeline +from huggingface_hub import login +from datetime import datetime +import numpy as np +import torch +from gtts import gTTS +import tempfile +from transformers import Wav2Vec2ForCTC, Wav2Vec2Tokenizer +import torch + +# Load environment variables from .env file +load_dotenv() +token = os.getenv("HF_TOKEN") + +# Use the token in the login function +login(token=token) +# File paths for storing model configurations and chat history +MODEL_CONFIG_FILE = "model_config.json" +CHAT_HISTORY_FILE = "chat_history.json" + +# Load model configurations from a JSON file (if exists) +def load_model_config(): + if os.path.exists(MODEL_CONFIG_FILE): + with open(MODEL_CONFIG_FILE, 'r') as f: + return json.load(f) + return { + "gpt-4": { + "endpoint": "https://roger-m38jr9pd-eastus2.openai.azure.com/openai/deployments/gpt-4/chat/completions?api-version=2024-08-01-preview", + "api_key": os.getenv("GPT4_API_KEY"), + "model_path": None # No model path for API models + }, + "gpt-4o": { + "endpoint": "https://roger-m38jr9pd-eastus2.openai.azure.com/openai/deployments/gpt-4o/chat/completions?api-version=2024-08-01-preview", + "api_key": os.getenv("GPT4O_API_KEY"), + "model_path": None + }, + "gpt-35-turbo": { + "endpoint": "https://rogerkoranteng.openai.azure.com/openai/deployments/gpt-35-turbo/chat/completions?api-version=2024-08-01-preview", + "api_key": os.getenv("GPT35_TURBO_API_KEY"), + "model_path": None + }, + "gpt-4-32k": { + "endpoint": "https://roger-m38orjxq-australiaeast.openai.azure.com/openai/deployments/gpt-4-32k/chat/completions?api-version=2024-08-01-preview", + "api_key": os.getenv("GPT4_32K_API_KEY"), + "model_path": None + } + } + +predefined_messages = { + "feeling_sad": "Hello, I am feeling sad today, what should I do?", + "Nobody likes me": "Hello, Sage. I feel like nobody likes me. What should I do?", + 'Boyfriend broke up': "Hi Sage, my boyfriend broke up with me. I'm feeling so sad. What should I do?", + 'I am lonely': "Hi Sage, I am feeling lonely. What should I do?", + 'I am stressed': "Hi Sage, I am feeling stressed. What should I do?", + 'I am anxious': "Hi Sage, I am feeling anxious. What should I do?", +} + +# Save model configuration to JSON +def save_model_config(): + with open(MODEL_CONFIG_FILE, 'w') as f: + json.dump(model_config, f, indent=4) + +# Load chat history from a JSON file +def load_chat_history(): + if os.path.exists(CHAT_HISTORY_FILE): + with open(CHAT_HISTORY_FILE, 'r') as f: + return json.load(f) + return [] + +# Save chat history to a JSON file +def save_chat_history(chat_history): + with open(CHAT_HISTORY_FILE, 'w') as f: + json.dump(chat_history, f, indent=4) + +# Define model configurations +model_config = load_model_config() + +# Function to dynamically add downloaded model to model_config +def add_downloaded_model(model_name, model_path): + model_config[model_name] = { + "endpoint": None, + "model_path": model_path, + "api_key": None + } + save_model_config() + return list(model_config.keys()) + +# Function to download model from Hugging Face synchronously +def download_model(model_name): + try: + tokenizer = AutoTokenizer.from_pretrained(model_name) + model = AutoModelForCausalLM.from_pretrained(model_name) + model_path = f"./models/{model_name}" + os.makedirs(model_path, exist_ok=True) + model.save_pretrained(model_path) + tokenizer.save_pretrained(model_path) + updated_models = add_downloaded_model(model_name, model_path) + return f"Model '{model_name}' downloaded and added.", updated_models + except Exception as e: + return f"Error downloading model '{model_name}': {e}", list(model_config.keys()) + +# Chat function using the selected model +def generate_response(model_choice, user_message, chat_history): + model_info = model_config.get(model_choice) + if not model_info: + return "Invalid model selection. Please choose a valid model.", chat_history + + chat_history.append({"role": "user", "content": user_message}) + headers = {"Content-Type": "application/json"} + + # Check if the model is an API model (it will have an endpoint) + if model_info["endpoint"]: + if model_info["api_key"]: + headers["api-key"] = model_info["api_key"] + + data = {"messages": chat_history, "max_tokens": 1500, "temperature": 0.7} + + try: + # Send request to the API model endpoint + response = requests.post(model_info["endpoint"], headers=headers, json=data) + response.raise_for_status() + assistant_message = response.json()['choices'][0]['message']['content'] + chat_history.append({"role": "assistant", "content": assistant_message}) + save_chat_history(chat_history) # Save chat history to JSON + except requests.exceptions.RequestException as e: + assistant_message = f"Error: {e}" + chat_history.append({"role": "assistant", "content": assistant_message}) + save_chat_history(chat_history) + else: + # If it's a local model, load the model and tokenizer from the local path + model_path = model_info["model_path"] + try: + tokenizer = AutoTokenizer.from_pretrained(model_path) + model = AutoModelForCausalLM.from_pretrained(model_path) + + inputs = tokenizer(user_message, return_tensors="pt") + outputs = model.generate(inputs['input_ids'], max_length=500, num_return_sequences=1) + assistant_message = tokenizer.decode(outputs[0], skip_special_tokens=True) + + chat_history.append({"role": "assistant", "content": assistant_message}) + save_chat_history(chat_history) + except Exception as e: + assistant_message = f"Error loading model locally: {e}" + chat_history.append({"role": "assistant", "content": assistant_message}) + save_chat_history(chat_history) + + # Convert the assistant message to audio + tts = gTTS(assistant_message) + audio_file = tempfile.NamedTemporaryFile(delete=False, suffix=".mp3") + tts.save(audio_file.name) + + return chat_history, audio_file.name + +# Function to format chat history with custom bubble styles +def format_chat_bubble(history): + formatted_history = "" + for message in history: + timestamp = datetime.now().strftime("%H:%M:%S") + if message["role"] == "user": + formatted_history += f''' +
+ Me: {message["content"]} +
+ ''' + else: + formatted_history += f''' +
+ Sage: {message["content"]} +
+ ''' + return formatted_history + +tokenizer = Wav2Vec2Tokenizer.from_pretrained("facebook/wav2vec2-base-960h") +model = Wav2Vec2ForCTC.from_pretrained("facebook/wav2vec2-base-960h") + +def transcribe(audio): + if audio is None: + return "No audio input received." + + sr, y = audio + + # Convert to mono if stereo + if y.ndim > 1: + y = y.mean(axis=1) + + y = y.astype(np.float32) + y /= np.max(np.abs(y)) + + # Tokenize the audio + input_values = tokenizer(y, return_tensors="pt", sampling_rate=sr).input_values + + # Perform inference + with torch.no_grad(): + logits = model(input_values).logits + + # Decode the logits + predicted_ids = torch.argmax(logits, dim=-1) + transcription = tokenizer.decode(predicted_ids[0]) + + return transcription + +# Create the Gradio interface +with gr.Blocks() as interface: + gr.Markdown("## Chat with Sage - Your Mental Health Advisor") + + with gr.Tab("Model Management"): + with gr.Tabs(): + with gr.TabItem("Model Selection"): + gr.Markdown("### Select Model for Chat") + model_dropdown = gr.Dropdown(choices=list(model_config.keys()), label="Choose a Model", value="gpt-4", + allow_custom_value=True) + status_textbox = gr.Textbox(label="Model Selection Status", value="Selected model: gpt-4") + model_dropdown.change(lambda model: f"Selected model: {model}", inputs=model_dropdown, + outputs=status_textbox) + + with gr.TabItem("Download Model"): # Sub-tab for downloading models + gr.Markdown("### Download a Model from Hugging Face") + model_name_input = gr.Textbox(label="Enter Model Name from Hugging Face (e.g., gpt2)") + download_button = gr.Button("Download Model") + download_status = gr.Textbox(label="Download Status") + + # Model download synchronous handler + def on_model_download(model_name): + download_message, updated_models = download_model(model_name) + # Trigger the dropdown update to show the newly added model + return download_message, gr.update(choices=updated_models, value=updated_models[-1]) + + download_button.click(on_model_download, inputs=model_name_input, + outputs=[download_status, model_dropdown]) + + refresh_button = gr.Button("Refresh Model List") + refresh_button.click(lambda: gr.update(choices=list(model_config.keys())), inputs=[], + outputs=model_dropdown) + + with gr.Tab("Chat Interface"): + gr.Markdown("### Chat with Sage") + + # Chat history state for tracking conversation + chat_history_state = gr.State(load_chat_history()) # Load existing chat history + + # Add initial introduction message + if not chat_history_state.value: + chat_history_state.value.append({"role": "assistant", "content": "Hello, I am Sage. How can I assist you today?"}) + + chat_display = gr.HTML(label="Chat", value=format_chat_bubble(chat_history_state.value), elem_id="chat-display") + + user_message = gr.Textbox(placeholder="Type your message here...", label="Your Message") + send_button = gr.Button("Send Message") + + # Predefined message buttons + predefined_buttons = [gr.Button(value=msg) for msg in predefined_messages.values()] + + # Real-time message updating + def update_chat(model_choice, user_message, chat_history_state): + chat_history, audio_file = generate_response(model_choice, user_message, chat_history_state) + formatted_chat = format_chat_bubble(chat_history) + return formatted_chat, chat_history, audio_file + + send_button.click( + update_chat, + inputs=[model_dropdown, user_message, chat_history_state], + outputs=[chat_display, chat_history_state, gr.Audio(autoplay=True)] + ) + + send_button.click(lambda: "", None, user_message) # Clears the user input after sending + + # Add click events for predefined message buttons + for button, message in zip(predefined_buttons, predefined_messages.values()): + button.click( + update_chat, + inputs=[model_dropdown, gr.State(message), chat_history_state], + outputs=[chat_display, chat_history_state, gr.Audio(autoplay=True)] + ) + + with gr.Tab("Speech Interface"): + gr.Markdown("### Speak with Sage") + + audio_input = gr.Audio(type="numpy") + transcribe_button = gr.Button("Transcribe") + transcribed_text = gr.Textbox(label="Transcribed Text") + + transcribe_button.click( + transcribe, + inputs=audio_input, + outputs=transcribed_text + ) + + send_speech_button = gr.Button("Send Speech Message") + + send_speech_button.click( + update_chat, + inputs=[model_dropdown, transcribed_text, chat_history_state], + outputs=[chat_display, chat_history_state, gr.Audio(autoplay=True)] + ) + + # Add custom CSS for scrolling chat box and bubbles + interface.css = """ + #chat-display { + max-height: 500px; + overflow-y: auto; + padding: 10px; + background-color: #1a1a1a; + border-radius: 10px; + display: flex; + flex-direction: column; + justify-content: flex-start; + box-shadow: 0px 4px 10px rgba(0, 0, 0, 0.1); + scroll-behavior: smooth; + } + + /* User message style - text only */ + .user-bubble { + color: #ffffff; /* Text color for the user */ + padding: 8px 15px; + margin: 8px 0; + word-wrap: break-word; + align-self: flex-end; + font-size: 14px; + position: relative; + max-width: 70%; /* Make the bubble width dynamic */ + border-radius: 15px; + background-color: #121212; /* Light cyan background for the user */ + transition: color 0.3s ease; + } + + /* Assistant message style - text only */ + .assistant-bubble { + color: #ffffff; /* Text color for the assistant */ + padding: 8px 15px; + margin: 8px 0; + word-wrap: break-word; + align-self: flex-start; + background-color: #2a2a2a; + font-size: 14px; + position: relative; + max-width: 70%; + transition: color 0.3s ease; + } + + """ + +# Launch the Gradio interface +interface.launch(server_name="0.0.0.0", server_port=8080, share=True) diff --git a/model fine-tunning.ipynb b/model fine-tunning.ipynb new file mode 100644 index 0000000000000000000000000000000000000000..a5fc70b601593fef532b842c7253c19a187adff2 --- /dev/null +++ b/model fine-tunning.ipynb @@ -0,0 +1,747 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "id": "96d10e25-bc25-4058-baaa-a74ab15af266", + "metadata": {}, + "source": [ + "# Kaggle API Setup for TensorFlow and Keras NLP Project\n", + "Gemma is a family of lightweight, state-of-the-art open models built from the same research and technology used to create the Gemini models.\n", + "\n", + "## Introduction\n", + "In this notebook, we will prepare the environment to download and utilize the Gemma model in a TensorFlow and Keras NLP project. We will begin by importing the necessary libraries, followed by configuring the Kaggle API credentials to enable seamless access to the required datasets.\n", + "\n", + "## 1. Importing Required Libraries\n", + "To start, we will import the essential libraries for this project, including TensorFlow, Keras, and Keras NLP, which are crucial for building and deploying NLP models.\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "996572a0-edb7-49c9-89cc-27ad9b5a42d2", + "metadata": { + "scrolled": true + }, + "outputs": [], + "source": [ + "# Import required libraries\n", + "\n", + "import os\n", + "import tensorflow as tf\n", + "import keras_nlp\n", + "import keras\n", + "import json\n", + "\n", + "# Ignore Warnings\n", + "from silence_tensorflow import silence_tensorflow\n", + "silence_tensorflow()\n", + "import warnings\n", + "warnings.filterwarnings(\"ignore\")\n", + "os.environ['TF_CPP_MIN_LOG_LEVEL'] = '3' " + ] + }, + { + "cell_type": "code", + "execution_count": 2, + "id": "29ec8457-c4b5-4017-b190-812e0b2428f5", + "metadata": {}, + "outputs": [], + "source": [ + "# Set Kaggle API credentials\n", + "\n", + "os.environ[\"KAGGLE_USERNAME\"] = \"rogerkorantenng\"\n", + "os.environ[\"KAGGLE_KEY\"] = \"\"" + ] + }, + { + "cell_type": "markdown", + "id": "0145d6ca-9424-4c32-9e87-7cbac86cf65f", + "metadata": {}, + "source": [ + "## 2. Building and Compiling the Gemma Model\n", + "\n", + "In this section, we will build and compile the Gemma model, a language model designed for natural language processing (NLP) tasks. The process involves several key steps: loading the pre-trained model, enabling fine-tuning with LoRA (Low-Rank Adaptation), configuring the input sequence length, setting up the optimizer, and compiling the model for training.\n" + ] + }, + { + "cell_type": "code", + "execution_count": 3, + "id": "e8045579-6e77-4879-b630-d1a9d2550a4d", + "metadata": {}, + "outputs": [], + "source": [ + "def get_compiled_model():\n", + " gemma_lm = keras_nlp.models.GemmaCausalLM.from_preset(\"gemma_2b_en\")\n", + " gemma_lm.summary()\n", + "\n", + " gemma_lm.backbone.enable_lora(rank=4)\n", + " gemma_lm.summary()\n", + " \n", + " # Set the sequence length to 128 before using the model.\n", + " gemma_lm.preprocessor.sequence_length = 256\n", + " \n", + " # Use AdamW (a common optimizer for transformer models).\n", + " optimizer = keras.optimizers.AdamW(\n", + " learning_rate=5e-5,\n", + " weight_decay=0.01,\n", + " )\n", + " \n", + " # Exclude layernorm and bias terms from decay.\n", + " optimizer.exclude_from_weight_decay(var_names=[\"bias\", \"scale\"])\n", + " \n", + " gemma_lm.compile(\n", + " loss=keras.losses.SparseCategoricalCrossentropy(from_logits=True),\n", + " optimizer=optimizer,\n", + " weighted_metrics=[keras.metrics.SparseCategoricalAccuracy()],\n", + " )\n", + "\n", + " \n", + " return gemma_lm" + ] + }, + { + "cell_type": "markdown", + "id": "6475baba-ce54-40ec-a484-22629936c845", + "metadata": {}, + "source": [ + "## 3. Loading and Processing the Dataset\n", + "\n", + "In this section, we will define a function to load and process a JSON dataset. The dataset is read line by line, and each line is parsed and formatted according to the required structure. The function returns a list of formatted examples that can be used for training or analysis.\n" + ] + }, + { + "cell_type": "code", + "execution_count": 4, + "id": "238f65b1-75c2-42a1-abd3-b4d8c7c36799", + "metadata": {}, + "outputs": [], + "source": [ + "def get_dataset():\n", + " # Initialize an empty list to hold the processed data.\n", + " data = []\n", + " \n", + " # Open and read the JSON file line by line.\n", + " with open('/project/data/combined_dataset.json') as file:\n", + " for line in file:\n", + " features = json.loads(line)\n", + " \n", + " # Filter out examples without \"Context\".\n", + " if not features.get(\"Context\"):\n", + " continue\n", + " \n", + " # Format the example as a string.\n", + " template = \"Instruction:\\n{Context}\\n\\nResponse:\\n{Response}\"\n", + " formatted_example = template.format(**features)\n", + " \n", + " # Append the formatted example to the data list.\n", + " data.append(formatted_example)\n", + " \n", + " return data " + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "id": "d589e374-cc82-4132-9613-23ee064aa10e", + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2024-08-30 16:13:39.953235: I tensorflow/core/common_runtime/gpu/gpu_device.cc:2021] Created device /job:localhost/replica:0/task:0/device:GPU:0 with 13775 MB memory: -> device: 0, name: Tesla T4, pci bus id: 0000:18:00.0, compute capability: 7.5\n", + "2024-08-30 16:13:39.954747: I tensorflow/core/common_runtime/gpu/gpu_device.cc:2021] Created device /job:localhost/replica:0/task:0/device:GPU:1 with 13775 MB memory: -> device: 1, name: Tesla T4, pci bus id: 0000:19:00.0, compute capability: 7.5\n", + "2024-08-30 16:13:39.956103: I tensorflow/core/common_runtime/gpu/gpu_device.cc:2021] Created device /job:localhost/replica:0/task:0/device:GPU:2 with 13775 MB memory: -> device: 2, name: Tesla T4, pci bus id: 0000:35:00.0, compute capability: 7.5\n", + "2024-08-30 16:13:39.957459: I tensorflow/core/common_runtime/gpu/gpu_device.cc:2021] Created device /job:localhost/replica:0/task:0/device:GPU:3 with 13775 MB memory: -> device: 3, name: Tesla T4, pci bus id: 0000:36:00.0, compute capability: 7.5\n", + "2024-08-30 16:13:39.958812: I tensorflow/core/common_runtime/gpu/gpu_device.cc:2021] Created device /job:localhost/replica:0/task:0/device:GPU:4 with 13775 MB memory: -> device: 4, name: Tesla T4, pci bus id: 0000:e7:00.0, compute capability: 7.5\n", + "2024-08-30 16:13:39.960166: I tensorflow/core/common_runtime/gpu/gpu_device.cc:2021] Created device /job:localhost/replica:0/task:0/device:GPU:5 with 13775 MB memory: -> device: 5, name: Tesla T4, pci bus id: 0000:e8:00.0, compute capability: 7.5\n", + "2024-08-30 16:13:39.961521: I tensorflow/core/common_runtime/gpu/gpu_device.cc:2021] Created device /job:localhost/replica:0/task:0/device:GPU:6 with 13775 MB memory: -> device: 6, name: Tesla T4, pci bus id: 0000:f4:00.0, compute capability: 7.5\n", + "2024-08-30 16:13:39.962850: I tensorflow/core/common_runtime/gpu/gpu_device.cc:2021] Created device /job:localhost/replica:0/task:0/device:GPU:7 with 13775 MB memory: -> device: 7, name: Tesla T4, pci bus id: 0000:f5:00.0, compute capability: 7.5\n", + "normalizer.cc(51) LOG(INFO) precompiled_charsmap is empty. use identity normalization.\n" + ] + }, + { + "data": { + "text/html": [ + "
Preprocessor: \"gemma_causal_lm_preprocessor\"\n",
+       "
\n" + ], + "text/plain": [ + "\u001b[1mPreprocessor: \"gemma_causal_lm_preprocessor\"\u001b[0m\n" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/html": [ + "
┏━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━┳━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━┓\n",
+       "┃ Tokenizer (type)                                                                                Vocab # ┃\n",
+       "┡━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━╇━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━┩\n",
+       "│ gemma_tokenizer (GemmaTokenizer)                   │                                             256,000 │\n",
+       "└────────────────────────────────────────────────────┴─────────────────────────────────────────────────────┘\n",
+       "
\n" + ], + "text/plain": [ + "┏━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━┳━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━┓\n", + "┃\u001b[1m \u001b[0m\u001b[1mTokenizer (type) \u001b[0m\u001b[1m \u001b[0m┃\u001b[1m \u001b[0m\u001b[1m Vocab #\u001b[0m\u001b[1m \u001b[0m┃\n", + "┡━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━╇━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━┩\n", + "│ gemma_tokenizer (\u001b[38;5;33mGemmaTokenizer\u001b[0m) │ \u001b[38;5;34m256,000\u001b[0m │\n", + "└────────────────────────────────────────────────────┴─────────────────────────────────────────────────────┘\n" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/html": [ + "
Model: \"gemma_causal_lm\"\n",
+       "
\n" + ], + "text/plain": [ + "\u001b[1mModel: \"gemma_causal_lm\"\u001b[0m\n" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/html": [ + "
┏━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━┳━━━━━━━━━━━━━━━━━━━━━━━━━━━┳━━━━━━━━━━━━━━━━━┳━━━━━━━━━━━━━━━━━━━━━━━━━━━━┓\n",
+       "┃ Layer (type)                   Output Shape                       Param #  Connected to               ┃\n",
+       "┡━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━╇━━━━━━━━━━━━━━━━━━━━━━━━━━━╇━━━━━━━━━━━━━━━━━╇━━━━━━━━━━━━━━━━━━━━━━━━━━━━┩\n",
+       "│ padding_mask (InputLayer)     │ (None, None)              │               0 │ -                          │\n",
+       "├───────────────────────────────┼───────────────────────────┼─────────────────┼────────────────────────────┤\n",
+       "│ token_ids (InputLayer)        │ (None, None)              │               0 │ -                          │\n",
+       "├───────────────────────────────┼───────────────────────────┼─────────────────┼────────────────────────────┤\n",
+       "│ gemma_backbone                │ (None, None, 2048)        │   2,506,172,416 │ padding_mask[0][0],        │\n",
+       "│ (GemmaBackbone)               │                           │                 │ token_ids[0][0]            │\n",
+       "├───────────────────────────────┼───────────────────────────┼─────────────────┼────────────────────────────┤\n",
+       "│ token_embedding               │ (None, None, 256000)      │     524,288,000 │ gemma_backbone[0][0]       │\n",
+       "│ (ReversibleEmbedding)         │                           │                 │                            │\n",
+       "└───────────────────────────────┴───────────────────────────┴─────────────────┴────────────────────────────┘\n",
+       "
\n" + ], + "text/plain": [ + "┏━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━┳━━━━━━━━━━━━━━━━━━━━━━━━━━━┳━━━━━━━━━━━━━━━━━┳━━━━━━━━━━━━━━━━━━━━━━━━━━━━┓\n", + "┃\u001b[1m \u001b[0m\u001b[1mLayer (type) \u001b[0m\u001b[1m \u001b[0m┃\u001b[1m \u001b[0m\u001b[1mOutput Shape \u001b[0m\u001b[1m \u001b[0m┃\u001b[1m \u001b[0m\u001b[1m Param #\u001b[0m\u001b[1m \u001b[0m┃\u001b[1m \u001b[0m\u001b[1mConnected to \u001b[0m\u001b[1m \u001b[0m┃\n", + "┡━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━╇━━━━━━━━━━━━━━━━━━━━━━━━━━━╇━━━━━━━━━━━━━━━━━╇━━━━━━━━━━━━━━━━━━━━━━━━━━━━┩\n", + "│ padding_mask (\u001b[38;5;33mInputLayer\u001b[0m) │ (\u001b[38;5;45mNone\u001b[0m, \u001b[38;5;45mNone\u001b[0m) │ \u001b[38;5;34m0\u001b[0m │ - │\n", + "├───────────────────────────────┼───────────────────────────┼─────────────────┼────────────────────────────┤\n", + "│ token_ids (\u001b[38;5;33mInputLayer\u001b[0m) │ (\u001b[38;5;45mNone\u001b[0m, \u001b[38;5;45mNone\u001b[0m) │ \u001b[38;5;34m0\u001b[0m │ - │\n", + "├───────────────────────────────┼───────────────────────────┼─────────────────┼────────────────────────────┤\n", + "│ gemma_backbone │ (\u001b[38;5;45mNone\u001b[0m, \u001b[38;5;45mNone\u001b[0m, \u001b[38;5;34m2048\u001b[0m) │ \u001b[38;5;34m2,506,172,416\u001b[0m │ padding_mask[\u001b[38;5;34m0\u001b[0m][\u001b[38;5;34m0\u001b[0m], │\n", + "│ (\u001b[38;5;33mGemmaBackbone\u001b[0m) │ │ │ token_ids[\u001b[38;5;34m0\u001b[0m][\u001b[38;5;34m0\u001b[0m] │\n", + "├───────────────────────────────┼───────────────────────────┼─────────────────┼────────────────────────────┤\n", + "│ token_embedding │ (\u001b[38;5;45mNone\u001b[0m, \u001b[38;5;45mNone\u001b[0m, \u001b[38;5;34m256000\u001b[0m) │ \u001b[38;5;34m524,288,000\u001b[0m │ gemma_backbone[\u001b[38;5;34m0\u001b[0m][\u001b[38;5;34m0\u001b[0m] │\n", + "│ (\u001b[38;5;33mReversibleEmbedding\u001b[0m) │ │ │ │\n", + "└───────────────────────────────┴───────────────────────────┴─────────────────┴────────────────────────────┘\n" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/html": [ + "
 Total params: 2,506,172,416 (9.34 GB)\n",
+       "
\n" + ], + "text/plain": [ + "\u001b[1m Total params: \u001b[0m\u001b[38;5;34m2,506,172,416\u001b[0m (9.34 GB)\n" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/html": [ + "
 Trainable params: 2,506,172,416 (9.34 GB)\n",
+       "
\n" + ], + "text/plain": [ + "\u001b[1m Trainable params: \u001b[0m\u001b[38;5;34m2,506,172,416\u001b[0m (9.34 GB)\n" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/html": [ + "
 Non-trainable params: 0 (0.00 B)\n",
+       "
\n" + ], + "text/plain": [ + "\u001b[1m Non-trainable params: \u001b[0m\u001b[38;5;34m0\u001b[0m (0.00 B)\n" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/html": [ + "
Preprocessor: \"gemma_causal_lm_preprocessor\"\n",
+       "
\n" + ], + "text/plain": [ + "\u001b[1mPreprocessor: \"gemma_causal_lm_preprocessor\"\u001b[0m\n" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/html": [ + "
┏━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━┳━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━┓\n",
+       "┃ Tokenizer (type)                                                                                Vocab # ┃\n",
+       "┡━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━╇━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━┩\n",
+       "│ gemma_tokenizer (GemmaTokenizer)                   │                                             256,000 │\n",
+       "└────────────────────────────────────────────────────┴─────────────────────────────────────────────────────┘\n",
+       "
\n" + ], + "text/plain": [ + "┏━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━┳━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━┓\n", + "┃\u001b[1m \u001b[0m\u001b[1mTokenizer (type) \u001b[0m\u001b[1m \u001b[0m┃\u001b[1m \u001b[0m\u001b[1m Vocab #\u001b[0m\u001b[1m \u001b[0m┃\n", + "┡━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━╇━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━┩\n", + "│ gemma_tokenizer (\u001b[38;5;33mGemmaTokenizer\u001b[0m) │ \u001b[38;5;34m256,000\u001b[0m │\n", + "└────────────────────────────────────────────────────┴─────────────────────────────────────────────────────┘\n" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/html": [ + "
Model: \"gemma_causal_lm\"\n",
+       "
\n" + ], + "text/plain": [ + "\u001b[1mModel: \"gemma_causal_lm\"\u001b[0m\n" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/html": [ + "
┏━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━┳━━━━━━━━━━━━━━━━━━━━━━━━━━━┳━━━━━━━━━━━━━━━━━┳━━━━━━━━━━━━━━━━━━━━━━━━━━━━┓\n",
+       "┃ Layer (type)                   Output Shape                       Param #  Connected to               ┃\n",
+       "┡━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━╇━━━━━━━━━━━━━━━━━━━━━━━━━━━╇━━━━━━━━━━━━━━━━━╇━━━━━━━━━━━━━━━━━━━━━━━━━━━━┩\n",
+       "│ padding_mask (InputLayer)     │ (None, None)              │               0 │ -                          │\n",
+       "├───────────────────────────────┼───────────────────────────┼─────────────────┼────────────────────────────┤\n",
+       "│ token_ids (InputLayer)        │ (None, None)              │               0 │ -                          │\n",
+       "├───────────────────────────────┼───────────────────────────┼─────────────────┼────────────────────────────┤\n",
+       "│ gemma_backbone                │ (None, None, 2048)        │   2,507,536,384 │ padding_mask[0][0],        │\n",
+       "│ (GemmaBackbone)               │                           │                 │ token_ids[0][0]            │\n",
+       "├───────────────────────────────┼───────────────────────────┼─────────────────┼────────────────────────────┤\n",
+       "│ token_embedding               │ (None, None, 256000)      │     524,288,000 │ gemma_backbone[0][0]       │\n",
+       "│ (ReversibleEmbedding)         │                           │                 │                            │\n",
+       "└───────────────────────────────┴───────────────────────────┴─────────────────┴────────────────────────────┘\n",
+       "
\n" + ], + "text/plain": [ + "┏━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━┳━━━━━━━━━━━━━━━━━━━━━━━━━━━┳━━━━━━━━━━━━━━━━━┳━━━━━━━━━━━━━━━━━━━━━━━━━━━━┓\n", + "┃\u001b[1m \u001b[0m\u001b[1mLayer (type) \u001b[0m\u001b[1m \u001b[0m┃\u001b[1m \u001b[0m\u001b[1mOutput Shape \u001b[0m\u001b[1m \u001b[0m┃\u001b[1m \u001b[0m\u001b[1m Param #\u001b[0m\u001b[1m \u001b[0m┃\u001b[1m \u001b[0m\u001b[1mConnected to \u001b[0m\u001b[1m \u001b[0m┃\n", + "┡━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━╇━━━━━━━━━━━━━━━━━━━━━━━━━━━╇━━━━━━━━━━━━━━━━━╇━━━━━━━━━━━━━━━━━━━━━━━━━━━━┩\n", + "│ padding_mask (\u001b[38;5;33mInputLayer\u001b[0m) │ (\u001b[38;5;45mNone\u001b[0m, \u001b[38;5;45mNone\u001b[0m) │ \u001b[38;5;34m0\u001b[0m │ - │\n", + "├───────────────────────────────┼───────────────────────────┼─────────────────┼────────────────────────────┤\n", + "│ token_ids (\u001b[38;5;33mInputLayer\u001b[0m) │ (\u001b[38;5;45mNone\u001b[0m, \u001b[38;5;45mNone\u001b[0m) │ \u001b[38;5;34m0\u001b[0m │ - │\n", + "├───────────────────────────────┼───────────────────────────┼─────────────────┼────────────────────────────┤\n", + "│ gemma_backbone │ (\u001b[38;5;45mNone\u001b[0m, \u001b[38;5;45mNone\u001b[0m, \u001b[38;5;34m2048\u001b[0m) │ \u001b[38;5;34m2,507,536,384\u001b[0m │ padding_mask[\u001b[38;5;34m0\u001b[0m][\u001b[38;5;34m0\u001b[0m], │\n", + "│ (\u001b[38;5;33mGemmaBackbone\u001b[0m) │ │ │ token_ids[\u001b[38;5;34m0\u001b[0m][\u001b[38;5;34m0\u001b[0m] │\n", + "├───────────────────────────────┼───────────────────────────┼─────────────────┼────────────────────────────┤\n", + "│ token_embedding │ (\u001b[38;5;45mNone\u001b[0m, \u001b[38;5;45mNone\u001b[0m, \u001b[38;5;34m256000\u001b[0m) │ \u001b[38;5;34m524,288,000\u001b[0m │ gemma_backbone[\u001b[38;5;34m0\u001b[0m][\u001b[38;5;34m0\u001b[0m] │\n", + "│ (\u001b[38;5;33mReversibleEmbedding\u001b[0m) │ │ │ │\n", + "└───────────────────────────────┴───────────────────────────┴─────────────────┴────────────────────────────┘\n" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/html": [ + "
 Total params: 2,507,536,384 (9.34 GB)\n",
+       "
\n" + ], + "text/plain": [ + "\u001b[1m Total params: \u001b[0m\u001b[38;5;34m2,507,536,384\u001b[0m (9.34 GB)\n" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/html": [ + "
 Trainable params: 1,363,968 (5.20 MB)\n",
+       "
\n" + ], + "text/plain": [ + "\u001b[1m Trainable params: \u001b[0m\u001b[38;5;34m1,363,968\u001b[0m (5.20 MB)\n" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/html": [ + "
 Non-trainable params: 2,506,172,416 (9.34 GB)\n",
+       "
\n" + ], + "text/plain": [ + "\u001b[1m Non-trainable params: \u001b[0m\u001b[38;5;34m2,506,172,416\u001b[0m (9.34 GB)\n" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "# Get Model and Compile\n", + "model = get_compiled_model()\n", + "\n", + "# Get the dataset outside the strategy scope.\n", + "data = get_dataset()" + ] + }, + { + "cell_type": "markdown", + "id": "50106081-cd9e-4246-974e-a4e7db99be97", + "metadata": {}, + "source": [ + "## 4. Defining the Prompt Template and Generating Responses\n", + "\n", + "In this section, we define a template for creating prompts that the language model will use to generate responses. The template includes placeholders for an 'instruction' and a 'response'. We then format this template with actual data to create a complete prompt. Finally, the prompt is passed to the language model to generate a response.\n" + ] + }, + { + "cell_type": "code", + "execution_count": 6, + "id": "47a8c8da-b73a-4684-9199-176b4fa9bd3d", + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "2024-08-30 16:13:57.828298: E tensorflow/core/util/util.cc:131] oneDNN supports DT_INT64 only on platforms with AVX-512. Falling back to the default Eigen-based implementation if present.\n", + "WARNING: All log messages before absl::InitializeLog() is called are written to STDERR\n", + "I0000 00:00:1725034446.797146 18073 service.cc:146] XLA service 0x5a7be0cb31d0 initialized for platform CUDA (this does not guarantee that XLA will be used). Devices:\n", + "I0000 00:00:1725034446.797176 18073 service.cc:154] StreamExecutor device (0): Tesla T4, Compute Capability 7.5\n", + "I0000 00:00:1725034446.797180 18073 service.cc:154] StreamExecutor device (1): Tesla T4, Compute Capability 7.5\n", + "I0000 00:00:1725034446.797182 18073 service.cc:154] StreamExecutor device (2): Tesla T4, Compute Capability 7.5\n", + "I0000 00:00:1725034446.797185 18073 service.cc:154] StreamExecutor device (3): Tesla T4, Compute Capability 7.5\n", + "I0000 00:00:1725034446.797188 18073 service.cc:154] StreamExecutor device (4): Tesla T4, Compute Capability 7.5\n", + "I0000 00:00:1725034446.797190 18073 service.cc:154] StreamExecutor device (5): Tesla T4, Compute Capability 7.5\n", + "I0000 00:00:1725034446.797193 18073 service.cc:154] StreamExecutor device (6): Tesla T4, Compute Capability 7.5\n", + "I0000 00:00:1725034446.797196 18073 service.cc:154] StreamExecutor device (7): Tesla T4, Compute Capability 7.5\n", + "2024-08-30 16:14:07.351952: I tensorflow/compiler/mlir/tensorflow/utils/dump_mlir_util.cc:268] disabling MLIR crash reproducer, set env var `MLIR_CRASH_REPRODUCER_DIRECTORY` to enable.\n", + "2024-08-30 16:14:09.094695: I external/local_xla/xla/stream_executor/cuda/cuda_dnn.cc:531] Loaded cuDNN version 8905\n", + "I0000 00:00:1725034456.429832 18073 device_compiler.h:188] Compiled cluster using XLA! This line is logged at most once for the lifetime of the process.\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Instruction:\n", + "I'm going through some things with my feelings and myself. I barely sleep and I do nothing but think about how I'm worthless and how I shouldn't be here.\n", + " I've never tried or contemplated suicide. I've always wanted to fix my issues, but I never get around to it.\n", + " How can I change my feeling of being worthless to everyone?\n", + "\n", + "Response:\n", + "I'm sorry to hear that you're going through some things. I'm not sure what you mean by \"I barely sleep and I do nothing but think about how I'm worthless and how I shouldn't be here.\" I'm not sure what you mean by \"I've never tried or contemplated suicide.\" I'm not sure what you mean by \"I've always wanted to fix my issues, but I never get around to it.\" I'm not sure what you mean by \"How can I change my feeling of being worthless to everyone?\"\n", + "\n", + "I'm not sure what you mean by \"I'm sorry to hear that you're going through some things.\"\n", + "\n", + "I'm not sure what you mean by \"I'm not sure what you mean by 'I barely sleep\n" + ] + } + ], + "source": [ + "# Define the template with placeholders for 'instruction' and 'response'\n", + "template = \"Instruction:\\n{instruction}\\n\\nResponse:\\n{response}\"\n", + "\n", + "# Create the prompt by formatting the template with actual data\n", + "prompt = template.format(\n", + " instruction=\"I'm going through some things with my feelings and myself. I barely sleep and I do nothing but think about how I'm worthless and how I shouldn't be here.\\n I've never tried or contemplated suicide. I've always wanted to fix my issues, but I never get around to it.\\n How can I change my feeling of being worthless to everyone?\",\n", + " response=\"\",\n", + ")\n", + "\n", + "# Assuming gemma_lm is a language model that you're using to generate text\n", + "print(model.generate(prompt, max_length=256))\n" + ] + }, + { + "cell_type": "markdown", + "id": "9784a448-b7a2-40e7-8162-3caa3ac64d22", + "metadata": {}, + "source": [ + "## 5. Model Fine Tunning\n", + "\n", + "In this section, we compile the model, prepare the dataset, and then train the model using the data. We will walk through the steps of obtaining the compiled model, loading the dataset, and fitting the model to the data.\n" + ] + }, + { + "cell_type": "code", + "execution_count": 7, + "id": "9355a347-5893-4f94-bff8-09cb126d818d", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Epoch 1/40\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "W0000 00:00:1725034506.217331 18546 assert_op.cc:38] Ignoring Assert operator compile_loss/sparse_categorical_crossentropy/SparseSoftmaxCrossEntropyWithLogits/assert_equal_1/Assert/Assert\n", + "2024-08-30 16:15:23.759806: I external/local_xla/xla/stream_executor/cuda/cuda_asm_compiler.cc:393] ptxas warning : Registers are spilled to local memory in function 'loop_add_subtract_fusion_2', 220 bytes spill stores, 220 bytes spill loads\n", + "\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2455s\u001b[0m 682ms/step - loss: 2.0513 - sparse_categorical_accuracy: 0.4572\n", + "Epoch 2/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2398s\u001b[0m 683ms/step - loss: 1.9421 - sparse_categorical_accuracy: 0.4760\n", + "Epoch 3/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2398s\u001b[0m 683ms/step - loss: 1.8639 - sparse_categorical_accuracy: 0.4929\n", + "Epoch 4/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2396s\u001b[0m 682ms/step - loss: 1.7974 - sparse_categorical_accuracy: 0.5083\n", + "Epoch 5/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2397s\u001b[0m 683ms/step - loss: 1.7301 - sparse_categorical_accuracy: 0.5239\n", + "Epoch 6/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2396s\u001b[0m 682ms/step - loss: 1.6699 - sparse_categorical_accuracy: 0.5380\n", + "Epoch 7/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2397s\u001b[0m 682ms/step - loss: 1.6151 - sparse_categorical_accuracy: 0.5512\n", + "Epoch 8/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2399s\u001b[0m 683ms/step - loss: 1.5641 - sparse_categorical_accuracy: 0.5633\n", + "Epoch 9/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2393s\u001b[0m 681ms/step - loss: 1.5194 - sparse_categorical_accuracy: 0.5776\n", + "Epoch 10/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2392s\u001b[0m 681ms/step - loss: 1.4795 - sparse_categorical_accuracy: 0.5869\n", + "Epoch 11/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2393s\u001b[0m 681ms/step - loss: 1.4477 - sparse_categorical_accuracy: 0.5949\n", + "Epoch 12/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2395s\u001b[0m 682ms/step - loss: 1.4191 - sparse_categorical_accuracy: 0.6025\n", + "Epoch 13/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2397s\u001b[0m 683ms/step - loss: 1.3948 - sparse_categorical_accuracy: 0.6080\n", + "Epoch 14/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2397s\u001b[0m 682ms/step - loss: 1.3707 - sparse_categorical_accuracy: 0.6142\n", + "Epoch 15/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2398s\u001b[0m 683ms/step - loss: 1.3508 - sparse_categorical_accuracy: 0.6195\n", + "Epoch 16/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2397s\u001b[0m 682ms/step - loss: 1.3308 - sparse_categorical_accuracy: 0.6236\n", + "Epoch 17/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2400s\u001b[0m 683ms/step - loss: 1.3068 - sparse_categorical_accuracy: 0.6303\n", + "Epoch 18/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2400s\u001b[0m 683ms/step - loss: 1.2879 - sparse_categorical_accuracy: 0.6350\n", + "Epoch 19/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2401s\u001b[0m 683ms/step - loss: 1.2676 - sparse_categorical_accuracy: 0.6395\n", + "Epoch 20/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2396s\u001b[0m 682ms/step - loss: 1.2474 - sparse_categorical_accuracy: 0.6444\n", + "Epoch 21/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2395s\u001b[0m 682ms/step - loss: 1.2283 - sparse_categorical_accuracy: 0.6491\n", + "Epoch 22/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2398s\u001b[0m 683ms/step - loss: 1.2086 - sparse_categorical_accuracy: 0.6543\n", + "Epoch 23/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2399s\u001b[0m 683ms/step - loss: 1.1896 - sparse_categorical_accuracy: 0.6593\n", + "Epoch 24/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2400s\u001b[0m 683ms/step - loss: 1.1706 - sparse_categorical_accuracy: 0.6644\n", + "Epoch 25/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2399s\u001b[0m 683ms/step - loss: 1.1508 - sparse_categorical_accuracy: 0.6695\n", + "Epoch 26/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2401s\u001b[0m 683ms/step - loss: 1.1322 - sparse_categorical_accuracy: 0.6744\n", + "Epoch 27/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2400s\u001b[0m 683ms/step - loss: 1.1152 - sparse_categorical_accuracy: 0.6789\n", + "Epoch 28/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2397s\u001b[0m 682ms/step - loss: 1.0921 - sparse_categorical_accuracy: 0.6851\n", + "Epoch 29/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2396s\u001b[0m 682ms/step - loss: 1.0791 - sparse_categorical_accuracy: 0.6881\n", + "Epoch 30/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2398s\u001b[0m 683ms/step - loss: 1.0581 - sparse_categorical_accuracy: 0.6941\n", + "Epoch 31/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2399s\u001b[0m 683ms/step - loss: 1.0382 - sparse_categorical_accuracy: 0.6994\n", + "Epoch 32/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2401s\u001b[0m 684ms/step - loss: 1.0208 - sparse_categorical_accuracy: 0.7045\n", + "Epoch 33/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2402s\u001b[0m 684ms/step - loss: 1.0037 - sparse_categorical_accuracy: 0.7089\n", + "Epoch 34/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2402s\u001b[0m 684ms/step - loss: 0.9862 - sparse_categorical_accuracy: 0.7137\n", + "Epoch 35/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2405s\u001b[0m 685ms/step - loss: 0.9688 - sparse_categorical_accuracy: 0.7183\n", + "Epoch 36/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2402s\u001b[0m 684ms/step - loss: 0.9554 - sparse_categorical_accuracy: 0.7219\n", + "Epoch 37/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2402s\u001b[0m 684ms/step - loss: 0.9479 - sparse_categorical_accuracy: 0.7239\n", + "Epoch 38/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2404s\u001b[0m 685ms/step - loss: 0.9224 - sparse_categorical_accuracy: 0.7313\n", + "Epoch 39/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2408s\u001b[0m 686ms/step - loss: 0.9132 - sparse_categorical_accuracy: 0.7335\n", + "Epoch 40/40\n", + "\u001b[1m3512/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m\u001b[0m \u001b[1m2410s\u001b[0m 686ms/step - loss: 0.8930 - sparse_categorical_accuracy: 0.7399\n" + ] + }, + { + "data": { + "text/plain": [ + "" + ] + }, + "execution_count": 7, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "# Fit the model using the data.\n", + "model.fit(data, epochs=40, batch_size=1, verbose=1)" + ] + }, + { + "cell_type": "markdown", + "id": "8ca51424-9aa2-4933-9f97-106eec5347c5", + "metadata": {}, + "source": [ + "## 6. Generating a Response from the Fine-Tuned Language Model\n", + "\n", + "In this section, we will define a template for generating prompts and use the language model `gemma_lm` to generate a response based on the provided instruction. This process involves creating a formatted prompt and then using the model to produce a response.\n" + ] + }, + { + "cell_type": "code", + "execution_count": 9, + "id": "9199e8bd-3269-4b4a-bb8b-78399965883f", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Instruction:\n", + "I'm going through some things with my feelings and myself. I barely sleep and I do nothing but think about how I'm worthless and how I shouldn't be here.\n", + " I've never tried or contemplated suicide. I've always wanted to fix my issues, but I never get around to it.\n", + " How can I change my feeling of being worthless to everyone?\n", + "\n", + "Response:\n", + "It sounds like you are having a really tough time with feeling this way.  Feeling this way is not normal and it is important to talk about these feelings with someone.  You are not worthless, you are a wonderful person who is going through some tough times.  Therapy can help you to work through these issues and come to a place of self-love and acceptance.  You can do this!  \n" + ] + } + ], + "source": [ + "# Define the template with placeholders for 'instruction' and 'response'\n", + "template = \"Instruction:\\n{instruction}\\n\\nResponse:\\n{response}\"\n", + "\n", + "# Create the prompt by formatting the template with actual data\n", + "prompt = template.format(\n", + " instruction=\"I'm going through some things with my feelings and myself. I barely sleep and I do nothing but think about how I'm worthless and how I shouldn't be here.\\n I've never tried or contemplated suicide. I've always wanted to fix my issues, but I never get around to it.\\n How can I change my feeling of being worthless to everyone?\",\n", + " response=\"\",\n", + ")\n", + "\n", + "# Assuming gemma_lm is a language model that you're using to generate text\n", + "print(model.generate(prompt, max_length=256))\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "252c7c12-e763-4524-8cd4-7582431efb02", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "\u001b[1m3136/3512\u001b[0m \u001b[32m━━━━━━━━━━━━━━━━━\u001b[0m\u001b[37m━━━\u001b[0m \u001b[1m4:11\u001b[0m 668ms/step - loss: 0.3683 - sparse_categorical_accuracy: 0.8940" + ] + } + ], + "source": [ + "model.fit(data, epochs=1, batch_size=1, verbose=1)" + ] + }, + { + "cell_type": "code", + "execution_count": 23, + "id": "1fda3d9d-488d-46a2-8f4e-b0b83f175426", + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Instruction:\n", + "I'm going through some things with my feelings and myself. I barely sleep and I do nothing but think about how I'm worthless and how I shouldn't be here.\n", + " I've never tried or contemplated suicide. I've always wanted to fix my issues, but I never get around to it.\n", + " How can I change my feeling of being worthless to everyone?\n", + "\n", + "Response:\n", + "I'm glad you're willing to slow down, but it's a complicated feeling that can be challenging to identify and work through. I've heard it described as feeling like a heavy cloud or rain cloud, and it's good to know where you are when you want to know what to do about it.It is possible to know more about this feeling and why it's arising from time to time like this. It helps to know that what you're experiencing is likely to do with your sense of who you are and your sense of how important you are in people's lives. It's also helpful to know that this feeling is something that's happening deep within you, not something outside of you.It can be valuable to look at the relationships in your life and consider your place in them.\n" + ] + } + ], + "source": [ + "# Define the template with placeholders for 'instruction' and 'response'\n", + "template = \"Instruction:\\n{instruction}\\n\\nResponse:\\n{response}\"\n", + "\n", + "# Create the prompt by formatting the template with actual data\n", + "prompt = template.format(\n", + " instruction=\"I'm going through some things with my feelings and myself. I barely sleep and I do nothing but think about how I'm worthless and how I shouldn't be here.\\n I've never tried or contemplated suicide. I've always wanted to fix my issues, but I never get around to it.\\n How can I change my feeling of being worthless to everyone?\",\n", + " response=\"\",\n", + ")\n", + "\n", + "# Assuming gemma_lm is a language model that you're using to generate text\n", + "print(model.generate(prompt, max_length=256))\n" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "id": "11bda333-9e55-4a62-9992-3d595d27ff54", + "metadata": {}, + "outputs": [], + "source": [ + "model.backbone.save_lora_weights(\"model2.lora.h5\")" + ] + } + ], + "metadata": { + "kernelspec": { + "display_name": "Python 3 (ipykernel)", + "language": "python", + "name": "python3" + }, + "language_info": { + "codemirror_mode": { + "name": "ipython", + "version": 3 + }, + "file_extension": ".py", + "mimetype": "text/x-python", + "name": "python", + "nbconvert_exporter": "python", + "pygments_lexer": "ipython3", + "version": "3.10.12" + } + }, + "nbformat": 4, + "nbformat_minor": 5 +} diff --git a/requirements.txt b/requirements.txt new file mode 100644 index 0000000000000000000000000000000000000000..ea1d71cd93d389c6ea1da07b804bbbec37c389a3 --- /dev/null +++ b/requirements.txt @@ -0,0 +1,170 @@ +aiofiles==23.2.1 +aiohappyeyeballs==2.4.3 +aiohttp==3.10.10 +aiosignal==1.3.1 +analytics-python==1.4.post1 +annotated-types==0.7.0 +anyio==3.7.1 +asgiref==3.8.1 +async-timeout==4.0.3 +attrs==24.2.0 +backoff==1.10.0 +bcrypt==4.2.0 +build==1.2.2.post1 +cachetools==5.5.0 +certifi==2024.8.30 +cffi==1.17.1 +charset-normalizer==3.4.0 +chroma-bullet==2.2.0 +chroma-hnswlib==0.7.6 +chroma-migrate==0.0.7 +chromadb==0.5.18 +click==8.1.7 +clickhouse-connect==0.6.6 +coloredlogs==15.0.1 +contourpy==1.3.0 +cryptography==43.0.3 +cycler==0.12.1 +Deprecated==1.2.14 +duckdb==0.7.1 +durationpy==0.9 +exceptiongroup==1.2.2 +fastapi==0.115.4 +ffmpeg==1.4 +ffmpy==0.4.0 +filelock==3.16.1 +flatbuffers==24.3.25 +fonttools==4.54.1 +frozenlist==1.5.0 +fsspec==2024.10.0 +google-auth==2.36.0 +googleapis-common-protos==1.65.0 +gradio==5.5.0 +gradio_client==1.4.2 +grpcio==1.67.1 +gTTS==2.5.4 +h11==0.14.0 +HLL==2.2.0 +httpcore==1.0.6 +httptools==0.6.4 +httpx==0.27.2 +huggingface-hub==0.26.2 +humanfriendly==10.0 +idna==3.10 +importlib_metadata==8.5.0 +importlib_resources==6.4.5 +Jinja2==3.1.4 +joblib==1.4.2 +kiwisolver==1.4.7 +kubernetes==31.0.0 +linkify-it-py==2.0.3 +lz4==4.3.3 +markdown-it-py==3.0.0 +MarkupSafe==2.1.5 +matplotlib==3.9.2 +mdit-py-plugins==0.4.2 +mdurl==0.1.2 +mmh3==5.0.1 +monotonic==1.6 +more-itertools==10.5.0 +mpmath==1.3.0 +multidict==6.1.0 +networkx==3.4.2 +nltk==3.9.1 +numpy==1.23.5 +nvidia-cublas-cu12==12.1.3.1 +nvidia-cuda-cupti-cu12==12.1.105 +nvidia-cuda-nvrtc-cu12==12.1.105 +nvidia-cuda-runtime-cu12==12.1.105 +nvidia-cudnn-cu12==9.1.0.70 +nvidia-cufft-cu12==11.0.2.54 +nvidia-curand-cu12==10.3.2.106 +nvidia-cusolver-cu12==11.4.5.107 +nvidia-cusparse-cu12==12.1.0.106 +nvidia-cusparselt-cu12==0.6.2 +nvidia-nccl-cu12==2.21.5 +nvidia-nvjitlink-cu12==12.4.127 +nvidia-nvtx-cu12==12.1.105 +oauthlib==3.2.2 +onnxruntime==1.20.0 +opentelemetry-api==1.28.1 +opentelemetry-exporter-otlp-proto-common==1.28.1 +opentelemetry-exporter-otlp-proto-grpc==1.28.1 +opentelemetry-instrumentation==0.49b1 +opentelemetry-instrumentation-asgi==0.49b1 +opentelemetry-instrumentation-fastapi==0.49b1 +opentelemetry-proto==1.28.1 +opentelemetry-sdk==1.28.1 +opentelemetry-semantic-conventions==0.49b1 +opentelemetry-util-http==0.49b1 +orjson==3.10.11 +overrides==7.7.0 +packaging==24.2 +pandas==1.5.3 +paramiko==3.5.0 +pillow==11.0.0 +plotly==5.14.0 +posthog==3.7.0 +propcache==0.2.0 +protobuf==5.28.3 +pulsar-client==3.5.0 +pyasn1==0.6.1 +pyasn1_modules==0.4.1 +pycparser==2.22 +pycryptodome==3.21.0 +pydantic==2.9.2 +pydantic_core==2.23.4 +pydub==0.25.1 +Pygments==2.18.0 +PyNaCl==1.5.0 +pyparsing==3.2.0 +PyPika==0.48.9 +pyproject_hooks==1.2.0 +python-dateutil==2.9.0.post0 +python-dotenv==1.0.1 +python-multipart==0.0.12 +pytorch-triton==3.1.0+cf34004b8a +pytz==2024.2 +PyYAML==6.0.2 +regex==2024.11.6 +requests==2.32.3 +requests-oauthlib==2.0.0 +rich==13.9.4 +rsa==4.9 +ruff==0.7.3 +safehttpx==0.1.1 +safetensors==0.4.5 +scikit-learn==1.1.3 +scipy==1.14.1 +semantic-version==2.10.0 +sentence-transformers==3.2.1 +sentencepiece==0.2.0 +shellingham==1.5.4 +six==1.16.0 +sniffio==1.3.1 +starlette==0.41.2 +sympy==1.13.1 +tenacity==9.0.0 +threadpoolctl==3.5.0 +tokenizers==0.20.3 +tomli==2.0.2 +tomlkit==0.12.0 +torch==2.6.0.dev20241107+cu121 +torchaudio==2.5.0.dev20241107+cu121 +torchvision==0.20.0.dev20241107+cu121 +tqdm==4.67.0 +transformers==4.46.2 +triton==3.1.0 +typer==0.13.0 +typing_extensions==4.12.2 +uc-micro-py==1.0.3 +urllib3==2.2.3 +uvicorn==0.32.0 +uvloop==0.21.0 +watchfiles==0.24.0 +websocket-client==1.8.0 +websockets==12.0 +wrapt==1.16.0 +yarl==1.17.1 +zipp==3.20.2 +zstandard==0.23.0